diff --git a/Hw4_q3q4_soln.ipynb b/Hw4_q3q4_soln.ipynb deleted file mode 100644 index 683ce74..0000000 --- a/Hw4_q3q4_soln.ipynb +++ /dev/null @@ -1,475 +0,0 @@ -{ - "cells": [ - { - "cell_type": "markdown", - "source": "# Hw4-Written Hw Q3 and 4", - "metadata": { - "id": "h4OLm1o5m7aw", - "cell_id": "00000-a47a1144-3074-4893-8dde-02d6f694faeb", - "deepnote_cell_type": "markdown" - } - }, - { - "cell_type": "code", - "metadata": { - "collapsed": true, - "id": "76J_-Ojem7a2", - "deepnote_to_be_reexecuted": false, - "source_hash": "7e97df74", - "execution_millis": 943, - "cell_id": "00002-6a72fd2d-59ca-4747-a08c-32a444c5b747", - "execution_start": 1616699763525, - "deepnote_cell_type": "code" - }, - "source": "# Import Important Libraries\nimport sklearn\nfrom sklearn.datasets import load_breast_cancer # taking included data set from Sklearn http://scikit-learn.org/stable/modules/generated/sklearn.datasets.load_breast_cancer.html\nfrom sklearn.linear_model import LogisticRegression # importing Sklearn's logistic regression's module\nfrom sklearn import preprocessing # preprossing is what we do with the data before we run the learning algorithm\nfrom sklearn.model_selection import train_test_split \nimport numpy as np\n\nimport pandas as pd\n\nimport matplotlib.pyplot as plt\n%matplotlib inline", - "execution_count": 1, - "outputs": [] - }, - { - "cell_type": "markdown", - "source": "HW4, q3 ", - "metadata": { - "tags": [], - "cell_id": "00003-69224833-c34f-45bb-a438-df0754ec5cd8", - "deepnote_cell_type": "markdown" - } - }, - { - "cell_type": "code", - "source": "import numpy as np\n\ndef hypothesis(x , w):\n z = np.dot(x, w)\n return 1/(1 + np.exp(-z))\n\ndef likelihood(x, y, w):\n yhat = hypothesis(X, w)\n likelihood = np.sum(y * np.log(yhat) + (1 - y) * np.log(1 - yhat)) \n return likelihood\n\nX = np.array([[0.49,0.09,1.69,0.04,0.04, 0.64, 1, 0.16],[0.16,0.09,0.25,0,0.49,0,0.04,0.01]]).reshape(8,2)\nx_one = np.ones((8,1)) # add one column\nX = np.hstack((x_one, X))\n\nw_1 = np.array([0.66,-2.24,-0.18]).reshape(3,1)\nw_2 = np.array([1.33, -2.96, -2.77]).reshape(3,1)\n\ny = np.array([0,0,0,0,1,1,1,1]).reshape(8,1)\n\nprint(f'Check X =\\n {X}, the shape of X is {X.shape}')\nprint(f'Check y = {y.transpose()}, the shape of X is {y.shape}')\nprint(f'Check w = {w_1.transpose()}, the shape of w is {w_1.shape}')\nprint(f'Check w\\' = {w_2.transpose()}, the shape of w\\' is {w_2.shape}')\n\nprint(f'h_w(x) is:\\n {hypothesis(X, w_1)}')\nprint(f'h_w\\'(x) is:\\n {hypothesis(X, w_2)}')\n\nprint(f'likelihood of w is {likelihood(X,y,w_1)}')\nprint(f'likelihood of w\\' is {likelihood(X,y,w_2)}')\n", - "metadata": { - "tags": [], - "cell_id": "00003-9ef97e5a-6acc-4728-813b-e5780e53812e", - "deepnote_to_be_reexecuted": false, - "source_hash": "167f7e18", - "execution_start": 1616699764480, - "execution_millis": 27, - "deepnote_cell_type": "code" - }, - "outputs": [ - { - "name": "stdout", - "text": "Check X =\n [[1. 0.49 0.09]\n [1. 1.69 0.04]\n [1. 0.04 0.64]\n [1. 1. 0.16]\n [1. 0.16 0.09]\n [1. 0.25 0. ]\n [1. 0.49 0. ]\n [1. 0.04 0.01]], the shape of X is (8, 3)\nCheck y = [[0 0 0 0 1 1 1 1]], the shape of X is (8, 1)\nCheck w = [[ 0.66 -2.24 -0.18]], the shape of w is (3, 1)\nCheck w' = [[ 1.33 -2.96 -2.77]], the shape of w' is (3, 1)\nh_w(x) is:\n [[0.38845766]\n [0.04177438]\n [0.61187487]\n [0.16675528]\n [0.57086961]\n [0.52497919]\n [0.39231299]\n [0.63844007]]\nh_w'(x) is:\n [[0.40861351]\n [0.02224374]\n [0.36326985]\n [0.11172906]\n [0.64727899]\n [0.64336515]\n [0.46993631]\n [0.76564831]]\nlikelihood of w is -4.25271239754217\nlikelihood of w' is -3.015879343821497\n", - "output_type": "stream" - } - ], - "execution_count": 2 - }, - { - "cell_type": "markdown", - "source": "# Loading the data set.\n\nIn the below code cell, you will load the data from sklearn using the method given. Check import statements and use the given function", - "metadata": { - "id": "xeiMRQlFm7a3", - "cell_id": "00003-231347f9-653f-47fa-a740-fa9ee5d04be1", - "deepnote_cell_type": "markdown" - } - }, - { - "cell_type": "code", - "metadata": { - "id": "lpnLacVvm7a3", - "deepnote_to_be_reexecuted": false, - "source_hash": "40bc4489", - "execution_millis": 13, - "cell_id": "00004-b73b62a4-cd26-4133-bbf1-68f53ef4e98f", - "execution_start": 1616699764512, - "deepnote_cell_type": "code" - }, - "source": "# TODO Q01\ncancer = load_breast_cancer()", - "execution_count": 3, - "outputs": [] - }, - { - "cell_type": "code", - "metadata": { - "colab": { - "base_uri": "https://localhost:8080/" - }, - "id": "becyu2dPm7a3", - "executionInfo": { - "status": "ok", - "timestamp": 1615639173675, - "user_tz": 300, - "elapsed": 201, - "user": { - "displayName": "Kevin Chen", - "photoUrl": "https://lh3.googleusercontent.com/a-/AOh14GheacSJEHNzOW-i0Y1O_QQhtN5-kcSRe1oDSccbFw=s64", - "userId": "05601742559097284347" - } - }, - "outputId": "5527bb55-dab5-4f3a-b3b4-b48ea90f5dd2", - "deepnote_to_be_reexecuted": false, - "source_hash": "110de928", - "execution_millis": 7, - "cell_id": "00006-6130dd91-040b-4626-819d-47f5eb5133f9", - "execution_start": 1616699764531, - "deepnote_cell_type": "code" - }, - "source": "# VERIFY - Print the shape of data and target\nprint('Q01 - cancer.target.shape: ', cancer.target.shape)\nprint('Q01 - cancer.data.shape: ', cancer.data.shape)", - "execution_count": 4, - "outputs": [ - { - "name": "stdout", - "text": "Q01 - cancer.target.shape: (569,)\nQ01 - cancer.data.shape: (569, 30)\n", - "output_type": "stream" - } - ] - }, - { - "cell_type": "markdown", - "source": "# Data Pre-Processing\nScale before splitting the data into train and test since we will be using gradient ascent. \n* Use `preprocessing` to scale the data. \n* Assign the target of cancer to variable `y ()`.\n* Use `train_test_split` to split the data (`75% train` and `25% test`) to `X_train`, `X_test`, `y_train`, `y_test` with `random_state` of 42\n* Reshape `y_train` into 2D array `y_2d_train` and `y_test` into 2D array `y_2d_test`", - "metadata": { - "id": "qp9GnJDTm7a4", - "cell_id": "00007-d51d3516-3527-4cb8-a272-d12926c1fc8e", - "deepnote_cell_type": "markdown" - } - }, - { - "cell_type": "code", - "metadata": { - "id": "u6nCenfLm7a4", - "deepnote_to_be_reexecuted": false, - "source_hash": "7ee83332", - "execution_millis": 0, - "cell_id": "00008-f4fc8ac0-94b8-47cf-9ab6-97edb00231e0", - "execution_start": 1616699764567, - "deepnote_cell_type": "code" - }, - "source": "# TODO Q02\nX_scale = preprocessing.scale(cancer.data)\ny = cancer.target\n\nX_train, X_test, y_train, y_test = train_test_split(X_scale, y, random_state=42, train_size=0.75, test_size=0.25)\n# print(X_train)\n# print(X_test)\n# print(y_train)\n# print(y_test)\ny_2d_train = y_train.reshape((y_train.shape[0], 1))\ny_2d_test = y_test.reshape((y_test.shape[0], 1))\n# print(y_2d_train)\n# print(y_2d_test)\n", - "execution_count": 5, - "outputs": [] - }, - { - "cell_type": "markdown", - "source": "# Implementing Logistic Regression Using Gradient Ascent", - "metadata": { - "id": "EaHeQwYcm7a5", - "cell_id": "00012-ddf1363a-09fc-410c-ad53-34a643a17009", - "deepnote_cell_type": "markdown" - } - }, - { - "cell_type": "code", - "metadata": { - "collapsed": true, - "id": "OFZ106QHm7a5", - "deepnote_to_be_reexecuted": false, - "source_hash": "a043e4b4", - "execution_millis": 0, - "cell_id": "00013-92ab9180-e560-4d45-ab96-63f1d09be1c6", - "execution_start": 1616699764568, - "deepnote_cell_type": "code" - }, - "source": "# TODO Q03\n# Write the sigmoid function\ndef sigmoid(z):\n result = 1 / (1 + np.exp(-z))\n return result", - "execution_count": 6, - "outputs": [] - }, - { - "cell_type": "code", - "metadata": { - "id": "kK3Mmsahm7a6", - "deepnote_to_be_reexecuted": false, - "source_hash": "4b38b765", - "execution_millis": 0, - "cell_id": "00016-3d81c847-8891-4ca2-8cb9-863035e6b598", - "execution_start": 1616699764569, - "deepnote_cell_type": "code" - }, - "source": "# TODO Q04\n# Append a column of ones to X_train\n# ones is a vector of shape n,1\nones = np.ones((X_train.shape[0], 1))\n# print(ones)\n# Append a column of ones in the beginning of X_train an save in variable X_train_1().\nX_train_1 = np.hstack((ones, X_train))", - "execution_count": 7, - "outputs": [] - }, - { - "cell_type": "code", - "metadata": { - "id": "tZQ-fckjm7a7", - "deepnote_to_be_reexecuted": false, - "source_hash": "b5182002", - "execution_millis": 3, - "cell_id": "00019-49867edb-ab4b-4c58-83c8-54c694d57913", - "execution_start": 1616699764570, - "deepnote_cell_type": "code" - }, - "source": "# TODO Q05\n# Initialize Parameter Vector w to a zero matrix with shape (X_train_1.shape[1],1)\nw_init = np.zeros(((X_train_1.shape[1],1)))", - "execution_count": 8, - "outputs": [] - }, - { - "cell_type": "code", - "metadata": { - "id": "H7ljMAiHm7a7", - "colab": { - "base_uri": "https://localhost:8080/" - }, - "executionInfo": { - "status": "ok", - "timestamp": 1615641121233, - "user_tz": 300, - "elapsed": 144, - "user": { - "displayName": "Kevin Chen", - "photoUrl": "https://lh3.googleusercontent.com/a-/AOh14GheacSJEHNzOW-i0Y1O_QQhtN5-kcSRe1oDSccbFw=s64", - "userId": "05601742559097284347" - } - }, - "outputId": "254e60d1-933b-46d8-94b5-5f9be15f8184", - "deepnote_to_be_reexecuted": false, - "source_hash": "dc9b7a50", - "execution_millis": 35, - "cell_id": "00021-6ffe0e7c-60d2-4a9c-bce6-2c28c506b764", - "execution_start": 1616699764574, - "deepnote_cell_type": "code" - }, - "source": "# VERIFY\nprint('Q05 - w_init.shape: ', w_init.shape)", - "execution_count": 9, - "outputs": [ - { - "name": "stdout", - "text": "Q05 - w_init.shape: (31, 1)\n", - "output_type": "stream" - } - ] - }, - { - "cell_type": "code", - "metadata": { - "collapsed": true, - "id": "70yYZoVQm7a7", - "deepnote_to_be_reexecuted": false, - "source_hash": "7901ba38", - "execution_millis": 1, - "cell_id": "00022-0c700a73-a3c0-4103-95bd-a87030b60b39", - "execution_start": 1616699764586, - "deepnote_cell_type": "code" - }, - "source": "# TODO Q06\n# Write the hypothesis function\n# this returns a vector of all sigmoids of all examples\n# in other words, returns the probability between 0 and 1 of being class 1 of each example \ndef hypothesis(X_train_1, w):\n z_score = X_train_1.dot(w)\n y_hat = sigmoid(z_score)\n return y_hat", - "execution_count": 10, - "outputs": [] - }, - { - "cell_type": "code", - "metadata": { - "id": "LOKbZwM2m7a7", - "executionInfo": { - "status": "ok", - "timestamp": 1616181768387, - "user_tz": 240, - "elapsed": 227, - "user": { - "displayName": "Kevin Chen", - "photoUrl": "https://lh3.googleusercontent.com/a-/AOh14GheacSJEHNzOW-i0Y1O_QQhtN5-kcSRe1oDSccbFw=s64", - "userId": "05601742559097284347" - } - }, - "deepnote_to_be_reexecuted": false, - "source_hash": "5f0c6440", - "execution_millis": 8, - "cell_id": "00024-cbda64fd-7637-4bc0-b194-3e8a193869e0", - "execution_start": 1616699764588, - "deepnote_cell_type": "code" - }, - "source": "# TODO Q07 \n# Compute y_hat() using X_train_1 and w_init\ny_hat_init = hypothesis(X_train_1, w_init)", - "execution_count": 11, - "outputs": [] - }, - { - "cell_type": "markdown", - "source": "# Likelihood Function.\nWrite the code to calculate the log likelihood as discussed in the class.", - "metadata": { - "id": "BMFyz4Itm7a8", - "cell_id": "00027-27bfbfa5-a4a5-4410-b11e-e513af1a86d2", - "deepnote_cell_type": "markdown" - } - }, - { - "cell_type": "code", - "metadata": { - "collapsed": true, - "id": "gMOZEDT7m7a8", - "deepnote_to_be_reexecuted": false, - "source_hash": "40533a7c", - "execution_millis": 13, - "cell_id": "00028-19bd9154-bd76-4b2f-b5c6-32438d2cd6d2", - "execution_start": 1616699764599, - "deepnote_cell_type": "code" - }, - "source": "# TODO Q08\n# Write the log likelihood function\ndef likelihood(X_tr, y_tr, w, n):\n y_hat = hypothesis(X_tr, w) # is a vector of all probability of each example, basically h(x^(i)) for all i = 0 .. n\n likelihood = np.sum(y_tr * np.log(y_hat) + (1 - y_tr) * np.log(1 - y_hat))\n return likelihood", - "execution_count": 12, - "outputs": [] - }, - { - "cell_type": "code", - "metadata": { - "id": "ERKwBCsum7a8", - "colab": { - "base_uri": "https://localhost:8080/" - }, - "executionInfo": { - "status": "ok", - "timestamp": 1615646542420, - "user_tz": 300, - "elapsed": 200, - "user": { - "displayName": "Kevin Chen", - "photoUrl": "https://lh3.googleusercontent.com/a-/AOh14GheacSJEHNzOW-i0Y1O_QQhtN5-kcSRe1oDSccbFw=s64", - "userId": "05601742559097284347" - } - }, - "outputId": "bff8aeab-e4d6-411f-d2ef-fc0900cc40f0", - "deepnote_to_be_reexecuted": false, - "source_hash": "e2e61a3c", - "execution_millis": 52, - "cell_id": "00030-fe9140fb-457f-4dcf-ab49-bafa247ee3b8", - "execution_start": 1616699764620, - "deepnote_cell_type": "code" - }, - "source": "# VERIFY - The value should be equal to -295.2806989185367 using X_train_1, y_2d_train, w, X_train_1.shape[0].\nprint('Q08 - likelihood: ', likelihood(X_train_1, y_2d_train, w_init, X_train_1.shape[0]))", - "execution_count": 13, - "outputs": [ - { - "name": "stdout", - "text": "Q08 - likelihood: -295.2806989185367\n", - "output_type": "stream" - } - ] - }, - { - "cell_type": "markdown", - "source": "# Gradient Ascent with Ridge Regression", - "metadata": { - "id": "3_eZ-Iomm7a8", - "cell_id": "00031-72e42785-56d7-4995-9b95-9b01855e5825", - "deepnote_cell_type": "markdown" - } - }, - { - "cell_type": "code", - "metadata": { - "collapsed": true, - "id": "gi1oB0gFm7a9", - "deepnote_to_be_reexecuted": false, - "source_hash": "a7f2ee4f", - "execution_millis": 5, - "cell_id": "00032-4c0ff72b-6483-4edf-9f63-5e0ed43ad7db", - "execution_start": 1616699764646, - "deepnote_cell_type": "code" - }, - "source": "# TODO Q09\n# Write the gradient ascent function\ndef Gradient_Ascent(X_train_1, y_2d_train, learning_rate, num_iters, alpha):\n # Number of training examples.\n N = X_train_1.shape[0]\n # Initialize w(). Zeros vector of shape X_train.shape[1],1\n w = np.zeros((X_train_1.shape[1], 1))\n # Initiating list to store values of likelihood() after few iterations.\n likelihood_values = []\n for i in range(num_iters):\n y_hat = hypothesis(X_train_1, w) \n error = y_2d_train - y_hat \n gradient = X_train_1.T.dot(error) \n # Updating Parameters\n ridgeDeriv = 2 * w \n w = w + (learning_rate / N) * gradient - alpha * ridgeDeriv\n if (i % 100) == 0:\n likelihood_values.append(likelihood(X_train_1,y_2d_train,w,N))\n \n return w, likelihood_values", - "execution_count": 14, - "outputs": [] - }, - { - "cell_type": "code", - "metadata": { - "tags": [], - "deepnote_to_be_reexecuted": false, - "source_hash": "5ac0903f", - "execution_millis": 719, - "cell_id": "00033-a9d8335d-8753-473f-82bb-e817702ce31f", - "execution_start": 1616699764652, - "deepnote_cell_type": "code" - }, - "source": "learning_rate = 0.75\nnum_iters = 10000\nalpha = 0.0001 #lambda in this case\nw_gradient_ascent, likelihood_values = Gradient_Ascent(X_train_1, y_2d_train, learning_rate, num_iters, alpha)\nprint(w_gradient_ascent)\n", - "execution_count": 15, - "outputs": [ - { - "name": "stdout", - "text": "[[-0.3371506 ]\n [-0.07965755]\n [-0.16694649]\n [ 0.11512502]\n [-0.31074216]\n [-0.37634795]\n [ 2.60738557]\n [-1.27817525]\n [-3.02236987]\n [ 0.88708933]\n [-0.84121432]\n [-3.24493654]\n [ 0.65548693]\n [-0.17323638]\n [-2.11810957]\n [-0.31472541]\n [ 0.24429312]\n [ 0.18858105]\n [-1.26221572]\n [ 1.30240782]\n [ 1.92300053]\n [-1.56868421]\n [-2.44457231]\n [-0.06114289]\n [-1.70997665]\n [-0.15616728]\n [ 0.64091936]\n [-2.23502552]\n [-0.80024716]\n [-2.56680736]\n [-0.4002247 ]]\n", - "output_type": "stream" - } - ] - }, - { - "cell_type": "code", - "metadata": { - "tags": [], - "cell_id": "00036-edb59ab9-9670-4d0f-ab88-f1f4a6870d13", - "deepnote_to_be_reexecuted": false, - "source_hash": "94b78632", - "execution_millis": 13, - "execution_start": 1616699765380, - "deepnote_cell_type": "code" - }, - "source": "def predict(X_train_1, w):\n y_hat = sigmoid(X_train_1.dot(w))\n return y_hat", - "execution_count": 16, - "outputs": [] - }, - { - "cell_type": "code", - "metadata": { - "tags": [], - "deepnote_to_be_reexecuted": false, - "source_hash": "d8c3d0e6", - "execution_millis": 18, - "cell_id": "00037-de3dcdf2-7f56-4fa3-9037-703ff9d83a7d", - "execution_start": 1616699765397, - "deepnote_cell_type": "code" - }, - "source": "from sklearn.model_selection import KFold\n\ndef kfold_cross_validation(X_train_1, y):\n lambdas = [1,0.00001,0.001, 0.1, 10, 0.01, 0.0001, 0.00000001]\n #print(\"All possible lambdas:\", lambdas)\n best_lambda = 0\n kfold_model = KFold(n_splits=5, random_state=None, shuffle=False)\n min_error = float('inf')\n w_best = []\n for l in lambdas:\n #print(l)\n error = []\n wval = []\n for train_index, test_index in kfold_model.split(X_train_1):\n X_tr = X_train_1[train_index]\n Y_tr = y[train_index].reshape((-1, 1))\n X_ts = X_train_1[test_index]\n Y_ts = y[test_index].reshape((-1, 1))\n w, likelihood = Gradient_Ascent(X_tr, Y_tr, 0.001, X_tr.shape[0], l)\n yhat = hypothesis(X_ts, w)\n error.append(np.sum((y-yhat)**2))\n wval.append(w)\n\n if (np.mean(error) < min_error):\n min_error = np.mean(error)\n w_best = wval[np.argmin(error)]\n best_lambda = l\n\n #print(\"Min error\",min_error)\n \n return w_best, best_lambda", - "execution_count": 17, - "outputs": [] - }, - { - "cell_type": "code", - "metadata": { - "tags": [], - "deepnote_to_be_reexecuted": false, - "source_hash": "85a83b6b", - "execution_millis": 986, - "cell_id": "00038-d2762beb-3392-4f36-a239-7481110f7e3f", - "execution_start": 1616699765421, - "deepnote_cell_type": "code" - }, - "source": "w_best, best_lambda = kfold_cross_validation(X_train_1, y)\nprint(\"Best lambda:\", best_lambda)", - "execution_count": 18, - "outputs": [ - { - "name": "stderr", - "text": "/shared-libs/python3.7/py-core/lib/python3.7/site-packages/ipykernel_launcher.py:4: RuntimeWarning: overflow encountered in exp\n after removing the cwd from sys.path.\n/shared-libs/python3.7/py-core/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: divide by zero encountered in log\n \"\"\"\n/shared-libs/python3.7/py-core/lib/python3.7/site-packages/ipykernel_launcher.py:5: RuntimeWarning: invalid value encountered in multiply\n \"\"\"\n/shared-libs/python3.7/py-core/lib/python3.7/site-packages/ipykernel_launcher.py:16: RuntimeWarning: overflow encountered in multiply\n app.launch_new_instance()\n/shared-libs/python3.7/py-core/lib/python3.7/site-packages/ipykernel_launcher.py:17: RuntimeWarning: overflow encountered in multiply\nBest lambda: 1e-08\n", - "output_type": "stream" - } - ] - }, - { - "cell_type": "markdown", - "source": "\n \nCreated in Deepnote", - "metadata": { - "tags": [], - "created_in_deepnote_cell": true, - "deepnote_cell_type": "markdown" - } - } - ], - "nbformat": 4, - "nbformat_minor": 0, - "metadata": { - "kernelspec": { - "display_name": "Python 3", - "language": "python", - "name": "python3" - }, - "language_info": { - "codemirror_mode": { - "name": "ipython", - "version": 3 - }, - "file_extension": ".py", - "mimetype": "text/x-python", - "name": "python", - "nbconvert_exporter": "python", - "pygments_lexer": "ipython3", - "version": "3.8.2-final" - }, - "colab": { - "name": "HW4_prog_kc3585.ipynb", - "provenance": [], - "collapsed_sections": [ - "iQsyXlPIm7bA", - "RYQ6RpMxm7bC" - ] - }, - "deepnote_notebook_id": "95be0398-c861-4d68-b4b9-f966f3109332", - "deepnote": {}, - "deepnote_execution_queue": [] - } -} \ No newline at end of file diff --git a/data_joining.py b/data_joining.py index 49fcd03..8c48881 100644 --- a/data_joining.py +++ b/data_joining.py @@ -4,7 +4,7 @@ samples_to_join = 10e6 stride_between_samples = 5 -max_examples = 25000 +max_examples = 50000 prevkeys = ["SK_ID_PREV", "SK_ID_CURR", "NAME_CONTRACT_TYPE", "AMT_ANNUITY", "AMT_APPLICATION", "AMT_CREDIT", "AMT_DOWN_PAYMENT", "AMT_GOODS_PRICE", "WEEKDAY_APPR_PROCESS_START", "HOUR_APPR_PROCESS_START", "FLAG_LAST_APPL_PER_CONTRACT", "NFLAG_LAST_APPL_IN_DAY", "RATE_DOWN_PAYMENT", "RATE_INTEREST_PRIMARY", "RATE_INTEREST_PRIVILEGED", "NAME_CASH_LOAN_PURPOSE", "NAME_CONTRACT_STATUS", "DAYS_DECISION", "NAME_PAYMENT_TYPE", "CODE_REJECT_REASON", "NAME_TYPE_SUITE", "NAME_CLIENT_TYPE", "NAME_GOODS_CATEGORY", "NAME_PORTFOLIO", "NAME_PRODUCT_TYPE", "CHANNEL_TYPE", "SELLERPLACE_AREA", "NAME_SELLER_INDUSTRY", "CNT_PAYMENT", "NAME_YIELD_GROUP", "PRODUCT_COMBINATION", "DAYS_FIRST_DRAWING", "DAYS_FIRST_DUE", "DAYS_LAST_DUE_1ST_VERSION", "DAYS_LAST_DUE", "DAYS_TERMINATION", "NFLAG_INSURED_ON_APPROVAL"] diff --git a/database.csv b/database.csv index 703f35c..de94820 100644 --- a/database.csv +++ b/database.csv @@ -24999,3 +24999,20337 @@ SK_ID_PREV,SK_ID_CURR,NAME_CONTRACT_TYPE,AMT_ANNUITY,AMT_APPLICATION,AMT_CREDIT, 1977684,285769,Consumer loans,3612.645,20655.0,20376.0,1242.0,20655.0,SUNDAY,15,Y,1,0.06257058511846186,,,XAP,Approved,-2852,Cash through the bank,XAP,Other_B,Repeater,Audio/Video,POS,XNA,Stone,150,Consumer electronics,6.0,low_normal,POS household without interest,365243.0,-2821.0,-2671.0,-2671.0,-2663.0,1.0,0,Cash loans,F,N,Y,0,144000.0,1006920.0,40063.5,900000.0,Family,Working,Secondary / secondary special,Separated,House / apartment,0.019688999999999998,-22426,-442,-11821.0,-4089,,1,1,0,1,0,0,Sales staff,1.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Self-employed,,0.6581773007570083,,0.0619,0.0,0.9776,,,0.0,0.1379,0.1667,,0.0951,,0.0537,,0.0,0.063,0.0,0.9777,,,0.0,0.1379,0.1667,,0.0973,,0.0559,,0.0,0.0625,0.0,0.9776,,,0.0,0.1379,0.1667,,0.0968,,0.0546,,0.0,,block of flats,0.0422,Panel,No,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 2696130,113854,Cash loans,9586.305,90000.0,95940.0,,90000.0,THURSDAY,15,Y,1,,,,XNA,Approved,-756,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,20,Connectivity,12.0,middle,Cash X-Sell: middle,365243.0,-726.0,-396.0,-396.0,-389.0,1.0,0,Cash loans,F,N,Y,0,94500.0,90000.0,6264.0,90000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.031329,-20479,365243,-6490.0,-3705,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,12,0,0,0,0,0,0,XNA,,0.41715652960289457,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1937.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, 2104066,363258,Consumer loans,13354.605,67284.0,70834.5,0.0,67284.0,MONDAY,12,Y,1,0.0,,,XAP,Approved,-653,Cash through the bank,XAP,,Repeater,Auto Accessories,POS,XNA,Stone,133,Industry,6.0,middle,POS other with interest,365243.0,-622.0,-472.0,-472.0,-465.0,0.0,0,Cash loans,M,N,Y,2,135000.0,418500.0,30582.0,418500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-13454,-479,-454.0,-4220,,1,1,0,1,1,0,Drivers,4.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 2,,0.6128929872609257,0.6092756673894402,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2547.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1845553,238491,Consumer loans,5781.06,56389.5,56389.5,0.0,56389.5,FRIDAY,11,Y,1,0.0,,,XAP,Approved,-585,Cash through the bank,XAP,,Refreshed,Consumer Electronics,POS,XNA,Country-wide,119,Consumer electronics,12.0,middle,POS household with interest,365243.0,-550.0,-220.0,-460.0,-457.0,0.0,0,Cash loans,F,N,Y,1,126000.0,107820.0,8190.0,90000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.007305,-16990,-7689,-7762.0,-533,,1,1,1,1,1,0,Laborers,3.0,3,3,TUESDAY,7,0,0,0,0,0,0,Business Entity Type 3,,0.3635172446165833,0.7530673920730478,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2394.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1589958,402391,Cash loans,28873.17,450000.0,491580.0,,450000.0,MONDAY,9,Y,1,,,,XNA,Approved,-887,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-857.0,-167.0,-317.0,-307.0,1.0,0,Cash loans,F,N,Y,1,315000.0,1190340.0,63549.0,1125000.0,Family,Working,Higher education,Married,House / apartment,0.031329,-15602,-3417,-1040.0,-3937,,1,1,0,1,0,1,,3.0,2,2,SATURDAY,8,0,0,0,0,0,0,Insurance,0.4928123719636368,0.7679703428553109,0.5797274227921155,0.0835,0.0575,0.996,0.9456,0.0889,0.12,0.0345,0.7917,0.8333,0.0615,0.07400000000000001,0.1798,0.0116,0.4435,0.0851,0.0596,0.996,0.9477,0.0897,0.1208,0.0345,0.7917,0.8333,0.0629,0.0808,0.1873,0.0117,0.4695,0.0843,0.0575,0.996,0.9463,0.0894,0.12,0.0345,0.7917,0.8333,0.0626,0.0752,0.183,0.0116,0.4528,reg oper spec account,block of flats,0.2864,Monolithic,No,0.0,0.0,0.0,0.0,-343.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1098300,245429,Revolving loans,11250.0,225000.0,225000.0,,225000.0,TUESDAY,18,Y,1,,,,XAP,Refused,-570,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,135000.0,545040.0,39627.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.00733,-12535,-1704,-5930.0,-99,,1,1,0,1,0,0,Laborers,1.0,2,2,FRIDAY,13,0,0,0,0,0,0,Self-employed,0.09709457466150903,0.5809957278776706,0.1777040724853336,0.2268,0.0776,0.9816,0.7484,0.0401,0.08,0.0345,0.3333,0.0417,0.0,,0.0748,,0.0,0.2311,0.0806,0.9816,0.7583,0.0405,0.0806,0.0345,0.3333,0.0417,0.0,,0.0779,,0.0,0.229,0.0776,0.9816,0.7518,0.0404,0.08,0.0345,0.3333,0.0417,0.0,,0.0761,,0.0,reg oper account,specific housing,0.1122,"Stone, brick",No,3.0,0.0,3.0,0.0,-839.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2706262,169770,Consumer loans,7033.32,62955.0,62955.0,0.0,62955.0,WEDNESDAY,14,Y,1,0.0,,,XAP,Approved,-401,Cash through the bank,XAP,Family,Repeater,Auto Accessories,POS,XNA,Regional / Local,150,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-371.0,-101.0,-101.0,-96.0,0.0,0,Cash loans,F,Y,Y,2,112500.0,607500.0,44334.0,607500.0,Family,Working,Higher education,Married,House / apartment,0.031329,-9834,-2894,-616.0,-2465,65.0,1,1,0,1,0,1,High skill tech staff,4.0,2,2,FRIDAY,9,0,0,0,0,0,0,Industry: type 7,0.3775562216399925,0.6039061424595915,0.511891801533151,0.0619,0.0487,0.9767,,,0.0,0.1379,0.1667,,0.0647,,0.0523,,0.0,0.063,0.0505,0.9767,,,0.0,0.1379,0.1667,,0.0662,,0.0545,,0.0,0.0625,0.0487,0.9767,,,0.0,0.1379,0.1667,,0.0658,,0.0532,,0.0,,block of flats,0.0411,Panel,No,1.0,1.0,1.0,1.0,-1794.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,4.0 +1310740,429344,Consumer loans,4112.46,91287.0,91287.0,0.0,91287.0,THURSDAY,18,Y,1,0.0,,,XAP,Approved,-438,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Regional / Local,200,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-407.0,283.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,180000.0,1056447.0,31018.5,922500.0,Family,State servant,Secondary / secondary special,Married,With parents,0.019101,-13742,-4052,-4704.0,-3903,,1,1,0,1,0,0,Medicine staff,3.0,2,2,MONDAY,17,0,0,0,0,1,1,Medicine,,0.7078865664247207,0.4471785780453068,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-692.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2797924,400634,Consumer loans,6558.615,69750.0,69403.5,6975.0,69750.0,TUESDAY,12,Y,1,0.09945742703652327,,,XAP,Approved,-1104,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Stone,466,Consumer electronics,12.0,low_normal,POS other with interest,365243.0,-1065.0,-735.0,-735.0,-727.0,0.0,1,Cash loans,M,N,Y,0,157500.0,450000.0,27324.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,With parents,0.019101,-8798,-917,-3356.0,-1447,,1,1,1,1,0,0,Cooking staff,2.0,2,2,SUNDAY,12,0,0,0,1,1,0,Restaurant,,0.09481019135292884,0.1301285429480269,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-82.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,8.0 +1252813,370268,Cash loans,28680.66,607500.0,800019.0,,607500.0,SATURDAY,9,Y,1,,,,XNA,Refused,-935,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,42.0,low_normal,Cash Street: low,,,,,,,1,Cash loans,F,N,Y,0,135000.0,509922.0,40288.5,472500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.025164,-19826,-2875,-1163.0,-3316,,1,1,1,1,0,0,Core staff,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Medicine,,0.537282387295964,0.11247434965561487,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-100.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2307202,229936,Cash loans,8610.12,112500.0,127350.0,0.0,112500.0,THURSDAY,14,Y,1,0.0,,,XNA,Approved,-2220,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash Street: high,365243.0,-2190.0,-1500.0,-1500.0,-1496.0,1.0,0,Cash loans,F,N,Y,0,202500.0,765522.0,24822.0,639000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.01885,-21090,365243,-8291.0,-4123,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,XNA,0.7122550898747869,0.5365157532517386,0.5867400085415683,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1037.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1032465,324762,Consumer loans,13876.695,72632.25,76464.0,2.25,72632.25,SATURDAY,13,Y,1,3.204622360132144e-05,,,XAP,Approved,-189,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Regional / Local,100,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-159.0,-9.0,-9.0,-6.0,1.0,0,Revolving loans,F,N,Y,0,112500.0,180000.0,9000.0,,,State servant,Secondary / secondary special,Widow,House / apartment,0.006852,-16145,-1372,-4490.0,-4504,,1,1,0,1,1,0,Security staff,1.0,3,3,SATURDAY,13,0,0,0,0,1,1,School,,0.14570305901260314,0.3280631605201915,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-990.0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,7.0 +2172393,364958,Cash loans,51000.615,675000.0,831483.0,,675000.0,THURSDAY,12,Y,1,,,,XNA,Refused,-1007,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,24.0,middle,Cash Street: middle,,,,,,,1,Cash loans,M,N,Y,0,261000.0,564124.5,44698.5,481500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.030755,-16515,-4247,-170.0,-63,,1,1,0,1,0,0,Managers,2.0,2,2,WEDNESDAY,10,0,0,0,1,1,0,Business Entity Type 3,0.5270077333341401,0.5622082374926116,0.17044612304522816,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,2.0,2.0,2.0,-1614.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,5.0 +1107627,367766,Cash loans,27435.465,454500.0,526491.0,,454500.0,WEDNESDAY,8,Y,1,,,,XNA,Approved,-468,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,high,Cash X-Sell: high,365243.0,-438.0,972.0,-408.0,-401.0,1.0,0,Cash loans,M,Y,Y,3,157500.0,1288350.0,37800.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-13613,-1925,-1299.0,-5789,1.0,1,1,0,1,0,0,Drivers,5.0,2,2,TUESDAY,8,0,0,0,0,0,0,Self-employed,0.6151555091891675,0.4660065784298013,0.6769925032909132,0.0371,0.0,0.9732,0.6328,0.0031,0.0,0.1034,0.0833,0.125,0.0808,0.0277,0.026,0.0116,0.0208,0.0378,0.0,0.9732,0.6472,0.0031,0.0,0.1034,0.0833,0.125,0.0826,0.0303,0.0271,0.0117,0.0221,0.0375,0.0,0.9732,0.6377,0.0031,0.0,0.1034,0.0833,0.125,0.0822,0.0282,0.0265,0.0116,0.0213,reg oper account,block of flats,0.025,"Stone, brick",No,1.0,1.0,1.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,1.0,4.0 +1137030,383097,Cash loans,43160.31,1170000.0,1305909.0,,1170000.0,WEDNESDAY,9,Y,1,,,,XNA,Approved,-877,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,AP+ (Cash loan),90,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-847.0,563.0,-157.0,-152.0,1.0,1,Cash loans,F,N,Y,3,171000.0,1546020.0,45202.5,1350000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-14469,-2225,-1421.0,-5155,,1,1,1,1,0,0,Core staff,5.0,3,3,FRIDAY,5,0,0,0,0,1,1,Kindergarten,,0.1888785227674091,0.6496203111237195,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1916.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,4.0 +1031023,191173,Cash loans,52346.79,900000.0,1004544.0,,900000.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-467,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,high,Cash X-Sell: high,365243.0,-437.0,973.0,-377.0,-372.0,1.0,1,Cash loans,M,N,Y,0,180000.0,786528.0,48249.0,720000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.007273999999999998,-16184,-6474,-7052.0,-3533,,1,1,0,1,0,0,Drivers,2.0,2,2,MONDAY,11,0,0,0,1,1,0,Self-employed,,0.3372068603389246,0.5797274227921155,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1872.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,1.0 +2053237,337466,Cash loans,17514.0,481500.0,557770.5,,481500.0,WEDNESDAY,14,Y,1,,,,XNA,Approved,-169,Cash through the bank,XAP,Family,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-139.0,1271.0,365243.0,365243.0,1.0,1,Cash loans,F,N,Y,0,90000.0,384048.0,14607.0,270000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018209,-21071,365243,-5285.0,-3850,,1,0,0,1,1,0,,2.0,3,3,THURSDAY,8,0,0,0,0,0,0,XNA,,0.5115732340206873,0.4722533429586386,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1884.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1640631,309205,Cash loans,34780.68,292500.0,346779.0,,292500.0,SATURDAY,12,Y,1,,,,XNA,Approved,-787,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-757.0,-427.0,-427.0,-422.0,1.0,0,Cash loans,M,N,Y,0,180000.0,156384.0,16551.0,135000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-17974,-5780,-7742.0,-1498,,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,17,0,1,1,0,0,0,Transport: type 2,,0.35759838946613315,0.8050196619153701,0.0381,0.0304,0.9752,0.66,,0.0,0.069,0.1667,0.2083,0.0394,0.0303,0.0289,0.0039,0.01,0.0389,0.0315,0.9752,0.6733,,0.0,0.069,0.1667,0.2083,0.0403,0.0331,0.0301,0.0039,0.0105,0.0385,0.0304,0.9752,0.6645,,0.0,0.069,0.1667,0.2083,0.0401,0.0308,0.0294,0.0039,0.0102,reg oper account,block of flats,0.0381,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1084128,247961,Consumer loans,7508.88,58495.5,39190.5,19305.0,58495.5,FRIDAY,13,Y,1,0.3594276482806369,,,XAP,Approved,-2786,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,47,Connectivity,6.0,middle,POS mobile with interest,365243.0,-2755.0,-2605.0,-2605.0,-2546.0,0.0,0,Revolving loans,F,N,Y,0,90000.0,135000.0,6750.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-16672,-7701,-8549.0,-223,,1,1,0,1,0,0,Medicine staff,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,Medicine,,0.647991537496042,0.8599241760145402,0.032,,0.9732,,,0.0,0.069,0.0833,,0.0,,0.0179,,0.0,0.0326,,0.9732,,,0.0,0.069,0.0833,,0.0,,0.0187,,0.0,0.0323,,0.9732,,,0.0,0.069,0.0833,,0.0,,0.0183,,0.0,,block of flats,0.0133,"Stone, brick",No,4.0,0.0,4.0,0.0,-1460.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2501157,406774,Consumer loans,8331.48,97650.0,87885.0,9765.0,97650.0,MONDAY,13,Y,1,0.1089090909090909,,,XAP,Refused,-2270,Cash through the bank,LIMIT,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,126,Consumer electronics,18.0,high,POS household with interest,,,,,,,0,Cash loans,M,Y,N,0,180000.0,675000.0,34596.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.007120000000000001,-18987,-1584,-9932.0,-2508,8.0,1,1,1,1,1,0,,1.0,2,2,SATURDAY,13,0,0,0,0,1,1,Military,0.5792794015411916,0.5872215322039792,0.5064842396679806,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-445.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2313336,129818,Consumer loans,6108.21,33610.5,31747.5,3361.5,33610.5,FRIDAY,15,Y,1,0.10427466150870406,,,XAP,Approved,-2565,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,-1,Consumer electronics,6.0,high,POS household with interest,365243.0,-2534.0,-2384.0,-2444.0,-2437.0,1.0,0,Cash loans,F,N,N,0,202500.0,921330.0,39163.5,823500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.072508,-22471,365243,-5578.0,-27,,1,0,0,1,0,0,,2.0,1,1,MONDAY,11,0,0,0,0,0,0,XNA,,0.6397937150676998,0.524496446363472,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-913.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1556771,270064,Consumer loans,5760.27,106474.5,106474.5,0.0,106474.5,TUESDAY,16,Y,1,0.0,,,XAP,Approved,-1382,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Regional / Local,200,Consumer electronics,20.0,low_action,POS household without interest,365243.0,-1351.0,-781.0,-781.0,-775.0,0.0,0,Cash loans,F,N,Y,0,76500.0,239850.0,23850.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.019101,-24990,365243,-6575.0,-4841,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,13,0,0,0,0,0,0,XNA,,0.41583855422726135,0.7958031328748403,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,0.0,-1382.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1206756,272009,Cash loans,37730.16,679500.0,726142.5,,679500.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-321,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-291.0,399.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,1,247500.0,1506816.0,49927.5,1350000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.04622,-17066,-4124,-9884.0,-613,,1,1,0,1,0,0,Managers,3.0,1,1,TUESDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.6534189548033067,0.5937175866150576,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1206.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1569125,333468,Cash loans,17900.91,225000.0,254700.0,,225000.0,TUESDAY,15,Y,1,,,,XNA,Approved,-391,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,,,,,,,1,Cash loans,F,N,N,0,99000.0,1125000.0,30168.0,1125000.0,Unaccompanied,Pensioner,Higher education,Separated,House / apartment,0.016612000000000002,-22871,365243,-7123.0,-4315,,1,0,0,1,1,0,,1.0,2,2,FRIDAY,14,0,0,0,0,0,0,XNA,,0.4828644123427333,0.5478104658520093,0.0897,0.0731,0.9871,0.8232,0.0475,0.04,0.0345,0.3333,0.375,0.0604,0.0714,0.0823,0.0077,0.0357,0.0914,0.0758,0.9871,0.8301,0.048,0.0403,0.0345,0.3333,0.375,0.0618,0.0781,0.0858,0.0078,0.0378,0.0906,0.0731,0.9871,0.8256,0.0478,0.04,0.0345,0.3333,0.375,0.0614,0.0727,0.0838,0.0078,0.0365,reg oper account,block of flats,0.0908,"Stone, brick",No,0.0,0.0,0.0,0.0,-728.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1545169,204552,Revolving loans,3375.0,0.0,67500.0,,,SATURDAY,19,Y,1,,,,XAP,Approved,-2888,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card Street,-2745.0,-2703.0,365243.0,-754.0,365243.0,0.0,0,Cash loans,F,N,N,0,153000.0,1113840.0,47322.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.005313,-16575,-3006,-7523.0,-119,,1,1,0,1,0,0,High skill tech staff,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Industry: type 12,,0.6523931408142849,0.6058362647264226,0.0495,0.0,0.9637,0.5036,0.0076,0.0,0.1034,0.125,0.1667,0.0695,0.0378,0.0409,0.0116,0.0091,0.0504,0.0,0.9638,0.523,0.0076,0.0,0.1034,0.125,0.1667,0.0711,0.0413,0.0426,0.0117,0.0096,0.05,0.0,0.9637,0.5102,0.0076,0.0,0.1034,0.125,0.1667,0.0707,0.0385,0.0417,0.0116,0.0093,reg oper account,block of flats,0.0383,"Stone, brick",No,0.0,0.0,0.0,0.0,-3109.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2057750,279367,Revolving loans,11250.0,0.0,225000.0,,,WEDNESDAY,16,Y,1,,,,XAP,Approved,-789,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-786.0,-743.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,171000.0,675000.0,22437.0,675000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.026392000000000002,-16139,-633,-3468.0,-4786,,1,1,0,1,1,0,,2.0,2,2,MONDAY,12,0,0,0,0,0,0,University,0.7303712788028378,0.7081713612472522,0.4507472818545589,0.0227,,0.9692,,,0.0,0.0345,0.0417,,,,0.0158,,,0.0231,,0.9692,,,0.0,0.0345,0.0417,,,,0.0165,,,0.0229,,0.9692,,,0.0,0.0345,0.0417,,,,0.0161,,,,block of flats,0.0128,"Stone, brick",No,0.0,0.0,0.0,0.0,-2373.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,2.0 +1319487,271326,Cash loans,7879.59,112500.0,133258.5,,112500.0,TUESDAY,8,Y,1,,,,XNA,Approved,-731,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,365243.0,-701.0,169.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,0,211500.0,269550.0,18364.5,225000.0,Unaccompanied,Working,Incomplete higher,Single / not married,House / apartment,0.025164,-16722,-2752,-2894.0,-101,3.0,1,1,0,1,0,0,Accountants,1.0,2,2,FRIDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.7279167787222419,0.5065235197841653,0.2735646775174348,0.0345,0.0524,0.9821,0.7552,0.0128,0.04,0.069,0.3333,0.375,0.0121,0.053,0.0523,0.0154,0.0709,0.0,0.0544,0.9821,0.7648,0.0129,0.0,0.069,0.3333,0.375,0.0123,0.0579,0.0388,0.0156,0.0751,0.0349,0.0524,0.9821,0.7585,0.0129,0.04,0.069,0.3333,0.375,0.0123,0.0539,0.0532,0.0155,0.0724,reg oper account,block of flats,0.053,Panel,No,2.0,1.0,2.0,1.0,-1231.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,8.0,0.0,1.0 +2756395,129047,Cash loans,26327.97,450000.0,512370.0,,450000.0,FRIDAY,13,Y,1,,,,XNA,Approved,-742,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,,,,,,,1,Cash loans,F,N,Y,0,112500.0,1288350.0,41562.0,1125000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00963,-14524,-4485,-8175.0,-5036,,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.393041536404497,0.4066174366275036,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-898.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2719883,133366,Consumer loans,13141.17,121410.0,118282.5,12141.0,121410.0,SATURDAY,13,Y,1,0.1013824404901933,,,XAP,Approved,-2630,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Stone,2059,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2599.0,-2329.0,-2329.0,-2321.0,1.0,0,Cash loans,F,N,Y,2,112500.0,522927.0,25285.5,436500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.030755,-15614,-3156,-9550.0,-5658,,1,1,0,1,0,0,Laborers,4.0,2,2,THURSDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.5850676370816195,0.6453133744978369,0.5797274227921155,0.0165,0.0,0.9742,,,0.0,0.069,0.0417,,0.0197,,0.0129,,0.0,0.0168,0.0,0.9742,,,0.0,0.069,0.0417,,0.0202,,0.0135,,0.0,0.0167,0.0,0.9742,,,0.0,0.069,0.0417,,0.0201,,0.0132,,0.0,,block of flats,0.0102,"Stone, brick",No,8.0,0.0,8.0,0.0,-1960.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2720169,217553,Cash loans,16006.545,157500.0,173092.5,,157500.0,SATURDAY,11,Y,1,,,,Everyday expenses,Approved,-631,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,365243.0,-601.0,-91.0,-391.0,-385.0,1.0,0,Cash loans,F,N,Y,0,54000.0,277969.5,18706.5,229500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.00733,-19047,-2556,-3974.0,-2573,,1,1,0,1,0,0,Security staff,2.0,2,2,SUNDAY,10,0,0,0,0,0,0,Security,0.6339851362896822,0.5210206333012515,0.8171723992791566,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1072.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2363034,271500,Consumer loans,19171.71,212782.5,212782.5,0.0,212782.5,SUNDAY,17,Y,1,0.0,,,XAP,Approved,-421,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Country-wide,150,Furniture,12.0,low_action,POS industry without interest,365243.0,-390.0,-60.0,-60.0,-57.0,0.0,0,Revolving loans,M,Y,Y,0,360000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.04622,-13437,-3024,-438.0,-4380,0.0,1,1,0,1,0,0,,2.0,1,1,MONDAY,16,0,1,1,0,0,0,Business Entity Type 1,,0.7272737097695422,0.6848276586890367,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-1133.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1776589,399576,Cash loans,7134.66,144000.0,144000.0,,144000.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-1056,Cash through the bank,XAP,Family,Refreshed,XNA,Cash,x-sell,Country-wide,24,Connectivity,48.0,middle,Cash X-Sell: middle,365243.0,-1026.0,384.0,-606.0,-597.0,0.0,0,Cash loans,F,N,Y,0,175500.0,334152.0,16074.0,270000.0,Family,Working,Secondary / secondary special,Widow,House / apartment,0.016612000000000002,-11506,-901,-3497.0,-3304,,1,1,1,1,1,0,,1.0,2,2,TUESDAY,13,0,0,0,0,0,0,Bank,0.370107407886286,0.7152600965431032,0.05842784088634019,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-2347.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1478525,206160,Consumer loans,7133.49,158171.4,158170.5,0.9,158171.4,WEDNESDAY,10,Y,1,6.196959868736178e-06,,,XAP,Refused,-1499,Cash through the bank,HC,Unaccompanied,Repeater,Computers,POS,XNA,Stone,480,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,0,Cash loans,F,N,Y,1,117000.0,180000.0,19098.0,180000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.022625,-11690,-286,-338.0,-2792,,1,1,1,1,1,0,Core staff,2.0,2,2,THURSDAY,18,0,0,0,0,0,0,Business Entity Type 3,0.39705035869021504,0.005993686507218073,0.36896873825284665,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-27.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2287065,329878,Cash loans,21038.535,315000.0,366142.5,,315000.0,THURSDAY,12,Y,1,,,,XNA,Approved,-936,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),6,XNA,36.0,high,Cash X-Sell: high,365243.0,-906.0,144.0,-306.0,-303.0,1.0,1,Cash loans,M,N,Y,0,112500.0,787131.0,26145.0,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-19044,-453,-1019.0,-2566,,1,1,1,1,0,0,Laborers,2.0,3,3,TUESDAY,7,0,0,0,0,0,0,Business Entity Type 2,,0.06462127314983412,0.41184855592423975,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1070.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1700889,349055,Cash loans,63997.65,1125000.0,1519200.0,,1125000.0,TUESDAY,9,Y,1,,,,XNA,Refused,-821,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,middle,Cash Street: middle,,,,,,,0,Cash loans,M,Y,Y,2,427500.0,497520.0,59175.0,450000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.010006000000000001,-15481,-3641,-2953.0,-4157,7.0,1,1,1,1,1,1,,4.0,2,1,THURSDAY,8,0,0,0,0,0,0,Self-employed,,0.7071761299154894,0.5406544504453575,0.0216,0.0,0.9886,,,0.0,0.1034,0.0417,,0.025,,0.0229,,0.0,0.0221,0.0,0.9886,,,0.0,0.1034,0.0417,,0.0255,,0.0238,,0.0,0.0219,0.0,0.9886,,,0.0,0.1034,0.0417,,0.0254,,0.0233,,0.0,,block of flats,0.0209,Wooden,No,1.0,1.0,1.0,1.0,-2864.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2509620,233100,Consumer loans,2716.2,20205.0,13500.0,6705.0,20205.0,SUNDAY,8,Y,1,0.36141324154687177,,,XAP,Approved,-1557,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,20,Connectivity,6.0,high,POS mobile with interest,365243.0,-1526.0,-1376.0,-1436.0,-1431.0,0.0,0,Cash loans,F,N,Y,1,126000.0,813195.0,27004.5,702000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-12442,-3480,-98.0,-619,,1,1,0,1,0,0,Managers,3.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Self-employed,0.4029352340418853,0.4055292887143872,0.6195277080511546,0.2253,0.0667,0.9985,0.9796,0.053,0.16,0.1379,0.375,0.4167,0.0035,0.1807,0.2169,0.0135,0.0252,0.1681,0.0,0.9975,0.9673,0.0498,0.1208,0.1034,0.375,0.4167,0.0,0.1469,0.1644,0.0,0.0,0.2274,0.0667,0.9985,0.9799,0.0534,0.16,0.1379,0.375,0.4167,0.0036,0.1838,0.2208,0.0136,0.0257,reg oper account,block of flats,0.2482,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2609598,284131,Cash loans,9166.5,112500.0,112500.0,0.0,112500.0,SATURDAY,9,Y,1,0.0,,,XNA,Approved,-2602,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,18.0,high,Cash Street: high,365243.0,-2572.0,-2062.0,-2062.0,-2055.0,0.0,0,Cash loans,F,Y,Y,0,405000.0,760225.5,32337.0,679500.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.022625,-16825,-108,-9226.0,-378,4.0,1,1,1,1,1,0,Accountants,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,Agriculture,,0.4333387079943911,0.5620604831738043,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2347.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2451771,382574,Consumer loans,4094.01,75033.0,90877.5,0.0,75033.0,THURSDAY,20,Y,1,0.0,,,XAP,Approved,-185,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,1500,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-155.0,535.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,0,315000.0,851778.0,30177.0,711000.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.007273999999999998,-12216,-2732,-3758.0,-3924,16.0,1,1,0,1,1,0,Laborers,2.0,2,2,SUNDAY,15,0,1,1,0,1,1,Self-employed,,0.7502296735651443,0.20208660168203949,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-658.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,2.0,6.0 +1161627,237147,Consumer loans,10536.255,94495.5,94495.5,0.0,94495.5,SATURDAY,9,Y,1,0.0,,,XAP,Approved,-1869,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Regional / Local,368,Consumer electronics,12.0,high,POS household with interest,365243.0,-1838.0,-1508.0,-1508.0,-1504.0,0.0,0,Cash loans,M,Y,N,0,135000.0,900000.0,26446.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-14950,-3745,-3344.0,-4387,21.0,1,1,0,1,0,0,,2.0,2,2,SATURDAY,8,0,0,0,0,0,0,Industry: type 4,,0.6867823996204151,0.7713615919194317,0.0722,0.0655,0.9841,,,0.0,0.1379,0.1667,,0.0,,0.0681,,0.0,0.0735,0.0679,0.9841,,,0.0,0.1379,0.1667,,0.0,,0.0709,,0.0,0.0729,0.0655,0.9841,,,0.0,0.1379,0.1667,,0.0,,0.0693,,0.0,,block of flats,0.0535,"Stone, brick",No,0.0,0.0,0.0,0.0,-1869.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +2261421,337004,Cash loans,20254.365,225000.0,254700.0,,225000.0,TUESDAY,9,Y,1,,,,XNA,Approved,-94,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,M,Y,N,0,180000.0,473760.0,51151.5,450000.0,Unaccompanied,Working,Higher education,Single / not married,Municipal apartment,0.006207,-10501,-1116,-10501.0,-2439,6.0,1,1,0,1,0,0,Drivers,1.0,2,2,FRIDAY,12,0,0,0,0,0,0,Industry: type 3,,0.7376641513695528,,0.068,,,,,,,0.3333,,,,0.0567,,,0.0693,,,,,,,0.3333,,,,0.059,,,0.0687,,,,,,,0.3333,,,,0.0577,,,,block of flats,0.0446,,No,1.0,0.0,1.0,0.0,-245.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1696316,125400,Cash loans,25117.2,360000.0,360000.0,,360000.0,FRIDAY,13,Y,1,,,,XNA,Refused,-540,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Country-wide,1200,Consumer electronics,24.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,M,Y,N,1,202500.0,1223010.0,51817.5,1125000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.028663,-10386,-1724,-3434.0,-3045,9.0,1,1,1,1,1,0,Managers,3.0,2,2,SATURDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.4837902081482433,0.4210322022551371,0.0005272652387098817,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1665.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1395591,105538,Cash loans,23638.5,225000.0,225000.0,,225000.0,FRIDAY,10,Y,1,,,,XNA,Approved,-1258,XNA,XAP,,Refreshed,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,middle,Cash X-Sell: middle,365243.0,-1228.0,-898.0,-898.0,-891.0,0.0,0,Revolving loans,F,N,Y,1,144000.0,450000.0,22500.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-15329,-4720,-3942.0,-5157,,1,1,0,1,0,0,Laborers,3.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Electricity,0.6848109344030056,0.6341810416708935,0.2910973802776635,0.0928,,0.9791,,,0.0,0.2069,0.1667,,0.0,,0.0816,,,0.0945,,0.9791,,,0.0,0.2069,0.1667,,0.0,,0.085,,,0.0937,,0.9791,,,0.0,0.2069,0.1667,,0.0,,0.0831,,,,block of flats,0.0881,Panel,No,0.0,0.0,0.0,0.0,-2456.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,0.0,1.0,2.0 +1211506,214872,Cash loans,15764.85,477000.0,477000.0,,477000.0,TUESDAY,9,Y,1,,,,XNA,Approved,-358,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-328.0,1082.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,112500.0,45000.0,5337.0,45000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.020246,-15812,-360,-9956.0,-4608,,1,1,0,1,0,0,Sales staff,1.0,3,3,WEDNESDAY,9,0,0,0,0,0,0,Trade: type 7,0.6977021171809578,0.7504877371002372,0.8193176922872417,0.0619,0.0416,0.9742,0.6464,0.0064,0.0,0.1034,0.1667,0.2083,0.0626,0.0504,0.05,0.0,0.0,0.063,0.0432,0.9742,0.6602,0.0065,0.0,0.1034,0.1667,0.2083,0.064,0.0551,0.0521,0.0,0.0,0.0625,0.0416,0.9742,0.6511,0.0064,0.0,0.1034,0.1667,0.2083,0.0637,0.0513,0.0509,0.0,0.0,reg oper account,block of flats,0.0429,Panel,No,0.0,0.0,0.0,0.0,-2495.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1978445,261775,Cash loans,14379.48,135000.0,143910.0,,135000.0,FRIDAY,10,Y,1,,,,XNA,Approved,-462,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-432.0,-102.0,-192.0,-187.0,1.0,0,Cash loans,F,N,Y,0,112500.0,239850.0,23494.5,225000.0,Family,Pensioner,Incomplete higher,Married,House / apartment,0.008473999999999999,-25054,365243,-2306.0,-4785,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,XNA,,0.4754479498424156,0.1595195404777181,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-196.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1608570,143795,Cash loans,17210.34,225000.0,247275.0,,225000.0,SATURDAY,13,Y,1,,,,Repairs,Refused,-616,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,N,0,166500.0,225000.0,17775.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.02461,-12938,-1657,-6651.0,-4120,,1,1,0,1,1,1,,1.0,2,2,SATURDAY,8,0,0,0,0,0,0,Business Entity Type 3,0.5301949523630267,0.690238758469794,0.25396280933631177,0.0206,0.0,0.9776,0.6940000000000001,,,0.0345,0.125,0.0417,0.0091,0.0168,0.0145,0.0,0.0,0.021,0.0,0.9777,0.706,,,0.0345,0.125,0.0417,0.0093,0.0184,0.0152,0.0,0.0,0.0208,0.0,0.9776,0.6981,,,0.0345,0.125,0.0417,0.0092,0.0171,0.0148,0.0,0.0,reg oper account,block of flats,0.0181,"Stone, brick",No,1.0,1.0,1.0,0.0,-1531.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2277984,428947,Cash loans,12309.84,135000.0,148365.0,,135000.0,TUESDAY,15,Y,1,,,,XNA,Approved,-1416,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,18.0,high,Cash X-Sell: high,365243.0,-1386.0,-876.0,-876.0,-872.0,1.0,0,Cash loans,F,N,Y,0,270000.0,314100.0,15241.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.019101,-23310,365243,-3550.0,-5318,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,12,0,0,0,0,0,0,XNA,0.8125348445667492,0.6015236838785534,0.36227724703843145,0.0763,0.0558,0.9821,0.7552,0.0071,0.0532,0.069,0.3608,0.2358,0.0096,0.0398,0.0612,0.0013,0.0067,0.063,0.0512,0.9796,0.7321,0.0071,0.0806,0.0345,0.4583,0.0,0.0,0.0,0.037000000000000005,0.0,0.0,0.0833,0.0494,0.9811,0.7451,0.0071,0.08,0.0345,0.4583,0.2083,0.0063,0.0513,0.0732,0.0,0.0,reg oper account,block of flats,0.0403,"Stone, brick",No,3.0,0.0,3.0,0.0,-1858.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,0.0,0.0,7.0 +1938804,149870,Consumer loans,20215.35,74844.0,74844.0,0.0,74844.0,FRIDAY,3,Y,1,0.0,,,XAP,Refused,-860,XNA,LIMIT,,Repeater,Furniture,POS,XNA,Stone,300,Furniture,4.0,middle,POS industry with interest,,,,,,,0,Cash loans,M,N,Y,0,315000.0,727785.0,23607.0,607500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,Municipal apartment,0.010032,-17057,-8061,-7086.0,-609,,1,1,0,1,0,0,Laborers,1.0,2,2,THURSDAY,4,0,0,0,0,0,0,Government,,0.5380271040828426,0.6863823354047934,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-976.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1759426,250149,Revolving loans,6750.0,0.0,270000.0,,,WEDNESDAY,8,N,0,,,,XAP,Refused,-1431,XNA,SCO,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,1,Cash loans,F,N,N,1,135000.0,529348.5,41953.5,490500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0228,-12326,-764,-6345.0,-3251,,1,1,0,1,1,0,Laborers,3.0,2,2,SATURDAY,13,0,0,0,0,0,0,Hotel,0.3364696770686444,0.2477665943605841,0.5919766183185521,0.0763,0.0844,0.9767,0.6804,0.0102,0.0,0.1379,0.1667,0.2083,0.0313,0.0563,0.0627,0.027000000000000003,0.0253,0.0777,0.0875,0.9767,0.6929,0.0102,0.0,0.1379,0.1667,0.2083,0.032,0.0615,0.0654,0.0272,0.0267,0.077,0.0844,0.9767,0.6847,0.0102,0.0,0.1379,0.1667,0.2083,0.0318,0.0573,0.0639,0.0272,0.0258,reg oper account,block of flats,0.0604,"Stone, brick",No,2.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2123002,420965,Consumer loans,10773.09,63976.5,51178.5,12798.0,63976.5,SUNDAY,12,Y,1,0.21786414471791127,,,XAP,Approved,-1392,XNA,XAP,,Refreshed,Audio/Video,POS,XNA,Country-wide,20,Connectivity,5.0,low_normal,POS mobile without interest,365243.0,-1357.0,-1237.0,-1237.0,-1231.0,0.0,0,Cash loans,F,N,Y,0,202500.0,740704.5,35761.5,598500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.04622,-13747,-1917,-7423.0,-5218,,1,1,0,1,1,0,Waiters/barmen staff,2.0,1,1,SATURDAY,15,0,0,0,0,0,0,Self-employed,0.5727274992884657,0.6856900419293415,0.5352762504724826,,,0.9508,,,0.0,0.1724,0.0417,,,,,,,,,0.9508,,,0.0,0.1724,0.0417,,,,,,,,,0.9508,,,0.0,0.1724,0.0417,,,,,,,,block of flats,0.0202,Wooden,Yes,6.0,0.0,6.0,0.0,-2341.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1189358,301222,Cash loans,30778.2,675000.0,950022.0,,675000.0,WEDNESDAY,14,Y,1,,,,XNA,Approved,-852,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-822.0,948.0,-762.0,-756.0,1.0,0,Cash loans,F,N,Y,0,90000.0,590337.0,30271.5,477000.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.022625,-16118,-7231,-10247.0,-4145,,1,1,0,1,1,0,Medicine staff,2.0,2,2,MONDAY,16,0,0,0,0,0,0,Other,,0.7360996542709435,0.2103502286944494,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1796.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2376928,131513,Revolving loans,11250.0,225000.0,225000.0,,225000.0,THURSDAY,11,Y,1,,,,XAP,Refused,-772,XNA,SCO,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Revolving loans,M,Y,Y,1,270000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.030755,-19248,-408,-2230.0,-2277,14.0,1,1,1,1,1,0,High skill tech staff,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.5533192892177554,0.3108182544189319,0.0124,0.0184,0.9727,0.626,0.0,0.0,0.0345,0.0417,0.0833,0.0096,0.0101,0.0102,0.0,0.0,0.0126,0.0191,0.9727,0.6406,0.0,0.0,0.0345,0.0417,0.0833,0.0098,0.011,0.0107,0.0,0.0,0.0125,0.0184,0.9727,0.631,0.0,0.0,0.0345,0.0417,0.0833,0.0098,0.0103,0.0104,0.0,0.0,reg oper account,block of flats,0.008,"Stone, brick",No,0.0,0.0,0.0,0.0,-829.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2631393,101499,Cash loans,5246.01,45000.0,47970.0,0.0,45000.0,MONDAY,12,Y,1,0.0,,,XNA,Approved,-2479,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-2449.0,-2119.0,-2179.0,-2172.0,1.0,0,Cash loans,F,N,N,1,76500.0,187704.0,11992.5,148500.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.009549,-14032,-708,-872.0,-4611,,1,1,0,1,0,0,Sales staff,3.0,2,2,TUESDAY,16,0,0,0,0,0,0,Self-employed,0.6391181555402181,0.6056832342616917,0.38079968264891495,0.0825,0.0795,0.9747,,,,0.1379,0.1667,,0.0806,,0.0703,,,0.084,0.0825,0.9747,,,,0.1379,0.1667,,0.0824,,0.0732,,,0.0833,0.0795,0.9747,,,,0.1379,0.1667,,0.08199999999999999,,0.0716,,,,block of flats,0.0586,Panel,No,0.0,0.0,0.0,0.0,-1646.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1406627,222766,Cash loans,17972.37,90000.0,92970.0,,90000.0,THURSDAY,10,Y,1,,,,XNA,Approved,-601,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,AP+ (Cash loan),3,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-571.0,-421.0,-481.0,-472.0,1.0,0,Cash loans,M,Y,N,0,270000.0,808650.0,23773.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.022625,-23043,365243,-2401.0,-4976,14.0,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,9,0,0,0,1,0,0,XNA,,0.3057811796287749,0.7267112092725122,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-601.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1584657,235530,Consumer loans,2355.795,22671.0,19930.5,4536.0,22671.0,MONDAY,11,Y,1,0.20191348838764686,,,XAP,Approved,-1722,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,23,Connectivity,12.0,high,POS mobile with interest,365243.0,-1677.0,-1347.0,-1347.0,-1338.0,0.0,0,Cash loans,F,N,N,1,67500.0,135000.0,7020.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.016612000000000002,-14519,-384,-4451.0,-4452,,1,1,1,1,1,0,Cleaning staff,2.0,2,2,THURSDAY,17,0,0,0,1,1,0,Housing,0.2502628751698093,0.6099940158487603,0.24988506275045536,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1722.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1201802,375223,Consumer loans,8221.14,74812.5,74812.5,0.0,74812.5,TUESDAY,17,Y,1,0.0,,,XAP,Approved,-601,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,120,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-567.0,-297.0,-297.0,-295.0,0.0,0,Cash loans,M,Y,Y,1,180000.0,509922.0,40419.0,472500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.035792000000000004,-11384,-1104,-1019.0,-2088,65.0,1,1,0,1,0,0,Laborers,3.0,2,2,MONDAY,11,0,0,0,0,1,1,Business Entity Type 3,0.09128388870586833,0.5316728781584436,0.3842068130556564,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-601.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1044955,454372,Cash loans,21612.51,225000.0,269550.0,,225000.0,WEDNESDAY,18,Y,1,,,,XNA,Refused,-107,Cash through the bank,HC,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,,,,,,,1,Cash loans,M,N,Y,0,310500.0,331920.0,17077.5,225000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.002042,-10172,-1076,-1291.0,-2860,,1,1,0,1,0,0,Accountants,2.0,3,3,FRIDAY,16,0,0,0,0,0,0,Other,0.3181165778528032,0.31820008671947303,0.1997705696341145,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-107.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2145997,441142,Consumer loans,2247.975,49635.0,49635.0,0.0,49635.0,WEDNESDAY,20,Y,1,0.0,,,XAP,Refused,-247,Cash through the bank,SCO,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,4000,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,1,Cash loans,F,N,Y,0,135000.0,427500.0,20790.0,427500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.02461,-9715,-1119,-4273.0,-1914,,1,1,0,1,1,0,Private service staff,2.0,2,2,FRIDAY,12,0,0,0,1,1,0,Self-employed,0.3861187683071951,0.6630457167395012,0.1168672659157136,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-480.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2526054,166259,Revolving loans,22500.0,0.0,450000.0,,,SATURDAY,15,Y,1,,,,XAP,Approved,-796,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,90000.0,1152247.5,61519.5,1089000.0,Family,Working,Secondary / secondary special,Married,Municipal apartment,0.030755,-18325,-835,-6351.0,-1843,,1,1,0,1,0,1,,2.0,2,2,THURSDAY,11,0,1,1,0,1,1,Construction,0.68422871574275,0.7294369935101229,0.6006575372857061,0.1227,0.0493,0.9861,0.8096,0.0298,0.0,0.2069,0.1667,0.0417,0.0,0.1,0.0727,0.4595,0.0,0.125,0.0511,0.9861,0.8171,0.0301,0.0,0.2069,0.1667,0.0417,0.0,0.1093,0.0757,0.463,0.0,0.1239,0.0493,0.9861,0.8121,0.03,0.0,0.2069,0.1667,0.0417,0.0,0.1018,0.07400000000000001,0.4619,0.0,reg oper account,block of flats,0.0735,"Stone, brick",No,1.0,0.0,1.0,0.0,-963.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1267281,349318,Consumer loans,5537.34,33552.0,20128.5,13423.5,33552.0,TUESDAY,10,Y,1,0.43572400507218095,,,XAP,Approved,-896,Cash through the bank,XAP,Family,New,Construction Materials,POS,XNA,Stone,20,Construction,4.0,middle,POS industry with interest,365243.0,-856.0,-766.0,-766.0,-757.0,0.0,0,Cash loans,F,Y,Y,0,126000.0,508495.5,20295.0,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-20649,365243,-1422.0,-2623,19.0,1,0,0,1,0,0,,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,XNA,,0.6022939330997835,0.7062051096536562,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,2.0,3.0,1.0,-896.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,1.0,0.0,0.0 +2497229,178577,Revolving loans,27000.0,540000.0,540000.0,,540000.0,THURSDAY,12,Y,1,,,,XAP,Approved,-213,XNA,XAP,Family,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),1,XNA,0.0,XNA,Card X-Sell,-212.0,-164.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,270000.0,755190.0,33394.5,675000.0,Other_B,Pensioner,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-23467,365243,-894.0,-1213,,1,0,0,1,1,0,,2.0,2,2,SUNDAY,10,0,0,0,0,0,0,XNA,,0.5868716528533787,0.019058769364482944,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,3.0,7.0,3.0,-2078.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +1103770,139362,Cash loans,26350.2,360000.0,450661.5,,360000.0,THURSDAY,16,Y,1,,,,XNA,Approved,-785,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-755.0,-65.0,-575.0,-571.0,1.0,0,Revolving loans,M,N,Y,2,90000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009549,-15602,-1663,-548.0,-3975,,1,1,0,1,1,0,Security staff,4.0,2,2,FRIDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.06426450554381677,0.6569709383038994,0.20092608771597092,0.0505,0.0405,0.9791,,,0.04,0.0345,0.3333,,0.024,,0.0421,,0.0496,0.0515,0.042,0.9791,,,0.0403,0.0345,0.3333,,0.0246,,0.0438,,0.0525,0.051,0.0405,0.9791,,,0.04,0.0345,0.3333,,0.0245,,0.0428,,0.0507,,block of flats,0.0467,"Stone, brick",No,3.0,0.0,3.0,0.0,-1794.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +1612288,320939,Consumer loans,2749.995,22905.0,20614.5,2290.5,22905.0,THURSDAY,8,Y,1,0.1089090909090909,,,XAP,Refused,-2475,Cash through the bank,SCO,,Repeater,Mobile,POS,XNA,Stone,60,Connectivity,10.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,1,81000.0,450000.0,24412.5,450000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.015221,-16225,-8286,-8228.0,-3848,,1,1,0,1,1,1,Sales staff,3.0,2,2,MONDAY,10,0,0,0,0,0,0,Agriculture,0.5552857660182651,0.4424025455383347,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-187.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1176080,194467,Cash loans,18917.685,148500.0,158301.0,,148500.0,FRIDAY,12,Y,1,,,,Other,Approved,-376,Cash through the bank,XAP,,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-346.0,-16.0,-16.0,-10.0,1.0,0,Cash loans,F,N,N,0,180000.0,269550.0,17559.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-22010,-13949,-8587.0,-5102,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,13,0,0,0,0,0,0,Business Entity Type 2,,0.7032027869888424,0.5620604831738043,0.0577,0.0832,0.9821,,,0.0,0.1379,0.1667,,,0.0471,0.0537,,0.0603,0.0588,0.0864,0.9821,,,0.0,0.1379,0.1667,,,0.0514,0.0559,,0.0638,0.0583,0.0832,0.9821,,,0.0,0.1379,0.1667,,,0.0479,0.0546,,0.0616,,block of flats,0.068,"Stone, brick",No,9.0,0.0,9.0,0.0,-376.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1197655,122153,Consumer loans,2489.76,24903.0,22410.0,2493.0,24903.0,SATURDAY,10,Y,1,0.10902717087755033,,,XAP,Approved,-2519,Non-cash from your account,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Stone,125,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2486.0,-2216.0,-2216.0,-2210.0,0.0,1,Cash loans,F,N,N,0,157500.0,1138500.0,33286.5,1138500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.019101,-21743,-7783,-5924.0,-3986,,1,1,1,1,1,0,Core staff,2.0,2,2,THURSDAY,17,0,0,0,0,0,0,Government,0.8227059450623972,0.5560578389927922,0.2103502286944494,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1014.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,6.0 +1431455,114416,Cash loans,10760.22,90000.0,115893.0,,90000.0,WEDNESDAY,9,Y,1,,,,XNA,Approved,-911,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-881.0,-371.0,-371.0,-368.0,1.0,0,Revolving loans,M,Y,Y,1,157500.0,450000.0,22500.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.022625,-15517,-2038,-7888.0,-4448,5.0,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,8,0,0,0,0,0,0,Business Entity Type 3,,0.7059156799243899,,0.2227,0.1314,0.9816,0.7484,0.0963,0.24,0.2069,0.3333,0.375,0.1479,0.1799,0.2198,0.0077,0.004,0.2269,0.1364,0.9816,0.7583,0.0971,0.2417,0.2069,0.3333,0.375,0.1513,0.1965,0.229,0.0078,0.0043,0.2248,0.1314,0.9816,0.7518,0.0969,0.24,0.2069,0.3333,0.375,0.1505,0.183,0.2238,0.0078,0.0041,,block of flats,0.2264,Panel,No,0.0,0.0,0.0,0.0,-2794.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1651814,168076,Consumer loans,83643.66,674464.5,711558.0,0.0,674464.5,SATURDAY,14,Y,1,0.0,,,XAP,Approved,-166,Cash through the bank,XAP,Unaccompanied,Refreshed,Consumer Electronics,POS,XNA,Regional / Local,780,Consumer electronics,10.0,middle,POS household with interest,365243.0,-136.0,134.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,675000.0,1822500.0,48204.0,1822500.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.032561,-16713,-980,-152.0,-246,,1,1,0,1,0,0,Managers,1.0,1,1,THURSDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.6955874782851569,0.6423548360889296,0.4507472818545589,0.5742,0.2727,0.9985,0.9864,0.3324,0.5864,0.2528,0.6667,0.7083,0.1998,0.6321,0.6518,0.0,0.0673,0.7899,0.2764,0.999,0.9869,0.3336,0.8056,0.3448,0.6667,0.7083,0.1977,0.6905,0.209,0.0,0.031,0.7828,0.2727,0.999,0.9866,0.3345,0.8,0.3448,0.6667,0.7083,0.2032,0.643,0.8911,0.0,0.0874,reg oper account,block of flats,0.1641,Panel,No,0.0,0.0,0.0,0.0,-166.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1925889,259374,Consumer loans,4796.595,44505.0,40005.0,4500.0,44505.0,SUNDAY,13,Y,1,0.11012041547936388,,,XAP,Approved,-1953,Cash through the bank,XAP,Unaccompanied,Repeater,Homewares,POS,XNA,Stone,115,Consumer electronics,12.0,high,POS household with interest,365243.0,-1921.0,-1591.0,-1591.0,-1568.0,0.0,0,Cash loans,M,N,Y,1,99000.0,942300.0,30528.0,675000.0,Family,Working,Secondary / secondary special,Single / not married,House / apartment,0.020713,-13593,-4078,-1539.0,-4685,,1,1,0,1,0,0,,2.0,3,3,SUNDAY,7,0,0,0,0,1,1,Business Entity Type 1,,0.5238031409980742,0.14111510044661266,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1288.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1981670,281966,Consumer loans,,34506.0,34506.0,0.0,34506.0,FRIDAY,17,Y,1,0.0,,,XAP,Refused,-140,Cash through the bank,HC,,Repeater,Mobile,XNA,XNA,Country-wide,50,Connectivity,,XNA,POS mobile with interest,,,,,,,1,Cash loans,F,Y,Y,1,225000.0,1125000.0,36423.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.005084,-16511,-2402,-703.0,-64,16.0,1,1,1,1,1,0,,3.0,2,2,FRIDAY,11,0,0,0,0,0,0,Self-employed,,0.638209781222283,0.3893387918468769,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1400.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1568865,278656,Consumer loans,7814.655,76225.5,76225.5,0.0,76225.5,MONDAY,11,Y,1,0.0,,,XAP,Approved,-688,Cash through the bank,XAP,"Spouse, partner",Repeater,Furniture,POS,XNA,Stone,60,Furniture,12.0,middle,POS industry with interest,365243.0,-655.0,-325.0,-535.0,-528.0,0.0,0,Cash loans,F,Y,N,0,90000.0,1525500.0,40369.5,1525500.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.025164,-22748,365243,-161.0,-3705,4.0,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,XNA,,0.4088811827772181,0.7194907850918436,0.0392,0.0246,0.9727,0.626,0.0053,0.0,0.1034,0.125,0.1667,0.0273,0.0008,0.0375,0.1429,0.0059,0.0399,0.0256,0.9727,0.6406,0.0053,0.0,0.1034,0.125,0.1667,0.028,0.0009,0.0391,0.14400000000000002,0.0062,0.0396,0.0246,0.9727,0.631,0.0053,0.0,0.1034,0.125,0.1667,0.0278,0.0009,0.0382,0.1436,0.006,reg oper account,block of flats,0.0337,Others,No,0.0,0.0,0.0,0.0,-1345.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2618581,355383,Cash loans,68955.75,2137500.0,2137500.0,,2137500.0,WEDNESDAY,13,Y,1,,,,XNA,Approved,-758,XNA,XAP,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-728.0,1042.0,-488.0,-481.0,0.0,0,Cash loans,F,N,N,0,315000.0,871029.0,41904.0,765000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.009175,-11833,-2368,-3083.0,-4159,,1,1,1,1,0,0,Managers,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.5025552062188815,0.7568088722993904,0.2940831009471255,0.0619,0.073,0.9801,,,0.0,0.1379,0.1667,,0.0339,,0.0604,,0.0,0.063,0.0757,0.9801,,,0.0,0.1379,0.1667,,0.0347,,0.0629,,0.0,0.0625,0.073,0.9801,,,0.0,0.1379,0.1667,,0.0345,,0.0615,,0.0,,block of flats,0.0475,Panel,No,2.0,0.0,2.0,0.0,-1848.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2623147,437927,Cash loans,5544.0,45000.0,54103.5,,45000.0,FRIDAY,18,Y,1,,,,XNA,Approved,-795,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-765.0,-435.0,-495.0,-485.0,1.0,0,Cash loans,M,N,N,0,180000.0,288873.0,19435.5,238500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Office apartment,0.02461,-16743,-808,-10870.0,-292,,1,1,0,1,1,0,Laborers,1.0,2,2,TUESDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.2226462871584708,0.695126459090938,0.6738300778602003,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-815.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2218195,427507,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,16,Y,1,,,,XAP,Approved,-422,XNA,XAP,Other_B,Repeater,XNA,Cards,walk-in,Country-wide,2800,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,180000.0,724581.0,31914.0,625500.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.072508,-17804,-1666,-11809.0,-1334,,1,1,0,1,0,0,Core staff,2.0,1,1,FRIDAY,14,0,0,0,0,0,0,Trade: type 7,,0.7166520231782578,0.7380196196295241,0.16699999999999998,0.0995,0.9796,0.728,0.3016,0.1864,0.1379,0.4304,0.5208,0.0081,0.1442,0.1575,0.0019,0.0648,0.1355,0.0685,0.9791,0.7256,0.3043,0.1611,0.069,0.3333,0.375,0.0,0.1175,0.1003,0.0,0.0012,0.1478,0.0929,0.9791,0.7316,0.3035,0.16,0.1379,0.3333,0.5208,0.0083,0.1466,0.1695,0.0019,0.0022,org spec account,block of flats,0.2065,Panel,No,0.0,0.0,0.0,0.0,-1017.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +2626647,439957,Consumer loans,4260.42,27810.0,21060.0,6750.0,27810.0,MONDAY,13,Y,1,0.26434245366284204,,,XAP,Refused,-2293,Cash through the bank,SCO,,New,Mobile,POS,XNA,Country-wide,45,Connectivity,6.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,0,157500.0,611095.5,29529.0,486000.0,Family,State servant,Secondary / secondary special,Civil marriage,House / apartment,0.005084,-20257,-10578,-562.0,-3794,,1,1,0,1,0,0,Medicine staff,2.0,2,2,FRIDAY,15,0,0,0,0,1,1,Medicine,,0.5350091713738154,0.4561097392782771,0.0928,0.1091,0.9796,,,,0.2069,0.1667,,0.0096,,0.0882,,,0.0945,0.1132,0.9796,,,,0.2069,0.1667,,0.0098,,0.0919,,,0.0937,0.1091,0.9796,,,,0.2069,0.1667,,0.0097,,0.0898,,,,block of flats,0.0694,Panel,No,0.0,0.0,0.0,0.0,-2293.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2655843,108351,Revolving loans,10125.0,202500.0,202500.0,,202500.0,WEDNESDAY,16,Y,1,,,,XAP,Refused,-273,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Revolving loans,F,N,Y,0,180000.0,337500.0,16875.0,337500.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.026392000000000002,-18537,-265,-8485.0,-1947,,1,1,0,1,0,0,Managers,1.0,2,2,WEDNESDAY,18,0,0,0,0,0,0,Government,0.8729805284123032,0.6565026180523159,0.722392890081304,0.1196,,0.9826,,,0.0,0.2759,0.1667,,0.1583,,0.1099,,0.1112,0.1218,,0.9826,,,0.0,0.2759,0.1667,,0.1619,,0.1145,,0.1177,0.1207,,0.9826,,,0.0,0.2759,0.1667,,0.161,,0.1118,,0.1135,,block of flats,0.1106,"Stone, brick",No,0.0,0.0,0.0,0.0,-273.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1522538,296652,Consumer loans,12045.555,108175.5,97614.0,18000.0,108175.5,SATURDAY,13,Y,1,0.16956109436258898,,,XAP,Approved,-1564,Cash through the bank,XAP,Other_B,New,Consumer Electronics,POS,XNA,Country-wide,1500,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1533.0,-1263.0,-1263.0,-1255.0,0.0,0,Cash loans,M,Y,N,0,180000.0,135000.0,10822.5,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.072508,-11524,-317,-5604.0,-3708,3.0,1,1,1,1,1,0,Sales staff,2.0,1,1,WEDNESDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.6378310067789315,0.4418358231994413,0.4031,0.2562,0.9801,0.728,0.2483,0.44,0.3793,0.3333,0.375,0.0,0.3261,0.2565,0.0116,0.018000000000000002,0.2962,0.1946,0.9801,0.7387,0.2224,0.3222,0.2759,0.3333,0.375,0.0,0.2553,0.192,0.0078,0.009000000000000001,0.407,0.2562,0.9801,0.7316,0.2498,0.44,0.3793,0.3333,0.375,0.0,0.3318,0.2611,0.0116,0.0184,reg oper account,block of flats,0.2173,Panel,No,0.0,0.0,0.0,0.0,-291.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2292595,282718,Consumer loans,7885.485,46260.0,41634.0,4626.0,46260.0,THURSDAY,12,Y,1,0.1089090909090909,,,XAP,Approved,-735,Cash through the bank,XAP,,Repeater,Gardening,POS,XNA,Stone,19,Construction,6.0,middle,POS industry with interest,365243.0,-697.0,-547.0,-547.0,-542.0,0.0,0,Revolving loans,M,Y,N,2,225000.0,270000.0,13500.0,270000.0,Family,Working,Higher education,Married,Municipal apartment,0.011656999999999999,-13757,-6854,-205.0,-4586,7.0,1,1,0,1,1,0,Laborers,4.0,1,1,THURSDAY,17,0,0,0,0,0,0,Industry: type 9,,0.6948205090551337,0.7380196196295241,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1616.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1081003,106024,Consumer loans,50055.615,266017.5,274797.0,0.0,266017.5,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-486,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Regional / Local,800,Consumer electronics,6.0,middle,POS household with interest,365243.0,-455.0,-305.0,-305.0,-299.0,0.0,0,Cash loans,F,N,Y,0,157500.0,448299.0,23017.5,387000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.005313,-19600,365243,-9109.0,-1305,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,XNA,,0.5510914864847888,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-783.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1432440,325789,Cash loans,28557.18,742500.0,860112.0,,742500.0,THURSDAY,9,Y,1,,,,XNA,Refused,-246,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,157500.0,254700.0,15709.5,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.031329,-23958,-425,-10958.0,-4546,,1,1,0,1,0,0,Security staff,1.0,2,2,FRIDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.5408304727060897,,0.001,,0.9603,,,0.0,0.0345,0.0,,,,,,,0.0011,,0.9603,,,0.0,0.0345,0.0,,,,,,,0.001,,0.9603,,,0.0,0.0345,0.0,,,,,,,,block of flats,0.0008,,No,2.0,1.0,2.0,0.0,-246.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,12.0 +2001987,380676,Cash loans,70184.745,1035000.0,1095111.0,,1035000.0,THURSDAY,17,Y,1,,,,XNA,Approved,-1034,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-1004.0,-314.0,-314.0,-310.0,1.0,0,Cash loans,M,N,Y,0,360000.0,1345311.0,54922.5,1237500.0,Unaccompanied,Working,Incomplete higher,Separated,House / apartment,0.032561,-23276,-356,-1705.0,-4184,,1,1,0,1,0,1,,1.0,1,1,TUESDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.5152462490826034,0.7256877040283584,0.2067786544915716,0.1031,0.101,0.9752,,,0.0248,0.1724,0.1667,,0.0938,,0.0784,,0.002,0.105,0.1046,0.9752,,,0.0,0.1724,0.1667,,0.0737,,0.0616,,0.0,0.1041,0.101,0.9752,,,0.0,0.1724,0.1667,,0.1023,,0.0914,,0.0023,,block of flats,0.0683,Panel,No,0.0,0.0,0.0,0.0,-1034.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,9.0 +2035218,399606,Revolving loans,36000.0,0.0,720000.0,,,THURSDAY,17,Y,1,,,,XAP,Approved,-501,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,F,N,Y,0,166500.0,1092519.0,35374.5,954000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-13358,-1861,-5645.0,-4231,,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,8,0,0,0,0,0,0,Self-employed,,0.31643315035613423,0.2636468134452008,0.0825,0.0301,0.9747,0.6532,0.0086,0.0,0.1379,0.1667,0.2083,0.0351,0.0672,0.0642,0.0,0.0,0.084,0.0312,0.9747,0.6668,0.0087,0.0,0.1379,0.1667,0.2083,0.0359,0.0735,0.0668,0.0,0.0,0.0833,0.0301,0.9747,0.6578,0.0087,0.0,0.1379,0.1667,0.2083,0.0357,0.0684,0.0653,0.0,0.0,reg oper account,block of flats,0.0505,Block,No,11.0,3.0,11.0,2.0,-501.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1631834,419552,Revolving loans,13500.0,270000.0,270000.0,,270000.0,FRIDAY,12,Y,1,,,,XAP,Refused,-365,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,112500.0,276277.5,17784.0,238500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,Municipal apartment,0.025164,-24064,365243,-1552.0,-4408,,1,0,0,1,0,0,,1.0,2,2,SATURDAY,14,0,0,0,0,0,0,XNA,,0.6281537944313881,0.7136313997323308,0.0495,0.0,0.9627,0.49,0.0083,0.0,0.2069,0.125,0.1667,0.0805,0.0403,0.0669,0.0,0.0,0.0504,0.0,0.9628,0.51,0.0084,0.0,0.2069,0.125,0.1667,0.0823,0.0441,0.0697,0.0,0.0,0.05,0.0,0.9627,0.4968,0.0083,0.0,0.2069,0.125,0.1667,0.0819,0.041,0.0681,0.0,0.0,not specified,block of flats,0.0571,"Stone, brick",No,12.0,0.0,12.0,0.0,-1603.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2587831,285697,Cash loans,24845.4,135000.0,135000.0,,135000.0,FRIDAY,12,Y,1,,,,XNA,Refused,-1384,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,Y,Y,0,180000.0,314055.0,13437.0,238500.0,Family,State servant,Secondary / secondary special,Married,House / apartment,0.025164,-16551,-2743,-10646.0,-83,17.0,1,1,0,1,1,0,,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Medicine,,0.17529014704754695,0.5937175866150576,0.0366,0.0378,0.9742,0.7212,0.0,0.0,0.1207,0.1042,0.2083,0.0,0.0462,0.028,0.0,0.0414,0.0168,0.0392,0.9687,0.7321,0.0,0.0,0.1034,0.0417,0.2083,0.0,0.0505,0.0,0.0,0.0176,0.037000000000000005,0.0378,0.9742,0.7249,0.0,0.0,0.1207,0.1042,0.2083,0.0,0.047,0.0285,0.0,0.0422,reg oper account,block of flats,0.0476,Panel,No,1.0,1.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2794938,287344,Consumer loans,40085.415,382500.0,407745.0,0.0,382500.0,THURSDAY,18,Y,1,0.0,,,XAP,Approved,-734,Cash through the bank,XAP,Unaccompanied,New,Clothing and Accessories,POS,XNA,Stone,10,Clothing,12.0,middle,POS industry with interest,365243.0,-703.0,-373.0,-493.0,-486.0,0.0,0,Cash loans,M,Y,Y,1,270000.0,1288350.0,41692.5,1125000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.006670999999999999,-16070,-379,-9168.0,-3976,6.0,1,1,0,1,1,0,Managers,3.0,2,2,WEDNESDAY,19,0,0,0,0,0,0,Business Entity Type 3,0.3884134688339476,0.5786729329715439,0.17982176508970435,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-390.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1830675,380426,Cash loans,8829.405,135000.0,157275.0,,135000.0,TUESDAY,12,Y,1,,,,XNA,Approved,-314,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,365243.0,-284.0,586.0,-134.0,-127.0,1.0,0,Revolving loans,M,N,Y,0,112500.0,337500.0,16875.0,337500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.004849,-22958,365243,-11889.0,-4606,,1,0,0,1,0,0,,2.0,2,2,MONDAY,15,0,0,0,0,0,0,XNA,,0.4055451040133389,0.6058362647264226,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-314.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1294670,451671,Revolving loans,22500.0,0.0,450000.0,,,SATURDAY,15,Y,1,,,,XAP,Approved,-919,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-884.0,-854.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,157500.0,640080.0,24259.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.072508,-16715,-1322,-6740.0,-210,,1,1,0,1,1,0,Sales staff,1.0,1,1,MONDAY,19,0,0,0,0,0,0,Business Entity Type 3,,0.7634867021783946,0.2822484337007223,0.268,0.105,0.9906,,,0.36,0.1034,0.875,,0.0114,,0.353,,0.0132,0.2731,0.109,0.9906,,,0.3625,0.1034,0.875,,0.0116,,0.3678,,0.0139,0.2706,0.105,0.9906,,,0.36,0.1034,0.875,,0.0116,,0.3593,,0.0134,,block of flats,0.2805,Panel,No,0.0,0.0,0.0,0.0,-1139.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1314078,191444,Consumer loans,6541.875,37080.0,39528.0,0.0,37080.0,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-1106,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Stone,59,Connectivity,8.0,high,POS mobile with interest,365243.0,-1071.0,-861.0,-861.0,-852.0,0.0,0,Cash loans,M,N,Y,0,85500.0,454500.0,19255.5,454500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-22176,365243,-4613.0,-4753,,1,0,0,1,1,0,,2.0,2,2,SATURDAY,14,0,0,0,0,0,0,XNA,,0.32867899642154497,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1686.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1256011,164651,Consumer loans,2123.19,18396.0,18193.5,1840.5,18396.0,MONDAY,9,Y,1,0.10005349995916032,,,XAP,Approved,-2513,Cash through the bank,XAP,"Spouse, partner",New,Mobile,POS,XNA,Country-wide,50,Connectivity,12.0,low_normal,POS mobile with interest,365243.0,-2482.0,-2152.0,-2242.0,-2234.0,1.0,0,Cash loans,F,N,Y,0,31500.0,165024.0,7821.0,108000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006305,-14232,-6445,-3506.0,-4204,,1,1,0,1,0,0,Laborers,2.0,3,3,MONDAY,4,0,0,0,0,1,1,Postal,,0.5482496986041557,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1295.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1788791,317539,Cash loans,26205.66,499500.0,578619.0,,499500.0,SATURDAY,5,Y,1,,,,XNA,Refused,-280,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash Street: middle,,,,,,,1,Cash loans,F,N,Y,0,135000.0,851778.0,27607.5,711000.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.006852,-19636,365243,-10419.0,-3168,,1,0,0,1,0,0,,1.0,3,3,SATURDAY,9,0,0,0,0,0,0,XNA,,0.3196773367525105,0.3962195720630885,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-680.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1021169,108936,Revolving loans,7875.0,157500.0,157500.0,0.0,157500.0,WEDNESDAY,13,Y,1,0.0,,,XAP,Refused,-333,XNA,HC,,Repeater,XNA,Cards,walk-in,Country-wide,20,Connectivity,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,Y,Y,1,243000.0,299772.0,20160.0,247500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.009334,-11160,-1391,-935.0,-2557,64.0,1,1,0,1,0,0,Sales staff,3.0,2,2,SUNDAY,12,0,0,0,0,0,0,Business Entity Type 2,,0.4995317306501328,0.09569272423026376,0.0082,0.0,0.9717,0.626,0.0009,0.0,0.0393,0.0417,0.0833,,0.0067,0.0081,0.0,0.0,0.0084,0.0,0.9727,0.6406,0.0008,0.0,0.0345,0.0417,0.0833,,0.0073,0.006999999999999999,0.0,0.0,0.0083,0.0,0.9727,0.631,0.0009,0.0,0.0345,0.0417,0.0833,,0.0068,0.0082,0.0,0.0,reg oper account,block of flats,0.0057,Wooden,No,3.0,0.0,3.0,0.0,-1127.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1586067,297776,Cash loans,31658.265,315000.0,332046.0,,315000.0,MONDAY,17,Y,1,,,,XNA,Approved,-884,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-854.0,-524.0,-704.0,-695.0,1.0,0,Cash loans,M,N,Y,0,112500.0,234324.0,13212.0,207000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.011656999999999999,-24085,365243,-9892.0,-4160,,1,0,0,1,1,0,,2.0,1,1,WEDNESDAY,15,0,0,0,0,0,0,XNA,,0.6944123079923215,0.7738956942145427,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-884.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +2501297,175842,Cash loans,4917.555,103500.0,123993.0,,103500.0,WEDNESDAY,11,Y,1,,,,XNA,Refused,-283,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Revolving loans,F,N,Y,0,202500.0,585000.0,29250.0,585000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.010276,-21421,365243,-11117.0,-4383,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,XNA,,0.5115841619484653,0.4794489811780563,0.1082,0.1069,0.9841,0.7824,,0.0,0.2414,0.1667,,,0.0883,0.0973,0.0,,0.1103,0.1109,0.9841,0.7909,,0.0,0.2414,0.1667,,,0.0964,0.1014,0.0,,0.1093,0.1069,0.9841,0.7853,,0.0,0.2414,0.1667,,,0.0898,0.0991,0.0,,reg oper account,block of flats,0.0766,"Stone, brick",No,0.0,0.0,0.0,0.0,-633.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,16.0 +1211949,109667,Cash loans,14350.41,225000.0,254700.0,,225000.0,THURSDAY,13,Y,1,,,,XNA,Approved,-1013,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,135000.0,1350000.0,36202.5,1350000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-20935,-3074,-9896.0,-3759,,1,1,1,1,1,0,,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Housing,0.8666556846745397,0.6580444546342165,0.7850520263728172,0.1763,,0.9866,,,0.2,0.1724,0.3333,,,,0.2099,,0.0019,0.1796,,0.9866,,,0.2014,0.1724,0.3333,,,,0.2187,,0.002,0.17800000000000002,,0.9866,,,0.2,0.1724,0.3333,,,,0.2137,,0.0019,,block of flats,0.1655,Panel,No,2.0,0.0,2.0,0.0,-1296.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,8.0,0.0,0.0 +1566598,153767,Consumer loans,691.38,16600.5,14836.5,1764.0,16600.5,THURSDAY,19,Y,1,0.11572882525444192,,,XAP,Refused,-2690,Cash through the bank,SCO,Other_B,Repeater,XNA,POS,XNA,Country-wide,1378,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,0,Cash loans,M,Y,N,0,405000.0,1295091.0,69129.0,1224000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.007273999999999998,-17392,-1602,-157.0,-949,2.0,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.6732947364282654,0.6594055320683344,0.0278,0.0,0.9732,0.6328,0.0004,0.0,0.0345,0.0417,,0.0,,0.015,,0.0,0.0284,0.0,0.9732,0.6472,0.0004,0.0,0.0345,0.0417,,0.0,,0.0156,,0.0,0.0281,0.0,0.9732,0.6377,0.0004,0.0,0.0345,0.0417,,0.0,,0.0152,,0.0,reg oper account,block of flats,0.012,"Stone, brick",No,1.0,0.0,1.0,0.0,-1533.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2481128,364126,Cash loans,19270.935,180000.0,243936.0,0.0,180000.0,FRIDAY,12,Y,1,0.0,,,Repairs,Refused,-1556,Cash through the bank,LIMIT,"Spouse, partner",Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,24.0,high,Cash Street: high,,,,,,,1,Cash loans,M,N,N,0,180000.0,698517.0,25218.0,603000.0,Unaccompanied,State servant,Secondary / secondary special,Married,Municipal apartment,0.020713,-11870,-4460,-127.0,-3784,,1,1,0,1,0,0,Managers,2.0,3,2,SUNDAY,12,0,0,0,0,0,0,Postal,,0.3030030810284141,,0.2175,0.1547,0.9771,0.6872,0.0164,0.16,0.1379,0.3333,0.375,0.1326,0.1765,0.2155,0.0039,0.0132,0.2216,0.1605,0.9772,0.6994,0.0166,0.1611,0.1379,0.3333,0.375,0.1356,0.1928,0.2245,0.0039,0.014,0.2196,0.1547,0.9771,0.6914,0.0165,0.16,0.1379,0.3333,0.375,0.1349,0.1796,0.2193,0.0039,0.0135,not specified,block of flats,0.1813,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1225920,341207,Consumer loans,5712.75,43645.5,49248.0,4500.0,43645.5,SUNDAY,8,Y,1,0.09118309687633193,,,XAP,Approved,-1863,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,12.0,high,POS mobile with interest,365243.0,-1832.0,-1502.0,-1502.0,-1499.0,0.0,0,Cash loans,F,Y,N,0,157500.0,900000.0,38263.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.028663,-17260,-8647,-9254.0,-781,8.0,1,1,0,1,1,0,Laborers,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.5610076292248759,0.5064842396679806,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-468.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1746691,181988,Consumer loans,11664.405,123016.5,123016.5,0.0,123016.5,MONDAY,12,Y,1,0.0,,,XAP,Approved,-30,XNA,XAP,,Repeater,Computers,POS,XNA,Country-wide,25,Connectivity,18.0,high,POS mobile with interest,365243.0,365243.0,524.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,0,171000.0,426645.0,22468.5,324000.0,Family,State servant,Secondary / secondary special,Single / not married,House / apartment,0.01885,-10595,-348,-8222.0,-1670,,1,1,1,1,1,0,Core staff,1.0,2,2,WEDNESDAY,13,0,1,1,0,1,1,Police,,0.6172419320711283,0.03869751293326445,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-30.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1797727,296809,Cash loans,37085.355,720000.0,818842.5,,720000.0,FRIDAY,11,Y,1,,,,XNA,Approved,-676,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-646.0,764.0,-406.0,-401.0,1.0,0,Revolving loans,F,N,Y,0,112500.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00823,-18775,-1343,-7006.0,-2303,,1,1,0,1,0,0,Cooking staff,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Self-employed,,0.7738365623065944,0.7850520263728172,,0.0555,0.9886,,,0.08,0.069,0.3333,,,,0.07200000000000001,,0.0048,,0.0566,0.9831,,,0.0806,0.069,0.3333,,,,0.061,,0.005,,0.0555,0.9876,,,0.08,0.069,0.3333,,,,0.077,,0.0049,,,0.0581,"Stone, brick",No,0.0,0.0,0.0,0.0,-982.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2500761,154961,Cash loans,10749.375,45000.0,52366.5,,45000.0,SATURDAY,13,Y,1,,,,Other,Approved,-454,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,,,,,,,1,Cash loans,M,Y,N,0,99000.0,161730.0,14832.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00702,-12299,-279,-1379.0,-3576,64.0,1,1,0,1,0,0,,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,Other,0.14765074190461724,0.3734242730589545,0.1940678276718812,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1202.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1521942,218855,Cash loans,70800.885,1800000.0,1971072.0,,1800000.0,THURSDAY,10,Y,1,,,,XNA,Approved,-505,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-471.0,939.0,-231.0,-229.0,0.0,0,Cash loans,F,N,Y,0,180000.0,1288350.0,37800.0,1125000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.020246,-16705,-9634,-58.0,-262,,1,1,0,1,0,1,Accountants,2.0,3,3,FRIDAY,8,0,0,0,0,1,1,Medicine,,0.16147428917842732,0.5136937663039473,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1386.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1637248,356768,Cash loans,22414.05,450000.0,533160.0,,450000.0,TUESDAY,10,Y,1,,,,Urgent needs,Refused,-386,Cash through the bank,LIMIT,,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),2,XNA,48.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,Y,Y,0,135000.0,540000.0,24835.5,540000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.008625,-20010,365243,-8694.0,-3535,5.0,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,,0.5572990671564706,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2538.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1419498,194266,Cash loans,24954.66,207000.0,220662.0,0.0,207000.0,WEDNESDAY,11,Y,1,0.0,,,XNA,Approved,-2106,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-2076.0,-1746.0,-1746.0,-1738.0,1.0,0,Cash loans,M,Y,Y,0,270000.0,675000.0,34641.0,675000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.019688999999999998,-17814,-7115,-11858.0,-1222,1.0,1,1,0,1,0,0,,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Transport: type 4,,0.6796978459116699,0.7032033049040319,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1104.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2515364,110810,Cash loans,74256.75,2250000.0,2695500.0,,2250000.0,FRIDAY,18,Y,1,,,,Building a house or an annex,Refused,-272,Cash through the bank,LIMIT,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,Y,Y,2,135000.0,182448.0,16861.5,157500.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.0060079999999999995,-13636,-1834,-4198.0,-4305,4.0,1,1,0,1,0,1,Drivers,4.0,2,2,THURSDAY,9,0,0,0,0,0,0,Self-employed,0.7172076932202925,0.6838302016129715,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1734.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2629585,394711,Consumer loans,2201.04,15705.0,15295.5,1575.0,15705.0,WEDNESDAY,17,Y,1,0.10167559834137584,,,XAP,Approved,-1843,XNA,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,32,Connectivity,10.0,high,POS mobile with interest,365243.0,-1798.0,-1528.0,-1528.0,-1524.0,0.0,1,Cash loans,F,Y,Y,1,67500.0,450000.0,22018.5,450000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.008575,-12711,-2179,-2573.0,-4777,21.0,1,1,1,1,1,0,Laborers,3.0,2,2,FRIDAY,14,0,0,0,0,0,0,Postal,,0.638699408177505,0.43473324875017305,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-326.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1802588,297049,Consumer loans,16343.64,130500.0,141984.0,0.0,130500.0,WEDNESDAY,15,Y,1,0.0,,,XAP,Refused,-24,Cash through the bank,HC,Children,Repeater,Clothing and Accessories,POS,XNA,Stone,20,Clothing,10.0,low_normal,POS industry with interest,,,,,,,0,Cash loans,F,N,Y,0,292500.0,652500.0,19912.5,652500.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.026392000000000002,-22513,365243,-5435.0,-4461,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,XNA,,0.6351545422781513,0.09141199381412644,0.1062,0.1012,0.9821,,,0.0,0.1034,0.3333,,,,0.1113,,0.049,0.1082,0.105,0.9821,,,0.0,0.1034,0.3333,,,,0.1159,,0.0519,0.1072,0.1012,0.9821,,,0.0,0.1034,0.3333,,,,0.1133,,0.0501,,block of flats,0.0982,"Stone, brick",No,0.0,0.0,0.0,0.0,-514.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1434862,243769,Consumer loans,5641.515,35185.5,26239.5,10260.0,35185.5,SUNDAY,12,Y,1,0.3061431725714796,,,XAP,Approved,-1011,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,33,Connectivity,6.0,high,POS mobile with interest,365243.0,-977.0,-827.0,-827.0,-822.0,0.0,0,Cash loans,F,N,Y,0,220500.0,1125000.0,34110.0,1125000.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.019688999999999998,-16748,-2176,-817.0,-292,,1,1,0,1,0,0,High skill tech staff,1.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.5038723681892713,0.6195277080511546,0.1031,0.1143,0.9786,0.7076,0.0093,0.0,0.2069,0.1667,0.0417,0.1019,0.0832,0.0873,0.0039,0.0041,0.105,0.1186,0.9786,0.7190000000000001,0.0094,0.0,0.2069,0.1667,0.0417,0.1042,0.0909,0.091,0.0039,0.0044,0.1041,0.1143,0.9786,0.7115,0.0093,0.0,0.2069,0.1667,0.0417,0.1036,0.0847,0.0889,0.0039,0.0042,not specified,block of flats,0.0746,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2213564,326195,Revolving loans,38250.0,0.0,765000.0,,,FRIDAY,13,Y,1,,,,XAP,Approved,-581,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-549.0,-514.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,225000.0,348264.0,22387.5,315000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.010276,-20310,-1360,-6799.0,-825,,1,1,0,1,0,0,Accountants,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Bank,0.7974920087675389,0.652026080669609,0.7801436381572275,0.1237,0.0577,0.9886,,,0.12,0.1034,0.375,,0.0775,,0.1057,,0.0738,0.1261,0.0599,0.9886,,,0.1208,0.1034,0.375,,0.0793,,0.1101,,0.0781,0.1249,0.0577,0.9886,,,0.12,0.1034,0.375,,0.0788,,0.1076,,0.0753,,block of flats,0.1119,Panel,No,0.0,0.0,0.0,0.0,-861.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1953576,252694,Consumer loans,2448.855,34600.5,20718.0,15750.0,34600.5,SATURDAY,13,Y,1,0.4703625594543659,,,XAP,Approved,-1964,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,high,POS mobile with interest,365243.0,-1914.0,-1584.0,-1584.0,-1578.0,0.0,0,Cash loans,F,N,Y,0,90000.0,484789.5,29425.5,418500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.010643000000000001,-8972,-1314,-8965.0,-1665,,1,1,0,1,0,0,Core staff,1.0,2,2,WEDNESDAY,13,0,0,0,0,1,1,Business Entity Type 3,,0.7705360300820313,0.5989262182569273,0.0165,0.0,0.9762,0.6736,,0.0,0.069,0.0417,0.0833,0.052000000000000005,0.0134,0.0146,0.0,0.0,0.0168,0.0,0.9762,0.6864,,0.0,0.069,0.0417,0.0833,0.0532,0.0147,0.0152,0.0,0.0,0.0167,0.0,0.9762,0.6779999999999999,,0.0,0.069,0.0417,0.0833,0.053,0.0137,0.0148,0.0,0.0,org spec account,block of flats,0.0115,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1196638,138751,Revolving loans,6750.0,0.0,202500.0,,,SATURDAY,10,N,0,,,,XAP,Refused,-678,XNA,SCOFR,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,N,0,85500.0,269550.0,13761.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.030755,-11572,-2502,-11517.0,-2520,,1,1,1,1,0,0,Security staff,2.0,2,2,MONDAY,12,0,0,0,0,1,1,Agriculture,0.5733092785373604,0.5168554002617823,0.4471785780453068,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-883.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2844838,428119,Cash loans,51394.68,900000.0,965340.0,,900000.0,WEDNESDAY,14,Y,1,,,,Repairs,Refused,-489,XNA,HC,,Repeater,XNA,Cash,walk-in,Contact center,-1,XNA,30.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,N,0,202500.0,1428408.0,79888.5,1350000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.035792000000000004,-12539,-935,-872.0,-2554,,1,1,0,1,0,0,Core staff,2.0,2,2,TUESDAY,9,0,0,0,0,1,1,Bank,,0.5106224631018594,0.2580842039460289,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-302.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2784835,287350,Cash loans,19270.935,180000.0,243936.0,,180000.0,SATURDAY,11,Y,1,,,,XNA,Approved,-810,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-780.0,-90.0,-90.0,-81.0,1.0,0,Cash loans,F,N,Y,0,117000.0,298512.0,17266.5,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.010276,-12551,-3388,-6502.0,-2387,,1,1,0,1,0,1,High skill tech staff,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.5205166389568684,0.7241440274684633,0.10145935699146924,0.1113,0.0,0.9826,0.762,0.0212,0.12,0.1034,0.3333,0.375,0.0517,0.0908,0.1203,0.0,0.0,0.1134,0.0,0.9826,0.7713,0.0214,0.1208,0.1034,0.3333,0.375,0.0529,0.0992,0.1253,0.0,0.0,0.1124,0.0,0.9826,0.7652,0.0213,0.12,0.1034,0.3333,0.375,0.0526,0.0923,0.1225,0.0,0.0,reg oper account,block of flats,0.1062,Panel,No,0.0,0.0,0.0,0.0,-3372.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1189959,319613,Cash loans,30249.27,225000.0,272889.0,0.0,225000.0,TUESDAY,13,Y,1,0.0,,,XNA,Approved,-1629,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-1599.0,-1269.0,-1269.0,-1267.0,1.0,0,Cash loans,M,Y,Y,1,112500.0,127350.0,13639.5,112500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.018801,-17652,-187,-2505.0,-1187,27.0,1,1,1,1,1,0,Drivers,3.0,2,2,SUNDAY,9,0,0,0,0,1,1,Other,,0.4164708208480519,0.5673792367572691,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1588.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2748596,127125,Cash loans,19271.79,270000.0,299223.0,,270000.0,MONDAY,7,Y,1,,,,XNA,Approved,-1262,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-1232.0,-542.0,-932.0,-927.0,1.0,0,Cash loans,F,N,Y,0,207000.0,307557.0,13675.5,265500.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.018801,-23332,365243,-8111.0,-4418,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,6,0,0,0,0,0,0,XNA,,0.5983693760001325,0.5814837058057234,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-938.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1901589,145701,Consumer loans,4587.48,20425.5,21438.0,0.0,20425.5,TUESDAY,13,Y,1,0.0,,,XAP,Approved,-1467,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,48,Connectivity,6.0,high,POS mobile with interest,365243.0,-1436.0,-1286.0,-1346.0,-1343.0,0.0,0,Cash loans,F,N,Y,0,270000.0,868797.0,36940.5,702000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.032561,-18481,-4493,-10252.0,-1992,,1,1,0,1,0,1,Laborers,2.0,1,1,SATURDAY,13,0,0,0,0,0,0,Industry: type 9,0.8026008381418069,0.6312641621703659,0.4848514754962666,0.1433,0.1286,0.9762,0.6736,0.0152,0.0,0.2414,0.1667,0.2083,0.0297,0.1168,0.1369,0.0,0.0044,0.146,0.1335,0.9762,0.6864,0.0153,0.0,0.2414,0.1667,0.2083,0.0303,0.1276,0.1427,0.0,0.0046,0.1447,0.1286,0.9762,0.6779999999999999,0.0153,0.0,0.2414,0.1667,0.2083,0.0302,0.1189,0.1394,0.0,0.0045,,specific housing,0.1162,Panel,No,3.0,0.0,3.0,0.0,-1617.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1034492,365231,Cash loans,24702.885,315000.0,340573.5,,315000.0,WEDNESDAY,12,Y,1,,,,XNA,Approved,-1058,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-1028.0,-518.0,-638.0,-634.0,1.0,0,Cash loans,F,N,N,0,85500.0,542133.0,24007.5,468000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0105,-22638,-1903,-4202.0,-4202,,1,1,0,1,0,0,,2.0,3,3,THURSDAY,10,0,0,0,0,0,0,Restaurant,,0.4829681620982723,0.4596904504249018,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-247.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,2.0,2.0 +2262341,414870,Cash loans,23366.205,225000.0,239850.0,,225000.0,FRIDAY,11,Y,1,,,,XNA,Approved,-1070,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,low_normal,Cash Street: low,365243.0,-1039.0,-709.0,-709.0,-706.0,0.0,0,Cash loans,M,Y,Y,0,247500.0,1058148.0,54157.5,855000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.018029,-16818,-3180,-1171.0,-364,14.0,1,1,0,1,0,0,,2.0,3,3,SATURDAY,6,0,0,0,0,0,0,Self-employed,,0.4488906020616904,0.40314167665875134,0.066,,0.9757,,,0.0,0.1034,0.1667,,,,0.0489,,0.0,0.0672,,0.9757,,,0.0,0.1034,0.1667,,,,0.051,,0.0,0.0666,,0.9757,,,0.0,0.1034,0.1667,,,,0.0498,,0.0,,block of flats,0.0385,"Stone, brick",No,2.0,0.0,2.0,0.0,-1072.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2757291,446925,Cash loans,34995.51,675000.0,755190.0,,675000.0,TUESDAY,8,Y,1,,,,XNA,Refused,-163,XNA,HC,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,36.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,261000.0,450000.0,24543.0,450000.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.032561,-10963,-323,-3705.0,-2155,,1,1,0,1,0,0,Secretaries,1.0,1,1,THURSDAY,13,0,0,0,0,0,0,Business Entity Type 2,0.7360993524131425,0.6492424968869079,0.30162489168411943,0.0,0.1382,,0.7484,0.0172,0.0,0.0,0.1667,0.2083,0.0,0.0,0.0942,0.0,0.0433,0.0,0.1434,,0.7583,0.0174,0.0,0.0,0.1667,0.2083,0.0,0.0,0.0982,0.0,0.0458,0.0,0.1382,,0.7518,0.0174,0.0,0.0,0.1667,0.2083,0.0,0.0,0.0959,0.0,0.0442,not specified,,0.093,,No,0.0,0.0,0.0,0.0,-750.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +2042734,323305,Cash loans,35384.085,585000.0,631332.0,,585000.0,WEDNESDAY,15,Y,1,,,,XNA,Refused,-154,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,135000.0,733315.5,39199.5,679500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.009175,-22564,365243,-10903.0,-5205,,1,0,0,1,1,0,,1.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,XNA,0.8197131465734285,0.7526557635342199,0.6545292802242897,0.4567,0.3271,0.9846,0.7892,0.0808,0.48,0.4138,0.3333,0.375,0.1878,0.3707,0.2758,0.0077,0.002,0.4653,0.3395,0.9846,0.7975,0.0815,0.4834,0.4138,0.3333,0.375,0.1921,0.405,0.2874,0.0078,0.0021,0.4611,0.3271,0.9846,0.792,0.0813,0.48,0.4138,0.3333,0.375,0.1911,0.3771,0.2808,0.0078,0.002,,block of flats,0.3604,Panel,No,15.0,0.0,15.0,0.0,-446.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1950791,269847,Cash loans,8294.85,112500.0,123637.5,,112500.0,MONDAY,13,Y,1,,,,XNA,Approved,-861,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-830.0,-320.0,-500.0,-491.0,0.0,0,Cash loans,M,N,Y,0,112500.0,152820.0,12204.0,135000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.02461,-21251,-2268,-10246.0,-4244,,1,1,1,1,1,0,Managers,1.0,2,2,MONDAY,13,0,0,0,0,1,1,Business Entity Type 1,0.5603963523058243,0.5831023184349841,0.4083588531230431,0.0928,0.0881,0.9836,0.7756,0.0,0.0,0.2069,0.1667,0.0417,0.0507,0.0756,0.0868,0.0039,0.015,0.0945,0.0914,0.9836,0.7844,0.0,0.0,0.2069,0.1667,0.0417,0.0518,0.0826,0.0904,0.0039,0.0158,0.0937,0.0881,0.9836,0.7786,0.0,0.0,0.2069,0.1667,0.0417,0.0516,0.077,0.0883,0.0039,0.0153,reg oper account,block of flats,0.078,Panel,No,1.0,0.0,1.0,0.0,-1586.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2175215,249181,Cash loans,22522.5,819000.0,819000.0,,819000.0,WEDNESDAY,13,Y,1,,,,XNA,Refused,-247,XNA,HC,Children,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,1,252000.0,808650.0,26217.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.011703,-14987,-3079,-5253.0,-4379,,1,1,0,1,0,0,Laborers,3.0,2,2,FRIDAY,17,0,0,0,0,0,0,Self-employed,,0.7067820129119722,0.4740512892789932,0.068,0.0241,0.9727,0.626,0.0138,0.0,0.1379,0.125,0.0417,0.0691,0.0538,0.0504,0.0077,0.0159,0.0693,0.025,0.9727,0.6406,0.0139,0.0,0.1379,0.125,0.0417,0.0706,0.0588,0.0525,0.0078,0.0169,0.0687,0.0241,0.9727,0.631,0.0139,0.0,0.1379,0.125,0.0417,0.0703,0.0547,0.0513,0.0078,0.0163,reg oper account,block of flats,0.0586,"Stone, brick",No,0.0,0.0,0.0,0.0,-717.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2697604,122185,Cash loans,56754.0,1350000.0,1350000.0,,1350000.0,SATURDAY,16,Y,1,,,,XNA,Approved,-744,XNA,XAP,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,135000.0,1006920.0,51543.0,900000.0,Family,Working,Secondary / secondary special,Married,With parents,0.032561,-16094,-1865,-10233.0,-2506,,1,1,0,1,1,0,Sales staff,2.0,1,1,MONDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.7128982769998479,0.6690566947824041,0.0335,0.0419,0.9727,0.626,0.0032,0.0,0.1034,0.0833,0.125,0.0,0.0269,0.029,0.0039,0.0198,0.0305,0.0225,0.9727,0.6406,0.0026,0.0,0.1034,0.0833,0.125,0.0,0.0257,0.0295,0.0039,0.0209,0.0338,0.0419,0.9727,0.631,0.0032,0.0,0.1034,0.0833,0.125,0.0,0.0274,0.0295,0.0039,0.0202,reg oper account,block of flats,0.0243,"Stone, brick",No,0.0,0.0,0.0,0.0,-2349.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,6.0 +1201028,405903,Cash loans,20417.67,90000.0,104256.0,,90000.0,WEDNESDAY,12,Y,1,,,,XNA,Approved,-669,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,high,Cash X-Sell: high,365243.0,-639.0,-489.0,-489.0,-483.0,1.0,0,Cash loans,F,N,Y,0,67500.0,225000.0,11911.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-15236,-788,-8532.0,-4297,,1,1,0,1,0,0,Sales staff,2.0,2,2,SUNDAY,10,0,0,0,0,1,1,Business Entity Type 3,,0.7213351962093278,0.2721336844147212,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-905.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1253530,233060,Cash loans,,0.0,0.0,,,THURSDAY,14,Y,1,,,,XNA,Refused,-107,XNA,HC,,Repeater,XNA,XNA,XNA,Contact center,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,Y,N,0,112500.0,675000.0,26154.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.007305,-21724,-4579,-9428.0,-4987,10.0,1,1,0,1,1,0,Drivers,2.0,3,3,FRIDAY,14,0,0,0,0,1,1,Business Entity Type 1,,0.5701465822772029,0.4776491548517548,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2974.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2220999,338919,Consumer loans,2854.71,22257.0,24462.0,0.0,22257.0,SATURDAY,16,Y,1,0.0,,,XAP,Approved,-2762,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Stone,106,Connectivity,12.0,high,POS mobile with interest,365243.0,-2731.0,-2401.0,-2401.0,-2397.0,1.0,0,Cash loans,F,N,Y,0,90000.0,319981.5,12190.5,243000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-17384,-4421,-7208.0,-925,,1,1,0,1,0,0,High skill tech staff,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Other,0.6110100855287791,0.49346384875239097,0.3910549766342248,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1929.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,5.0 +1343888,181916,Cash loans,9043.2,288000.0,288000.0,,288000.0,SATURDAY,13,Y,1,,,,XNA,Approved,-469,Cash through the bank,XAP,Family,New,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-439.0,971.0,-349.0,-342.0,0.0,0,Cash loans,M,Y,Y,0,360000.0,675000.0,53460.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.028663,-18582,-1789,-6896.0,-2118,3.0,1,1,0,1,1,0,Laborers,2.0,2,2,SATURDAY,12,0,1,1,0,1,1,Business Entity Type 3,,0.7321087131986177,0.30162489168411943,0.1124,0.0672,0.9856,0.8028,0.0385,0.12,0.1034,0.3333,0.375,0.0,0.0908,0.1185,0.0039,0.0081,0.1145,0.0697,0.9856,0.8105,0.0389,0.1208,0.1034,0.3333,0.375,0.0,0.0992,0.1234,0.0039,0.0086,0.1135,0.0672,0.9856,0.8054,0.0388,0.12,0.1034,0.3333,0.375,0.0,0.0923,0.1206,0.0039,0.0083,reg oper account,block of flats,0.116,"Stone, brick",No,0.0,0.0,0.0,0.0,-469.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2412774,176158,Cash loans,47041.335,450000.0,470790.0,,450000.0,THURSDAY,13,Y,1,,,,XNA,Approved,-537,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-507.0,-177.0,-237.0,-233.0,1.0,0,Cash loans,M,Y,Y,0,315000.0,1687266.0,64395.0,1575000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-22163,365243,-2727.0,-2860,16.0,1,0,0,1,0,0,,2.0,2,2,TUESDAY,7,0,0,0,0,0,0,XNA,,0.663817201402734,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-734.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2241361,337572,Consumer loans,5393.7,44928.0,40432.5,4495.5,44928.0,THURSDAY,9,Y,1,0.10897454108391606,,,XAP,Approved,-2746,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,35,Connectivity,10.0,low_normal,POS mobile with interest,365243.0,-2715.0,-2445.0,-2445.0,-2442.0,0.0,0,Cash loans,F,N,N,0,171000.0,1649376.0,54639.0,1350000.0,Family,Working,Higher education,Married,Municipal apartment,0.020713,-12609,-4624,-71.0,-2873,,1,1,0,1,1,0,Accountants,2.0,3,3,SATURDAY,11,0,0,0,0,0,0,Government,0.08130568709761916,0.6087551557053642,0.3185955240537633,0.0289,,0.9836,0.7756,,0.0,0.069,0.0417,0.0833,0.0106,0.0235,0.02,0.0,0.0105,0.0294,,0.9836,0.7844,,0.0,0.069,0.0417,0.0833,0.0108,0.0257,0.0208,0.0,0.0112,0.0291,,0.9836,0.7786,,0.0,0.069,0.0417,0.0833,0.0108,0.0239,0.0203,0.0,0.0108,reg oper account,block of flats,0.018000000000000002,Wooden,No,0.0,0.0,0.0,0.0,-1777.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1186047,128813,Consumer loans,11665.71,67311.0,57213.0,10098.0,67311.0,THURSDAY,14,Y,1,0.16338547934215805,,,XAP,Approved,-1965,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,35,Connectivity,6.0,high,POS mobile with interest,365243.0,-1929.0,-1779.0,-1779.0,-1773.0,0.0,0,Cash loans,M,N,Y,0,270000.0,1125000.0,39987.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-17302,-2124,-7622.0,-851,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,9,0,0,0,0,1,1,Business Entity Type 1,,0.4612592634759896,0.520897599048938,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1965.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2059963,216243,Consumer loans,10716.3,126000.0,113400.0,12600.0,126000.0,WEDNESDAY,12,Y,1,0.1089090909090909,,,XAP,Approved,-907,Cash through the bank,XAP,Other_A,Repeater,Clothing and Accessories,POS,XNA,Stone,8,Clothing,12.0,low_normal,POS industry with interest,365243.0,-874.0,-544.0,-544.0,-539.0,0.0,0,Revolving loans,F,N,Y,1,67500.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.018029,-7767,-260,-914.0,-433,,1,1,0,1,0,0,Cooking staff,3.0,3,2,SUNDAY,12,0,0,0,0,0,0,Kindergarten,0.3105400924842069,0.11734874973643727,,0.2897,0.056,0.9821,,0.0587,0.08,0.0345,0.3333,0.375,0.0637,0.2353,0.0901,0.0039,0.0021,0.2952,0.0581,0.9821,,0.0592,0.0806,0.0345,0.3333,0.375,0.0651,0.2571,0.0939,0.0039,0.0023,0.2925,0.056,0.9821,,0.059,0.08,0.0345,0.3333,0.375,0.0648,0.2394,0.0918,0.0039,0.0022,reg oper account,block of flats,0.103,"Stone, brick",No,0.0,0.0,0.0,0.0,-1093.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2487723,194043,Consumer loans,36376.155,384120.0,384120.0,0.0,384120.0,SUNDAY,11,Y,1,0.0,,,XAP,Approved,-1075,Cash through the bank,XAP,Family,New,Clothing and Accessories,POS,XNA,Regional / Local,820,Clothing,12.0,low_normal,POS industry without interest,365243.0,-1044.0,-714.0,-864.0,-858.0,0.0,0,Cash loans,F,Y,Y,0,135000.0,855000.0,25128.0,855000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-13018,-5600,-5539.0,-2211,6.0,1,1,0,1,0,0,Medicine staff,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Medicine,,0.4925893158227538,0.6594055320683344,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1075.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1361647,170907,Consumer loans,18439.56,168898.5,156865.5,22500.0,168898.5,FRIDAY,11,Y,1,0.13661794188149587,,,XAP,Approved,-454,Cash through the bank,XAP,Unaccompanied,Refreshed,Consumer Electronics,POS,XNA,Country-wide,350,Consumer electronics,10.0,middle,POS household with interest,365243.0,-423.0,-153.0,-153.0,-144.0,0.0,0,Cash loans,M,N,Y,0,112500.0,675000.0,31410.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.016612000000000002,-18261,365243,-2784.0,-1814,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,11,0,0,0,0,0,0,XNA,,0.17873373498965525,0.7366226976503176,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-454.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2611428,179215,Cash loans,13309.92,324000.0,324000.0,0.0,324000.0,TUESDAY,14,Y,1,0.0,,,XNA,Approved,-2457,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,60.0,middle,Cash Street: middle,365243.0,-2427.0,-657.0,-747.0,-744.0,0.0,1,Cash loans,M,Y,N,2,225000.0,1078200.0,38331.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.011656999999999999,-15083,-2939,-6515.0,-4302,10.0,1,1,0,1,1,0,Drivers,4.0,1,1,TUESDAY,13,0,0,0,0,0,0,Government,,0.7285773009041243,0.3996756156233169,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2457.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1531144,143727,Consumer loans,7506.405,30847.5,26347.5,4500.0,30847.5,SATURDAY,17,Y,1,0.15887540614017634,,,XAP,Approved,-2901,Cash through the bank,XAP,,New,Mobile,POS,XNA,Stone,21,Connectivity,4.0,high,POS mobile with interest,365243.0,-2854.0,-2764.0,-2764.0,-2606.0,0.0,0,Cash loans,F,N,Y,0,202500.0,1125000.0,39987.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-20557,-6802,-9111.0,-4056,,1,1,0,1,0,0,Managers,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Self-employed,,0.7302389747722872,0.7862666146611379,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,1.0,-1281.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1480264,125136,Consumer loans,14306.445,115686.0,127138.5,0.0,115686.0,SUNDAY,11,Y,1,0.0,,,XAP,Approved,-1840,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,939,Consumer electronics,12.0,high,POS household with interest,365243.0,-1809.0,-1479.0,-1479.0,-1322.0,0.0,0,Cash loans,M,Y,Y,0,157500.0,339241.5,12919.5,238500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.030755,-21356,-13974,-13977.0,-2073,5.0,1,1,0,1,1,0,Drivers,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,Agriculture,,0.29666801950691085,0.7623356180684377,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1019740,449988,Revolving loans,6750.0,0.0,135000.0,,0.0,FRIDAY,14,Y,1,,,,XAP,Refused,-1142,XNA,LIMIT,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,Y,Y,0,81000.0,337500.0,22959.0,337500.0,Family,Working,Higher education,Married,House / apartment,0.015221,-10074,-1129,-4568.0,-2426,9.0,1,1,0,1,0,0,IT staff,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,Medicine,0.5050566378415693,0.6290778282937192,0.3842068130556564,0.1113,0.0801,0.9891,0.8504,0.0673,0.12,0.1034,0.3333,0.375,0.0335,0.0908,0.1164,0.0,0.0,0.1134,0.0831,0.9891,0.8563,0.0679,0.1208,0.1034,0.3333,0.375,0.0342,0.0992,0.1213,0.0,0.0,0.1124,0.0801,0.9891,0.8524,0.0678,0.12,0.1034,0.3333,0.375,0.0341,0.0923,0.1185,0.0,0.0,org spec account,block of flats,0.1284,Panel,No,3.0,0.0,3.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,0.0 +2825325,309914,Consumer loans,17550.0,67500.0,67500.0,0.0,67500.0,THURSDAY,16,Y,1,0.0,,,XAP,Approved,-939,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Stone,30,Furniture,4.0,low_action,POS industry with interest,365243.0,-907.0,-817.0,-847.0,-836.0,0.0,0,Cash loans,F,N,N,2,81000.0,90000.0,9450.0,90000.0,"Spouse, partner",Working,Secondary / secondary special,Single / not married,House / apartment,0.008625,-11344,-2125,-1592.0,-751,,1,1,0,1,0,0,Laborers,3.0,2,2,FRIDAY,18,0,0,0,0,0,0,Business Entity Type 3,,0.6198114488746305,0.3996756156233169,0.1206,0.1317,0.9781,,,,0.2759,0.1667,,0.1024,,0.1123,,0.0041,0.1229,0.1367,0.9782,,,,0.2759,0.1667,,0.1047,,0.1171,,0.0043,0.1218,0.1317,0.9781,,,,0.2759,0.1667,,0.1042,,0.1144,,0.0042,,,0.1077,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1118868,199853,Consumer loans,14457.15,254524.5,320557.5,0.0,254524.5,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-1007,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,1607,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-976.0,-286.0,-286.0,-279.0,0.0,0,Revolving loans,M,Y,Y,1,225000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.020246,-13264,-1628,-1307.0,-4365,12.0,1,1,0,1,0,0,Drivers,2.0,3,3,SATURDAY,8,0,0,0,0,0,0,Housing,0.32789292787681784,0.464755220930577,0.5656079814115492,0.1546,,0.9901,0.8640000000000001,,0.2,0.1724,0.375,0.4167,,0.1261,0.1878,0.0,0.0,0.1576,,0.9901,0.8693,,0.2014,0.1724,0.375,0.4167,,0.1377,0.1957,0.0,0.0,0.1561,,0.9901,0.8658,,0.2,0.1724,0.375,0.4167,,0.1283,0.1912,0.0,0.0,reg oper account,,0.1477,Panel,No,1.0,0.0,1.0,0.0,-1007.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1982806,139705,Consumer loans,16556.265,98541.0,89532.0,13500.0,98541.0,FRIDAY,11,Y,1,0.14270059081379832,,,XAP,Approved,-702,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Country-wide,1291,Consumer electronics,6.0,middle,POS household with interest,365243.0,-671.0,-521.0,-671.0,-665.0,0.0,0,Cash loans,F,Y,Y,2,135000.0,452385.0,32913.0,373500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.006852,-12094,-2826,-262.0,-4192,17.0,1,1,0,1,0,0,,4.0,3,3,SUNDAY,10,0,0,0,0,0,0,Medicine,0.38724032302627626,0.26814735831780073,0.4329616670974407,0.0825,0.0807,0.9786,0.7076,0.035,0.0,0.1379,0.1667,0.0417,0.0606,0.0008,0.0695,0.305,0.0031,0.084,0.0837,0.9786,0.7190000000000001,0.0354,0.0,0.1379,0.1667,0.0417,0.0619,0.0009,0.0724,0.3074,0.0033,0.0833,0.0807,0.9786,0.7115,0.0353,0.0,0.1379,0.1667,0.0417,0.0616,0.0009,0.0707,0.3067,0.0031,reg oper account,block of flats,0.0553,Panel,No,1.0,0.0,1.0,0.0,-2395.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2570848,402391,Cash loans,11061.0,90000.0,90000.0,0.0,90000.0,MONDAY,12,Y,1,0.0,,,XNA,Approved,-2910,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,10.0,middle,Cash Street: middle,365243.0,-2880.0,-2610.0,-2610.0,-2575.0,0.0,0,Cash loans,F,N,Y,1,315000.0,1190340.0,63549.0,1125000.0,Family,Working,Higher education,Married,House / apartment,0.031329,-15602,-3417,-1040.0,-3937,,1,1,0,1,0,1,,3.0,2,2,SATURDAY,8,0,0,0,0,0,0,Insurance,0.4928123719636368,0.7679703428553109,0.5797274227921155,0.0835,0.0575,0.996,0.9456,0.0889,0.12,0.0345,0.7917,0.8333,0.0615,0.07400000000000001,0.1798,0.0116,0.4435,0.0851,0.0596,0.996,0.9477,0.0897,0.1208,0.0345,0.7917,0.8333,0.0629,0.0808,0.1873,0.0117,0.4695,0.0843,0.0575,0.996,0.9463,0.0894,0.12,0.0345,0.7917,0.8333,0.0626,0.0752,0.183,0.0116,0.4528,reg oper spec account,block of flats,0.2864,Monolithic,No,0.0,0.0,0.0,0.0,-343.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1940273,129231,Consumer loans,5003.64,50346.0,45310.5,5035.5,50346.0,WEDNESDAY,19,Y,1,0.10892855982058697,,,XAP,Approved,-412,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,60,Connectivity,12.0,high,POS mobile with interest,365243.0,-373.0,-43.0,-103.0,-100.0,0.0,0,Cash loans,F,Y,N,1,112500.0,523597.5,36571.5,468000.0,Unaccompanied,Working,Higher education,Single / not married,Co-op apartment,0.009175,-11458,-3097,-5198.0,-2197,64.0,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,20,0,0,0,0,1,1,Self-employed,0.6907558792335686,0.4119978609246109,0.6832688314232291,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1263.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2395984,184857,Consumer loans,18414.405,191866.5,166797.0,38250.0,191866.5,FRIDAY,13,Y,1,0.2031618471507864,,,XAP,Approved,-1107,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,951,Consumer electronics,12.0,high,POS household with interest,365243.0,-1076.0,-746.0,-1016.0,-1007.0,0.0,0,Cash loans,F,Y,Y,0,675000.0,1125000.0,33025.5,1125000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.009334,-13228,-1963,-228.0,-1628,2.0,1,1,0,1,1,0,Managers,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,Legal Services,,0.7797773378659404,0.5549467685334323,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1239.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2679184,148220,Cash loans,23366.205,225000.0,239850.0,,225000.0,FRIDAY,18,Y,1,,,,XNA,Approved,-186,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-156.0,174.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,N,0,121500.0,370107.0,24781.5,319500.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.008625,-11004,-3872,-1911.0,-3100,16.0,1,1,0,1,0,0,Cooking staff,1.0,2,2,MONDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.2936492901529112,0.4672365901434782,0.656158373001177,0.0701,0.0214,0.997,0.9592,0.0292,0.08,0.0345,0.6667,0.7083,0.0479,0.0572,0.0895,,0.0044,0.0714,0.0222,0.997,0.9608,0.0294,0.0806,0.0345,0.6667,0.7083,0.049,0.0624,0.0933,,0.0046,0.0708,0.0214,0.997,0.9597,0.0293,0.08,0.0345,0.6667,0.7083,0.0487,0.0581,0.0911,,0.0044,reg oper account,block of flats,0.08800000000000001,Panel,No,6.0,1.0,6.0,1.0,-2379.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1076312,383582,Consumer loans,6815.16,35955.0,33957.0,3600.0,35955.0,SUNDAY,13,Y,1,0.10439404831928197,,,XAP,Approved,-2444,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Country-wide,35,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2413.0,-2263.0,-2263.0,-2255.0,1.0,0,Cash loans,F,N,Y,0,202500.0,598401.0,19431.0,499500.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.007305,-18578,365243,-5446.0,-2092,,1,0,0,1,1,0,,1.0,3,3,MONDAY,12,0,0,0,0,0,0,XNA,,0.664173352242913,0.4776491548517548,0.0082,,0.9722,,,,0.0345,0.0417,,,,0.0059,,,0.0084,,0.9722,,,,0.0345,0.0417,,,,0.0062,,,0.0083,,0.9722,,,,0.0345,0.0417,,,,0.006,,,,block of flats,0.0069,Wooden,No,6.0,0.0,6.0,0.0,-745.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2592811,419696,Revolving loans,13500.0,270000.0,270000.0,,270000.0,SATURDAY,9,Y,1,,,,XAP,Approved,-512,XNA,XAP,,Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-451.0,-404.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,72000.0,203760.0,13149.0,180000.0,Unaccompanied,Commercial associate,Lower secondary,Single / not married,Office apartment,0.018029,-17872,-883,-7940.0,-1416,,1,1,0,1,0,0,Low-skill Laborers,1.0,3,3,FRIDAY,14,0,0,0,1,1,0,Self-employed,,0.4564321575992136,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-512.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1975509,312243,Cash loans,16119.855,184500.0,202765.5,0.0,184500.0,SATURDAY,15,Y,1,0.0,,,XNA,Approved,-2413,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,18.0,middle,Cash Street: middle,365243.0,-2383.0,-1873.0,-1873.0,-1866.0,1.0,0,Cash loans,F,N,Y,0,225000.0,724581.0,26154.0,625500.0,Family,State servant,Higher education,Married,House / apartment,0.01885,-20020,-8460,-10999.0,-3008,,1,1,0,1,0,1,,2.0,2,2,THURSDAY,16,0,0,0,0,0,0,School,0.8145181149959876,0.7030886754876365,0.4507472818545589,0.0278,0.068,0.9712,0.6056,0.0472,0.0,0.1034,0.0833,0.125,0.0427,0.0227,0.0318,0.0,0.0,0.0284,0.0706,0.9712,0.621,0.0476,0.0,0.1034,0.0833,0.125,0.0436,0.0248,0.0331,0.0,0.0,0.0281,0.068,0.9712,0.6109,0.0475,0.0,0.1034,0.0833,0.125,0.0434,0.0231,0.0324,0.0,0.0,reg oper account,block of flats,0.0276,"Stone, brick",No,10.0,0.0,10.0,0.0,-1647.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,1.0,0.0,0.0,2.0,3.0 +1286048,209968,Consumer loans,3257.055,16605.0,15205.5,2250.0,16605.0,SUNDAY,13,Y,1,0.14038294780754176,,,XAP,Approved,-177,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,15,Connectivity,6.0,high,POS mobile with interest,365243.0,-147.0,3.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,0,148500.0,540000.0,27738.0,540000.0,Family,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.009334,-16747,-2001,-1342.0,-294,,1,1,0,1,0,0,Low-skill Laborers,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Self-employed,,0.4856825322525562,0.7557400501752248,,,0.9727,,,,0.069,0.0417,,,,0.0142,,,,,0.9727,,,,0.069,0.0417,,,,0.0148,,,,,0.9727,,,,0.069,0.0417,,,,0.0145,,,,block of flats,0.0112,Wooden,No,0.0,0.0,0.0,0.0,-722.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1903049,346523,Consumer loans,4224.915,18796.5,19912.5,0.0,18796.5,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-93,Cash through the bank,XAP,"Spouse, partner",Repeater,Mobile,POS,XNA,Country-wide,35,Connectivity,6.0,high,POS mobile with interest,365243.0,-63.0,87.0,-3.0,365243.0,1.0,0,Cash loans,F,N,Y,1,81000.0,364896.0,19926.0,315000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.02461,-14225,-1958,-2644.0,-3408,,1,1,1,1,1,0,Laborers,3.0,2,2,MONDAY,15,0,0,0,0,0,0,Self-employed,,0.6959831275398579,0.15759499866631024,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1309.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2417517,323192,Consumer loans,11156.625,91395.0,113449.5,0.0,91395.0,TUESDAY,17,Y,1,0.0,,,XAP,Approved,-509,Cash through the bank,XAP,Unaccompanied,Refreshed,Audio/Video,POS,XNA,Stone,50,Furniture,12.0,middle,POS household with interest,365243.0,-477.0,-147.0,-327.0,-322.0,0.0,0,Cash loans,F,N,N,0,157500.0,509602.5,24646.5,387000.0,Unaccompanied,Commercial associate,Incomplete higher,Married,With parents,0.025164,-9147,-608,-9027.0,-1815,,1,1,0,1,0,0,,2.0,2,2,SUNDAY,12,0,0,0,0,0,0,Industry: type 11,,0.5702591238494651,0.6263042766749393,0.133,0.1142,0.9762,0.6736,0.0534,0.0,0.2759,0.1667,0.2083,0.1052,0.1084,0.1242,0.0,0.0,0.1355,0.1185,0.9762,0.6864,0.0539,0.0,0.2759,0.1667,0.2083,0.1076,0.1185,0.1294,0.0,0.0,0.1343,0.1142,0.9762,0.6779999999999999,0.0537,0.0,0.2759,0.1667,0.2083,0.1071,0.1103,0.1265,0.0,0.0,reg oper account,block of flats,0.1269,Block,No,0.0,0.0,0.0,0.0,-1.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1940548,330159,Consumer loans,5706.81,46161.0,57240.0,0.0,46161.0,SUNDAY,19,Y,1,0.0,,,XAP,Approved,-199,Cash through the bank,XAP,Other_A,New,Consumer Electronics,POS,XNA,Country-wide,1000,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-169.0,161.0,-109.0,-101.0,1.0,1,Cash loans,F,N,N,0,72000.0,526500.0,20398.5,526500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008625,-9120,-1564,-2745.0,-426,,1,1,0,1,1,0,Sales staff,2.0,2,2,WEDNESDAY,8,0,0,0,1,1,0,Construction,0.1141189771969384,0.3743354660276264,0.02016798864693437,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-199.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1298319,106959,Cash loans,16013.97,135000.0,143910.0,0.0,135000.0,MONDAY,11,Y,1,0.0,,,XNA,Approved,-1913,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-1883.0,-1553.0,-1553.0,-1543.0,1.0,0,Cash loans,F,N,Y,1,225000.0,1190340.0,63549.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Municipal apartment,0.04622,-14342,-1310,-8468.0,-4850,,1,1,0,1,0,0,,2.0,1,1,WEDNESDAY,10,0,1,1,0,0,0,Business Entity Type 3,0.6473254269741865,0.6673557118067192,,,,,,,,0.2069,0.3333,,,,,,,,,,,,,0.2069,0.3333,,,,,,,,,,,,,0.2069,0.3333,,,,,,,,,0.2069,,No,0.0,0.0,0.0,0.0,-1729.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2637422,103592,Consumer loans,3898.35,29223.0,29223.0,0.0,29223.0,WEDNESDAY,8,Y,1,0.0,,,XAP,Refused,-2480,Cash through the bank,SCO,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,10.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,Y,Y,2,157500.0,239850.0,25960.5,225000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.019688999999999998,-10109,-282,-308.0,-759,7.0,1,1,0,1,0,0,,4.0,2,2,FRIDAY,13,0,0,0,0,0,0,Self-employed,,0.32795564416195244,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1807367,395803,Consumer loans,6404.4,109786.5,123948.0,0.0,109786.5,SATURDAY,12,Y,1,0.0,,,XAP,Refused,-601,Cash through the bank,HC,Unaccompanied,New,Computers,POS,XNA,Country-wide,1500,Consumer electronics,24.0,low_normal,POS household with interest,,,,,,,1,Revolving loans,M,Y,Y,0,112500.0,202500.0,10125.0,202500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-15983,-1117,-1563.0,-4763,12.0,1,1,0,1,0,0,Drivers,2.0,2,2,FRIDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.4570713985234338,0.5008929865666639,,0.1021,,0.9801,,,0.0,0.2069,0.1667,,,,0.097,,,0.104,,0.9801,,,0.0,0.2069,0.1667,,,,0.101,,,0.1031,,0.9801,,,0.0,0.2069,0.1667,,,,0.0987,,,,block of flats,0.0763,Panel,No,0.0,0.0,0.0,0.0,-601.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1783884,271927,Consumer loans,3794.13,35055.9,34150.5,3506.4,35055.9,FRIDAY,11,Y,1,0.1014100566864602,,,XAP,Approved,-2679,Cash through the bank,XAP,Other_B,New,Consumer Electronics,POS,XNA,Country-wide,264,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2648.0,-2378.0,-2378.0,-2376.0,1.0,0,Cash loans,F,N,N,0,90000.0,254700.0,24939.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,Rented apartment,0.025164,-21661,365243,-2674.0,-2702,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,XNA,,0.6415204631368331,0.4956658291397297,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1986.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2432606,381134,Consumer loans,10765.755,89955.0,97870.5,0.0,89955.0,SUNDAY,11,Y,1,0.0,,,XAP,Approved,-791,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Regional / Local,331,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-759.0,-489.0,-519.0,-511.0,0.0,0,Cash loans,F,N,Y,0,81000.0,170640.0,10566.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.00496,-18209,-9645,-4370.0,-1766,,1,1,0,1,0,0,Medicine staff,1.0,2,2,SUNDAY,10,0,0,0,0,0,0,Medicine,0.6512223900529504,0.5913708460505145,0.5388627065779676,0.067,,0.9816,,,,0.1379,0.1667,,,,,,,0.0735,,0.9791,,,,0.1379,0.1667,,,,,,,0.0729,,0.9791,,,,0.1379,0.1667,,,,,,,,block of flats,0.0362,,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2192116,378273,Consumer loans,7077.24,107950.5,107950.5,0.0,107950.5,WEDNESDAY,13,Y,1,0.0,,,XAP,Approved,-603,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,500,Consumer electronics,18.0,low_normal,POS household with interest,365243.0,-572.0,-62.0,-62.0,-60.0,0.0,0,Revolving loans,M,Y,N,0,126000.0,202500.0,10125.0,202500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.011703,-15220,-856,-7496.0,-4158,14.0,1,1,0,1,0,0,High skill tech staff,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Transport: type 4,0.6627632940989377,0.5113273527408013,0.7476633896301825,0.0381,0.0624,0.9747,0.6532,0.0041,0.0,0.1034,0.125,0.1667,0.0328,0.0303,0.0305,0.0039,0.0368,0.0389,0.0647,0.9747,0.6668,0.0041,0.0,0.1034,0.125,0.1667,0.0336,0.0331,0.0317,0.0039,0.0389,0.0385,0.0624,0.9747,0.6578,0.0041,0.0,0.1034,0.125,0.1667,0.0334,0.0308,0.031,0.0039,0.0375,reg oper account,block of flats,0.0342,"Stone, brick",No,1.0,0.0,1.0,0.0,-1173.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1779555,186382,Cash loans,11551.32,225000.0,269550.0,,225000.0,TUESDAY,10,Y,1,,,,XNA,Approved,-1219,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-1189.0,-139.0,-169.0,-164.0,1.0,0,Cash loans,M,N,Y,0,103500.0,326664.0,13968.0,234000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-22168,365243,-1752.0,-5277,,1,0,0,1,0,1,,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,0.790334972717153,0.3367817909661267,0.746300213050371,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-195.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2098826,373204,Revolving loans,22500.0,0.0,450000.0,,,TUESDAY,13,Y,1,,,,XAP,Approved,-899,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-892.0,-855.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,189000.0,454500.0,45081.0,454500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.035792000000000004,-16017,-585,-7336.0,-4649,,1,1,0,1,1,0,Core staff,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.5356564831949187,0.6075573001388961,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1863.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2254720,397792,Consumer loans,12713.535,127125.0,114412.5,12712.5,127125.0,SATURDAY,11,Y,1,0.1089090909090909,,,XAP,Approved,-476,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Stone,30,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-441.0,-171.0,-171.0,-167.0,0.0,0,Cash loans,F,N,Y,0,126000.0,1288350.0,37800.0,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0228,-20939,-3026,-4908.0,-4256,,1,1,1,1,1,0,Sales staff,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.13742455785501698,0.3490552510751822,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1796.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1100429,190022,Consumer loans,7565.58,63796.5,63099.0,6381.0,63796.5,THURSDAY,15,Y,1,0.10002143193593968,,,XAP,Approved,-1974,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,high,POS mobile with interest,365243.0,-1938.0,-1608.0,-1608.0,-1600.0,0.0,0,Revolving loans,F,N,Y,0,202500.0,450000.0,22500.0,450000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.00963,-10924,-1117,-4872.0,-409,,1,1,0,1,0,0,Accountants,1.0,2,2,THURSDAY,13,0,0,0,0,0,0,Self-employed,,0.6488838647958962,,0.1072,0.1472,0.9906,0.8708,0.0168,0.0,0.2759,0.1667,0.2083,0.0377,0.0866,0.1086,0.0039,0.011,0.1092,0.1527,0.9906,0.8759,0.0169,0.0,0.2759,0.1667,0.2083,0.0385,0.0946,0.1131,0.0039,0.0117,0.1083,0.1472,0.9906,0.8725,0.0169,0.0,0.2759,0.1667,0.2083,0.0383,0.0881,0.1106,0.0039,0.0113,reg oper account,block of flats,0.097,"Stone, brick",No,0.0,0.0,0.0,0.0,-1974.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2261551,128469,Cash loans,8981.82,45000.0,46485.0,0.0,45000.0,WEDNESDAY,13,Y,1,0.0,,,XNA,Approved,-2078,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,6.0,high,Cash Street: high,365243.0,-2048.0,-1898.0,-1898.0,-1878.0,1.0,0,Cash loans,F,N,Y,1,135000.0,1017684.0,29884.5,729000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-15943,-8388,-3049.0,-4403,,1,1,0,1,0,0,Laborers,3.0,2,2,TUESDAY,9,0,0,0,0,0,0,Business Entity Type 2,0.7882695687607386,0.2622583692422573,0.6610235391308081,0.0722,0.0511,0.9757,0.6668,0.0078,0.0,0.1379,0.1667,0.2083,0.0725,0.0588,0.0526,0.0,0.0,0.0735,0.0531,0.9757,0.6798,0.0078,0.0,0.1379,0.1667,0.2083,0.0741,0.0643,0.0548,0.0,0.0,0.0729,0.0511,0.9757,0.6713,0.0078,0.0,0.1379,0.1667,0.2083,0.0737,0.0599,0.0535,0.0,0.0,reg oper account,block of flats,0.0414,"Stone, brick",No,5.0,0.0,5.0,0.0,-2078.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1767547,325322,Consumer loans,7637.175,56250.0,37309.5,22500.0,56250.0,FRIDAY,10,Y,1,0.4097099199047888,,,XAP,Approved,-1105,Cash through the bank,XAP,Unaccompanied,New,Furniture,POS,XNA,Country-wide,972,Furniture,6.0,high,POS industry with interest,365243.0,-1072.0,-922.0,-922.0,-914.0,0.0,0,Cash loans,F,N,Y,0,90000.0,808650.0,23773.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.019688999999999998,-19479,-3700,-5657.0,-2843,,1,1,0,1,0,0,Cooking staff,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,Kindergarten,,0.17249750814777715,0.6430255641096323,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1105.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1937967,162448,Consumer loans,13525.605,127890.0,119484.0,19170.0,127890.0,FRIDAY,16,Y,1,0.1505753366456988,,,XAP,Approved,-1788,Cash through the bank,XAP,"Spouse, partner",New,Furniture,POS,XNA,Stone,3214,Furniture,12.0,high,POS industry with interest,365243.0,-1757.0,-1427.0,-1427.0,-1422.0,0.0,0,Cash loans,M,N,Y,0,180000.0,283500.0,13918.5,283500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.003069,-19730,-2198,-6503.0,-3243,,1,1,0,1,0,0,Laborers,2.0,3,3,MONDAY,11,0,0,0,0,1,1,Construction,,0.551864965647536,0.5046813193144684,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1788.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,2.0 +2242134,104746,Consumer loans,4392.63,31891.5,35050.5,0.0,31891.5,TUESDAY,8,Y,1,0.0,,,XAP,Approved,-2123,Cash through the bank,XAP,Other_B,Repeater,Audio/Video,POS,XNA,Country-wide,1200,Consumer electronics,12.0,high,POS household with interest,365243.0,-2092.0,-1762.0,-1762.0,-1754.0,0.0,0,Cash loans,F,N,Y,0,117000.0,1258650.0,53455.5,1125000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020713,-20637,365243,-4494.0,-3954,,1,0,0,1,0,0,,2.0,3,2,THURSDAY,5,0,0,0,0,0,0,XNA,0.6726241694316316,0.07892727378845238,0.8038850611746273,0.4103,0.3318,0.9925,0.898,0.2198,0.4,0.3448,0.375,0.4167,0.0,0.3329,0.2499,0.0077,0.0083,0.4181,0.3443,0.9926,0.902,0.2218,0.4028,0.3448,0.375,0.4167,0.0,0.3636,0.2604,0.0078,0.0088,0.4143,0.3318,0.9925,0.8994,0.2212,0.4,0.3448,0.375,0.4167,0.0,0.3386,0.2544,0.0078,0.0084,reg oper account,block of flats,0.353,Panel,No,6.0,0.0,6.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1085392,127915,Cash loans,10849.86,90000.0,95940.0,0.0,90000.0,TUESDAY,10,Y,1,0.0,,,XNA,Approved,-1933,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,high,Cash X-Sell: high,365243.0,-1903.0,-1573.0,-1573.0,-1564.0,1.0,0,Cash loans,F,N,N,2,76500.0,562491.0,27058.5,454500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.00702,-15379,-3512,-301.0,-4940,,1,1,1,1,1,0,,4.0,2,2,WEDNESDAY,13,0,0,0,0,1,1,Military,,0.037904100803147774,0.3046721837533529,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1268.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1924149,268596,Consumer loans,3026.61,19521.0,18729.0,1953.0,19521.0,MONDAY,10,Y,1,0.10284278819526864,,,XAP,Approved,-1587,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Stone,287,Consumer electronics,8.0,high,POS household with interest,365243.0,-1556.0,-1346.0,-1466.0,-1462.0,0.0,0,Cash loans,F,N,Y,0,67500.0,45000.0,1980.0,45000.0,Unaccompanied,Pensioner,Lower secondary,Married,House / apartment,0.018801,-22656,365243,-13463.0,-4588,,1,0,0,1,1,0,,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,XNA,0.6546257369220817,0.4373380303961703,0.7194907850918436,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-793.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1032449,179685,Consumer loans,9227.385,80716.5,89239.5,0.0,80716.5,MONDAY,12,Y,1,0.0,,,XAP,Approved,-554,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Country-wide,1720,Consumer electronics,12.0,middle,POS household with interest,365243.0,-520.0,-190.0,-190.0,-184.0,0.0,0,Cash loans,F,N,Y,0,112500.0,521280.0,23089.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-15798,-3897,-6279.0,-4905,,1,1,0,1,0,0,,2.0,3,3,TUESDAY,10,0,0,0,0,0,0,Government,0.4546879699602496,0.4882884687860536,0.4206109640437848,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2724.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,1.0 +1072042,374787,Cash loans,11850.3,180000.0,180000.0,,180000.0,TUESDAY,9,Y,1,,,,Other,Refused,-316,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Country-wide,20,Connectivity,24.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,N,1,189000.0,180000.0,14350.5,180000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.010276,-10790,-379,-4809.0,-3190,,1,1,1,1,1,0,Laborers,2.0,2,2,TUESDAY,19,0,0,0,0,1,1,Business Entity Type 3,0.4579840741250056,0.5884718930708671,0.40314167665875134,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1634.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2411412,179258,Revolving loans,2250.0,45000.0,45000.0,,45000.0,TUESDAY,14,Y,1,,,,XAP,Approved,-448,XNA,XAP,,Repeater,XNA,Cards,walk-in,Channel of corporate sales,-1,XNA,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,-56.0,0.0,0,Cash loans,M,Y,Y,0,180000.0,1800000.0,49630.5,1800000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.008473999999999999,-9642,-748,-4298.0,-2322,2.0,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Trade: type 2,,0.6574143284813421,0.4507472818545589,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-602.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,4.0,4.0 +1469203,320048,Consumer loans,21094.74,121770.0,79303.5,45000.0,121770.0,THURSDAY,12,Y,1,0.3942695974698289,,,XAP,Approved,-2461,Cash through the bank,XAP,Unaccompanied,New,Other,POS,XNA,Stone,239,Clothing,4.0,middle,POS industry without interest,365243.0,-2423.0,-2333.0,-2333.0,-2325.0,1.0,1,Cash loans,F,N,N,0,90000.0,290088.0,8608.5,229500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.031329,-20719,-3080,-14819.0,-4058,,1,1,0,1,0,0,Laborers,1.0,2,2,MONDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.6008735586661283,0.5709165417729987,0.0649,0.0633,0.9771,0.6872,0.0057,0.0,0.1034,0.1667,0.2083,0.0311,0.0488,0.046,0.0193,0.0151,0.0662,0.0657,0.9772,0.6994,0.0058,0.0,0.1034,0.1667,0.2083,0.0318,0.0533,0.048,0.0195,0.016,0.0656,0.0633,0.9771,0.6914,0.0058,0.0,0.1034,0.1667,0.2083,0.0317,0.0496,0.0468,0.0194,0.0154,reg oper account,block of flats,0.0426,"Stone, brick",No,1.0,0.0,1.0,0.0,-1921.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2017602,127488,Consumer loans,4862.565,36585.0,24228.0,13500.0,36585.0,SUNDAY,13,Y,1,0.3897033310201249,,,XAP,Approved,-2356,Cash through the bank,XAP,Unaccompanied,New,Photo / Cinema Equipment,POS,XNA,Stone,80,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-2325.0,-2175.0,-2175.0,-2160.0,1.0,0,Cash loans,M,Y,Y,0,135000.0,659610.0,21406.5,472500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-19027,-1624,-9355.0,-2572,10.0,1,1,0,1,0,0,Laborers,2.0,3,3,THURSDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.7145323469771159,0.2608097549617385,0.7062051096536562,0.1802,0.1391,0.9861,,,0.2,0.1724,0.3333,,0.3645,,0.1925,,0.002,0.1029,0.0823,0.9861,,,0.1208,0.1034,0.3333,,0.412,,0.1185,,0.0,0.1629,0.1271,0.9861,,,0.18,0.1552,0.3333,,0.4099,,0.1815,,0.0018,,block of flats,0.163,Panel,No,2.0,0.0,2.0,0.0,-1434.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +1665066,393722,Revolving loans,11250.0,225000.0,225000.0,,225000.0,FRIDAY,13,Y,1,,,,XAP,Approved,-94,XNA,XAP,Unaccompanied,Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,N,0,135000.0,225000.0,6579.0,225000.0,Unaccompanied,Commercial associate,Higher education,Married,With parents,0.0228,-15615,-2165,-2020.0,-4632,,1,1,0,1,1,0,High skill tech staff,2.0,2,2,FRIDAY,8,0,0,0,0,0,0,Trade: type 7,0.8327839523517983,0.636567190460889,,0.1237,0.16,0.9826,0.762,0.0813,0.0,0.2759,0.1667,0.2083,0.0712,0.1009,0.103,0.0,0.0,0.1261,0.166,0.9826,0.7713,0.08199999999999999,0.0,0.2759,0.1667,0.2083,0.0729,0.1102,0.1073,0.0,0.0,0.1249,0.16,0.9826,0.7652,0.0818,0.0,0.2759,0.1667,0.2083,0.0725,0.1026,0.1048,0.0,0.0,reg oper account,block of flats,0.1254,Panel,No,2.0,0.0,2.0,0.0,-1118.0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,,,,,, +1231651,362881,Consumer loans,4649.985,22005.0,23094.0,0.0,22005.0,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-1591,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Stone,46,Consumer electronics,6.0,high,POS household with interest,365243.0,-1560.0,-1410.0,-1470.0,-1465.0,0.0,0,Cash loans,F,N,N,2,180000.0,1147500.0,48618.0,1147500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.030755,-12791,-2816,-638.0,-2989,,1,1,0,1,1,0,,4.0,2,2,SUNDAY,22,0,0,0,0,1,1,Business Entity Type 3,0.3647001331946872,0.5385651516788138,0.5673792367572691,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-465.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,4.0,4.0 +1264033,367562,Revolving loans,29250.0,585000.0,585000.0,,585000.0,WEDNESDAY,15,Y,1,,,,XAP,Approved,-498,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-496.0,-456.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,1,135000.0,396171.0,20227.5,342000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.02461,-16967,-4446,-3850.0,-506,,1,1,0,1,0,0,Drivers,3.0,2,2,THURSDAY,17,0,0,0,0,0,0,Industry: type 11,0.3978802008394993,0.6515893416010617,0.6496203111237195,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2266.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1931152,113236,Cash loans,31674.87,675000.0,744498.0,,675000.0,THURSDAY,15,Y,1,,,,XNA,Approved,-778,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-748.0,302.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,112500.0,225000.0,8212.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.001417,-21216,365243,-4519.0,-4525,,1,0,0,1,1,0,,2.0,2,2,FRIDAY,7,0,0,0,0,0,0,XNA,,0.5136821066162538,0.6863823354047934,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1020.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +2082674,242896,Cash loans,40746.96,675000.0,764770.5,,675000.0,MONDAY,16,Y,1,,,,XNA,Approved,-298,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-265.0,425.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,3,202500.0,1255680.0,41629.5,1125000.0,"Spouse, partner",Working,Higher education,Married,House / apartment,0.006296,-10658,-3406,-2309.0,-718,,1,1,0,1,0,0,Core staff,5.0,3,3,FRIDAY,16,0,0,0,0,0,0,School,0.4188529820936988,0.8032665095414178,0.5406544504453575,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-784.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1119959,365253,Consumer loans,9710.685,55102.5,48384.0,9000.0,55102.5,TUESDAY,16,Y,1,0.1708109957796281,,,XAP,Refused,-2856,Cash through the bank,HC,Unaccompanied,Repeater,XNA,POS,XNA,Country-wide,32,Connectivity,6.0,low_normal,POS mobile with interest,,,,,,,0,Cash loans,M,Y,Y,0,472500.0,142632.0,11398.5,126000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.032561,-14764,-633,-4921.0,-1671,10.0,1,1,0,1,1,0,Managers,1.0,1,1,TUESDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.3773713551552692,0.3919830449355599,0.35233997269170386,0.3041,0.1184,0.9896,0.8572,0.1045,0.4,0.1724,0.4583,0.0417,0.0,0.248,0.3662,0.0,0.0,0.3099,0.1229,0.9896,0.8628,0.1054,0.4028,0.1724,0.4583,0.0417,0.0,0.2709,0.3816,0.0,0.0,0.3071,0.1184,0.9896,0.8591,0.1051,0.4,0.1724,0.4583,0.0417,0.0,0.2522,0.3728,0.0,0.0,reg oper account,block of flats,0.3451,Panel,No,5.0,0.0,5.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2145106,422922,Cash loans,33905.34,270000.0,284611.5,,270000.0,SATURDAY,14,Y,1,,,,XNA,Refused,-900,Cash through the bank,LIMIT,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,157500.0,1061599.5,31167.0,927000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.025164,-21867,-2470,-2969.0,-4298,,1,1,0,1,0,0,,1.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Other,0.8611807585615768,0.5981170959017046,0.5424451438613613,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1027.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1396712,300467,Consumer loans,2977.605,28350.0,25515.0,2835.0,28350.0,THURSDAY,15,Y,1,0.1089090909090909,,,XAP,Refused,-2277,Cash through the bank,SCO,Family,Repeater,Mobile,POS,XNA,Country-wide,2000,Consumer electronics,12.0,high,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,90000.0,271066.5,18994.5,234000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.008625,-23249,365243,-8408.0,-2194,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,XNA,,0.3322545390699074,0.4974688893052743,0.1485,0.0829,0.9886,0.8436,0.04,0.16,0.1379,0.3333,0.375,0.1036,0.121,0.1566,0.0,0.0,0.1513,0.086,0.9886,0.8497,0.0404,0.1611,0.1379,0.3333,0.375,0.106,0.1322,0.1631,0.0,0.0,0.1499,0.0829,0.9886,0.8457,0.0403,0.16,0.1379,0.3333,0.375,0.1054,0.1231,0.1594,0.0,0.0,reg oper spec account,block of flats,0.145,Panel,No,0.0,0.0,0.0,0.0,-30.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1255717,398091,Consumer loans,25460.415,243976.5,238617.0,24750.0,243976.5,SATURDAY,15,Y,1,0.10234767453781228,,,XAP,Approved,-1657,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Regional / Local,69,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1624.0,-1294.0,-1294.0,-1285.0,0.0,0,Revolving loans,F,N,Y,1,117000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-13083,-889,-2064.0,-3409,,1,1,0,1,0,0,Laborers,3.0,3,1,THURSDAY,11,0,0,0,0,0,0,Self-employed,0.5185462318196954,0.5742843127124666,0.7394117535524816,0.0742,0.0,0.9866,0.8164,0.018000000000000002,0.08,0.069,0.3333,0.0,0.0228,0.0597,0.0711,0.0039,0.0043,0.0756,0.0,0.9866,0.8236,0.0182,0.0806,0.069,0.3333,0.0,0.0233,0.0652,0.0741,0.0039,0.0046,0.0749,0.0,0.9866,0.8189,0.0181,0.08,0.069,0.3333,0.0,0.0232,0.0607,0.0724,0.0039,0.0044,reg oper account,block of flats,0.0667,Panel,No,0.0,0.0,0.0,0.0,-1657.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1408850,422078,Consumer loans,17245.035,161685.0,139185.0,22500.0,161685.0,MONDAY,16,Y,1,0.1515573210535637,,,XAP,Refused,-1298,XNA,SCO,Unaccompanied,Repeater,Audio/Video,POS,XNA,Stone,111,Consumer electronics,10.0,middle,POS household with interest,,,,,,,0,Cash loans,M,N,Y,1,126000.0,343287.0,22941.0,310500.0,Family,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.030755,-9086,-382,-3900.0,-1678,,1,1,0,1,0,0,Core staff,2.0,2,2,THURSDAY,12,0,0,0,0,1,1,Trade: type 2,0.4324621725144508,0.33445594202850504,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2542600,223259,Cash loans,25150.14,832500.0,953379.0,,832500.0,SUNDAY,15,Y,1,,,,XNA,Approved,-236,XNA,XAP,Family,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_action,Cash X-Sell: low,365243.0,-206.0,1564.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,202500.0,1250658.0,39942.0,1120500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.010147,-21757,365243,-4006.0,-5088,,1,0,0,1,0,1,,1.0,2,2,TUESDAY,12,0,0,0,0,0,0,XNA,0.6350121718142415,0.6451581998707777,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1334.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1499149,352311,Cash loans,20731.275,292500.0,316246.5,0.0,292500.0,FRIDAY,9,Y,1,0.0,,,XNA,Approved,-1448,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,211500.0,826398.0,29682.0,697500.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.010147,-22605,365243,-10584.0,-4501,,1,0,0,1,0,1,,1.0,2,2,THURSDAY,10,0,0,0,0,0,0,XNA,0.5510602243455663,0.4593687715816655,0.4866531565147181,0.0278,0.0436,0.9856,,,,0.1034,0.0833,,0.0214,,0.0254,,0.0088,0.0284,0.0453,0.9856,,,,0.1034,0.0833,,0.0219,,0.0264,,0.0094,0.0281,0.0436,0.9856,,,,0.1034,0.0833,,0.0218,,0.0258,,0.009000000000000001,,block of flats,0.0063,"Stone, brick",No,0.0,0.0,0.0,0.0,-1616.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1419424,337750,Cash loans,17582.625,135000.0,163255.5,,135000.0,FRIDAY,10,Y,1,,,,XNA,Approved,-344,Cashless from the account of the employer,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-314.0,16.0,-164.0,-160.0,1.0,0,Cash loans,F,N,Y,1,135000.0,284400.0,18643.5,225000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.019101,-10427,-3097,-2346.0,-679,,1,1,0,1,0,0,,3.0,2,2,SATURDAY,9,0,1,1,0,1,1,Business Entity Type 3,0.3992066243565673,0.5540596180359055,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,2.0,2.0,2.0,-1805.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1134875,157659,Revolving loans,38250.0,765000.0,765000.0,,765000.0,TUESDAY,14,Y,1,,,,XAP,Approved,-316,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-297.0,-274.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,M,Y,N,0,270000.0,1035000.0,30393.0,1035000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,With parents,0.025164,-16154,-1362,-1343.0,-4009,2.0,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,9,0,1,1,1,1,1,Business Entity Type 3,,0.34178181257134443,0.08281470424406495,0.0619,0.0745,0.9806,0.7348,0.008,0.0,0.1379,0.1667,0.0417,0.0268,0.0496,0.0527,0.0039,0.0044,0.063,0.0773,0.9806,0.7452,0.0081,0.0,0.1379,0.1667,0.0417,0.0274,0.0542,0.0549,0.0039,0.0047,0.0625,0.0745,0.9806,0.7383,0.0081,0.0,0.1379,0.1667,0.0417,0.0273,0.0504,0.0536,0.0039,0.0045,reg oper account,block of flats,0.0485,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +2650436,434430,Cash loans,11377.98,180000.0,203760.0,,180000.0,FRIDAY,11,Y,1,,,,XNA,Refused,-928,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,75600.0,270000.0,17982.0,270000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018209,-22908,365243,-245.0,-3079,,1,0,0,1,1,0,,2.0,3,3,TUESDAY,6,0,0,0,0,0,0,XNA,0.5653269158062004,0.4542845278274534,0.5046813193144684,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-948.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +2052829,148845,Cash loans,28693.125,450000.0,497520.0,,450000.0,SATURDAY,6,Y,1,,,,XNA,Refused,-195,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,N,1,157500.0,691020.0,26905.5,495000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014464,-13940,-1321,-413.0,-3780,,1,1,0,1,0,0,Laborers,3.0,2,2,FRIDAY,5,0,0,0,0,1,1,Industry: type 9,0.281277232346532,0.030520152460778858,0.1245194708919845,0.0928,0.0803,0.9866,0.8164,0.0398,0.0,0.2069,0.1667,0.2083,0.0441,0.0756,0.0887,0.0,0.0,0.0945,0.0833,0.9866,0.8236,0.0401,0.0,0.2069,0.1667,0.2083,0.0451,0.0826,0.0924,0.0,0.0,0.0937,0.0803,0.9866,0.8189,0.04,0.0,0.2069,0.1667,0.2083,0.0448,0.077,0.0903,0.0,0.0,reg oper spec account,block of flats,0.0938,Panel,No,2.0,0.0,2.0,0.0,-506.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2309106,181560,Cash loans,73449.765,2029500.0,2222383.5,,2029500.0,FRIDAY,12,Y,1,,,,XNA,Approved,-397,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Revolving loans,M,Y,Y,0,360000.0,157500.0,7875.0,157500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006629,-14856,-1074,-232.0,-4255,24.0,1,1,0,1,0,0,Drivers,2.0,2,2,WEDNESDAY,4,0,0,0,0,0,0,Business Entity Type 3,,0.640322698119557,0.6879328378491735,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,3.0,5.0,0.0,-583.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1894572,127867,Cash loans,17079.255,135000.0,143910.0,,135000.0,THURSDAY,11,Y,1,,,,Repairs,Approved,-548,XNA,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-518.0,-188.0,-188.0,-181.0,1.0,0,Cash loans,F,N,N,2,157500.0,112068.0,12019.5,99000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.014464,-14433,-4739,-8066.0,-3988,,1,1,0,1,0,0,Sales staff,4.0,2,2,SATURDAY,4,0,0,0,0,0,0,Trade: type 7,,0.5686453395203537,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-2044.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1334315,446082,Consumer loans,9339.66,78435.0,84906.0,0.0,78435.0,SATURDAY,5,Y,1,0.0,,,XAP,Approved,-1229,Cash through the bank,XAP,Children,Repeater,Furniture,POS,XNA,Stone,2424,Furniture,10.0,low_normal,POS industry with interest,365243.0,-1195.0,-925.0,-925.0,-920.0,0.0,0,Cash loans,F,N,Y,0,112500.0,942300.0,27679.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.020713,-23268,365243,-14463.0,-4493,,1,0,0,1,0,0,,1.0,3,2,WEDNESDAY,11,0,0,0,0,0,0,XNA,,0.4414479594811807,0.6610235391308081,0.0825,0.0805,0.9767,0.6804,0.0107,0.0,0.1379,0.1667,0.2083,0.0527,0.0672,0.0701,0.0,0.0,0.084,0.0836,0.9767,0.6929,0.0108,0.0,0.1379,0.1667,0.2083,0.0539,0.0735,0.0731,0.0,0.0,0.0833,0.0805,0.9767,0.6847,0.0108,0.0,0.1379,0.1667,0.2083,0.0536,0.0684,0.0714,0.0,0.0,not specified,block of flats,0.061,Panel,No,4.0,0.0,4.0,0.0,-1695.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1845266,135999,Consumer loans,3339.045,18900.0,18900.0,0.0,18900.0,WEDNESDAY,13,Y,1,0.0,,,XAP,Approved,-773,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Stone,25,Furniture,6.0,low_normal,POS industry with interest,365243.0,-729.0,-579.0,-579.0,-573.0,0.0,0,Cash loans,F,Y,Y,0,54000.0,247275.0,17716.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.01885,-13319,-975,-1438.0,-4260,9.0,1,1,1,1,1,0,Sales staff,2.0,2,2,SATURDAY,14,0,0,0,0,0,0,Self-employed,0.4574070369039432,0.3423871664172842,0.36896873825284665,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-268.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2744730,324147,Cash loans,12088.8,135000.0,148365.0,0.0,135000.0,WEDNESDAY,15,Y,1,0.0,,,XNA,Approved,-2212,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,18.0,high,Cash Street: high,365243.0,-2182.0,-1672.0,-1672.0,-1669.0,1.0,0,Cash loans,F,N,Y,0,157500.0,808650.0,23773.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.019688999999999998,-20371,-2771,-8042.0,-3921,,1,1,0,1,0,0,Cleaning staff,1.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.2777281390176555,0.1986200451074864,0.0619,,0.9881,,,0.0,0.1379,0.1667,,0.0108,,0.0519,,0.0,0.063,,0.9881,,,0.0,0.1379,0.1667,,0.011,,0.0541,,0.0,0.0625,,0.9881,,,0.0,0.1379,0.1667,,0.011,,0.0529,,0.0,,block of flats,0.0456,Panel,No,0.0,0.0,0.0,0.0,-1985.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1169468,365053,Cash loans,23184.045,328500.0,351265.5,,328500.0,SATURDAY,15,Y,1,,,,XNA,Approved,-178,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,32,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-148.0,362.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,108000.0,534204.0,28588.5,495000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.04622,-21320,-2692,-15399.0,-3959,,1,1,0,1,1,0,Medicine staff,2.0,1,1,TUESDAY,11,0,0,0,0,0,0,Medicine,,0.7610973490538383,0.7267112092725122,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-795.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,5.0 +2104899,422866,Cash loans,17338.365,225000.0,247275.0,,225000.0,SATURDAY,15,Y,1,,,,XNA,Approved,-1251,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-1218.0,-708.0,-1008.0,-1005.0,0.0,0,Cash loans,F,N,Y,0,157500.0,495351.0,26518.5,459000.0,Unaccompanied,State servant,Secondary / secondary special,Widow,House / apartment,0.01885,-21621,-198,-975.0,-461,,1,1,0,1,0,0,,1.0,2,2,THURSDAY,15,0,0,0,0,0,0,Other,,0.6383006615578971,0.5884877883422673,0.1031,0.0967,0.9781,0.7008,0.0113,0.0,0.2069,0.1667,0.2083,0.1876,0.0841,0.0929,0.0,0.0,0.105,0.1004,0.9782,0.7125,0.0114,0.0,0.2069,0.1667,0.2083,0.1918,0.0918,0.0968,0.0,0.0,0.1041,0.0967,0.9781,0.7048,0.0114,0.0,0.2069,0.1667,0.2083,0.1908,0.0855,0.0946,0.0,0.0,reg oper account,block of flats,0.0792,Panel,No,0.0,0.0,0.0,0.0,-793.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,1.0 +1568685,368518,Cash loans,31816.755,418500.0,484789.5,,418500.0,THURSDAY,11,Y,1,,,,Journey,Approved,-271,Cash through the bank,XAP,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,low_normal,Cash Street: low,365243.0,-240.0,270.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,1,135000.0,315000.0,21051.0,315000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-14966,-7568,-8985.0,-4885,8.0,1,1,0,1,1,0,Laborers,3.0,2,2,MONDAY,14,0,0,0,0,0,0,Industry: type 5,0.3796607927384277,0.6048263945586565,0.6296742509538716,0.2454,0.2341,0.9811,0.7416,0.0337,0.0,0.5517,0.1667,0.2083,0.2074,0.2,0.2328,0.0039,0.015,0.25,0.243,0.9811,0.7517,0.034,0.0,0.5517,0.1667,0.2083,0.2122,0.2185,0.2425,0.0039,0.0158,0.2477,0.2341,0.9811,0.7451,0.0339,0.0,0.5517,0.1667,0.2083,0.211,0.2035,0.237,0.0039,0.0153,reg oper account,block of flats,0.2048,Panel,No,1.0,0.0,1.0,0.0,-1751.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,7.0 +2296765,211489,Cash loans,69356.25,2250000.0,2517300.0,,2250000.0,MONDAY,15,Y,1,,,,Repairs,Refused,-212,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,Y,N,0,225000.0,360000.0,30798.0,360000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.009175,-18005,-2354,-4816.0,-1456,5.0,1,1,1,1,1,0,Drivers,1.0,2,2,FRIDAY,12,0,0,0,1,1,0,Self-employed,0.44513022029585203,0.5773341397423188,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1587.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1424896,398712,Cash loans,11916.315,135000.0,178308.0,,135000.0,FRIDAY,15,Y,1,,,,XNA,Approved,-1064,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,1,146250.0,269550.0,19300.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009334,-12946,-105,-2085.0,-1102,,1,1,0,1,0,0,Cooking staff,3.0,2,2,FRIDAY,10,0,0,0,0,0,0,Trade: type 7,,0.2320284455653291,0.33285056416487313,0.0124,0.0,0.9732,0.6328,0.0021,0.0,0.069,0.0417,0.0833,0.0081,0.0101,0.0124,0.0,0.0,0.0126,0.0,0.9732,0.6472,0.0021,0.0,0.069,0.0417,0.0833,0.0074,0.011,0.0107,0.0,0.0,0.0125,0.0,0.9732,0.6377,0.0021,0.0,0.069,0.0417,0.0833,0.0082,0.0103,0.0127,0.0,0.0,reg oper account,block of flats,0.0117,Wooden,No,3.0,1.0,3.0,1.0,-16.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1195571,326465,Cash loans,72563.13,1350000.0,1428408.0,,1350000.0,FRIDAY,15,Y,1,,,,Repairs,Refused,-765,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,24.0,low_action,Cash Street: low,,,,,,,0,Cash loans,M,Y,N,0,292500.0,834048.0,53433.0,720000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.028663,-14118,-382,-2980.0,-4725,6.0,1,1,0,1,1,0,Managers,2.0,2,2,TUESDAY,18,1,1,0,1,1,0,Business Entity Type 3,,0.5967286297145571,,0.0763,0.0414,0.9906,0.8708,0.0132,0.08,0.069,0.3471,0.3958,0.0477,0.0639,0.0789,0.0,0.0013,0.0735,0.0425,0.9906,0.8759,0.0129,0.0806,0.069,0.3333,0.375,0.0488,0.0661,0.0786,0.0,0.0,0.0749,0.0409,0.9906,0.8725,0.0133,0.08,0.069,0.3333,0.3958,0.0486,0.065,0.078,0.0,0.0,reg oper account,block of flats,0.0672,Panel,No,0.0,0.0,0.0,0.0,-1.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2766721,455494,Revolving loans,27000.0,0.0,540000.0,,,THURSDAY,13,N,1,,,,XAP,Refused,-557,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,112500.0,188685.0,15255.0,157500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.020246,-15965,-1548,-1428.0,-3926,,1,1,0,1,0,0,Sales staff,1.0,3,3,MONDAY,6,0,0,0,0,0,0,Business Entity Type 3,0.5428025808682783,0.5737121672602603,0.1997705696341145,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-24.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1320741,439511,Cash loans,10629.72,90000.0,115893.0,,90000.0,WEDNESDAY,13,Y,1,,,,Repairs,Approved,-524,Cash through the bank,XAP,,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,365243.0,-494.0,16.0,-164.0,-156.0,1.0,0,Cash loans,F,N,N,0,157500.0,315000.0,18081.0,315000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.028663,-10085,-2772,-4817.0,-1194,,1,1,1,1,1,0,Core staff,2.0,2,2,MONDAY,15,0,0,0,0,0,0,Self-employed,,0.4847539725412073,,0.3054,,0.9771,,,0.06,0.0517,0.2812,,,,0.1033,,0.0122,0.0504,,0.9811,,,0.0806,0.0345,0.3333,,,,0.0581,,0.0,0.394,,0.9806,,,0.08,0.0345,0.3333,,,,0.1051,,0.0043,,specific housing,0.1603,,No,2.0,1.0,2.0,1.0,-524.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2294671,438512,Cash loans,35395.11,450000.0,521280.0,,450000.0,TUESDAY,10,Y,1,,,,XNA,Refused,-73,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,M,N,Y,1,180000.0,168102.0,20079.0,148500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009175,-16298,-1708,-7528.0,-1877,,1,1,0,1,0,1,Laborers,3.0,2,2,FRIDAY,17,0,0,0,1,1,0,Self-employed,,0.6224719132943718,0.180887977767074,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-795.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1201587,350908,Revolving loans,6750.0,0.0,135000.0,,,SATURDAY,9,Y,1,,,,XAP,Approved,-2493,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,20,Connectivity,0.0,XNA,Card X-Sell,-2490.0,-2449.0,365243.0,-1384.0,365243.0,0.0,0,Cash loans,F,N,Y,0,99000.0,526491.0,24394.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-20064,-3360,-1488.0,-3602,,1,1,1,1,1,0,Sales staff,2.0,2,2,SUNDAY,14,0,0,0,0,0,0,Government,,0.13428243192885966,0.7407990879702335,0.0165,,0.9722,,,0.0,0.069,0.0417,,,,0.008,,0.0149,0.0168,,0.9722,,,0.0,0.069,0.0417,,,,0.0083,,0.0158,0.0167,,0.9722,,,0.0,0.069,0.0417,,,,0.0081,,0.0153,,block of flats,0.0095,"Stone, brick",No,7.0,0.0,7.0,0.0,-2006.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1430954,319943,Consumer loans,9419.58,48914.1,46197.0,4895.1,48914.1,THURSDAY,14,Y,1,0.10434507309527123,,,XAP,Approved,-1426,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,25,Connectivity,6.0,high,POS mobile with interest,365243.0,-1389.0,-1239.0,-1239.0,-1233.0,0.0,0,Cash loans,F,Y,N,0,207000.0,454500.0,26091.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-20192,-3435,-3616.0,-3555,8.0,1,1,0,1,1,0,Core staff,2.0,2,2,MONDAY,17,0,0,0,0,0,0,Kindergarten,0.8978149586421185,0.6183262716717268,,0.0165,0.051,0.9851,0.7959999999999999,0.0377,0.0,0.069,0.0417,0.0417,0.0103,0.0134,0.0182,0.0,0.0201,0.0168,0.0529,0.9851,0.804,0.038,0.0,0.069,0.0417,0.0417,0.0105,0.0147,0.0189,0.0,0.0213,0.0167,0.051,0.9851,0.7987,0.0379,0.0,0.069,0.0417,0.0417,0.0104,0.0137,0.0185,0.0,0.0205,not specified,block of flats,0.0143,Wooden,No,4.0,1.0,4.0,0.0,-1426.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1485976,230267,Cash loans,63481.05,630000.0,651622.5,,630000.0,MONDAY,16,Y,1,,,,XNA,Approved,-631,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-601.0,-271.0,-391.0,-387.0,1.0,0,Cash loans,M,N,Y,0,243000.0,732915.0,71527.5,675000.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.032561,-23007,-2994,-9848.0,-4441,,1,1,0,1,0,1,Managers,1.0,1,1,TUESDAY,14,0,1,1,0,0,0,Business Entity Type 3,0.8630249843979783,0.7037045763179783,,0.0526,0.0658,0.9613,0.4696,0.0203,0.2,0.1724,0.1667,0.2083,,0.042,0.0777,0.0039,0.0523,0.0536,0.0683,0.9613,0.4904,0.0205,0.2014,0.1724,0.1667,0.2083,,0.0459,0.081,0.0039,0.0553,0.0531,0.0658,0.9613,0.4767,0.0204,0.2,0.1724,0.1667,0.2083,,0.0428,0.0791,0.0039,0.0534,reg oper spec account,block of flats,0.0836,"Stone, brick",No,0.0,0.0,0.0,0.0,-1014.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +1012970,184943,Cash loans,38249.955,337500.0,356211.0,0.0,337500.0,SATURDAY,16,Y,1,0.0,,,XNA,Approved,-2296,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,middle,Cash Street: middle,365243.0,-2266.0,-1936.0,-1936.0,-1917.0,1.0,0,Cash loans,F,N,N,0,135000.0,971280.0,51876.0,900000.0,Family,Commercial associate,Secondary / secondary special,Married,Rented apartment,0.035792000000000004,-20911,-2649,-13766.0,-4336,,1,1,0,1,0,0,Sales staff,2.0,2,2,SATURDAY,15,0,0,0,0,0,0,Trade: type 7,0.8656308439185125,0.6591998749101932,0.722392890081304,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2643710,253347,Consumer loans,76638.42,491202.0,414441.0,90000.0,491202.0,WEDNESDAY,9,Y,1,0.19431049779494888,,,XAP,Approved,-249,Cash through the bank,XAP,"Spouse, partner",New,Audio/Video,POS,XNA,Country-wide,501,Consumer electronics,6.0,middle,POS household with interest,365243.0,-219.0,-69.0,-69.0,-63.0,1.0,0,Revolving loans,F,N,Y,0,315000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-16136,-4172,-8532.0,-4965,,1,1,1,1,1,0,Laborers,2.0,3,3,SUNDAY,6,0,0,0,0,0,0,Self-employed,,0.3370944600450552,,0.033,0.0252,0.9771,0.6872,0.0082,0.04,0.0345,0.2917,0.3333,0.0621,0.0269,0.033,0.0,0.0,0.0336,0.0262,0.9772,0.6994,0.0083,0.0403,0.0345,0.2917,0.3333,0.0635,0.0294,0.0343,0.0,0.0,0.0333,0.0252,0.9771,0.6914,0.0082,0.04,0.0345,0.2917,0.3333,0.0632,0.0274,0.0336,0.0,0.0,reg oper account,block of flats,0.0259,"Stone, brick",No,4.0,0.0,4.0,0.0,-249.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1788399,224317,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SATURDAY,14,Y,1,,,,XAP,Refused,-727,XNA,SCOFR,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,N,Y,0,135000.0,208854.0,22491.0,184500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-10757,-896,-4836.0,-3082,,1,1,0,1,0,0,Drivers,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.6125089906132202,0.3791004853998145,0.032,0.0,0.9732,0.6328,0.0037,0.0,0.069,0.0417,0.0833,0.0634,0.0261,0.0153,0.0,0.0,0.0326,0.0,0.9732,0.6472,0.0037,0.0,0.069,0.0417,0.0833,0.0649,0.0285,0.016,0.0,0.0,0.0323,0.0,0.9732,0.6377,0.0037,0.0,0.069,0.0417,0.0833,0.0645,0.0265,0.0156,0.0,0.0,reg oper account,block of flats,0.0141,"Stone, brick",No,3.0,1.0,3.0,0.0,-1049.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1880645,447781,Cash loans,14244.12,225000.0,269550.0,,225000.0,MONDAY,10,Y,1,,,,XNA,Approved,-310,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-280.0,770.0,-160.0,-157.0,1.0,0,Cash loans,F,N,Y,0,112500.0,463626.0,19773.0,387000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.022625,-20107,365243,-4816.0,-2491,,1,0,0,1,0,1,,1.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,XNA,,0.16649545916330516,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-313.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2009119,223687,Consumer loans,8100.27,78210.0,69174.0,15642.0,78210.0,MONDAY,11,Y,1,0.2008531409168081,,,XAP,Refused,-899,Cash through the bank,LIMIT,Family,Repeater,Audio/Video,POS,XNA,Country-wide,15,Connectivity,12.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,Y,Y,0,157500.0,703584.0,22824.0,504000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.0031219999999999998,-15688,-6341,-7231.0,-4626,9.0,1,1,0,1,0,0,Laborers,1.0,3,3,THURSDAY,12,0,0,0,0,0,0,Self-employed,0.5608492497252011,0.36420562317424177,0.6910212267577837,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-963.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2732394,123175,Cash loans,48588.525,1575000.0,1762110.0,,1575000.0,SUNDAY,6,Y,1,,,,XNA,Refused,-161,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,126000.0,433458.0,23643.0,310500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018029,-13543,-6039,-116.0,-1789,,1,1,0,1,0,0,Core staff,2.0,3,2,SUNDAY,7,0,0,0,0,0,0,School,0.3802272245313712,0.218887559534751,0.21885908222837447,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,2.0,7.0,1.0,-831.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1940314,252649,Cash loans,6021.0,112500.0,112500.0,,112500.0,THURSDAY,13,Y,1,,,,XNA,Approved,-29,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,753,Consumer electronics,36.0,middle,Cash X-Sell: middle,365243.0,365243.0,1051.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,157500.0,67500.0,4563.0,67500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.020246,-11611,-447,-400.0,-4210,,1,1,1,1,1,0,Core staff,2.0,3,3,FRIDAY,11,0,0,0,0,0,0,Bank,0.4574465263204218,0.4318679959892291,0.14287252304131962,0.132,0.1935,0.9801,0.728,0.1297,0.0,0.3103,0.1667,0.2083,0.1354,0.1067,0.1224,0.0039,0.1168,0.1345,0.2008,0.9801,0.7387,0.1309,0.0,0.3103,0.1667,0.2083,0.1385,0.1166,0.1275,0.0039,0.1237,0.1332,0.1935,0.9801,0.7316,0.1305,0.0,0.3103,0.1667,0.2083,0.1378,0.1086,0.1246,0.0039,0.1193,reg oper account,block of flats,0.1473,"Stone, brick",No,0.0,0.0,0.0,0.0,-1266.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1828910,332758,Cash loans,50909.895,1800000.0,2013840.0,,1800000.0,WEDNESDAY,12,Y,1,,,,XNA,Refused,-351,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,270000.0,733315.5,39199.5,679500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0228,-17583,-770,-9435.0,-1126,,1,1,0,1,1,0,Sales staff,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Trade: type 3,0.5302411902944788,0.2656742156125013,0.3672910183026313,0.1072,0.0567,0.9876,0.83,0.1503,0.04,0.0345,0.2917,0.0417,0.0922,0.0874,0.0735,0.0,0.0,0.1092,0.0589,0.9876,0.8367,0.1516,0.0403,0.0345,0.2917,0.0417,0.0943,0.0955,0.0766,0.0,0.0,0.1083,0.0567,0.9876,0.8323,0.1512,0.04,0.0345,0.2917,0.0417,0.0938,0.0889,0.0748,0.0,0.0,reg oper spec account,block of flats,0.0822,Panel,No,0.0,0.0,0.0,0.0,-848.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1132544,210434,Consumer loans,24890.94,252180.0,226962.0,25218.0,252180.0,FRIDAY,17,Y,1,0.1089090909090909,,,XAP,Approved,-830,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Country-wide,500,Furniture,10.0,low_normal,POS industry without interest,365243.0,-794.0,-524.0,-554.0,-548.0,0.0,0,Cash loans,F,N,Y,0,157500.0,247275.0,18486.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.026392000000000002,-13368,-1491,-12250.0,-1573,,1,1,1,1,1,0,,1.0,2,2,TUESDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.8682452681839908,0.6637195933010297,0.6832688314232291,0.1371,0.1689,0.9826,,,0.16,0.1379,0.3333,,0.1855,,0.1391,,0.1173,0.1397,0.1753,0.9826,,,0.1611,0.1379,0.3333,,0.1898,,0.1449,,0.1242,0.1384,0.1689,0.9826,,,0.16,0.1379,0.3333,,0.1888,,0.1416,,0.1198,,block of flats,0.1577,"Stone, brick",No,0.0,0.0,0.0,0.0,-2439.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1896302,351146,Consumer loans,9038.7,82170.0,82170.0,0.0,82170.0,SUNDAY,11,Y,1,0.0,,,XAP,Approved,-545,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Stone,489,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-513.0,-243.0,-363.0,-337.0,0.0,0,Cash loans,M,Y,N,0,112500.0,855000.0,28255.5,855000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010556,-19178,-493,-11215.0,-2726,21.0,1,1,1,1,0,0,Laborers,2.0,3,3,WEDNESDAY,20,0,0,0,0,1,1,Business Entity Type 3,,0.508950235472484,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,17.0,0.0,17.0,0.0,-545.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2153955,178089,Cash loans,78010.245,900000.0,1118106.0,,900000.0,SUNDAY,10,Y,1,,,,XNA,Approved,-331,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-301.0,389.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,N,0,346500.0,531265.5,25969.5,373500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-20304,-2324,-4455.0,-3157,15.0,1,1,0,1,0,0,Drivers,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,Medicine,,0.577643604017499,0.5478104658520093,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,0.0,9.0,0.0,-1844.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1372879,119598,Consumer loans,3611.97,31311.0,30951.0,3150.0,31311.0,FRIDAY,10,Y,1,0.10060222174236423,,,XAP,Approved,-2318,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,1782,Consumer electronics,12.0,high,POS household with interest,365243.0,-2287.0,-1957.0,-1957.0,-1952.0,1.0,1,Cash loans,F,N,Y,0,135000.0,942300.0,30528.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-12865,-1858,-1734.0,-1625,,1,1,0,1,1,0,Laborers,2.0,3,2,SATURDAY,5,0,0,0,0,0,0,Medicine,0.2863890923688662,0.6497602234559856,0.3360615207658242,0.0526,0.0492,0.9747,0.6532,0.0197,0.0,0.1034,0.125,0.1667,0.033,0.0403,0.0337,0.0116,0.032,0.0536,0.0511,0.9747,0.6668,0.0199,0.0,0.1034,0.125,0.1667,0.0338,0.0441,0.0351,0.0117,0.0339,0.0531,0.0492,0.9747,0.6578,0.0198,0.0,0.1034,0.125,0.1667,0.0336,0.041,0.0343,0.0116,0.0327,reg oper account,block of flats,0.0427,"Stone, brick",No,3.0,1.0,3.0,0.0,-235.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1823636,129910,Revolving loans,2250.0,45000.0,45000.0,,45000.0,FRIDAY,12,Y,1,,,,XAP,Refused,-259,XNA,SCOFR,Unaccompanied,Repeater,XNA,Cards,walk-in,Country-wide,70,Consumer electronics,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,N,Y,0,135000.0,900000.0,32017.5,900000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.031329,-8665,-559,-1186.0,-687,,1,1,1,1,1,0,Core staff,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Military,0.11900271116902887,0.5472963090029784,0.5172965813614878,0.2227,,0.9796,,,0.24,0.2069,0.3333,,,,0.225,,,0.2269,,0.9796,,,0.2417,0.2069,0.3333,,,,0.2344,,,0.2248,,0.9796,,,0.24,0.2069,0.3333,,,,0.229,,,,block of flats,0.1769,"Stone, brick",No,0.0,0.0,0.0,0.0,-970.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2479727,264351,Consumer loans,3563.82,18810.0,17757.0,1890.0,18810.0,THURSDAY,9,Y,1,0.10476825053096236,,,XAP,Approved,-2557,Cash through the bank,XAP,,New,Mobile,POS,XNA,Stone,36,Consumer electronics,6.0,high,POS household with interest,365243.0,-2525.0,-2375.0,-2375.0,-2365.0,1.0,0,Cash loans,M,Y,N,1,225000.0,526500.0,25456.5,526500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-11161,-2851,-4715.0,-3497,16.0,1,1,0,1,0,0,,3.0,2,2,SATURDAY,12,0,0,0,0,1,1,Emergency,,0.13767619104053627,0.12530787842823918,0.0186,0.0462,0.9816,,,0.0,0.1034,0.0417,,0.0003,,0.0154,,0.0178,0.0189,0.0479,0.9816,,,0.0,0.1034,0.0417,,0.0003,,0.016,,0.0189,0.0187,0.0462,0.9816,,,0.0,0.1034,0.0417,,0.0003,,0.0157,,0.0182,,block of flats,0.0133,"Stone, brick",No,4.0,1.0,4.0,1.0,-1551.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2614210,111447,Cash loans,,0.0,0.0,,0.0,FRIDAY,17,Y,1,,,,XNA,Refused,-1219,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,405000.0,1002456.0,39883.5,810000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.022625,-19993,-4772,-778.0,-2825,,1,1,0,1,1,0,Cleaning staff,1.0,2,2,SATURDAY,10,0,0,0,0,0,0,Other,,0.5626549154297692,0.4830501881366946,0.066,,0.9836,,,0.0,0.1148,0.2221,,,,0.0627,,,0.063,,0.9836,,,0.0,0.1379,0.1667,,,,0.0591,,,0.0625,,0.9836,,,0.0,0.1379,0.1667,,,,0.0587,,,,block of flats,0.05,Block,No,15.0,0.0,15.0,0.0,-1219.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2316467,133663,Cash loans,31950.135,675000.0,835380.0,,675000.0,MONDAY,11,Y,1,,,,Building a house or an annex,Refused,-52,XNA,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,Y,N,1,180000.0,491031.0,32224.5,463500.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.010556,-13781,-1133,-7793.0,-3894,0.0,1,1,0,1,1,0,,2.0,3,3,WEDNESDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.6791824728677623,0.4580168062043187,0.6313545365850379,0.0742,0.0371,0.9871,0.8232,0.0514,0.08,0.0345,0.4583,0.5,0.0363,0.0572,0.0717,0.0154,0.0143,0.0756,0.0385,0.9871,0.8301,0.0519,0.0806,0.0345,0.4583,0.5,0.0372,0.0624,0.0747,0.0156,0.0151,0.0749,0.0371,0.9871,0.8256,0.0517,0.08,0.0345,0.4583,0.5,0.037000000000000005,0.0581,0.073,0.0155,0.0146,reg oper account,block of flats,0.0876,"Stone, brick",No,2.0,1.0,2.0,1.0,-2428.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,8.0 +1248198,140619,Revolving loans,2250.0,45000.0,45000.0,,45000.0,FRIDAY,15,Y,1,,,,XAP,Refused,-204,XNA,SCOFR,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,N,Y,1,252000.0,497520.0,52920.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.004849,-10822,-551,-1563.0,-820,,1,1,0,1,0,0,,3.0,2,2,SATURDAY,13,0,0,0,0,1,1,Business Entity Type 2,,0.010156909441953316,,0.0722,0.0613,0.9826,0.762,0.0094,0.0,0.1379,0.1667,0.2083,0.0748,0.0588,0.0675,0.0,0.0,0.0735,0.0637,0.9826,0.7713,0.0095,0.0,0.1379,0.1667,0.2083,0.0765,0.0643,0.0703,0.0,0.0,0.0729,0.0613,0.9826,0.7652,0.0095,0.0,0.1379,0.1667,0.2083,0.0761,0.0599,0.0687,0.0,0.0,reg oper spec account,block of flats,0.0531,Panel,No,0.0,0.0,0.0,0.0,-204.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,4.0 +1956604,431984,Consumer loans,10583.55,146790.0,102753.0,44037.0,146790.0,SATURDAY,17,Y,1,0.3267272727272727,,,XAP,Approved,-1123,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Regional / Local,100,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1091.0,-761.0,-761.0,-757.0,0.0,0,Cash loans,M,N,Y,0,112500.0,675000.0,41296.5,675000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.005084,-10617,-2401,-3291.0,-3283,,1,1,0,1,0,0,,1.0,2,2,TUESDAY,9,0,1,1,0,1,1,Housing,0.7080813707430413,0.6540426667063167,0.5954562029091491,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1123.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2260462,313735,Consumer loans,4105.575,37932.3,36954.0,3795.3,37932.3,SUNDAY,14,Y,1,0.1014355271691226,,,XAP,Approved,-2915,XNA,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Stone,149,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2884.0,-2614.0,-2614.0,-2607.0,1.0,0,Cash loans,F,N,N,0,112500.0,518562.0,21969.0,463500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.02461,-10560,-138,-4420.0,-3057,,1,1,1,1,0,0,Accountants,1.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Industry: type 4,0.7393199920773724,0.6082498388090091,0.5136937663039473,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2120.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1102542,340372,Consumer loans,7893.225,71955.0,64759.5,7195.5,71955.0,THURSDAY,20,Y,1,0.1089090909090909,,,XAP,Approved,-186,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,30,Connectivity,12.0,high,POS mobile with interest,365243.0,-156.0,174.0,365243.0,365243.0,0.0,0,Revolving loans,M,N,Y,0,247500.0,675000.0,33750.0,675000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.072508,-20031,-197,-4658.0,-3324,,1,1,0,1,0,0,Managers,2.0,1,1,MONDAY,17,0,0,0,0,0,0,Realtor,0.4581113447079142,0.1614654067412234,,0.2979,0.1905,0.9826,0.762,0.4103,0.32,0.2759,0.3333,0.375,0.0,0.2421,0.2852,0.0039,0.0001,0.3036,0.1977,0.9826,0.7713,0.414,0.3222,0.2759,0.3333,0.375,0.0,0.2645,0.2971,0.0039,0.0002,0.3008,0.1905,0.9826,0.7652,0.4129,0.32,0.2759,0.3333,0.375,0.0,0.2463,0.2903,0.0039,0.0001,not specified,block of flats,0.2243,Panel,No,4.0,2.0,4.0,1.0,-186.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1112837,234820,Revolving loans,11250.0,0.0,225000.0,,,FRIDAY,17,Y,1,,,,XAP,Approved,-1202,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,1,247500.0,1551798.0,45504.0,1215000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.032561,-14707,-401,-6278.0,-2470,3.0,1,1,0,1,0,0,,3.0,1,1,WEDNESDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.7052706330948032,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1430.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1843836,300237,Revolving loans,22500.0,0.0,450000.0,,,WEDNESDAY,10,Y,1,,,,XAP,Approved,-1325,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-1298.0,-1257.0,365243.0,-312.0,-57.0,0.0,0,Revolving loans,F,N,N,1,90000.0,270000.0,13500.0,270000.0,Unaccompanied,Commercial associate,Higher education,Married,With parents,0.007305,-14756,-376,-4531.0,-3995,,1,1,0,1,0,0,Cooking staff,3.0,3,3,FRIDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.4303134258116979,0.6296491338873488,0.6956219298394389,0.0722,0.0671,0.9796,,,,0.1379,0.1667,,,,0.0659,,,0.0735,0.0696,0.9796,,,,0.1379,0.1667,,,,0.0686,,,0.0729,0.0671,0.9796,,,,0.1379,0.1667,,,,0.0671,,,,block of flats,0.0559,"Stone, brick",No,0.0,0.0,0.0,0.0,-1014.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1113752,254443,Consumer loans,8631.09,41976.0,41976.0,0.0,41976.0,MONDAY,7,Y,1,0.0,,,XAP,Refused,-282,XNA,HC,,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,6.0,high,POS mobile with interest,,,,,,,0,Cash loans,M,Y,Y,2,157500.0,781920.0,42547.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.020713,-10792,-1975,-3058.0,-3444,19.0,1,1,0,1,0,0,Laborers,4.0,3,3,WEDNESDAY,7,0,0,0,0,1,1,Business Entity Type 1,,0.5365375041316693,0.4471785780453068,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,4.0,0.0,-559.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,0.0 +1932989,256363,Cash loans,89993.475,2925000.0,3272490.0,,2925000.0,THURSDAY,11,Y,1,,,,Other,Refused,-692,XNA,VERIF,Unaccompanied,Repeater,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,1,Cash loans,F,Y,Y,0,202500.0,1078200.0,38331.0,900000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.020713,-14654,-181,-8629.0,-5276,7.0,1,1,0,1,0,1,Accountants,2.0,3,2,MONDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.5552486570935622,0.3090635736447169,0.3092753558842053,0.1227,0.1325,0.9771,0.6872,0.0163,0.0,0.2759,0.1667,0.2083,0.2381,0.1,0.1155,0.0,0.0,0.125,0.1375,0.9772,0.6994,0.0165,0.0,0.2759,0.1667,0.2083,0.2436,0.1093,0.1203,0.0,0.0,0.1239,0.1325,0.9771,0.6914,0.0164,0.0,0.2759,0.1667,0.2083,0.2423,0.1018,0.1175,0.0,0.0,reg oper account,block of flats,0.0908,Panel,No,1.0,0.0,1.0,0.0,-1530.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1315296,330135,Consumer loans,4998.915,27675.0,24907.5,2767.5,27675.0,THURSDAY,12,Y,1,0.1089090909090909,,,XAP,Approved,-2442,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,36,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2378.0,-2228.0,-2228.0,-2208.0,0.0,0,Cash loans,M,N,Y,2,292500.0,967500.0,31338.0,967500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.030755,-15498,-2341,-2427.0,-3268,,1,1,0,1,0,0,Core staff,4.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,Self-employed,,0.6501681824249661,0.09081470898933673,0.0082,0.0,0.9752,0.66,0.0,0.0,0.0345,0.0417,0.0833,0.0119,0.0067,0.0073,0.0,0.0,0.0084,0.0,0.9752,0.6733,0.0,0.0,0.0345,0.0417,0.0833,0.0122,0.0073,0.0076,0.0,0.0,0.0083,0.0,0.9752,0.6645,0.0,0.0,0.0345,0.0417,0.0833,0.0121,0.0068,0.0074,0.0,0.0,reg oper account,block of flats,0.0062,"Stone, brick",No,0.0,0.0,0.0,0.0,-1705.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2087578,415629,Consumer loans,5995.305,34425.0,31405.5,4500.0,34425.0,WEDNESDAY,6,Y,1,0.1364946621244403,,,XAP,Approved,-2080,XNA,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Stone,136,Consumer electronics,6.0,middle,POS household with interest,365243.0,-2042.0,-1892.0,-1892.0,-1887.0,0.0,0,Cash loans,F,Y,Y,0,112500.0,1333395.0,39118.5,1044000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.018029,-20856,365243,-8430.0,-2548,7.0,1,0,0,1,0,0,,2.0,3,3,THURSDAY,6,0,0,0,0,0,0,XNA,0.5921823493120688,0.6492126173106391,0.4525335592581747,0.0172,0.027000000000000003,0.9851,,,0.0,0.069,0.0417,,,,0.0091,,0.0,0.0189,0.028,0.9841,,,0.0,0.0345,0.0417,,,,0.0059,,0.0,0.0187,0.027000000000000003,0.9851,,,0.0,0.069,0.0417,,,,0.0108,,0.0,,block of flats,0.0093,"Stone, brick",No,0.0,0.0,0.0,0.0,-12.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1361403,145769,Cash loans,34423.11,450000.0,491580.0,,450000.0,WEDNESDAY,19,Y,1,,,,XNA,Approved,-832,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-801.0,-111.0,-591.0,-583.0,0.0,0,Cash loans,F,N,Y,0,252000.0,1546020.0,45202.5,1350000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-17607,-310,-2583.0,-1168,,1,1,1,1,0,0,,2.0,1,1,TUESDAY,9,0,1,1,0,1,1,Industry: type 11,0.6482531583248871,0.7556761445555861,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-1041.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2257023,354797,Revolving loans,11250.0,225000.0,225000.0,,225000.0,TUESDAY,11,Y,1,,,,XAP,Approved,-687,XNA,XAP,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,Y,Y,0,382500.0,792000.0,31540.5,792000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-16460,-831,-1065.0,-8,3.0,1,1,0,1,0,0,Cleaning staff,2.0,2,1,WEDNESDAY,17,0,0,0,0,0,0,Business Entity Type 3,,0.40005342654680215,0.4650692149562261,0.1412,0.17600000000000002,0.9831,0.7688,0.0354,0.0,0.3448,0.1667,0.2083,0.1279,0.1118,0.1549,0.0154,0.0375,0.1439,0.1827,0.9831,0.7779,0.0357,0.0,0.3448,0.1667,0.2083,0.1308,0.1221,0.1614,0.0156,0.0397,0.1426,0.17600000000000002,0.9831,0.7719,0.0356,0.0,0.3448,0.1667,0.2083,0.1301,0.1137,0.1577,0.0155,0.0383,reg oper account,block of flats,0.1468,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2174275,427802,Consumer loans,3287.565,24705.0,27967.5,0.0,24705.0,WEDNESDAY,15,Y,1,0.0,,,XAP,Approved,-157,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Stone,80,Consumer electronics,10.0,middle,POS household with interest,365243.0,-127.0,143.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,1,243000.0,170640.0,11533.5,135000.0,Unaccompanied,State servant,Incomplete higher,Married,Rented apartment,0.01885,-12687,-4840,-373.0,-4149,3.0,1,1,0,1,0,1,High skill tech staff,3.0,2,2,SATURDAY,17,0,0,0,0,0,0,Other,0.26512429306098434,0.6186358670770137,0.5334816299804352,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,10.0,0.0,8.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2648509,174637,Cash loans,119731.545,2250000.0,2356920.0,,2250000.0,THURSDAY,17,Y,1,,,,XNA,Refused,-321,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_action,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,1,270000.0,900000.0,64935.0,900000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.007273999999999998,-9994,-2712,-91.0,-1052,,1,1,0,1,1,0,Core staff,3.0,2,2,WEDNESDAY,18,0,1,1,0,0,0,Transport: type 2,0.6718977239175384,0.5568404349152433,0.7281412993111438,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-344.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1138070,285769,Cash loans,,0.0,0.0,,0.0,MONDAY,14,Y,1,,,,XNA,Refused,-1136,Cash through the bank,XNA,Unaccompanied,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,144000.0,1006920.0,40063.5,900000.0,Family,Working,Secondary / secondary special,Separated,House / apartment,0.019688999999999998,-22426,-442,-11821.0,-4089,,1,1,0,1,0,0,Sales staff,1.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Self-employed,,0.6581773007570083,,0.0619,0.0,0.9776,,,0.0,0.1379,0.1667,,0.0951,,0.0537,,0.0,0.063,0.0,0.9777,,,0.0,0.1379,0.1667,,0.0973,,0.0559,,0.0,0.0625,0.0,0.9776,,,0.0,0.1379,0.1667,,0.0968,,0.0546,,0.0,,block of flats,0.0422,Panel,No,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1543360,390307,Consumer loans,9347.58,49455.0,46714.5,4945.5,49455.0,MONDAY,13,Y,1,0.10426053215077602,,,XAP,Approved,-2264,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,25,Connectivity,6.0,high,POS mobile with interest,365243.0,-2216.0,-2066.0,-2066.0,-2062.0,0.0,0,Cash loans,F,Y,Y,0,157500.0,993082.5,39514.5,913500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.04622,-18639,-1129,-7623.0,-2192,14.0,1,1,0,1,0,0,Sales staff,2.0,1,1,THURSDAY,15,0,0,0,0,1,1,Business Entity Type 3,0.8995989045370059,0.7073255413506234,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2264.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2260548,336368,Consumer loans,15226.92,136440.0,125221.5,22500.0,136440.0,MONDAY,9,Y,1,0.16588340528999124,,,XAP,Approved,-1816,XNA,XAP,"Spouse, partner",New,Computers,POS,XNA,Stone,146,Consumer electronics,12.0,high,POS household with interest,365243.0,-1780.0,-1450.0,-1480.0,-1474.0,0.0,0,Cash loans,M,Y,N,0,85500.0,314055.0,13963.5,238500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010032,-21130,-6526,-9543.0,-4627,23.0,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Transport: type 4,,0.6884311271591667,0.5937175866150576,0.033,0.0409,0.9722,0.6192,0.0127,0.0,0.069,0.125,0.0417,0.0016,0.0252,0.0315,0.0077,0.006,0.0336,0.0424,0.9722,0.6341,0.0129,0.0,0.069,0.125,0.0417,0.0016,0.0275,0.0328,0.0078,0.0063,0.0333,0.0409,0.9722,0.6243,0.0128,0.0,0.069,0.125,0.0417,0.0016,0.0257,0.0321,0.0078,0.0061,reg oper account,block of flats,0.0266,"Stone, brick",No,0.0,0.0,0.0,0.0,-1816.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2088866,384851,Consumer loans,3304.71,23616.0,17347.5,7087.5,23616.0,TUESDAY,11,Y,1,0.3158965344048217,,,XAP,Approved,-2444,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,900,Consumer electronics,6.0,middle,POS household without interest,365243.0,-2407.0,-2257.0,-2257.0,-2243.0,1.0,0,Revolving loans,M,Y,Y,1,180000.0,270000.0,13500.0,270000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-10975,-199,-4887.0,-3542,4.0,1,1,0,1,0,0,Managers,3.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Self-employed,0.16969437468153675,0.5783050125743845,0.5334816299804352,0.1289,0.153,0.9816,,,0.0,0.2759,0.1667,,0.078,,0.1102,,0.0405,0.1313,0.1588,0.9816,,,0.0,0.2759,0.1667,,0.0798,,0.1149,,0.0429,0.1301,0.153,0.9816,,,0.0,0.2759,0.1667,,0.0794,,0.1122,,0.0413,,block of flats,0.0955,"Stone, brick",No,5.0,1.0,5.0,0.0,-1832.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1925429,349369,Revolving loans,3375.0,0.0,67500.0,,,SATURDAY,7,Y,1,,,,XAP,Approved,-1293,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-1081.0,-1042.0,365243.0,-280.0,365243.0,0.0,0,Cash loans,F,N,N,0,360000.0,284400.0,19134.0,225000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.018801,-15861,-2821,-2856.0,-2773,,1,1,0,1,1,0,Core staff,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Medicine,0.549049702854237,0.656556860215251,0.6058362647264226,0.0124,0.0,0.9692,0.5784,0.0224,0.0,0.069,0.0417,0.0833,0.0048,0.0101,0.0168,0.0,0.0,0.0126,0.0,0.9692,0.5949,0.0226,0.0,0.069,0.0417,0.0833,0.0049,0.011,0.0175,0.0,0.0,0.0125,0.0,0.9692,0.584,0.0226,0.0,0.069,0.0417,0.0833,0.0048,0.0103,0.0171,0.0,0.0,reg oper account,block of flats,0.0255,"Stone, brick",No,0.0,0.0,0.0,0.0,-1622.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2735051,195582,Revolving loans,6300.0,0.0,90000.0,,0.0,TUESDAY,5,Y,1,,,,XAP,Refused,-1709,XNA,HC,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,Y,Y,0,337500.0,509400.0,37197.0,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018029,-11592,-111,-3501.0,-450,4.0,1,1,0,1,0,1,High skill tech staff,2.0,3,3,WEDNESDAY,6,0,0,0,1,1,0,Industry: type 1,,0.6520409650018925,0.34090642641523844,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1816.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1652174,352656,Cash loans,24111.45,247500.0,247500.0,,247500.0,WEDNESDAY,13,Y,1,,,,XNA,Approved,-730,XNA,XAP,Children,Repeater,XNA,Cash,x-sell,Stone,38,Consumer electronics,12.0,low_normal,Cash X-Sell: low,365243.0,-700.0,-370.0,-580.0,-572.0,0.0,0,Cash loans,F,Y,Y,2,135000.0,143910.0,14148.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.02461,-20017,-967,-6588.0,-3560,6.0,1,1,1,1,0,0,Sales staff,3.0,2,2,FRIDAY,10,0,0,0,0,1,1,Business Entity Type 3,,0.4857480814539824,0.5567274263630174,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,1.0,7.0,1.0,-1074.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,5.0 +1676533,276426,Consumer loans,10228.185,53955.0,50962.5,5395.5,53955.0,SUNDAY,14,Y,1,0.10426541041200896,,,XAP,Approved,-2435,XNA,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,156,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2403.0,-2253.0,-2253.0,-2246.0,1.0,0,Cash loans,F,N,Y,0,202500.0,415408.5,40599.0,373500.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.008575,-18653,-6198,-7858.0,-2209,,1,1,0,1,0,0,,1.0,2,2,SATURDAY,12,0,0,0,0,0,0,Government,,0.5152006345852913,0.6075573001388961,0.1309,0.1491,0.9816,0.7688,,0.0,0.3103,0.1667,0.2083,0.0,0.1051,0.1332,0.4826,0.0022,0.1313,0.1499,0.9801,0.7779,,0.0,0.2759,0.1667,0.2083,0.0,0.1148,0.1272,0.4864,0.0,0.1322,0.1491,0.9816,0.7719,,0.0,0.3103,0.1667,0.2083,0.0,0.1069,0.1355,0.4852,0.0022,reg oper account,block of flats,0.0982,"Stone, brick",No,3.0,0.0,3.0,0.0,-2435.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1078224,332339,Cash loans,5340.15,45000.0,45000.0,,45000.0,THURSDAY,12,Y,1,,,,XNA,Approved,-1218,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,AP+ (Cash loan),6,XNA,12.0,high,Cash Street: high,365243.0,-1188.0,-858.0,-1098.0,-1095.0,0.0,0,Cash loans,F,N,Y,0,157500.0,216144.0,12199.5,171000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.0228,-21310,365243,-9977.0,-4143,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,XNA,,0.14780321655463735,0.5460231970049609,0.068,0.063,0.9771,0.6872,,0.0,0.1379,0.1667,0.2083,0.0219,,0.0622,,0.0145,0.0693,0.0654,0.9772,0.6994,,0.0,0.1379,0.1667,0.2083,0.0224,,0.0648,,0.0154,0.0687,0.063,0.9771,0.6914,,0.0,0.1379,0.1667,0.2083,0.0223,,0.0633,,0.0149,reg oper account,block of flats,0.0638,"Stone, brick",No,0.0,0.0,0.0,0.0,-119.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +2686303,129419,Cash loans,28619.505,585000.0,677664.0,,585000.0,MONDAY,11,Y,1,,,,XNA,Refused,-1202,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,N,0,202500.0,268659.0,15552.0,243000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.032561,-24648,365243,-10230.0,-4149,,1,0,0,1,1,0,,1.0,1,1,FRIDAY,19,0,0,0,0,0,0,XNA,,0.4358050398986143,0.6626377922738201,0.166,0.1445,0.9752,0.66,0.0175,0.0,0.2759,0.1667,0.2083,0.1454,0.1345,0.1457,0.0039,0.0065,0.1691,0.15,0.9752,0.6733,0.0177,0.0,0.2759,0.1667,0.2083,0.1488,0.1469,0.1518,0.0039,0.0069,0.1676,0.1445,0.9752,0.6645,0.0176,0.0,0.2759,0.1667,0.2083,0.14800000000000002,0.1368,0.1483,0.0039,0.0067,reg oper account,block of flats,0.116,Panel,No,0.0,0.0,0.0,0.0,-1.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1978356,240207,Consumer loans,5904.765,33417.0,33417.0,0.0,33417.0,WEDNESDAY,13,Y,1,0.0,,,XAP,Approved,-1175,Cash through the bank,XAP,"Spouse, partner",New,Furniture,POS,XNA,Stone,1550,Furniture,6.0,low_normal,POS industry with interest,365243.0,-1144.0,-994.0,-994.0,-989.0,0.0,0,Cash loans,F,N,N,0,90000.0,450000.0,16164.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.005313,-12179,-3042,-3472.0,-2695,,1,1,1,1,1,0,Sales staff,2.0,2,2,TUESDAY,17,0,0,0,0,0,0,Self-employed,0.5147296023513553,0.7219106569975903,0.7776594425716818,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1175.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1358631,164145,Consumer loans,12406.32,123232.5,136246.5,0.0,123232.5,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-948,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,800,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-917.0,-587.0,-587.0,-583.0,0.0,0,Cash loans,F,N,Y,0,180000.0,1260000.0,34780.5,1260000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008625,-21956,-2398,-9008.0,-3990,,1,1,0,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,15,0,0,0,0,1,1,Self-employed,,0.5081359060110004,0.2225807646753351,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1985.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1033164,416092,Consumer loans,8833.05,95400.0,63319.5,36000.0,95400.0,MONDAY,7,Y,1,0.3947590626943624,,,XAP,Approved,-2382,Cash through the bank,XAP,Family,New,Furniture,POS,XNA,Stone,1487,Furniture,8.0,middle,POS industry with interest,365243.0,-2351.0,-2141.0,-2141.0,-2138.0,1.0,0,Cash loans,F,N,Y,0,135000.0,239850.0,23494.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018029,-24511,365243,-10623.0,-4148,,1,0,0,1,0,0,,2.0,3,3,WEDNESDAY,5,0,0,0,0,0,0,XNA,,0.16214456766623808,,0.0722,,0.9806,,,0.0,0.1379,0.1667,,,,0.0662,,0.0,0.0735,,0.9806,,,0.0,0.1379,0.1667,,,,0.069,,0.0,0.0729,,0.9806,,,0.0,0.1379,0.1667,,,,0.0674,,0.0,,block of flats,0.0521,Panel,No,0.0,0.0,0.0,0.0,-2382.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2687801,164946,Cash loans,12437.505,157500.0,178290.0,,157500.0,TUESDAY,13,Y,1,,,,XNA,Approved,-1677,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-1647.0,-957.0,-957.0,-951.0,1.0,0,Cash loans,F,N,Y,0,225000.0,454500.0,23337.0,454500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.018209,-16382,-9394,-961.0,-5234,,1,1,0,1,0,0,,2.0,3,3,SATURDAY,8,0,0,0,0,0,0,Other,0.4304152754700536,0.4930539061350331,0.7267112092725122,0.1237,0.1304,0.9776,0.6940000000000001,0.0166,0.0,0.2759,0.1667,0.0417,0.0,0.1009,0.1167,0.0,0.0,0.1261,0.1353,0.9777,0.706,0.0168,0.0,0.2759,0.1667,0.0417,0.0,0.1102,0.1216,0.0,0.0,0.1249,0.1304,0.9776,0.6981,0.0168,0.0,0.2759,0.1667,0.0417,0.0,0.1026,0.1188,0.0,0.0,reg oper account,block of flats,0.1009,Panel,No,4.0,1.0,4.0,1.0,-2512.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1283403,442283,Consumer loans,12131.28,106119.0,117324.0,0.0,106119.0,THURSDAY,18,Y,1,0.0,,,XAP,Approved,-367,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,1000,Consumer electronics,12.0,middle,POS household with interest,365243.0,-336.0,-6.0,-6.0,365243.0,0.0,0,Cash loans,F,N,Y,0,171000.0,677664.0,24471.0,585000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-16878,-2159,-1326.0,-395,,1,1,0,1,0,0,High skill tech staff,2.0,1,1,SUNDAY,13,0,0,0,0,0,0,Other,0.6357043691561031,0.7135691677863029,0.3296550543128238,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1439575,356091,Revolving loans,2250.0,45000.0,45000.0,,45000.0,FRIDAY,18,Y,1,,,,XAP,Approved,-411,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,Y,Y,0,252000.0,792162.0,40576.5,630000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.011656999999999999,-18930,-1650,-1959.0,-2448,7.0,1,1,0,1,0,1,Managers,2.0,1,1,WEDNESDAY,10,1,1,0,0,0,0,Business Entity Type 3,0.705617793736241,0.6919753439622042,0.39277386060313396,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1310.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,2.0 +2097698,221591,Revolving loans,,0.0,0.0,,,FRIDAY,10,Y,1,,,,XAP,Refused,-246,XNA,LIMIT,Other_B,Repeater,XNA,XNA,XNA,AP+ (Cash loan),5,XNA,,XNA,Card Street,,,,,,,0,Cash loans,F,Y,Y,2,135000.0,76410.0,8235.0,67500.0,Unaccompanied,State servant,Secondary / secondary special,Separated,With parents,0.018029,-10949,-934,-4903.0,-3512,64.0,1,1,0,1,0,1,Medicine staff,3.0,3,3,SATURDAY,5,0,0,0,0,0,0,Medicine,0.5739859633376889,0.2622583692422573,0.511891801533151,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2455759,268325,Consumer loans,,22275.0,22275.0,,22275.0,TUESDAY,14,Y,1,,,,XAP,Refused,-1558,Cash through the bank,LIMIT,Family,Repeater,Consumer Electronics,XNA,XNA,Country-wide,150,Consumer electronics,,XNA,POS household with interest,,,,,,,0,Revolving loans,F,N,Y,0,67500.0,157500.0,7875.0,157500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00733,-16711,-447,-1720.0,-260,,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,Self-employed,0.5447981349076294,0.3693401839227037,0.4956658291397297,0.066,,0.9757,0.6668,,0.0,0.1379,0.125,0.0417,,,0.05,,,0.0672,,0.9757,0.6798,,0.0,0.1379,0.125,0.0417,,,0.0521,,,0.0666,,0.9757,0.6713,,0.0,0.1379,0.125,0.0417,,,0.0509,,,reg oper account,block of flats,0.0394,"Stone, brick",No,0.0,0.0,0.0,0.0,-136.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2287114,118114,Consumer loans,9152.46,88632.0,97992.0,0.0,88632.0,WEDNESDAY,17,Y,1,0.0,,,XAP,Approved,-947,Cash through the bank,XAP,Family,Refreshed,Computers,POS,XNA,Country-wide,1232,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-916.0,-586.0,-586.0,-578.0,0.0,0,Cash loans,F,N,Y,0,135000.0,590337.0,25141.5,477000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010556,-15549,-1948,-4942.0,-4244,,1,1,0,1,0,0,,2.0,3,3,FRIDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.6140080942603918,0.486250641453933,0.6058362647264226,,,0.9886,,,,,,,,,,,,,,0.9886,,,,,,,,,,,,,,0.9886,,,,,,,,,,,,,,0.1006,,No,1.0,1.0,1.0,1.0,-2508.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1287595,244617,Cash loans,47035.8,585000.0,585000.0,,585000.0,THURSDAY,9,Y,1,,,,XNA,Approved,-958,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,middle,Cash Street: middle,365243.0,-928.0,-418.0,-838.0,-836.0,0.0,0,Cash loans,M,Y,Y,0,337500.0,900000.0,29034.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-18697,-3207,-211.0,-1036,1.0,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Transport: type 4,0.4860068979663512,0.561966020489442,0.2750003523983893,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1345.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2645579,321990,Consumer loans,5014.575,25821.0,24390.0,2583.0,25821.0,FRIDAY,13,Y,1,0.10429399096065756,,,XAP,Approved,-1559,Cash through the bank,XAP,Other_B,Repeater,Mobile,POS,XNA,Country-wide,38,Connectivity,6.0,high,POS mobile with interest,365243.0,-1528.0,-1378.0,-1378.0,-1375.0,0.0,0,Cash loans,F,N,Y,0,225000.0,1288350.0,37800.0,1125000.0,Unaccompanied,State servant,Secondary / secondary special,Married,With parents,0.019101,-10784,-3082,-456.0,-3256,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Postal,,0.4431363023697121,0.8297501422395771,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,2.0,4.0,1.0,-1559.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2048467,323824,Consumer loans,13320.09,139509.0,97654.5,41854.5,139509.0,THURSDAY,17,Y,1,0.3267413246066236,,,XAP,Approved,-190,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,1000,Connectivity,8.0,low_normal,POS mobile without interest,365243.0,-132.0,78.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,2,360000.0,990432.0,55435.5,855000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.032561,-14808,-1983,-8934.0,-3971,64.0,1,1,0,1,0,0,Managers,4.0,1,1,FRIDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.6298071990838382,0.5028782772082183,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1294.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2467905,214860,Consumer loans,16986.6,77146.65,63751.5,15433.65,77146.65,TUESDAY,12,Y,1,0.21227020355572865,,,XAP,Approved,-1297,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,43,Connectivity,4.0,middle,POS mobile without interest,365243.0,-1263.0,-1173.0,-1173.0,-1166.0,0.0,1,Cash loans,M,N,Y,1,225000.0,755190.0,36459.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.009656999999999999,-15176,-412,-7839.0,-3926,,1,1,0,1,0,0,Sales staff,3.0,2,2,THURSDAY,13,0,0,0,0,1,1,Transport: type 4,0.31893397165900444,0.2924874814907581,0.3344541255096772,0.133,0.1248,0.9796,0.7212,0.0529,0.0,0.2759,0.1667,0.2083,0.115,0.1084,0.1221,0.0,0.0,0.1355,0.1295,0.9796,0.7321,0.0534,0.0,0.2759,0.1667,0.2083,0.1176,0.1185,0.1272,0.0,0.0,0.1343,0.1248,0.9796,0.7249,0.0532,0.0,0.2759,0.1667,0.2083,0.117,0.1103,0.1243,0.0,0.0,reg oper account,block of flats,0.0961,Block,No,0.0,0.0,0.0,0.0,-184.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1465099,162567,Consumer loans,33748.11,368509.5,368509.5,0.0,368509.5,THURSDAY,9,Y,1,0.0,,,XAP,Approved,-293,XNA,XAP,,New,Office Appliances,POS,XNA,Regional / Local,116,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-262.0,68.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,315000.0,1696500.0,49734.0,1696500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.020713,-16478,-4583,-6931.0,-14,,1,1,0,1,0,0,Managers,2.0,3,1,WEDNESDAY,12,0,0,0,0,0,0,Government,,0.20258155092676985,,0.3443,0.0,0.9841,,,0.36,0.3103,0.3333,,0.1144,,0.4144,,0.0114,0.3508,0.0,0.9841,,,0.3625,0.3103,0.3333,,0.117,,0.4318,,0.0121,0.3477,0.0,0.9841,,,0.36,0.3103,0.3333,,0.1164,,0.4219,,0.0117,,block of flats,0.3284,Mixed,No,0.0,0.0,0.0,0.0,-293.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1424811,163166,Consumer loans,7270.515,47205.0,25519.5,22500.0,47205.0,FRIDAY,17,Y,1,0.5103040526149888,,,XAP,Approved,-2314,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,36,Connectivity,4.0,low_normal,POS mobile with interest,365243.0,-2283.0,-2193.0,-2193.0,-2186.0,1.0,0,Cash loans,F,N,N,1,315000.0,244998.0,12955.5,175500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.04622,-13977,-1929,-504.0,-4815,,1,1,0,1,0,0,,3.0,1,1,TUESDAY,15,0,0,0,0,0,0,Agriculture,0.5300474278824895,0.13757237789818946,0.6279908192952864,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-123.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +1207531,117530,Consumer loans,3777.12,80946.0,80946.0,0.0,80946.0,WEDNESDAY,13,Y,1,0.0,,,XAP,Approved,-857,Cash through the bank,XAP,Family,New,Photo / Cinema Equipment,POS,XNA,Country-wide,1200,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-826.0,-136.0,-286.0,-279.0,0.0,0,Revolving loans,M,N,Y,0,90000.0,202500.0,10125.0,202500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.008865999999999999,-20834,-8698,-7724.0,-4288,,1,1,0,1,0,0,Laborers,1.0,2,2,SATURDAY,16,0,0,0,0,0,0,Agriculture,,0.5455728317522018,0.41534714488434,0.0784,0.105,0.9831,,,0.0,0.2069,0.1667,,,,0.0453,,0.0542,0.0798,0.1089,0.9831,,,0.0,0.2069,0.1667,,,,0.0472,,0.0574,0.0791,0.105,0.9831,,,0.0,0.2069,0.1667,,,,0.0462,,0.0553,,block of flats,0.0547,"Stone, brick",No,0.0,0.0,0.0,0.0,-857.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1396272,102717,Cash loans,48635.595,990000.0,1076247.0,,990000.0,FRIDAY,13,Y,1,,,,XNA,Approved,-913,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-883.0,167.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,225000.0,1546020.0,45333.0,1350000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006670999999999999,-18138,-2812,-13.0,-1632,,1,1,0,1,0,0,Private service staff,2.0,2,2,TUESDAY,11,0,0,0,1,1,0,Services,,0.6568132223916464,0.4543210601605785,0.0165,,0.9796,,,0.0,0.0345,0.125,,,,0.0191,,,0.0168,,0.9796,,,0.0,0.0345,0.125,,,,0.0199,,,0.0167,,0.9796,,,0.0,0.0345,0.125,,,,0.0195,,,,block of flats,0.015,"Stone, brick",No,1.0,0.0,1.0,0.0,-2196.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1392952,436213,Cash loans,26574.255,225000.0,289732.5,,225000.0,WEDNESDAY,16,Y,1,,,,Repairs,Approved,-509,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,365243.0,-479.0,31.0,-389.0,-379.0,1.0,0,Cash loans,F,N,Y,0,157500.0,284400.0,16456.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.031329,-16051,-5285,-5031.0,-5058,,1,1,0,1,0,0,Sales staff,1.0,2,2,MONDAY,16,0,0,0,0,0,0,Self-employed,0.5427214134477876,0.4683145389382554,0.501075160239048,0.0557,0.0,0.9831,0.7688,0.0077,0.04,0.0345,0.3333,0.375,0.0539,0.0454,0.05,,0.0,0.0567,0.0,0.9831,0.7779,0.0078,0.0403,0.0345,0.3333,0.375,0.0551,0.0496,0.0521,,0.0,0.0562,0.0,0.9831,0.7719,0.0078,0.04,0.0345,0.3333,0.375,0.0548,0.0462,0.0509,,0.0,reg oper account,block of flats,0.0436,Block,No,6.0,0.0,6.0,0.0,-2144.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1411348,341341,Consumer loans,50310.045,490734.0,490734.0,0.0,490734.0,WEDNESDAY,8,Y,1,0.0,,,XAP,Approved,-586,XNA,XAP,,Repeater,Tourism,POS,XNA,Stone,40,Industry,12.0,middle,POS other with interest,365243.0,-549.0,-219.0,-279.0,-274.0,0.0,0,Cash loans,F,N,Y,0,270000.0,1077061.5,31491.0,940500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.0228,-11895,-3987,-517.0,-546,,1,1,0,1,1,0,Managers,2.0,2,2,MONDAY,11,0,0,0,0,0,0,School,,0.2630036915317337,0.6092756673894402,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1473789,279483,Consumer loans,7011.495,61731.9,61731.9,0.0,61731.9,MONDAY,13,Y,1,0.0,,,XAP,Approved,-302,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,20,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-263.0,7.0,-23.0,-16.0,0.0,0,Cash loans,M,Y,Y,0,180000.0,608166.0,62446.5,585000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.04622,-12107,-3888,-371.0,-652,20.0,1,1,0,1,0,0,Laborers,2.0,1,1,TUESDAY,17,0,0,0,0,0,0,Business Entity Type 3,,0.2528053100598749,0.2512394458905693,0.0433,0.0865,0.9727,,,0.0,0.1379,0.125,,0.073,,0.0457,,0.021,0.0441,0.0898,0.9727,,,0.0,0.1379,0.125,,0.0747,,0.0477,,0.0222,0.0437,0.0865,0.9727,,,0.0,0.1379,0.125,,0.0743,,0.0466,,0.0215,,block of flats,0.0588,"Stone, brick",No,2.0,0.0,2.0,0.0,-302.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1755600,193714,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,11,Y,1,,,,XAP,Refused,-119,XNA,HC,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,1,180000.0,67500.0,5463.0,67500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.018209,-12806,-3026,-2855.0,-2924,,1,1,0,1,0,1,,2.0,3,3,WEDNESDAY,6,0,0,0,0,0,0,Business Entity Type 3,0.2271129627234633,0.5067968160571199,0.221335206354466,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-756.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2701606,338640,Consumer loans,3802.59,34150.5,32584.5,4500.0,34150.5,MONDAY,16,Y,1,0.13215518858037964,,,XAP,Approved,-2464,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,12.0,low_normal,POS mobile with interest,365243.0,-2433.0,-2103.0,-2103.0,-2094.0,1.0,0,Cash loans,F,N,Y,0,179100.0,722394.0,28120.5,603000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018634,-14580,-1162,-2677.0,-4218,,1,1,0,1,0,0,,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.471343055672268,0.5954562029091491,0.1093,,0.9826,0.762,0.0347,0.0,0.069,0.1667,0.2083,0.0,0.0891,0.0609,0.0,0.0,0.1113,,0.9826,0.7713,0.035,0.0,0.069,0.1667,0.2083,0.0,0.0973,0.0634,0.0,0.0,0.1103,,0.9826,0.7652,0.0349,0.0,0.069,0.1667,0.2083,0.0,0.0906,0.062,0.0,0.0,reg oper account,block of flats,0.0669,,No,1.0,0.0,1.0,0.0,-1718.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1780037,301211,Cash loans,14403.195,180000.0,197820.0,,180000.0,THURSDAY,10,Y,1,,,,XNA,Approved,-1608,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-1578.0,-1068.0,-1068.0,-1059.0,1.0,0,Cash loans,F,N,Y,0,202500.0,247275.0,17338.5,225000.0,Unaccompanied,Pensioner,Higher education,Single / not married,House / apartment,0.072508,-23818,365243,-5422.0,-4639,,1,0,0,1,1,0,,1.0,1,1,TUESDAY,9,0,0,0,0,0,0,XNA,,0.558863072697854,0.4668640059537032,0.3928,0.2514,0.9796,0.7212,0.0419,0.4264,0.3676,0.3333,0.375,0.0466,0.3202,0.3621,0.0,0.0044,0.1513,0.0973,0.9796,0.7321,0.0229,0.5639,0.4828,0.3333,0.375,0.0179,0.1322,0.147,0.0,0.0,0.5173,0.3251,0.9796,0.7249,0.0232,0.56,0.4828,0.3333,0.375,0.0621,0.425,0.4702,0.0,0.0,reg oper account,block of flats,0.3662,Panel,No,0.0,0.0,0.0,0.0,-1251.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,8.0 +1377164,376474,Consumer loans,4817.925,25371.0,16911.0,9000.0,25371.0,TUESDAY,16,Y,1,0.3782879156272695,,,XAP,Approved,-2504,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,32,Connectivity,4.0,low_normal,POS mobile with interest,365243.0,-2473.0,-2383.0,-2383.0,-2380.0,1.0,0,Cash loans,F,N,Y,0,135000.0,269550.0,18891.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.009549,-16421,-764,-153.0,-3995,,1,1,0,1,0,0,Laborers,1.0,2,2,SUNDAY,10,0,0,0,1,1,0,Business Entity Type 3,0.3018721395185038,0.5241958506061452,0.475849908720221,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1828.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1953380,315642,Cash loans,,0.0,0.0,,,MONDAY,9,Y,1,,,,XNA,Refused,-249,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,N,Y,1,382500.0,1051294.5,34042.5,918000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.032561,-12791,-460,-3830.0,-5419,,1,1,0,1,0,0,,3.0,1,1,FRIDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.7214406788030853,0.4507472818545589,0.1072,0.2773,0.9454,0.252,0.0135,0.12,0.2759,0.2083,0.25,0.056,,0.1942,,0.034,0.1092,0.2877,0.9454,0.2813,0.0136,0.1208,0.2759,0.2083,0.25,0.0572,,0.2023,,0.036000000000000004,0.1083,0.2773,0.9454,0.262,0.0136,0.12,0.2759,0.2083,0.25,0.0569,,0.1977,,0.0347,reg oper account,block of flats,0.1601,"Stone, brick",No,3.0,0.0,3.0,0.0,-1765.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2669482,185834,Cash loans,22744.53,463500.0,633199.5,,463500.0,SATURDAY,11,Y,1,,,,XNA,Refused,-341,Cash through the bank,HC,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,low_normal,Cash Street: low,,,,,,,0,Revolving loans,F,N,Y,0,180000.0,270000.0,13500.0,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018634,-8975,-1548,-5888.0,-1113,,1,1,0,1,0,0,Medicine staff,2.0,2,2,THURSDAY,14,0,0,0,1,1,1,Medicine,,0.5099776432661148,0.25533177083329,0.0052,0.0,0.9518,0.3404,0.0,0.0,0.0345,0.0417,0.0833,0.0084,0.0042,0.0037,0.0,0.0,0.0053,0.0,0.9518,0.3662,0.0,0.0,0.0345,0.0417,0.0833,0.0086,0.0046,0.0038,0.0,0.0,0.0052,0.0,0.9518,0.3492,0.0,0.0,0.0345,0.0417,0.0833,0.0085,0.0043,0.0037,0.0,0.0,reg oper account,block of flats,0.003,Wooden,No,0.0,0.0,0.0,0.0,-504.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1345159,121518,Consumer loans,,88425.0,88425.0,0.0,88425.0,MONDAY,19,Y,1,0.0,,,XAP,Refused,-780,Cash through the bank,LIMIT,,New,Mobile,XNA,XNA,Country-wide,32,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,M,N,Y,0,292500.0,305640.0,36400.5,270000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010006000000000001,-9690,-1028,-819.0,-2248,,1,1,0,1,0,0,Laborers,2.0,2,1,THURSDAY,7,0,0,0,0,1,1,Industry: type 9,0.18016872795660607,0.6164821986800227,0.5478104658520093,0.2103,0.2685,0.9841,0.7824,0.0592,0.0,0.5172,0.1667,0.2083,0.1839,0.1647,0.2292,0.0309,0.096,0.2143,0.2787,0.9841,0.7909,0.0598,0.0,0.5172,0.1667,0.2083,0.1881,0.18,0.2388,0.0311,0.1016,0.2123,0.2685,0.9841,0.7853,0.0596,0.0,0.5172,0.1667,0.2083,0.1871,0.1676,0.2333,0.0311,0.098,reg oper account,block of flats,0.2335,Panel,No,0.0,0.0,0.0,0.0,-780.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1464445,222967,Consumer loans,35979.3,205429.5,212179.5,0.0,205429.5,MONDAY,15,Y,1,0.0,,,XAP,Approved,-410,Cash through the bank,XAP,,New,Furniture,POS,XNA,Country-wide,201,Furniture,6.0,low_action,POS industry without interest,365243.0,-379.0,-229.0,-229.0,-222.0,0.0,0,Cash loans,M,N,Y,0,216000.0,163008.0,19476.0,144000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.008473999999999999,-20806,-4219,-1408.0,-3375,,1,1,0,1,0,0,Laborers,1.0,2,2,FRIDAY,13,0,0,0,0,0,0,Other,,0.6176603162686264,0.5867400085415683,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-410.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2435487,292556,Consumer loans,11757.6,104350.5,115371.0,0.0,104350.5,THURSDAY,18,Y,1,0.0,,,XAP,Approved,-293,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Regional / Local,158,Consumer electronics,12.0,middle,POS household with interest,365243.0,-263.0,67.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,157500.0,1006920.0,42790.5,900000.0,Family,Commercial associate,Higher education,Separated,House / apartment,0.003069,-17857,-2959,-10435.0,-1392,,1,1,0,1,1,0,Accountants,1.0,3,3,WEDNESDAY,14,0,0,0,0,0,0,Industry: type 11,0.6503987685867447,0.7475732396884309,0.6910212267577837,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-683.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1414178,359689,Consumer loans,12790.26,189432.0,189432.0,0.0,189432.0,SUNDAY,16,Y,1,0.0,,,XAP,Approved,-128,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,1700,Consumer electronics,24.0,middle,POS household with interest,365243.0,-98.0,592.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,N,1,180000.0,670446.0,57672.0,594000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-16150,-1026,-603.0,-5243,13.0,1,1,0,1,0,0,Sales staff,3.0,2,2,TUESDAY,10,0,0,0,0,0,0,Other,0.4786308560042101,0.5264260773325921,0.6785676886853644,0.1134,,0.9752,,,0.0,0.0345,0.1667,,0.0296,,0.0495,,0.0,0.1155,,0.9752,,,0.0,0.0345,0.1667,,0.0303,,0.0516,,0.0,0.1145,,0.9752,,,0.0,0.0345,0.1667,,0.0301,,0.0504,,0.0,,block of flats,0.0613,,No,1.0,0.0,1.0,0.0,-2793.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2600307,419742,Cash loans,28316.115,495000.0,553806.0,,495000.0,FRIDAY,10,Y,1,,,,XNA,Refused,-584,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,N,0,135000.0,260640.0,22369.5,225000.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.00496,-15651,-2206,-2189.0,-2530,,1,1,0,1,1,0,Waiters/barmen staff,1.0,2,2,MONDAY,11,0,0,0,1,1,0,Restaurant,0.4037393473138176,0.6302455568227916,0.5495965024956946,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1315.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2322771,307377,Consumer loans,3854.43,43735.5,33228.0,13500.0,43735.5,TUESDAY,18,Y,1,0.3146449082504552,,,XAP,Approved,-1725,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,27,Connectivity,12.0,high,POS mobile with interest,365243.0,-1694.0,-1364.0,-1364.0,-1356.0,0.0,0,Revolving loans,M,N,Y,0,157500.0,337500.0,16875.0,337500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-14490,-3003,-6811.0,-246,,1,1,1,1,1,0,Laborers,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,Business Entity Type 2,0.5168467590228013,0.74204129463338,0.7801436381572275,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-1725.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2228606,199434,Consumer loans,4174.74,60264.0,63639.0,0.0,60264.0,THURSDAY,9,Y,1,0.0,,,XAP,Approved,-1323,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Stone,130,Consumer electronics,18.0,low_normal,POS household with interest,365243.0,-1292.0,-782.0,-782.0,-774.0,0.0,0,Cash loans,F,N,N,1,54000.0,76410.0,7555.5,67500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.02461,-11589,-194,-3925.0,-2493,,1,1,1,1,0,0,Sales staff,3.0,2,2,THURSDAY,15,0,0,0,0,1,1,Business Entity Type 3,,0.4027278368895341,0.4561097392782771,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,2.0 +2053344,236532,Consumer loans,10447.515,56655.0,53676.0,5670.0,56655.0,SATURDAY,18,Y,1,0.10405327156919512,,,XAP,Approved,-973,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,25,Connectivity,6.0,high,POS mobile with interest,365243.0,-930.0,-780.0,-780.0,-761.0,0.0,0,Cash loans,M,N,Y,1,180000.0,755190.0,36459.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-14795,-4006,-7942.0,-4378,,1,1,0,1,1,0,Laborers,3.0,1,1,SATURDAY,17,0,1,1,0,0,0,Business Entity Type 3,,0.6509486613301455,0.7016957740576931,0.3907,0.1436,0.9791,0.7144,0.0561,0.44,0.3793,0.3333,0.375,0.124,0.3093,0.3798,0.0425,0.1299,0.3981,0.1491,0.9791,0.7256,0.0566,0.4431,0.3793,0.3333,0.375,0.1268,0.3379,0.3957,0.0428,0.1375,0.3945,0.1436,0.9791,0.7182,0.0564,0.44,0.3793,0.3333,0.375,0.1262,0.3147,0.3866,0.0427,0.1326,reg oper account,block of flats,0.3576,"Stone, brick",No,0.0,0.0,0.0,0.0,-1815.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2794748,369744,Revolving loans,45000.0,900000.0,900000.0,,900000.0,WEDNESDAY,11,Y,1,,,,XAP,Approved,-234,XNA,XAP,Family,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,1,157500.0,110331.0,11043.0,103500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.018634,-16625,-1282,-8684.0,-163,,1,1,0,1,0,0,Cleaning staff,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.5752197114114304,0.5005321722059647,0.5478104658520093,0.0742,0.0478,0.9881,0.8368,0.0457,0.08,0.069,0.3333,0.375,0.0476,0.0605,0.0773,0.0,0.0,0.0756,0.0496,0.9881,0.8432,0.0461,0.0806,0.069,0.3333,0.375,0.0487,0.0661,0.0806,0.0,0.0,0.0749,0.0478,0.9881,0.8390000000000001,0.046,0.08,0.069,0.3333,0.375,0.0484,0.0616,0.0787,0.0,0.0,reg oper account,block of flats,0.0858,Panel,No,5.0,0.0,5.0,0.0,-148.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2208887,142225,Consumer loans,,86769.0,86769.0,0.0,86769.0,SUNDAY,15,Y,1,0.0,,,XAP,Refused,-624,Cash through the bank,HC,,Repeater,Mobile,XNA,XNA,Country-wide,50,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,M,N,N,0,135000.0,675000.0,24246.0,675000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.01885,-13155,-2927,-6709.0,-4014,,1,1,1,1,0,0,Managers,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,Transport: type 4,0.6008009055181558,0.6838632960692034,0.4329616670974407,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-624.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,3.0,3.0 +2045039,436371,Consumer loans,12651.12,105814.8,115125.3,0.0,105814.8,WEDNESDAY,14,Y,1,0.0,,,XAP,Approved,-582,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,50,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-529.0,-259.0,-259.0,-256.0,0.0,0,Cash loans,F,Y,N,1,180000.0,114430.5,12451.5,103500.0,Unaccompanied,Commercial associate,Higher education,Married,Rented apartment,0.035792000000000004,-11780,-2067,-6104.0,-3774,4.0,1,1,0,1,0,0,Managers,3.0,2,2,THURSDAY,16,0,0,0,0,0,0,Self-employed,0.4425772719164082,0.7101603452445131,0.6674577419214722,0.3784,0.2803,0.9841,0.7824,0.0788,0.4,0.3448,0.3333,0.375,0.2805,0.3076,0.3893,0.0039,0.0026,0.3855,0.2908,0.9841,0.7909,0.0795,0.4028,0.3448,0.3333,0.375,0.2869,0.3361,0.4056,0.0039,0.0027,0.382,0.2803,0.9841,0.7853,0.0793,0.4,0.3448,0.3333,0.375,0.2854,0.313,0.3963,0.0039,0.0026,reg oper account,block of flats,0.3068,Panel,No,0.0,0.0,0.0,0.0,-2727.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1961676,158660,Cash loans,,0.0,0.0,,,MONDAY,12,Y,1,,,,XNA,Refused,-100,XNA,SCOFR,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,1,Cash loans,M,Y,Y,0,135000.0,157050.0,10750.5,112500.0,Unaccompanied,State servant,Secondary / secondary special,Married,With parents,0.02461,-11012,-529,-5663.0,-160,12.0,1,1,0,1,0,0,Core staff,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Military,,0.0016644606002150445,0.13259749523614614,0.133,0.1418,0.9791,0.7144,0.0192,0.0,0.2759,0.1667,0.2083,0.0669,0.1084,0.121,0.0,0.0,0.1355,0.1472,0.9791,0.7256,0.0193,0.0,0.2759,0.1667,0.2083,0.0684,0.1185,0.1261,0.0,0.0,0.1343,0.1418,0.9791,0.7182,0.0193,0.0,0.2759,0.1667,0.2083,0.0681,0.1103,0.1232,0.0,0.0,not specified,block of flats,0.1048,"Stone, brick",No,0.0,0.0,0.0,0.0,-302.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1837089,222262,Consumer loans,7282.485,49905.0,38205.0,13500.0,49905.0,TUESDAY,17,Y,1,0.28435793971042,,,XAP,Approved,-1224,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,200,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1193.0,-1043.0,-1043.0,-1037.0,0.0,0,Cash loans,F,N,Y,0,144000.0,314055.0,16164.0,238500.0,Family,State servant,Secondary / secondary special,Civil marriage,House / apartment,0.00733,-16311,-7504,-3262.0,-4218,,1,1,0,1,0,0,Accountants,2.0,2,2,MONDAY,11,0,0,0,0,0,0,Other,,0.34663893395851153,0.6642482627052363,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1748.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1623115,392235,Consumer loans,3248.775,32188.5,32188.5,0.0,32188.5,TUESDAY,9,Y,1,0.0,,,XAP,Approved,-20,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,12.0,middle,POS mobile with interest,365243.0,365243.0,340.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,N,0,112500.0,405000.0,20970.0,405000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.020713,-14526,-988,-6178.0,-4871,24.0,1,1,1,1,0,0,Sales staff,1.0,3,2,THURSDAY,11,0,0,0,0,0,0,Self-employed,,0.5591433925322892,,0.067,0.0802,0.9762,0.6736,0.0076,0.0,0.1724,0.1667,0.2083,0.1611,0.0538,0.0514,0.0039,0.0552,0.0683,0.0832,0.9762,0.6864,0.0076,0.0,0.1724,0.1667,0.2083,0.1648,0.0588,0.0536,0.0039,0.0584,0.0677,0.0802,0.9762,0.6779999999999999,0.0076,0.0,0.1724,0.1667,0.2083,0.1639,0.0547,0.0524,0.0039,0.0563,reg oper account,block of flats,0.0566,"Stone, brick",No,2.0,0.0,2.0,0.0,-1768.0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,9.0 +2371667,154154,Consumer loans,5000.67,25965.0,24525.0,2596.5,25965.0,MONDAY,9,Y,1,0.10426504970058974,,,XAP,Approved,-1213,Cash through the bank,XAP,Children,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,38,Connectivity,6.0,high,POS mobile with interest,365243.0,-1182.0,-1032.0,-1032.0,-1025.0,0.0,0,Cash loans,F,N,Y,2,67500.0,315000.0,17217.0,315000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-13297,-1731,-6435.0,-5337,,1,1,1,1,1,0,Sales staff,4.0,3,3,WEDNESDAY,11,0,0,0,0,1,1,Trade: type 7,0.4629779007854477,0.22790447723524,0.1674084472266241,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-179.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2708487,273915,Revolving loans,22500.0,450000.0,450000.0,,450000.0,MONDAY,9,Y,1,,,,XAP,Refused,-250,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,Y,N,1,112500.0,700830.0,27283.5,585000.0,Unaccompanied,Working,Higher education,Married,With parents,0.019688999999999998,-10412,-911,-267.0,-1719,64.0,1,1,0,1,0,0,Laborers,3.0,2,2,SATURDAY,8,0,0,0,0,0,0,Business Entity Type 1,,0.11125540961588748,0.2851799046358216,0.0804,0.0339,0.9776,0.6940000000000001,0.0291,0.0,0.1379,0.1667,0.2083,0.0399,0.0656,0.0715,0.0,0.0,0.0819,0.0352,0.9777,0.706,0.0293,0.0,0.1379,0.1667,0.2083,0.0408,0.0716,0.0745,0.0,0.0,0.0812,0.0339,0.9776,0.6981,0.0293,0.0,0.1379,0.1667,0.2083,0.0406,0.0667,0.0728,0.0,0.0,reg oper account,block of flats,0.0747,"Stone, brick",No,10.0,0.0,10.0,0.0,-277.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +2420588,425080,Consumer loans,5009.985,44932.5,44932.5,0.0,44932.5,THURSDAY,11,Y,1,0.0,,,XAP,Refused,-1132,Cash through the bank,LIMIT,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,3900,Consumer electronics,12.0,high,POS household with interest,,,,,,,0,Cash loans,M,N,Y,0,157500.0,67500.0,6309.0,67500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.014519999999999996,-11220,-1417,-5008.0,-1573,,1,1,1,1,1,0,Sales staff,1.0,2,2,TUESDAY,10,0,0,0,0,0,0,Trade: type 2,0.2967112885323913,0.6585855241413017,0.5262949398096192,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1379.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1649296,396932,Revolving loans,6750.0,0.0,135000.0,,,MONDAY,12,Y,1,,,,XAP,Approved,-2469,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,2806,Consumer electronics,0.0,XNA,Card Street,-2466.0,-2406.0,365243.0,-914.0,365243.0,0.0,0,Cash loans,M,N,N,0,157500.0,284400.0,22599.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.009175,-10879,-1735,-4943.0,-3412,,1,1,0,1,0,0,Laborers,1.0,2,2,SATURDAY,12,0,0,0,0,1,1,Business Entity Type 2,,0.2688603282558533,0.19294222771695085,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-4.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1036149,357556,Cash loans,15451.38,360000.0,426528.0,,360000.0,MONDAY,9,Y,1,,,,XNA,Approved,-1024,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-994.0,416.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,90000.0,508495.5,22527.0,454500.0,Children,Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-22267,365243,-2584.0,-4597,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,XNA,,0.7396608295699992,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-2671.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1362870,424621,Consumer loans,28609.515,155250.0,161910.0,0.0,155250.0,THURSDAY,18,Y,1,0.0,,,XAP,Approved,-768,Cash through the bank,XAP,"Spouse, partner",Repeater,Furniture,POS,XNA,Stone,25,Furniture,6.0,low_normal,POS industry with interest,365243.0,-736.0,-586.0,-676.0,-673.0,0.0,0,Cash loans,F,Y,Y,0,270000.0,1219500.0,48492.0,1219500.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.026392000000000002,-13953,-1372,-8049.0,-4645,6.0,1,1,0,1,1,0,,1.0,2,2,TUESDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.7319628346149224,0.6376794490199357,0.4382813743111921,0.0825,,0.9781,,,0.0,0.1379,0.1667,,,,0.0484,,0.0893,0.084,,0.9782,,,0.0,0.1379,0.1667,,,,0.0505,,0.0946,0.0833,,0.9781,,,0.0,0.1379,0.1667,,,,0.0493,,0.0912,,block of flats,0.0575,Panel,No,1.0,1.0,1.0,1.0,-3348.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,2.0 +1336250,321109,Consumer loans,13522.68,95629.5,110142.0,0.0,95629.5,TUESDAY,8,Y,1,0.0,,,XAP,Refused,-216,Cash through the bank,LIMIT,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,17,Connectivity,12.0,high,POS mobile with interest,,,,,,,1,Cash loans,F,N,N,2,135000.0,545040.0,26509.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0228,-12834,-1378,-1270.0,-396,,1,1,1,1,1,0,Laborers,4.0,2,2,FRIDAY,11,0,0,0,0,0,0,Business Entity Type 2,,0.2893299009441919,0.10684194768082178,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-276.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1919821,394682,Consumer loans,13117.5,150750.0,133200.0,18000.0,150750.0,FRIDAY,16,Y,1,0.12965367965367966,,,XAP,Approved,-1071,Cash through the bank,XAP,Family,New,Furniture,POS,XNA,Stone,50,Furniture,12.0,middle,POS industry with interest,365243.0,-1039.0,-709.0,-859.0,-852.0,0.0,0,Cash loans,F,N,N,0,135000.0,450000.0,22018.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.015221,-18127,-746,-10375.0,-1682,,1,1,1,1,1,0,Sales staff,2.0,2,2,MONDAY,13,0,0,0,0,0,0,Self-employed,,0.3852237830220857,0.5954562029091491,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,0.0,0.0,-1071.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2120533,316652,Consumer loans,6308.64,30681.0,30681.0,0.0,30681.0,WEDNESDAY,14,Y,1,0.0,,,XAP,Approved,-188,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,32,Connectivity,6.0,high,POS mobile with interest,365243.0,-158.0,-8.0,-8.0,-2.0,0.0,0,Cash loans,F,N,Y,1,112500.0,436032.0,27994.5,360000.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.009549,-9103,-1769,-5906.0,-1593,,1,1,0,1,0,0,Sales staff,3.0,2,2,TUESDAY,13,0,0,0,0,0,0,Self-employed,0.2499213652182324,0.5248993801761499,0.25396280933631177,0.0124,0.0,0.9742,0.6464,0.0,0.0,0.069,0.0417,0.0417,0.0379,0.0101,0.0094,0.0,0.0,0.0126,0.0,0.9742,0.6602,0.0,0.0,0.069,0.0417,0.0417,0.0387,0.011,0.0097,0.0,0.0,0.0125,0.0,0.9742,0.6511,0.0,0.0,0.069,0.0417,0.0417,0.0385,0.0103,0.0095,0.0,0.0,not specified,block of flats,0.0074,"Stone, brick",No,2.0,1.0,2.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2115137,145193,Cash loans,16042.5,135000.0,152698.5,,135000.0,THURSDAY,12,Y,1,,,,XNA,Refused,-1113,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,337500.0,592560.0,26230.5,450000.0,Unaccompanied,Pensioner,Higher education,Civil marriage,House / apartment,0.006207,-22291,365243,-323.0,-1322,,1,0,0,1,0,1,,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,XNA,,0.6534437153383964,0.4686596550493113,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +1509590,418677,Cash loans,27428.715,495000.0,544005.0,,495000.0,FRIDAY,12,Y,1,,,,XNA,Approved,-647,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Country-wide,530,Consumer electronics,30.0,middle,Cash X-Sell: middle,365243.0,-617.0,253.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,112500.0,1061599.5,31171.5,927000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.009656999999999999,-17350,-1447,-3862.0,-794,,1,1,0,1,0,0,Core staff,2.0,2,2,MONDAY,12,0,0,0,0,0,0,School,0.7519786672417879,0.6673120204997441,0.190705947811054,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2666.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2106302,188391,Cash loans,15022.8,225000.0,254700.0,,225000.0,MONDAY,13,Y,1,,,,XNA,Approved,-1548,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-1518.0,-828.0,-858.0,-849.0,1.0,0,Cash loans,F,N,Y,0,108000.0,938304.0,31009.5,810000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-23732,365243,-1762.0,-4500,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,XNA,,0.6018119314305592,0.8193176922872417,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,10.0,0.0,10.0,0.0,-2254.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1523896,256588,Revolving loans,9000.0,0.0,180000.0,,,THURSDAY,17,Y,1,,,,XAP,Approved,-2827,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card Street,-2810.0,-2758.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,121500.0,1078200.0,31653.0,900000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.04622,-17667,365243,-72.0,-1223,3.0,1,0,0,1,0,0,,2.0,1,1,WEDNESDAY,13,0,0,0,0,0,0,XNA,,0.13911816311005984,0.33285056416487313,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-920.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2041090,148696,Cash loans,24721.245,702000.0,840996.0,,702000.0,MONDAY,14,Y,1,,,,XNA,Refused,-222,Cash through the bank,HC,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,N,Y,0,225000.0,265851.0,16195.5,229500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00733,-17651,-10622,-9535.0,-1193,,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,14,0,0,0,0,0,0,Industry: type 3,,0.4608680339662634,0.4776491548517548,0.1289,0.0,0.9811,,,0.0,0.2759,0.1667,,0.0623,,0.1163,,0.0468,0.1313,0.0,0.9811,,,0.0,0.2759,0.1667,,0.0637,,0.1212,,0.0496,0.1301,0.0,0.9811,,,0.0,0.2759,0.1667,,0.0633,,0.1184,,0.0478,,block of flats,0.1126,"Stone, brick",No,0.0,0.0,0.0,0.0,-603.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +2591473,308201,Consumer loans,8913.375,167931.0,197635.5,0.0,167931.0,WEDNESDAY,17,Y,1,0.0,,,XAP,Refused,-1515,Cash through the bank,HC,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,350,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,0,Cash loans,F,N,Y,1,90000.0,754740.0,24475.5,630000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-16073,-1544,-1466.0,-4287,,1,1,1,1,1,0,Sales staff,3.0,2,2,SATURDAY,8,0,0,0,0,0,0,Self-employed,0.7899934803445708,0.5548807240422453,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1824.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2605988,356139,Cash loans,12046.815,135000.0,178308.0,,135000.0,THURSDAY,13,Y,1,,,,XNA,Approved,-1090,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-1060.0,-370.0,-370.0,-359.0,1.0,1,Cash loans,F,N,Y,0,135000.0,392427.0,26221.5,324000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.030755,-11798,-2899,-288.0,-4036,,1,1,0,1,0,0,Managers,1.0,2,2,TUESDAY,11,0,0,0,0,0,0,Government,,0.5338339189632824,0.6144143775673561,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-687.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2582086,250035,Cash loans,22446.315,99000.0,114687.0,,99000.0,MONDAY,10,Y,1,,,,XNA,Approved,-1060,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,0,XNA,6.0,high,Cash X-Sell: high,365243.0,-1030.0,-880.0,-880.0,-872.0,1.0,0,Cash loans,M,N,N,0,180000.0,490495.5,31347.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.030755,-13334,-1850,-5656.0,-2712,,1,1,1,1,1,0,Low-skill Laborers,1.0,2,2,WEDNESDAY,19,0,0,0,0,1,1,Self-employed,,0.5024236992987156,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1060.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1007269,136678,Consumer loans,13467.87,149485.5,151389.0,15750.0,149485.5,SATURDAY,18,Y,1,0.10262824246993107,,,XAP,Approved,-1957,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,2948,Consumer electronics,16.0,high,POS household with interest,365243.0,-1926.0,-1476.0,-1476.0,-1459.0,0.0,0,Cash loans,F,N,N,0,135000.0,1575000.0,43312.5,1575000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-10378,-2600,-4294.0,-2069,,1,1,1,1,1,0,Sales staff,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Trade: type 7,,0.6281844404499488,0.6058362647264226,0.0175,0.0262,0.9727,,,0.0,0.1034,0.0833,,0.0332,,0.0221,,0.0,0.0179,0.0272,0.9727,,,0.0,0.1034,0.0833,,0.0339,,0.023,,0.0,0.0177,0.0262,0.9727,,,0.0,0.1034,0.0833,,0.0338,,0.0225,,0.0,,block of flats,0.0174,"Stone, brick",No,0.0,0.0,0.0,0.0,-735.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1439025,182033,Consumer loans,6860.115,73395.0,72594.0,7339.5,73395.0,SUNDAY,15,Y,1,0.1000004094312488,,,XAP,Approved,-1377,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Stone,491,Furniture,12.0,low_normal,POS industry with interest,365243.0,-1346.0,-1016.0,-1016.0,-1012.0,0.0,0,Cash loans,F,Y,Y,0,216000.0,755190.0,36328.5,675000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.02461,-15910,-969,-4329.0,-5039,7.0,1,1,0,1,0,0,Sales staff,2.0,2,2,FRIDAY,10,0,0,0,0,1,1,Self-employed,,0.554454002103693,0.266456808245056,0.0247,0.0545,0.9851,,,0.0,0.1034,0.0417,,0.0104,,0.0228,,0.0,0.0252,0.0566,0.9851,,,0.0,0.1034,0.0417,,0.0106,,0.0237,,0.0,0.025,0.0545,0.9851,,,0.0,0.1034,0.0417,,0.0106,,0.0232,,0.0,,block of flats,0.0179,Panel,No,6.0,0.0,6.0,0.0,-1828.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,13.0,1.0,3.0 +1593596,175462,Consumer loans,27621.495,563994.0,613129.5,0.0,563994.0,WEDNESDAY,15,Y,1,0.0,,,XAP,Approved,-516,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Country-wide,1500,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-484.0,206.0,365243.0,365243.0,0.0,1,Cash loans,M,N,N,0,112500.0,210249.0,12703.5,175500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Rented apartment,0.019688999999999998,-10540,-1403,-1572.0,-2966,,1,1,0,1,0,0,Laborers,1.0,2,2,MONDAY,16,0,0,0,1,1,0,Business Entity Type 2,,0.36010393327364965,0.3706496323299817,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-516.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1036129,391127,Cash loans,28754.955,450000.0,512707.5,,450000.0,MONDAY,13,Y,1,,,,XNA,Approved,-1659,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-1629.0,-939.0,-939.0,-932.0,1.0,0,Cash loans,F,N,Y,0,135000.0,1431414.0,51543.0,1264500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-19253,365243,-11024.0,-2803,,1,0,0,1,0,0,,2.0,2,2,MONDAY,10,0,0,0,0,0,0,XNA,0.7267720687642373,0.6501234171626616,0.5762088360175724,0.1258,0.1096,0.9851,0.7959999999999999,0.0209,0.0,0.2759,0.1667,0.2083,0.1417,0.1,0.153,0.0116,0.0029,0.1282,0.1138,0.9851,0.804,0.0211,0.0,0.2759,0.1667,0.2083,0.1449,0.1093,0.1594,0.0117,0.0031,0.127,0.1096,0.9851,0.7987,0.021,0.0,0.2759,0.1667,0.2083,0.1442,0.1018,0.1557,0.0116,0.003,reg oper account,block of flats,0.1324,"Stone, brick",No,1.0,1.0,1.0,1.0,-1480.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1418534,446948,Consumer loans,8032.23,87295.5,42210.0,49500.0,87295.5,SATURDAY,19,Y,1,0.5878312070657508,,,XAP,Approved,-1103,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Regional / Local,100,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1072.0,-922.0,-1042.0,-1039.0,0.0,0,Cash loans,M,Y,N,0,112500.0,373311.0,17428.5,283500.0,Unaccompanied,Working,Higher education,Single / not married,With parents,0.02461,-13485,-2354,-7582.0,-4173,7.0,1,1,0,1,1,0,,1.0,2,2,MONDAY,17,0,0,0,0,1,1,Other,0.4879546863067893,0.6819692033914695,0.7165702448010511,0.067,0.0796,0.9742,0.6464,0.032,0.0,0.1379,0.1667,0.2083,0.0737,0.0538,0.0509,0.0039,0.1115,0.0683,0.0826,0.9742,0.6602,0.0323,0.0,0.1379,0.1667,0.2083,0.0754,0.0588,0.053,0.0039,0.1181,0.0677,0.0796,0.9742,0.6511,0.0322,0.0,0.1379,0.1667,0.2083,0.075,0.0547,0.0518,0.0039,0.1139,reg oper account,block of flats,0.0689,"Stone, brick",No,3.0,1.0,3.0,1.0,-1103.0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2841163,376453,Cash loans,29279.925,661500.0,752310.0,,661500.0,WEDNESDAY,20,Y,1,,,,XNA,Approved,-791,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-758.0,652.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,270000.0,242595.0,14656.5,202500.0,Unaccompanied,State servant,Higher education,Separated,House / apartment,0.010643000000000001,-21666,-10980,-11899.0,-4208,,1,1,1,1,1,0,Managers,1.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Government,,0.5508534429953584,0.8027454758994178,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1895.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2836192,207987,Revolving loans,9000.0,180000.0,180000.0,,180000.0,MONDAY,13,Y,1,,,,XAP,Approved,-465,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,157500.0,463284.0,17595.0,382500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0060079999999999995,-21010,-7287,-9758.0,-4235,14.0,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,Government,,0.6232629762121689,,0.0742,0.0539,0.9816,0.7484,0.0274,0.08,0.069,0.3333,0.375,0.0543,0.0605,0.0784,0.0,0.0,0.0756,0.0559,0.9816,0.7583,0.0277,0.0806,0.069,0.3333,0.375,0.0555,0.0661,0.0817,0.0,0.0,0.0749,0.0539,0.9816,0.7518,0.0276,0.08,0.069,0.3333,0.375,0.0552,0.0616,0.0798,0.0,0.0,reg oper account,block of flats,0.0754,Panel,No,2.0,0.0,1.0,0.0,-1545.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1975661,238572,Consumer loans,4220.73,21915.0,20700.0,2191.5,21915.0,SATURDAY,14,Y,1,0.10426327358507424,,,XAP,Approved,-2215,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,6.0,high,POS mobile with interest,365243.0,-2180.0,-2030.0,-2090.0,-2081.0,0.0,0,Cash loans,F,N,Y,2,450000.0,1096020.0,48276.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.02461,-13966,-6590,-7441.0,-717,,1,1,0,1,0,0,Core staff,4.0,2,2,TUESDAY,10,0,0,0,0,0,0,Medicine,0.6231219009741151,0.7123160797898586,0.4206109640437848,0.1649,,0.9891,0.8504,,,,0.375,0.4167,0.0207,,0.1008,,,0.1681,,0.9891,0.8563,,,,0.375,0.4167,0.0212,,0.105,,,0.1665,,0.9891,0.8524,,,,0.375,0.4167,0.0211,,0.1026,,,,block of flats,0.1341,,No,8.0,0.0,8.0,0.0,-2215.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2674965,361563,Revolving loans,2250.0,45000.0,45000.0,,45000.0,TUESDAY,10,Y,1,,,,XAP,Approved,-303,XNA,XAP,Family,Repeater,XNA,Cards,walk-in,Country-wide,1000,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,254700.0,17149.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.020713,-13348,-926,-4676.0,-978,11.0,1,1,0,1,0,0,Laborers,2.0,3,3,THURSDAY,6,0,0,0,1,1,1,Business Entity Type 3,,0.6561178747137842,0.09950368352887068,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-709.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1782930,230030,Consumer loans,20838.465,119880.0,102199.5,22500.0,119880.0,WEDNESDAY,11,Y,1,0.19650877072117728,,,XAP,Approved,-1535,Cash through the bank,XAP,Unaccompanied,New,Clothing and Accessories,POS,XNA,Stone,83,Clothing,6.0,high,POS industry with interest,365243.0,-1462.0,-1312.0,-1342.0,-1335.0,0.0,0,Revolving loans,F,N,Y,0,99000.0,337500.0,16875.0,337500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.030755,-18625,-4447,-4551.0,-1953,,1,1,0,1,0,0,Sales staff,1.0,2,2,FRIDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.5558904891488096,0.5726825047161584,0.0144,0.0,0.9707,,,0.0,0.069,0.0833,,0.0105,,0.0156,,0.0,0.0147,0.0,0.9707,,,0.0,0.069,0.0833,,0.0107,,0.0163,,0.0,0.0146,0.0,0.9707,,,0.0,0.069,0.0833,,0.0107,,0.0159,,0.0,,block of flats,0.0139,Mixed,No,0.0,0.0,0.0,0.0,-1535.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2719621,376576,Consumer loans,31187.745,168561.0,175792.5,0.0,168561.0,FRIDAY,12,Y,1,0.0,,,XAP,Approved,-616,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Stone,300,Furniture,6.0,low_normal,POS industry with interest,365243.0,-585.0,-435.0,-435.0,-425.0,0.0,0,Cash loans,F,N,N,0,157500.0,972000.0,28548.0,972000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-20253,365243,-177.0,-1457,,1,0,0,1,0,0,,2.0,2,1,FRIDAY,11,0,0,0,0,0,0,XNA,,0.7052479051725963,0.19633396621345675,0.0907,0.0565,0.997,,,0.16,0.069,0.4583,,0.012,,0.0887,,0.0289,0.0924,0.0586,0.997,,,0.1611,0.069,0.4583,,0.0123,,0.0924,,0.0306,0.0916,0.0565,0.997,,,0.16,0.069,0.4583,,0.0122,,0.0903,,0.0295,,block of flats,0.0972,Monolithic,No,0.0,0.0,0.0,0.0,-1341.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,4.0 +1270963,272995,Consumer loans,5115.375,40680.0,44707.5,0.0,40680.0,FRIDAY,16,Y,1,0.0,,,XAP,Approved,-1253,Cash through the bank,XAP,Family,Repeater,Auto Accessories,POS,XNA,Stone,80,Industry,12.0,high,POS other with interest,365243.0,-1222.0,-892.0,-1072.0,-1069.0,0.0,0,Cash loans,F,N,Y,0,114421.5,269550.0,10395.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.030755,-16654,-5100,-4810.0,-206,,1,1,1,1,1,0,,2.0,2,2,FRIDAY,11,0,0,0,0,1,1,Industry: type 3,,0.5508804945671042,0.4436153084085652,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1959.0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1185953,342063,Consumer loans,3058.155,30006.0,25506.0,4500.0,30006.0,TUESDAY,10,Y,1,0.16333097016960246,,,XAP,Approved,-2112,XNA,XAP,Family,Repeater,Mobile,POS,XNA,Stone,35,Connectivity,12.0,high,POS mobile with interest,365243.0,-2067.0,-1737.0,-1767.0,-1764.0,0.0,0,Cash loans,F,N,Y,0,180000.0,1339884.0,39177.0,1170000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-16826,-1015,-274.0,-318,,1,1,0,1,0,0,Sales staff,2.0,2,2,SUNDAY,11,0,0,0,0,0,0,Trade: type 7,,0.2848721457479015,0.7544061731797895,0.0619,0.046,0.9791,0.7144,0.0,0.0,0.1379,0.1667,0.2083,0.0529,0.0504,0.0575,0.0,0.0191,0.063,0.0477,0.9791,0.7256,0.0,0.0,0.1379,0.1667,0.2083,0.0541,0.0551,0.0599,0.0,0.0202,0.0625,0.046,0.9791,0.7182,0.0,0.0,0.1379,0.1667,0.2083,0.0538,0.0513,0.0585,0.0,0.0195,reg oper account,block of flats,0.0573,"Stone, brick",No,5.0,3.0,5.0,3.0,-2174.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,3.0 +1056027,128914,Consumer loans,10305.0,53505.0,50539.5,5350.5,53505.0,FRIDAY,15,Y,1,0.1042616015224711,,,XAP,Approved,-1769,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,62,Connectivity,6.0,high,POS mobile with interest,365243.0,-1734.0,-1584.0,-1584.0,-1578.0,0.0,0,Cash loans,M,N,N,0,85500.0,286704.0,18666.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Rented apartment,0.018634,-11130,-1960,-10316.0,-3005,,1,1,1,1,1,0,Laborers,1.0,2,2,WEDNESDAY,10,0,0,0,1,1,0,Business Entity Type 3,0.12111408607096184,0.592707102947451,0.5867400085415683,0.1237,0.0493,0.9861,,,0.0,0.2759,0.1667,,0.0678,,0.1103,,0.0,0.1261,0.0511,0.9861,,,0.0,0.2759,0.1667,,0.0694,,0.1149,,0.0,0.1249,0.0493,0.9861,,,0.0,0.2759,0.1667,,0.069,,0.1123,,0.0,,block of flats,0.121,"Stone, brick",No,1.0,0.0,1.0,0.0,-287.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1128641,162499,Consumer loans,3401.64,34020.0,30618.0,3402.0,34020.0,TUESDAY,12,Y,1,0.1089090909090909,,,XAP,Approved,-2541,Cash through the bank,XAP,Children,New,Furniture,POS,XNA,Stone,107,Furniture,10.0,low_normal,POS industry without interest,365243.0,-2508.0,-2238.0,-2238.0,-2228.0,0.0,0,Revolving loans,F,Y,Y,0,225000.0,337500.0,16875.0,337500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.026392000000000002,-22757,365243,-49.0,-4724,3.0,1,0,0,1,0,0,,1.0,2,2,TUESDAY,12,0,0,0,0,0,0,XNA,,0.6594061768905888,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,-1317.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1872233,143523,Consumer loans,5299.47,44685.0,44199.0,4468.5,44685.0,MONDAY,15,Y,1,0.09999697389988646,,,XAP,Approved,-1891,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,42,Connectivity,12.0,high,POS mobile with interest,365243.0,-1851.0,-1521.0,-1521.0,-1514.0,0.0,0,Cash loans,F,N,Y,1,72000.0,900000.0,26316.0,900000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.030755,-14820,-6229,-6397.0,-4284,,1,1,1,1,0,0,Core staff,3.0,2,2,TUESDAY,11,0,0,0,0,1,1,Government,0.40008465813603294,0.2720185268170571,0.6413682574954046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-175.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1928647,404001,Consumer loans,5245.425,31005.0,25929.0,6300.0,31005.0,FRIDAY,16,Y,1,0.21289126957934548,,,XAP,Approved,-2141,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,15,Connectivity,6.0,high,POS mobile with interest,365243.0,-2103.0,-1953.0,-1953.0,-1950.0,0.0,1,Cash loans,F,Y,Y,0,157500.0,423000.0,20704.5,423000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009549,-13040,-1097,-1907.0,-2953,2.0,1,1,1,1,1,0,Waiters/barmen staff,2.0,2,2,THURSDAY,13,0,0,0,0,1,1,Self-employed,0.7619943241134565,0.5725833407834949,0.11612491427195998,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1548.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1631819,154400,Revolving loans,2250.0,0.0,45000.0,,,SATURDAY,15,Y,1,,,,XAP,Refused,-2307,XNA,SCO,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,Y,Y,0,292500.0,672453.0,41269.5,580500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010147,-14700,-2110,-8538.0,-4788,17.0,1,1,0,1,1,0,Drivers,2.0,2,2,WEDNESDAY,16,0,0,0,0,1,1,Construction,,0.2593411259860157,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2027.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2450857,453265,Cash loans,28553.76,1129500.0,1129500.0,,1129500.0,TUESDAY,10,Y,1,,,,XNA,Approved,-220,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,207000.0,679500.0,19998.0,679500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.028663,-20721,365243,-6433.0,-4028,21.0,1,0,0,1,0,0,,1.0,2,2,FRIDAY,14,0,0,0,0,0,0,XNA,,0.5906519821949847,0.646329897706246,0.0842,0.0444,0.9776,0.6940000000000001,0.031,0.0256,0.1034,0.2654,0.3125,0.0706,0.0677,0.0665,0.0045,0.0086,0.0567,0.0039,0.9777,0.706,0.0157,0.0,0.0345,0.1667,0.2083,0.0227,0.0496,0.0473,0.0,0.0,0.0947,0.027000000000000003,0.9776,0.6981,0.0308,0.0,0.1034,0.1667,0.2917,0.0628,0.0752,0.0692,0.0019,0.0015,reg oper account,block of flats,0.0442,"Stone, brick",No,0.0,0.0,0.0,0.0,-1499.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1985406,427332,Consumer loans,10081.395,103050.0,92745.0,10305.0,103050.0,SUNDAY,15,Y,1,0.1089090909090909,,,XAP,Approved,-2821,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Stone,15,Consumer electronics,12.0,high,POS household with interest,365243.0,-2785.0,-2455.0,-2545.0,-2541.0,0.0,0,Cash loans,F,N,Y,0,180000.0,108000.0,10651.5,108000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-22091,365243,-4219.0,-4423,,1,0,0,1,1,0,,2.0,2,2,SUNDAY,12,0,0,0,0,0,0,XNA,0.7223548034425804,0.7534853070840886,0.813917469762627,0.055,0.0606,0.9881,0.8368,0.0144,0.0,0.0917,0.1667,0.1525,,0.0448,0.0575,0.0,0.0287,0.063,0.0425,0.9891,0.8563,0.0089,0.0,0.1034,0.1667,0.2083,,0.0551,0.045,0.0,0.0,0.0625,0.065,0.9891,0.8524,0.0145,0.0,0.1034,0.1667,0.2083,,0.0513,0.0658,0.0,0.037000000000000005,reg oper account,block of flats,0.0448,Panel,No,3.0,0.0,3.0,0.0,-1904.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2705251,435785,Consumer loans,9131.94,119106.0,95283.0,23823.0,119106.0,SATURDAY,11,Y,1,0.21783464080124199,,,XAP,Approved,-255,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,4200,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-224.0,106.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,207000.0,582768.0,56902.5,540000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.019101,-16290,-1316,-10444.0,-5445,,1,1,0,1,0,0,Accountants,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Construction,,0.4606507050378558,0.7136313997323308,0.0082,0.0101,0.9727,0.626,0.0088,0.0,0.0345,0.0417,0.0833,0.0175,0.0067,0.0038,0.0,0.0,0.0084,0.0105,0.9727,0.6406,0.0089,0.0,0.0345,0.0417,0.0833,0.0179,0.0073,0.004,0.0,0.0,0.0083,0.0101,0.9727,0.631,0.0089,0.0,0.0345,0.0417,0.0833,0.0178,0.0068,0.0039,0.0,0.0,reg oper account,block of flats,0.0042,"Stone, brick",No,0.0,0.0,0.0,0.0,-619.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1366829,369653,Cash loans,11654.865,234000.0,271993.5,,234000.0,SATURDAY,14,Y,1,,,,XNA,Approved,-1010,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-980.0,70.0,-650.0,-645.0,1.0,0,Cash loans,F,N,Y,0,90000.0,296280.0,23539.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.006207,-17430,-2965,-4210.0,-968,,1,1,0,1,0,0,Sales staff,1.0,2,2,MONDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.6896072130139954,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2065.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2306190,384068,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SUNDAY,12,Y,1,,,,XAP,Refused,-286,XNA,SCOFR,Family,Refreshed,XNA,Cards,walk-in,Country-wide,300,Consumer electronics,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,Y,Y,0,121500.0,747886.5,43857.0,693000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-19168,-3127,-5034.0,-2454,8.0,1,1,0,1,0,0,Laborers,2.0,1,1,SATURDAY,12,0,0,0,0,1,1,Business Entity Type 3,,0.7189023443279764,,0.2062,0.126,0.993,0.9048,0.1263,0.2,0.1724,0.375,0.4167,0.105,0.1681,0.297,0.0,0.0,0.2101,0.1308,0.993,0.9085,0.1275,0.2014,0.1724,0.375,0.4167,0.1074,0.1837,0.3095,0.0,0.0,0.2082,0.126,0.993,0.9061,0.1271,0.2,0.1724,0.375,0.4167,0.1069,0.171,0.3024,0.0,0.0,reg oper account,block of flats,0.3027,Panel,No,0.0,0.0,0.0,0.0,-2373.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1640459,157129,Consumer loans,3415.14,34155.0,30739.5,3415.5,34155.0,MONDAY,8,Y,1,0.1089090909090909,,,XAP,Approved,-2724,XNA,XAP,,Repeater,Furniture,POS,XNA,Stone,150,Furniture,10.0,low_normal,POS industry without interest,365243.0,-2684.0,-2414.0,-2504.0,-2501.0,0.0,0,Cash loans,F,Y,Y,0,58500.0,203760.0,13747.5,180000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-23151,365243,-4309.0,-4246,18.0,1,0,0,1,1,0,,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,XNA,,0.3900355809517057,0.7826078370261895,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-61.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1137152,143980,Consumer loans,6360.93,34200.0,36004.5,0.0,34200.0,MONDAY,8,Y,1,0.0,,,XAP,Approved,-1022,Cash through the bank,XAP,Unaccompanied,New,Gardening,POS,XNA,Country-wide,5,Industry,6.0,low_normal,POS other with interest,365243.0,-990.0,-840.0,-840.0,-832.0,0.0,0,Cash loans,F,N,Y,0,157500.0,247500.0,12037.5,247500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-21965,365243,-12517.0,-4554,,1,0,0,1,0,0,,2.0,2,2,MONDAY,7,0,0,0,0,0,0,XNA,,0.5523786769861727,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-557.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1230773,424102,Cash loans,59485.5,2250000.0,2250000.0,,2250000.0,TUESDAY,12,Y,1,,,,XNA,Approved,-56,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,M,Y,Y,0,225000.0,2250000.0,59485.5,2250000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-17464,-9311,-2526.0,-986,3.0,1,1,0,1,0,0,,2.0,2,2,TUESDAY,9,0,0,0,0,1,1,Business Entity Type 3,,0.5218773562173123,0.7570690154522959,0.0186,,0.9816,,,0.0,,0.0417,,,,0.0113,,,0.0189,,0.9816,,,0.0,,0.0417,,,,0.0118,,,0.0187,,0.9816,,,0.0,,0.0417,,,,0.0115,,,,block of flats,0.014,"Stone, brick",No,6.0,0.0,6.0,0.0,-99.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,0.0 +2124635,262842,Revolving loans,27000.0,540000.0,540000.0,,540000.0,SUNDAY,17,Y,1,,,,XAP,Refused,-20,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Regional / Local,100,Consumer electronics,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,315000.0,1506816.0,54121.5,1350000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-23132,365243,-4215.0,-4214,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,XNA,,0.6835653789298866,0.180887977767074,0.0619,0.0,0.9841,0.7824,0.0288,0.0,0.1379,0.1667,0.2083,0.0412,0.0504,0.0509,0.0,0.0,0.063,0.0,0.9841,0.7909,0.0291,0.0,0.1379,0.1667,0.2083,0.0421,0.0551,0.0531,0.0,0.0,0.0625,0.0,0.9841,0.7853,0.029,0.0,0.1379,0.1667,0.2083,0.0419,0.0513,0.0519,0.0,0.0,,block of flats,0.0558,Panel,No,0.0,0.0,0.0,0.0,-507.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2714651,220382,Cash loans,20303.775,337500.0,449298.0,,337500.0,MONDAY,8,Y,1,,,,XNA,Approved,-430,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-400.0,650.0,-100.0,-95.0,1.0,0,Cash loans,M,N,Y,3,202500.0,545040.0,25537.5,450000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.020246,-13988,-208,-2919.0,-1457,,1,1,0,1,0,0,Drivers,5.0,3,3,THURSDAY,10,0,0,0,0,1,1,Military,,0.6055578835260735,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2325.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2403148,329936,Consumer loans,24168.915,246910.5,239818.5,24691.5,246910.5,TUESDAY,16,Y,1,0.1016645426706672,,,XAP,Approved,-267,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,100,Consumer electronics,12.0,middle,POS household with interest,365243.0,-237.0,93.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,450000.0,662022.0,33930.0,526500.0,Family,Commercial associate,Incomplete higher,Civil marriage,House / apartment,0.04622,-19383,-462,-4901.0,-2609,,1,1,0,1,0,0,Sales staff,2.0,1,1,WEDNESDAY,18,0,0,0,0,0,0,Self-employed,0.7627165780480614,0.6822015552113555,,0.133,0.1517,0.9786,0.7076,0.0151,0.0,0.2759,0.1667,0.2083,0.0,0.1084,0.1178,0.0,0.0,0.1355,0.1575,0.9786,0.7190000000000001,0.0152,0.0,0.2759,0.1667,0.2083,0.0,0.1185,0.1227,0.0,0.0,0.1343,0.1517,0.9786,0.7115,0.0152,0.0,0.2759,0.1667,0.2083,0.0,0.1103,0.1199,0.0,0.0,reg oper account,block of flats,0.0926,"Stone, brick",No,0.0,0.0,0.0,0.0,-482.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2823398,271797,Consumer loans,14267.16,133506.0,120154.5,13351.5,133506.0,FRIDAY,15,Y,1,0.10891643276502386,,,XAP,Approved,-425,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,49,Connectivity,12.0,high,POS mobile with interest,365243.0,-394.0,-64.0,-94.0,-87.0,0.0,0,Cash loans,F,N,Y,0,252000.0,1113840.0,47322.0,900000.0,Unaccompanied,Working,Higher education,Widow,House / apartment,0.006670999999999999,-21233,-460,-589.0,-3538,,1,1,0,1,0,0,,1.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.6978419270230402,0.7047840329839036,0.2580842039460289,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-413.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2600219,277614,Consumer loans,21251.25,562500.0,562500.0,0.0,562500.0,THURSDAY,14,Y,1,0.0,,,XAP,Refused,-341,Cash through the bank,LIMIT,Family,Repeater,Consumer Electronics,POS,XNA,Stone,84,Consumer electronics,36.0,low_normal,POS household with interest,,,,,,,0,Revolving loans,F,N,Y,0,180000.0,450000.0,22500.0,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.019688999999999998,-17005,-419,-10088.0,-557,,1,1,0,1,1,0,Accountants,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.8370444000358809,0.5653059573941309,0.3910549766342248,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2062.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,0.0,0.0,4.0 +2144594,389665,Cash loans,36812.745,180000.0,185940.0,0.0,180000.0,FRIDAY,12,Y,1,0.0,,,Other,Approved,-2046,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,365243.0,-2015.0,-1865.0,-1865.0,-1844.0,0.0,0,Cash loans,F,Y,N,0,112500.0,450000.0,21109.5,450000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.009656999999999999,-12445,-4653,-6384.0,-3957,11.0,1,1,0,1,1,1,High skill tech staff,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Other,0.6285161059133528,0.5587282901775965,0.3490552510751822,0.0928,0.1091,0.9831,,,0.0,0.2069,0.1667,,0.0757,,0.091,,0.0,0.0945,0.1132,0.9831,,,0.0,0.2069,0.1667,,0.0774,,0.0948,,0.0,0.0937,0.1091,0.9831,,,0.0,0.2069,0.1667,,0.077,,0.0927,,0.0,,block of flats,0.0975,Panel,No,8.0,0.0,8.0,0.0,-2045.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2284733,362443,Revolving loans,11250.0,225000.0,225000.0,,225000.0,SATURDAY,10,Y,1,,,,XAP,Refused,-371,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,N,Y,0,90000.0,110331.0,11835.0,103500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-18287,-1156,-8506.0,-1822,,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,8,0,0,0,0,0,0,Transport: type 4,,0.3190736473323769,0.5370699579791587,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-630.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1014995,445163,Cash loans,22810.545,225000.0,247275.0,,225000.0,TUESDAY,15,Y,1,,,,Journey,Refused,-531,Cash through the bank,XNA,,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,,,,,,,0,Revolving loans,F,N,Y,0,67500.0,202500.0,10125.0,202500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.020246,-19695,-5758,-3049.0,-3234,,1,1,0,1,1,0,Core staff,2.0,3,3,MONDAY,7,0,0,0,0,0,0,Security Ministries,0.5235867957948374,0.40413304757625546,0.6363761710860439,0.0598,0.053,0.9831,0.7688,0.0138,0.0,0.1379,0.1667,0.2083,0.0664,0.0488,0.0548,0.0,0.0,0.0609,0.055,0.9831,0.7779,0.0139,0.0,0.1379,0.1667,0.2083,0.0679,0.0533,0.0571,0.0,0.0,0.0604,0.053,0.9831,0.7719,0.0139,0.0,0.1379,0.1667,0.2083,0.0675,0.0496,0.0557,0.0,0.0,reg oper account,block of flats,0.0506,Panel,No,0.0,0.0,0.0,0.0,-531.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,0.0 +1089954,318926,Cash loans,50704.065,450000.0,470790.0,,450000.0,THURSDAY,14,Y,1,,,,Other,Refused,-565,Cash through the bank,LIMIT,,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),100,XNA,12.0,middle,Cash Street: middle,,,,,,,0,Cash loans,M,Y,N,0,180000.0,450000.0,27193.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-16258,-4119,-1923.0,-2059,7.0,1,1,0,1,0,0,Core staff,2.0,2,2,MONDAY,15,0,0,0,0,1,1,Self-employed,,0.6136812966798733,0.4507472818545589,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-653.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1776693,268075,Cash loans,5882.31,54000.0,57564.0,,54000.0,WEDNESDAY,8,Y,1,,,,XNA,Refused,-1098,Cash through the bank,HC,Unaccompanied,Refreshed,XNA,Cash,x-sell,AP+ (Cash loan),4,Consumer electronics,12.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,Y,Y,1,135000.0,86598.0,9315.0,76500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-14126,-496,-890.0,-4591,4.0,1,1,0,1,0,0,,3.0,2,2,TUESDAY,13,0,0,0,0,1,1,Business Entity Type 3,,0.5415797804686924,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-3005.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1568999,293474,Consumer loans,10565.955,52645.5,52645.5,0.0,52645.5,TUESDAY,16,Y,1,0.0,,,XAP,Approved,-2807,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,40,Connectivity,6.0,high,POS mobile with interest,365243.0,-2776.0,-2626.0,-2626.0,-2571.0,0.0,0,Cash loans,M,Y,Y,1,333000.0,1800000.0,49630.5,1800000.0,Family,Working,Higher education,Married,House / apartment,0.003540999999999999,-13308,-512,-1931.0,-4228,1.0,1,1,0,1,0,0,Managers,3.0,1,1,TUESDAY,15,0,0,0,0,0,0,Transport: type 4,,0.6635585093744705,0.6545292802242897,0.0247,,0.9965,,,0.0,0.069,0.0833,,,,0.0373,,,0.0252,,0.9965,,,0.0,0.069,0.0833,,,,0.0389,,,0.025,,0.9965,,,0.0,0.069,0.0833,,,,0.038,,,,block of flats,0.0294,Mixed,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2578502,238527,Cash loans,12833.82,229500.0,266760.0,,229500.0,MONDAY,12,Y,1,,,,XNA,Approved,-494,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-464.0,586.0,-254.0,-250.0,1.0,0,Cash loans,F,N,N,0,157500.0,360000.0,18508.5,360000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.016612000000000002,-22154,365243,-2776.0,-2800,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,17,0,0,0,0,0,0,XNA,,0.6666368674781961,0.3791004853998145,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1299.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1226818,406392,Consumer loans,4492.53,49549.5,43821.0,9913.5,49549.5,MONDAY,12,Y,1,0.2009268296396677,,,XAP,Approved,-702,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Stone,50,Consumer electronics,12.0,middle,POS household with interest,,,,,,,0,Cash loans,M,Y,N,0,157500.0,206280.0,9747.0,135000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,Office apartment,0.032561,-11300,-370,-5455.0,-3835,6.0,1,1,0,1,0,1,,1.0,1,1,WEDNESDAY,13,0,0,0,0,0,0,Medicine,,0.6723127003651439,0.4382813743111921,0.0299,0.0394,0.9319,0.0684,0.0063,,0.1379,0.125,0.1667,0.0138,0.0235,0.0452,0.0039,0.0037,0.0305,0.0408,0.932,0.1049,0.0064,,0.1379,0.125,0.1667,0.0141,0.0257,0.0471,0.0039,0.004,0.0302,0.0394,0.9319,0.0809,0.0064,,0.1379,0.125,0.1667,0.014,0.0239,0.0461,0.0039,0.0038,reg oper account,block of flats,0.0399,"Stone, brick",No,2.0,0.0,2.0,0.0,-1390.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2236865,450660,Cash loans,7635.15,67500.0,71955.0,,67500.0,MONDAY,14,Y,1,,,,Urgent needs,Refused,-352,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),148,XNA,12.0,middle,Cash Street: middle,,,,,,,0,Cash loans,M,N,Y,0,202500.0,270000.0,21460.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.002042,-12930,-827,-378.0,-4493,,1,1,1,1,0,0,Laborers,2.0,3,3,WEDNESDAY,11,0,0,0,0,1,1,Housing,,0.5247903122271783,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-465.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1360209,405715,Consumer loans,2376.675,20925.0,20925.0,0.0,20925.0,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-142,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-103.0,167.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,1,450000.0,1208335.5,51327.0,1111500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0105,-12677,-4126,-2501.0,-1158,10.0,1,1,0,1,0,0,Laborers,3.0,3,3,THURSDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.11188805047531633,0.3390910688985911,0.15380258630671767,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0676,,No,1.0,0.0,1.0,0.0,-307.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2544686,396069,Cash loans,52897.14,936000.0,990364.5,,936000.0,SATURDAY,12,Y,1,,,,XNA,Refused,-196,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Revolving loans,M,N,N,0,315000.0,405000.0,20250.0,405000.0,Family,State servant,Higher education,Married,Municipal apartment,0.04622,-20532,-2189,-8996.0,-3290,,1,1,0,1,0,0,Laborers,2.0,1,1,SATURDAY,13,0,1,1,0,0,0,Government,,0.445441681624194,0.2263473957097693,0.0825,0.0819,0.9767,0.6804,0.0,0.0,0.1379,0.1667,0.2083,0.0142,0.0672,0.0705,0.0,0.0877,0.084,0.085,0.9767,0.6929,0.0,0.0,0.1379,0.1667,0.2083,0.0145,0.0735,0.0734,0.0,0.0929,0.0833,0.0819,0.9767,0.6847,0.0,0.0,0.1379,0.1667,0.2083,0.0144,0.0684,0.0717,0.0,0.0896,reg oper account,block of flats,0.0745,Panel,No,0.0,0.0,0.0,0.0,-830.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,5.0 +1591720,325077,Cash loans,58681.755,270000.0,310059.0,,270000.0,SATURDAY,6,Y,1,,,,XNA,Approved,-949,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-919.0,-769.0,-889.0,-885.0,1.0,0,Cash loans,F,Y,Y,0,225000.0,270000.0,29209.5,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.0038179999999999998,-11902,-1547,-5893.0,-4355,15.0,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,5,0,0,0,1,1,0,Self-employed,,0.533099194602516,0.6313545365850379,0.0732,0.07400000000000001,0.9876,0.83,0.0577,0.0,0.1379,0.1667,0.2083,0.0474,0.0504,0.0603,0.0425,0.0267,0.0746,0.0768,0.9876,0.8367,0.0582,0.0,0.1379,0.1667,0.2083,0.0485,0.0551,0.0628,0.0428,0.0282,0.0739,0.07400000000000001,0.9876,0.8323,0.0581,0.0,0.1379,0.1667,0.2083,0.0483,0.0513,0.0613,0.0427,0.0272,reg oper account,block of flats,0.0789,Block,No,0.0,0.0,0.0,0.0,-1598.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2395205,213442,Consumer loans,7591.275,44549.55,42426.0,4504.05,44549.55,SUNDAY,9,Y,1,0.1045240716575181,,,XAP,Approved,-125,Cash through the bank,XAP,Other_B,Refreshed,Construction Materials,POS,XNA,Regional / Local,1800,Construction,6.0,low_normal,POS industry with interest,365243.0,-94.0,56.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,2,180000.0,1242000.0,44131.5,1242000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-14091,-1916,-87.0,-4217,,1,1,0,1,0,0,Laborers,4.0,2,2,SATURDAY,15,0,0,0,0,0,0,Self-employed,0.5324423814508014,0.4972520627178666,0.5989262182569273,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-3269.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1171998,166259,Cash loans,41669.1,621000.0,621000.0,,621000.0,FRIDAY,16,Y,1,,,,XNA,Approved,-209,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-179.0,331.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,90000.0,1152247.5,61519.5,1089000.0,Family,Working,Secondary / secondary special,Married,Municipal apartment,0.030755,-18325,-835,-6351.0,-1843,,1,1,0,1,0,1,,2.0,2,2,THURSDAY,11,0,1,1,0,1,1,Construction,0.68422871574275,0.7294369935101229,0.6006575372857061,0.1227,0.0493,0.9861,0.8096,0.0298,0.0,0.2069,0.1667,0.0417,0.0,0.1,0.0727,0.4595,0.0,0.125,0.0511,0.9861,0.8171,0.0301,0.0,0.2069,0.1667,0.0417,0.0,0.1093,0.0757,0.463,0.0,0.1239,0.0493,0.9861,0.8121,0.03,0.0,0.2069,0.1667,0.0417,0.0,0.1018,0.07400000000000001,0.4619,0.0,reg oper account,block of flats,0.0735,"Stone, brick",No,1.0,0.0,1.0,0.0,-963.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2533346,340629,Consumer loans,11688.93,63810.0,57456.0,12762.0,63810.0,SUNDAY,15,Y,1,0.19794038824543825,,,XAP,Approved,-234,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,6.0,high,POS mobile with interest,365243.0,-204.0,-54.0,-54.0,-52.0,1.0,0,Cash loans,M,Y,N,0,315000.0,251091.0,24588.0,238500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-10557,-360,-4466.0,-3241,3.0,1,1,0,1,0,0,Drivers,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Other,,0.5368637506013156,0.33928769990891394,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1743420,448846,Consumer loans,2081.52,17055.0,16272.0,2250.0,17055.0,FRIDAY,16,Y,1,0.13229967311599966,,,XAP,Approved,-1582,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,20,Connectivity,12.0,high,POS mobile with interest,365243.0,-1550.0,-1220.0,-1220.0,-1216.0,0.0,0,Cash loans,F,N,N,1,112500.0,385164.0,17095.5,292500.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.019688999999999998,-20233,365243,-10310.0,-3735,,1,0,0,1,0,0,,3.0,2,2,FRIDAY,13,0,0,0,0,0,0,XNA,,0.3056929881840761,,0.1186,0.1207,0.9851,0.7959999999999999,0.0175,0.0,0.2759,0.1667,0.2083,0.1063,0.0958,0.1035,0.0039,0.0125,0.1208,0.1253,0.9851,0.804,0.0176,0.0,0.2759,0.1667,0.2083,0.1087,0.1047,0.1078,0.0039,0.0132,0.1197,0.1207,0.9851,0.7987,0.0176,0.0,0.2759,0.1667,0.2083,0.1081,0.0975,0.1053,0.0039,0.0127,reg oper account,block of flats,0.0963,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1392786,106970,Consumer loans,47388.555,268186.5,268186.5,0.0,268186.5,SATURDAY,15,Y,1,0.0,,,XAP,Approved,-1291,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Regional / Local,780,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-1260.0,-1110.0,-1110.0,-1108.0,0.0,0,Cash loans,F,Y,N,0,202500.0,1575000.0,80010.0,1575000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.032561,-20434,-3323,-2898.0,-3963,3.0,1,1,1,1,1,0,Managers,2.0,1,1,MONDAY,9,0,0,0,0,0,0,Business Entity Type 1,,0.7894872206267629,0.7583930617144343,0.0247,0.0,0.9702,0.4764,0.008,0.0,0.1034,0.125,0.0417,0.0292,0.0202,0.0446,0.0,0.0,0.0252,0.0,0.9702,0.4969,0.008,0.0,0.1034,0.125,0.0417,0.0298,0.022,0.0464,0.0,0.0,0.025,0.0,0.9702,0.4834,0.008,0.0,0.1034,0.125,0.0417,0.0297,0.0205,0.0454,0.0,0.0,reg oper account,block of flats,0.0394,"Stone, brick",No,1.0,0.0,1.0,0.0,-2104.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1865927,123580,Cash loans,38333.745,607500.0,655614.0,,607500.0,WEDNESDAY,14,Y,1,,,,XNA,Approved,-451,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,202500.0,755190.0,29947.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.009175,-19689,365243,-5684.0,-3221,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,15,0,0,0,0,0,0,XNA,,0.6794026067467439,0.7850520263728172,0.249,0.1291,0.9901,,,0.24,0.2069,0.375,,,,,,,0.1712,0.1099,0.9901,,,0.1611,0.1379,0.375,,,,,,,0.2514,0.1291,0.9901,,,0.24,0.2069,0.375,,,,,,,,block of flats,0.2689,Panel,No,18.0,1.0,18.0,0.0,-1335.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2150842,438512,Cash loans,15944.58,135000.0,173839.5,,135000.0,TUESDAY,14,Y,1,,,,XNA,Refused,-794,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,,,,,,,0,Cash loans,M,N,Y,1,180000.0,168102.0,20079.0,148500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009175,-16298,-1708,-7528.0,-1877,,1,1,0,1,0,1,Laborers,3.0,2,2,FRIDAY,17,0,0,0,1,1,0,Self-employed,,0.6224719132943718,0.180887977767074,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-795.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +2118128,442382,Consumer loans,27161.235,99004.5,102487.5,0.0,99004.5,SATURDAY,14,Y,1,0.0,,,XAP,Approved,-695,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Country-wide,150,Furniture,4.0,low_normal,POS industry with interest,365243.0,-661.0,-571.0,-571.0,-568.0,0.0,0,Cash loans,F,N,N,0,306000.0,1042560.0,63913.5,900000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.072508,-10676,-1248,-107.0,-489,,1,1,0,1,1,0,Accountants,1.0,1,1,MONDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.770926304427022,,0.1629,0.1155,0.9826,0.8232,0.0,0.1064,0.2183,0.3333,0.4583,0.0,0.1551,0.0977,0.0,0.0087,0.1103,0.08900000000000001,0.9747,0.6668,0.0,0.0,0.1379,0.1667,0.2083,0.0,0.1093,0.0,0.0,0.0,0.1239,0.1121,0.9747,0.8256,0.0,0.0,0.2414,0.1667,0.4583,0.0,0.1578,0.0,0.0,0.0,reg oper account,block of flats,0.2306,Panel,No,1.0,0.0,1.0,0.0,-1134.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2605949,422256,Consumer loans,7718.04,39820.5,37539.0,4050.0,39820.5,SUNDAY,8,Y,1,0.10605732722157732,,,XAP,Approved,-2064,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,28,Connectivity,6.0,high,POS mobile with interest,365243.0,-1989.0,-1839.0,-1839.0,-1833.0,0.0,0,Cash loans,F,N,N,0,216000.0,339948.0,31176.0,315000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-15491,-1854,-5492.0,-4002,,1,1,0,1,0,0,,2.0,2,2,FRIDAY,7,0,0,0,0,0,0,Business Entity Type 3,,0.4699646965348725,0.6058362647264226,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,1.0,-1857.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2056513,268699,Cash loans,19306.8,247500.0,267592.5,,247500.0,THURSDAY,12,Y,1,,,,XNA,Approved,-403,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-373.0,137.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,90000.0,222547.5,15489.0,202500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009549,-22674,-2274,-8810.0,-4554,,1,1,0,1,0,0,Cleaning staff,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.1260909023685744,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1123.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2543534,241877,Consumer loans,3811.14,24205.5,21339.0,3874.5,24205.5,SUNDAY,16,Y,1,0.16735807116317553,,,XAP,Approved,-2631,XNA,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Country-wide,2000,Consumer electronics,6.0,low_normal,POS household without interest,365243.0,-2600.0,-2450.0,-2450.0,-2442.0,1.0,0,Cash loans,F,N,Y,0,166500.0,497520.0,39438.0,450000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.008575,-10792,-423,-932.0,-2343,,1,1,0,1,1,0,,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,Medicine,,0.6031317239369621,0.43473324875017305,0.1031,,0.9771,,,0.0,0.0345,0.1667,,0.0153,,0.029,,0.0492,0.105,,0.9772,,,0.0,0.0345,0.1667,,0.0157,,0.0302,,0.0521,0.1041,,0.9771,,,0.0,0.0345,0.1667,,0.0156,,0.0295,,0.0503,,block of flats,0.0335,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2341073,370479,Consumer loans,10914.075,121455.0,125536.5,12150.0,121455.0,FRIDAY,8,Y,1,0.09610567880986552,,,XAP,Approved,-1494,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Stone,32,Consumer electronics,18.0,high,POS household with interest,365243.0,-1463.0,-953.0,-953.0,-945.0,0.0,1,Cash loans,M,Y,Y,0,135000.0,592560.0,32274.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.020713,-10238,-539,-4896.0,-1276,13.0,1,1,0,1,0,0,,1.0,3,3,MONDAY,7,0,0,0,1,1,1,Industry: type 7,,0.11728308064795387,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1000197,436790,Cash loans,18783.18,90000.0,103500.0,,90000.0,THURSDAY,8,Y,1,,,,XNA,Approved,-215,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,low_normal,Cash X-Sell: low,365243.0,-185.0,-35.0,-35.0,-30.0,1.0,0,Cash loans,M,Y,N,0,108000.0,526491.0,29529.0,454500.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.007120000000000001,-17300,-3206,-5433.0,-810,23.0,1,1,0,1,0,1,Laborers,2.0,2,2,TUESDAY,12,0,1,1,0,1,1,Industry: type 9,0.701847101109546,0.2622583692422573,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2590261,357491,Revolving loans,2250.0,0.0,90000.0,,,THURSDAY,16,N,0,,,,XAP,Refused,-2608,XNA,SYSTEM,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,135000.0,1350000.0,36333.0,1350000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.031329,-13828,-1410,-7902.0,-598,,1,1,1,1,1,0,Sales staff,2.0,2,2,MONDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.7212631913659112,0.4072384672777414,0.4830501881366946,0.2732,,0.9841,,,0.32,0.2759,0.3333,,0.1856,,0.3134,,,0.2784,,0.9841,,,0.3222,0.2759,0.3333,,0.1899,,0.3265,,,0.2758,,0.9841,,,0.32,0.2759,0.3333,,0.1889,,0.319,,,,block of flats,0.2465,Panel,No,1.0,0.0,1.0,0.0,-2608.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2723309,236363,Cash loans,24929.82,585000.0,654498.0,,585000.0,SUNDAY,6,Y,1,,,,XNA,Refused,-192,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Stone,37,Consumer electronics,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,157500.0,495000.0,20970.0,495000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.020713,-21738,-4413,-5082.0,-5083,12.0,1,1,1,1,1,0,Laborers,1.0,3,3,WEDNESDAY,8,0,0,0,0,0,0,Postal,,0.501740349304867,0.5867400085415683,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1618.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1074475,185500,Consumer loans,4956.75,23256.0,18603.0,4653.0,23256.0,SUNDAY,10,Y,1,0.21790247678018568,,,XAP,Approved,-1489,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,25,Connectivity,4.0,middle,POS mobile without interest,365243.0,-1448.0,-1358.0,-1358.0,-1348.0,0.0,0,Cash loans,M,Y,Y,2,180000.0,325282.5,17775.0,220500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-11979,-3289,-3097.0,-4665,4.0,1,1,0,1,1,1,Security staff,4.0,2,2,FRIDAY,9,0,0,0,0,1,1,Security,0.2307736549930308,0.13775149672736595,0.3842068130556564,0.0247,0.0419,0.9906,0.8708,0.0042,0.0,0.069,0.125,0.1667,0.0076,0.0202,0.0219,0.0,0.0,0.0252,0.0435,0.9906,0.8759,0.0042,0.0,0.069,0.125,0.1667,0.0078,0.022,0.0228,0.0,0.0,0.025,0.0419,0.9906,0.8725,0.0042,0.0,0.069,0.125,0.1667,0.0078,0.0205,0.0223,0.0,0.0,reg oper account,block of flats,0.0195,Panel,No,0.0,0.0,0.0,0.0,-497.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1594816,100900,Consumer loans,4228.425,31455.0,34776.0,0.0,31455.0,FRIDAY,16,Y,1,0.0,,,XAP,Approved,-629,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Stone,20,Connectivity,12.0,high,POS mobile with interest,365243.0,-598.0,-268.0,-268.0,-263.0,0.0,0,Cash loans,F,N,Y,0,67500.0,103855.5,8037.0,94500.0,Family,Working,Higher education,Married,House / apartment,0.019101,-17254,-796,-10541.0,-741,,1,1,0,1,1,0,,2.0,2,2,THURSDAY,15,0,0,0,0,1,1,Transport: type 2,,0.6309536110678217,0.4294236843421945,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,6.0,0.0,-2570.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1418480,409800,Cash loans,15704.19,184500.0,202765.5,,184500.0,THURSDAY,13,Y,1,,,,Other,Approved,-814,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-784.0,-274.0,-274.0,-272.0,1.0,0,Cash loans,F,N,N,0,135000.0,355500.0,22846.5,355500.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.014519999999999996,-23891,365243,-1243.0,-4965,,1,0,0,1,0,0,,1.0,2,2,SATURDAY,10,0,0,0,0,0,0,XNA,,0.3465497929287625,0.5531646987710016,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2059094,166247,Consumer loans,17096.58,87750.0,83146.5,8775.0,87750.0,FRIDAY,20,Y,1,0.10396667512249824,,,XAP,Approved,-674,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,15,Connectivity,6.0,high,POS mobile with interest,365243.0,-643.0,-493.0,-493.0,-483.0,0.0,0,Cash loans,F,N,N,0,193500.0,545040.0,39627.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-19476,-982,-13393.0,-2971,,1,1,0,1,0,0,,2.0,1,1,SUNDAY,12,0,1,1,0,0,0,Business Entity Type 3,0.8630009489131572,0.5747440238597067,0.4382813743111921,0.0124,0.0,0.9722,0.6192,0.0022,0.0,0.069,0.0417,0.0833,0.0488,0.0101,0.0127,0.0,0.0,0.0126,0.0,0.9722,0.6341,0.0022,0.0,0.069,0.0417,0.0833,0.0499,0.011,0.0132,0.0,0.0,0.0125,0.0,0.9722,0.6243,0.0022,0.0,0.069,0.0417,0.0833,0.0497,0.0103,0.0129,0.0,0.0,reg oper account,block of flats,0.0112,"Stone, brick",No,1.0,0.0,1.0,0.0,-2046.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1850686,369423,Consumer loans,2929.77,24705.0,24435.0,2470.5,24705.0,THURSDAY,19,Y,1,0.10000182456780546,,,XAP,Approved,-1575,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,15,Connectivity,12.0,high,POS mobile with interest,365243.0,-1538.0,-1208.0,-1208.0,-1200.0,0.0,0,Cash loans,M,Y,Y,0,108000.0,677664.0,29979.0,585000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-16457,-5197,-1851.0,-20,4.0,1,1,0,1,0,0,Security staff,2.0,2,2,THURSDAY,16,0,0,0,0,0,0,Government,0.4865523267382319,0.5712502464772474,0.41885428862332175,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1889.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,3.0 +2184005,191733,Consumer loans,7935.165,85050.0,85050.0,0.0,85050.0,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-2698,Cash through the bank,XAP,"Spouse, partner",Repeater,Furniture,POS,XNA,Stone,400,Furniture,12.0,low_normal,POS industry with interest,365243.0,-2664.0,-2334.0,-2334.0,-2326.0,0.0,0,Cash loans,F,Y,Y,2,540000.0,835744.5,35410.5,747000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00702,-16969,-6840,-2279.0,-515,8.0,1,1,1,1,1,0,Managers,4.0,2,2,TUESDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.3722635488026464,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1872897,311164,Consumer loans,5988.33,91341.0,91341.0,0.0,91341.0,THURSDAY,11,Y,1,0.0,,,XAP,Approved,-750,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,1700,Consumer electronics,18.0,low_normal,POS household with interest,365243.0,-719.0,-209.0,-209.0,-201.0,0.0,0,Cash loans,F,N,Y,0,90000.0,671652.0,43051.5,607500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00963,-14361,-1753,-198.0,-5107,,1,1,0,1,0,1,Accountants,2.0,2,2,FRIDAY,15,0,0,0,0,1,1,Construction,,0.4254360449799285,0.6430255641096323,0.0928,0.1166,0.9886,0.8436,0.0163,0.0,0.2069,0.1667,0.2083,0.1072,0.0756,0.0872,0.0,0.0,0.0945,0.121,0.9886,0.8497,0.0165,0.0,0.2069,0.1667,0.2083,0.1096,0.0826,0.0909,0.0,0.0,0.0937,0.1166,0.9886,0.8457,0.0164,0.0,0.2069,0.1667,0.2083,0.109,0.077,0.0888,0.0,0.0,,block of flats,0.0775,"Stone, brick",No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +2070556,238123,Cash loans,14856.525,157500.0,173092.5,0.0,157500.0,FRIDAY,12,Y,1,0.0,,,XNA,Approved,-1891,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-1861.0,-1351.0,-1351.0,-1343.0,1.0,0,Cash loans,F,N,Y,0,90000.0,142632.0,7960.5,126000.0,Children,Pensioner,Secondary / secondary special,Married,House / apartment,0.0060079999999999995,-24110,365243,-9458.0,-3967,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,XNA,,0.4059141832335902,0.6674577419214722,0.1423,0.1594,0.9786,0.7076,0.0086,0.0,0.2759,0.1667,0.2083,0.0885,0.1059,0.1096,0.0463,0.0894,0.145,0.1654,0.9786,0.7190000000000001,0.0087,0.0,0.2759,0.1667,0.2083,0.0905,0.1157,0.1141,0.0467,0.0946,0.1436,0.1594,0.9786,0.7115,0.0087,0.0,0.2759,0.1667,0.2083,0.09,0.1077,0.1115,0.0466,0.0913,reg oper account,block of flats,0.1103,"Stone, brick",No,0.0,0.0,0.0,0.0,-1372.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1473751,128954,Consumer loans,13741.2,120982.5,120982.5,0.0,120982.5,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-206,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,44,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-161.0,109.0,365243.0,365243.0,0.0,0,Revolving loans,F,Y,N,0,157500.0,247500.0,12375.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,With parents,0.035792000000000004,-13343,-3495,-6920.0,-1860,7.0,1,1,0,1,0,0,Core staff,2.0,2,2,WEDNESDAY,15,0,0,0,0,1,1,Kindergarten,0.5650032370053278,0.3193064951067591,0.6690566947824041,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2103653,151297,Consumer loans,3210.21,35050.5,33898.5,4207.5,35050.5,MONDAY,14,Y,1,0.12025271610769953,,,XAP,Approved,-2166,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,1700,Consumer electronics,12.0,low_normal,POS household without interest,365243.0,-2135.0,-1805.0,-1805.0,-1796.0,0.0,0,Cash loans,F,N,N,0,67500.0,568908.0,22689.0,508500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.00963,-17951,365243,-2187.0,-1470,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,XNA,,0.6226723092813284,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1431.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1396013,327121,Cash loans,20953.125,360000.0,393264.0,,360000.0,FRIDAY,19,Y,1,,,,Other,Approved,-818,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,low_normal,Cash Street: low,365243.0,-779.0,-89.0,-269.0,-264.0,0.0,0,Revolving loans,M,Y,Y,4,112500.0,270000.0,13500.0,270000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.010966,-12885,-2123,-1068.0,-4435,7.0,1,1,0,1,0,0,Core staff,6.0,2,2,FRIDAY,13,0,0,0,0,0,0,Police,,0.618769995171891,0.5352762504724826,0.0598,0.0083,0.9568,,0.006,0.0,0.1034,0.1667,,0.0385,0.0403,0.0427,0.0386,0.0652,0.0609,0.0087,0.9568,,0.006,0.0,0.1034,0.1667,,0.0394,0.0441,0.0445,0.0389,0.069,0.0604,0.0083,0.9568,,0.006,0.0,0.1034,0.1667,,0.0392,0.041,0.0435,0.0388,0.0666,,block of flats,0.0512,"Stone, brick",No,0.0,0.0,0.0,0.0,-819.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1390877,372724,Cash loans,14344.785,180000.0,203760.0,,180000.0,SATURDAY,13,Y,1,,,,XNA,Approved,-1269,XNA,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-1239.0,-549.0,-549.0,-533.0,1.0,0,Cash loans,F,N,Y,1,130500.0,132444.0,14391.0,117000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.025164,-13554,-2529,-3213.0,-4351,,1,1,0,1,0,0,Core staff,3.0,2,2,MONDAY,9,0,0,0,0,1,1,Postal,,0.26651977539251576,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1613.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1917920,136141,Cash loans,8997.03,72000.0,86562.0,0.0,72000.0,FRIDAY,16,Y,1,0.0,,,Other,Refused,-1530,Cash through the bank,HC,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,middle,Cash Street: middle,,,,,,,0,Cash loans,M,Y,N,1,180000.0,454500.0,16695.0,454500.0,Other_B,Working,Secondary / secondary special,Married,House / apartment,0.028663,-15903,-2280,-1253.0,-2857,14.0,1,1,0,1,0,0,Drivers,3.0,2,2,FRIDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.31939205367727275,0.2250868621163805,0.0935,,0.9846,,,0.06,0.1034,0.2917,,,,0.0815,,0.0,0.0756,,0.9777,,,0.0403,0.0345,0.1667,,,,0.0585,,0.0,0.0833,,0.9881,,,0.06,0.069,0.3333,,,,0.0856,,0.0,,,0.0597,Panel,No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2716345,367038,Cash loans,27861.57,585000.0,654498.0,,585000.0,THURSDAY,12,Y,1,,,,XNA,Approved,-1354,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-1324.0,-274.0,-724.0,-721.0,1.0,0,Cash loans,F,Y,N,0,135000.0,1339884.0,39307.5,1170000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-17359,-3090,-9280.0,-885,14.0,1,1,0,1,0,0,Cleaning staff,2.0,2,2,SUNDAY,10,0,0,0,0,1,1,Transport: type 4,,0.35856849883534514,0.501075160239048,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-1928.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2758584,102865,Cash loans,9139.905,90000.0,135126.0,,90000.0,MONDAY,6,Y,1,,,,XNA,Refused,-875,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,1,108000.0,601677.0,28179.0,423000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-17925,-1471,-4989.0,-430,,1,1,0,1,1,0,Laborers,3.0,3,2,MONDAY,11,0,0,0,0,0,0,Self-employed,0.6604954191063399,0.3047979563915484,0.4632753280912678,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1401.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1034348,227259,Consumer loans,7754.85,66555.0,65727.0,6750.0,66555.0,SATURDAY,17,Y,1,0.1014302970095842,,,XAP,Approved,-1808,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,66,Connectivity,12.0,high,POS mobile with interest,365243.0,-1777.0,-1447.0,-1447.0,-1429.0,0.0,0,Cash loans,M,N,Y,0,202500.0,521280.0,35392.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.008865999999999999,-10195,-1743,-5011.0,-2222,,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,16,0,0,0,0,0,0,Self-employed,,0.3426826474015851,0.4206109640437848,0.0814,0.0591,0.9881,0.8368,0.0204,0.08,0.069,0.375,0.4167,0.0724,0.0664,0.0931,0.0,0.0,0.083,0.0613,0.9881,0.8432,0.0206,0.0806,0.069,0.375,0.4167,0.0741,0.0725,0.097,0.0,0.0,0.0822,0.0591,0.9881,0.8390000000000001,0.0205,0.08,0.069,0.375,0.4167,0.0737,0.0676,0.0947,0.0,0.0,reg oper account,terraced house,0.0843,Panel,No,0.0,0.0,0.0,0.0,-1808.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1095151,246236,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,12,Y,1,,,,XAP,Refused,-289,XNA,HC,Unaccompanied,Repeater,XNA,Cards,walk-in,Channel of corporate sales,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Revolving loans,F,N,N,0,144000.0,135000.0,6750.0,135000.0,Unaccompanied,Working,Incomplete higher,Single / not married,Rented apartment,0.020713,-12058,-1248,-5316.0,-4048,,1,1,1,1,0,0,,1.0,3,3,FRIDAY,12,0,0,0,1,1,0,Business Entity Type 3,0.3060106138827297,0.4199664657738689,,0.0928,0.1151,0.9891,0.8504,0.0868,0.0,0.2069,0.1667,0.2083,,0.0756,0.0993,0.0,0.0,0.0945,0.1195,0.9891,0.8563,0.0876,0.0,0.2069,0.1667,0.2083,,0.0826,0.1034,0.0,0.0,0.0937,0.1151,0.9891,0.8524,0.0873,0.0,0.2069,0.1667,0.2083,,0.077,0.1011,0.0,0.0,reg oper spec account,block of flats,0.0781,Panel,No,3.0,0.0,3.0,0.0,-528.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,,,,,, +1219993,403419,Cash loans,51314.58,360000.0,432414.0,,360000.0,SATURDAY,15,Y,1,,,,XNA,Approved,-864,XNA,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-834.0,-504.0,-714.0,-708.0,1.0,0,Cash loans,F,Y,N,2,360000.0,971280.0,51745.5,900000.0,Unaccompanied,Commercial associate,Higher education,Married,Municipal apartment,0.072508,-13958,-2017,-4647.0,-840,1.0,1,1,1,1,1,0,,4.0,1,1,TUESDAY,13,0,0,0,0,0,0,Other,0.6948607613753809,0.7514283618274846,0.511891801533151,0.0454,0.1068,0.9722,0.6192,0.0102,0.0,0.1034,0.125,0.1667,0.0,0.0353,0.0586,0.0077,0.0875,0.0462,0.1108,0.9722,0.6341,0.0103,0.0,0.1034,0.125,0.1667,0.0,0.0386,0.061,0.0078,0.0926,0.0458,0.1068,0.9722,0.6243,0.0103,0.0,0.1034,0.125,0.1667,0.0,0.0359,0.0596,0.0078,0.0893,,terraced house,0.0651,"Stone, brick",No,0.0,0.0,0.0,0.0,-1844.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,1.0,5.0 +1868657,333655,Consumer loans,12509.55,98955.0,107662.5,0.0,98955.0,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-957,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,168,Consumer electronics,10.0,middle,POS household with interest,365243.0,-926.0,-656.0,-716.0,-711.0,0.0,0,Cash loans,F,N,Y,0,216000.0,754740.0,24345.0,630000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-17150,-4784,-2560.0,-693,,1,1,1,1,1,0,High skill tech staff,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Self-employed,,0.6320171780452335,0.7958031328748403,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2555.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2837246,105043,Revolving loans,18000.0,0.0,360000.0,,,FRIDAY,14,Y,1,,,,XAP,Approved,-854,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-850.0,-821.0,365243.0,-211.0,365243.0,0.0,0,Cash loans,M,N,N,0,180000.0,437076.0,35172.0,405000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.019101,-11445,-428,-8543.0,-2695,,1,1,0,1,0,0,Security staff,1.0,2,2,FRIDAY,11,0,1,1,0,1,1,Security,,0.2453495532540649,0.7180328113294772,0.0851,0.0712,0.9891,0.8504,0.0193,0.0,0.1897,0.1667,0.2083,0.0701,0.0693,0.079,0.0,0.0,0.063,0.0582,0.9886,0.8497,0.0153,0.0,0.1379,0.1667,0.2083,0.0405,0.0551,0.0645,0.0,0.0,0.0859,0.0712,0.9891,0.8524,0.0195,0.0,0.1897,0.1667,0.2083,0.0713,0.0705,0.0804,0.0,0.0,reg oper account,block of flats,0.0616,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1924033,290480,Consumer loans,9300.735,93375.0,51250.5,45000.0,93375.0,TUESDAY,10,Y,1,0.509182714989438,,,XAP,Approved,-143,Cash through the bank,XAP,Family,Refreshed,Furniture,POS,XNA,Stone,50,Furniture,6.0,low_normal,POS industry with interest,365243.0,-113.0,37.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,0,81000.0,164182.5,17680.5,148500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.02461,-22847,365243,-2208.0,-4698,9.0,1,0,0,1,0,0,,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,XNA,0.7133589231950709,0.5393421726184007,0.6246146584503397,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2063.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1609573,123418,Cash loans,34281.0,900000.0,900000.0,,900000.0,SATURDAY,11,Y,1,,,,XNA,Approved,-206,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Country-wide,600,Consumer electronics,36.0,low_normal,Cash X-Sell: low,365243.0,-176.0,874.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,157500.0,675000.0,21906.0,675000.0,Family,Working,Higher education,Married,House / apartment,0.035792000000000004,-18341,-1266,-5935.0,-1890,,1,1,0,1,0,0,Accountants,2.0,2,2,TUESDAY,16,0,0,0,0,0,0,Self-employed,,0.6893731276869308,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,1.0,-580.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2673894,341944,Consumer loans,9292.95,151537.5,123412.5,45000.0,151537.5,SATURDAY,16,Y,1,0.29100625493411064,,,XAP,Approved,-986,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,2711,Consumer electronics,18.0,middle,POS household with interest,365243.0,-955.0,-445.0,-655.0,-648.0,0.0,0,Cash loans,F,Y,Y,0,99000.0,808650.0,26217.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.01885,-9531,-2888,-4308.0,-2186,7.0,1,1,0,1,1,0,Laborers,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Trade: type 6,0.302824925319188,0.6052862426371514,0.6144143775673561,0.1515,0.1132,0.9806,0.7348,0.0174,0.16,0.1379,0.3333,0.375,0.0786,0.121,0.1467,0.0116,0.0202,0.1544,0.1174,0.9806,0.7452,0.0175,0.1611,0.1379,0.3333,0.375,0.0804,0.1322,0.1529,0.0117,0.0214,0.153,0.1132,0.9806,0.7383,0.0175,0.16,0.1379,0.3333,0.375,0.08,0.1231,0.1494,0.0116,0.0206,not specified,block of flats,0.1293,"Stone, brick",No,1.0,0.0,1.0,0.0,-1490.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1079477,375229,Consumer loans,9052.155,115200.0,116802.0,13500.0,115200.0,SUNDAY,10,Y,1,0.11283577591078628,,,XAP,Approved,-2231,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Regional / Local,108,Consumer electronics,18.0,middle,POS household with interest,365243.0,-2200.0,-1690.0,-1780.0,-1776.0,1.0,0,Cash loans,F,N,Y,0,270000.0,1288350.0,37800.0,1125000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.022625,-18128,365243,-2393.0,-1547,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,15,0,0,0,0,0,0,XNA,0.7290305424097882,0.7060518519962119,,0.2227,0.0645,0.9821,,,0.08,0.069,0.3333,,0.7067,,0.0628,,0.0997,0.2269,0.067,0.9821,,,0.0806,0.069,0.3333,,0.0001,,0.0645,,0.1055,0.2248,0.0645,0.9821,,,0.08,0.069,0.3333,,0.7190000000000001,,0.0639,,0.1017,,specific housing,0.0911,"Stone, brick",No,0.0,0.0,0.0,0.0,-771.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1640868,449422,Consumer loans,8164.8,72036.0,79641.0,0.0,72036.0,THURSDAY,10,Y,1,0.0,,,XAP,Approved,-544,Cash through the bank,XAP,,New,Furniture,POS,XNA,Stone,361,Furniture,12.0,middle,POS industry with interest,365243.0,-513.0,-183.0,-393.0,-387.0,0.0,0,Cash loans,M,Y,N,1,180000.0,865953.0,35397.0,774000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.022625,-13902,-1360,-1404.0,-1404,3.0,1,1,0,1,0,0,Drivers,3.0,2,2,TUESDAY,15,0,0,0,0,0,0,Transport: type 4,,0.6295165416506708,0.4382813743111921,0.0031,,0.9762,,,0.0,0.0345,0.0,,,,0.0022,,,0.0032,,0.9762,,,0.0,0.0345,0.0,,,,0.0023,,,0.0031,,0.9762,,,0.0,0.0345,0.0,,,,0.0022,,,,block of flats,0.0032,Block,No,0.0,0.0,0.0,0.0,-544.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,2.0,6.0 +2475017,202180,Cash loans,28820.655,225000.0,271611.0,,225000.0,FRIDAY,10,Y,1,,,,Car repairs,Refused,-246,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,middle,Cash Street: middle,,,,,,,0,Cash loans,M,Y,Y,0,405000.0,765000.0,34699.5,765000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.0228,-13782,-933,-1690.0,-4467,14.0,1,1,0,1,0,0,Managers,2.0,2,2,SATURDAY,8,0,0,0,0,0,0,Self-employed,0.4196428526436163,0.5836975753391052,0.5064842396679806,0.0787,0.0408,0.9935,0.9116,0.0192,0.08,0.069,0.3333,0.375,0.0179,0.0639,0.0877,0.0013,0.0102,0.0378,0.0242,0.9911,0.8824,0.0055,0.0403,0.0345,0.3333,0.375,0.0057,0.0331,0.04,0.0,0.0,0.0593,0.0321,0.9945,0.9262,0.0242,0.04,0.0345,0.3333,0.375,0.0217,0.0479,0.0622,0.0,0.0,reg oper account,block of flats,0.0371,"Stone, brick",No,0.0,0.0,0.0,0.0,-747.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2465272,161964,Consumer loans,8233.425,202320.0,182088.0,20232.0,202320.0,MONDAY,14,Y,1,0.1089090909090909,,,XAP,Approved,-928,Cash through the bank,XAP,Unaccompanied,New,Homewares,POS,XNA,Country-wide,12,Construction,36.0,middle,POS other with interest,365243.0,-892.0,158.0,-382.0,-376.0,0.0,0,Cash loans,F,N,Y,0,112500.0,278460.0,20947.5,225000.0,Unaccompanied,Pensioner,Higher education,Separated,House / apartment,0.0105,-22742,365243,-3664.0,-6226,,1,0,0,1,0,0,,1.0,3,3,FRIDAY,11,0,0,0,0,0,0,XNA,,0.5228266947552918,0.6894791426446275,0.0567,0.0309,0.9786,0.7076,0.0083,0.04,0.0345,0.3333,0.0417,0.0266,0.0454,0.0386,0.0039,0.0047,0.0578,0.0321,0.9786,0.7190000000000001,0.0084,0.0403,0.0345,0.3333,0.0417,0.0273,0.0496,0.0402,0.0039,0.005,0.0573,0.0309,0.9786,0.7115,0.0084,0.04,0.0345,0.3333,0.0417,0.0271,0.0462,0.0393,0.0039,0.0048,reg oper spec account,,0.0314,"Stone, brick",No,0.0,0.0,0.0,0.0,-928.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1414922,431275,Consumer loans,9371.16,96709.5,96709.5,0.0,96709.5,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-441,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,110,Connectivity,12.0,low_normal,POS mobile without interest,365243.0,-410.0,-80.0,-80.0,-76.0,0.0,0,Cash loans,M,Y,N,0,234000.0,733315.5,49005.0,679500.0,Other_B,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.035792000000000004,-9280,-1932,-4009.0,-1950,13.0,1,1,0,1,1,0,Drivers,1.0,2,2,SATURDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.4320075014497496,,,,0.9841,,,,,,,,,0.0182,,,,,0.9841,,,,,,,,,0.0189,,,,,0.9841,,,,,,,,,0.0185,,,,,0.0179,,No,0.0,0.0,0.0,0.0,-161.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2689815,211940,Consumer loans,6889.995,59040.0,54166.5,9000.0,59040.0,SATURDAY,16,Y,1,0.15517431204543833,,,XAP,Approved,-1307,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,30,Connectivity,10.0,high,POS mobile with interest,365243.0,-1266.0,-996.0,-996.0,-990.0,0.0,0,Cash loans,F,N,Y,1,180000.0,711000.0,23625.0,711000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-15077,-465,-8849.0,-3577,,1,1,0,1,1,0,Private service staff,3.0,1,1,THURSDAY,16,0,0,0,0,0,0,Trade: type 3,,0.7694593999579067,0.6832688314232291,0.1237,0.0541,0.9836,0.7756,0.2165,0.08,0.0345,0.5833,0.0417,0.0,0.1009,0.1156,0.0,0.0617,0.1261,0.0562,0.9836,0.7844,0.2185,0.0806,0.0345,0.5833,0.0417,0.0,0.1102,0.1204,0.0,0.0653,0.1249,0.0541,0.9836,0.7786,0.2179,0.08,0.0345,0.5833,0.0417,0.0,0.1026,0.1177,0.0,0.063,reg oper account,block of flats,0.1184,"Stone, brick",No,0.0,0.0,0.0,0.0,-1307.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2794595,216975,Consumer loans,17041.14,91620.0,96457.5,0.0,91620.0,SATURDAY,16,Y,1,0.0,,,XAP,Approved,-573,Cash through the bank,XAP,,New,Construction Materials,POS,XNA,Stone,20,Construction,6.0,low_normal,POS industry with interest,365243.0,-541.0,-391.0,-391.0,-385.0,0.0,0,Cash loans,F,Y,Y,0,90000.0,454500.0,13419.0,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-20719,365243,-9555.0,-4137,1.0,1,0,0,1,1,0,,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,XNA,,0.6388406902623383,,0.0959,,0.9871,,,0.08,0.0345,0.5417,,,,0.0892,,0.0405,0.0977,,0.9871,,,0.0806,0.0345,0.5417,,,,0.0929,,0.0429,0.0968,,0.9871,,,0.08,0.0345,0.5417,,,,0.0908,,0.0413,,block of flats,0.0789,"Stone, brick",No,1.0,0.0,1.0,0.0,-573.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1850719,312383,Consumer loans,4549.725,30735.0,23220.0,9220.5,30735.0,FRIDAY,10,Y,1,0.30955018348276764,,,XAP,Approved,-220,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Stone,15,Consumer electronics,6.0,middle,POS mobile with interest,365243.0,-190.0,-40.0,-160.0,-155.0,1.0,0,Cash loans,F,Y,Y,0,171000.0,254700.0,15709.5,225000.0,Unaccompanied,Pensioner,Higher education,Widow,House / apartment,0.0038179999999999998,-24118,365243,-2936.0,-4578,11.0,1,0,0,1,1,0,,1.0,2,2,MONDAY,8,0,0,0,0,0,0,XNA,,0.6766002632736109,0.7136313997323308,0.0825,0.0456,0.9841,0.7824,0.0546,0.0,0.1379,0.1667,0.0417,0.0498,0.0664,0.0773,0.0039,0.0047,0.084,0.0474,0.9841,0.7909,0.0551,0.0,0.1379,0.1667,0.0417,0.0509,0.0725,0.0805,0.0039,0.005,0.0833,0.0456,0.9841,0.7853,0.055,0.0,0.1379,0.1667,0.0417,0.0506,0.0676,0.0787,0.0039,0.0048,reg oper account,block of flats,0.0618,Block,No,0.0,0.0,0.0,0.0,-509.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2231771,265413,Revolving loans,11250.0,225000.0,225000.0,,225000.0,TUESDAY,13,Y,1,,,,XAP,Refused,-861,XNA,SCO,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,Y,Y,0,247500.0,497520.0,31954.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-16984,-1970,-5256.0,-488,9.0,1,1,0,1,1,0,Drivers,2.0,2,2,TUESDAY,7,0,0,0,1,1,0,Self-employed,0.6862744087494936,0.5918305028241804,0.5779691187553125,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1186871,384840,Consumer loans,2591.73,23805.0,21217.5,4500.0,23805.0,SUNDAY,11,Y,1,0.19056708820488347,,,XAP,Approved,-1668,XNA,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,high,POS mobile with interest,365243.0,-1637.0,-1307.0,-1307.0,-1304.0,0.0,0,Cash loans,F,N,N,0,90000.0,765000.0,22365.0,765000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.030755,-17920,-630,-7886.0,-1413,,1,1,1,1,1,0,Cleaning staff,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Business Entity Type 2,,0.7372280507790657,0.7076993447402619,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1668.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2303731,266373,Consumer loans,15118.83,138847.5,83308.5,55539.0,138847.5,SUNDAY,10,Y,1,0.4356363636363636,,,XAP,Approved,-132,Cash through the bank,XAP,Other_B,Refreshed,Clothing and Accessories,POS,XNA,Country-wide,80,Clothing,6.0,low_normal,POS industry with interest,365243.0,-102.0,48.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,N,0,67500.0,180000.0,9000.0,180000.0,Unaccompanied,Pensioner,Lower secondary,Single / not married,House / apartment,0.020246,-19785,365243,-8803.0,-3330,,1,0,0,1,0,0,,1.0,3,3,SATURDAY,7,0,0,0,0,0,0,XNA,,0.2929628586027528,0.8245949709919925,0.0124,0.0,0.9692,0.5784,0.02,0.0,0.069,0.0417,0.0833,0.0404,0.0101,0.0178,0.0,0.0,0.0126,0.0,0.9692,0.5949,0.0202,0.0,0.069,0.0417,0.0833,0.0413,0.011,0.0186,0.0,0.0,0.0125,0.0,0.9692,0.584,0.0201,0.0,0.069,0.0417,0.0833,0.0411,0.0103,0.0182,0.0,0.0,reg oper account,block of flats,0.014,Wooden,No,3.0,0.0,3.0,0.0,-1409.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2431110,262127,Cash loans,22189.86,445500.0,527827.5,,445500.0,THURSDAY,9,Y,1,,,,XNA,Refused,-426,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Revolving loans,F,N,Y,0,135000.0,382500.0,19125.0,382500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.019101,-22262,365243,-9150.0,-5116,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,XNA,,0.6305869193329021,0.5585066276769286,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1785.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1519800,395362,Cash loans,21177.99,180000.0,191880.0,0.0,180000.0,WEDNESDAY,17,Y,1,0.0,,,XNA,Approved,-2278,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-2248.0,-1918.0,-2068.0,-2064.0,1.0,0,Cash loans,M,Y,Y,0,360000.0,1096020.0,56092.5,900000.0,Family,Working,Secondary / secondary special,Married,Municipal apartment,0.011656999999999999,-17844,-3432,-327.0,-1363,15.0,1,1,0,1,1,0,Laborers,2.0,1,1,SATURDAY,10,0,0,0,0,0,0,Business Entity Type 2,,0.6989224389486206,0.1510075350878296,0.0979,0.0949,0.9826,0.762,0.0,0.0,0.2414,0.1667,0.2083,0.0913,0.0799,0.0949,0.0,0.0,0.0998,0.0984,0.9826,0.7713,0.0,0.0,0.2414,0.1667,0.2083,0.0934,0.0872,0.0989,0.0,0.0,0.0989,0.0949,0.9826,0.7652,0.0,0.0,0.2414,0.1667,0.2083,0.0929,0.0812,0.0966,0.0,0.0,not specified,block of flats,0.0998,"Stone, brick",No,0.0,0.0,0.0,0.0,-3161.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2283335,251503,Cash loans,25897.185,315000.0,404833.5,,315000.0,TUESDAY,12,Y,1,,,,XNA,Approved,-508,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-478.0,212.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,1,157500.0,536917.5,19413.0,463500.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.0228,-13137,-1515,-2096.0,-4196,6.0,1,1,0,1,1,0,Core staff,3.0,2,2,SATURDAY,14,0,0,0,0,0,0,Kindergarten,0.6977729587496152,0.6625472075279341,0.5691487713619409,0.033,,0.9752,0.66,,0.0,0.069,0.125,0.0417,,0.0269,0.0257,0.0,0.0,0.0336,,0.9752,0.6733,,0.0,0.069,0.125,0.0417,,0.0294,0.0268,0.0,0.0,0.0333,,0.9752,0.6645,,0.0,0.069,0.125,0.0417,,0.0274,0.0262,0.0,0.0,reg oper account,block of flats,0.0222,"Stone, brick",No,0.0,0.0,0.0,0.0,-1078.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1115949,335989,Cash loans,22429.305,94500.0,109971.0,0.0,94500.0,TUESDAY,14,Y,1,0.0,,,Repairs,Refused,-2049,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,,,,,,,0,Cash loans,M,N,Y,0,270000.0,263686.5,29952.0,238500.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.025164,-13173,-394,-193.0,-3240,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Construction,,0.03421248718815415,0.2650494299443805,0.0722,0.0465,0.9717,0.6124,0.0319,0.0,0.2069,0.1667,0.2083,0.0536,0.058,0.0893,0.0039,0.0069,0.0735,0.0482,0.9717,0.6276,0.0322,0.0,0.2069,0.1667,0.2083,0.0548,0.0634,0.093,0.0039,0.0073,0.0729,0.0465,0.9717,0.6176,0.0321,0.0,0.2069,0.1667,0.2083,0.0545,0.059,0.0909,0.0039,0.006999999999999999,reg oper account,block of flats,0.0873,Block,No,2.0,1.0,2.0,1.0,-131.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,2.0,0.0,0.0,0.0,0.0,1.0 +2424793,315456,Consumer loans,10373.715,92205.0,101943.0,0.0,92205.0,SATURDAY,19,Y,1,0.0,,,XAP,Approved,-919,Cash through the bank,XAP,Other_A,Repeater,Audio/Video,POS,XNA,Country-wide,150,Consumer electronics,12.0,middle,POS household with interest,365243.0,-888.0,-558.0,-618.0,-610.0,0.0,0,Cash loans,M,Y,Y,0,162000.0,450000.0,24412.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.010147,-10133,-1292,-4765.0,-2819,6.0,1,1,1,1,1,0,Drivers,1.0,2,2,MONDAY,9,0,0,0,1,1,0,Other,,0.19432464532193852,0.4794489811780563,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-314.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,0.0 +2309077,162876,Cash loans,14871.24,229500.0,254340.0,,229500.0,THURSDAY,11,Y,1,,,,XNA,Approved,-771,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,AP+ (Cash loan),5,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-741.0,-51.0,-171.0,-166.0,1.0,0,Cash loans,M,Y,Y,0,157500.0,225000.0,12694.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-23951,365243,-8659.0,-4218,1.0,1,0,0,1,0,0,,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,XNA,0.7979926226248941,0.3294852854420254,0.2778856891082046,0.1485,0.1112,0.9826,0.762,0.03,0.08,0.069,0.3333,0.375,0.0779,0.121,0.0894,0.0,0.0,0.1513,0.1154,0.9826,0.7713,0.0303,0.0806,0.069,0.3333,0.375,0.0797,0.1322,0.0932,0.0,0.0,0.1499,0.1112,0.9826,0.7652,0.0302,0.08,0.069,0.3333,0.375,0.0793,0.1231,0.091,0.0,0.0,reg oper account,block of flats,0.1156,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2619654,240643,Cash loans,43551.0,1350000.0,1350000.0,,1350000.0,WEDNESDAY,11,Y,1,,,,XNA,Refused,-333,XNA,HC,Family,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,N,0,315000.0,1260000.0,36841.5,1260000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-16648,-1203,-2979.0,-195,4.0,1,1,1,1,0,0,,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,Self-employed,,0.6076087425021077,0.33285056416487313,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1784.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1949144,319810,Consumer loans,4512.06,39726.0,39726.0,0.0,39726.0,TUESDAY,13,Y,1,0.0,,,XAP,Approved,-452,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,25,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-331.0,-61.0,-271.0,-258.0,0.0,1,Cash loans,F,Y,N,0,112500.0,1006920.0,51543.0,900000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.008068,-8477,-197,-67.0,-992,17.0,1,1,0,1,0,0,Laborers,2.0,3,3,SATURDAY,11,0,0,0,0,0,0,Medicine,,0.02655377264347401,0.2851799046358216,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-56.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +2014725,323830,Cash loans,16741.035,363049.47,430139.97,,363049.47,WEDNESDAY,8,Y,1,,,,XNA,Approved,-1254,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash Street: middle,365243.0,-1224.0,186.0,-984.0,-977.0,1.0,0,Cash loans,M,Y,Y,0,225000.0,640080.0,31261.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-21163,-12317,-4959.0,-4376,22.0,1,1,0,1,0,0,,2.0,2,2,THURSDAY,8,0,0,0,0,0,0,Business Entity Type 2,,0.2925236847720573,0.6801388218428291,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1355953,287954,Cash loans,9285.66,180000.0,217773.0,,180000.0,SATURDAY,11,Y,1,,,,XNA,Approved,-1109,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-1079.0,331.0,-719.0,-715.0,1.0,0,Cash loans,F,N,Y,0,135000.0,80865.0,3690.0,67500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.010276,-21951,365243,-10675.0,-4227,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,0.7637660259594878,0.7672838295095585,0.511891801533151,0.0969,0.07200000000000001,0.9881,0.8368,0.0171,0.1,0.0862,0.3333,0.375,0.0764,0.079,0.1039,0.0,0.0,0.084,0.0606,0.9846,0.7975,0.0137,0.0806,0.069,0.3333,0.375,0.039,0.0735,0.0971,0.0,0.0,0.0978,0.07200000000000001,0.9881,0.8390000000000001,0.0172,0.1,0.0862,0.3333,0.375,0.0777,0.0804,0.1058,0.0,0.0,reg oper account,block of flats,0.0807,Panel,No,1.0,0.0,1.0,0.0,-1805.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1905689,409280,Revolving loans,22500.0,0.0,450000.0,,,MONDAY,8,Y,1,,,,XAP,Approved,-676,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,292500.0,1125000.0,36423.0,1125000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.010006000000000001,-20019,-6748,-1981.0,-3538,,1,1,1,1,0,0,Core staff,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Self-employed,0.7110434004059119,0.16698461449754176,0.3425288720742255,0.3268,0.2138,0.997,0.9592,0.2298,0.36,0.3103,0.3333,0.375,0.2193,0.2631,0.3633,0.0154,0.0497,0.333,0.2219,0.997,0.9608,0.2319,0.3625,0.3103,0.3333,0.375,0.2243,0.2874,0.3785,0.0156,0.0526,0.33,0.2138,0.997,0.9597,0.2312,0.36,0.3103,0.3333,0.375,0.2231,0.2676,0.3698,0.0155,0.0507,reg oper account,block of flats,0.2857,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2024169,226964,Cash loans,21959.865,360000.0,393264.0,,360000.0,WEDNESDAY,16,Y,1,,,,XNA,Approved,-996,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-966.0,-276.0,-876.0,-873.0,1.0,0,Cash loans,M,Y,Y,0,180000.0,607500.0,25866.0,607500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-23534,365243,-9138.0,-4678,8.0,1,0,0,1,0,0,,2.0,2,2,FRIDAY,16,0,0,0,0,0,0,XNA,,0.5348296437518405,0.7136313997323308,0.0814,0.0341,0.9876,0.83,,0.08,0.0345,0.625,0.0417,0.1015,,0.1064,,0.0745,0.083,0.0354,0.9876,0.8367,,0.0806,0.0345,0.625,0.0417,0.1038,,0.1109,,0.0789,0.0822,0.0341,0.9876,0.8323,,0.08,0.0345,0.625,0.0417,0.1033,,0.1084,,0.0761,reg oper account,block of flats,0.1006,Panel,No,1.0,1.0,1.0,1.0,-2270.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2785984,126424,Cash loans,50788.035,1552500.0,1736937.0,,1552500.0,WEDNESDAY,13,Y,1,,,,XNA,Refused,-208,XNA,HC,Family,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,Y,Y,0,292500.0,891072.0,45625.5,720000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.035792000000000004,-22982,-15021,-793.0,-1357,11.0,1,1,0,1,0,0,Managers,2.0,2,2,MONDAY,16,0,0,0,0,0,0,Government,0.5019298234346611,0.6481162264760251,0.3876253444214701,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-873.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2470211,314717,Cash loans,8539.605,67500.0,71955.0,,67500.0,SATURDAY,9,Y,1,,,,Medicine,Refused,-718,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,202500.0,493497.0,48204.0,454500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-22681,365243,-4477.0,-4642,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,0.7485536222558561,0.6851855443712483,0.30162489168411943,0.0722,0.0553,0.9811,0.7416,0.0079,0.0,0.1379,0.1667,0.2083,,0.0588,0.0636,0.0,0.0,0.0735,0.0574,0.9811,0.7517,0.008,0.0,0.1379,0.1667,0.2083,,0.0643,0.0663,0.0,0.0,0.0729,0.0553,0.9811,0.7451,0.008,0.0,0.1379,0.1667,0.2083,,0.0599,0.0648,0.0,0.0,reg oper spec account,block of flats,0.0544,Block,No,3.0,0.0,3.0,0.0,-931.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,7.0 +1145964,325613,Revolving loans,22500.0,0.0,450000.0,,,WEDNESDAY,18,Y,1,,,,XAP,Refused,-795,XNA,SCO,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,Y,Y,1,135000.0,364896.0,19233.0,315000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00702,-12279,-1522,-2776.0,-2776,16.0,1,1,0,1,0,0,Drivers,3.0,2,2,SUNDAY,11,0,0,0,1,1,0,Trade: type 3,,0.4192634876688892,0.5495965024956946,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,1.0 +1092806,180860,Cash loans,17898.39,225000.0,254700.0,,225000.0,TUESDAY,16,Y,1,,,,XNA,Approved,-1155,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-1125.0,-435.0,-435.0,-429.0,1.0,0,Cash loans,F,N,Y,0,193500.0,1298911.5,38110.5,1017000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.072508,-16673,-936,-7307.0,-203,,1,1,0,1,1,0,Core staff,2.0,1,1,TUESDAY,15,0,0,0,0,0,0,Self-employed,0.6132284689016996,0.4015659281620482,0.4543210601605785,0.0588,0.0,0.9732,0.6328,0.0076,0.0,0.1034,0.1667,0.2083,0.0454,0.0479,0.0477,0.0,0.003,0.0599,0.0,0.9732,0.6472,0.0076,0.0,0.1034,0.1667,0.2083,0.0464,0.0523,0.0497,0.0,0.0032,0.0593,0.0,0.9732,0.6377,0.0076,0.0,0.1034,0.1667,0.2083,0.0462,0.0487,0.0486,0.0,0.0031,reg oper account,block of flats,0.0382,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1997120,339988,Cash loans,,0.0,0.0,,,TUESDAY,14,Y,1,,,,XNA,Refused,-311,XNA,HC,,Repeater,XNA,XNA,XNA,Contact center,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,Y,N,0,180000.0,1110492.0,47178.0,1021500.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,House / apartment,0.018029,-15981,-992,-5938.0,-4565,24.0,1,1,0,1,0,0,Accountants,1.0,3,3,FRIDAY,10,0,0,0,0,0,0,Other,,0.4731361180483325,,0.066,0.0909,0.9856,0.8028,0.0709,0.0,0.1379,0.1667,0.2083,0.0224,0.0513,0.0467,0.0077,0.0093,0.0672,0.0943,0.9856,0.8105,0.0715,0.0,0.1379,0.1667,0.2083,0.0229,0.056,0.0487,0.0078,0.0098,0.0666,0.0909,0.9856,0.8054,0.0713,0.0,0.1379,0.1667,0.2083,0.0228,0.0522,0.0475,0.0078,0.0095,reg oper spec account,block of flats,0.084,Panel,No,8.0,0.0,8.0,0.0,-2353.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2302268,308933,Cash loans,,0.0,0.0,,,SUNDAY,13,Y,1,,,,XNA,Refused,-381,XNA,HC,,Repeater,XNA,XNA,XNA,Contact center,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,Y,N,1,202500.0,450000.0,35554.5,450000.0,Family,Working,Incomplete higher,Married,House / apartment,0.035792000000000004,-12932,-2387,-2044.0,-4534,6.0,1,1,0,1,0,1,Drivers,3.0,2,2,TUESDAY,18,0,0,0,0,0,0,Other,0.4082757477835027,0.7156518526516379,0.4686596550493113,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-2074.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,3.0 +1512221,272995,Cash loans,35613.0,1350000.0,1350000.0,,1350000.0,SATURDAY,15,Y,1,,,,XNA,Refused,-391,XNA,HC,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,114421.5,269550.0,10395.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.030755,-16654,-5100,-4810.0,-206,,1,1,1,1,1,0,,2.0,2,2,FRIDAY,11,0,0,0,0,1,1,Industry: type 3,,0.5508804945671042,0.4436153084085652,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1959.0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1922726,373079,Cash loans,25128.0,450000.0,450000.0,,450000.0,THURSDAY,13,Y,1,,,,XNA,Approved,-158,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-128.0,562.0,-68.0,-64.0,0.0,0,Cash loans,M,N,Y,0,157500.0,254700.0,27558.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,With parents,0.0105,-9593,-281,-4389.0,-2244,,1,1,0,1,0,0,Cooking staff,2.0,3,3,MONDAY,11,0,0,0,0,1,1,Agriculture,,0.3575531795935343,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-158.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1588983,421116,Consumer loans,21268.53,129726.0,109237.5,25965.0,129726.0,SATURDAY,14,Y,1,0.2091547527194057,,,XAP,Approved,-1199,Cash through the bank,XAP,,Refreshed,Computers,POS,XNA,Country-wide,38,Connectivity,6.0,high,POS mobile with interest,365243.0,-1148.0,-998.0,-998.0,-995.0,0.0,0,Cash loans,M,Y,Y,0,126000.0,193500.0,15102.0,193500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-12697,-1641,-6604.0,-4780,2.0,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,13,0,0,0,0,0,0,School,0.3073732953889063,0.6193836576964615,0.3910549766342248,0.0082,0.0045,0.9503,0.32,0.0014,0.0,0.0345,0.0,0.0417,0.0378,0.0067,0.0026,0.0,0.0,0.0084,0.0047,0.9503,0.3466,0.0014,0.0,0.0345,0.0,0.0417,0.0387,0.0073,0.0027,0.0,0.0,0.0083,0.0045,0.9503,0.3291,0.0014,0.0,0.0345,0.0,0.0417,0.0385,0.0068,0.0027,0.0,0.0,reg oper account,specific housing,0.0028,Wooden,No,4.0,1.0,4.0,1.0,-2689.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1910788,244537,Revolving loans,11250.0,0.0,225000.0,,,THURSDAY,12,Y,1,,,,XAP,Approved,-676,XNA,XAP,,Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-675.0,-631.0,365243.0,-478.0,365243.0,0.0,0,Cash loans,F,N,N,0,67500.0,490536.0,23989.5,405000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.010556,-11705,-3515,-5834.0,-2301,,1,1,0,1,0,0,IT staff,2.0,3,3,MONDAY,12,0,0,0,0,0,0,Postal,0.3607463808191495,0.7858666852892174,0.6706517530862718,0.032,0.0397,0.9757,0.5988,0.0028,0.0,0.069,0.125,0.1667,0.0201,0.0252,0.0236,0.0039,0.0052,0.0326,0.0412,0.9757,0.6145,0.0028,0.0,0.069,0.125,0.1667,0.0206,0.0275,0.0246,0.0039,0.0055,0.0323,0.0397,0.9757,0.6042,0.0028,0.0,0.069,0.125,0.1667,0.0204,0.0257,0.024,0.0039,0.0053,reg oper account,block of flats,0.0212,"Stone, brick",No,0.0,0.0,0.0,0.0,-1970.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1136060,202431,Cash loans,16591.5,135000.0,135000.0,0.0,135000.0,THURSDAY,12,Y,1,0.0,,,XNA,Approved,-2685,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,10,Consumer electronics,10.0,middle,Cash Street: middle,365243.0,-2655.0,-2385.0,-2385.0,-2381.0,0.0,1,Cash loans,F,N,N,1,90000.0,1174005.0,78768.0,1125000.0,Unaccompanied,State servant,Secondary / secondary special,Married,Municipal apartment,0.072508,-17637,-5283,-8118.0,-1189,,1,1,0,1,0,0,Laborers,3.0,1,1,MONDAY,10,0,0,0,0,0,0,Security Ministries,,0.7076287543105753,0.7838324335199619,0.034,0.0754,0.9593,0.4424,0.0581,0.0,0.1379,0.125,0.1667,0.0,0.0269,0.05,0.0039,0.0468,0.0347,0.0782,0.9593,0.4642,0.0587,0.0,0.1379,0.125,0.1667,0.0,0.0294,0.0521,0.0039,0.0496,0.0344,0.0754,0.9593,0.4499,0.0585,0.0,0.1379,0.125,0.1667,0.0,0.0274,0.0509,0.0039,0.0478,reg oper account,block of flats,0.0495,Others,No,0.0,0.0,0.0,0.0,-988.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1518435,403336,Consumer loans,32690.925,90000.0,92376.0,0.0,90000.0,SUNDAY,10,Y,1,0.0,,,XAP,Approved,-670,Cash through the bank,XAP,Family,Refreshed,Consumer Electronics,POS,XNA,Stone,28,Consumer electronics,3.0,middle,POS household with interest,365243.0,-639.0,-579.0,-579.0,-572.0,0.0,0,Cash loans,F,N,N,1,171000.0,679500.0,27076.5,679500.0,Family,Working,Secondary / secondary special,Single / not married,Municipal apartment,0.006852,-14445,-378,-5702.0,-2115,,1,1,1,1,1,0,High skill tech staff,2.0,3,3,FRIDAY,6,0,0,0,0,0,0,Other,0.4373065787935045,0.16511624881785322,0.7324033228040929,0.0124,,0.9821,,,,,0.0,,,,0.0098,,,0.0126,,0.9821,,,,,0.0,,,,0.0102,,,0.0125,,0.9821,,,,,0.0,,,,0.01,,,,block of flats,0.0077,Others,Yes,3.0,1.0,3.0,1.0,-502.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1568349,186855,Consumer loans,20993.085,224910.0,224910.0,0.0,224910.0,THURSDAY,15,Y,1,0.0,,,XAP,Approved,-733,Cash through the bank,XAP,,Refreshed,Furniture,POS,XNA,Stone,63,Furniture,12.0,low_normal,POS industry with interest,365243.0,-698.0,-368.0,-458.0,-450.0,0.0,0,Cash loans,F,Y,N,1,175500.0,1724220.0,50544.0,1350000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.01885,-11706,-1114,-4253.0,-411,6.0,1,1,0,1,1,0,Core staff,3.0,2,2,TUESDAY,13,0,0,0,0,1,1,Trade: type 3,,0.7131399057882585,,0.5670000000000001,0.1011,0.9891,0.8504,0.0544,0.0,0.2069,0.1667,,0.079,0.1597,0.0493,1.0,0.1367,0.5777,0.1049,0.9891,0.8563,0.0549,0.0,0.2069,0.1667,,0.0808,0.1745,0.0514,1.0,0.1447,0.5725,0.1011,0.9891,0.8524,0.0547,0.0,0.2069,0.1667,,0.0803,0.1625,0.0502,1.0,0.1396,,block of flats,0.0685,Panel,No,2.0,0.0,2.0,0.0,-2964.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1306798,360783,Cash loans,16228.665,225000.0,247275.0,,225000.0,SATURDAY,9,Y,1,,,,XNA,Approved,-199,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-169.0,341.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,76500.0,284400.0,16011.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.031329,-24061,365243,-3707.0,-3997,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,7,0,0,0,0,0,0,XNA,,0.7142212660963136,0.8224987619370829,0.0722,0.0642,0.9786,0.7076,0.0266,0.0,0.1379,0.1667,0.2083,0.1524,0.058,0.0647,0.0039,0.0036,0.0735,0.0666,0.9786,0.7190000000000001,0.0269,0.0,0.1379,0.1667,0.2083,0.1559,0.0634,0.0674,0.0039,0.0038,0.0729,0.0642,0.9786,0.7115,0.0268,0.0,0.1379,0.1667,0.2083,0.1551,0.059,0.0658,0.0039,0.0037,reg oper account,block of flats,0.0662,Block,No,0.0,0.0,0.0,0.0,-1608.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1378520,134289,Consumer loans,5500.485,47655.0,55201.5,0.0,47655.0,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-1090,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,15,Connectivity,18.0,high,POS mobile with interest,365243.0,-1058.0,-548.0,-548.0,-543.0,0.0,0,Cash loans,F,N,Y,0,112500.0,384048.0,18810.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.010966,-9253,-643,-5984.0,-1919,,1,1,0,1,0,0,Sales staff,1.0,2,2,THURSDAY,9,0,0,0,0,1,1,Trade: type 3,,0.3843230625731375,0.30162489168411943,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-261.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2774091,438026,Consumer loans,17630.235,164385.0,158688.0,16438.5,164385.0,SATURDAY,9,Y,1,0.10222907960297788,,,XAP,Approved,-1209,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Regional / Local,180,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1177.0,-907.0,-907.0,-900.0,0.0,0,Cash loans,F,N,Y,0,112500.0,284400.0,16011.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.007305,-24587,365243,-11255.0,-468,,1,0,0,1,0,0,,2.0,3,3,THURSDAY,7,0,0,0,0,0,0,XNA,,0.1438349436356874,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-250.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1106398,141645,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,14,Y,1,,,,XAP,Approved,-365,XNA,XAP,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-339.0,-204.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,112500.0,314100.0,21375.0,225000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.016612000000000002,-12340,-521,-12282.0,-9,,1,1,0,1,1,0,Laborers,3.0,2,2,THURSDAY,17,0,0,0,0,0,0,Industry: type 4,0.586916204987306,0.442726230990118,0.6512602186973006,0.1134,0.1261,0.9717,0.6124,0.153,0.0,0.2069,0.1667,0.2083,0.0933,0.0883,0.1337,0.0193,0.0118,0.1155,0.1309,0.9717,0.6276,0.1544,0.0,0.2069,0.1667,0.2083,0.0954,0.0964,0.1393,0.0195,0.0125,0.1145,0.1261,0.9717,0.6176,0.1539,0.0,0.2069,0.1667,0.2083,0.0949,0.0898,0.1361,0.0194,0.0121,reg oper spec account,block of flats,0.1914,"Stone, brick",No,0.0,0.0,0.0,0.0,-125.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2569440,388329,Cash loans,36706.275,675000.0,792108.0,,675000.0,SATURDAY,11,Y,1,,,,Purchase of electronic equipment,Refused,-360,Cash through the bank,SCOFR,Unaccompanied,Repeater,XNA,Cash,walk-in,Country-wide,44,Connectivity,36.0,middle,Cash Street: middle,,,,,,,1,Cash loans,M,N,Y,0,126000.0,640080.0,31261.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-11865,-502,-906.0,-3674,,1,1,0,1,0,0,Laborers,2.0,3,3,TUESDAY,6,0,0,0,0,1,1,Business Entity Type 3,,0.10544067002472528,0.5478104658520093,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-845.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2339132,167245,Cash loans,12587.4,270000.0,270000.0,,270000.0,MONDAY,13,Y,1,,,,XNA,Approved,-256,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-226.0,1184.0,-106.0,-103.0,0.0,0,Cash loans,M,N,N,0,315000.0,397017.0,23989.5,301500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018801,-15934,-759,-130.0,-4501,,1,1,0,1,0,0,Core staff,2.0,2,2,FRIDAY,7,0,0,0,0,0,0,Business Entity Type 3,0.4894279197842752,0.5760903375430992,0.2314393514998941,0.0412,0.0405,0.9737,0.6396,0.0247,0.0,0.069,0.1667,0.2083,0.0178,0.0336,0.0313,0.0,0.0,0.042,0.042,0.9737,0.6537,0.0249,0.0,0.069,0.1667,0.2083,0.0182,0.0367,0.0326,0.0,0.0,0.0416,0.0405,0.9737,0.6444,0.0248,0.0,0.069,0.1667,0.2083,0.0181,0.0342,0.0319,0.0,0.0,reg oper account,block of flats,0.0381,"Stone, brick",No,2.0,0.0,2.0,0.0,-3097.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2360783,116618,Consumer loans,13444.47,141156.0,153265.5,0.0,141156.0,TUESDAY,14,Y,1,0.0,,,XAP,Approved,-370,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,150,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-339.0,-9.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,90000.0,454500.0,16452.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.014519999999999996,-14768,-1054,-1279.0,-4267,,1,1,1,1,0,0,Sales staff,1.0,2,2,FRIDAY,18,0,0,0,0,0,0,Business Entity Type 3,0.2670784362274862,0.27681666332690863,0.3360615207658242,0.1753,0.1879,0.9975,0.966,0.0287,0.0,0.2759,0.1667,0.0417,0.0455,0.1429,0.1726,0.0,0.1486,0.1786,0.195,0.9975,0.9673,0.029,0.0,0.2759,0.1667,0.0417,0.0466,0.1561,0.1798,0.0,0.1573,0.177,0.1879,0.9975,0.9665,0.0289,0.0,0.2759,0.1667,0.0417,0.0463,0.1454,0.1757,0.0,0.1517,not specified,block of flats,0.1837,"Stone, brick",No,4.0,1.0,4.0,0.0,-2193.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +2642919,246714,Cash loans,34073.19,292500.0,308718.0,0.0,292500.0,TUESDAY,10,Y,1,0.0,,,XNA,Approved,-1591,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,high,Cash X-Sell: high,365243.0,-1561.0,-1231.0,-1231.0,-1229.0,1.0,0,Cash loans,M,Y,Y,1,135000.0,1125000.0,33025.5,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.04622,-16747,-2652,-5644.0,-294,8.0,1,1,0,1,0,0,Drivers,2.0,1,1,THURSDAY,11,1,0,1,1,0,1,Transport: type 3,0.6866587197794947,0.7526557635342199,0.5937175866150576,0.1237,0.1108,0.9876,0.83,,0.12,0.1034,0.375,0.4167,0.2906,0.1009,0.1331,0.0,0.0628,0.1261,0.115,0.9876,0.8367,,0.1208,0.1034,0.375,0.4167,0.2972,0.1102,0.1387,0.0,0.0664,0.1249,0.1108,0.9876,0.8323,,0.12,0.1034,0.375,0.4167,0.2956,0.1026,0.1355,0.0,0.0641,reg oper account,block of flats,0.1183,Panel,No,0.0,0.0,0.0,0.0,-1505.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +2388656,441044,Consumer loans,2731.815,27909.0,23409.0,4500.0,27909.0,THURSDAY,12,Y,1,0.17560317786051424,,,XAP,Approved,-2616,XNA,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,54,Connectivity,12.0,high,POS household with interest,365243.0,-2577.0,-2247.0,-2247.0,-2242.0,0.0,0,Cash loans,M,N,Y,0,270000.0,970380.0,28503.0,810000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.030755,-19015,-1049,-10799.0,-2441,,1,1,0,1,0,0,Security staff,2.0,2,2,TUESDAY,13,0,1,1,1,1,1,Security,,0.5197544229208692,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1894.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2463487,420289,Consumer loans,2056.635,11205.0,10084.5,1120.5,11205.0,MONDAY,12,Y,1,0.1089090909090909,,,XAP,Approved,-260,Cash through the bank,XAP,"Spouse, partner",Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,6.0,high,POS mobile with interest,365243.0,-230.0,-80.0,-230.0,-226.0,0.0,0,Cash loans,F,Y,N,0,135000.0,101880.0,11623.5,90000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.020713,-10926,-2401,-866.0,-1839,11.0,1,1,1,1,1,0,Sales staff,2.0,3,3,MONDAY,11,0,0,0,0,0,0,Trade: type 2,0.2775398167052485,0.29991321336540194,0.4543210601605785,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-630.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2001513,246590,Consumer loans,10304.91,91660.5,107302.5,0.0,91660.5,MONDAY,10,Y,1,0.0,,,XAP,Approved,-26,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,31,Connectivity,18.0,high,POS mobile with interest,365243.0,365243.0,514.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,63900.0,738567.0,23823.0,616500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.015221,-19974,-5929,-11268.0,-3504,,1,1,1,1,0,0,Managers,2.0,2,2,SATURDAY,8,0,0,0,0,0,0,Medicine,,0.5579625618389793,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1980.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2570514,110374,Cash loans,28520.685,508500.0,707103.0,,508500.0,MONDAY,18,Y,1,,,,XNA,Approved,-271,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-241.0,1169.0,-31.0,-27.0,1.0,0,Cash loans,F,N,Y,1,112500.0,521280.0,31630.5,450000.0,Family,Commercial associate,Lower secondary,Single / not married,House / apartment,0.04622,-13142,-602,-7135.0,-539,,1,1,0,1,1,0,Laborers,2.0,1,1,SATURDAY,11,0,0,0,0,1,1,Trade: type 7,0.4745273201681741,0.6832010533189734,0.23791607950711405,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1449.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,9.0 +1054408,295564,Consumer loans,2652.03,27225.0,22725.0,4500.0,27225.0,MONDAY,13,Y,1,0.18001502629601804,,,XAP,Approved,-2576,XNA,XAP,,Repeater,Audio/Video,POS,XNA,Stone,5,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-2513.0,-2183.0,-2183.0,-2178.0,0.0,0,Cash loans,M,Y,N,0,99000.0,135000.0,9396.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.010276,-12306,-5038,-4668.0,-4678,2.0,1,1,1,1,0,0,Laborers,1.0,2,2,MONDAY,13,0,0,0,0,0,0,Housing,0.2502479483394546,0.6212738055670513,0.7016957740576931,0.0722,0.0672,0.9811,0.7416,0.0274,0.0,0.1379,0.1667,0.2083,0.0,0.0588,0.0661,0.0,0.0,0.0735,0.0698,0.9811,0.7517,0.0277,0.0,0.1379,0.1667,0.2083,0.0,0.0643,0.0688,0.0,0.0,0.0729,0.0672,0.9811,0.7451,0.0276,0.0,0.1379,0.1667,0.2083,0.0,0.0599,0.0673,0.0,0.0,reg oper account,block of flats,0.067,"Stone, brick",No,0.0,0.0,0.0,0.0,-1507.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2416038,452395,Consumer loans,5909.805,57267.0,63315.0,0.0,57267.0,TUESDAY,7,Y,1,0.0,,,XAP,Approved,-678,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,2200,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-646.0,-316.0,-316.0,-309.0,0.0,0,Cash loans,M,Y,N,0,90000.0,239850.0,25317.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.0038130000000000004,-24526,365243,-4596.0,-4597,15.0,1,0,0,1,1,0,,2.0,2,2,MONDAY,9,0,0,0,0,0,0,XNA,,0.16337525160745042,0.7194907850918436,0.0598,0.0619,0.9925,,,0.0,0.1379,0.1667,,,,0.0666,,0.006,0.0609,0.0643,0.9926,,,0.0,0.1379,0.1667,,,,0.0694,,0.0064,0.0604,0.0619,0.9925,,,0.0,0.1379,0.1667,,,,0.0678,,0.0061,,block of flats,0.0537,Panel,No,0.0,0.0,0.0,0.0,-1343.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2059029,345696,Consumer loans,6370.515,37440.0,38353.5,3744.0,37440.0,TUESDAY,19,Y,1,0.0968598221660755,,,XAP,Approved,-515,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,8.0,high,POS mobile with interest,365243.0,-478.0,-268.0,-268.0,-265.0,0.0,0,Cash loans,F,Y,Y,3,135000.0,548770.5,26527.5,490500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00733,-14428,-3487,-6471.0,-4908,6.0,1,1,0,1,0,0,Laborers,5.0,2,2,SATURDAY,10,0,0,0,0,0,0,Industry: type 11,0.39847542394112506,0.17466194605720953,0.7151031019926098,0.0072,0.0,0.9513,,,0.0,0.0345,0.0,,0.0214,,0.0048,,0.0,0.0074,0.0,0.9513,,,0.0,0.0345,0.0,,0.0219,,0.005,,0.0,0.0073,0.0,0.9513,,,0.0,0.0345,0.0,,0.0218,,0.0049,,0.0,,terraced house,0.0096,Wooden,No,1.0,0.0,1.0,0.0,-907.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1633801,212476,Consumer loans,15736.095,143185.5,143185.5,0.0,143185.5,SATURDAY,17,Y,1,0.0,,,XAP,Refused,-2395,Cash through the bank,LIMIT,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,2222,Consumer electronics,12.0,high,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,171000.0,296280.0,21559.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-15111,-2019,-1179.0,-4535,,1,1,1,1,1,0,Sales staff,2.0,2,1,SUNDAY,11,0,0,0,0,0,0,Self-employed,0.3956756513535876,0.3326330700361759,0.646329897706246,0.068,0.1276,0.9811,0.7416,0.0197,0.0,0.1034,0.1667,0.2083,0.07400000000000001,0.0521,0.0924,0.0154,0.0907,0.0693,0.1324,0.9811,0.7517,0.0199,0.0,0.1034,0.1667,0.2083,0.0757,0.0569,0.0962,0.0156,0.096,0.0687,0.1276,0.9811,0.7451,0.0198,0.0,0.1034,0.1667,0.2083,0.0753,0.053,0.094,0.0155,0.0926,reg oper account,block of flats,0.1031,"Stone, brick",No,0.0,0.0,0.0,0.0,-969.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,7.0 +2450093,323029,Consumer loans,5825.52,33610.5,28309.5,6723.0,33610.5,FRIDAY,19,Y,1,0.20900472937467152,,,XAP,Approved,-325,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,35,Connectivity,6.0,high,POS mobile with interest,365243.0,-294.0,-144.0,-144.0,-141.0,0.0,0,Cash loans,F,N,Y,1,54000.0,101880.0,10939.5,90000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.005313,-11103,-580,-10828.0,-2187,,1,1,0,1,0,0,Waiters/barmen staff,3.0,2,2,MONDAY,16,0,0,0,0,0,0,Medicine,,0.18663416272066727,0.5388627065779676,0.111,0.0,0.9856,0.8028,0.0267,0.0132,0.1493,0.2221,0.0417,0.0861,0.0888,0.0913,0.0077,0.01,0.0945,0.0,0.9851,0.804,0.0145,0.0,0.2069,0.1667,0.0417,0.0705,0.0826,0.0933,0.0,0.0,0.0937,0.0,0.9861,0.8121,0.0145,0.0,0.2069,0.1667,0.0417,0.0724,0.077,0.0938,0.0,0.0,reg oper account,block of flats,0.0804,Panel,No,8.0,2.0,8.0,0.0,-325.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2385792,385943,Revolving loans,9000.0,180000.0,180000.0,,180000.0,SUNDAY,12,Y,1,,,,XAP,Approved,-210,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-208.0,-163.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,90000.0,384048.0,18810.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.019101,-11031,-722,-3861.0,-3470,,1,1,0,1,0,0,Laborers,1.0,2,2,SUNDAY,11,0,0,0,0,1,1,Industry: type 4,,0.5106497852107376,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-210.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2674390,181972,Consumer loans,2997.675,24822.0,27279.0,0.0,24822.0,SATURDAY,15,Y,1,0.0,,,XAP,Approved,-99,Cash through the bank,XAP,,Repeater,Jewelry,POS,XNA,Country-wide,60,Jewelry,10.0,low_normal,POS others without interest,365243.0,-66.0,204.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,1,135000.0,547344.0,19791.0,472500.0,Unaccompanied,Commercial associate,Higher education,Married,With parents,0.01885,-14760,-1495,-1010.0,-1403,,1,1,0,1,0,1,,3.0,2,2,SUNDAY,15,0,0,0,0,0,0,Self-employed,,0.4886654842171656,0.746300213050371,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-428.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1386746,225102,Consumer loans,9534.51,157500.0,184527.0,0.0,157500.0,MONDAY,15,Y,1,0.0,,,XAP,Approved,-436,Cash through the bank,XAP,,New,Clothing and Accessories,POS,XNA,Stone,9,Clothing,24.0,low_normal,POS industry with interest,365243.0,-405.0,285.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,Y,0,135000.0,270000.0,13500.0,270000.0,Unaccompanied,State servant,Secondary / secondary special,Separated,House / apartment,0.04622,-22452,-528,-847.0,-3698,,1,1,0,1,0,0,Cleaning staff,1.0,1,1,WEDNESDAY,17,0,0,0,0,0,0,School,,0.3713084620051764,0.0005272652387098817,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-436.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1138276,323037,Cash loans,84041.775,2700000.0,2988684.0,,2700000.0,SATURDAY,11,Y,1,,,,Payments on other loans,Refused,-710,Cash through the bank,LIMIT,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,54.0,low_action,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,382500.0,518562.0,22972.5,463500.0,Unaccompanied,Pensioner,Higher education,Civil marriage,House / apartment,0.016612000000000002,-17406,365243,-6391.0,-938,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,XNA,,0.6362231051052986,0.4206109640437848,0.1474,0.1057,0.9796,0.7212,0.0613,0.16,0.1379,0.3333,0.375,0.07400000000000001,0.1194,0.1358,0.0039,0.0051,0.1502,0.1097,0.9796,0.7321,0.0618,0.1611,0.1379,0.3333,0.375,0.0756,0.1304,0.1415,0.0039,0.0054,0.1489,0.1057,0.9796,0.7249,0.0617,0.16,0.1379,0.3333,0.375,0.0752,0.1214,0.1382,0.0039,0.0052,reg oper account,block of flats,0.1414,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +2717053,262883,Cash loans,6155.1,45000.0,54580.5,,45000.0,TUESDAY,13,Y,1,,,,XNA,Approved,-542,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-512.0,-182.0,-392.0,-364.0,1.0,0,Cash loans,F,N,Y,0,67500.0,98910.0,7033.5,90000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-17354,-3989,-9814.0,-883,,1,1,0,1,1,0,Laborers,2.0,2,2,FRIDAY,8,0,0,0,0,0,0,Business Entity Type 3,,0.213687243338596,0.4902575124990026,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-417.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2687715,432644,Consumer loans,9489.33,43569.0,46530.0,4360.5,43569.0,MONDAY,8,Y,1,0.09331763117066856,,,XAP,Approved,-885,XNA,XAP,Unaccompanied,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,24,Connectivity,6.0,high,POS mobile with interest,365243.0,-854.0,-704.0,-704.0,-695.0,0.0,0,Cash loans,F,N,N,0,148500.0,239850.0,23850.0,225000.0,Unaccompanied,State servant,Higher education,Single / not married,House / apartment,0.025164,-13034,-5092,-4881.0,-4881,,1,1,1,1,1,0,HR staff,1.0,2,2,THURSDAY,12,0,0,0,0,0,0,Medicine,0.5687752482492178,0.5932771047331794,0.6706517530862718,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1132.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2154583,389608,Consumer loans,2996.415,32760.0,33367.5,3285.0,32760.0,MONDAY,12,Y,1,0.09761035772085497,,,XAP,Approved,-2187,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,61,Connectivity,16.0,high,POS mobile with interest,365243.0,-2156.0,-1706.0,-1706.0,-1698.0,0.0,0,Cash loans,M,Y,Y,1,126000.0,1164667.5,34182.0,1017000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.025164,-16279,-2595,-4101.0,-4111,6.0,1,1,0,1,0,0,,2.0,2,2,THURSDAY,10,0,0,0,0,1,1,Agriculture,,0.6518375201038521,0.5919766183185521,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-57.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1141581,239463,Cash loans,15884.775,135000.0,143910.0,,135000.0,TUESDAY,17,Y,1,,,,XNA,Approved,-1044,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,Y,0,90000.0,96696.0,6043.5,76500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.02461,-22964,365243,-13482.0,-4142,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,XNA,,0.21700902967799945,0.6380435278721609,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-82.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1257076,334267,Consumer loans,1865.88,16609.5,16425.0,1665.0,16609.5,WEDNESDAY,10,Y,1,0.10023971053821797,,,XAP,Approved,-2316,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Stone,200,Consumer electronics,12.0,high,POS household with interest,365243.0,-2285.0,-1955.0,-1955.0,-1948.0,1.0,0,Cash loans,F,N,Y,0,76500.0,95940.0,9342.0,90000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.025164,-15288,-2468,-4990.0,-4464,,1,1,1,1,0,0,Sales staff,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Self-employed,,0.6563891894245834,0.5656079814115492,0.0165,0.0007,0.9801,0.728,0.0098,0.0,0.069,0.0417,0.0833,0.0219,0.0134,0.0095,0.0,0.0246,0.0168,0.0008,0.9801,0.7387,0.0099,0.0,0.069,0.0417,0.0833,0.0224,0.0147,0.0099,0.0,0.0261,0.0167,0.0007,0.9801,0.7316,0.0099,0.0,0.069,0.0417,0.0833,0.0222,0.0137,0.0097,0.0,0.0251,reg oper account,block of flats,0.0113,Panel,No,1.0,0.0,1.0,0.0,-1317.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2550299,368361,Cash loans,36138.24,1147500.0,1314117.0,,1147500.0,SUNDAY,10,Y,1,,,,Repairs,Refused,-365,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,Y,Y,0,90000.0,785772.0,28354.5,585000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.020246,-21348,365243,-16063.0,-4682,7.0,1,0,0,1,0,0,,2.0,3,3,MONDAY,8,0,0,0,0,0,0,XNA,0.8709019095297367,0.4790649862212724,0.5100895276257282,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2053.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2641905,154601,Consumer loans,5014.89,58491.0,77022.0,0.0,58491.0,SUNDAY,11,Y,1,0.0,,,XAP,Approved,-131,XNA,XAP,,Repeater,Consumer Electronics,POS,XNA,Country-wide,60,Consumer electronics,24.0,middle,POS household with interest,,,,,,,0,Cash loans,M,N,Y,0,135000.0,738108.0,49455.0,630000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.018801,-9204,-593,-3621.0,-1526,,1,1,0,1,0,1,Laborers,1.0,2,2,FRIDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.2735923984939733,0.4010195291801845,0.6313545365850379,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-835.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,4.0 +1525169,361596,Cash loans,,0.0,0.0,,,TUESDAY,12,Y,1,,,,XNA,Refused,-219,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,N,2,90000.0,225000.0,22837.5,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.009175,-12094,-553,-3900.0,-2920,,1,1,0,1,0,0,Sales staff,4.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.4901966378694064,0.6019638880948592,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-23.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +1022892,313773,Cash loans,,0.0,0.0,,,FRIDAY,15,Y,1,,,,XNA,Refused,-257,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,90000.0,288873.0,19435.5,238500.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.007120000000000001,-10864,-3039,-2379.0,-3515,,1,1,0,1,0,0,Sales staff,1.0,2,2,WEDNESDAY,10,0,0,0,1,1,0,Self-employed,0.5535999687899273,0.6239815547520193,0.4686596550493113,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-574.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2290826,114826,Cash loans,24678.9,765000.0,765000.0,,765000.0,TUESDAY,15,Y,1,,,,XNA,Approved,-1332,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,AP+ (Cash loan),5,XNA,60.0,low_normal,Cash Street: low,365243.0,-1301.0,469.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,90000.0,135000.0,7029.0,135000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-22215,365243,-5775.0,-4241,4.0,1,0,0,1,0,0,,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,XNA,,0.6295930395562729,0.5280927512030451,0.08199999999999999,0.0533,0.9896,0.8572,0.0278,0.08,0.069,0.375,0.2292,0.0152,0.0668,0.0836,0.0019,0.0031,0.083,0.0546,0.9896,0.8628,0.0206,0.0806,0.069,0.375,0.0417,0.0101,0.0725,0.0862,0.0,0.0,0.0828,0.0533,0.9896,0.8591,0.028,0.08,0.069,0.375,0.2292,0.0155,0.068,0.0851,0.0019,0.0031,reg oper account,block of flats,0.0668,Panel,No,2.0,0.0,2.0,0.0,-1331.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2598491,207931,Consumer loans,9236.79,86301.0,86301.0,0.0,86301.0,WEDNESDAY,13,Y,1,0.0,,,XAP,Approved,-418,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,35,Connectivity,14.0,high,POS mobile with interest,365243.0,-383.0,7.0,-233.0,-225.0,0.0,0,Cash loans,M,Y,N,2,270000.0,260640.0,31059.0,225000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.030755,-12979,-2050,-1273.0,-4466,15.0,1,1,0,1,0,1,Managers,4.0,2,2,MONDAY,10,0,0,0,1,1,0,Other,0.6407414807832299,0.7208338192917881,0.4418358231994413,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,0.0,-677.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2681470,453823,Cash loans,8920.935,45000.0,46485.0,,45000.0,WEDNESDAY,15,Y,1,,,,XNA,Approved,-1017,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,21,Connectivity,6.0,middle,Cash X-Sell: middle,365243.0,-987.0,-837.0,-867.0,-857.0,1.0,0,Cash loans,F,N,Y,0,135000.0,361998.0,17545.5,292500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-22834,365243,-5226.0,-4243,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,XNA,0.7911978705696462,0.1010995245189471,0.108924403541012,0.0722,,0.9767,,,,0.1379,0.1667,,0.0528,,0.0331,,,0.0735,,0.9767,,,,0.1379,0.1667,,0.054000000000000006,,0.0345,,,0.0729,,0.9767,,,,0.1379,0.1667,,0.0538,,0.0337,,,,block of flats,0.0408,"Stone, brick",No,0.0,0.0,0.0,0.0,-1256.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2364942,194798,Consumer loans,6557.76,41674.5,32674.5,9000.0,41674.5,WEDNESDAY,18,Y,1,0.2351994188728883,,,XAP,Refused,-2625,Cash through the bank,HC,"Spouse, partner",New,XNA,POS,XNA,Country-wide,43,Connectivity,6.0,low_normal,POS mobile with interest,,,,,,,0,Cash loans,F,N,N,0,157500.0,1827000.0,48325.5,1827000.0,Family,State servant,Incomplete higher,Married,House / apartment,0.031329,-9727,-1366,-9693.0,-2407,,1,1,0,1,0,0,Core staff,2.0,2,2,MONDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.4889817325621255,0.34196385679283964,0.2608559142068693,0.1629,0.0893,0.9796,0.7212,0.0372,0.2,0.1724,0.3333,0.375,0.1027,0.1328,0.062,0.0,0.0199,0.166,0.0927,0.9796,0.7321,0.0376,0.2014,0.1724,0.3333,0.375,0.1051,0.1451,0.0646,0.0,0.0211,0.1645,0.0893,0.9796,0.7249,0.0375,0.2,0.1724,0.3333,0.375,0.1045,0.1351,0.0631,0.0,0.0203,reg oper spec account,block of flats,0.0531,Block,No,2.0,0.0,2.0,0.0,-8.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2033832,307762,Cash loans,27574.47,675000.0,767664.0,,675000.0,FRIDAY,9,Y,1,,,,Repairs,Approved,-560,XNA,XAP,,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),2,XNA,48.0,low_normal,Cash Street: low,365243.0,-529.0,881.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,72000.0,269550.0,13779.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.028663,-20507,365243,-2825.0,-3398,,1,0,0,1,1,0,,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,XNA,,0.4334192555850444,0.3539876078507373,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-274.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1618258,273931,Cash loans,11797.92,270000.0,328450.5,,270000.0,SATURDAY,13,Y,1,,,,XNA,Approved,-616,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-586.0,824.0,-136.0,-132.0,1.0,0,Cash loans,F,N,Y,0,166500.0,571446.0,16839.0,477000.0,Unaccompanied,Pensioner,Higher education,Single / not married,House / apartment,0.006852,-21421,365243,-2613.0,-2864,,1,0,0,1,0,0,,1.0,3,3,SATURDAY,10,0,0,0,0,0,0,XNA,,0.042908080078106266,0.6006575372857061,0.1021,0.0706,0.9796,,,0.0,0.1724,0.1667,,0.0234,,0.0946,,0.0092,0.104,0.0733,0.9796,,,0.0,0.1724,0.1667,,0.024,,0.0985,,0.0097,0.1031,0.0706,0.9796,,,0.0,0.1724,0.1667,,0.0238,,0.0963,,0.0094,,block of flats,0.0744,"Stone, brick",No,0.0,0.0,0.0,0.0,-435.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2371422,383347,Consumer loans,4173.705,82800.0,92155.5,0.0,82800.0,TUESDAY,13,Y,1,0.0,,,XAP,Approved,-260,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,500,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-230.0,460.0,-230.0,-227.0,1.0,0,Cash loans,M,N,Y,1,180000.0,747000.0,24687.0,747000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.011703,-11736,-1300,-5136.0,-3004,,1,1,0,1,1,0,Security staff,3.0,2,2,WEDNESDAY,12,0,1,1,0,1,1,Security,0.2782777476799522,0.7368932498706053,,0.1031,0.0869,0.9801,0.728,0.0114,0.0,0.2069,0.1667,0.2083,0.111,0.0841,0.0917,0.0,0.0,0.105,0.0902,0.9801,0.7387,0.0115,0.0,0.2069,0.1667,0.2083,0.1136,0.0918,0.0956,0.0,0.0,0.1041,0.0869,0.9801,0.7316,0.0115,0.0,0.2069,0.1667,0.2083,0.113,0.0855,0.0934,0.0,0.0,reg oper account,block of flats,0.0784,"Stone, brick",No,0.0,0.0,0.0,0.0,-2186.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2842432,134829,Consumer loans,7058.475,49455.0,44505.0,4950.0,49455.0,SUNDAY,17,Y,1,0.10900818926296628,,,XAP,Approved,-2472,Cash through the bank,XAP,"Spouse, partner",New,Mobile,POS,XNA,Country-wide,30,Connectivity,8.0,high,POS mobile with interest,365243.0,-2430.0,-2220.0,-2220.0,-2213.0,0.0,0,Cash loans,M,Y,N,0,211500.0,855000.0,33259.5,855000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.026392000000000002,-11169,-1598,-5274.0,-3639,0.0,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,9,0,0,0,0,1,1,Trade: type 7,,0.6557724177150179,0.7688075728291359,0.1113,0.081,0.9866,,,0.12,0.1034,0.3333,,0.0924,,0.1164,,0.0,0.1134,0.084,0.9866,,,0.1208,0.1034,0.3333,,0.0945,,0.1213,,0.0,0.1124,0.081,0.9866,,,0.12,0.1034,0.3333,,0.094,,0.1185,,0.0,,block of flats,0.0915,"Stone, brick",No,1.0,0.0,1.0,0.0,-1718.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,5.0,0.0,2.0 +2782012,205656,Cash loans,11666.25,225000.0,225000.0,0.0,225000.0,TUESDAY,16,Y,1,0.0,,,XNA,Refused,-2260,XNA,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,135000.0,467257.5,16911.0,328500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.02461,-19315,-995,-2950.0,-2712,,1,1,0,1,0,0,,1.0,2,2,MONDAY,12,0,0,0,0,0,0,Self-employed,,0.4897966061712482,0.8027454758994178,0.0696,0.0327,0.9702,,,0.02,0.0862,0.25,,0.0537,,0.0613,,0.0868,0.0662,0.034,0.9608,,,0.0,0.0345,0.1667,,0.0512,,0.0615,,0.0343,0.0703,0.0327,0.9702,,,0.02,0.0862,0.25,,0.0547,,0.0624,,0.0886,,block of flats,0.0535,"Stone, brick",No,3.0,2.0,3.0,2.0,-1914.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2667930,136338,Cash loans,31929.885,139500.0,161842.5,,139500.0,SATURDAY,12,Y,1,,,,XNA,Refused,-319,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,6.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,Y,1,112500.0,254700.0,17149.5,225000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.022625,-10120,-1946,-1467.0,-1881,,1,1,0,1,0,0,Accountants,3.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.7675180270285697,0.09507039584133267,0.2711,0.17600000000000002,0.9921,0.8912,0.1071,0.24,0.2069,0.375,0.4167,0.2056,0.2211,0.2416,0.0,0.0,0.2763,0.1826,0.9921,0.8955,0.108,0.2417,0.2069,0.375,0.4167,0.2103,0.2415,0.232,0.0,0.0,0.2738,0.17600000000000002,0.9921,0.8927,0.1077,0.24,0.2069,0.375,0.4167,0.2092,0.2249,0.2459,0.0,0.0,reg oper account,block of flats,0.2337,Panel,No,7.0,0.0,6.0,0.0,-1664.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2784090,420289,Consumer loans,7538.085,112455.0,67473.0,44982.0,112455.0,SATURDAY,9,Y,1,0.4356363636363636,,,XAP,Approved,-185,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,298,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-155.0,115.0,-5.0,-2.0,0.0,0,Cash loans,F,Y,N,0,135000.0,101880.0,11623.5,90000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.020713,-10926,-2401,-866.0,-1839,11.0,1,1,1,1,1,0,Sales staff,2.0,3,3,MONDAY,11,0,0,0,0,0,0,Trade: type 2,0.2775398167052485,0.29991321336540194,0.4543210601605785,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-630.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2516975,251351,Consumer loans,15486.48,141525.0,153666.0,0.0,141525.0,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-810,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,1375,Consumer electronics,12.0,middle,POS household with interest,365243.0,-778.0,-448.0,-448.0,-445.0,0.0,0,Cash loans,F,N,N,1,247500.0,1113840.0,57001.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.018029,-13393,-2120,-2333.0,-3479,,1,1,1,1,0,0,Accountants,2.0,3,3,WEDNESDAY,11,0,0,0,0,1,1,Business Entity Type 3,0.4864154144301245,0.4412538591001099,0.656158373001177,0.0619,,0.9846,,,0.0,0.1379,0.1667,,0.0,,0.0522,,0.1119,0.063,,0.9846,,,0.0,0.1379,0.1667,,0.0,,0.0544,,0.1185,0.0625,,0.9846,,,0.0,0.1379,0.1667,,0.0,,0.0532,,0.1142,,block of flats,0.0654,Panel,No,0.0,0.0,0.0,0.0,-2180.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1684252,397321,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,10,Y,1,,,,XAP,Approved,-238,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Country-wide,15,Connectivity,0.0,XNA,Card Street,-214.0,-163.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,144000.0,291384.0,30726.0,270000.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.018634,-20078,365243,-3768.0,-2674,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,XNA,0.6692674986643771,0.6408563734575293,0.6161216908872079,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,5.0,0.0,-1685.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +2427042,439890,Cash loans,9441.54,117000.0,129870.0,0.0,117000.0,TUESDAY,8,Y,1,0.0,,,XNA,Approved,-2791,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,10,Consumer electronics,20.0,middle,Cash Street: middle,365243.0,-2761.0,-2191.0,-2191.0,-2184.0,1.0,0,Cash loans,F,N,Y,1,45000.0,555273.0,16366.5,463500.0,"Spouse, partner",Working,Secondary / secondary special,Civil marriage,House / apartment,0.025164,-16843,-1335,-2140.0,-389,,1,1,0,1,0,0,,3.0,2,2,SUNDAY,8,0,0,0,0,0,0,Self-employed,0.6050418245534895,0.1942664499695638,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2512135,106126,Consumer loans,11217.285,170995.5,170995.5,0.0,170995.5,TUESDAY,13,Y,1,0.0,,,XAP,Approved,-1122,Cash through the bank,XAP,"Spouse, partner",Repeater,Computers,POS,XNA,Country-wide,3093,Consumer electronics,18.0,low_normal,POS household with interest,365243.0,-1091.0,-581.0,-581.0,-578.0,0.0,0,Cash loans,M,Y,N,1,382500.0,1058148.0,54157.5,855000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.005313,-12703,-1755,-4824.0,-4123,11.0,1,1,0,1,1,0,Managers,3.0,2,2,THURSDAY,10,0,0,0,0,0,0,Self-employed,,0.29289944884848423,0.5190973382084597,0.1825,0.1624,0.9851,,,0.2,0.1724,0.3333,,0.0,,0.194,,0.0,0.1859,0.1685,0.9851,,,0.2014,0.1724,0.3333,,0.0,,0.2022,,0.0,0.1842,0.1624,0.9851,,,0.2,0.1724,0.3333,,0.0,,0.1975,,0.0,,block of flats,0.1526,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1924362,200573,Cash loans,23616.45,495000.0,495000.0,,495000.0,WEDNESDAY,10,Y,0,,,,XNA,Approved,-583,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,100,Connectivity,42.0,middle,Cash X-Sell: middle,365243.0,-553.0,677.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,207000.0,157500.0,11200.5,157500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-20058,-6239,-10202.0,-2835,,1,1,1,1,1,0,Waiters/barmen staff,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,Other,0.8115648221633969,0.7208558210935924,0.6940926425266661,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1671.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1001387,429367,Consumer loans,7813.26,59845.5,65110.5,0.0,59845.5,MONDAY,19,Y,1,0.0,,,XAP,Approved,-346,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,2300,Consumer electronics,10.0,middle,POS household with interest,365243.0,-315.0,-45.0,-45.0,-39.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,152820.0,16456.5,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00823,-11471,-577,-11467.0,-3433,14.0,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,9,0,0,0,1,1,0,Self-employed,,0.5811873593995798,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-346.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2808181,354573,Cash loans,29430.0,450000.0,450000.0,,450000.0,THURSDAY,15,Y,1,,,,XNA,Refused,-162,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,Country-wide,71,Connectivity,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,Y,Y,2,135000.0,341280.0,9130.5,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.0228,-13327,-828,-204.0,-2242,6.0,1,1,0,1,0,0,Drivers,4.0,2,2,FRIDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.2700139145492571,0.248535557339522,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-609.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1618588,424022,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SATURDAY,16,Y,1,,,,XAP,Approved,-136,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Regional / Local,96,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,640080.0,29970.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,Rented apartment,0.020713,-16920,-110,-929.0,-469,11.0,1,1,0,1,0,0,Drivers,2.0,3,1,TUESDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.5910008911948544,0.2851799046358216,0.099,0.1068,0.9851,0.7959999999999999,0.0324,0.12,0.1034,0.3333,0.0417,0.0535,0.0807,0.0991,0.0,0.0257,0.1008,0.1108,0.9851,0.804,0.0327,0.1208,0.1034,0.3333,0.0417,0.0547,0.0882,0.1032,0.0,0.0272,0.0999,0.1068,0.9851,0.7987,0.0326,0.12,0.1034,0.3333,0.0417,0.0545,0.0821,0.1008,0.0,0.0262,reg oper account,block of flats,0.1012,"Stone, brick",No,6.0,0.0,6.0,0.0,0.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1396257,125229,Cash loans,21570.795,225000.0,259951.5,,225000.0,FRIDAY,8,Y,1,,,,XNA,Approved,-504,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-474.0,36.0,-354.0,-348.0,1.0,0,Cash loans,F,N,N,0,180000.0,481855.5,47070.0,463500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018801,-10218,-1740,-3755.0,-2899,,1,1,0,1,1,0,Security staff,2.0,2,2,FRIDAY,8,0,0,0,0,0,0,Security,0.1841535261053085,0.11593826951165415,0.5531646987710016,0.0763,0.0613,0.9771,0.6872,0.0013,0.0,0.1379,0.1667,0.2083,0.0561,0.0588,0.0652,0.0154,0.0119,0.0777,0.0636,0.9772,0.6994,0.0014,0.0,0.1379,0.1667,0.2083,0.0574,0.0643,0.068,0.0156,0.0126,0.077,0.0613,0.9771,0.6914,0.0014,0.0,0.1379,0.1667,0.2083,0.0571,0.0599,0.0664,0.0155,0.0121,reg oper account,block of flats,0.0628,"Stone, brick",No,0.0,0.0,0.0,0.0,-112.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +2729753,262350,Consumer loans,9041.265,83115.0,81387.0,8311.5,83115.0,THURSDAY,13,Y,1,0.1009156127572823,,,XAP,Approved,-695,Cash through the bank,XAP,Unaccompanied,Refreshed,Audio/Video,POS,XNA,Stone,36,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-664.0,-394.0,-394.0,-391.0,0.0,0,Cash loans,F,Y,Y,3,202500.0,239850.0,23494.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-15193,-4353,-8391.0,-4790,12.0,1,1,1,1,0,0,,5.0,2,2,SATURDAY,14,0,0,0,0,0,0,Other,0.4855122868899874,0.6421287356286325,0.3706496323299817,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2556149,369340,Consumer loans,9095.58,107504.685,124528.5,4.185,107504.685,MONDAY,16,Y,1,3.659959194283377e-05,,,XAP,Approved,-607,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,1103,Consumer electronics,18.0,middle,POS household with interest,365243.0,-576.0,-66.0,-96.0,-90.0,0.0,0,Cash loans,F,N,Y,0,112500.0,318528.0,19615.5,252000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.0228,-22897,365243,-3498.0,-5157,,1,0,0,1,1,0,,2.0,2,2,SATURDAY,8,0,0,0,0,0,0,XNA,,0.6519715022446408,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-607.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2238881,208757,Consumer loans,10845.45,105435.0,108454.5,6750.0,105435.0,MONDAY,15,Y,1,0.0638114278206462,,,XAP,Approved,-1194,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,4232,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1162.0,-832.0,-832.0,-810.0,0.0,0,Cash loans,F,N,Y,0,135000.0,545040.0,26640.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.00496,-18950,-1449,-1225.0,-2340,,1,1,0,1,0,0,Cleaning staff,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Business Entity Type 2,0.4612201585781387,0.6796740416310669,0.6092756673894402,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1678.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1844030,108868,Consumer loans,3244.995,31864.5,18364.5,13500.0,31864.5,MONDAY,16,Y,1,0.4614140272945525,,,XAP,Approved,-2857,Cash through the bank,XAP,,New,Mobile,POS,XNA,Stone,5,Connectivity,7.0,high,POS mobile with interest,365243.0,-2804.0,-2624.0,-2624.0,-2620.0,0.0,0,Cash loans,M,N,Y,0,202500.0,675000.0,32602.5,675000.0,Unaccompanied,State servant,Higher education,Single / not married,House / apartment,0.0105,-11746,-659,-1140.0,-1398,,1,1,1,1,1,0,Managers,1.0,3,3,TUESDAY,9,0,0,0,0,1,1,Government,,0.4466682208645372,0.5937175866150576,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-329.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1209794,218932,Cash loans,31754.7,679500.0,749461.5,,679500.0,FRIDAY,13,Y,1,,,,XNA,Approved,-608,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-578.0,472.0,-308.0,-305.0,1.0,0,Cash loans,F,N,Y,0,99000.0,720000.0,28683.0,720000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-23353,365243,-1533.0,-4733,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,XNA,,0.6492375170387852,0.5814837058057234,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,1.0,5.0,1.0,-1228.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +2810430,145547,Cash loans,22385.7,720000.0,720000.0,,720000.0,FRIDAY,14,Y,1,,,,XNA,Refused,-1370,Cash through the bank,LIMIT,Unaccompanied,Refreshed,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,54.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,Y,N,1,315000.0,1762110.0,48586.5,1575000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.025164,-13164,-2726,-7259.0,-3771,7.0,1,1,0,1,0,0,Accountants,3.0,2,2,TUESDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.8271167964455721,0.6395416989169801,0.2793353208976285,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2482.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2751581,178394,Consumer loans,15078.51,150804.0,135720.0,15084.0,150804.0,THURSDAY,18,Y,1,0.10893508973719043,,,XAP,Approved,-1015,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,200,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-978.0,-708.0,-708.0,-703.0,0.0,0,Revolving loans,F,N,N,0,67500.0,135000.0,6750.0,135000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.010276,-21016,365243,-7100.0,-4006,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,16,0,0,0,0,0,0,XNA,,0.6134220499188654,0.6092756673894402,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-1015.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2143000,219713,Consumer loans,11255.94,94144.5,102429.0,0.0,94144.5,TUESDAY,5,Y,1,0.0,,,XAP,Approved,-428,XNA,XAP,,Repeater,Consumer Electronics,POS,XNA,Regional / Local,1200,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-397.0,-127.0,-157.0,-150.0,0.0,0,Cash loans,F,N,Y,0,126000.0,888840.0,32053.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.010032,-15551,-869,-9704.0,-5181,,1,1,0,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,4,0,0,0,0,0,0,Self-employed,,0.08414303621858689,0.4686596550493113,0.2227,0.1265,0.9846,0.7892,0.0774,0.24,0.2069,0.3333,0.375,0.3045,0.1816,0.2331,0.0,0.0,0.2269,0.1313,0.9846,0.7975,0.0782,0.2417,0.2069,0.3333,0.375,0.3115,0.1983,0.2429,0.0,0.0,0.2248,0.1265,0.9846,0.792,0.0779,0.24,0.2069,0.3333,0.375,0.3098,0.1847,0.2373,0.0,0.0,,block of flats,0.2257,Panel,No,0.0,0.0,0.0,0.0,-1411.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,0.0,4.0,3.0 +2718939,110541,Cash loans,39403.26,765000.0,870021.0,,765000.0,WEDNESDAY,10,Y,1,,,,XNA,Refused,-502,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,Y,Y,0,202500.0,1546020.0,42642.0,1350000.0,Group of people,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-22533,365243,-2567.0,-4923,3.0,1,0,0,1,0,0,,2.0,2,2,MONDAY,10,0,0,0,0,0,0,XNA,,0.3642511972862624,0.6706517530862718,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1893772,433555,Consumer loans,9368.46,75600.0,73651.5,7560.0,75600.0,FRIDAY,11,Y,1,0.10138376058473582,,,XAP,Approved,-1754,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,238,Furniture,10.0,high,POS industry with interest,365243.0,-1722.0,-1452.0,-1452.0,-1444.0,0.0,0,Cash loans,F,Y,Y,0,157500.0,215640.0,14715.0,180000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018801,-13965,-1387,-1282.0,-4577,25.0,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Self-employed,,0.5274399691400125,,0.0309,,0.9588,,,,0.1724,0.0833,,,,0.0313,,,0.0315,,0.9588,,,,0.1724,0.0833,,,,0.0326,,,0.0312,,0.9588,,,,0.1724,0.0833,,,,0.0318,,,,block of flats,0.0246,"Stone, brick",No,0.0,0.0,0.0,0.0,-969.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +2014924,319716,Cash loans,9424.17,292500.0,342697.5,,292500.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-222,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-192.0,1578.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,166500.0,1078200.0,31522.5,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-14479,-3736,-5302.0,-4280,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,11,0,0,0,0,0,0,Business Entity Type 1,,0.26651977539251576,0.8027454758994178,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-3096.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +1058742,297412,Cash loans,14305.995,67500.0,77733.0,,67500.0,THURSDAY,18,Y,1,,,,XNA,Approved,-501,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-471.0,-321.0,-321.0,-316.0,1.0,1,Cash loans,F,N,N,1,162000.0,568800.0,17437.5,450000.0,Unaccompanied,State servant,Higher education,Single / not married,House / apartment,0.072508,-19205,-6257,-6523.0,-2748,,1,1,0,1,1,0,Managers,2.0,1,1,MONDAY,13,0,0,0,0,0,0,University,,0.7846461241593561,0.8193176922872417,0.0784,0.0779,0.9752,0.6532,0.1305,0.0,0.131,0.1667,0.2083,0.0,0.0637,0.0658,0.0008,0.0161,0.084,0.0629,0.9752,0.6733,0.1317,0.0,0.1379,0.1667,0.2083,0.0,0.0735,0.0521,0.0,0.0,0.0833,0.0822,0.9752,0.6645,0.1313,0.0,0.1379,0.1667,0.2083,0.0,0.0684,0.0708,0.0,0.0,reg oper account,block of flats,0.0403,Panel,No,0.0,0.0,0.0,0.0,-1565.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1105421,450158,Cash loans,37181.25,1125000.0,1125000.0,,1125000.0,WEDNESDAY,16,Y,1,,,,XNA,Approved,-98,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,270000.0,1515415.5,40104.0,1354500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.02461,-21082,365243,-12041.0,-1791,,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,XNA,,0.2654737535495796,0.6006575372857061,0.0526,0.0,0.9712,0.6056,0.0121,0.0,0.2069,0.1667,0.0417,0.0757,0.0361,0.0704,0.0309,0.0667,0.0536,0.0,0.9712,0.621,0.0122,0.0,0.2069,0.1667,0.0417,0.0775,0.0395,0.0733,0.0311,0.0707,0.0531,0.0,0.9712,0.6109,0.0122,0.0,0.2069,0.1667,0.0417,0.077,0.0368,0.0717,0.0311,0.0681,reg oper account,block of flats,0.0625,"Stone, brick",No,7.0,0.0,7.0,0.0,-210.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2724471,110263,Cash loans,,0.0,0.0,,,THURSDAY,16,Y,1,,,,XNA,Refused,-176,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,135000.0,1042560.0,37575.0,900000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.025164,-16982,-3044,-4155.0,-536,,1,1,0,1,0,1,Laborers,2.0,2,2,FRIDAY,17,0,0,0,0,0,0,Business Entity Type 1,0.6347314473708843,0.2930897022262147,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1551.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2843023,302274,Consumer loans,1994.535,22185.9,21942.0,2219.4,22185.9,FRIDAY,17,Y,1,0.10004090672048653,,,XAP,Approved,-1477,Cash through the bank,XAP,,New,Computers,POS,XNA,Country-wide,563,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-1441.0,-1111.0,-1141.0,-1132.0,0.0,0,Revolving loans,F,N,N,1,157500.0,202500.0,10125.0,202500.0,Family,Commercial associate,Higher education,Married,House / apartment,0.026392000000000002,-15232,-4814,-4860.0,-4734,,1,1,0,1,0,0,Accountants,3.0,2,2,FRIDAY,18,0,0,0,0,0,0,Security,,0.6177171204412978,0.6144143775673561,0.1794,,0.993,,,0.2,0.1724,0.3333,,,,0.1893,,0.0,0.1828,,0.993,,,0.2014,0.1724,0.3333,,,,0.1973,,0.0,0.1811,,0.993,,,0.2,0.1724,0.3333,,,,0.1927,,0.0,,block of flats,0.1489,Panel,No,2.0,0.0,2.0,0.0,-1477.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1411105,401047,Consumer loans,7558.65,181440.0,162202.5,19237.5,181440.0,SATURDAY,9,Y,1,0.11547280844155845,,,XAP,Approved,-2669,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,3375,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-2638.0,-1948.0,-1948.0,-1940.0,0.0,0,Cash loans,F,N,N,0,157500.0,552555.0,16879.5,477000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.016612000000000002,-21643,365243,-4673.0,-1397,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,16,0,0,0,0,0,0,XNA,,0.7654357473055665,0.4436153084085652,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2406.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1294390,233100,Cash loans,12065.805,103500.0,110331.0,0.0,103500.0,THURSDAY,11,Y,1,0.0,,,XNA,Approved,-2400,Cash through the bank,XAP,Other_A,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,high,Cash Street: high,365243.0,-2370.0,-2040.0,-2100.0,-2096.0,1.0,0,Cash loans,F,N,Y,1,126000.0,813195.0,27004.5,702000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-12442,-3480,-98.0,-619,,1,1,0,1,0,0,Managers,3.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Self-employed,0.4029352340418853,0.4055292887143872,0.6195277080511546,0.2253,0.0667,0.9985,0.9796,0.053,0.16,0.1379,0.375,0.4167,0.0035,0.1807,0.2169,0.0135,0.0252,0.1681,0.0,0.9975,0.9673,0.0498,0.1208,0.1034,0.375,0.4167,0.0,0.1469,0.1644,0.0,0.0,0.2274,0.0667,0.9985,0.9799,0.0534,0.16,0.1379,0.375,0.4167,0.0036,0.1838,0.2208,0.0136,0.0257,reg oper account,block of flats,0.2482,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1899065,251240,Cash loans,22932.675,180000.0,217039.5,,180000.0,TUESDAY,11,Y,1,,,,XNA,Approved,-1549,XNA,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1519.0,-1189.0,-1339.0,-1333.0,1.0,0,Cash loans,F,N,Y,0,202500.0,755190.0,36459.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.011703,-23209,-369,-12700.0,-5342,,1,1,0,1,1,0,,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,Services,,0.7271782773741676,0.326475210066026,0.1835,0.0974,0.9826,0.762,0.0429,0.2,0.1724,0.3333,0.375,0.1235,0.1496,0.1916,0.0,0.0043,0.187,0.101,0.9826,0.7713,0.0433,0.2014,0.1724,0.3333,0.375,0.1264,0.1635,0.1996,0.0,0.0046,0.1853,0.0974,0.9826,0.7652,0.0431,0.2,0.1724,0.3333,0.375,0.1257,0.1522,0.195,0.0,0.0044,,block of flats,0.1885,Panel,No,1.0,0.0,1.0,0.0,-1946.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1583997,374364,Revolving loans,4500.0,405000.0,405000.0,,405000.0,THURSDAY,10,N,0,,,,XAP,Refused,-159,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,2,180000.0,634482.0,23440.5,454500.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.025164,-14150,-4756,-1397.0,-3458,,1,1,0,1,0,0,Core staff,4.0,2,2,TUESDAY,9,0,0,0,0,0,0,School,0.660001681354943,0.5234213117646608,0.7001838506835805,0.0041,0.0175,0.9727,,,0.0,,0.0,,0.0147,,0.0041,,0.0,0.0042,0.0181,0.9727,,,0.0,,0.0,,0.0151,,0.0043,,0.0,0.0042,0.0175,0.9727,,,0.0,,0.0,,0.015,,0.0042,,0.0,,terraced house,0.0032,Wooden,No,0.0,0.0,0.0,0.0,-883.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2412281,363007,Cash loans,16757.46,148500.0,168102.0,,148500.0,TUESDAY,12,Y,1,,,,XNA,Approved,-186,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-156.0,174.0,-96.0,-90.0,1.0,0,Cash loans,F,N,Y,0,76500.0,239850.0,23850.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.01885,-25093,365243,-1446.0,-4384,,1,0,0,1,0,0,,1.0,2,2,SATURDAY,10,0,0,0,0,0,0,XNA,,0.5128134806540328,0.7001838506835805,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2012.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2553981,204234,Consumer loans,9540.99,51295.5,54004.5,0.0,51295.5,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-494,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,2929,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-461.0,-311.0,-371.0,-360.0,0.0,0,Cash loans,M,N,Y,1,225000.0,1014790.5,56794.5,913500.0,Unaccompanied,State servant,Higher education,Married,Office apartment,0.008068,-12159,-3355,-714.0,-4095,,1,1,0,1,0,0,,3.0,3,3,WEDNESDAY,4,0,0,0,0,0,0,Military,,0.38625488182196943,0.622922000268356,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-494.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1396328,159941,Cash loans,17152.11,225000.0,254700.0,,225000.0,FRIDAY,13,Y,1,,,,Repairs,Approved,-1536,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,high,Cash Street: high,365243.0,-1505.0,-815.0,-995.0,-991.0,0.0,0,Cash loans,M,N,N,0,126000.0,675000.0,35964.0,675000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.009334,-23067,365243,-1716.0,-4467,,1,0,0,1,1,0,,2.0,2,2,SATURDAY,16,0,0,0,0,0,0,XNA,,0.6794692862179239,0.6658549219640212,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,2.0,3.0,1.0,-1535.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1211080,138166,Consumer loans,11778.975,86526.0,84348.0,9000.0,86526.0,WEDNESDAY,15,Y,1,0.10500298005118676,,,XAP,Approved,-989,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,53,Connectivity,10.0,high,POS mobile with interest,365243.0,-955.0,-685.0,-685.0,-669.0,0.0,0,Cash loans,F,N,N,0,270000.0,835605.0,24075.0,697500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.035792000000000004,-9804,-261,-4168.0,-1855,,1,1,0,1,1,0,Sales staff,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.4146846427269168,0.5236449579517265,0.4668640059537032,0.2536,0.0692,0.9846,0.7892,0.0335,0.08,0.069,0.3333,0.375,0.0498,0.2051,0.1235,0.0077,0.0248,0.2584,0.0718,0.9846,0.7975,0.0338,0.0806,0.069,0.3333,0.375,0.051,0.2241,0.1286,0.0078,0.0262,0.2561,0.0692,0.9846,0.792,0.0337,0.08,0.069,0.3333,0.375,0.0507,0.2086,0.1257,0.0078,0.0253,reg oper account,block of flats,0.1025,"Stone, brick",No,0.0,0.0,0.0,0.0,-989.0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2100262,253898,Consumer loans,4237.335,37710.0,37300.5,3771.0,37710.0,WEDNESDAY,10,Y,1,0.09999541818978654,,,XAP,Approved,-2323,Non-cash from your account,XAP,Children,New,Consumer Electronics,POS,XNA,Country-wide,240,Consumer electronics,12.0,high,POS household with interest,365243.0,-2292.0,-1962.0,-1962.0,-1955.0,1.0,1,Cash loans,M,N,N,0,67500.0,277969.5,10606.5,229500.0,Family,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.035792000000000004,-21675,-206,-3514.0,-4708,,1,1,0,1,0,0,Laborers,1.0,2,2,TUESDAY,11,0,0,0,1,1,0,Self-employed,,0.35728197361233577,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,2.0,2.0,2.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2512480,334793,Revolving loans,22500.0,0.0,450000.0,,,THURSDAY,12,Y,1,,,,XAP,Approved,-1169,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-314.0,-263.0,365243.0,-171.0,365243.0,0.0,0,Cash loans,F,N,N,0,202500.0,675000.0,22437.0,675000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.026392000000000002,-18921,-2143,-6937.0,-2455,,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.6955481705881287,0.6486247481209687,0.33285056416487313,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1169.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1142810,422209,Cash loans,,0.0,0.0,,,MONDAY,16,Y,1,,,,XNA,Refused,-219,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,180000.0,403848.0,11574.0,319500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.022625,-15226,-3584,-1014.0,-4008,,1,1,0,1,1,1,Sales staff,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Industry: type 2,0.3928531840872357,0.7267355455631642,0.2707073872651806,0.5608,0.4962,0.9776,0.6940000000000001,0.2556,0.0,1.0,0.1667,0.2083,0.6076,0.4572,0.5539,0.0039,0.0053,0.5714,0.5149,0.9777,0.706,0.258,0.0,1.0,0.1667,0.2083,0.6215,0.4995,0.5771,0.0039,0.0056,0.5663,0.4962,0.9776,0.6981,0.2573,0.0,1.0,0.1667,0.2083,0.6182,0.4652,0.5639,0.0039,0.0054,reg oper account,block of flats,0.5763,Panel,No,1.0,1.0,1.0,1.0,-499.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,9.0 +1167812,434849,Cash loans,,135000.0,135000.0,0.0,135000.0,THURSDAY,10,Y,1,0.0,,,XNA,Refused,-345,XNA,HC,,Repeater,XNA,XNA,XNA,Country-wide,30,Connectivity,,XNA,Cash,,,,,,,0,Cash loans,M,Y,Y,0,112500.0,640080.0,31261.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-18553,-2731,-232.0,-178,12.0,1,1,0,1,0,0,Managers,2.0,2,2,SATURDAY,10,0,0,0,0,1,1,Business Entity Type 3,,0.5036045052869237,0.3376727217405312,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2213273,248341,Consumer loans,,67545.0,67545.0,0.0,67545.0,MONDAY,16,Y,1,0.0,,,XAP,Refused,-1310,Cash through the bank,LIMIT,,Repeater,Mobile,XNA,XNA,Country-wide,55,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,F,N,N,0,202500.0,1350000.0,46926.0,1350000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-14217,-3414,-753.0,-4494,,1,1,1,1,0,0,Laborers,2.0,2,2,MONDAY,16,0,0,0,0,0,0,Medicine,0.7413608152650529,0.7010761729990689,0.5460231970049609,0.0124,,0.9677,,,0.0,0.069,0.0417,,0.0107,,0.0105,,0.0,0.0126,,0.9677,,,0.0,0.069,0.0417,,0.0109,,0.0109,,0.0,0.0125,,0.9677,,,0.0,0.069,0.0417,,0.0109,,0.0107,,0.0,,block of flats,0.0127,Block,No,0.0,0.0,0.0,0.0,-1310.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1283605,294352,Cash loans,56347.245,1039500.0,1114969.5,,1039500.0,THURSDAY,9,Y,1,,,,XNA,Approved,-749,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,365243.0,-719.0,151.0,-359.0,-354.0,1.0,1,Cash loans,F,N,Y,0,1575000.0,553806.0,28273.5,495000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.032561,-18777,-734,-5412.0,-2291,,1,1,0,1,0,0,High skill tech staff,2.0,1,1,THURSDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.7729623624110106,0.7406785694820206,0.2910973802776635,,0.0518,0.9762,0.6736,,0.0,0.2069,0.1667,,0.0618,0.0504,0.0557,,0.0044,,0.047,0.9762,0.6864,,0.0,0.1724,0.1667,,0.0601,0.0459,0.0505,,0.0031,,0.0518,0.9762,0.6779999999999999,,0.0,0.2069,0.1667,,0.0629,0.0513,0.0567,,0.0045,,block of flats,0.0394,Panel,No,0.0,0.0,0.0,0.0,-1728.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2304765,100917,Revolving loans,9000.0,0.0,180000.0,,,THURSDAY,17,Y,1,,,,XAP,Approved,-2280,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,0,XNA,0.0,XNA,Card X-Sell,-2264.0,-2228.0,365243.0,-1103.0,365243.0,0.0,0,Cash loans,F,N,Y,0,108000.0,760225.5,30280.5,679500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-15317,-2258,-3165.0,-4371,,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,8,0,0,0,0,0,0,Trade: type 7,0.8400873603459397,0.03622022799985549,0.4794489811780563,,,,,,,,0.0417,,,,,,,,,,,,,,0.0417,,,,,,,,,,,,,,0.0417,,,,,,,,block of flats,0.0066,,No,0.0,0.0,0.0,0.0,-413.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,8.0 +2406326,325726,Cash loans,30023.955,540000.0,711072.0,,540000.0,MONDAY,12,Y,1,,,,XNA,Refused,-134,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,Y,Y,1,180000.0,457312.5,36261.0,373500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-12987,-5596,-6366.0,-4205,4.0,1,1,0,1,0,0,Managers,3.0,2,2,TUESDAY,9,0,0,0,0,1,1,Business Entity Type 3,,0.6438705784852047,0.5064842396679806,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-3374.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2440673,355472,Consumer loans,,112518.0,112518.0,0.0,112518.0,THURSDAY,17,Y,1,0.0,,,XAP,Refused,-454,Cash through the bank,HC,,New,Mobile,XNA,XNA,Country-wide,53,Connectivity,,XNA,POS mobile with interest,,,,,,,1,Revolving loans,M,N,Y,0,337500.0,900000.0,45000.0,900000.0,"Spouse, partner",Working,Higher education,Married,With parents,0.003540999999999999,-17910,-103,-3904.0,-1455,,1,1,0,1,0,0,Drivers,2.0,1,1,WEDNESDAY,14,0,1,1,0,0,0,Business Entity Type 3,,0.5356184093328084,0.2458512138252296,0.1188,0.0854,0.9896,0.8572,,0.13,0.1121,0.3333,0.375,0.0405,,0.1247,,0.0279,0.1134,0.0594,0.9886,0.8497,,0.1208,0.1034,0.3333,0.375,0.0239,,0.0786,,0.0027,0.1124,0.0739,0.9886,0.8457,,0.12,0.1034,0.3333,0.375,0.0422,,0.1168,,0.0049,not specified,block of flats,0.1915,Panel,No,0.0,0.0,0.0,0.0,-454.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1313977,352346,Revolving loans,29250.0,585000.0,585000.0,,585000.0,TUESDAY,16,Y,1,,,,XAP,Refused,-211,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,N,0,180000.0,225000.0,17905.5,225000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.019101,-13897,-286,-8029.0,-4767,,1,1,1,1,1,0,Sales staff,1.0,2,2,WEDNESDAY,10,0,0,0,0,1,1,Self-employed,,0.2510579224633027,0.7557400501752248,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-211.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2793016,168557,Cash loans,23495.265,301500.0,334930.5,0.0,301500.0,THURSDAY,14,Y,1,0.0,,,XNA,Refused,-1827,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,Y,0,270000.0,1016496.0,33723.0,877500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.01885,-18659,-1492,-1239.0,-2198,,1,1,0,1,0,1,Managers,2.0,2,2,THURSDAY,18,0,0,0,0,0,0,Business Entity Type 3,0.8230216123515885,0.597875278706391,0.4974688893052743,0.0814,,0.9747,,,0.0,0.1379,0.1667,,0.0,,0.0649,,0.0,0.083,,0.9747,,,0.0,0.1379,0.1667,,0.0,,0.0676,,0.0,0.0822,,0.9747,,,0.0,0.1379,0.1667,,0.0,,0.0661,,0.0,,block of flats,0.0511,"Stone, brick",No,0.0,0.0,0.0,0.0,-1120.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1974322,276618,Cash loans,5246.01,45000.0,47970.0,,45000.0,WEDNESDAY,17,Y,1,,,,XNA,Approved,-2854,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-2824.0,-2494.0,-2674.0,-2668.0,1.0,0,Cash loans,F,N,Y,0,112500.0,225000.0,23625.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,Rented apartment,0.01885,-14742,-1114,-6292.0,-4221,,1,1,1,1,1,0,High skill tech staff,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Self-employed,0.5683589309476994,0.6594798415350884,0.8095082892315094,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-314.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1998192,110438,Consumer loans,5397.3,44955.0,40459.5,4495.5,44955.0,SUNDAY,13,Y,1,0.1089090909090909,,,XAP,Approved,-2594,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,25,Connectivity,10.0,high,POS mobile with interest,365243.0,-2541.0,-2271.0,-2331.0,-2328.0,0.0,0,Cash loans,M,Y,Y,0,355500.0,1493086.5,45400.5,1363500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-20193,-3045,-9733.0,-2078,3.0,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Government,0.7606450807565809,0.4871192612046406,0.4938628816996244,0.2021,0.0025,0.9588,0.4356,0.1101,0.0,0.1724,0.1667,0.2083,0.1524,0.1639,0.0677,0.0039,0.0394,0.2059,0.0026,0.9588,0.4577,0.1111,0.0,0.1724,0.1667,0.2083,0.1558,0.1791,0.0706,0.0039,0.0417,0.204,0.0025,0.9588,0.4431,0.1108,0.0,0.1724,0.1667,0.2083,0.155,0.1667,0.069,0.0039,0.0402,reg oper spec account,block of flats,0.1221,"Stone, brick",No,0.0,0.0,0.0,0.0,-438.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1916400,131880,Revolving loans,27000.0,540000.0,540000.0,,540000.0,WEDNESDAY,16,Y,1,,,,XAP,Approved,-223,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,2,180000.0,225000.0,23755.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-12240,-1045,-2408.0,-4192,3.0,1,1,0,1,0,1,Private service staff,4.0,2,2,TUESDAY,12,0,0,0,0,0,0,Self-employed,0.4103744745705614,0.6774274968014289,0.4436153084085652,0.2062,0.1197,0.996,0.9456,0.0738,0.2,0.1724,0.375,0.0417,0.1469,0.1681,0.231,0.0,0.0,0.2101,0.1242,0.996,0.9477,0.0745,0.2014,0.1724,0.375,0.0417,0.1503,0.1837,0.2407,0.0,0.0,0.2082,0.1197,0.996,0.9463,0.0742,0.2,0.1724,0.375,0.0417,0.1495,0.171,0.2351,0.0,0.0,reg oper account,block of flats,0.222,Panel,No,0.0,0.0,0.0,0.0,-1673.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1964147,443810,Consumer loans,11313.045,64035.0,64035.0,0.0,64035.0,FRIDAY,18,Y,1,0.0,,,XAP,Approved,-698,Cash through the bank,XAP,Unaccompanied,Refreshed,Computers,POS,XNA,Stone,150,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-667.0,-517.0,-577.0,-570.0,0.0,0,Cash loans,F,N,Y,0,90000.0,450000.0,29533.5,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.026392000000000002,-18921,-3072,-5818.0,-2392,,1,1,1,1,1,0,Managers,2.0,2,2,WEDNESDAY,11,0,0,0,0,1,1,Business Entity Type 3,,0.7588315812344955,0.5478104658520093,0.0701,0.0802,0.9786,,,0.0,0.1379,0.1667,,0.0574,,0.0613,,0.0,0.0714,0.0832,0.9786,,,0.0,0.1379,0.1667,,0.0587,,0.0638,,0.0,0.0708,0.0802,0.9786,,,0.0,0.1379,0.1667,,0.0584,,0.0624,,0.0,,block of flats,0.0482,"Stone, brick",No,0.0,0.0,0.0,0.0,-698.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2071044,397199,Consumer loans,12713.22,127147.5,114430.5,12717.0,127147.5,FRIDAY,11,Y,1,0.10892836344331652,,,XAP,Approved,-1508,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Regional / Local,390,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1477.0,-1207.0,-1207.0,-1197.0,0.0,1,Cash loans,M,Y,Y,1,337500.0,207711.0,19179.0,189000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018029,-12528,-1793,-4385.0,-4408,16.0,1,1,0,1,0,0,Drivers,3.0,3,3,MONDAY,10,0,0,0,0,0,0,Self-employed,,0.3937251367570577,0.3606125659189888,,,0.9742,,,,0.0345,0.0417,,0.0028,,0.0042,,,,,0.9742,,,,0.0345,0.0417,,0.0029,,0.0044,,,,,0.9742,,,,0.0345,0.0417,,0.0029,,0.0043,,,,block of flats,0.0056,Wooden,Yes,0.0,0.0,0.0,0.0,-425.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1230653,242909,Cash loans,19306.8,247500.0,267592.5,,247500.0,TUESDAY,8,Y,1,,,,XNA,Approved,-265,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-235.0,275.0,-55.0,-50.0,1.0,0,Revolving loans,F,N,Y,0,67500.0,202500.0,10125.0,202500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-22912,365243,-871.0,-3779,,1,0,0,1,0,0,,2.0,2,2,MONDAY,12,0,0,0,0,0,0,XNA,,0.3980659204241564,0.5316861425197883,0.0186,0.0314,0.9876,,,0.0,0.069,0.0833,,0.0147,,0.0166,,0.0018,0.0189,0.0325,0.9876,,,0.0,0.069,0.0833,,0.015,,0.0173,,0.0019,0.0187,0.0314,0.9876,,,0.0,0.069,0.0833,,0.0149,,0.0169,,0.0018,,block of flats,0.0134,"Stone, brick",No,2.0,0.0,2.0,0.0,-1826.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1524983,185730,Cash loans,15257.7,360000.0,550080.0,,360000.0,FRIDAY,15,Y,1,,,,Repairs,Refused,-296,Cash through the bank,VERIF,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,135000.0,463626.0,23800.5,387000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-21733,365243,-1363.0,-4647,,1,0,0,1,0,0,,2.0,2,2,MONDAY,12,0,0,0,0,0,0,XNA,0.8757334460775347,0.45550999214428,0.43473324875017305,0.1526,0.0992,0.9767,0.6804,0.0212,0.0,0.3448,0.1667,0.2083,0.0999,0.121,0.1368,0.0154,0.0155,0.1555,0.1029,0.9767,0.6929,0.0214,0.0,0.3448,0.1667,0.2083,0.1022,0.1322,0.1426,0.0156,0.0164,0.1541,0.0992,0.9767,0.6847,0.0213,0.0,0.3448,0.1667,0.2083,0.1016,0.1231,0.1393,0.0155,0.0159,reg oper account,block of flats,0.1226,Panel,No,2.0,0.0,2.0,0.0,-1374.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +2396197,192578,Cash loans,17002.71,90000.0,92970.0,,90000.0,TUESDAY,11,Y,1,,,,XNA,Approved,-592,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,low_normal,Cash X-Sell: low,365243.0,-562.0,-412.0,-412.0,-405.0,1.0,0,Cash loans,F,N,Y,0,135000.0,224136.0,21964.5,198000.0,Unaccompanied,State servant,Secondary / secondary special,Widow,House / apartment,0.022625,-24810,-3045,-3088.0,-4544,,1,1,0,1,1,0,Security staff,1.0,2,2,SATURDAY,10,0,0,0,0,0,0,Medicine,,0.4959400693381806,0.6863823354047934,0.0825,0.0773,0.9737,,,0.0,0.1724,0.1667,,,,0.0666,,0.0,0.084,0.0802,0.9737,,,0.0,0.1724,0.1667,,,,0.0694,,0.0,0.0833,0.0773,0.9737,,,0.0,0.1724,0.1667,,,,0.0678,,0.0,,block of flats,0.0562,Block,No,0.0,0.0,0.0,0.0,-1496.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1831074,158894,Cash loans,23562.675,684000.0,801373.5,,684000.0,FRIDAY,17,Y,1,,,,XNA,Approved,-112,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,202500.0,942300.0,27135.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.022625,-22987,365243,-7794.0,-5312,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,11,0,0,0,0,0,0,XNA,,0.4818925139065904,0.1096264336424546,0.0935,0.2297,0.3294,,,0.0,0.2414,0.3333,,,,0.3197,,,0.0,0.2384,0.0005,,,0.0,0.2414,0.3333,,,,0.3331,,,0.0,0.2297,0.0,,,0.0,0.2414,0.3333,,,,0.3255,,,,block of flats,0.0,"Stone, brick",No,0.0,0.0,0.0,0.0,-1564.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1213264,112730,Cash loans,25992.54,337500.0,384277.5,,337500.0,WEDNESDAY,15,Y,1,,,,XNA,Approved,-947,Cash through the bank,XAP,Family,New,XNA,Cash,walk-in,AP+ (Cash loan),1,XNA,36.0,high,Cash Street: high,365243.0,-915.0,135.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,193500.0,1579477.5,55030.5,1363500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.0031219999999999998,-22659,365243,-8327.0,-4699,,1,0,0,1,0,0,,2.0,3,3,FRIDAY,10,0,0,0,0,0,0,XNA,0.5203776494774551,0.677303243457497,0.5849900404894085,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-947.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1950914,332060,Revolving loans,6750.0,135000.0,135000.0,,135000.0,WEDNESDAY,10,Y,1,,,,XAP,Refused,-630,XNA,SCOFR,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,2,180000.0,545040.0,26509.5,450000.0,Unaccompanied,Working,Incomplete higher,Married,Municipal apartment,0.004849,-9693,-1593,-8814.0,-2372,,1,1,1,1,1,0,Sales staff,4.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Self-employed,0.3067169072649269,0.4395023835658459,0.3233112448967859,0.0876,0.0911,0.9801,0.728,0.0389,0.0,0.1724,0.1667,0.1525,0.0821,0.0672,0.0677,0.0,0.0,0.0735,0.0774,0.9801,0.7387,0.0088,0.0,0.1379,0.1667,0.2083,0.0575,0.0643,0.047,0.0,0.0,0.0885,0.0912,0.9801,0.7316,0.0129,0.0,0.1724,0.1667,0.2083,0.0843,0.0599,0.0663,0.0,0.0,reg oper account,block of flats,0.052000000000000005,Panel,No,3.0,0.0,3.0,0.0,-1361.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2090432,376294,Cash loans,15806.7,292500.0,371650.5,,292500.0,FRIDAY,11,Y,1,,,,XNA,Approved,-1399,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),5,XNA,60.0,middle,Cash X-Sell: middle,365243.0,-1369.0,401.0,-349.0,-347.0,1.0,0,Cash loans,F,N,N,0,112500.0,208512.0,22585.5,180000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-18466,-1288,-6600.0,-1990,,1,1,0,1,1,0,Laborers,2.0,2,2,THURSDAY,16,0,0,0,0,0,0,Self-employed,0.686850779282278,0.5737014710688919,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-1399.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2512096,234091,Cash loans,12722.625,112500.0,112500.0,0.0,112500.0,TUESDAY,16,Y,1,0.0,,,XNA,Approved,-1992,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-1962.0,-1632.0,-1632.0,-1630.0,0.0,0,Cash loans,F,Y,Y,3,112500.0,675000.0,19867.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.005002,-11854,-2182,-1234.0,-366,1.0,1,1,0,1,0,0,Core staff,5.0,3,3,SATURDAY,13,0,0,0,1,1,1,Kindergarten,,0.5508263911227869,0.6313545365850379,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-358.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2476202,301970,Revolving loans,22500.0,0.0,450000.0,,,TUESDAY,8,Y,1,,,,XAP,Approved,-1276,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,360000.0,868797.0,34587.0,702000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.020246,-15982,-452,-4704.0,-5057,10.0,1,1,0,1,0,0,High skill tech staff,2.0,3,3,THURSDAY,8,0,0,0,0,1,1,Other,0.8905440413415612,0.4901135581311215,0.8245949709919925,,,0.9891,0.8504,,,0.1724,0.1667,0.2083,,0.0841,0.07,,0.2371,,,0.9891,0.8563,,,0.1724,0.1667,0.2083,,0.0918,0.073,,0.251,,,0.9891,0.8524,,,0.1724,0.1667,0.2083,,0.0855,0.0713,,0.242,reg oper account,block of flats,0.0897,Panel,No,0.0,0.0,0.0,0.0,-1276.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2205235,441505,Consumer loans,3802.5,25060.5,27877.5,2506.5,25060.5,SUNDAY,14,Y,1,0.08984354803963808,,,XAP,Approved,-1690,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,50,Connectivity,10.0,high,POS mobile with interest,365243.0,-1659.0,-1389.0,-1389.0,-1382.0,0.0,0,Cash loans,F,N,Y,0,157500.0,144486.0,7506.0,103500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.025164,-19170,-6911,-9147.0,-2718,,1,1,1,1,0,0,Laborers,1.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Industry: type 7,,0.15426542413276212,0.0005272652387098817,0.1495,0.098,0.9871,0.8232,0.0271,0.16,0.1379,0.3333,0.375,0.1435,0.121,0.1609,0.0039,0.0011,0.1523,0.1017,0.9871,0.8301,0.0273,0.1611,0.1379,0.3333,0.375,0.1468,0.1322,0.1676,0.0039,0.0012,0.1509,0.098,0.9871,0.8256,0.0272,0.16,0.1379,0.3333,0.375,0.146,0.1231,0.1638,0.0039,0.0012,reg oper account,block of flats,0.1416,Panel,No,6.0,0.0,6.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1202696,213543,Revolving loans,2250.0,45000.0,45000.0,,45000.0,FRIDAY,9,Y,1,,,,XAP,Refused,-188,XNA,SCO,Children,Repeater,XNA,Cards,walk-in,Regional / Local,5000,Furniture,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,N,N,0,157500.0,501822.0,26271.0,433201.5,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.014464,-21596,365243,-5284.0,-3958,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,6,0,0,0,1,0,0,XNA,,0.31729938070485586,,0.0722,,0.9796,,,,0.1379,0.1667,,,,0.0597,,0.022,0.0735,,0.9796,,,,0.1379,0.1667,,,,0.0622,,0.0233,0.0729,,0.9796,,,,0.1379,0.1667,,,,0.0608,,0.0225,,block of flats,0.0517,Panel,No,0.0,0.0,0.0,0.0,-35.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1150474,244386,Consumer loans,5032.935,34852.5,37728.0,0.0,34852.5,MONDAY,7,Y,1,0.0,,,XAP,Approved,-2913,Cash through the bank,XAP,Other_A,Repeater,Mobile,POS,XNA,Country-wide,24,Connectivity,10.0,high,POS mobile with interest,365243.0,-2882.0,-2612.0,-2612.0,-2606.0,1.0,0,Cash loans,F,N,Y,0,135000.0,454500.0,20020.5,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.019688999999999998,-22940,365243,-9041.0,-4942,,1,0,0,1,1,0,,1.0,2,2,TUESDAY,12,0,0,0,0,0,0,XNA,,0.3810375578615133,0.6178261467332483,0.1241,0.1295,0.9781,0.7348,0.3511,0.12,0.1448,0.2333,0.2221,0.0463,0.1264,0.1519,0.0193,0.0463,0.0168,0.0006,0.9732,0.6341,0.0024,0.0,0.1379,0.1667,0.0833,0.0282,0.0147,0.0089,0.0,0.0,0.076,0.0638,0.9737,0.6511,0.0099,0.0,0.1379,0.1667,0.2083,0.0463,0.0573,0.0548,0.0194,0.0,reg oper account,block of flats,0.2319,"Stone, brick",No,1.0,0.0,1.0,0.0,-1469.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1291481,436818,Cash loans,23702.76,405000.0,442422.0,,405000.0,THURSDAY,11,Y,1,,,,XNA,Refused,-306,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,1,157500.0,185652.0,9157.5,121500.0,Unaccompanied,State servant,Secondary / secondary special,Civil marriage,With parents,0.04622,-11261,-1476,-2952.0,-3882,,1,1,0,1,0,0,,3.0,1,1,TUESDAY,12,0,0,0,0,1,1,Other,0.7874732789629236,0.6543048636860995,0.5585066276769286,0.0082,0.0078,0.9702,0.5920000000000001,,0.0,0.069,0.0417,0.0833,0.0339,0.0067,0.015,0.0,0.0,0.0084,0.0081,0.9702,0.608,,0.0,0.069,0.0417,0.0833,0.0347,0.0073,0.0156,0.0,0.0,0.0083,0.0078,0.9702,0.5975,,0.0,0.069,0.0417,0.0833,0.0345,0.0068,0.0153,0.0,0.0,reg oper account,block of flats,0.023,"Stone, brick",No,1.0,0.0,1.0,0.0,-1840.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +1405109,211152,Revolving loans,2250.0,45000.0,45000.0,,45000.0,MONDAY,17,Y,1,,,,XAP,Approved,-192,XNA,XAP,Unaccompanied,New,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-192.0,-144.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,135000.0,352044.0,16411.5,247500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.008865999999999999,-11570,-2197,-3179.0,-2906,,1,1,0,1,0,0,Laborers,1.0,2,2,THURSDAY,17,0,0,0,1,1,0,Business Entity Type 2,,0.40148185082238014,0.3656165070113335,0.0557,0.0729,0.9851,0.7959999999999999,0.0498,0.0,0.1379,0.1667,0.2083,0.0464,0.0429,0.0495,0.0116,0.0222,0.0567,0.0756,0.9851,0.804,0.0502,0.0,0.1379,0.1667,0.2083,0.0475,0.0468,0.0516,0.0117,0.0235,0.0562,0.0729,0.9851,0.7987,0.0501,0.0,0.1379,0.1667,0.2083,0.0472,0.0436,0.0504,0.0116,0.0227,reg oper spec account,block of flats,0.0476,"Stone, brick",No,0.0,0.0,0.0,0.0,-192.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2353480,108344,Cash loans,12815.28,229500.0,229500.0,,229500.0,WEDNESDAY,17,Y,1,,,,XNA,Approved,-161,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-131.0,559.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,112500.0,254700.0,14751.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.008865999999999999,-23975,-1510,-8755.0,-4374,,1,1,0,1,0,0,,1.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Transport: type 2,,0.8014146171666421,0.8193176922872417,0.0515,0.0522,0.9866,0.8164,0.0113,0.0,0.1379,0.1667,0.2083,0.0318,0.042,0.0559,0.0,0.0,0.0525,0.0542,0.9866,0.8236,0.0114,0.0,0.1379,0.1667,0.2083,0.0325,0.0459,0.0582,0.0,0.0,0.052000000000000005,0.0522,0.9866,0.8189,0.0113,0.0,0.1379,0.1667,0.2083,0.0324,0.0428,0.0569,0.0,0.0,reg oper account,block of flats,0.044,Panel,No,0.0,0.0,0.0,0.0,-1425.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1968922,353766,Consumer loans,5254.245,65916.0,51012.0,19777.5,65916.0,SUNDAY,15,Y,1,0.3042752873596432,,,XAP,Approved,-708,Cash through the bank,XAP,Unaccompanied,Refreshed,Consumer Electronics,POS,XNA,Country-wide,2000,Consumer electronics,12.0,middle,POS household with interest,365243.0,-677.0,-347.0,-347.0,-344.0,0.0,0,Cash loans,F,N,Y,0,180000.0,715095.0,48109.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.011703,-16832,-2177,-6369.0,-350,,1,1,0,1,0,0,High skill tech staff,2.0,2,2,MONDAY,15,0,0,0,0,0,0,Self-employed,,0.6968522973522058,0.5190973382084597,0.0082,0.0,0.9712,0.6056,0.0011,0.0,0.069,0.0417,0.0833,0.0904,,0.0075,0.0,0.0,0.0084,0.0,0.9712,0.621,0.0011,0.0,0.069,0.0417,0.0833,0.0925,,0.0079,0.0,0.0,0.0083,0.0,0.9712,0.6109,0.0011,0.0,0.069,0.0417,0.0833,0.092,,0.0077,0.0,0.0,reg oper account,block of flats,0.0065,"Stone, brick",No,0.0,0.0,0.0,0.0,-2021.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2239488,117182,Cash loans,30485.7,945000.0,945000.0,,945000.0,MONDAY,8,Y,1,,,,XNA,Approved,-1114,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-1084.0,686.0,-364.0,-359.0,0.0,0,Cash loans,F,N,Y,0,225000.0,1125000.0,33025.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.010006000000000001,-19096,-2881,-18.0,-2632,,1,1,0,1,0,0,Security staff,1.0,2,2,TUESDAY,10,0,0,0,0,1,1,Security,,0.6186668213210533,0.7281412993111438,0.0361,0.0,0.9851,0.7959999999999999,0.0029,0.0,0.069,0.0417,0.0417,0.0,0.0294,0.0272,0.0,0.0073,0.0368,0.0,0.9851,0.804,0.0029,0.0,0.069,0.0417,0.0417,0.0,0.0321,0.0284,0.0,0.0077,0.0364,0.0,0.9851,0.7987,0.0029,0.0,0.069,0.0417,0.0417,0.0,0.0299,0.0277,0.0,0.0074,not specified,block of flats,0.0214,Wooden,No,1.0,1.0,1.0,1.0,-1204.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1279876,385825,Consumer loans,46908.18,477000.0,477000.0,0.0,477000.0,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-648,Cash through the bank,XAP,,New,Tourism,POS,XNA,Stone,20,Industry,12.0,middle,POS other with interest,365243.0,-617.0,-287.0,-287.0,-242.0,0.0,0,Cash loans,F,N,Y,2,270000.0,457312.5,36261.0,373500.0,Unaccompanied,State servant,Incomplete higher,Single / not married,House / apartment,0.007114,-12903,-541,-594.0,-4019,,1,1,0,1,0,0,Laborers,3.0,2,2,THURSDAY,11,0,0,0,1,1,0,Government,0.0897571513698946,0.5588792460177539,0.2608559142068693,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-648.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2111166,442503,Revolving loans,11250.0,225000.0,225000.0,,225000.0,TUESDAY,11,Y,1,,,,XAP,Approved,-498,XNA,XAP,,New,XNA,Cards,walk-in,AP+ (Cash loan),2,XNA,0.0,XNA,Card Street,-496.0,-450.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,135000.0,545040.0,35617.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-10023,-787,-4723.0,-684,13.0,1,1,0,1,0,0,Sales staff,2.0,3,3,WEDNESDAY,12,0,0,0,0,1,1,Business Entity Type 3,0.20445003286126853,0.004935799782437642,0.41184855592423975,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-526.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2487478,396767,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SUNDAY,12,Y,1,,,,XAP,Approved,-159,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,2,67500.0,503676.0,27454.5,382500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.006207,-11622,-2436,-10061.0,-255,,1,1,1,1,1,0,Laborers,4.0,2,2,FRIDAY,11,0,0,0,0,0,0,Government,0.4397899565023444,0.5697338678962323,,0.0979,0.0233,0.9866,0.8164,,0.0848,0.099,0.3125,0.3542,0.0459,0.0795,0.0934,0.001,0.0019,0.0756,0.0,0.9866,0.8236,,0.0806,0.069,0.3333,0.375,0.0276,0.0661,0.0783,0.0,0.0,0.0755,0.0,0.9866,0.8189,,0.08,0.069,0.3333,0.375,0.0416,0.0616,0.0779,0.0,0.0,reg oper account,block of flats,0.0654,Panel,No,2.0,0.0,1.0,0.0,-922.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1674627,427469,Cash loans,69254.46,337500.0,345298.5,0.0,337500.0,WEDNESDAY,11,Y,1,0.0,,,XNA,Approved,-1143,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,365243.0,-1113.0,-963.0,-963.0,-957.0,1.0,0,Cash loans,F,N,N,0,450000.0,791595.0,42304.5,733500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018801,-18093,-978,-1372.0,-1621,,1,1,0,1,0,0,Managers,2.0,2,2,FRIDAY,11,0,0,0,0,1,1,Business Entity Type 3,,0.6603043583982725,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,0.0,8.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1153670,199526,Consumer loans,6314.94,69030.0,55521.0,18000.0,69030.0,FRIDAY,10,Y,1,0.2666399581566676,,,XAP,Approved,-716,Cash through the bank,XAP,"Spouse, partner",Repeater,Furniture,POS,XNA,Stone,80,Furniture,10.0,low_normal,POS industry with interest,365243.0,-685.0,-415.0,-415.0,-413.0,0.0,0,Cash loans,F,N,Y,0,135000.0,555273.0,18040.5,463500.0,Children,Commercial associate,Lower secondary,Married,House / apartment,0.007120000000000001,-19198,-1655,-8613.0,-2741,,1,1,0,1,0,0,Sales staff,2.0,2,2,SUNDAY,11,0,0,0,0,0,0,Self-employed,,0.6045545788800519,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-2438.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2139030,319065,Consumer loans,12394.215,64800.0,68220.0,0.0,64800.0,THURSDAY,18,Y,1,0.0,,,XAP,Approved,-438,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Stone,1147,Furniture,6.0,middle,POS industry with interest,365243.0,-408.0,-258.0,-258.0,-253.0,1.0,0,Cash loans,M,Y,Y,0,90000.0,675000.0,24246.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00823,-13526,-4586,-2758.0,-4542,8.0,1,1,1,1,0,0,High skill tech staff,2.0,2,2,MONDAY,10,0,0,0,0,1,1,Business Entity Type 2,0.5235294665203126,0.4781264036405794,0.7106743858828587,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1425.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +2190909,102990,Consumer loans,4109.715,23499.0,23179.5,1413.0,23499.0,SUNDAY,17,Y,1,0.06257539715545203,,,XAP,Approved,-2501,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Stone,428,Consumer electronics,6.0,low_normal,POS household without interest,365243.0,-2470.0,-2320.0,-2320.0,-2312.0,1.0,0,Cash loans,M,Y,Y,0,225000.0,675000.0,25987.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.026392000000000002,-22283,-244,-11430.0,-2506,7.0,1,1,0,1,0,0,Drivers,1.0,2,2,TUESDAY,17,0,0,0,0,0,0,Self-employed,,0.722779049374146,0.501075160239048,0.4052,0.2127,0.9841,,,0.48,0.4138,0.3333,,0.4903,,0.441,,0.0103,0.4128,0.2207,0.9841,,,0.4834,0.4138,0.3333,,0.5015,,0.4595,,0.0109,0.4091,0.2127,0.9841,,,0.48,0.4138,0.3333,,0.4989,,0.4489,,0.0105,,block of flats,0.3491,Panel,No,0.0,0.0,0.0,0.0,-2922.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2758874,179846,Consumer loans,6962.4,151483.5,151483.5,0.0,151483.5,SUNDAY,11,Y,1,0.0,,,XAP,Approved,-1530,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,2256,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1497.0,-807.0,-1287.0,-1278.0,0.0,1,Cash loans,M,N,Y,1,180000.0,234324.0,18643.5,207000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.022625,-10726,-2673,-2619.0,-3411,,1,1,0,1,0,0,,3.0,2,2,THURSDAY,18,0,0,0,0,0,0,Business Entity Type 3,,0.6726787338664861,0.5656079814115492,0.2938,0.1261,0.9896,,0.0842,0.16,0.1379,0.3333,,0.0629,0.2396,0.2158,0.0,0.0,0.2994,0.1309,0.9896,,0.0849,0.1611,0.1379,0.3333,,0.0643,0.2617,0.2249,0.0,0.0,0.2967,0.1261,0.9896,,0.0847,0.16,0.1379,0.3333,,0.0639,0.2437,0.2197,0.0,0.0,,block of flats,0.2158,Panel,No,0.0,0.0,0.0,0.0,-335.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1649371,170386,Consumer loans,10443.015,53365.5,50566.5,5337.0,53365.5,WEDNESDAY,14,Y,1,0.10397342173241714,,,XAP,Approved,-446,Cash through the bank,XAP,,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,16,Connectivity,6.0,high,POS mobile with interest,365243.0,-415.0,-265.0,-415.0,-407.0,0.0,0,Cash loans,F,Y,Y,0,171000.0,490536.0,18621.0,405000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.016612000000000002,-16046,-8378,-8749.0,-3917,7.0,1,1,0,1,0,0,Medicine staff,1.0,2,2,MONDAY,11,0,0,0,0,0,0,Medicine,0.7149540727052079,0.6692994731753443,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-603.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2244325,265240,Consumer loans,8624.295,52339.5,47101.5,5238.0,52339.5,FRIDAY,18,Y,1,0.10899336412877812,,,XAP,Approved,-2579,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,951,Consumer electronics,6.0,middle,POS household with interest,365243.0,-2548.0,-2398.0,-2398.0,-2388.0,0.0,0,Cash loans,M,Y,N,0,202500.0,450000.0,18328.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.009334,-12388,-4671,-6480.0,-4833,1.0,1,1,1,1,0,0,Laborers,2.0,2,2,MONDAY,9,0,0,0,0,0,0,Trade: type 2,,0.5696159316737935,0.4632753280912678,0.0082,0.0,0.9583,0.4288,0.0011,0.0,0.069,0.0417,0.0833,0.0063,0.0067,0.0097,0.0,0.0,0.0084,0.0,0.9583,0.4512,0.0011,0.0,0.069,0.0417,0.0833,0.0064,0.0073,0.0101,0.0,0.0,0.0083,0.0,0.9583,0.4364,0.0011,0.0,0.069,0.0417,0.0833,0.0064,0.0068,0.0099,0.0,0.0,reg oper account,block of flats,0.0083,Wooden,Yes,9.0,0.0,9.0,0.0,-1351.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,3.0 +2251378,233638,Consumer loans,11514.96,60745.5,64354.5,0.0,60745.5,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-77,Cash through the bank,XAP,Unaccompanied,Repeater,Construction Materials,POS,XNA,Stone,180,Construction,6.0,low_normal,POS industry with interest,365243.0,-47.0,103.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,2,180000.0,447768.0,29151.0,405000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-10853,-860,-5029.0,-3157,24.0,1,1,1,1,0,0,,4.0,2,2,SATURDAY,16,0,1,1,1,1,1,Business Entity Type 3,0.22192806384945926,0.5872268327297381,0.5884877883422673,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-659.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1257521,445808,Cash loans,7862.085,67500.0,80703.0,,67500.0,MONDAY,13,Y,1,,,,XNA,Approved,-800,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-770.0,-440.0,-440.0,-437.0,1.0,0,Cash loans,F,Y,Y,0,241200.0,495351.0,47160.0,459000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.035792000000000004,-16669,-6670,-4241.0,-217,6.0,1,1,0,1,0,0,Managers,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,School,0.6654862951205514,0.6925716280966457,0.7338145369642702,0.0629,0.0613,0.9806,0.7348,0.0076,0.0,0.1379,0.1667,0.2083,0.0394,0.0479,0.0543,0.0154,0.0529,0.0641,0.0636,0.9806,0.7452,0.0077,0.0,0.1379,0.1667,0.2083,0.0403,0.0523,0.0566,0.0156,0.056,0.0635,0.0613,0.9806,0.7383,0.0077,0.0,0.1379,0.1667,0.2083,0.0401,0.0487,0.0553,0.0155,0.054000000000000006,reg oper account,block of flats,0.0542,"Stone, brick",No,0.0,0.0,0.0,0.0,-1909.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2572793,184913,Consumer loans,15881.625,82350.0,86697.0,0.0,82350.0,WEDNESDAY,16,Y,1,0.0,,,XAP,Approved,-342,Cash through the bank,XAP,"Spouse, partner",Repeater,Jewelry,POS,XNA,Stone,48,Jewelry,6.0,middle,POS other with interest,365243.0,-312.0,-162.0,-162.0,-156.0,1.0,0,Cash loans,F,Y,Y,2,225000.0,675000.0,32472.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0228,-11299,-1397,-1912.0,-412,3.0,1,1,1,1,1,0,Sales staff,4.0,2,2,TUESDAY,9,0,0,0,0,1,1,Business Entity Type 3,,0.4719642786037315,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,2.0,0.0,-1135.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2096449,103738,Consumer loans,4608.0,45774.0,50305.5,0.0,45774.0,FRIDAY,11,Y,1,0.0,,,XAP,Approved,-1124,XNA,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,364,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-1093.0,-763.0,-853.0,-849.0,0.0,0,Cash loans,F,N,Y,0,90000.0,163098.0,16015.5,153000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020246,-24144,365243,-12870.0,-4886,,1,0,0,1,0,0,,2.0,3,3,TUESDAY,7,0,0,0,0,0,0,XNA,,0.31820008671947303,0.746300213050371,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-475.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2103568,321002,Consumer loans,3932.325,35784.0,35784.0,0.0,35784.0,SUNDAY,14,Y,1,0.0,,,XAP,Approved,-547,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,35,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-514.0,-244.0,-274.0,-267.0,0.0,0,Cash loans,M,Y,N,0,112500.0,450000.0,36081.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.009549,-10217,-2472,-4960.0,-2809,12.0,1,1,1,1,1,0,Laborers,2.0,2,2,SUNDAY,10,0,0,0,0,0,0,Construction,0.2039587621963405,0.4887091969936374,0.6940926425266661,0.084,0.07200000000000001,0.9856,,,0.12,0.1262,0.2221,,0.0412,,0.0755,,0.0056,0.0578,0.0572,0.9851,,,0.1208,0.1379,0.1667,,0.0421,,0.0573,,0.0037,0.0848,0.0673,0.9851,,,0.12,0.1379,0.1667,,0.0419,,0.056,,0.0058,,block of flats,0.046,Panel,No,3.0,0.0,3.0,0.0,-547.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1423939,279115,Consumer loans,11173.32,55845.0,59152.5,5584.5,55845.0,SUNDAY,12,Y,1,0.0939497996789808,,,XAP,Approved,-415,Cash through the bank,XAP,Unaccompanied,New,Furniture,POS,XNA,Stone,1274,Furniture,6.0,middle,POS industry with interest,365243.0,-384.0,-234.0,-264.0,-261.0,0.0,0,Cash loans,M,N,N,0,81000.0,276277.5,14233.5,238500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,With parents,0.002134,-8542,-214,-1186.0,-1201,,1,1,0,1,0,0,Laborers,2.0,3,3,TUESDAY,9,0,0,0,1,1,1,Government,,0.2827120408188461,0.31547215492577346,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1239860,390432,Consumer loans,5172.345,44055.0,42817.5,4500.0,44055.0,SUNDAY,15,Y,1,0.10357497946656292,,,XAP,Approved,-2157,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Stone,1074,Consumer electronics,10.0,middle,POS household with interest,365243.0,-2126.0,-1856.0,-1886.0,-1877.0,0.0,0,Revolving loans,M,Y,Y,0,202500.0,675000.0,33750.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-18148,-7442,-9138.0,-1708,5.0,1,1,0,1,0,0,Managers,2.0,2,2,MONDAY,17,0,0,0,0,0,0,Self-employed,,0.6891248913833483,0.4848514754962666,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2157.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,7.0 +2341585,443482,Consumer loans,7921.935,61078.5,66451.5,0.0,61078.5,THURSDAY,16,Y,1,0.0,,,XAP,Approved,-716,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,1700,Consumer electronics,10.0,middle,POS household with interest,365243.0,-685.0,-415.0,-415.0,-412.0,0.0,0,Cash loans,F,N,Y,1,90000.0,808650.0,29839.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008473999999999999,-12144,-881,-5098.0,-3910,,1,1,0,1,0,0,,3.0,2,2,SATURDAY,10,0,0,0,0,0,0,Industry: type 5,0.4060801568933901,0.21227970418317896,0.5549467685334323,0.1216,0.0636,0.9831,0.7688,0.0128,0.0,0.069,0.1667,0.2083,0.0,0.0992,0.064,0.0,0.0044,0.1239,0.066,0.9831,0.7779,0.0129,0.0,0.069,0.1667,0.2083,0.0,0.1084,0.0667,0.0,0.0046,0.1228,0.0636,0.9831,0.7719,0.0129,0.0,0.069,0.1667,0.2083,0.0,0.1009,0.0652,0.0,0.0045,reg oper account,block of flats,0.0513,"Stone, brick",No,9.0,0.0,9.0,0.0,-716.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,3.0 +2484514,341730,Consumer loans,9303.885,99720.0,99720.0,0.0,99720.0,TUESDAY,12,Y,1,0.0,,,XAP,Refused,-1422,Cash through the bank,LIMIT,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,70,Furniture,12.0,low_normal,POS industry with interest,,,,,,,1,Cash loans,F,N,Y,0,202500.0,343800.0,13090.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.072508,-20528,365243,-309.0,-3540,,1,0,0,1,1,0,,2.0,1,1,WEDNESDAY,11,0,0,0,0,0,0,XNA,0.6763832760700574,0.011077224502863352,0.1684161714286957,0.0763,0.0478,0.9747,0.6532,0.1071,0.02,0.0862,0.25,0.0417,,0.0614,0.0569,0.0039,0.0632,0.0756,0.0,0.9742,0.6602,0.0728,0.0,0.0345,0.1667,0.0417,,0.0661,0.0523,0.0,0.0,0.077,0.0478,0.9747,0.6578,0.1077,0.02,0.0862,0.25,0.0417,,0.0624,0.058,0.0039,0.0646,reg oper account,block of flats,0.0395,"Stone, brick",No,4.0,0.0,4.0,0.0,-400.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1200618,183806,Cash loans,18911.565,454500.0,526491.0,,454500.0,MONDAY,17,Y,1,,,,XNA,Approved,-291,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Contact center,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-261.0,1149.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,67500.0,202500.0,7632.0,202500.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.031329,-22879,365243,-14746.0,-3448,,1,0,0,1,0,0,,1.0,2,2,MONDAY,10,0,0,0,0,0,0,XNA,,0.26525634018619443,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,2.0,3.0,2.0,-1906.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2414972,312938,Consumer loans,8702.865,36805.5,30478.5,7362.0,36805.5,SATURDAY,10,Y,1,0.21188639877187865,,,XAP,Approved,-454,XNA,XAP,,New,Computers,POS,XNA,Country-wide,34,Connectivity,4.0,high,POS mobile with interest,365243.0,-422.0,-332.0,-332.0,-329.0,0.0,0,Revolving loans,M,N,Y,2,157500.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.011656999999999999,-12584,-424,-4215.0,-4249,,1,1,0,1,1,0,Laborers,4.0,1,1,FRIDAY,12,0,1,1,0,0,0,Security,0.2912185077173156,0.6203266128158782,0.4311917977993083,0.0619,0.0605,0.9771,,,0.0,0.1034,0.1667,,0.0,,0.0504,,0.0,0.063,0.0628,0.9772,,,0.0,0.1034,0.1667,,0.0,,0.0526,,0.0,0.0625,0.0605,0.9771,,,0.0,0.1034,0.1667,,0.0,,0.0514,,0.0,,block of flats,0.0397,Block,No,1.0,0.0,1.0,0.0,-454.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2222602,106283,Cash loans,11240.865,135000.0,170640.0,,135000.0,FRIDAY,17,Y,1,,,,Repairs,Refused,-260,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),2,XNA,24.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,180000.0,545040.0,26640.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008865999999999999,-13069,-4807,-5094.0,-3299,,1,1,1,1,0,0,Laborers,2.0,2,2,SATURDAY,9,0,0,0,0,1,1,Agriculture,,0.5769178679638441,0.5937175866150576,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-757.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2579007,292256,Consumer loans,4220.595,42210.0,37989.0,4221.0,42210.0,WEDNESDAY,16,Y,1,0.1089090909090909,,,XAP,Refused,-2145,Cash through the bank,SCO,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,150,Consumer electronics,10.0,low_normal,POS household with interest,,,,,,,0,Cash loans,F,Y,Y,1,135000.0,665892.0,21609.0,477000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.035792000000000004,-14248,-3714,-6514.0,-4726,16.0,1,1,0,1,1,0,Core staff,2.0,2,2,SATURDAY,14,0,0,0,1,1,1,Government,,0.5628647652073816,0.7281412993111438,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1712.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2210457,165867,Consumer loans,7161.48,138600.0,138600.0,0.0,138600.0,MONDAY,13,Y,1,0.0,,,XAP,Approved,-345,Cash through the bank,XAP,,New,Medical Supplies,POS,XNA,Country-wide,50,Industry,24.0,low_normal,POS other with interest,365243.0,-313.0,377.0,-313.0,-304.0,0.0,0,Cash loans,F,N,Y,0,130500.0,542133.0,17311.5,468000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.010966,-23685,365243,-2431.0,-4535,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,XNA,,0.7272476848218565,,0.1485,0.0636,0.9791,0.7144,0.0537,0.0,0.0345,0.2083,0.2083,0.0563,0.1202,0.0557,0.0039,0.0339,0.1513,0.066,0.9791,0.7256,0.0542,0.0,0.0345,0.2083,0.2083,0.0575,0.1313,0.058,0.0039,0.0359,0.1499,0.0636,0.9791,0.7182,0.054000000000000006,0.0,0.0345,0.2083,0.2083,0.0572,0.1223,0.0567,0.0039,0.0346,reg oper account,block of flats,0.0662,"Stone, brick",No,1.0,0.0,1.0,0.0,-345.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2455081,385084,Cash loans,11091.6,270000.0,270000.0,0.0,270000.0,SUNDAY,10,Y,1,0.0,,,XNA,Refused,-2415,Cash through the bank,LIMIT,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,60.0,middle,Cash Street: middle,,,,,,,0,Revolving loans,F,N,Y,0,229500.0,202500.0,10125.0,202500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-13369,-1355,-6743.0,-6002,,1,1,0,1,0,0,HR staff,2.0,2,2,SUNDAY,12,0,0,0,0,0,0,Construction,0.8186906469310596,0.7060700054916192,0.5495965024956946,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2727.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2776249,259727,Consumer loans,6992.55,72270.0,72270.0,0.0,72270.0,THURSDAY,10,Y,1,0.0,,,XAP,Approved,-279,Cash through the bank,XAP,Unaccompanied,Repeater,Fitness,POS,XNA,Stone,500,Industry,12.0,low_normal,POS industry with interest,365243.0,-249.0,81.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,1035072.0,30393.0,864000.0,Unaccompanied,Working,Higher education,Widow,House / apartment,0.030755,-14771,-892,-1370.0,-4513,10.0,1,1,0,1,0,0,,1.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Trade: type 7,,0.7794617387330945,0.6075573001388961,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1849.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1877992,192406,Revolving loans,22500.0,0.0,675000.0,,,WEDNESDAY,12,N,0,,,,XAP,Refused,-638,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,Y,N,2,81000.0,243000.0,13311.0,243000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-11785,-2288,-588.0,-3977,12.0,1,1,0,1,0,0,Laborers,4.0,2,2,THURSDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.3534065539701773,0.2896672452463978,0.5549467685334323,0.0041,,0.9712,,,,,0.0,,,,,,,0.0042,,0.9712,,,,,0.0,,,,,,,0.0042,,0.9712,,,,,0.0,,,,,,,,block of flats,0.002,Wooden,No,0.0,0.0,0.0,0.0,-1645.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2153802,434270,Consumer loans,44253.0,675000.0,675000.0,0.0,675000.0,SUNDAY,14,Y,1,0.0,,,XAP,Approved,-667,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Stone,1,Consumer electronics,18.0,low_normal,POS household with interest,365243.0,-622.0,-112.0,-142.0,-135.0,0.0,0,Cash loans,F,N,Y,0,157500.0,526491.0,16942.5,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.0060079999999999995,-23320,365243,-6102.0,-763,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,,0.6839956552638004,0.2678689358444539,0.2732,0.1984,0.9896,0.8572,0.0894,0.2,0.1724,0.4583,0.375,,0.2227,0.3332,0.0,0.0,0.2784,0.2059,0.9896,0.8628,0.0902,0.2014,0.1724,0.4583,0.375,,0.2433,0.3472,0.0,0.0,0.2758,0.1984,0.9896,0.8591,0.0899,0.2,0.1724,0.4583,0.375,,0.2266,0.3392,0.0,0.0,reg oper account,block of flats,0.311,Panel,No,0.0,0.0,0.0,0.0,-667.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,9.0 +1241730,217780,Consumer loans,7650.81,45308.25,48496.5,2.25,45308.25,THURSDAY,12,Y,1,5.052613820881042e-05,,,XAP,Approved,-659,Cash through the bank,XAP,,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,19,Connectivity,8.0,high,POS mobile with interest,365243.0,-623.0,-413.0,-563.0,-558.0,0.0,0,Cash loans,F,Y,N,1,180000.0,472500.0,17640.0,472500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-15535,-788,-3922.0,-4383,5.0,1,1,0,1,0,0,Private service staff,3.0,2,2,WEDNESDAY,11,0,0,0,0,1,1,Services,,0.7134618883395121,0.5513812618027899,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-2166.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2447767,394801,Cash loans,126313.74,1260000.0,1296589.5,,1260000.0,THURSDAY,7,Y,1,,,,XNA,Approved,-824,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-794.0,-464.0,-584.0,-576.0,1.0,0,Cash loans,F,N,Y,0,270000.0,2156400.0,59431.5,1800000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018029,-21368,-8158,-3042.0,-2453,,1,1,0,1,0,0,Managers,2.0,3,3,TUESDAY,10,0,0,0,0,1,1,Business Entity Type 3,,0.6364913012802964,0.6430255641096323,,,0.9906,,,,,,,,,,,,,,0.9906,,,,,,,,,,,,,,0.9906,,,,,,,,,,,,,block of flats,0.0786,"Stone, brick",No,2.0,0.0,2.0,0.0,-1500.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2593334,426031,Consumer loans,10299.555,93726.0,93726.0,0.0,93726.0,SUNDAY,17,Y,1,0.0,,,XAP,Approved,-528,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-488.0,-218.0,-218.0,-213.0,0.0,0,Cash loans,M,Y,N,1,81000.0,161730.0,11632.5,135000.0,Unaccompanied,State servant,Secondary / secondary special,Civil marriage,House / apartment,0.003069,-10637,-1599,-5046.0,-62,7.0,1,1,0,1,0,0,Security staff,3.0,3,3,WEDNESDAY,13,0,0,0,0,1,1,Government,0.2640475779001021,0.4480197860837068,0.4083588531230431,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1199.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1345527,180120,Cash loans,8539.605,67500.0,71955.0,,67500.0,THURSDAY,12,Y,1,,,,Urgent needs,Refused,-349,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Country-wide,56,Connectivity,12.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,1,202500.0,215640.0,17419.5,180000.0,Unaccompanied,Working,Incomplete higher,Separated,House / apartment,0.010006000000000001,-10933,-2505,-2840.0,-2244,,1,1,0,1,0,0,,2.0,2,1,WEDNESDAY,14,0,0,0,0,0,0,Medicine,0.5163037265376026,0.02405739381633624,0.4418358231994413,0.0031,,0.9712,,,,,0.0,,,,0.0017,,0.0029,0.0032,,0.9712,,,,,0.0,,,,0.0018,,0.0031,0.0031,,0.9712,,,,,0.0,,,,0.0017,,0.003,,block of flats,0.002,Wooden,No,0.0,0.0,0.0,0.0,-448.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2653275,432209,Cash loans,26442.9,450000.0,508158.0,,450000.0,THURSDAY,15,Y,1,,,,XNA,Approved,-368,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-338.0,352.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,157500.0,263686.5,31423.5,238500.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-12505,-1476,-6607.0,-1230,,1,1,0,1,0,0,Sales staff,2.0,1,1,MONDAY,14,0,0,0,0,1,1,Business Entity Type 3,0.5115606300495702,0.7608984851733035,0.6706517530862718,0.0402,0.0982,0.9717,,,0.0,0.1034,0.125,,0.0,,0.063,,0.0,0.041,0.102,0.9717,,,0.0,0.1034,0.125,,0.0,,0.0656,,0.0,0.0406,0.0982,0.9717,,,0.0,0.1034,0.125,,0.0,,0.0641,,0.0,,block of flats,0.0495,"Stone, brick",No,1.0,1.0,1.0,1.0,-1157.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2642301,312211,Consumer loans,20599.56,193455.0,189508.5,19345.5,193455.0,THURSDAY,17,Y,1,0.10087912217059852,,,XAP,Approved,-2553,Cash through the bank,XAP,"Spouse, partner",Repeater,Computers,POS,XNA,Stone,68,Consumer electronics,12.0,high,POS household with interest,365243.0,-2499.0,-2169.0,-2199.0,-2193.0,1.0,0,Cash loans,M,Y,Y,1,315000.0,497520.0,53712.0,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.072508,-14361,-2747,-8441.0,-5706,4.0,1,1,0,1,1,0,Sales staff,3.0,1,1,TUESDAY,14,0,0,0,0,0,0,Self-employed,,0.7784828297931579,0.7180328113294772,0.0835,0.0332,0.9776,0.6940000000000001,,0.08,0.0345,0.4583,,,0.0672,0.0685,0.0039,0.0683,0.0851,0.0344,0.9777,0.706,,0.0806,0.0345,0.4583,,,0.0735,0.0713,0.0039,0.0723,0.0843,0.0332,0.9776,0.6981,,0.08,0.0345,0.4583,,,0.0684,0.0697,0.0039,0.0697,reg oper account,block of flats,0.0687,"Stone, brick",No,2.0,0.0,2.0,0.0,-2128.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1621594,287970,Consumer loans,33922.215,339196.5,305275.5,33921.0,339196.5,SUNDAY,14,Y,1,0.10891342548426276,,,XAP,Approved,-401,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Country-wide,190,Furniture,10.0,low_normal,POS industry with interest,365243.0,-368.0,-98.0,-98.0,-93.0,0.0,0,Cash loans,F,N,N,3,202500.0,509922.0,37237.5,472500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0228,-12124,-555,-4281.0,-3881,,1,1,0,1,1,0,Sales staff,5.0,2,2,TUESDAY,13,0,0,0,0,0,0,Trade: type 7,0.6421767725542517,0.4753661447957678,0.2608559142068693,0.16699999999999998,0.0818,0.993,0.9048,0.0416,0.16,0.1379,0.375,0.0417,0.0299,0.1362,0.2327,0.0193,0.0551,0.1702,0.0849,0.993,0.9085,0.042,0.1611,0.1379,0.375,0.0417,0.0305,0.1488,0.2424,0.0195,0.0583,0.1686,0.0818,0.993,0.9061,0.0419,0.16,0.1379,0.375,0.0417,0.0304,0.1385,0.2368,0.0194,0.0562,reg oper account,block of flats,0.2177,Panel,No,8.0,0.0,8.0,0.0,-598.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2801671,417887,Consumer loans,9323.235,137650.5,159453.0,0.0,137650.5,FRIDAY,19,Y,1,0.0,,,XAP,Approved,-56,Cash through the bank,XAP,Unaccompanied,Repeater,Homewares,POS,XNA,Regional / Local,145,Consumer electronics,24.0,middle,POS household with interest,365243.0,-25.0,665.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,1,157500.0,548775.0,36670.5,508500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010966,-11368,-812,-5184.0,-3906,13.0,1,1,1,1,1,1,Laborers,3.0,2,2,FRIDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.34689651292864304,0.6380435278721609,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-266.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1381580,236265,Consumer loans,5795.235,31860.0,28422.0,4779.0,31860.0,SATURDAY,14,Y,1,0.15676532196456294,,,XAP,Approved,-1204,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,6.0,high,POS mobile with interest,365243.0,-1167.0,-1017.0,-1017.0,-1007.0,0.0,0,Revolving loans,F,N,Y,1,76500.0,247500.0,12375.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.026392000000000002,-9583,-1206,-4034.0,-2266,,1,1,0,1,1,0,Cooking staff,3.0,2,2,SATURDAY,10,0,0,0,0,1,1,Self-employed,0.27846597077637264,0.6284244652483817,0.21155076420525776,0.0186,,0.9851,,,0.0,0.1034,0.0417,,0.0021,,0.0172,,0.0,0.0189,,0.9851,,,0.0,0.1034,0.0417,,0.0021,,0.018000000000000002,,0.0,0.0187,,0.9851,,,0.0,0.1034,0.0417,,0.0021,,0.0176,,0.0,,block of flats,0.0136,"Stone, brick",No,1.0,1.0,1.0,1.0,-1643.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2512657,194532,Cash loans,,0.0,0.0,,,THURSDAY,13,Y,1,,,,XNA,Refused,-364,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,0,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,405000.0,746280.0,59094.0,675000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.072508,-23532,365243,-952.0,-4187,,1,0,0,1,1,0,,2.0,1,1,THURSDAY,15,0,0,0,0,0,0,XNA,,0.5077041296487351,0.5954562029091491,0.2639,0.0712,0.9965,0.9524,0.1659,0.32,0.1379,0.6667,0.7083,0.0243,0.2152,0.165,0.0,0.0693,0.2689,0.0739,0.9965,0.9543,0.1512,0.3222,0.1379,0.6667,0.7083,0.0236,0.2351,0.1538,0.0,0.0631,0.2665,0.0712,0.9965,0.953,0.16699999999999998,0.32,0.1379,0.6667,0.7083,0.0247,0.2189,0.168,0.0,0.0708,reg oper account,block of flats,0.0236,Panel,No,0.0,0.0,0.0,0.0,-3.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1428627,242818,Cash loans,8761.185,85500.0,85500.0,,85500.0,MONDAY,9,Y,1,,,,XNA,Refused,-560,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,135000.0,441000.0,16753.5,441000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,Municipal apartment,0.072508,-21317,365243,-14080.0,-4757,,1,0,0,1,1,0,,1.0,1,1,MONDAY,15,0,0,0,0,0,0,XNA,,0.7323230983458381,0.17146836689679945,0.1096,0.0959,0.9752,0.66,,0.04,0.1552,0.2429,0.2846,0.0,0.0892,0.066,0.0006,0.0009,0.105,0.0804,0.9742,0.6602,,0.0,0.1724,0.1667,0.2083,0.0,0.0918,0.0489,0.0,0.0,0.1041,0.1034,0.9742,0.6511,,0.0,0.1724,0.1667,0.2083,0.0,0.0855,0.0606,0.0,0.0,,block of flats,0.0552,Block,No,0.0,0.0,0.0,0.0,-2411.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +1757852,299482,Cash loans,38856.645,436500.0,466749.0,,436500.0,WEDNESDAY,18,Y,1,,,,XNA,Refused,-1282,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,18.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,Y,N,1,405000.0,446931.0,17941.5,369000.0,Unaccompanied,Working,Higher education,Widow,House / apartment,0.072508,-17883,-3109,-3528.0,-1408,2.0,1,1,0,1,1,0,,2.0,1,1,THURSDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.6070615316250808,0.004785610861929988,,0.1574,0.1468,0.993,0.9048,0.1115,0.3732,0.1607,0.4304,0.4167,0.0259,0.1283,0.0663,0.0,0.0198,0.0987,0.0709,0.993,0.9085,0.0687,0.1611,0.069,0.4583,0.5,0.0125,0.0863,0.0697,0.0,0.0042,0.0999,0.0706,0.993,0.9061,0.0695,0.16,0.069,0.4583,0.5,0.0128,0.0821,0.0681,0.0,0.0043,reg oper account,block of flats,0.2423,Panel,No,0.0,0.0,0.0,0.0,-764.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2478492,356193,Revolving loans,10125.0,202500.0,202500.0,,202500.0,TUESDAY,15,Y,1,,,,XAP,Approved,-379,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-376.0,-332.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,112500.0,533304.0,27360.0,405000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009656999999999999,-11525,-1318,-5440.0,-2051,,1,1,0,1,0,1,Laborers,2.0,2,2,WEDNESDAY,9,0,0,0,1,1,0,Transport: type 4,,0.3998277642763571,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-736.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2284138,406425,Consumer loans,12442.455,99225.0,109048.5,0.0,99225.0,TUESDAY,9,Y,1,0.0,,,XAP,Approved,-2381,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,350,Consumer electronics,12.0,high,POS household with interest,365243.0,-2350.0,-2020.0,-2020.0,-2012.0,1.0,0,Revolving loans,F,N,Y,0,135000.0,225000.0,11250.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-15065,-3234,-5503.0,-1882,,1,1,1,1,1,0,Laborers,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.2858978721410488,0.4206109640437848,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-751.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1830910,177383,Cash loans,47666.25,1125000.0,1125000.0,,1125000.0,TUESDAY,16,Y,1,,,,XNA,Approved,-717,XNA,XAP,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-687.0,363.0,-297.0,-292.0,0.0,0,Cash loans,F,Y,N,1,90000.0,450000.0,47254.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008575,-14591,-2024,-5756.0,-772,11.0,1,1,0,1,0,1,Laborers,3.0,2,2,THURSDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.5595839338373537,0.4706892327157126,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-319.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +2697016,380323,Consumer loans,8520.975,46251.0,43821.0,4626.0,46251.0,SUNDAY,14,Y,1,0.10399270430479786,,,XAP,Approved,-655,XNA,XAP,,New,Mobile,POS,XNA,Country-wide,50,Connectivity,6.0,high,POS mobile with interest,365243.0,-624.0,-474.0,-504.0,-494.0,0.0,0,Cash loans,M,Y,Y,2,225000.0,1288350.0,37800.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-12670,-1412,-2.0,-4376,2.0,1,1,0,1,0,0,Security staff,4.0,2,2,THURSDAY,14,0,1,1,0,0,0,Business Entity Type 3,,0.6712278203863946,0.5370699579791587,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,1.0,0.0,-655.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1343721,111919,Cash loans,29526.795,675000.0,744498.0,,675000.0,TUESDAY,18,Y,1,,,,XNA,Approved,-248,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-218.0,832.0,-188.0,-180.0,1.0,0,Cash loans,M,N,N,0,135000.0,270000.0,14647.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007273999999999998,-14233,-402,-5715.0,-5091,,1,1,0,1,1,0,Laborers,2.0,2,2,THURSDAY,20,0,0,0,1,1,1,Other,,0.2869750275456415,,0.1021,0.1069,0.9831,0.7688,0.0117,0.0,0.2069,0.1667,0.2083,0.0789,0.0824,0.0931,0.0039,0.0075,0.104,0.1109,0.9831,0.7779,0.0118,0.0,0.2069,0.1667,0.2083,0.0807,0.09,0.097,0.0039,0.0079,0.1031,0.1069,0.9831,0.7719,0.0118,0.0,0.2069,0.1667,0.2083,0.0803,0.0838,0.0948,0.0039,0.0077,reg oper account,block of flats,0.0813,Panel,No,0.0,0.0,0.0,0.0,-248.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1290797,261026,Consumer loans,5974.11,44955.0,43798.5,4495.5,44955.0,MONDAY,18,Y,1,0.10137922271541353,,,XAP,Approved,-2171,XNA,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Stone,228,Consumer electronics,10.0,high,POS household with interest,365243.0,-2140.0,-1870.0,-1870.0,-1864.0,0.0,0,Revolving loans,M,Y,Y,2,315000.0,450000.0,22500.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.032561,-11506,-1539,-2401.0,-3205,11.0,1,1,0,1,1,0,Drivers,4.0,1,1,TUESDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.27024635494108096,0.6345766590370713,0.6658549219640212,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,1.0,0.0,1.0,0.0,-783.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1666458,129604,Consumer loans,19404.99,164637.0,176409.0,0.0,164637.0,SUNDAY,15,Y,1,0.0,,,XAP,Approved,-538,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,520,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-507.0,-237.0,-237.0,-230.0,0.0,0,Cash loans,M,N,Y,0,135000.0,781920.0,43789.5,675000.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.02461,-16012,-328,-8733.0,-4845,,1,1,0,1,1,0,Sales staff,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,Self-employed,,0.5738619066937568,0.7032033049040319,0.0928,0.1001,0.9776,0.6940000000000001,0.0432,0.0,0.2069,0.1667,0.2083,0.0722,0.0756,0.0877,0.0,0.0,0.0945,0.1039,0.9777,0.706,0.0436,0.0,0.2069,0.1667,0.2083,0.0739,0.0826,0.0914,0.0,0.0,0.0937,0.1001,0.9776,0.6981,0.0435,0.0,0.2069,0.1667,0.2083,0.0735,0.077,0.0893,0.0,0.0,reg oper account,block of flats,0.0926,Panel,No,1.0,0.0,1.0,0.0,-538.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2180850,401812,Consumer loans,7928.415,58945.5,52645.5,6300.0,58945.5,FRIDAY,16,Y,1,0.11640028038226374,,,XAP,Approved,-2349,Cash through the bank,XAP,"Spouse, partner",New,Mobile,POS,XNA,Stone,15,Connectivity,8.0,high,POS mobile with interest,365243.0,-2307.0,-2097.0,-2127.0,-2123.0,0.0,0,Cash loans,F,N,N,2,135000.0,315000.0,14004.0,315000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-13299,-1152,-2331.0,-2986,,1,1,0,1,1,0,Sales staff,4.0,2,2,MONDAY,9,0,0,0,0,0,0,Self-employed,0.7833195701632911,0.6138419973187353,0.35233997269170386,0.0742,0.0429,0.9906,0.8708,0.0586,0.08,0.069,0.3333,0.0417,0.0464,0.0605,0.0739,0.0,0.0,0.0756,0.0445,0.9906,0.8759,0.0591,0.0806,0.069,0.3333,0.0417,0.0474,0.0661,0.077,0.0,0.0,0.0749,0.0429,0.9906,0.8725,0.0589,0.08,0.069,0.3333,0.0417,0.0472,0.0616,0.0753,0.0,0.0,reg oper account,block of flats,0.0902,Panel,No,0.0,0.0,0.0,0.0,-1705.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1982555,348267,Consumer loans,6600.42,39550.5,32161.5,9000.0,39550.5,SATURDAY,16,Y,1,0.2381307333750756,,,XAP,Approved,-781,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,6.0,high,POS mobile with interest,365243.0,-750.0,-600.0,-600.0,-598.0,0.0,0,Cash loans,F,Y,N,0,180000.0,454500.0,20020.5,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.02461,-21882,365243,-187.0,-5180,7.0,1,0,0,1,1,0,,1.0,2,2,THURSDAY,9,0,0,0,0,0,0,XNA,0.6095868034863191,0.5917406974338119,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1574.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2029840,170812,Consumer loans,6937.155,23575.095,24349.5,4.095,23575.095,SATURDAY,12,Y,1,0.000183128087361528,,,XAP,Approved,-2771,Cash through the bank,XAP,"Spouse, partner",New,Audio/Video,POS,XNA,Country-wide,2040,Consumer electronics,4.0,high,POS household with interest,365243.0,-2739.0,-2649.0,-2649.0,-2616.0,1.0,0,Cash loans,F,N,Y,0,157500.0,598486.5,21627.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-15501,-8119,-9520.0,-3817,,1,1,1,1,1,0,Drivers,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,Transport: type 4,,0.7405609468260963,0.4066174366275036,0.3670000000000001,0.2805,0.9841,0.7824,,0.44,0.3793,0.3333,0.375,0.298,0.2992,0.2493,0.0,0.0011,0.3739,0.2911,0.9841,0.7909,,0.4431,0.3793,0.3333,0.375,0.3048,0.3269,0.2597,0.0,0.0012,0.3706,0.2805,0.9841,0.7853,,0.44,0.3793,0.3333,0.375,0.3032,0.3044,0.2538,0.0,0.0011,,block of flats,0.3157,Panel,No,3.0,2.0,3.0,2.0,-1815.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1548667,283580,Cash loans,16240.95,247500.0,247500.0,0.0,247500.0,WEDNESDAY,9,Y,1,0.0,,,XNA,Refused,-2317,Cash through the bank,LIMIT,Children,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,Y,Y,0,76500.0,560664.0,18216.0,468000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-21418,365243,-3981.0,-4708,17.0,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,XNA,0.6266546535996729,0.14236551533095748,0.6144143775673561,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-869.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2419445,419979,Cash loans,46231.29,1147500.0,1247472.0,,1147500.0,THURSDAY,10,Y,1,,,,XNA,Refused,-200,Cash through the bank,HC,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,121500.0,314100.0,16573.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.009656999999999999,-14420,-314,-4179.0,-4287,6.0,1,1,0,1,0,0,Cooking staff,2.0,2,2,MONDAY,15,0,0,0,0,0,0,Self-employed,,0.6067272815805814,0.4794489811780563,0.0082,0.0,0.9727,0.626,0.0014,0.0,0.069,0.0417,0.0833,0.0274,0.0067,0.0084,0.0,0.0,0.0084,0.0,0.9727,0.6406,0.0014,0.0,0.069,0.0417,0.0833,0.028,0.0073,0.0087,0.0,0.0,0.0083,0.0,0.9727,0.631,0.0014,0.0,0.069,0.0417,0.0833,0.0279,0.0068,0.0085,0.0,0.0,reg oper account,block of flats,0.0074,"Stone, brick",No,0.0,0.0,0.0,0.0,-1077.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1185842,416967,Consumer loans,21165.975,139401.0,117405.0,27882.0,139401.0,TUESDAY,12,Y,1,0.2090072251975243,,,XAP,Approved,-590,Cash through the bank,XAP,,New,Furniture,POS,XNA,Country-wide,100,Furniture,6.0,low_normal,POS industry with interest,365243.0,-559.0,-409.0,-409.0,-403.0,0.0,0,Cash loans,F,N,N,0,202500.0,540000.0,27702.0,540000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.04622,-19627,-1187,-2382.0,-3180,,1,1,1,1,0,0,Cleaning staff,2.0,1,1,THURSDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.605077733845327,0.704492759426109,0.7209441499436497,0.0041,,0.9717,,,0.0,0.0345,0.0,0.0417,,,0.0054,,0.0016,0.0042,,0.9717,,,0.0,0.0345,0.0,0.0417,,,0.0056,,0.0017,0.0042,,0.9717,,,0.0,0.0345,0.0,0.0417,,,0.0055,,0.0016,,block of flats,0.0046,"Stone, brick",No,3.0,0.0,3.0,0.0,-157.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1847179,283602,Cash loans,33231.42,337500.0,360891.0,,337500.0,THURSDAY,11,Y,1,,,,Urgent needs,Approved,-641,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Country-wide,20,Connectivity,18.0,high,Cash Street: high,365243.0,-611.0,-101.0,-611.0,-603.0,1.0,0,Cash loans,F,Y,N,0,157500.0,855000.0,41260.5,855000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-15936,-872,-8446.0,-4480,12.0,1,1,1,1,0,0,Sales staff,2.0,2,2,FRIDAY,13,0,0,0,0,1,1,Other,0.1578002491936924,0.6881918635005273,0.3360615207658242,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-741.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2632425,246595,Cash loans,19925.775,157500.0,167895.0,,157500.0,FRIDAY,12,Y,1,,,,XNA,Approved,-1069,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Country-wide,50,Connectivity,12.0,high,Cash Street: high,365243.0,-1039.0,-709.0,-709.0,-703.0,1.0,0,Cash loans,M,N,Y,3,157500.0,329904.0,21213.0,261000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.031329,-13641,-1551,-4955.0,-4591,,1,1,0,1,0,0,Drivers,5.0,2,2,WEDNESDAY,13,0,0,0,0,1,1,Agriculture,0.7118001546158564,0.6165855972907176,0.6894791426446275,0.034,0.041,0.9876,0.83,0.0167,0.0,0.1034,0.0833,,,0.0227,0.0252,0.0232,0.0419,0.0347,0.0425,0.9876,0.8367,0.0168,0.0,0.1034,0.0833,,,0.0248,0.0263,0.0233,0.0443,0.0344,0.041,0.9876,0.8323,0.0168,0.0,0.1034,0.0833,,,0.0231,0.0257,0.0233,0.0428,reg oper spec account,block of flats,0.0289,Mixed,No,2.0,1.0,2.0,1.0,-2739.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2090389,297031,Cash loans,21924.99,225000.0,283122.0,,225000.0,TUESDAY,17,Y,1,,,,XNA,Approved,-1408,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-1378.0,-868.0,-868.0,-864.0,1.0,0,Cash loans,F,N,Y,0,270000.0,531706.5,42138.0,459000.0,Children,Commercial associate,Higher education,Married,House / apartment,0.01885,-15008,-2072,-8409.0,-2367,,1,1,1,1,1,0,,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.6877265930563483,0.5994882387806106,0.25396280933631177,0.1052,0.0827,0.9821,0.7552,0.0287,0.12,0.1034,0.3333,,,0.0857,0.111,0.0154,0.2791,0.1071,0.0858,0.9821,0.7648,0.0289,0.1208,0.1034,0.3333,,,0.0937,0.1156,0.0156,0.2955,0.1062,0.0827,0.9821,0.7585,0.0288,0.12,0.1034,0.3333,,,0.0872,0.113,0.0155,0.285,,block of flats,0.1636,Panel,No,4.0,1.0,4.0,1.0,-1686.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2703161,114410,Consumer loans,3658.14,30910.5,30510.0,3150.0,30910.5,WEDNESDAY,7,Y,1,0.10192027224112786,,,XAP,Approved,-2021,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Country-wide,54,Connectivity,12.0,high,POS mobile with interest,365243.0,-1990.0,-1660.0,-1660.0,-1653.0,0.0,0,Cash loans,F,N,N,0,112500.0,781920.0,34573.5,675000.0,Unaccompanied,State servant,Secondary / secondary special,Widow,House / apartment,0.020246,-19295,-5246,-20.0,-2853,,1,1,1,1,0,0,,1.0,3,3,SUNDAY,9,0,0,0,0,1,1,Other,,0.11501134524099067,0.7380196196295241,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2021.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1441570,244206,Consumer loans,6812.685,45000.0,43173.0,4500.0,45000.0,WEDNESDAY,10,Y,1,0.10280261554567766,,,XAP,Approved,-2357,XNA,XAP,Family,New,Mobile,POS,XNA,Stone,30,Connectivity,8.0,high,POS mobile with interest,365243.0,-2321.0,-2111.0,-2171.0,-2164.0,0.0,0,Cash loans,F,N,Y,1,135000.0,358344.0,28309.5,283500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.035792000000000004,-14194,-7259,-3432.0,-5015,,1,1,0,0,0,0,,3.0,2,2,MONDAY,10,0,1,1,0,1,1,Industry: type 9,,0.4445181625702392,0.5726825047161584,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1903.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2037695,106694,Consumer loans,6431.67,119038.5,142609.5,0.0,119038.5,SATURDAY,15,Y,1,0.0,,,XAP,Refused,-1757,Cash through the bank,HC,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,1073,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,0,Cash loans,F,N,Y,0,202500.0,468000.0,46287.0,468000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-21833,-4742,-5520.0,-4028,,1,1,1,1,1,0,Managers,2.0,1,1,SATURDAY,10,0,0,0,0,1,1,Business Entity Type 3,,0.6836647013978386,0.33125086459090186,0.1113,0.0594,0.9876,0.83,0.0434,0.12,0.1034,0.3333,0.0417,,0.0908,0.1129,0.0,0.0,0.1134,0.0617,0.9876,0.8367,0.0438,0.1208,0.1034,0.3333,0.0417,,0.0992,0.1177,0.0,0.0,0.1124,0.0594,0.9876,0.8323,0.0437,0.12,0.1034,0.3333,0.0417,,0.0923,0.115,0.0,0.0,reg oper account,block of flats,0.1125,Panel,No,0.0,0.0,0.0,0.0,-1757.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1563083,257890,Consumer loans,6287.76,54450.0,31950.0,22500.0,54450.0,SUNDAY,15,Y,1,0.4500375657400451,,,XAP,Approved,-2314,Cash through the bank,XAP,,New,Mobile,POS,XNA,Stone,6,Connectivity,6.0,high,POS mobile with interest,365243.0,-2278.0,-2128.0,-2128.0,-2125.0,0.0,0,Cash loans,M,Y,Y,0,157500.0,521280.0,31500.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-12920,-1399,-2315.0,-4741,14.0,1,1,0,1,0,0,Drivers,2.0,2,2,THURSDAY,15,0,0,0,0,1,1,Transport: type 3,,0.6649971491683929,0.6479768603302221,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1289729,275262,Consumer loans,10643.4,62955.0,67108.5,0.0,62955.0,MONDAY,10,Y,1,0.0,,,XAP,Approved,-2460,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Stone,86,Connectivity,8.0,high,POS mobile with interest,365243.0,-2429.0,-2219.0,-2219.0,-2209.0,1.0,0,Cash loans,F,N,N,1,270000.0,700830.0,20619.0,585000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.020713,-13271,-3169,-107.0,-4300,,1,1,0,1,0,0,Managers,3.0,3,2,THURSDAY,6,0,0,0,0,0,0,Business Entity Type 3,0.6388958966505606,0.5723157350874052,,0.1186,0.1271,0.9776,0.6940000000000001,0.04,0.0,0.2759,0.1667,0.2083,0.1328,0.0967,0.1106,0.0,0.0,0.1208,0.1319,0.9777,0.706,0.0403,0.0,0.2759,0.1667,0.2083,0.1359,0.1056,0.1153,0.0,0.0,0.1197,0.1271,0.9776,0.6981,0.0402,0.0,0.2759,0.1667,0.2083,0.1351,0.0983,0.1126,0.0,0.0,reg oper spec account,block of flats,0.0956,Panel,No,5.0,0.0,5.0,0.0,-22.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,5.0 +1261252,179252,Consumer loans,2725.02,23350.5,23350.5,0.0,23350.5,SATURDAY,7,Y,1,0.0,,,XAP,Approved,-2520,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,1610,Consumer electronics,12.0,high,POS household with interest,365243.0,-2489.0,-2159.0,-2159.0,-2155.0,0.0,0,Cash loans,M,N,N,0,90000.0,580500.0,17100.0,580500.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.018209,-21907,365243,-2817.0,-3946,,1,0,0,1,0,0,,2.0,3,3,SATURDAY,10,0,0,0,0,0,0,XNA,,0.33874810394653593,0.6263042766749393,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-261.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2032381,426467,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,14,Y,1,,,,XAP,Approved,-446,XNA,XAP,Unaccompanied,New,XNA,Cards,walk-in,AP+ (Cash loan),3,XNA,0.0,XNA,Card Street,-122.0,365243.0,365243.0,365243.0,-108.0,0.0,0,Cash loans,F,Y,N,0,225000.0,787500.0,61074.0,787500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-10286,-1528,-1859.0,-2617,9.0,1,1,0,1,0,1,Laborers,2.0,2,2,FRIDAY,8,0,0,0,0,0,0,Other,0.453708443838826,0.4875672593644118,0.13259749523614614,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-122.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2335798,226004,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SATURDAY,13,Y,1,,,,XAP,Approved,-469,XNA,XAP,Family,Refreshed,XNA,Cards,walk-in,Country-wide,1300,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,166500.0,841500.0,47119.5,841500.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.032561,-14070,-3144,-8179.0,-5976,,1,1,1,1,1,0,Core staff,2.0,1,1,FRIDAY,12,0,0,0,0,0,0,School,,0.4475493532215731,0.6642482627052363,0.2554,0.0722,0.9821,0.7552,0.0612,0.26,0.1552,0.4688,0.4858,0.0798,0.2331,0.2685,0.0193,0.0341,0.1134,0.0,0.9821,0.7648,0.0248,0.4028,0.0345,0.4583,0.375,0.0533,0.0964,0.1077,0.0,0.0,0.266,0.0473,0.9821,0.7585,0.0632,0.28,0.1207,0.4583,0.5,0.0682,0.3078,0.3585,0.0116,0.0161,reg oper spec account,block of flats,0.2811,Panel,No,0.0,0.0,0.0,0.0,-3038.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1327374,154790,Consumer loans,10450.89,60165.0,57006.0,6016.5,60165.0,SATURDAY,10,Y,1,0.1039710493005744,,,XAP,Approved,-319,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Regional / Local,50,Furniture,6.0,middle,POS household with interest,365243.0,-288.0,-138.0,-138.0,-136.0,0.0,0,Revolving loans,F,Y,Y,1,112500.0,337500.0,16875.0,337500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.009175,-17782,-2795,-3893.0,-1338,3.0,1,1,1,1,1,1,Managers,3.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Self-employed,0.8773624098665459,0.7381040124833461,0.5814837058057234,0.2526,0.1778,0.9935,0.9116,0.0214,0.24,0.2069,0.375,0.4167,0.1009,0.2,0.2633,0.027000000000000003,0.0341,0.2574,0.1845,0.9935,0.9151,0.0216,0.2417,0.2069,0.375,0.4167,0.1032,0.2185,0.2744,0.0272,0.0361,0.255,0.1778,0.9935,0.9128,0.0216,0.24,0.2069,0.375,0.4167,0.1027,0.2035,0.2681,0.0272,0.0349,reg oper spec account,block of flats,0.2513,Monolithic,No,0.0,0.0,0.0,0.0,-1106.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1386913,301017,Consumer loans,12141.81,70092.0,66204.0,7011.0,70092.0,SUNDAY,12,Y,1,0.10429032798793092,,,XAP,Approved,-1399,Cash through the bank,XAP,Other_B,Repeater,Furniture,POS,XNA,Stone,9179,Furniture,6.0,middle,POS industry with interest,365243.0,-1368.0,-1218.0,-1218.0,-1209.0,0.0,0,Cash loans,F,Y,Y,1,252000.0,500211.0,47623.5,463500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.035792000000000004,-17210,-745,-4533.0,-767,16.0,1,1,0,1,1,0,HR staff,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.7051456815631976,0.6601964410969293,0.7517237147741489,0.2247,0.1681,0.9856,0.8028,0.0478,0.24,0.2069,0.3333,0.375,0.0601,0.1832,0.2192,0.0,0.0,0.229,0.1744,0.9856,0.8105,0.0482,0.2417,0.2069,0.3333,0.375,0.0615,0.2002,0.2284,0.0,0.0,0.2269,0.1681,0.9856,0.8054,0.0481,0.24,0.2069,0.3333,0.375,0.0611,0.1864,0.2231,0.0,0.0,reg oper account,block of flats,0.1724,Panel,No,2.0,0.0,2.0,0.0,-2307.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1437730,188119,Cash loans,26191.395,450000.0,491580.0,,450000.0,WEDNESDAY,14,Y,1,,,,XNA,Approved,-202,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-172.0,518.0,-112.0,-107.0,1.0,0,Cash loans,F,N,Y,0,135000.0,966555.0,51628.5,913500.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.02461,-22106,365243,-11568.0,-4494,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,18,0,0,0,0,0,0,XNA,,0.4513045452858517,,0.0649,0.0512,0.9841,0.7824,0.0346,0.04,0.0345,0.3333,0.375,0.0637,0.053,0.063,,0.0011,0.0662,0.0531,0.9841,0.7909,0.0349,0.0403,0.0345,0.3333,0.375,0.0651,0.0579,0.0656,,0.0012,0.0656,0.0512,0.9841,0.7853,0.0348,0.04,0.0345,0.3333,0.375,0.0648,0.0539,0.0641,,0.0011,reg oper account,block of flats,0.0687,Panel,No,0.0,0.0,0.0,0.0,-1238.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2064463,444051,Consumer loans,6385.77,37800.0,31738.5,7560.0,37800.0,SUNDAY,13,Y,1,0.20951250741700755,,,XAP,Approved,-1089,Cash through the bank,XAP,"Spouse, partner",Refreshed,Construction Materials,POS,XNA,Stone,5160,Construction,6.0,high,POS industry with interest,365243.0,-1058.0,-908.0,-908.0,-900.0,0.0,0,Cash loans,F,N,Y,0,135000.0,284400.0,16011.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.005084,-21400,365243,-14202.0,-4817,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,XNA,,0.6797835335762332,0.6279908192952864,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1089.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1263395,305434,Cash loans,9549.9,90000.0,90000.0,,90000.0,THURSDAY,13,Y,1,,,,XNA,Approved,-217,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-187.0,143.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,103500.0,630000.0,45972.0,630000.0,"Spouse, partner",Working,Higher education,Married,House / apartment,0.026392000000000002,-12469,-1988,-11664.0,-2800,9.0,1,1,1,1,1,0,,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.6527352365440316,0.4974688893052743,0.0577,0.0954,0.9816,,,0.0,0.1379,0.1667,,0.1229,,0.0552,,0.1106,0.0588,0.0978,0.9816,,,0.0,0.1379,0.1667,,0.1257,,0.0574,,0.021,0.0583,0.0954,0.9816,,,0.0,0.1379,0.1667,,0.125,,0.0561,,0.1129,,block of flats,0.0663,"Stone, brick",No,5.0,0.0,5.0,0.0,-567.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1202480,175241,Consumer loans,11875.32,118768.5,106888.5,11880.0,118768.5,FRIDAY,10,Y,1,0.10893797597847914,,,XAP,Approved,-2902,Cash through the bank,XAP,,New,Computers,POS,XNA,Stone,58,Consumer electronics,10.0,low_normal,POS other with interest,365243.0,-2850.0,-2580.0,-2580.0,-2571.0,0.0,0,Cash loans,M,N,N,1,270000.0,783000.0,22891.5,783000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-17178,-1641,-9405.0,-678,,1,1,1,1,1,0,Laborers,3.0,2,2,MONDAY,17,0,0,0,0,0,0,Other,,0.6962421759462318,0.5082869913916046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,3.0,4.0,3.0,-1447.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,7.0 +1453230,345629,Consumer loans,4495.815,39582.9,39582.9,0.0,39582.9,MONDAY,19,Y,1,0.0,,,XAP,Refused,-233,Cash through the bank,HC,,Repeater,Mobile,POS,XNA,Country-wide,25,Connectivity,10.0,low_normal,POS mobile without interest,,,,,,,0,Cash loans,M,N,N,0,216000.0,1354500.0,37246.5,1354500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.01885,-17945,-211,-3316.0,-1474,,1,1,1,1,1,0,Core staff,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.7655381172684083,0.7463042763623812,0.4083588531230431,0.0742,0.0575,0.9901,,,0.08,0.069,0.3333,,,,0.0815,,0.0,0.0756,0.0597,0.9901,,,0.0806,0.069,0.3333,,,,0.0849,,0.0,0.0749,0.0575,0.9901,,,0.08,0.069,0.3333,,,,0.0829,,0.0,,block of flats,0.0732,Panel,No,0.0,0.0,0.0,0.0,-707.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1455479,366351,Cash loans,4514.4,45000.0,45000.0,,45000.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-590,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),2,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-560.0,-230.0,-410.0,-392.0,0.0,0,Cash loans,F,N,Y,0,108000.0,327024.0,12456.0,270000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.008865999999999999,-22218,365243,-3923.0,-4708,,1,0,0,1,1,0,,1.0,2,2,FRIDAY,11,0,0,0,0,0,0,XNA,,0.39503087101330375,0.524496446363472,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1363.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1395673,448413,Consumer loans,6052.05,49320.0,44370.0,4950.0,49320.0,TUESDAY,13,Y,1,0.10930656934306564,,,XAP,Approved,-1691,Cash through the bank,XAP,,New,Mobile,POS,XNA,Regional / Local,39,Connectivity,10.0,high,POS mobile with interest,365243.0,-1652.0,-1382.0,-1412.0,-1406.0,0.0,0,Cash loans,M,Y,N,0,202500.0,1546020.0,45333.0,1350000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.010032,-9420,-1334,-4001.0,-2102,20.0,1,1,0,1,0,0,Drivers,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Transport: type 4,0.26202733568326525,0.6041310449783458,0.6925590674998008,0.0948,0.0882,0.9921,0.8912,0.0,0.0,0.2069,0.2083,0.25,0.0,0.0773,0.0986,0.0,0.0,0.0966,0.0915,0.9921,0.8955,0.0,0.0,0.2069,0.2083,0.25,0.0,0.0845,0.1028,0.0,0.0,0.0958,0.0882,0.9921,0.8927,0.0,0.0,0.2069,0.2083,0.25,0.0,0.0787,0.1004,0.0,0.0,org spec account,block of flats,0.1006,"Stone, brick",No,0.0,0.0,0.0,0.0,-1443.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2448492,157670,Consumer loans,8238.69,57510.0,44010.0,13500.0,57510.0,SATURDAY,12,Y,1,0.2556551429790865,,,XAP,Approved,-779,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,30,Consumer electronics,6.0,middle,POS other with interest,365243.0,-746.0,-596.0,-596.0,-588.0,0.0,0,Cash loans,F,N,Y,0,202500.0,942300.0,27679.5,675000.0,Family,Working,Secondary / secondary special,Widow,House / apartment,0.00963,-20986,-1728,-7330.0,-4302,,1,1,0,1,0,0,Core staff,1.0,2,2,MONDAY,9,0,0,0,0,0,0,Kindergarten,,0.2289605225164742,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2540394,159207,Consumer loans,23500.125,247500.0,247500.0,0.0,247500.0,TUESDAY,13,Y,1,0.0,,,XAP,Refused,-378,XNA,LIMIT,,Repeater,Construction Materials,POS,XNA,Stone,18,Construction,12.0,low_normal,POS industry with interest,,,,,,,1,Cash loans,M,Y,Y,0,225000.0,256500.0,30568.5,256500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.015221,-13190,-1300,-588.0,-2995,12.0,1,1,0,1,0,0,Laborers,1.0,2,2,TUESDAY,12,0,0,0,0,0,0,Self-employed,,0.5217573135102741,0.20092608771597092,0.1784,0.0769,0.9816,0.7484,0.0186,0.2,0.1724,0.3333,0.0417,0.0502,0.1454,0.1704,0.0,0.0692,0.1817,0.0798,0.9816,0.7583,0.0188,0.2014,0.1724,0.3333,0.0417,0.0514,0.1589,0.1775,0.0,0.0732,0.1801,0.0769,0.9816,0.7518,0.0187,0.2,0.1724,0.3333,0.0417,0.0511,0.1479,0.1735,0.0,0.0706,reg oper account,block of flats,0.1491,"Stone, brick",No,0.0,0.0,0.0,0.0,-585.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2484290,209061,Revolving loans,6750.0,0.0,135000.0,,,SATURDAY,15,Y,1,,,,XAP,Approved,-2237,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,2100,Consumer electronics,0.0,XNA,Card X-Sell,-2235.0,-2180.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,225000.0,572076.0,38236.5,540000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.04622,-21470,365243,-6957.0,-4872,,1,0,0,1,0,0,,1.0,1,1,WEDNESDAY,11,0,0,0,0,0,0,XNA,,0.7442327289518332,0.5937175866150576,0.0825,0.0798,0.9757,0.6668,0.0,0.0,0.1379,0.1667,0.2083,0.0731,0.0672,0.0476,0.0,0.0,0.084,0.0828,0.9757,0.6798,0.0,0.0,0.1379,0.1667,0.2083,0.0748,0.0735,0.0496,0.0,0.0,0.0833,0.0798,0.9757,0.6713,0.0,0.0,0.1379,0.1667,0.2083,0.0744,0.0684,0.0484,0.0,0.0,reg oper spec account,block of flats,0.0552,Panel,No,0.0,0.0,0.0,0.0,-2169.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2229072,221333,Consumer loans,4957.785,30100.5,24507.0,6750.0,30100.5,TUESDAY,17,Y,1,0.2351909535900321,,,XAP,Approved,-1898,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Stone,28,Connectivity,6.0,high,POS mobile with interest,365243.0,-1864.0,-1714.0,-1714.0,-1711.0,0.0,0,Cash loans,F,N,Y,0,90000.0,360000.0,17640.0,360000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-10708,-1279,-2780.0,-2850,,1,1,1,1,1,0,Sales staff,2.0,2,2,WEDNESDAY,11,0,0,0,1,1,0,Self-employed,0.2989239819283601,0.624289350218873,0.5585066276769286,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1430800,342083,Cash loans,18671.22,540000.0,646920.0,,540000.0,FRIDAY,17,Y,1,,,,XNA,Approved,-3,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Regional / Local,150,Consumer electronics,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,162000.0,646920.0,18670.5,540000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.005002,-20862,365243,-2127.0,-4327,,1,0,0,1,1,0,,1.0,3,3,MONDAY,17,0,0,0,0,0,0,XNA,,0.6748513198964993,0.7407990879702335,0.0577,0.1336,0.9836,0.7756,0.1199,0.0,0.1379,0.1667,0.0417,0.0748,0.0471,0.0541,0.0,0.1057,0.0588,0.1387,0.9836,0.7844,0.121,0.0,0.1379,0.1667,0.0417,0.0765,0.0514,0.0564,0.0,0.1119,0.0583,0.1336,0.9836,0.7786,0.1207,0.0,0.1379,0.1667,0.0417,0.0761,0.0479,0.0551,0.0,0.1079,reg oper account,block of flats,0.0656,"Stone, brick",No,2.0,1.0,2.0,1.0,-3.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1069116,299336,Revolving loans,4500.0,90000.0,90000.0,,90000.0,MONDAY,11,Y,1,,,,XAP,Refused,-9,XNA,HC,Unaccompanied,Refreshed,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card X-Sell,,,,,,,1,Cash loans,M,N,N,1,211500.0,247275.0,19953.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-10093,-280,-4615.0,-2470,,1,1,1,1,1,0,Drivers,3.0,2,2,TUESDAY,11,0,0,0,0,0,0,Self-employed,,0.6400204637474272,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-9.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1412362,334156,Consumer loans,6817.77,58495.5,64674.0,0.0,58495.5,SUNDAY,14,Y,1,0.0,,,XAP,Approved,-682,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,2500,Consumer electronics,12.0,middle,POS household with interest,365243.0,-650.0,-320.0,-320.0,-318.0,0.0,0,Cash loans,F,N,Y,1,112500.0,227520.0,14670.0,180000.0,"Spouse, partner",Working,Secondary / secondary special,Married,With parents,0.009549,-10976,-623,-5103.0,-510,,1,1,0,1,1,0,Private service staff,3.0,2,2,WEDNESDAY,18,0,0,0,0,0,0,Construction,,0.4601509054097033,0.3606125659189888,0.1639,0.157,0.9757,,,,0.2759,0.1667,,0.1227,,0.1399,,0.0025,0.16699999999999998,0.1629,0.9757,,,,0.2759,0.1667,,0.1255,,0.1457,,0.0026,0.1655,0.157,0.9757,,,,0.2759,0.1667,,0.1248,,0.1424,,0.0025,,block of flats,0.1106,Block,No,0.0,0.0,0.0,0.0,-682.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2286872,180238,Consumer loans,12039.93,128907.0,128907.0,0.0,128907.0,THURSDAY,12,Y,1,0.0,,,XAP,Approved,-942,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,2500,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-910.0,-580.0,-580.0,-567.0,0.0,0,Revolving loans,F,N,Y,0,112500.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Lower secondary,Married,House / apartment,0.009549,-18377,-4417,-4115.0,-1924,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,9,0,0,0,0,1,1,Business Entity Type 2,0.5491941470529775,0.396741032126252,,0.0186,,0.9846,,,,0.069,0.0833,,,,0.0167,,,0.0189,,0.9846,,,,0.069,0.0833,,,,0.0174,,,0.0187,,0.9846,,,,0.069,0.0833,,,,0.017,,,,block of flats,0.0146,Panel,No,6.0,0.0,6.0,0.0,-942.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2061125,333092,Revolving loans,0.0,45000.0,0.0,,45000.0,TUESDAY,16,Y,1,,,,XAP,Refused,-72,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Channel of corporate sales,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,2,117000.0,770292.0,29470.5,688500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.030755,-9213,-229,-1507.0,-1870,,1,1,0,1,0,0,Sales staff,4.0,2,2,THURSDAY,12,0,0,0,1,1,0,Trade: type 3,0.18076880662059427,0.5315149711907878,0.2392262794694045,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-672.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +1909483,416026,Consumer loans,,4500.0,4500.0,,4500.0,SATURDAY,17,Y,1,,,,XAP,Refused,-451,Cash through the bank,SCO,,Repeater,Audio/Video,XNA,XNA,Country-wide,2700,Consumer electronics,,XNA,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,67500.0,284400.0,13963.5,225000.0,Unaccompanied,Commercial associate,Incomplete higher,Civil marriage,House / apartment,0.022625,-9226,-180,-2332.0,-1882,,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.37762413268722417,,0.2041,0.1172,0.9935,0.9116,0.0467,0.16,0.1379,0.3333,0.375,0.1116,0.1664,0.2085,0.0,0.0,0.208,0.1217,0.9935,0.9151,0.0471,0.1611,0.1379,0.3333,0.375,0.1141,0.1818,0.2172,0.0,0.0,0.2061,0.1172,0.9935,0.9128,0.047,0.16,0.1379,0.3333,0.375,0.1135,0.1693,0.2122,0.0,0.0,reg oper account,block of flats,0.1895,"Stone, brick",No,0.0,0.0,0.0,0.0,-797.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1214655,226859,Cash loans,26002.35,247500.0,247500.0,,247500.0,FRIDAY,7,Y,1,,,,XNA,Approved,-1502,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,middle,Cash X-Sell: middle,365243.0,-1472.0,-1142.0,-1142.0,-1136.0,0.0,0,Cash loans,M,Y,Y,0,180000.0,562491.0,23962.5,454500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.018029,-20162,-2998,-2358.0,-3113,15.0,1,1,0,1,0,0,Drivers,2.0,3,3,TUESDAY,6,0,0,0,0,0,0,Kindergarten,,0.5411454218475505,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1992.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1026103,178876,Consumer loans,11090.43,85927.5,107257.5,0.0,85927.5,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-356,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,230,Consumer electronics,12.0,middle,POS household with interest,365243.0,-325.0,5.0,-295.0,-286.0,0.0,0,Cash loans,F,N,Y,0,90000.0,201024.0,11034.0,144000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.002134,-14360,-1188,-1438.0,-3152,,1,1,0,1,0,0,Cooking staff,2.0,3,3,SATURDAY,11,0,0,0,0,0,0,Kindergarten,,0.00994327107424871,0.22888341670067305,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-595.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1698188,329412,Consumer loans,7782.345,77305.5,84960.0,0.0,77305.5,SUNDAY,10,Y,1,0.0,,,XAP,Approved,-1203,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Stone,90,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-1171.0,-841.0,-1021.0,-1014.0,0.0,0,Cash loans,F,Y,Y,2,112500.0,521280.0,31630.5,450000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.0228,-11372,-1913,-1529.0,-3175,13.0,1,1,0,1,0,0,Managers,4.0,2,2,SATURDAY,15,0,0,0,0,0,0,School,0.6411096935863635,0.6188267362218189,0.4101025731788671,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1596.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1576675,283417,Consumer loans,5637.825,25609.5,21159.0,5125.5,25609.5,SUNDAY,15,Y,1,0.2123736595539369,,,XAP,Approved,-1105,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,15,Connectivity,4.0,middle,POS mobile without interest,365243.0,-1074.0,-984.0,-1014.0,-1007.0,0.0,0,Cash loans,F,Y,Y,1,360000.0,352044.0,17122.5,247500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018634,-11619,-2475,-3671.0,-4132,6.0,1,1,0,1,0,0,,3.0,2,2,SATURDAY,13,0,0,0,0,0,0,Self-employed,0.2274638206828888,0.3510797117710616,0.7091891096653581,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-1566.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2291608,316167,Consumer loans,7880.67,68805.0,65727.0,9000.0,68805.0,THURSDAY,17,Y,1,0.13116836192832826,,,XAP,Approved,-1904,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Stone,162,Consumer electronics,12.0,high,POS household with interest,365243.0,-1873.0,-1543.0,-1543.0,-1537.0,0.0,0,Cash loans,F,N,Y,1,315000.0,1506816.0,49927.5,1350000.0,Family,State servant,Secondary / secondary special,Married,With parents,0.006296,-15092,-1184,-8409.0,-4518,,1,1,0,1,0,1,Laborers,3.0,3,3,THURSDAY,15,0,1,1,0,1,1,Military,0.5912726253931201,0.6088228608973305,0.4740512892789932,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1904.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2804898,200284,Cash loans,19377.315,292500.0,384318.0,,292500.0,WEDNESDAY,13,Y,1,,,,XNA,Approved,-868,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,365243.0,-838.0,32.0,365243.0,365243.0,1.0,0,Revolving loans,F,N,N,0,171000.0,315000.0,15750.0,315000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-19475,-1122,-3072.0,-3018,,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,13,0,0,0,0,1,1,Postal,,0.6167871942473591,0.4830501881366946,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1632.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2360446,266958,Consumer loans,3790.8,18832.5,19764.0,0.0,18832.5,SATURDAY,8,Y,1,0.0,,,XAP,Approved,-1452,Cash through the bank,XAP,Unaccompanied,Repeater,Clothing and Accessories,POS,XNA,Stone,83,Clothing,6.0,middle,POS industry without interest,365243.0,-1421.0,-1271.0,-1271.0,-1268.0,0.0,0,Cash loans,F,N,Y,0,112500.0,508495.5,21672.0,454500.0,Unaccompanied,State servant,Secondary / secondary special,Separated,House / apartment,0.020713,-15199,-4518,-1259.0,-4233,,1,1,0,1,0,0,,1.0,3,3,TUESDAY,7,0,0,0,0,0,0,Other,,0.5318961151094938,0.7180328113294772,0.0835,0.3222,0.9771,0.6872,0.048,0.0,0.1379,0.1667,0.0417,0.0559,0.0681,0.0704,0.0,0.0,0.0851,0.3343,0.9772,0.6994,0.0485,0.0,0.1379,0.1667,0.0417,0.0572,0.0744,0.0734,0.0,0.0,0.0843,0.3222,0.9771,0.6914,0.0483,0.0,0.1379,0.1667,0.0417,0.0569,0.0693,0.0717,0.0,0.0,reg oper spec account,block of flats,0.0554,Panel,No,8.0,0.0,8.0,0.0,-1809.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1274915,322390,Consumer loans,7216.83,58455.0,47920.5,13500.0,58455.0,MONDAY,13,Y,1,0.2393781762233663,,,XAP,Approved,-2612,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Stone,21,Connectivity,8.0,high,POS mobile with interest,365243.0,-2581.0,-2371.0,-2401.0,-2396.0,1.0,0,Cash loans,F,N,Y,0,360000.0,1314333.0,47340.0,1062000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008019,-15846,-4152,-4474.0,-4759,,1,1,0,1,0,1,Laborers,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Industry: type 3,0.6540219310856572,0.4798563482690596,0.6690566947824041,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2612.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +2703450,177599,Revolving loans,2250.0,45000.0,45000.0,,45000.0,THURSDAY,12,Y,1,,,,XAP,Approved,-336,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-15.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,40500.0,113746.5,8631.0,103500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.0228,-21198,365243,-2355.0,-4580,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,8,0,0,0,0,0,0,XNA,0.8383687436683299,0.4272598035119053,0.6658549219640212,0.0691,0.0963,0.996,0.9456,0.0126,0.0,0.1379,0.1667,0.0417,0.0585,0.0555,0.0722,0.0039,0.0028,0.0704,0.1,0.996,0.9477,0.0127,0.0,0.1379,0.1667,0.0417,0.0598,0.0606,0.0752,0.0039,0.003,0.0697,0.0963,0.996,0.9463,0.0127,0.0,0.1379,0.1667,0.0417,0.0595,0.0564,0.0735,0.0039,0.0029,not specified,block of flats,0.0574,Panel,No,0.0,0.0,0.0,0.0,-1016.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1797041,275262,Consumer loans,4878.135,22576.5,26424.0,0.0,22576.5,SATURDAY,9,Y,1,0.0,,,XAP,Approved,-1265,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,1800,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1234.0,-1084.0,-1144.0,-1138.0,0.0,0,Cash loans,F,N,N,1,270000.0,700830.0,20619.0,585000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.020713,-13271,-3169,-107.0,-4300,,1,1,0,1,0,0,Managers,3.0,3,2,THURSDAY,6,0,0,0,0,0,0,Business Entity Type 3,0.6388958966505606,0.5723157350874052,,0.1186,0.1271,0.9776,0.6940000000000001,0.04,0.0,0.2759,0.1667,0.2083,0.1328,0.0967,0.1106,0.0,0.0,0.1208,0.1319,0.9777,0.706,0.0403,0.0,0.2759,0.1667,0.2083,0.1359,0.1056,0.1153,0.0,0.0,0.1197,0.1271,0.9776,0.6981,0.0402,0.0,0.2759,0.1667,0.2083,0.1351,0.0983,0.1126,0.0,0.0,reg oper spec account,block of flats,0.0956,Panel,No,5.0,0.0,5.0,0.0,-22.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,5.0 +1263959,443169,Consumer loans,16748.505,114934.5,91944.0,22990.5,114934.5,THURSDAY,13,Y,1,0.21785229452822727,,,XAP,Approved,-558,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,18,Connectivity,6.0,middle,POS mobile without interest,365243.0,-521.0,-371.0,-401.0,-394.0,0.0,0,Cash loans,M,Y,Y,0,346050.0,728460.0,57685.5,675000.0,Unaccompanied,Commercial associate,Lower secondary,Single / not married,House / apartment,0.04622,-13075,-1119,-614.0,-2868,16.0,1,1,0,1,0,0,Managers,1.0,1,1,TUESDAY,12,0,1,1,0,0,0,Business Entity Type 3,,0.5093655801316341,0.4650692149562261,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1708.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1283913,128192,Consumer loans,7998.705,36252.0,30019.5,7254.0,36252.0,SUNDAY,9,Y,1,0.21195394729621456,,,XAP,Approved,-768,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,10,Connectivity,4.0,middle,POS mobile without interest,365243.0,-733.0,-643.0,-673.0,-662.0,0.0,0,Cash loans,M,N,Y,0,157500.0,180000.0,12798.0,180000.0,"Spouse, partner",Working,Higher education,Married,House / apartment,0.025164,-18089,-4538,-7492.0,-1648,,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,9,0,0,0,0,1,1,Electricity,,0.6778001063858046,0.5388627065779676,0.1237,0.0266,0.9821,0.7552,0.0268,0.0,0.069,0.1667,0.2083,0.0724,0.1009,0.0619,0.0,0.0,0.1261,0.0277,0.9821,0.7648,0.0271,0.0,0.069,0.1667,0.2083,0.0741,0.1102,0.0645,0.0,0.0,0.1249,0.0266,0.9821,0.7585,0.027000000000000003,0.0,0.069,0.1667,0.2083,0.0737,0.1026,0.0631,0.0,0.0,reg oper account,block of flats,0.0634,"Stone, brick",No,2.0,0.0,2.0,0.0,-768.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,2.0,2.0 +2134665,424917,Revolving loans,2250.0,45000.0,45000.0,,45000.0,THURSDAY,10,Y,1,,,,XAP,Approved,-327,XNA,XAP,,Repeater,XNA,Cards,walk-in,Country-wide,5094,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,0,180000.0,1260000.0,34650.0,1260000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.005144,-19047,-1467,-8922.0,-2568,,1,1,0,1,1,0,Managers,2.0,2,2,MONDAY,9,0,0,0,0,0,0,Medicine,,0.6544977412099213,0.7194907850918436,0.0773,0.0849,0.9816,0.7484,,0.0,0.1724,0.1667,,0.0,,0.0696,,0.0,0.0788,0.0881,0.9816,0.7583,,0.0,0.1724,0.1667,,0.0,,0.0725,,0.0,0.0781,0.0849,0.9816,0.7518,,0.0,0.1724,0.1667,,0.0,,0.0709,,0.0,,block of flats,0.0621,Panel,No,0.0,0.0,0.0,0.0,-632.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1104421,166539,Consumer loans,2731.41,27408.6,27702.0,2744.1,27408.6,THURSDAY,14,Y,1,0.09815951348896453,,,XAP,Approved,-1032,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,55,Connectivity,14.0,high,POS mobile with interest,365243.0,-995.0,-605.0,-665.0,-657.0,0.0,1,Cash loans,F,N,Y,0,157500.0,675000.0,21906.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-12752,-90,-325.0,-2132,,1,1,0,1,0,0,,2.0,2,2,SUNDAY,10,0,0,0,0,0,0,Trade: type 3,0.3752676529831189,0.3454858866640793,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-1032.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2765125,183893,Cash loans,11515.68,90000.0,95940.0,,90000.0,FRIDAY,15,Y,1,,,,XNA,Approved,-825,Cash through the bank,XAP,Children,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-795.0,-465.0,-645.0,-640.0,1.0,0,Cash loans,F,N,Y,0,189000.0,348264.0,19444.5,315000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.01885,-21389,365243,-6015.0,-4306,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,XNA,,0.5353790784248613,0.6986675550534175,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-825.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1519476,357833,Cash loans,24160.5,225000.0,225000.0,0.0,225000.0,WEDNESDAY,15,Y,1,0.0,,,XNA,Approved,-2217,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash Street: middle,365243.0,-2187.0,-1857.0,-1857.0,-1849.0,0.0,0,Cash loans,F,N,Y,0,180000.0,239850.0,22671.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.01885,-25075,365243,-3932.0,-4212,,1,0,0,1,0,0,,1.0,2,2,MONDAY,13,0,0,0,0,0,0,XNA,,0.7162299884615785,0.8528284668510541,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-635.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2342922,279627,Cash loans,24827.67,184500.0,223767.0,,184500.0,WEDNESDAY,13,Y,1,,,,XNA,Refused,-1044,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,M,N,Y,1,306000.0,1506816.0,47443.5,1350000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.006207,-17429,365243,-3835.0,-963,,1,0,0,1,0,0,,3.0,2,2,THURSDAY,12,0,0,0,0,0,0,XNA,,0.6718789684591803,0.6212263380626669,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-703.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,1.0,1.0,3.0 +2208080,111459,Revolving loans,3375.0,0.0,67500.0,,,FRIDAY,9,Y,1,,,,XAP,Approved,-2903,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card Street,-2900.0,-2866.0,365243.0,-2257.0,365243.0,0.0,0,Cash loans,F,N,N,0,90000.0,675000.0,19737.0,675000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.028663,-18513,-1557,-10337.0,-2052,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,11,0,0,0,1,1,0,School,0.5920862814379396,0.22765830491691585,0.41885428862332175,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1626.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2056825,275674,Revolving loans,6750.0,0.0,135000.0,,,SUNDAY,14,Y,1,,,,XAP,Approved,-2298,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-2297.0,-2263.0,365243.0,-1442.0,-137.0,0.0,0,Cash loans,F,N,Y,0,90000.0,497520.0,33376.5,450000.0,Unaccompanied,State servant,Higher education,Married,Office apartment,0.006670999999999999,-19502,-4911,-10290.0,-3050,,1,1,1,1,1,0,Core staff,2.0,2,2,TUESDAY,12,0,0,0,0,1,1,Government,,0.3634868878225933,0.7826078370261895,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1495.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1729201,253150,Cash loans,19684.8,180000.0,180000.0,0.0,180000.0,TUESDAY,13,Y,1,0.0,,,XNA,Refused,-2388,Cash through the bank,LIMIT,Other_B,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,M,Y,N,0,180000.0,363190.5,36049.5,328500.0,Unaccompanied,State servant,Secondary / secondary special,Married,Co-op apartment,0.01885,-11985,-4722,-1707.0,-4270,12.0,1,1,0,1,0,0,Managers,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Military,,0.644010965509327,0.8277026681625442,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2755218,342737,Consumer loans,6048.945,60403.5,66780.0,0.0,60403.5,THURSDAY,14,Y,1,0.0,,,XAP,Approved,-207,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,360,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-177.0,153.0,-147.0,-141.0,1.0,0,Cash loans,F,Y,Y,2,270000.0,824823.0,26739.0,688500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-13956,-1096,-2838.0,-3988,2.0,1,1,0,1,0,0,,4.0,2,2,MONDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.4597443981740243,0.6144327474154886,0.7047064232963289,0.1031,0.0048,0.9831,0.7688,0.0211,0.08,0.069,0.3333,0.375,0.0,0.07400000000000001,0.085,0.0077,0.0561,0.105,0.0049,0.9831,0.7779,0.0213,0.0806,0.069,0.3333,0.375,0.0,0.0808,0.0886,0.0078,0.0594,0.1041,0.0048,0.9831,0.7719,0.0213,0.08,0.069,0.3333,0.375,0.0,0.0752,0.0866,0.0078,0.0572,not specified,block of flats,0.0999,"Stone, brick",No,5.0,4.0,5.0,4.0,-506.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2384645,133553,Consumer loans,4876.11,47250.0,52240.5,0.0,47250.0,THURSDAY,16,Y,1,0.0,,,XAP,Approved,-389,Cash through the bank,XAP,,New,Clothing and Accessories,POS,XNA,Stone,100,Clothing,12.0,low_normal,POS industry with interest,365243.0,-358.0,-28.0,-28.0,-22.0,0.0,0,Cash loans,M,N,Y,0,135000.0,595903.5,28795.5,481500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.008473999999999999,-17097,-607,-9554.0,-630,,1,1,0,1,0,0,Laborers,1.0,2,2,MONDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.29392805728083765,0.3229151641391591,,0.099,0.0554,0.9776,0.6940000000000001,0.0249,0.01,0.1121,0.2083,0.25,0.0,0.0805,0.0716,0.001,0.0008,0.084,0.0267,0.9752,0.6733,0.005,0.0,0.1379,0.1667,0.2083,0.0,0.0735,0.0664,0.0,0.0,0.0833,0.0593,0.9752,0.6645,0.0212,0.0,0.1379,0.1667,0.2083,0.0,0.0684,0.0655,0.0,0.0,reg oper account,block of flats,0.055,Block,No,1.0,1.0,1.0,1.0,-389.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1976152,367766,Cash loans,13990.68,112500.0,135261.0,,112500.0,FRIDAY,8,Y,1,,,,XNA,Approved,-823,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-793.0,-463.0,-703.0,-693.0,1.0,0,Cash loans,M,Y,Y,3,157500.0,1288350.0,37800.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-13613,-1925,-1299.0,-5789,1.0,1,1,0,1,0,0,Drivers,5.0,2,2,TUESDAY,8,0,0,0,0,0,0,Self-employed,0.6151555091891675,0.4660065784298013,0.6769925032909132,0.0371,0.0,0.9732,0.6328,0.0031,0.0,0.1034,0.0833,0.125,0.0808,0.0277,0.026,0.0116,0.0208,0.0378,0.0,0.9732,0.6472,0.0031,0.0,0.1034,0.0833,0.125,0.0826,0.0303,0.0271,0.0117,0.0221,0.0375,0.0,0.9732,0.6377,0.0031,0.0,0.1034,0.0833,0.125,0.0822,0.0282,0.0265,0.0116,0.0213,reg oper account,block of flats,0.025,"Stone, brick",No,1.0,1.0,1.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,1.0,4.0 +2214154,173367,Consumer loans,4048.605,37408.5,36441.0,3744.0,37408.5,FRIDAY,8,Y,1,0.10146961213478567,,,XAP,Approved,-1415,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,2000,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1384.0,-1114.0,-1144.0,-1139.0,0.0,0,Revolving loans,F,N,Y,0,202500.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-13943,-4141,-4020.0,-4016,,1,1,0,1,0,0,Laborers,2.0,3,3,SATURDAY,10,0,0,0,0,0,0,Industry: type 9,,0.2858978721410488,0.4902575124990026,0.0866,0.1045,0.994,0.9184,0.0149,0.0,0.2069,0.1667,0.0417,0.0686,0.0706,0.0774,0.0,0.0,0.0882,0.1085,0.994,0.9216,0.015,0.0,0.2069,0.1667,0.0417,0.0701,0.0771,0.0807,0.0,0.0,0.0874,0.1045,0.994,0.9195,0.015,0.0,0.2069,0.1667,0.0417,0.0698,0.0718,0.0788,0.0,0.0,,block of flats,0.0609,"Stone, brick",No,1.0,0.0,1.0,0.0,-296.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1725835,146691,Cash loans,23764.455,405000.0,449905.5,0.0,405000.0,FRIDAY,11,Y,1,0.0,,,XNA,Approved,-2532,Cash through the bank,XAP,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,low_normal,Cash Street: low,365243.0,-2498.0,-1808.0,-1808.0,-1802.0,1.0,0,Cash loans,M,Y,Y,0,157500.0,472500.0,44991.0,454500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-20642,-7182,-9907.0,-3604,11.0,1,1,0,1,1,0,,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.7064601472983051,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1904.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1130724,284448,Revolving loans,2250.0,0.0,45000.0,,,MONDAY,10,Y,1,,,,XAP,Approved,-2184,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-2175.0,-2117.0,365243.0,-1022.0,365243.0,0.0,0,Cash loans,F,N,N,0,90000.0,284400.0,10719.0,225000.0,Family,Working,Higher education,Married,Municipal apartment,0.04622,-15440,-5312,-2260.0,-4731,,1,1,0,1,1,0,Laborers,2.0,1,1,MONDAY,10,0,0,0,1,1,0,Business Entity Type 3,0.6577964614127113,0.7477795126617671,0.5989262182569273,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1991.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +2178526,304827,Consumer loans,10701.9,163138.5,163138.5,0.0,163138.5,THURSDAY,14,Y,1,0.0,,,XAP,Approved,-1152,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,200,Consumer electronics,18.0,low_normal,POS household with interest,365243.0,-1120.0,-610.0,-640.0,-636.0,0.0,0,Cash loans,F,N,Y,0,112500.0,1078200.0,31653.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.011656999999999999,-20686,-6353,-8831.0,-1551,,1,1,1,1,1,0,High skill tech staff,2.0,1,1,MONDAY,15,0,0,0,0,0,0,Medicine,,0.6858973717683748,0.4812493411434029,0.101,0.0136,0.9771,0.6872,0.1409,0.0,0.2069,0.1667,0.2083,0.0,0.0824,0.0866,0.0,0.041,0.1029,0.0142,0.9772,0.6994,0.1422,0.0,0.2069,0.1667,0.2083,0.0,0.09,0.0902,0.0,0.0434,0.102,0.0136,0.9771,0.6914,0.1418,0.0,0.2069,0.1667,0.2083,0.0,0.0838,0.0882,0.0,0.0418,reg oper spec account,block of flats,0.077,"Stone, brick",No,1.0,0.0,0.0,0.0,-2103.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2482337,377123,Consumer loans,12154.725,177876.0,124510.5,53365.5,177876.0,THURSDAY,16,Y,1,0.32674380416183685,,,XAP,Approved,-949,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Regional / Local,145,Consumer electronics,12.0,middle,POS household with interest,365243.0,-918.0,-588.0,-618.0,-610.0,0.0,0,Cash loans,F,Y,N,0,135000.0,675000.0,28728.0,675000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.028663,-13917,-3868,-4609.0,-4276,8.0,1,1,1,1,1,0,Core staff,2.0,2,2,SUNDAY,17,0,0,0,0,0,0,Government,0.4456935728778276,0.4285445769306092,0.7597121819739279,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1313.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2609772,225759,Consumer loans,6786.09,83587.5,73930.5,16717.5,83587.5,SATURDAY,9,Y,1,0.20085249837533392,,,XAP,Approved,-431,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,1000,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-397.0,-67.0,-67.0,-59.0,0.0,0,Cash loans,M,Y,N,1,112500.0,521280.0,26743.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-14767,-154,-2763.0,-4191,12.0,1,1,1,1,0,0,Cleaning staff,3.0,3,3,TUESDAY,13,0,0,0,0,1,1,Business Entity Type 3,0.16137933747135474,0.3345825120087317,0.3490552510751822,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-431.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1083269,252346,Cash loans,20799.585,292500.0,370215.0,,292500.0,FRIDAY,10,Y,1,,,,XNA,Approved,-1494,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-1464.0,-774.0,-1006.0,-1002.0,1.0,0,Cash loans,F,N,Y,0,157500.0,417024.0,21289.5,360000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.030755,-18621,-209,-5270.0,-2062,,1,1,0,1,0,1,Cleaning staff,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Self-employed,0.5104164666874272,0.6391534436592254,0.34741822720026416,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2551.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1974138,375540,Consumer loans,7102.17,76126.5,76126.5,0.0,76126.5,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-100,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Regional / Local,340,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-68.0,262.0,365243.0,365243.0,0.0,1,Cash loans,F,N,Y,1,103500.0,385164.0,21024.0,292500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.02461,-12596,-1104,-6488.0,-3724,,1,1,1,1,1,0,Laborers,3.0,2,2,TUESDAY,17,0,0,0,0,0,0,Self-employed,,0.7513262350505974,0.6212263380626669,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-100.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2015717,306453,Consumer loans,8827.245,59530.5,43879.5,22500.0,59530.5,MONDAY,11,Y,1,0.3691583313303874,,,XAP,Approved,-470,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,20,Connectivity,6.0,high,POS mobile with interest,365243.0,-439.0,-289.0,-289.0,-282.0,0.0,1,Cash loans,F,Y,Y,2,157500.0,545040.0,25537.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-14129,-4516,-1364.0,-4290,13.0,1,1,0,1,0,0,Sales staff,4.0,2,2,TUESDAY,14,0,0,0,0,0,0,Trade: type 7,,0.5008383177746444,0.5226973172821112,,0.0466,0.9707,0.5988,0.0082,0.0,0.1034,0.1458,0.0417,0.0287,0.0311,0.0345,,0.0362,,0.0314,0.9697,0.6014,0.0029,0.0,0.069,0.125,0.0417,0.0271,0.0257,0.0222,,0.015,,0.0466,0.9707,0.6042,0.0083,0.0,0.1034,0.1458,0.0417,0.0292,0.0316,0.0351,,0.037000000000000005,reg oper account,block of flats,0.0266,"Stone, brick",No,0.0,0.0,0.0,0.0,-315.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1030390,187102,Revolving loans,12600.0,0.0,180000.0,,,WEDNESDAY,12,Y,1,,,,XAP,Approved,-1559,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,1775,Consumer electronics,0.0,XNA,Card X-Sell,-1558.0,-1515.0,365243.0,-1303.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,157500.0,450000.0,22018.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-18893,-2146,-59.0,-2440,31.0,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,10,0,0,0,1,1,0,Other,,0.4274792166473568,0.2176285202779586,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-29.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2003334,336431,Consumer loans,19011.735,95391.0,100426.5,0.0,95391.0,THURSDAY,20,Y,1,0.0,,,XAP,Approved,-730,Cash through the bank,XAP,Family,Refreshed,Computers,POS,XNA,Country-wide,1567,Consumer electronics,6.0,middle,POS household with interest,365243.0,-699.0,-549.0,-549.0,-544.0,0.0,0,Cash loans,M,N,N,0,180000.0,1129500.0,43150.5,1129500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-18712,-3789,-4672.0,-2210,,1,1,0,1,1,0,Core staff,2.0,1,1,TUESDAY,19,1,0,1,1,0,1,Business Entity Type 3,,0.3737978563219818,0.4740512892789932,0.2247,0.2742,0.9801,0.728,0.1205,0.48,0.4138,0.3333,0.375,0.0,0.1807,0.2372,0.0193,0.1479,0.229,0.2845,0.9801,0.7387,0.1216,0.4834,0.4138,0.3333,0.375,0.0,0.1974,0.2471,0.0195,0.1566,0.2269,0.2742,0.9801,0.7316,0.1213,0.48,0.4138,0.3333,0.375,0.0,0.1838,0.2414,0.0194,0.151,reg oper account,block of flats,0.2846,Panel,No,0.0,0.0,0.0,0.0,-1988.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2470530,107429,Consumer loans,16120.08,91228.5,91228.5,0.0,91228.5,WEDNESDAY,18,Y,1,0.0,,,XAP,Refused,-1219,Cash through the bank,SCO,Family,New,Consumer Electronics,POS,XNA,Regional / Local,2274,Consumer electronics,6.0,low_normal,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,112500.0,961146.0,28233.0,688500.0,Family,Commercial associate,Higher education,Married,House / apartment,0.032561,-17646,-4137,-435.0,-1178,,1,1,0,1,1,0,Sales staff,2.0,1,1,THURSDAY,19,0,0,0,0,0,0,Self-employed,,0.6654500531642931,0.8245949709919925,0.1216,,0.9771,,,,0.2069,0.1667,,0.0989,,0.1072,,0.0033,0.1239,,0.9772,,,,0.2069,0.1667,,0.1011,,0.1116,,0.0035,0.1228,,0.9771,,,,0.2069,0.1667,,0.1006,,0.1091,,0.0034,,block of flats,0.085,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2545242,422209,Cash loans,,0.0,0.0,,,FRIDAY,13,Y,1,,,,XNA,Refused,-194,XNA,HC,,Repeater,XNA,XNA,XNA,AP+ (Cash loan),8,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,180000.0,403848.0,11574.0,319500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.022625,-15226,-3584,-1014.0,-4008,,1,1,0,1,1,1,Sales staff,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Industry: type 2,0.3928531840872357,0.7267355455631642,0.2707073872651806,0.5608,0.4962,0.9776,0.6940000000000001,0.2556,0.0,1.0,0.1667,0.2083,0.6076,0.4572,0.5539,0.0039,0.0053,0.5714,0.5149,0.9777,0.706,0.258,0.0,1.0,0.1667,0.2083,0.6215,0.4995,0.5771,0.0039,0.0056,0.5663,0.4962,0.9776,0.6981,0.2573,0.0,1.0,0.1667,0.2083,0.6182,0.4652,0.5639,0.0039,0.0054,reg oper account,block of flats,0.5763,Panel,No,1.0,1.0,1.0,1.0,-499.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,9.0 +2681652,407372,Consumer loans,22693.455,439200.0,439200.0,0.0,439200.0,FRIDAY,16,Y,1,0.0,,,XAP,Approved,-692,Cash through the bank,XAP,Unaccompanied,Repeater,Medical Supplies,POS,XNA,Stone,100,XNA,24.0,low_normal,POS other with interest,365243.0,-661.0,29.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,Y,0,67500.0,202500.0,10125.0,202500.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.016612000000000002,-19349,365243,-3512.0,-2911,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,XNA,0.4734958917238886,0.7022480357725048,0.8128226070575616,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1615.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1436782,346316,Consumer loans,6591.69,58455.0,58167.0,5845.5,58455.0,SATURDAY,17,Y,1,0.09945371465090268,,,XAP,Approved,-446,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,46,Connectivity,12.0,high,POS mobile with interest,365243.0,-415.0,-85.0,-145.0,-137.0,0.0,0,Cash loans,F,N,Y,1,202500.0,835380.0,40320.0,675000.0,Other_B,Working,Secondary / secondary special,Single / not married,House / apartment,0.010966,-16622,-127,-135.0,-160,,1,1,0,1,0,0,,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,Self-employed,,0.6539783399340006,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1458.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1583485,377150,Cash loans,48206.61,675000.0,721332.0,,675000.0,MONDAY,7,Y,1,,,,XNA,Refused,-835,Cash through the bank,LIMIT,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,middle,Cash Street: middle,,,,,,,0,Cash loans,M,N,Y,0,270000.0,291384.0,26856.0,270000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.025164,-11390,-2761,-5848.0,-3625,,1,1,0,1,0,1,Core staff,1.0,2,2,WEDNESDAY,12,0,0,0,0,1,1,Self-employed,0.41593389119972496,0.543853686636558,0.28812959991785075,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1494.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,5.0 +2596277,332963,Consumer loans,8649.675,163012.5,190984.5,0.0,163012.5,MONDAY,19,Y,1,0.0,,,XAP,Approved,-528,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Country-wide,4200,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-497.0,193.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,1,225000.0,755190.0,36328.5,675000.0,Unaccompanied,State servant,Incomplete higher,Married,House / apartment,0.019101,-12123,-577,-2.0,-1137,9.0,1,1,0,1,0,0,Drivers,3.0,2,2,THURSDAY,12,0,0,0,0,0,0,Military,0.5123645649836793,0.3758680698606308,0.3996756156233169,0.1103,0.0581,0.9841,0.7824,0.0089,0.12,0.1034,0.3333,0.0417,0.023,,0.1487,,0.005,0.1124,0.0603,0.9841,0.7909,0.009000000000000001,0.1208,0.1034,0.3333,0.0417,0.0236,,0.155,,0.0053,0.1114,0.0581,0.9841,0.7853,0.009000000000000001,0.12,0.1034,0.3333,0.0417,0.0234,,0.1514,,0.0051,reg oper account,block of flats,0.1229,Panel,No,0.0,0.0,0.0,0.0,-528.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2002327,454758,Cash loans,10987.38,157500.0,157500.0,0.0,157500.0,SATURDAY,7,Y,1,0.0,,,XNA,Approved,-2025,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,24.0,high,Cash Street: high,365243.0,-1995.0,-1305.0,-1305.0,-1296.0,0.0,0,Cash loans,M,Y,N,0,135000.0,544491.0,15102.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-16520,-4275,-3198.0,-82,10.0,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,8,0,0,0,0,0,0,Business Entity Type 3,,0.6153855273118887,0.4066174366275036,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1542.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,7.0 +1545541,338158,Consumer loans,9442.035,67495.5,49738.5,20250.0,67495.5,SUNDAY,17,Y,1,0.3151102096643149,,,XAP,Approved,-1081,Cash through the bank,XAP,"Spouse, partner",Refreshed,Consumer Electronics,POS,XNA,Country-wide,1465,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1049.0,-899.0,-989.0,-983.0,0.0,0,Revolving loans,M,Y,Y,0,135000.0,202500.0,10125.0,202500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-19559,-3631,-9757.0,-3106,16.0,1,1,0,1,1,1,Laborers,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.9014933702481068,0.4939229948920179,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-3332.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2313006,382520,Cash loans,47131.155,225000.0,232425.0,,225000.0,THURSDAY,11,Y,1,,,,Urgent needs,Refused,-541,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Country-wide,80,Connectivity,6.0,high,Cash Street: high,,,,,,,1,Cash loans,F,N,Y,0,81000.0,112500.0,11088.0,112500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.0228,-23890,365243,-8979.0,-4625,,1,0,0,1,1,0,,2.0,2,2,SATURDAY,8,0,0,0,0,0,0,XNA,,0.36460574567729537,0.3910549766342248,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,0.0,8.0,0.0,-1346.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1670189,235616,Consumer loans,6247.215,74835.0,86688.0,0.0,74835.0,FRIDAY,14,Y,1,0.0,,,XAP,Approved,-538,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Regional / Local,150,Consumer electronics,18.0,middle,POS household with interest,365243.0,-507.0,3.0,365243.0,365243.0,0.0,1,Cash loans,F,N,N,2,157500.0,741276.0,28854.0,531000.0,Other_B,Working,Higher education,Separated,House / apartment,0.019688999999999998,-12938,-521,-2876.0,-1238,,1,1,0,1,0,0,Sales staff,3.0,2,2,THURSDAY,8,0,0,0,0,0,0,Trade: type 3,0.2980392482290209,0.573963507883518,0.5334816299804352,0.0938,0.0915,0.9866,0.8164,0.0128,0.0,0.2414,0.1667,0.0833,0.0301,0.0765,0.0785,0.0,0.0,0.0956,0.0949,0.9866,0.8236,0.0129,0.0,0.2414,0.1667,0.0833,0.0308,0.0836,0.0817,0.0,0.0,0.0947,0.0915,0.9866,0.8189,0.0129,0.0,0.2414,0.1667,0.0833,0.0307,0.0778,0.0799,0.0,0.0,reg oper account,block of flats,0.0687,Panel,No,1.0,1.0,1.0,1.0,-237.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2726313,105356,Consumer loans,3484.125,29650.5,28372.5,7150.5,29650.5,FRIDAY,12,Y,1,0.2192254186148283,,,XAP,Approved,-1678,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Country-wide,24,Connectivity,12.0,high,POS mobile with interest,365243.0,-1647.0,-1317.0,-1317.0,-1312.0,0.0,0,Cash loans,F,N,N,0,135000.0,808650.0,23773.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.016612000000000002,-18839,-5962,-8913.0,-2379,,1,1,0,1,1,0,Accountants,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.6655846780013954,0.6702861108954349,0.6986675550534175,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,2.0,2.0,2.0,-1678.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1382022,370990,Consumer loans,20115.495,187366.5,181057.5,18738.0,187366.5,SATURDAY,16,Y,1,0.10214136682030098,,,XAP,Approved,-2667,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,-1,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2636.0,-2366.0,-2366.0,-2358.0,1.0,0,Cash loans,F,N,Y,0,135000.0,265851.0,17118.0,229500.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.009175,-18888,-458,-6549.0,-2426,,1,1,0,1,1,0,Laborers,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,Transport: type 4,0.7373766295644285,0.7179335609058566,0.38079968264891495,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1771.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1908509,426569,Cash loans,35066.88,315000.0,371196.0,,315000.0,THURSDAY,12,Y,1,,,,Other,Refused,-168,Cash through the bank,SCOFR,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,N,Y,2,292500.0,239850.0,28462.5,225000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.019101,-13364,-3754,-6299.0,-4194,,1,1,1,1,0,0,Cooking staff,3.0,2,2,THURSDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.6315542509982529,0.4436153084085652,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2541.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1338150,152260,Consumer loans,8300.7,72180.0,72180.0,0.0,72180.0,MONDAY,15,Y,1,0.0,,,XAP,Approved,-659,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Stone,100,Consumer electronics,10.0,middle,POS household with interest,365243.0,-624.0,-354.0,-564.0,-550.0,0.0,0,Cash loans,F,N,Y,2,360000.0,900000.0,48955.5,900000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.04622,-10685,-1863,-5502.0,-1652,,1,1,1,1,0,0,Managers,4.0,1,1,TUESDAY,14,0,1,1,1,1,1,Business Entity Type 3,0.5614718180785554,0.7983448231634321,0.5082869913916046,0.0412,0.0389,0.9916,,,0.0,0.069,0.1667,,,,0.0256,,0.0474,0.042,0.0404,0.9916,,,0.0,0.069,0.1667,,,,0.0266,,0.0501,0.0416,0.0389,0.9916,,,0.0,0.069,0.1667,,,,0.026,,0.0483,,block of flats,0.0345,Panel,No,0.0,0.0,0.0,0.0,-659.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1907214,449325,Cash loans,20979.0,450000.0,450000.0,,450000.0,SUNDAY,4,Y,1,,,,XNA,Approved,-119,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-89.0,1321.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,1,202500.0,1061599.5,31171.5,927000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.014464,-11212,-355,-5043.0,-2720,,1,1,0,1,0,0,,3.0,2,2,SUNDAY,7,0,0,0,0,0,0,Business Entity Type 3,0.1910601557933396,0.7469413506538222,0.6925590674998008,0.1948,0.0906,0.9856,0.8028,0.0,0.0,0.0345,0.3333,0.375,0.0473,0.1589,0.106,0.0,0.0086,0.1985,0.094,0.9856,0.8105,0.0,0.0,0.0345,0.3333,0.375,0.0484,0.1736,0.1105,0.0,0.0091,0.1967,0.0906,0.9856,0.8054,0.0,0.0,0.0345,0.3333,0.375,0.0482,0.1616,0.108,0.0,0.0088,reg oper account,block of flats,0.1078,Panel,No,0.0,0.0,0.0,0.0,-1337.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +1570728,421439,Consumer loans,3372.84,20385.0,16672.5,4500.0,20385.0,TUESDAY,8,Y,1,0.231475219785528,,,XAP,Approved,-1704,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,42,Connectivity,6.0,high,POS mobile with interest,365243.0,-1666.0,-1516.0,-1576.0,-1573.0,0.0,1,Cash loans,F,N,Y,0,90000.0,263686.5,17752.5,238500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.020246,-19094,-1403,-11823.0,-2621,,1,1,0,1,0,0,Private service staff,1.0,3,3,FRIDAY,9,0,0,0,0,0,0,Government,,0.4707764033478713,0.6848276586890367,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-1704.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2322053,186700,Consumer loans,9225.855,91647.0,100719.0,0.0,91647.0,SUNDAY,13,Y,1,0.0,,,XAP,Refused,-1261,Cash through the bank,HC,Family,New,Computers,POS,XNA,Regional / Local,400,Consumer electronics,12.0,low_action,POS household without interest,,,,,,,0,Cash loans,F,N,Y,0,112500.0,323194.5,15547.5,279000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.018634,-23126,365243,-12426.0,-4249,,1,0,0,1,0,0,,2.0,2,2,MONDAY,9,0,0,0,0,0,0,XNA,0.7139784894145735,0.43911456658815934,0.5726825047161584,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1261.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2784356,446520,Revolving loans,2250.0,45000.0,45000.0,,45000.0,TUESDAY,15,Y,1,,,,XAP,Approved,-278,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,225000.0,315000.0,17086.5,315000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00702,-13140,-1893,-11743.0,-2360,,1,1,1,1,0,0,,2.0,2,2,SUNDAY,13,0,0,0,0,0,0,Industry: type 3,0.376312697077326,0.1852241651362046,0.07396514611722674,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-138.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2645158,187445,Consumer loans,4778.235,40761.0,39852.0,4500.0,40761.0,FRIDAY,14,Y,1,0.11050029515938606,,,XAP,Approved,-2285,Cash through the bank,XAP,Children,Repeater,Homewares,POS,XNA,Stone,124,Consumer electronics,12.0,high,POS household with interest,365243.0,-2254.0,-1924.0,-1924.0,-1919.0,0.0,0,Cash loans,F,N,Y,3,180000.0,454500.0,23337.0,454500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.020713,-14625,-3022,-2327.0,-5458,,1,1,1,1,1,0,Medicine staff,5.0,3,1,MONDAY,12,0,0,0,0,0,0,Medicine,,0.1902997324456865,0.3572932680336494,0.0804,0.0813,0.9796,,0.0579,0.0,0.1379,0.1667,,0.0397,0.0656,0.0691,,0.0053,0.0819,0.0843,0.9796,,0.0584,0.0,0.1379,0.1667,,0.0406,0.0716,0.07200000000000001,,0.0056,0.0812,0.0813,0.9796,,0.0583,0.0,0.1379,0.1667,,0.0404,0.0667,0.0703,,0.0054,reg oper account,block of flats,0.0555,Panel,No,0.0,0.0,0.0,0.0,-1514.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2249301,376971,Consumer loans,16357.23,81810.0,87750.0,0.0,81810.0,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-93,Cash through the bank,XAP,Unaccompanied,Repeater,Homewares,POS,XNA,Stone,15,Consumer electronics,6.0,middle,POS household with interest,365243.0,-63.0,87.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,1,202500.0,270000.0,10309.5,270000.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.015221,-17040,-1743,-3010.0,-574,4.0,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,11,0,0,0,0,0,0,Self-employed,0.6138509586422799,0.7002873437150994,0.35895122857839673,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,0.0,8.0,0.0,-555.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,3.0 +2509834,171639,Cash loans,52296.165,765000.0,817510.5,,765000.0,WEDNESDAY,19,Y,1,,,,XNA,Approved,-713,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-683.0,7.0,-53.0,-51.0,1.0,0,Cash loans,M,Y,Y,0,234000.0,1154655.0,45922.5,990000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.032561,-18146,-2368,-4789.0,-1506,15.0,1,1,0,1,1,1,Managers,2.0,1,1,TUESDAY,12,0,1,1,0,0,0,Business Entity Type 3,0.48361802076967797,0.6809248754097152,,0.0928,0.0917,0.9737,,,0.0,0.2069,0.1667,,0.0666,,0.0823,,,0.0945,0.0952,0.9737,,,0.0,0.2069,0.1667,,0.0681,,0.0857,,,0.0937,0.0917,0.9737,,,0.0,0.2069,0.1667,,0.0677,,0.0838,,,,block of flats,0.0647,Panel,No,0.0,0.0,0.0,0.0,-1279.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1286890,424705,Consumer loans,5372.235,24790.5,26347.5,2520.0,24790.5,SATURDAY,13,Y,1,0.09507262807340744,,,XAP,Approved,-1383,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Regional / Local,14,Connectivity,6.0,high,POS mobile with interest,365243.0,-1340.0,-1190.0,-1190.0,-1178.0,0.0,0,Cash loans,F,N,Y,0,135000.0,788103.0,28435.5,598500.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.01885,-10037,-3351,-2014.0,-713,,1,1,0,1,0,0,Core staff,2.0,2,2,WEDNESDAY,11,0,0,0,0,1,1,Other,0.4192446372875129,0.5042823580698761,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,12.0,0.0,12.0,0.0,-1383.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1745969,122892,Consumer loans,12753.99,125964.0,139266.0,0.0,125964.0,MONDAY,14,Y,1,0.0,,,XAP,Approved,-416,XNA,XAP,,New,Computers,POS,XNA,Country-wide,847,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-385.0,-55.0,-145.0,-137.0,0.0,0,Cash loans,M,Y,Y,0,247500.0,781920.0,47965.5,675000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.011703,-10019,-530,-4398.0,-2695,6.0,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,12,0,1,1,0,1,1,Trade: type 3,0.1334092484176765,0.5207477654054508,0.5406544504453575,0.0691,0.0657,0.9786,0.7076,0.0145,0.0,0.1379,0.1667,0.2083,0.0372,0.0563,0.0617,0.0,0.0,0.0704,0.0682,0.9786,0.7190000000000001,0.0147,0.0,0.1379,0.1667,0.2083,0.038,0.0615,0.0643,0.0,0.0,0.0697,0.0657,0.9786,0.7115,0.0146,0.0,0.1379,0.1667,0.2083,0.0378,0.0573,0.0628,0.0,0.0,not specified,block of flats,0.0565,"Stone, brick",No,1.0,0.0,1.0,0.0,-416.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2681842,263025,Cash loans,42011.235,765000.0,830637.0,,765000.0,TUESDAY,15,Y,1,,,,XNA,Approved,-991,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,365243.0,-961.0,-91.0,-91.0,-90.0,1.0,0,Revolving loans,M,N,Y,0,202500.0,157500.0,7875.0,157500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-16345,-3488,-1241.0,-4355,,1,1,1,1,1,0,Laborers,2.0,2,2,SATURDAY,8,0,0,0,0,0,0,Business Entity Type 3,0.3788554420305337,0.3946076480867301,0.4938628816996244,0.0825,0.0374,0.9737,0.6396,0.0239,0.0,0.1379,0.1667,0.2083,0.0581,0.0672,0.0528,0.0,0.0184,0.084,0.0388,0.9737,0.6537,0.0241,0.0,0.1379,0.1667,0.2083,0.0594,0.0735,0.055,0.0,0.0194,0.0833,0.0374,0.9737,0.6444,0.0241,0.0,0.1379,0.1667,0.2083,0.0591,0.0684,0.0537,0.0,0.0187,reg oper account,block of flats,0.0654,"Stone, brick",No,6.0,0.0,6.0,0.0,-2725.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +1856800,176127,Consumer loans,4516.65,19845.0,15853.5,4500.0,19845.0,THURSDAY,9,Y,1,0.2407895001306453,,,XAP,Approved,-2793,XNA,XAP,Family,New,Mobile,POS,XNA,Country-wide,51,Connectivity,4.0,low_normal,POS mobile with interest,365243.0,-2762.0,-2672.0,-2672.0,-2622.0,1.0,0,Cash loans,M,Y,N,0,90000.0,640080.0,23121.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010966,-17948,-1367,-10565.0,-1498,8.0,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.5484083586694215,0.3133902111302968,0.5495965024956946,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-1563.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2167544,118754,Consumer loans,4921.74,24840.0,24138.0,4500.0,24840.0,FRIDAY,13,Y,1,0.17113307810982226,,,XAP,Approved,-991,Cash through the bank,XAP,Unaccompanied,Refreshed,Computers,POS,XNA,Stone,22,Consumer electronics,6.0,high,POS household with interest,365243.0,-954.0,-804.0,-804.0,-800.0,0.0,0,Cash loans,F,Y,Y,0,135000.0,1078200.0,31653.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-9923,-1799,-321.0,-2219,64.0,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,Trade: type 3,0.3291565026712414,0.12464742966927053,0.1245194708919845,0.0165,0.0,0.9737,,,0.0,0.069,0.0417,,0.0246,,0.0111,,0.0047,0.0168,0.0,0.9737,,,0.0,0.069,0.0417,,0.0252,,0.0116,,0.0049,0.0167,0.0,0.9737,,,0.0,0.069,0.0417,,0.0251,,0.0113,,0.0048,,block of flats,0.0106,Block,No,1.0,0.0,1.0,0.0,-556.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1589433,242823,Consumer loans,13867.11,128115.0,124816.5,12811.5,128115.0,FRIDAY,17,Y,1,0.10138117375692578,,,XAP,Approved,-2199,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,2323,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2168.0,-1898.0,-1898.0,-1896.0,1.0,1,Cash loans,F,N,Y,0,135000.0,1288350.0,37800.0,1125000.0,Children,Working,Higher education,Married,House / apartment,0.010147,-19670,-1523,-8226.0,-3174,,1,1,1,1,1,0,,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.14092451177387655,0.7850520263728172,0.1309,0.0758,0.9881,,,0.04,0.0345,0.3333,,0.0542,,0.0943,,,0.1334,0.0787,0.9881,,,0.0403,0.0345,0.3333,,0.0554,,0.0983,,,0.1322,0.0758,0.9881,,,0.04,0.0345,0.3333,,0.0551,,0.096,,,,block of flats,0.0847,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2323737,157879,Cash loans,8981.82,45000.0,46485.0,0.0,45000.0,SATURDAY,14,Y,1,0.0,,,XNA,Approved,-2324,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,6.0,high,Cash Street: high,365243.0,-2294.0,-2144.0,-2144.0,-2141.0,1.0,0,Revolving loans,M,N,Y,2,180000.0,540000.0,27000.0,540000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006207,-11120,-61,-953.0,-3474,,1,1,0,1,1,0,Sales staff,4.0,2,2,SATURDAY,13,0,1,1,0,1,1,Business Entity Type 3,0.07690540663284286,0.4300500563310507,0.656158373001177,0.0976,,0.9861,,,0.1064,0.0917,0.3333,,0.0577,,0.0964,,0.0304,0.0693,,0.9851,,,0.1208,0.1034,0.3333,,0.0568,,0.0704,,0.0322,0.1124,,0.9861,,,0.12,0.1034,0.3333,,0.0587,,0.1123,,0.031,,,0.0531,"Stone, brick",No,0.0,0.0,0.0,0.0,-1585.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1288116,344737,Revolving loans,22500.0,0.0,450000.0,,,THURSDAY,18,Y,1,,,,XAP,Approved,-782,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-781.0,-734.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,292500.0,509400.0,40374.0,450000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.008575,-16251,-280,-2699.0,-4915,,1,1,0,1,1,1,Accountants,2.0,2,2,TUESDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.4860091061136875,0.5255155691610338,0.4048783643353997,0.1256,0.0741,0.9866,0.8232,0.4898,0.09,0.1493,0.2292,0.3192,0.0981,0.2589,0.0965,0.0039,0.004,0.063,0.0715,0.9826,0.7975,0.4942,0.0,0.1379,0.1667,0.375,0.0447,0.2828,0.0325,0.0039,0.0018,0.0729,0.07,0.9871,0.8323,0.4929,0.02,0.1379,0.1667,0.375,0.0896,0.2634,0.0523,0.0039,0.0041,reg oper account,block of flats,0.2678,Panel,No,0.0,0.0,0.0,0.0,-990.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1882580,236219,Cash loans,19151.1,450000.0,533160.0,,450000.0,SATURDAY,12,Y,1,,,,XNA,Refused,-292,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,157500.0,337761.0,20538.0,256500.0,Family,Working,Secondary / secondary special,Single / not married,Rented apartment,0.008575,-8704,-2068,-2197.0,-1340,,1,1,0,1,0,0,,1.0,2,2,THURSDAY,15,0,0,0,0,0,0,Business Entity Type 2,0.2884221247226703,0.4354394538618839,0.2471909382666521,0.132,0.014,0.9831,,,0.0,0.1034,0.1667,,0.0949,,0.0575,,0.1518,0.1345,0.0145,0.9831,,,0.0,0.1034,0.1667,,0.097,,0.0599,,0.1607,0.1332,0.014,0.9831,,,0.0,0.1034,0.1667,,0.0965,,0.0585,,0.155,,block of flats,0.0782,"Stone, brick",No,7.0,0.0,7.0,0.0,-700.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1180994,354152,Consumer loans,14998.185,93136.5,83821.5,9315.0,93136.5,MONDAY,11,Y,1,0.10892487712316673,,,XAP,Approved,-213,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Stone,33,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-181.0,-31.0,-31.0,-25.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,740088.0,35734.5,661500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.00733,-15949,-626,-2802.0,-2129,7.0,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,12,0,0,0,1,1,0,Self-employed,0.3514960453481106,0.6439708574562212,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,5.0,0.0,-1050.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2400220,290887,Cash loans,9349.515,135000.0,152820.0,,135000.0,FRIDAY,14,Y,1,,,,XNA,Refused,-411,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,,,,,,,1,Cash loans,M,Y,Y,0,112500.0,299772.0,17338.5,247500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.007305,-18900,-141,-4801.0,-2430,2.0,1,1,0,1,1,0,High skill tech staff,2.0,3,3,WEDNESDAY,12,0,0,0,0,1,1,Other,,0.6136138987157578,0.7776594425716818,0.0619,0.0527,0.9826,0.762,,0.0,0.1379,0.1667,0.2083,0.0108,0.0504,0.0531,0.0,0.0,0.063,0.0547,0.9826,0.7713,,0.0,0.1379,0.1667,0.2083,0.0111,0.0551,0.0553,0.0,0.0,0.0625,0.0527,0.9826,0.7652,,0.0,0.1379,0.1667,0.2083,0.011,0.0513,0.0541,0.0,0.0,reg oper account,block of flats,0.0425,Panel,No,0.0,0.0,0.0,0.0,-756.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +2474811,329941,Consumer loans,21839.31,217350.0,217350.0,0.0,217350.0,SUNDAY,11,Y,1,0.0,,,XAP,Approved,-993,XNA,XAP,Unaccompanied,New,Clothing and Accessories,POS,XNA,Stone,300,Clothing,12.0,middle,POS industry with interest,365243.0,-961.0,-631.0,-631.0,-622.0,0.0,0,Cash loans,F,N,Y,0,148500.0,269550.0,11871.0,225000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.018209,-17667,-1841,-5570.0,-1199,,1,1,1,1,1,0,High skill tech staff,1.0,3,3,SATURDAY,9,0,0,0,0,0,0,Business Entity Type 1,,0.6343027894041903,0.3962195720630885,0.2216,0.1664,0.9836,,,0.24,0.2069,0.3333,,0.1323,,0.2196,,0.0103,0.2258,0.1727,0.9836,,,0.2417,0.2069,0.3333,,0.1353,,0.2288,,0.0109,0.2238,0.1664,0.9836,,,0.24,0.2069,0.3333,,0.1346,,0.2235,,0.0105,,block of flats,0.2111,Panel,No,0.0,0.0,0.0,0.0,-993.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,0.0 +2328843,455587,Cash loans,30431.655,135000.0,156388.5,,135000.0,MONDAY,10,Y,1,,,,XNA,Approved,-595,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,high,Cash X-Sell: high,365243.0,-565.0,-415.0,-565.0,-549.0,1.0,0,Cash loans,F,N,Y,0,72000.0,52128.0,5472.0,45000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-19461,-3139,-8438.0,-3005,,1,1,1,1,0,0,,2.0,2,2,MONDAY,9,0,0,0,0,0,0,Kindergarten,,0.7912769652590522,0.6109913280868294,0.132,0.044,0.9881,,0.0549,0.08,0.0345,0.625,,0.0715,,0.1254,,0.0,0.1345,0.0457,0.9881,,0.0554,0.0806,0.0345,0.625,,0.0731,,0.1307,,0.0,0.1332,0.044,0.9881,,0.0552,0.08,0.0345,0.625,,0.0727,,0.1277,,0.0,,block of flats,0.1286,Panel,No,0.0,0.0,0.0,0.0,-2380.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2771978,385406,Cash loans,,0.0,0.0,,,SATURDAY,10,Y,1,,,,XNA,Refused,-218,XNA,SCOFR,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,N,Y,0,202500.0,986553.0,35082.0,823500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.007305,-9997,-1613,-4142.0,-2629,,1,1,0,1,0,0,,2.0,3,3,SUNDAY,10,0,0,0,1,1,0,Business Entity Type 3,0.13047134778675032,0.5668207071483427,0.2822484337007223,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1019.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,9.0 +2243899,192668,Consumer loans,7868.025,42259.5,44352.0,0.0,42259.5,FRIDAY,13,Y,1,0.0,,,XAP,Approved,-1167,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Stone,152,Consumer electronics,6.0,low_normal,POS household without interest,365243.0,-1136.0,-986.0,-1016.0,-1011.0,0.0,0,Cash loans,M,Y,Y,1,171000.0,787131.0,26014.5,679500.0,Children,Working,Secondary / secondary special,Married,House / apartment,0.018801,-15748,-3508,-8552.0,-4477,16.0,1,1,0,1,0,0,Laborers,3.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Government,,0.0922499872964788,0.4812493411434029,0.0021,,0.9697,,,0.0,0.069,0.0,,,,,,,0.0021,,0.9697,,,0.0,0.069,0.0,,,,,,,0.0021,,0.9697,,,0.0,0.069,0.0,,,,,,,,block of flats,0.0026,Wooden,No,1.0,0.0,1.0,0.0,-1701.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,2.0 +2527528,362997,Consumer loans,8501.715,71955.0,71599.5,7195.5,71955.0,TUESDAY,16,Y,1,0.0994549608016198,,,XAP,Approved,-209,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Regional / Local,148,Consumer electronics,12.0,high,POS household with interest,365243.0,-179.0,151.0,365243.0,365243.0,1.0,0,Revolving loans,F,N,Y,0,96750.0,270000.0,13500.0,270000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.006296,-19709,-2184,-9890.0,-1753,,1,1,0,1,0,0,Cooking staff,2.0,3,3,MONDAY,11,0,0,0,0,0,0,School,,0.32193580764623714,0.6347055309763198,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1049.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2788173,239041,Consumer loans,23299.155,217021.5,209713.5,21703.5,217021.5,THURSDAY,12,Y,1,0.10214065753792742,,,XAP,Approved,-1673,Cash through the bank,XAP,Unaccompanied,Repeater,Construction Materials,POS,XNA,Stone,23,Construction,10.0,low_normal,POS industry with interest,365243.0,-1638.0,-1368.0,-1368.0,-1362.0,0.0,0,Cash loans,F,N,Y,0,69750.0,229500.0,16321.5,229500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.015221,-22506,365243,-1189.0,-4201,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,XNA,0.7244401279245704,0.4735340663846279,,0.0887,0.1125,0.9836,,,0.0,0.2069,0.1667,,0.0451,,0.0823,,0.0152,0.0903,0.1167,0.9836,,,0.0,0.2069,0.1667,,0.0462,,0.0858,,0.0161,0.0895,0.1125,0.9836,,,0.0,0.2069,0.1667,,0.0459,,0.0838,,0.0155,,block of flats,0.0745,Panel,No,4.0,1.0,4.0,1.0,-1673.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2046304,217690,Cash loans,20649.915,589500.0,706221.0,,589500.0,FRIDAY,11,Y,1,,,,XNA,Refused,-276,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,112500.0,90000.0,6219.0,90000.0,"Spouse, partner",Working,Secondary / secondary special,Civil marriage,House / apartment,0.022625,-18790,-360,-11576.0,-2085,,1,1,1,1,1,1,Sales staff,2.0,2,2,MONDAY,13,0,0,0,0,0,0,Self-employed,0.8960194520548487,0.7757481967612638,0.15759499866631024,0.2454,0.2145,0.9791,0.7144,0.1068,0.0,0.5517,0.1667,0.2083,0.241,0.2,0.236,0.0,0.0,0.25,0.2226,0.9791,0.7256,0.1078,0.0,0.5517,0.1667,0.2083,0.2465,0.2185,0.2458,0.0,0.0,0.2477,0.2145,0.9791,0.7182,0.1075,0.0,0.5517,0.1667,0.2083,0.2452,0.2035,0.2402,0.0,0.0,reg oper account,block of flats,0.244,Panel,No,0.0,0.0,0.0,0.0,-1406.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1837415,197786,Consumer loans,13246.605,64274.625,62572.5,6431.625,64274.625,WEDNESDAY,13,Y,1,0.10151022592028837,,,XAP,Approved,-1260,Cash through the bank,XAP,Unaccompanied,Repeater,Construction Materials,POS,XNA,Regional / Local,131,Construction,5.0,low_normal,POS industry without interest,365243.0,-1229.0,-1109.0,-1109.0,-1102.0,0.0,0,Cash loans,M,N,Y,0,127350.0,1350000.0,37255.5,1350000.0,Unaccompanied,Pensioner,Higher education,Widow,House / apartment,0.008625,-23728,365243,-1370.0,-4228,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,,0.6487244187539026,0.3556387169923543,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-288.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1175912,237347,Cash loans,17952.795,247500.0,267592.5,,247500.0,SATURDAY,12,Y,1,,,,XNA,Approved,-1204,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-1174.0,-664.0,-1024.0,-1021.0,1.0,0,Cash loans,F,N,Y,0,180000.0,1011955.5,43006.5,904500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.031329,-23514,-6370,-6114.0,-4324,,1,1,0,1,1,0,Core staff,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,School,0.7091418069932433,0.7061289998319146,0.2910973802776635,0.1443,,0.9851,,,0.16,0.1379,0.3333,,,,0.071,,,0.1471,,0.9851,,,0.1611,0.1379,0.3333,,,,0.07400000000000001,,,0.1457,,0.9851,,,0.16,0.1379,0.3333,,,,0.0723,,,,block of flats,0.1069,Panel,No,2.0,1.0,2.0,1.0,-1803.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1995002,355082,Cash loans,36517.005,900000.0,1030680.0,,900000.0,MONDAY,16,Y,1,,,,XNA,Approved,-427,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,100,XNA,60.0,middle,Cash X-Sell: middle,365243.0,-397.0,1373.0,-337.0,-309.0,1.0,0,Cash loans,F,Y,Y,0,450000.0,1178217.0,34578.0,922500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.032561,-18063,-3502,-3758.0,-1365,2.0,1,1,0,1,1,0,Managers,2.0,1,1,MONDAY,12,0,0,0,0,0,0,Culture,,0.7996057122692342,0.7032033049040319,0.1835,0.0,0.9483,0.0,0.0578,0.32,0.4828,0.25,0.0833,0.1198,0.1185,0.1971,0.1429,0.173,0.187,0.0,0.9121,0.0,0.0583,0.3222,0.4828,0.2083,0.0833,0.1225,0.1295,0.2031,0.14400000000000002,0.0675,0.1853,0.0,0.9483,0.0,0.0581,0.32,0.4828,0.25,0.0833,0.1218,0.1206,0.2006,0.1436,0.1766,not specified,block of flats,0.203,"Stone, brick",No,0.0,0.0,0.0,0.0,-1474.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1463968,193079,Consumer loans,7169.13,67932.0,67189.5,6795.0,67932.0,SATURDAY,13,Y,1,0.10002598824446644,,,XAP,Approved,-1182,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,2358,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1148.0,-818.0,-878.0,-873.0,0.0,0,Revolving loans,M,Y,N,0,90000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.019101,-11551,-396,-5679.0,-3927,21.0,1,1,1,1,1,0,Laborers,1.0,2,2,FRIDAY,15,0,0,0,0,1,1,Self-employed,0.4543197843661535,0.7915080134509889,0.646329897706246,0.2134,0.1724,0.9901,0.8640000000000001,0.0671,0.32,0.2759,0.3333,0.375,0.1151,0.174,0.2803,0.0463,0.1686,0.2174,0.1789,0.9901,0.8693,0.0677,0.3222,0.2759,0.3333,0.375,0.1178,0.1901,0.292,0.0467,0.1785,0.2155,0.1724,0.9901,0.8658,0.0675,0.32,0.2759,0.3333,0.375,0.1171,0.177,0.2853,0.0466,0.1721,reg oper spec account,block of flats,0.2571,"Stone, brick",No,2.0,0.0,2.0,0.0,-2406.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +1109398,309297,Cash loans,4921.2,45000.0,45000.0,0.0,45000.0,FRIDAY,11,Y,1,0.0,,,XNA,Approved,-2051,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,1,135000.0,1255680.0,41629.5,1125000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-18305,-1680,-3052.0,-1843,,1,1,0,1,0,0,Cooking staff,3.0,2,2,FRIDAY,7,0,0,0,0,0,0,Business Entity Type 3,,0.2622583692422573,0.3556387169923543,0.0423,0.0271,0.9722,0.6192,0.0214,0.04,0.0862,0.2292,0.2708,0.0515,0.0336,0.0694,0.0039,0.0047,0.0084,0.0102,0.9643,0.5296,0.0136,0.0,0.069,0.125,0.1667,0.0519,0.0073,0.0653,0.0,0.0,0.0427,0.0271,0.9722,0.6243,0.0215,0.04,0.0862,0.2292,0.2708,0.0524,0.0342,0.0707,0.0039,0.0048,not specified,block of flats,0.0567,"Stone, brick",No,3.0,1.0,3.0,1.0,-2565.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2567073,108472,Consumer loans,6202.035,54517.5,61110.0,5454.0,54517.5,SATURDAY,14,Y,1,0.08923595063670776,,,XAP,Approved,-566,Cash through the bank,XAP,,Refreshed,Computers,POS,XNA,Country-wide,30,Connectivity,12.0,middle,POS mobile with interest,365243.0,-535.0,-205.0,-205.0,-201.0,0.0,1,Cash loans,F,N,N,1,72000.0,269550.0,14242.5,225000.0,Unaccompanied,State servant,Secondary / secondary special,Married,Municipal apartment,0.018029,-15145,-7414,-3509.0,-4752,,1,1,1,1,1,0,Medicine staff,3.0,3,3,FRIDAY,11,0,0,0,0,0,0,Medicine,,0.4190718231064069,0.10684194768082178,0.0722,0.0705,0.9767,0.6804,,0.0,0.1379,0.1667,0.0417,0.0346,,0.0676,,,0.0735,0.0732,0.9767,0.6929,,0.0,0.1379,0.1667,0.0417,0.0354,,0.0704,,,0.0729,0.0705,0.9767,0.6847,,0.0,0.1379,0.1667,0.0417,0.0352,,0.0688,,,reg oper spec account,block of flats,0.0576,"Stone, brick",No,7.0,0.0,7.0,0.0,-1634.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1226947,238294,Cash loans,16653.87,337500.0,392076.0,0.0,337500.0,THURSDAY,16,Y,1,0.0,,,XNA,Approved,-1180,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,42.0,middle,Cash Street: middle,365243.0,-1150.0,80.0,-1060.0,-1058.0,1.0,0,Cash loans,M,Y,Y,0,202500.0,675000.0,26901.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-19609,-2672,-11807.0,-285,3.0,1,1,0,1,0,0,Security staff,2.0,2,2,MONDAY,13,0,0,0,0,0,0,Other,,0.5089283748799684,0.6545292802242897,0.1237,0.1219,0.9771,,,0.0,0.2759,0.1667,,0.1192,,0.1037,,0.0,0.1261,0.1265,0.9772,,,0.0,0.2759,0.1667,,0.1219,,0.108,,0.0,0.1249,0.1219,0.9771,,,0.0,0.2759,0.1667,,0.1213,,0.1055,,0.0,,block of flats,0.0815,Panel,No,2.0,0.0,2.0,0.0,-1921.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,11.0,1.0,5.0 +2253907,314659,Consumer loans,6479.37,54445.5,51628.5,6750.0,54445.5,MONDAY,8,Y,1,0.12592587401806546,,,XAP,Approved,-2569,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Regional / Local,15,Connectivity,10.0,high,POS mobile with interest,365243.0,-2538.0,-2268.0,-2268.0,-2262.0,1.0,0,Cash loans,F,N,Y,0,180000.0,961146.0,28233.0,688500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-13387,-3278,-684.0,-4289,,1,1,0,1,0,0,Core staff,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Postal,,0.5612661169348729,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-3234.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1334265,174005,Cash loans,27748.665,810000.0,948996.0,,810000.0,TUESDAY,11,Y,1,,,,XNA,Approved,-562,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-532.0,1238.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,112500.0,113760.0,6529.5,90000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-18490,-1984,-9327.0,-2024,,1,1,0,1,0,0,Cleaning staff,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Government,0.7725385896080388,0.7790592560736673,0.2721336844147212,0.0072,0.0,0.9722,0.6192,0.0083,0.0,0.0,0.0,0.0417,0.0,0.0059,0.0036,0.0,0.0079,0.0074,0.0,0.9722,0.6341,0.0083,0.0,0.0,0.0,0.0417,0.0,0.0064,0.0037,0.0,0.0083,0.0073,0.0,0.9722,0.6243,0.0083,0.0,0.0,0.0,0.0417,0.0,0.006,0.0036,0.0,0.008,,block of flats,0.0045,Wooden,No,0.0,0.0,0.0,0.0,-1233.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1995969,130387,Cash loans,,0.0,0.0,,0.0,MONDAY,12,Y,1,,,,XNA,Refused,-1338,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Revolving loans,F,N,Y,2,112500.0,450000.0,22500.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-16504,-2565,-39.0,-47,,1,1,0,1,1,0,Medicine staff,4.0,2,2,TUESDAY,11,0,0,0,0,0,0,Medicine,0.8082962913810383,0.7865246470844545,0.41534714488434,0.0948,0.1052,0.9796,,,0.0,0.2759,0.1667,,0.0,,0.1024,,0.1533,0.0966,0.1091,0.9796,,,0.0,0.2759,0.1667,,0.0,,0.1067,,0.1623,0.0958,0.1052,0.9796,,,0.0,0.2759,0.1667,,0.0,,0.1043,,0.1565,,specific housing,0.1428,"Stone, brick",No,1.0,0.0,1.0,0.0,-1749.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +1271066,103417,Cash loans,25315.065,454500.0,499495.5,,454500.0,WEDNESDAY,9,Y,1,,,,XNA,Approved,-336,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,365243.0,-306.0,564.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,225000.0,708939.0,25591.5,612000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-22045,365243,-7831.0,-4970,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,7,0,0,0,0,0,0,XNA,,0.14508084036265245,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +2774516,414658,Consumer loans,4145.58,29925.0,34092.0,2992.5,29925.0,SATURDAY,5,Y,1,0.0878832004059525,,,XAP,Approved,-1649,XNA,XAP,Family,New,Mobile,POS,XNA,Stone,42,Consumer electronics,12.0,high,POS household with interest,,,,,,,0,Cash loans,F,N,Y,1,157500.0,1046142.0,30717.0,913500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.006629,-16482,-1555,-5430.0,-12,,1,1,0,1,0,0,Sales staff,3.0,2,2,WEDNESDAY,6,0,0,0,0,0,0,Trade: type 7,,0.6267276199408983,0.7194907850918436,0.0165,0.0,0.9762,,,0.0,0.069,0.0417,,0.0005,,0.0101,,0.0,0.0168,0.0,0.9762,,,0.0,0.069,0.0417,,0.0005,,0.0106,,0.0,0.0167,0.0,0.9762,,,0.0,0.069,0.0417,,0.0005,,0.0103,,0.0,,block of flats,0.008,Wooden,No,0.0,0.0,0.0,0.0,-261.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,0.0 +1006951,358975,Consumer loans,19729.125,291519.0,329998.5,0.0,291519.0,FRIDAY,19,Y,1,0.0,,,XAP,Approved,-350,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,1700,Consumer electronics,24.0,middle,POS household with interest,365243.0,-320.0,370.0,-230.0,-222.0,1.0,1,Cash loans,F,N,Y,0,225000.0,715095.0,53595.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-15373,-5029,-1347.0,-4087,,1,1,0,1,0,0,Drivers,2.0,1,1,FRIDAY,9,0,0,0,0,0,0,Business Entity Type 1,,0.34221485892344194,0.1595195404777181,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2482044,172202,Cash loans,4626.9,45000.0,45000.0,,45000.0,MONDAY,12,Y,1,,,,XNA,Approved,-1107,Cash through the bank,XAP,Family,Refreshed,XNA,Cash,x-sell,AP+ (Cash loan),-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1077.0,-747.0,-867.0,-863.0,0.0,0,Cash loans,F,N,Y,0,135000.0,454500.0,20403.0,454500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-21711,365243,-2464.0,-4620,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,XNA,,0.7200719029449647,0.6971469077844458,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-1107.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2583176,155341,Cash loans,14871.24,229500.0,254340.0,,229500.0,TUESDAY,4,Y,1,,,,XNA,Approved,-608,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-578.0,112.0,-578.0,-575.0,1.0,1,Cash loans,M,N,Y,0,202500.0,251091.0,26640.0,238500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.006852,-20522,-3569,-3422.0,-215,,1,1,0,1,0,0,Laborers,2.0,3,3,MONDAY,9,0,0,0,0,1,1,Electricity,,0.3216303770401218,0.09507039584133267,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1731.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1096830,312611,Cash loans,20637.0,225000.0,225000.0,,225000.0,SATURDAY,18,Y,1,,,,XNA,Refused,-712,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,225000.0,1436850.0,46480.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.00733,-16863,-208,-737.0,-302,,1,1,0,1,1,0,Realty agents,1.0,2,2,THURSDAY,19,1,1,0,0,0,0,Business Entity Type 3,0.6375753947961633,0.7516202841700601,,,0.0258,0.9841,0.7824,0.0229,0.0,0.069,0.0417,0.0833,0.0054,0.0067,0.0058,,0.0221,,0.0268,0.9841,0.7909,0.0231,0.0,0.069,0.0417,0.0833,0.0055,0.0073,0.0061,,0.0234,,0.0258,0.9841,0.7853,0.0231,0.0,0.069,0.0417,0.0833,0.0055,0.0068,0.0059,,0.0225,reg oper account,block of flats,0.0077,Panel,No,6.0,0.0,6.0,0.0,-775.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1940065,423322,Cash loans,17243.37,76500.0,88618.5,,76500.0,SATURDAY,10,Y,1,,,,XNA,Approved,-765,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,high,Cash X-Sell: high,365243.0,-735.0,-585.0,-675.0,-664.0,1.0,0,Cash loans,M,Y,Y,0,270000.0,254700.0,30357.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-18971,-953,-667.0,-140,21.0,1,1,0,1,0,0,Drivers,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Industry: type 11,,0.26651977539251576,0.2955826421513093,0.1918,0.1215,0.9896,0.8572,0.0643,0.0,0.5517,0.1667,0.2083,0.1722,0.1563,0.2203,0.0,0.0,0.1954,0.1261,0.9896,0.8628,0.0648,0.0,0.5517,0.1667,0.2083,0.1762,0.1708,0.2296,0.0,0.0,0.1936,0.1215,0.9896,0.8591,0.0647,0.0,0.5517,0.1667,0.2083,0.1752,0.159,0.2243,0.0,0.0,reg oper account,block of flats,0.2084,Panel,No,1.0,0.0,1.0,0.0,-456.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1659607,271441,Consumer loans,13125.555,124416.0,109386.0,24885.0,124416.0,SATURDAY,9,Y,1,0.2018457244879928,,,XAP,Approved,-2020,Cash through the bank,XAP,"Spouse, partner",Repeater,Computers,POS,XNA,Regional / Local,599,Consumer electronics,12.0,high,POS household with interest,365243.0,-1989.0,-1659.0,-1659.0,-1655.0,0.0,0,Cash loans,F,N,N,0,180000.0,656811.0,35761.5,567000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,Municipal apartment,0.018801,-16761,-4534,-3135.0,-288,,1,1,0,1,0,0,Sales staff,1.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Self-employed,0.6547436408566211,0.34726322224519784,0.4632753280912678,0.1237,0.1084,0.9796,0.7212,0.0197,0.0,0.2759,0.1667,0.2083,0.0309,0.0992,0.1031,0.0077,0.0223,0.1261,0.1125,0.9796,0.7321,0.0198,0.0,0.2759,0.1667,0.2083,0.0316,0.1084,0.1074,0.0078,0.0236,0.1249,0.1084,0.9796,0.7249,0.0198,0.0,0.2759,0.1667,0.2083,0.0315,0.1009,0.1049,0.0078,0.0228,reg oper account,block of flats,0.0963,Panel,No,1.0,1.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1034368,307458,Consumer loans,6867.0,74983.5,74983.5,0.0,74983.5,WEDNESDAY,13,Y,1,0.0,,,XAP,Approved,-565,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Regional / Local,150,Consumer electronics,12.0,low_action,POS household without interest,,,,,,,0,Cash loans,F,N,Y,2,173250.0,755190.0,36459.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.00702,-13219,-5542,-7342.0,-2795,,1,1,0,1,0,0,Core staff,3.0,2,2,MONDAY,9,0,0,0,0,0,0,Postal,,0.17626911891511768,0.15193454904964762,,,0.9781,,,,,,,,,0.0682,,,,,0.9782,,,,,,,,,0.0711,,,,,0.9781,,,,,,,,,0.0694,,,,,0.058,,No,6.0,0.0,6.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1650488,437450,Revolving loans,11250.0,0.0,225000.0,,0.0,FRIDAY,15,Y,1,,,,XAP,Refused,-1312,XNA,HC,,Repeater,XNA,Cards,walk-in,Credit and cash offices,0,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,N,Y,0,144000.0,99000.0,10525.5,99000.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.026392000000000002,-18451,-3620,-9173.0,-1984,,1,1,0,1,0,0,,1.0,2,2,MONDAY,16,0,0,0,0,0,0,Security,,0.33517186224822143,0.3108182544189319,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2673.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1678323,151064,Consumer loans,9224.1,92250.0,83025.0,9225.0,92250.0,MONDAY,15,Y,1,0.1089090909090909,,,XAP,Approved,-1067,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Stone,50,Furniture,10.0,low_normal,POS industry with interest,365243.0,-1035.0,-765.0,-945.0,-942.0,0.0,0,Cash loans,F,N,Y,0,121500.0,619254.0,24687.0,553500.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.031329,-16187,-8990,-7664.0,-43,,1,1,0,1,0,0,,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Business Entity Type 2,0.7968502739056089,0.3230347044395145,0.5442347412142162,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1713.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1661842,336627,Cash loans,49630.5,1800000.0,1800000.0,,1800000.0,SUNDAY,10,Y,1,,,,Buying a home,Refused,-238,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,Y,Y,0,202500.0,592560.0,32274.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.00702,-12433,-1083,-1451.0,-4496,2.0,1,1,0,1,0,0,Sales staff,1.0,2,2,SUNDAY,12,0,0,0,0,1,1,Self-employed,,0.3763247450406224,0.4418358231994413,0.0144,,0.9796,,,,0.1034,0.0417,,0.011,,0.0293,,0.0485,0.0147,,0.9796,,,,0.1034,0.0417,,0.0112,,0.0305,,0.0513,0.0146,,0.9796,,,,0.1034,0.0417,,0.0112,,0.0298,,0.0495,,block of flats,0.0335,"Stone, brick",No,3.0,0.0,3.0,0.0,-322.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +1972440,271219,Cash loans,24594.21,454500.0,508495.5,,454500.0,TUESDAY,10,Y,1,,,,XNA,Refused,-17,Cash through the bank,HC,Children,Repeater,XNA,Cash,x-sell,Country-wide,40,Connectivity,36.0,middle,Cash X-Sell: middle,,,,,,,1,Cash loans,F,N,Y,0,103500.0,373500.0,18166.5,373500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-16781,-2046,-60.0,-333,,1,1,0,1,0,0,Security staff,2.0,2,2,FRIDAY,15,0,0,0,0,1,1,Business Entity Type 3,,0.20969146911635025,0.2392262794694045,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,2.0 +1235427,415830,Cash loans,13297.365,270000.0,313839.0,,270000.0,WEDNESDAY,6,Y,1,,,,XNA,Approved,-972,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-942.0,108.0,-912.0,-905.0,1.0,0,Cash loans,F,N,Y,0,135000.0,601677.0,22810.5,423000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-16030,-3497,-9636.0,-3499,,1,1,0,1,0,0,,2.0,3,2,TUESDAY,7,0,0,0,0,0,0,Business Entity Type 3,,0.6040682859110671,0.3723336657058204,0.2247,0.1812,0.9811,0.7416,0.1635,0.28,0.2414,0.3333,0.375,0.14,0.1824,0.2685,0.0039,0.0048,0.229,0.188,0.9811,0.7517,0.165,0.282,0.2414,0.3333,0.375,0.1432,0.1993,0.2798,0.0039,0.0051,0.2269,0.1812,0.9811,0.7451,0.1645,0.28,0.2414,0.3333,0.375,0.1424,0.1856,0.2734,0.0039,0.0049,reg oper account,block of flats,0.2123,Panel,No,0.0,0.0,0.0,0.0,-2738.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +2779786,379535,Cash loans,55159.02,990000.0,1076247.0,,990000.0,TUESDAY,17,Y,1,,,,XNA,Refused,-874,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,Y,Y,0,171000.0,1042560.0,34587.0,900000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.00702,-18450,365243,-9918.0,-1985,6.0,1,0,0,1,0,0,,2.0,2,2,MONDAY,14,0,0,0,0,0,0,XNA,,0.6286644266926525,0.2079641743053816,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1510.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1064797,223390,Consumer loans,12082.5,130950.0,117855.0,13095.0,130950.0,SUNDAY,10,Y,1,0.1089090909090909,,,XAP,Approved,-248,Cash through the bank,XAP,,Repeater,Clothing and Accessories,POS,XNA,Stone,60,Clothing,12.0,middle,POS industry with interest,365243.0,-216.0,114.0,-66.0,-59.0,0.0,0,Cash loans,F,N,Y,0,112500.0,1288350.0,37800.0,1125000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.007120000000000001,-14692,-1282,-4453.0,-3949,,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,11,0,0,0,0,1,1,Business Entity Type 3,0.8077615357439593,0.6601081327493441,0.4170996682522097,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2343.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2003064,420827,Consumer loans,7444.305,51736.5,40257.0,13500.0,51736.5,SUNDAY,12,Y,1,0.2735034929911875,,,XAP,Approved,-427,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,1170,Consumer electronics,6.0,middle,POS household with interest,365243.0,-396.0,-246.0,-336.0,-310.0,0.0,0,Revolving loans,F,Y,Y,0,180000.0,540000.0,27000.0,540000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-20311,-7010,-4497.0,-3861,4.0,1,1,0,1,0,0,High skill tech staff,2.0,1,1,SUNDAY,12,0,1,1,0,0,0,Business Entity Type 3,0.6828328612533417,0.7250691348615539,0.6940926425266661,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1198.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1978153,209484,Consumer loans,26858.655,158760.0,136062.0,29115.0,158760.0,SUNDAY,11,Y,1,0.1919691108216144,,,XAP,Approved,-2062,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Country-wide,2030,Consumer electronics,6.0,high,POS household with interest,365243.0,-2031.0,-1881.0,-1911.0,-1908.0,0.0,0,Cash loans,F,N,Y,0,135000.0,343800.0,13090.5,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019101,-18108,-507,-971.0,-1650,,1,1,0,1,0,0,Cleaning staff,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Business Entity Type 2,,0.7142480455985009,0.7252764347002191,0.0588,0.0818,0.997,,,0.0,0.1379,0.2083,,0.0349,,0.0754,,0.0129,0.0599,0.0849,0.997,,,0.0,0.1379,0.2083,,0.0357,,0.0786,,0.0137,0.0593,0.0818,0.997,,,0.0,0.1379,0.2083,,0.0355,,0.0768,,0.0132,,block of flats,0.0627,"Stone, brick",No,4.0,0.0,4.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1258472,173374,Cash loans,5166.36,45000.0,47970.0,,45000.0,FRIDAY,8,Y,1,,,,XNA,Approved,-978,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-948.0,-618.0,-798.0,-793.0,1.0,0,Cash loans,F,N,N,0,54000.0,219870.0,10705.5,157500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.020713,-21057,365243,-609.0,-4436,,1,0,0,1,0,0,,1.0,3,3,WEDNESDAY,9,0,0,0,0,0,0,XNA,,0.5287751251007285,0.520897599048938,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2440690,419754,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SUNDAY,12,Y,1,,,,XAP,Refused,-442,XNA,HC,,New,XNA,Cards,walk-in,Country-wide,1500,Consumer electronics,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,180000.0,781920.0,61906.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.04622,-15805,-625,-3371.0,-3349,,1,1,0,1,0,0,Sales staff,2.0,1,1,MONDAY,17,0,0,0,0,1,1,Self-employed,0.414268469411306,0.6755658645927113,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-3039.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1287859,124361,Consumer loans,5286.915,29205.0,25929.0,4500.0,29205.0,TUESDAY,15,Y,1,0.1610604716194778,,,XAP,Approved,-1968,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Regional / Local,36,Connectivity,6.0,high,POS household with interest,365243.0,-1934.0,-1784.0,-1844.0,-1837.0,0.0,0,Cash loans,F,Y,Y,0,90000.0,592560.0,22090.5,450000.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,House / apartment,0.006233,-13658,-7047,-7791.0,-4541,10.0,1,1,0,1,0,0,Medicine staff,1.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Other,0.27773659864357736,0.7635301354926787,0.7503751495159068,0.0742,0.0622,0.9846,0.7892,0.0161,0.08,0.069,0.3333,0.0417,0.1052,0.0597,0.0754,0.0039,0.0031,0.0756,0.0645,0.9846,0.7975,0.0162,0.0806,0.069,0.3333,0.0417,0.1076,0.0652,0.0785,0.0039,0.0033,0.0749,0.0622,0.9846,0.792,0.0162,0.08,0.069,0.3333,0.0417,0.1071,0.0607,0.0767,0.0039,0.0032,reg oper spec account,block of flats,0.06,Panel,No,1.0,0.0,1.0,0.0,-1968.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1390890,230653,Cash loans,14746.455,135000.0,143910.0,,135000.0,SATURDAY,7,Y,1,,,,XNA,Approved,-398,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-368.0,-38.0,-188.0,-180.0,1.0,0,Cash loans,F,N,N,0,157500.0,219042.0,21469.5,193500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,Municipal apartment,0.010032,-24988,365243,-15509.0,-4231,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,7,0,0,0,0,0,0,XNA,,0.6028647435159402,0.6512602186973006,0.0082,0.0,0.9613,0.4696,0.0015,0.0,0.069,0.0417,0.0833,0.0514,0.0067,0.0093,0.0,0.0,0.0084,0.0,0.9613,0.4904,0.0015,0.0,0.069,0.0417,0.0833,0.0526,0.0073,0.0097,0.0,0.0,0.0083,0.0,0.9613,0.4767,0.0015,0.0,0.069,0.0417,0.0833,0.0523,0.0068,0.0095,0.0,0.0,not specified,block of flats,0.0081,Wooden,No,6.0,0.0,6.0,0.0,-1852.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,1.0,0.0,0.0,0.0,8.0 +1105933,191811,Cash loans,27084.24,337500.0,376483.5,,337500.0,SATURDAY,9,Y,1,,,,Repairs,Approved,-482,Cash through the bank,XAP,,Refreshed,XNA,Cash,walk-in,AP+ (Cash loan),6,XNA,30.0,high,Cash Street: high,365243.0,-452.0,418.0,-242.0,-236.0,1.0,1,Cash loans,M,Y,N,0,247500.0,808650.0,21460.5,675000.0,,Commercial associate,Secondary / secondary special,Married,With parents,0.010276,-13327,-606,-6170.0,-4154,0.0,1,1,0,1,0,0,Drivers,2.0,2,2,TUESDAY,14,0,0,0,0,1,1,Construction,,0.6071446282113687,0.0963186927645401,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1756.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +2798279,260799,Cash loans,79316.01,792488.97,792488.97,,792488.97,FRIDAY,15,Y,1,,,,XNA,Approved,-1095,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash Street: middle,365243.0,-1065.0,-735.0,-885.0,-876.0,0.0,0,Cash loans,F,N,N,0,135000.0,1350000.0,39474.0,1350000.0,Family,Pensioner,Higher education,Married,Municipal apartment,0.032561,-23750,365243,-17239.0,-3913,,1,0,0,1,1,0,,2.0,1,1,SATURDAY,9,0,0,0,0,0,0,XNA,,0.7519222586329101,,0.0653,,0.9767,,,,0.2183,0.1667,,0.0714,,0.0585,,0.0041,0.0735,,0.9767,,,,0.2414,0.1667,,0.0618,,0.0507,,0.0033,0.0729,,0.9767,,,,0.2414,0.1667,,0.0654,,0.0645,,0.0032,,block of flats,0.0396,Panel,No,0.0,0.0,0.0,0.0,-1382.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2667921,166861,Cash loans,11286.81,265500.0,405684.0,,265500.0,FRIDAY,11,Y,1,,,,Repairs,Refused,-192,Cash through the bank,SCOFR,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,Y,N,0,270000.0,526500.0,41728.5,526500.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.0228,-13541,-326,-705.0,-4267,11.0,1,1,0,1,0,0,Drivers,2.0,2,2,FRIDAY,7,0,0,0,0,0,0,Business Entity Type 3,0.5773393004934984,0.26435380298973443,0.2692857999073816,0.2598,0.0527,0.9985,0.9796,0.0,0.16,0.069,0.7083,0.75,0.129,0.2076,0.2362,0.0193,0.2034,0.2647,0.0547,0.9985,0.9804,0.0,0.1611,0.069,0.7083,0.75,0.1319,0.2268,0.2461,0.0195,0.2154,0.2623,0.0527,0.9985,0.9799,0.0,0.16,0.069,0.7083,0.75,0.1312,0.2112,0.2405,0.0194,0.2077,reg oper account,block of flats,0.23,Monolithic,No,0.0,0.0,0.0,0.0,-192.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,6.0 +1545732,320687,Consumer loans,13271.625,108981.0,120717.0,16335.0,108981.0,SUNDAY,13,Y,1,0.12980693459416856,,,XAP,Approved,-413,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,14.0,high,POS mobile with interest,365243.0,-381.0,9.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,Y,1,189000.0,270000.0,13500.0,270000.0,"Spouse, partner",Working,Secondary / secondary special,Married,Rented apartment,0.00702,-8932,-1037,-8129.0,-726,,1,1,0,1,0,0,Sales staff,3.0,2,2,SUNDAY,14,0,1,1,0,1,1,Trade: type 3,0.5682548365046374,0.27955662109441043,0.42589289800515295,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-413.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1398855,377831,Consumer loans,15502.005,80541.0,76027.5,8100.0,80541.0,THURSDAY,20,Y,1,0.10486031753750398,,,XAP,Approved,-1978,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,77,Connectivity,6.0,high,POS mobile with interest,365243.0,-1941.0,-1791.0,-1791.0,-1786.0,0.0,0,Cash loans,F,N,Y,0,202500.0,640080.0,31261.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.030755,-13371,-779,-4646.0,-4647,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,16,0,0,0,1,1,1,Business Entity Type 3,0.5329924853486954,0.5925276062046148,0.4294236843421945,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1978.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1996929,258888,Cash loans,,0.0,0.0,,,SATURDAY,8,Y,1,,,,XNA,Refused,-199,XNA,SCOFR,,Repeater,XNA,XNA,XNA,Contact center,-1,XNA,,XNA,Cash,,,,,,,1,Cash loans,M,N,Y,1,225000.0,752742.0,59472.0,697500.0,"Spouse, partner",Working,Secondary / secondary special,Civil marriage,With parents,0.018029,-8821,-717,-1721.0,-1252,,1,1,0,1,0,0,,3.0,3,3,TUESDAY,7,0,0,0,0,0,0,Business Entity Type 3,,0.008139120007261488,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,2.0,3.0,2.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2409846,116924,Consumer loans,2716.875,65070.9,58302.0,6768.9,65070.9,MONDAY,8,Y,1,0.11329100188479725,,,XAP,Approved,-2649,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,167,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-2597.0,-1907.0,-1907.0,-1901.0,0.0,0,Cash loans,F,N,Y,0,72000.0,66222.0,6579.0,58500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-23766,365243,-3746.0,-3642,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,8,0,0,0,0,0,0,XNA,0.8999393036798428,0.6570892025044635,0.2314393514998941,0.0124,0.0,0.9682,0.5648,0.002,0.0,0.069,0.0417,0.0833,0.0229,0.0101,0.0109,0.0,0.0,0.0126,0.0,0.9682,0.5818,0.002,0.0,0.069,0.0417,0.0833,0.0234,0.011,0.0114,0.0,0.0,0.0125,0.0,0.9682,0.5706,0.002,0.0,0.069,0.0417,0.0833,0.0233,0.0103,0.0111,0.0,0.0,reg oper account,block of flats,0.0097,"Stone, brick",No,4.0,0.0,4.0,0.0,-1733.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,9.0 +2773282,279177,Consumer loans,17281.53,130045.5,126697.5,13005.0,130045.5,MONDAY,14,Y,1,0.10138420767507572,,,XAP,Approved,-1881,Cash through the bank,XAP,"Spouse, partner",New,Computers,POS,XNA,Country-wide,1707,Consumer electronics,10.0,high,POS household with interest,,,,,,,0,Revolving loans,M,Y,N,2,238500.0,427500.0,21375.0,427500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.016612000000000002,-12929,-2356,-3463.0,-2040,64.0,1,1,1,1,1,0,,4.0,2,2,SATURDAY,14,0,0,0,0,0,0,Self-employed,,0.5172867815436667,0.6722428897082422,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1881.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1724427,339950,Revolving loans,2250.0,90000.0,45000.0,,90000.0,MONDAY,13,Y,1,,,,XAP,Approved,-191,XNA,XAP,"Spouse, partner",Repeater,XNA,Cards,x-sell,AP+ (Cash loan),3,XNA,0.0,XNA,Card X-Sell,-191.0,-143.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,193500.0,576072.0,28147.5,405000.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.007305,-9794,-511,-4368.0,-2478,,1,1,1,1,1,0,Cooking staff,2.0,3,3,WEDNESDAY,8,0,0,0,1,1,0,Other,0.04932209858438926,0.6442866536445991,0.25946765482111994,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-448.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1211915,283258,Revolving loans,45000.0,0.0,900000.0,,,SATURDAY,12,Y,1,,,,XAP,Approved,-593,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-525.0,-494.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,112500.0,337500.0,12636.0,337500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-13209,-2363,-5063.0,-2179,,1,1,1,1,0,0,Sales staff,2.0,2,2,THURSDAY,12,0,0,0,1,1,0,Self-employed,,0.6128566692540467,,0.0309,0.0309,0.993,0.9048,0.0047,0.0,0.069,0.1667,0.2083,0.029,0.0252,0.0306,0.0,0.0,0.0315,0.0321,0.993,0.9085,0.0047,0.0,0.069,0.1667,0.2083,0.0297,0.0275,0.0319,0.0,0.0,0.0312,0.0309,0.993,0.9061,0.0047,0.0,0.069,0.1667,0.2083,0.0295,0.0257,0.0312,0.0,0.0,reg oper account,block of flats,0.0266,Block,No,2.0,1.0,2.0,1.0,-593.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1834305,146586,Revolving loans,11250.0,225000.0,225000.0,,225000.0,SUNDAY,16,Y,1,,,,XAP,Refused,-500,XNA,HC,,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),5,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,1,81000.0,254700.0,27153.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-15256,-3040,-1051.0,-1804,,1,1,1,1,1,1,Laborers,3.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Transport: type 4,,0.7235058058630737,0.3280631605201915,0.1485,,0.997,,,0.0,0.2069,0.2083,,0.145,,0.1803,,0.0,0.1513,,0.997,,,0.0,0.2069,0.2083,,0.1483,,0.1878,,0.0,0.1499,,0.997,,,0.0,0.2069,0.2083,,0.1475,,0.1835,,0.0,,block of flats,0.1418,"Stone, brick",No,1.0,0.0,1.0,0.0,-2107.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2369724,429519,Consumer loans,4868.55,32760.0,24066.0,9828.0,32760.0,SATURDAY,18,Y,1,0.315795876985468,,,XAP,Approved,-1950,Cash through the bank,XAP,,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,30,Connectivity,6.0,high,POS mobile with interest,365243.0,-1914.0,-1764.0,-1764.0,-1760.0,0.0,0,Cash loans,M,Y,N,0,270000.0,137538.0,16452.0,121500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.011656999999999999,-14363,-1822,-4821.0,-4333,15.0,1,1,0,1,0,0,Drivers,1.0,1,1,WEDNESDAY,11,0,1,1,0,0,0,Business Entity Type 3,,0.7046111094301877,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1754.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2063860,205620,Cash loans,17905.725,292500.0,292500.0,,292500.0,FRIDAY,11,Y,1,,,,XNA,Refused,-40,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,M,Y,Y,1,135000.0,315000.0,19165.5,315000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-17067,-3375,-9555.0,-609,17.0,1,1,0,1,0,0,Drivers,3.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Self-employed,,0.2299502970627464,0.248535557339522,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-1898.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,8.0 +2679142,100503,Cash loans,21061.98,270000.0,291919.5,,270000.0,THURSDAY,17,Y,1,,,,XNA,Approved,-651,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-621.0,-111.0,-441.0,-431.0,1.0,0,Cash loans,F,N,Y,0,189000.0,876019.5,34870.5,783000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.009175,-22524,365243,-8604.0,-5021,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,XNA,,0.6184398011621871,0.3296550543128238,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-287.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +2371266,120445,Cash loans,16762.905,135000.0,162315.0,,135000.0,THURSDAY,14,Y,1,,,,XNA,Approved,-1155,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1125.0,-795.0,-1005.0,-998.0,1.0,0,Cash loans,F,Y,Y,0,337500.0,487971.0,51372.0,463500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.016612000000000002,-16760,-1163,-8206.0,-314,12.0,1,1,0,1,0,1,Laborers,1.0,2,2,THURSDAY,11,0,0,0,0,0,0,Other,0.3913530224295405,0.5591541733125684,0.7252764347002191,0.2804,0.0729,0.9846,0.7892,0.0776,0.08,0.0345,0.3333,0.375,0.1129,0.2278,0.0839,0.0039,0.0068,0.2857,0.0757,0.9846,0.7975,0.0783,0.0806,0.0345,0.3333,0.375,0.1154,0.2489,0.0874,0.0039,0.0072,0.2831,0.0729,0.9846,0.792,0.0781,0.08,0.0345,0.3333,0.375,0.1148,0.2317,0.0854,0.0039,0.006999999999999999,reg oper account,block of flats,0.1099,"Stone, brick",No,4.0,0.0,4.0,0.0,-861.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2542550,373103,Consumer loans,5420.07,63855.0,45855.0,18000.0,63855.0,SUNDAY,16,Y,1,0.3070023704273176,,,XAP,Refused,-1895,XNA,SCO,,Repeater,Mobile,POS,XNA,Country-wide,43,Connectivity,12.0,high,POS mobile with interest,,,,,,,0,Cash loans,M,Y,N,0,166500.0,343377.0,16137.0,283500.0,Unaccompanied,State servant,Incomplete higher,Single / not married,House / apartment,0.072508,-9968,-2250,-4767.0,-2550,7.0,1,1,0,1,0,0,Core staff,1.0,1,1,FRIDAY,14,0,0,0,0,0,0,Police,,0.7530951669682994,0.5919766183185521,0.2412,0.1486,0.9816,0.728,0.0,0.33,0.1466,0.5521,0.2708,0.0,0.166,0.16699999999999998,0.0019,0.0294,0.1166,0.0349,0.9796,0.7321,0.0,0.4834,0.2069,0.4583,0.0417,0.0,0.1019,0.142,0.0,0.0,0.281,0.1474,0.9801,0.7316,0.0,0.4,0.1724,0.5417,0.2708,0.0,0.1689,0.1766,0.0019,0.0025,reg oper spec account,block of flats,0.2237,Panel,No,0.0,0.0,0.0,0.0,-1895.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2076572,165809,Cash loans,21361.725,270000.0,313839.0,,270000.0,MONDAY,13,Y,1,,,,XNA,Approved,-365,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),286,XNA,36.0,high,Cash X-Sell: high,365243.0,-335.0,715.0,-245.0,-240.0,1.0,1,Cash loans,M,Y,N,0,225000.0,683023.5,45643.5,683023.5,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00702,-8992,-693,-8043.0,-1469,1.0,1,1,1,1,1,0,Drivers,2.0,2,2,TUESDAY,14,0,0,0,0,1,1,Other,,0.0337338078877742,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2024007,421665,Cash loans,19626.435,450000.0,553950.0,,450000.0,MONDAY,15,Y,1,,,,XNA,Approved,-482,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,Y,Y,2,108000.0,697500.0,20394.0,697500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.026392000000000002,-13315,-384,-2936.0,-4053,7.0,1,1,0,1,0,0,,4.0,2,2,MONDAY,13,0,0,0,0,0,0,Other,,0.25363647692520996,0.41534714488434,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,4.0 +2626324,453300,Cash loans,36480.96,1111500.0,1272888.0,,1111500.0,THURSDAY,11,Y,1,,,,XNA,Refused,-15,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,135000.0,528633.0,21096.0,472500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.011703,-21299,365243,-9975.0,-4197,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,XNA,0.8593894690213029,0.7207634063861831,0.6279908192952864,0.1289,0.0772,0.9796,0.7212,0.0,0.08,0.0345,0.3333,0.375,0.0,0.1051,0.0648,0.0,0.0,0.1313,0.0801,0.9796,0.7321,0.0,0.0806,0.0345,0.3333,0.375,0.0,0.1148,0.0675,0.0,0.0,0.1301,0.0772,0.9796,0.7249,0.0,0.08,0.0345,0.3333,0.375,0.0,0.1069,0.0659,0.0,0.0,reg oper account,block of flats,0.1175,"Stone, brick",No,0.0,0.0,0.0,0.0,-656.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2025324,183160,Cash loans,22569.75,787500.0,787500.0,,787500.0,MONDAY,19,Y,1,,,,XNA,Refused,-116,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,202500.0,1113133.5,31900.5,972000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.04622,-21820,-1168,-10545.0,-4816,11.0,1,1,0,1,1,0,High skill tech staff,1.0,1,1,FRIDAY,12,0,0,0,0,1,1,Business Entity Type 1,,0.7580463382442446,0.5989262182569273,0.0124,,0.9846,,,0.0,0.069,0.0417,,,,0.0114,,0.0058,0.0126,,0.9846,,,0.0,0.069,0.0417,,,,0.0119,,0.0061,0.0125,,0.9846,,,0.0,0.069,0.0417,,,,0.0116,,0.0059,,block of flats,0.0103,"Stone, brick",No,1.0,0.0,1.0,0.0,-1917.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,9.0 +2700205,175692,Cash loans,,0.0,0.0,,,SUNDAY,16,Y,1,,,,XNA,Refused,-345,XNA,HC,,Repeater,XNA,XNA,XNA,Contact center,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,N,N,0,315000.0,640080.0,19534.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.006670999999999999,-10071,-1158,-9727.0,-2714,,1,1,0,1,0,0,Cooking staff,1.0,2,2,SUNDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.546678586872194,0.656158373001177,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-862.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1712701,429026,Cash loans,23366.205,225000.0,239850.0,,225000.0,FRIDAY,13,Y,1,,,,XNA,Refused,-66,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,12.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,90000.0,254700.0,13315.5,225000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.006852,-24656,365243,-2762.0,-2246,,1,0,0,1,0,0,,2.0,3,3,MONDAY,6,0,0,0,0,0,0,XNA,,0.3399639403556917,0.6940926425266661,0.0289,0.0413,0.9866,0.8164,,0.0,0.1034,0.0833,0.125,0.0059,0.0227,0.0247,0.0039,,0.0294,0.0428,0.9866,0.8236,,0.0,0.1034,0.0833,0.125,0.006,0.0248,0.0257,0.0039,,0.0291,0.0413,0.9866,0.8189,,0.0,0.1034,0.0833,0.125,0.006,0.0231,0.0251,0.0039,,reg oper account,block of flats,0.0194,"Stone, brick",No,2.0,0.0,2.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +1203874,110771,Cash loans,68827.5,1125000.0,1125000.0,,1125000.0,FRIDAY,10,Y,1,,,,Urgent needs,Refused,-362,XNA,HC,,Repeater,XNA,Cash,walk-in,Contact center,-1,Furniture,24.0,middle,Cash Street: middle,,,,,,,0,Revolving loans,F,N,Y,0,157500.0,202500.0,10125.0,202500.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.019101,-9568,-798,-4025.0,-2252,,1,1,0,1,0,0,Core staff,1.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Bank,0.5884241272372379,0.475829724078153,0.4382813743111921,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-740.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,1.0,1.0,0.0,0.0,4.0 +1431134,122185,Cash loans,56103.795,1035000.0,1110141.0,,1035000.0,MONDAY,13,Y,1,,,,XNA,Approved,-1162,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,100,XNA,30.0,middle,Cash X-Sell: middle,365243.0,-1132.0,-262.0,-502.0,-491.0,1.0,0,Cash loans,F,N,Y,0,135000.0,1006920.0,51543.0,900000.0,Family,Working,Secondary / secondary special,Married,With parents,0.032561,-16094,-1865,-10233.0,-2506,,1,1,0,1,1,0,Sales staff,2.0,1,1,MONDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.7128982769998479,0.6690566947824041,0.0335,0.0419,0.9727,0.626,0.0032,0.0,0.1034,0.0833,0.125,0.0,0.0269,0.029,0.0039,0.0198,0.0305,0.0225,0.9727,0.6406,0.0026,0.0,0.1034,0.0833,0.125,0.0,0.0257,0.0295,0.0039,0.0209,0.0338,0.0419,0.9727,0.631,0.0032,0.0,0.1034,0.0833,0.125,0.0,0.0274,0.0295,0.0039,0.0202,reg oper account,block of flats,0.0243,"Stone, brick",No,0.0,0.0,0.0,0.0,-2349.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,6.0 +2633921,231255,Cash loans,31163.625,594000.0,688090.5,,594000.0,SUNDAY,13,Y,1,,,,XNA,Refused,-334,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,1,112500.0,653328.0,25443.0,468000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010147,-10461,-2495,-3339.0,-3100,,1,1,1,1,1,0,Laborers,3.0,2,2,FRIDAY,14,0,0,0,0,0,0,Self-employed,,0.5790567567843173,0.15759499866631024,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2173.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2738511,333074,Consumer loans,3962.835,39244.5,39046.5,3928.5,39244.5,THURSDAY,11,Y,1,0.09955773441218467,,,XAP,Approved,-544,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,20,Connectivity,12.0,middle,POS mobile with interest,365243.0,-513.0,-183.0,-423.0,-403.0,0.0,0,Revolving loans,F,N,Y,1,90000.0,135000.0,6750.0,135000.0,Unaccompanied,Working,Incomplete higher,Separated,House / apartment,0.006207,-9197,-832,-6068.0,-1882,,1,1,1,1,1,0,Managers,2.0,2,2,TUESDAY,17,0,0,0,0,0,0,Trade: type 2,0.5303050418224063,0.4783610350663096,0.3979463219016906,0.0742,0.0531,0.9916,,,0.08,0.069,0.3333,,,,0.0761,,0.0,0.0756,0.0551,0.9916,,,0.0806,0.069,0.3333,,,,0.0793,,0.0,0.0749,0.0531,0.9916,,,0.08,0.069,0.3333,,,,0.0775,,0.0,,block of flats,0.0602,Panel,No,8.0,0.0,6.0,0.0,-544.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1984674,138000,Consumer loans,6689.52,40410.0,33070.5,9000.0,40410.0,SATURDAY,11,Y,1,0.2329855405050613,,,XAP,Approved,-807,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,15,Connectivity,6.0,high,POS mobile with interest,365243.0,-773.0,-623.0,-623.0,-616.0,0.0,0,Cash loans,F,N,N,0,90000.0,183384.0,12069.0,162000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.02461,-15405,-1035,-1967.0,-1824,,1,1,0,1,0,0,,2.0,2,2,MONDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.2150425012258492,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1945616,147615,Consumer loans,2320.155,18900.0,17010.0,1890.0,18900.0,FRIDAY,16,Y,1,0.1089090909090909,,,XAP,Approved,-1726,XNA,XAP,Family,New,Mobile,POS,XNA,Stone,59,Connectivity,10.0,high,POS mobile with interest,365243.0,-1693.0,-1423.0,-1423.0,-1416.0,0.0,1,Cash loans,F,N,Y,0,112500.0,979992.0,28782.0,702000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010556,-21942,365243,-8989.0,-4011,,1,0,0,1,0,0,,2.0,3,3,TUESDAY,16,0,0,0,0,0,0,XNA,,0.16090070342074955,0.3556387169923543,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-313.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2415592,170317,Consumer loans,12605.175,73885.5,70447.5,7389.0,73885.5,THURSDAY,13,Y,1,0.10338713492092687,,,XAP,Approved,-188,XNA,XAP,,Refreshed,Construction Materials,POS,XNA,Stone,20,Construction,6.0,low_normal,POS industry with interest,365243.0,-154.0,-4.0,-124.0,-122.0,0.0,0,Cash loans,F,N,Y,1,112500.0,213948.0,14427.0,189000.0,Family,Working,Secondary / secondary special,Married,With parents,0.030755,-13223,-5854,-6529.0,-4072,,1,1,0,1,0,0,Laborers,3.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.516189167382415,0.501075160239048,0.099,0.0773,0.9831,,,0.0,0.2069,0.1667,,0.0151,,0.0866,,0.0125,0.1008,0.0802,0.9831,,,0.0,0.2069,0.1667,,0.0155,,0.0903,,0.0133,0.0999,0.0773,0.9831,,,0.0,0.2069,0.1667,,0.0154,,0.0882,,0.0128,,block of flats,0.0933,"Stone, brick",No,2.0,0.0,2.0,0.0,-2458.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,0.0 +1442703,202448,Consumer loans,17539.29,175851.0,162702.0,26370.0,175851.0,WEDNESDAY,20,Y,1,0.15189624731703938,,,XAP,Approved,-1860,Cash through the bank,XAP,Children,New,Computers,POS,XNA,Country-wide,1200,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1829.0,-1499.0,-1499.0,-1492.0,0.0,0,Revolving loans,M,Y,N,0,450000.0,900000.0,45000.0,900000.0,Unaccompanied,Working,Higher education,Married,Municipal apartment,0.04622,-21105,-3747,-4990.0,-4647,11.0,1,1,0,1,0,0,Managers,2.0,1,1,MONDAY,20,0,1,1,1,0,0,University,,0.7419198876456325,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1582.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2209620,393604,Cash loans,37255.5,1350000.0,1350000.0,,1350000.0,WEDNESDAY,15,Y,1,,,,XNA,Refused,-195,Cash through the bank,HC,Family,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,315000.0,675000.0,29731.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.003540999999999999,-19956,-371,-2940.0,-2971,,1,1,0,1,0,0,Sales staff,2.0,1,1,TUESDAY,12,0,0,0,0,0,0,Self-employed,0.7679915437746649,0.8006234275974431,0.4974688893052743,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1984.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1280173,434048,Consumer loans,4814.955,52263.0,26514.0,27000.0,52263.0,WEDNESDAY,14,Y,1,0.5494908723970275,,,XAP,Approved,-2409,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,1500,Consumer electronics,6.0,middle,POS household with interest,365243.0,-2378.0,-2228.0,-2228.0,-2223.0,1.0,0,Cash loans,F,N,N,0,135000.0,450000.0,21888.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.02461,-15940,-4132,-3481.0,-3495,,1,1,0,1,1,0,Sales staff,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Self-employed,,0.6520657715625332,0.6512602186973006,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2409.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2617124,326491,Consumer loans,5921.415,59220.0,53298.0,5922.0,59220.0,THURSDAY,14,Y,1,0.1089090909090909,,,XAP,Approved,-2856,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Stone,372,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2820.0,-2550.0,-2730.0,-2622.0,0.0,0,Cash loans,M,Y,Y,0,306000.0,1350000.0,43681.5,1350000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.026392000000000002,-10421,-2595,-141.0,-3096,6.0,1,1,0,1,0,0,,1.0,2,2,THURSDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.07046949921075027,0.4711196549900576,0.4294236843421945,0.034,,0.9901,,,0.0,0.1034,0.0833,,,,0.0356,,0.0,0.0347,,0.9901,,,0.0,0.1034,0.0833,,,,0.0371,,0.0,0.0344,,0.9901,,,0.0,0.1034,0.0833,,,,0.0362,,0.0,,block of flats,0.028,"Stone, brick",No,6.0,0.0,6.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,8.0,0.0,0.0 +2632203,331542,Consumer loans,2415.69,20700.0,20700.0,0.0,20700.0,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-2891,Non-cash from your account,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Stone,25,Consumer electronics,12.0,high,POS household with interest,365243.0,-2855.0,-2525.0,-2525.0,-2519.0,0.0,0,Cash loans,F,N,Y,0,135000.0,252261.0,13009.5,171000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.019101,-17732,-891,-6633.0,-1246,,1,1,0,1,0,0,Core staff,1.0,2,2,SATURDAY,11,0,0,0,0,0,0,Kindergarten,,0.5125020673209029,0.38079968264891495,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1760.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2108273,280586,Consumer loans,2920.725,25715.025,25715.025,0.0,25715.025,THURSDAY,12,Y,1,0.0,,,XAP,Approved,-265,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,33,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-229.0,41.0,-139.0,-136.0,0.0,0,Cash loans,M,N,Y,0,202500.0,369000.0,22428.0,369000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.028663,-15707,-4365,-2044.0,-4320,,1,1,0,1,0,0,Core staff,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Police,,0.16844978515819545,0.633031641417419,0.0946,0.0628,0.9925,0.898,0.0258,0.08800000000000001,0.0828,0.3,0.1417,0.0583,0.0765,0.0843,0.0031,0.0014,0.1134,0.0506,0.994,0.9216,0.0499,0.1208,0.1034,0.3333,0.0417,0.0131,0.0983,0.0548,0.0039,0.0,0.1124,0.0566,0.994,0.9195,0.0128,0.12,0.1034,0.3333,0.0417,0.0749,0.0915,0.0942,0.0039,0.001,reg oper account,block of flats,0.0895,Panel,No,0.0,0.0,0.0,0.0,-457.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2569748,171213,Cash loans,45336.105,1350000.0,1546020.0,,1350000.0,THURSDAY,9,Y,1,,,,XNA,Refused,-145,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,113238.0,135000.0,5494.5,135000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018801,-13757,-1045,-7852.0,-85,,1,1,1,1,0,0,Drivers,2.0,2,2,TUESDAY,7,0,0,0,0,1,1,Business Entity Type 3,0.2635686043482126,0.4148349359480439,0.1986200451074864,0.0124,0.0,0.9657,,,0.0,0.069,0.0833,,,,0.016,,0.0,0.0126,0.0,0.9657,,,0.0,0.069,0.0833,,,,0.0167,,0.0,0.0125,0.0,0.9657,,,0.0,0.069,0.0833,,,,0.0163,,0.0,,block of flats,0.0182,"Stone, brick",No,0.0,0.0,0.0,0.0,-344.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1930877,389224,Cash loans,35090.055,450000.0,525064.5,,450000.0,TUESDAY,8,Y,1,,,,Buying a used car,Approved,-540,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,middle,Cash Street: middle,365243.0,-510.0,180.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,247500.0,127350.0,13842.0,112500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,With parents,0.018801,-12813,-786,-4149.0,-4152,,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,9,0,0,0,1,1,0,Business Entity Type 3,0.4076907488131755,0.4590049300764684,0.7517237147741489,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1298271,116842,Consumer loans,9851.58,141736.5,147766.5,14175.0,141736.5,MONDAY,16,Y,1,0.09532987922406318,,,XAP,Approved,-461,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,4000,Consumer electronics,18.0,low_normal,POS household with interest,365243.0,-430.0,80.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,2,157500.0,1768500.0,61600.5,1768500.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.018801,-13820,-1465,-2729.0,-635,,1,1,0,1,0,0,Cleaning staff,4.0,2,2,SUNDAY,9,0,0,0,0,0,0,Government,0.7028634566902561,0.5954228992631041,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-461.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2377937,162417,Consumer loans,2940.21,22455.0,25290.0,2245.5,22455.0,MONDAY,11,Y,1,0.08881457160260886,,,XAP,Approved,-1551,Cash through the bank,XAP,"Spouse, partner",Repeater,Mobile,POS,XNA,Country-wide,31,Connectivity,12.0,high,POS mobile with interest,365243.0,-1519.0,-1189.0,-1189.0,-1173.0,0.0,0,Revolving loans,F,Y,Y,2,157500.0,225000.0,11250.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.0105,-13482,-2304,-1334.0,-4175,7.0,1,1,0,1,0,0,Sales staff,3.0,3,3,FRIDAY,12,0,0,0,0,0,0,Self-employed,0.3078533849262685,0.35688035501462345,0.7016957740576931,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1787.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2481977,411549,Consumer loans,5821.2,35325.0,31792.5,3532.5,35325.0,SATURDAY,12,Y,1,0.1089090909090909,,,XAP,Approved,-2774,XNA,XAP,Unaccompanied,New,Furniture,POS,XNA,Stone,120,Furniture,6.0,middle,POS industry with interest,365243.0,-2734.0,-2584.0,-2584.0,-2577.0,0.0,0,Cash loans,F,N,Y,0,67500.0,256765.5,18000.0,229500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.019101,-21955,365243,-12540.0,-4221,,1,0,0,1,1,0,,1.0,2,2,MONDAY,15,0,0,0,0,0,0,XNA,,0.2459371106874712,0.7850520263728172,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-2108.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1049972,138680,Consumer loans,8381.295,185058.0,185058.0,0.0,185058.0,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-554,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,939,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-523.0,167.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,0,135000.0,225000.0,10039.5,225000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.030755,-17246,-2421,-2742.0,-799,22.0,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,16,0,0,0,0,1,1,Business Entity Type 2,0.38020639404662254,0.6194248986654409,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1636.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1287109,172108,Cash loans,29222.55,675000.0,756081.0,,675000.0,TUESDAY,8,Y,1,,,,XNA,Approved,-361,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,42.0,low_normal,Cash X-Sell: low,365243.0,-331.0,899.0,-211.0,-202.0,1.0,0,Cash loans,F,N,N,1,103500.0,71955.0,7749.0,67500.0,Unaccompanied,State servant,Secondary / secondary special,Civil marriage,Municipal apartment,0.018801,-15911,-500,-8935.0,-5177,,1,1,0,1,1,0,,3.0,2,2,SATURDAY,7,0,0,0,0,0,0,Military,,0.00958617844512629,0.6706517530862718,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1082.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1441746,200853,Consumer loans,5366.655,71446.5,75438.0,7146.0,71446.5,SATURDAY,16,Y,1,0.094239121819767,,,XAP,Approved,-704,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,-1,Connectivity,24.0,high,POS mobile with interest,365243.0,-673.0,17.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,202500.0,463500.0,20416.5,463500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.022625,-14983,-7838,-7820.0,-3899,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Business Entity Type 2,0.3210690312899221,0.7382012251827913,0.4740512892789932,0.1619,,0.9752,,,0.0,0.069,0.1667,,0.0789,,0.051,,0.2594,0.1649,,0.9752,,,0.0,0.069,0.1667,,0.0807,,0.0531,,0.2746,0.1634,,0.9752,,,0.0,0.069,0.1667,,0.0803,,0.0519,,0.2648,,specific housing,0.0635,"Stone, brick",No,1.0,0.0,1.0,0.0,-2385.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2392691,383927,Revolving loans,38250.0,765000.0,765000.0,,765000.0,SATURDAY,9,Y,1,,,,XAP,Refused,-481,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Revolving loans,F,N,Y,0,225000.0,135000.0,6750.0,135000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.015221,-11925,-3609,-5349.0,-2873,,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,Self-employed,0.6586972597850825,0.4654787789192169,0.5814837058057234,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-481.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2310798,451558,Cash loans,11061.0,90000.0,90000.0,0.0,90000.0,WEDNESDAY,11,Y,1,0.0,,,XNA,Approved,-2850,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,10.0,middle,Cash Street: middle,365243.0,-2820.0,-2550.0,-2550.0,-2545.0,0.0,0,Cash loans,F,N,Y,0,135000.0,942300.0,27679.5,675000.0,Unaccompanied,State servant,Secondary / secondary special,Widow,House / apartment,0.011656999999999999,-20470,-10532,-11468.0,-3771,,1,1,0,1,1,1,,1.0,1,1,THURSDAY,15,0,0,0,0,0,0,Other,,0.7229805576363653,0.5406544504453575,0.0784,0.097,0.9841,0.7824,0.0147,0.0,0.1724,0.1667,0.2083,0.0168,0.063,0.0803,0.0039,0.0016,0.0798,0.1007,0.9841,0.7909,0.0149,0.0,0.1724,0.1667,0.2083,0.0172,0.0689,0.0837,0.0039,0.0017,0.0791,0.097,0.9841,0.7853,0.0148,0.0,0.1724,0.1667,0.2083,0.0171,0.0641,0.0818,0.0039,0.0017,reg oper account,block of flats,0.0716,Panel,No,0.0,0.0,0.0,0.0,-1446.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1315793,155853,Revolving loans,20250.0,405000.0,405000.0,,405000.0,THURSDAY,14,Y,1,,,,XAP,Approved,-347,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-339.0,-302.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,225000.0,445500.0,35325.0,445500.0,Unaccompanied,Working,Higher education,Married,Office apartment,0.04622,-20446,-305,-5758.0,-3863,,1,1,0,1,1,0,,2.0,1,1,MONDAY,13,0,0,0,0,0,0,Industry: type 3,0.6730541937902672,0.7254525755266108,0.190705947811054,0.2175,,0.9871,0.8232,,0.24,0.2069,0.3333,0.375,,,0.1296,,0.1625,0.2216,,0.9871,0.8301,,0.2417,0.2069,0.3333,0.375,,,0.135,,0.172,0.2196,,0.9871,0.8256,,0.24,0.2069,0.3333,0.375,,,0.1319,,0.1659,reg oper account,block of flats,0.1372,Panel,No,0.0,0.0,0.0,0.0,-571.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +1023505,318613,Revolving loans,2250.0,45000.0,45000.0,,45000.0,FRIDAY,16,Y,1,,,,XAP,Refused,-185,XNA,HC,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,N,1,112500.0,327024.0,16033.5,270000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.00963,-13189,-318,-1424.0,-3686,,1,1,0,1,1,0,Core staff,2.0,2,2,MONDAY,18,0,0,0,0,0,0,Self-employed,0.3808940325673123,0.4364449831941764,,0.2485,0.0234,0.998,,,0.24,0.2069,0.375,0.4167,0.1687,0.1958,0.2715,0.0309,0.0478,0.2532,0.0243,0.998,,,0.2417,0.2069,0.375,0.4167,0.1725,0.214,0.2828,0.0311,0.0506,0.2509,0.0234,0.998,,,0.24,0.2069,0.375,0.4167,0.1716,0.1992,0.2764,0.0311,0.0488,reg oper spec account,block of flats,0.2804,Mixed,No,0.0,0.0,0.0,0.0,-185.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2687210,365908,Consumer loans,4684.68,30816.0,22635.0,9247.5,30816.0,MONDAY,15,Y,1,0.3158901648809906,,,XAP,Approved,-1558,Cash through the bank,XAP,Unaccompanied,Refreshed,Jewelry,POS,XNA,Country-wide,64,Industry,6.0,high,POS other with interest,365243.0,-1527.0,-1377.0,-1377.0,-1370.0,0.0,1,Cash loans,F,N,Y,1,135000.0,450000.0,32611.5,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.035792000000000004,-13836,-1278,-1704.0,-4453,,1,1,1,1,0,0,Laborers,3.0,2,2,FRIDAY,12,0,0,0,0,0,0,Self-employed,0.3853689436482223,0.6060748656243555,0.180887977767074,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2990.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2709025,303570,Consumer loans,3971.16,24255.0,19786.5,5400.0,24255.0,SATURDAY,14,Y,1,0.23350171358032706,,,XAP,Approved,-2442,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Stone,25,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2411.0,-2261.0,-2321.0,-2315.0,1.0,0,Cash loans,F,N,N,0,180000.0,1107000.0,29200.5,1107000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.019688999999999998,-20416,-2067,-5062.0,-3938,,1,1,0,1,0,0,Laborers,1.0,2,2,TUESDAY,16,0,0,0,0,1,1,Business Entity Type 3,0.3448080020109401,0.4836179962409651,0.2392262794694045,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1595.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0.0,0.0,0.0,0.0,0.0,2.0 +1950264,289811,Cash loans,20784.96,94500.0,109210.5,,94500.0,SUNDAY,13,Y,1,,,,Other,Approved,-209,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Country-wide,31,Connectivity,6.0,middle,Cash Street: middle,365243.0,-179.0,-29.0,-29.0,-27.0,1.0,0,Cash loans,M,Y,N,0,112500.0,643500.0,30955.5,643500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.015221,-11005,-1868,-448.0,-3553,18.0,1,1,0,1,1,0,IT staff,1.0,2,2,SATURDAY,12,0,0,0,0,0,0,Postal,0.26610022123949284,0.007466574019901375,0.5280927512030451,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2305138,252588,Consumer loans,3906.9,34150.5,32584.5,4500.0,34150.5,THURSDAY,12,Y,1,0.13215518858037964,,,XAP,Approved,-2021,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,55,Connectivity,12.0,high,POS mobile with interest,,,,,,,0,Cash loans,M,Y,N,1,225000.0,1546020.0,40914.0,1350000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018634,-13162,-2772,-6974.0,-4836,3.0,1,1,0,1,1,0,Laborers,3.0,2,2,SUNDAY,12,0,0,0,0,0,0,Housing,0.16159838114155775,0.7733463151244775,,0.0825,0.0798,0.9771,,,0.0,0.1379,0.1667,,0.0268,,0.0699,,0.0013,0.084,0.0829,0.9772,,,0.0,0.1379,0.1667,,0.0274,,0.0728,,0.0013,0.0833,0.0798,0.9771,,,0.0,0.1379,0.1667,,0.0273,,0.0711,,0.0013,,block of flats,0.0552,Panel,No,0.0,0.0,0.0,0.0,-2021.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2662001,400683,Consumer loans,12545.865,107932.5,128781.0,0.0,107932.5,MONDAY,11,Y,1,0.0,,,XAP,Refused,-116,Cash through the bank,HC,Other_A,Repeater,Audio/Video,POS,XNA,Country-wide,3000,Consumer electronics,12.0,low_normal,POS household with interest,,,,,,,1,Cash loans,M,N,N,0,122985.0,355536.0,24178.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,With parents,0.0228,-10512,-658,-4340.0,-459,,1,1,0,1,1,0,Laborers,2.0,2,2,THURSDAY,18,0,0,0,0,0,0,Industry: type 11,0.07380290305592786,0.19365790461130367,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-149.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1828886,427101,Revolving loans,3375.0,180000.0,67500.0,,180000.0,SUNDAY,12,Y,1,,,,XAP,Refused,-152,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,247500.0,859500.0,30582.0,859500.0,Family,Working,Incomplete higher,Civil marriage,House / apartment,0.026392000000000002,-8469,-1016,-2508.0,-1080,,1,1,0,1,1,0,Sales staff,2.0,2,2,FRIDAY,16,0,0,0,0,0,0,Telecom,,0.4107058697150535,0.13177013253138142,0.1526,,0.9831,,,0.16,0.1379,0.3333,,,,0.1519,,0.0663,0.1555,,0.9831,,,0.1611,0.1379,0.3333,,,,0.1582,,0.0702,0.1541,,0.9831,,,0.16,0.1379,0.3333,,,,0.1546,,0.0677,,block of flats,0.1339,"Stone, brick",No,0.0,0.0,0.0,0.0,-152.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2304874,427626,Consumer loans,2412.315,14269.5,15210.0,0.0,14269.5,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-2726,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,15,Connectivity,8.0,high,POS mobile with interest,365243.0,-2695.0,-2485.0,-2485.0,-2481.0,1.0,0,Cash loans,F,N,Y,0,135000.0,210249.0,14760.0,175500.0,Other_A,Pensioner,Secondary / secondary special,Separated,House / apartment,0.009175,-22661,365243,-9567.0,-4996,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,XNA,,0.6993732026698447,,0.1211,,0.9757,,,,0.1207,0.1667,,0.0725,,0.037000000000000005,,,0.0735,,0.9757,,,,0.1034,0.1667,,0.0696,,0.0334,,,0.1223,,0.9757,,,,0.1207,0.1667,,0.0738,,0.0377,,,,block of flats,0.0391,"Stone, brick",No,0.0,0.0,0.0,0.0,-364.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2741768,257069,Consumer loans,11029.455,110722.5,122413.5,0.0,110722.5,MONDAY,20,Y,1,0.0,,,XAP,Approved,-672,Cash through the bank,XAP,,New,Computers,POS,XNA,Country-wide,1200,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-641.0,-311.0,-396.0,-393.0,0.0,0,Cash loans,M,Y,Y,1,225000.0,541323.0,29493.0,405000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0060079999999999995,-14986,-856,-754.0,-782,15.0,1,1,0,1,0,0,Laborers,3.0,2,2,MONDAY,14,0,0,0,1,1,1,Self-employed,0.663332060447412,0.3591571608236768,0.4794489811780563,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-672.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1666162,268945,Consumer loans,25078.68,276615.0,265383.0,27661.5,276615.0,SATURDAY,14,Y,1,0.10280311755319817,,,XAP,Approved,-997,Cash through the bank,XAP,Unaccompanied,New,Furniture,POS,XNA,Country-wide,1663,Furniture,12.0,low_normal,POS industry with interest,365243.0,-966.0,-636.0,-636.0,-631.0,0.0,0,Cash loans,F,N,Y,0,162000.0,808650.0,23773.5,675000.0,Unaccompanied,Pensioner,Higher education,Married,Municipal apartment,0.04622,-21172,365243,-14109.0,-4626,,1,0,0,1,0,0,,2.0,1,1,TUESDAY,11,0,0,0,0,0,0,XNA,,0.7592994938181504,0.21885908222837447,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-997.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,2.0,0.0,0.0 +1648652,383291,Consumer loans,4128.12,31887.0,31108.5,3150.0,31887.0,FRIDAY,8,Y,1,0.10013971317005596,,,XAP,Approved,-1946,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,35,Connectivity,10.0,high,POS mobile with interest,365243.0,-1915.0,-1645.0,-1645.0,-1636.0,0.0,0,Revolving loans,F,N,Y,2,67500.0,405000.0,20250.0,405000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.007120000000000001,-12524,-1239,-1380.0,-3551,,1,1,0,1,1,0,Core staff,4.0,2,2,FRIDAY,11,0,0,0,0,1,1,Other,0.7809305961540154,0.1883831940483178,0.6971469077844458,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1946.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2033868,405244,Consumer loans,24955.425,138330.0,131071.5,13833.0,138330.0,FRIDAY,14,Y,1,0.10396774803718684,,,XAP,Approved,-838,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Regional / Local,1450,Consumer electronics,6.0,middle,POS household with interest,365243.0,-807.0,-657.0,-807.0,-801.0,0.0,0,Cash loans,M,Y,N,0,202500.0,936436.5,39676.5,837000.0,Other_B,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.010006000000000001,-23481,-377,-3578.0,-3325,2.0,1,1,1,1,0,0,Drivers,2.0,2,2,WEDNESDAY,10,0,0,0,0,1,1,Transport: type 4,,0.6556440631305096,0.5814837058057234,0.0124,0.0,0.9826,,,0.0,0.1034,0.0417,,0.0,,0.0165,,0.009000000000000001,0.0126,0.0,0.9826,,,0.0,0.1034,0.0417,,0.0,,0.0171,,0.0095,0.0125,0.0,0.9826,,,0.0,0.1034,0.0417,,0.0,,0.0168,,0.0092,,block of flats,0.0129,Wooden,No,0.0,0.0,0.0,0.0,-1300.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2594807,183989,Consumer loans,,39330.0,39330.0,0.0,39330.0,THURSDAY,12,Y,1,0.0,,,XAP,Refused,-537,Cash through the bank,HC,,Repeater,Mobile,XNA,XNA,Country-wide,60,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,F,Y,Y,0,225000.0,284256.0,28111.5,270000.0,Family,Working,Higher education,Married,House / apartment,0.003540999999999999,-16016,-2777,-2698.0,-2841,7.0,1,1,0,1,0,0,Laborers,2.0,1,1,TUESDAY,14,0,0,0,0,0,0,Other,0.718680863695619,0.6395215343007542,,0.0351,0.0313,0.9911,0.8776,0.0088,0.04,0.0345,0.3333,0.0417,0.0231,0.0286,0.0364,0.0,0.0118,0.0357,0.0325,0.9911,0.8824,0.0089,0.0403,0.0345,0.3333,0.0417,0.0236,0.0312,0.0379,0.0,0.0124,0.0354,0.0313,0.9911,0.8792,0.0089,0.04,0.0345,0.3333,0.0417,0.0235,0.0291,0.0371,0.0,0.012,not specified,block of flats,0.036000000000000004,"Stone, brick",No,1.0,0.0,1.0,0.0,-537.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2172916,256330,Consumer loans,6194.295,67819.5,61033.5,6786.0,67819.5,WEDNESDAY,10,Y,1,0.10897412851894968,,,XAP,Approved,-505,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,20,Connectivity,12.0,middle,POS mobile with interest,365243.0,-448.0,-118.0,-178.0,-172.0,0.0,0,Cash loans,F,N,Y,0,360000.0,1256400.0,36864.0,900000.0,Unaccompanied,Working,Incomplete higher,Civil marriage,House / apartment,0.019688999999999998,-15978,-2359,-9579.0,-933,,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,8,0,0,0,1,1,1,Self-employed,0.3878046977536144,0.5166151263353392,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-683.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1458534,114939,Cash loans,45336.105,1350000.0,1546020.0,,1350000.0,MONDAY,18,Y,1,,,,XNA,Refused,-24,Cash through the bank,XNA,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,135000.0,1546020.0,45333.0,1350000.0,Unaccompanied,Working,Incomplete higher,Civil marriage,House / apartment,0.00702,-9102,-403,-9015.0,-1788,,1,1,0,1,0,0,Core staff,2.0,2,2,THURSDAY,18,0,0,0,0,0,0,Advertising,0.3836765153020307,0.5109175384851768,0.5797274227921155,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1373.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +2411120,364691,Consumer loans,5181.975,47876.4,46642.5,4788.9,47876.4,THURSDAY,13,Y,1,0.1014078452957814,,,XAP,Approved,-2843,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,2300,Consumer electronics,10.0,low_normal,POS household without interest,,,,,,,0,Cash loans,M,Y,Y,0,135000.0,970380.0,28503.0,810000.0,Family,Commercial associate,Secondary / secondary special,Married,Co-op apartment,0.006852,-21099,-4238,-7115.0,-4410,2.0,1,1,0,1,1,0,Cooking staff,2.0,3,3,FRIDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.3913369773118116,0.4311917977993083,0.0299,0.0,0.9712,,,0.0,0.0345,0.0417,,0.0185,,0.0118,,0.0,0.0305,0.0,0.9712,,,0.0,0.0345,0.0417,,0.0189,,0.0123,,0.0,0.0302,0.0,0.9712,,,0.0,0.0345,0.0417,,0.0188,,0.012,,0.0,,block of flats,0.0178,"Stone, brick",No,0.0,0.0,0.0,0.0,-441.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1403276,422876,Cash loans,17595.495,90000.0,92970.0,,90000.0,WEDNESDAY,5,Y,1,,,,XNA,Refused,-338,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,153000.0,345645.0,13158.0,243000.0,Unaccompanied,Working,Higher education,Separated,Municipal apartment,0.018029,-19783,-1729,-2951.0,-3252,,1,1,0,1,0,0,Managers,1.0,3,3,FRIDAY,12,0,0,0,0,0,0,Government,0.7750851831748602,0.6459537715546142,0.5867400085415683,0.033,0.1268,0.9727,,,0.0,0.1379,0.0833,,,,0.0328,,0.0227,0.0336,0.1316,0.9727,,,0.0,0.1379,0.0833,,,,0.0342,,0.0241,0.0333,0.1268,0.9727,,,0.0,0.1379,0.0833,,,,0.0334,,0.0232,,block of flats,0.0327,Others,No,1.0,0.0,1.0,0.0,-2556.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2157125,372235,Cash loans,19968.165,315000.0,383193.0,,315000.0,SUNDAY,12,Y,1,,,,XNA,Refused,-733,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,Y,N,0,223200.0,539230.5,29380.5,409500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0228,-17120,-2119,-7255.0,-669,9.0,1,1,0,1,0,0,Cleaning staff,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.4118318285777385,0.6270038266257447,0.248535557339522,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-1109.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1472244,132572,Consumer loans,11244.375,112455.0,101209.5,11245.5,112455.0,FRIDAY,15,Y,1,0.1089090909090909,,,XAP,Approved,-2721,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Stone,2500,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2689.0,-2419.0,-2449.0,-2439.0,0.0,0,Cash loans,M,Y,N,1,225000.0,904500.0,40347.0,904500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00702,-14212,-1062,-1230.0,-2771,5.0,1,1,1,1,0,0,,3.0,2,2,MONDAY,16,0,0,0,0,0,0,Construction,,0.40968479664288393,0.5762088360175724,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2721.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1256420,201944,Consumer loans,18839.205,185391.0,207252.0,0.0,185391.0,WEDNESDAY,10,Y,1,0.0,,,XAP,Approved,-1585,Cash through the bank,XAP,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Country-wide,702,Consumer electronics,16.0,high,POS household with interest,365243.0,-1554.0,-1104.0,-1464.0,-1462.0,0.0,0,Cash loans,F,N,Y,0,135000.0,201469.5,16047.0,153000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-16990,-2079,-8467.0,-536,,1,1,0,1,0,0,Laborers,2.0,3,3,SATURDAY,6,0,0,0,0,0,0,Business Entity Type 2,,0.04277805349362064,0.15474363127259447,0.2144,,0.9881,,,,,,,,,0.239,,0.0189,0.2185,,0.9881,,,,,,,,,0.249,,0.02,0.2165,,0.9881,,,,,,,,,0.2433,,0.0193,,block of flats,0.2734,,No,5.0,0.0,5.0,0.0,-1849.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1710533,407158,Consumer loans,4359.645,32800.5,21550.5,11250.0,32800.5,SATURDAY,12,Y,1,0.3735392060265154,,,XAP,Approved,-1976,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,6.0,high,POS mobile with interest,365243.0,-1935.0,-1785.0,-1785.0,-1779.0,0.0,0,Cash loans,M,N,Y,0,198000.0,490495.5,30006.0,454500.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.00823,-12379,-2571,-1267.0,-3575,,1,1,1,1,1,0,Security staff,1.0,2,2,MONDAY,9,0,1,1,1,0,0,Security,,0.4769042960436379,0.6347055309763198,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1635.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,1.0 +1578271,275092,Consumer loans,5746.86,38250.0,30699.0,9000.0,38250.0,FRIDAY,11,Y,1,0.2469034026503988,,,XAP,Refused,-1461,Cash through the bank,HC,Group of people,Repeater,Sport and Leisure,POS,XNA,Stone,20,Construction,6.0,middle,POS industry with interest,,,,,,,0,Cash loans,M,Y,N,3,81000.0,518562.0,25078.5,463500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-15942,-1728,-1160.0,-4382,26.0,1,1,0,1,0,0,Laborers,5.0,2,2,WEDNESDAY,9,0,0,0,0,1,1,Transport: type 4,0.4289942505327529,0.4272598035119053,0.5673792367572691,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,10.0,0.0,9.0,0.0,-408.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1327504,426163,Consumer loans,6635.61,72441.0,72441.0,0.0,72441.0,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-1457,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Regional / Local,809,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-1426.0,-1096.0,-1096.0,-1088.0,0.0,0,Cash loans,F,N,Y,2,45000.0,261000.0,15111.0,261000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018209,-14094,-4884,-4631.0,-4883,,1,1,0,1,1,0,Medicine staff,4.0,3,3,WEDNESDAY,11,0,0,0,0,0,0,Medicine,0.5304899854698231,0.5289167912948914,0.375711009574066,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1762.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1986230,108615,Consumer loans,9576.135,53505.0,50697.0,5350.5,53505.0,TUESDAY,9,Y,1,0.10396861428415022,,,XAP,Approved,-671,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Stone,30,Connectivity,6.0,middle,POS mobile with interest,365243.0,-640.0,-490.0,-490.0,-484.0,0.0,0,Cash loans,F,N,N,2,180000.0,348264.0,36697.5,315000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,With parents,0.006629,-11722,-1834,-5891.0,-875,,1,1,0,1,0,0,Managers,4.0,2,2,MONDAY,7,0,0,0,0,0,0,Business Entity Type 3,0.6004043880967437,0.6333994195647324,0.8027454758994178,0.1237,,0.9871,,,,0.2069,0.1667,,,,0.1245,,0.0807,0.1261,,0.9866,,,,0.2069,0.1667,,,,0.1291,,0.0854,0.1249,,0.9871,,,,0.2069,0.1667,,,,0.1267,,0.0824,,block of flats,0.0983,Panel,No,2.0,1.0,2.0,1.0,-1938.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,4.0 +2498926,354074,Consumer loans,7178.58,58455.0,52609.5,5845.5,58455.0,THURSDAY,19,Y,1,0.1089090909090909,,,XAP,Approved,-743,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,51,Connectivity,10.0,high,POS mobile with interest,365243.0,-700.0,-430.0,-430.0,-425.0,0.0,0,Revolving loans,F,N,N,0,67500.0,180000.0,9000.0,180000.0,Family,Working,Secondary / secondary special,Married,Rented apartment,0.019101,-8687,-898,-6330.0,-66,,1,1,0,1,0,0,Core staff,2.0,2,2,FRIDAY,17,0,0,0,1,0,1,Self-employed,0.2994800228806732,0.26535011238780737,,0.0979,,0.9776,,,,0.2069,0.1667,,,,0.0893,,,0.0998,,0.9777,,,,0.2069,0.1667,,,,0.0931,,,0.0989,,0.9776,,,,0.2069,0.1667,,,,0.0909,,,,block of flats,0.0703,"Stone, brick",No,0.0,0.0,0.0,0.0,-743.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2802705,433375,Consumer loans,,75771.0,75771.0,0.0,75771.0,THURSDAY,12,Y,1,0.0,,,XAP,Refused,-2122,XNA,LIMIT,Family,Repeater,Consumer Electronics,XNA,XNA,Country-wide,2170,Consumer electronics,,XNA,POS household with interest,,,,,,,0,Revolving loans,F,Y,N,1,112500.0,180000.0,9000.0,180000.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.010276,-11304,-1966,-4664.0,-828,16.0,1,1,0,1,0,0,Laborers,3.0,2,2,FRIDAY,12,0,0,0,1,1,0,Business Entity Type 3,0.3272718036558971,0.4986351630256881,0.6178261467332483,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-792.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2061965,179910,Consumer loans,14079.105,139500.0,125550.0,13950.0,139500.0,SATURDAY,13,Y,1,0.1089090909090909,,,XAP,Approved,-2063,XNA,XAP,,New,Furniture,POS,XNA,Stone,1126,Furniture,12.0,high,POS industry with interest,365243.0,-2013.0,-1683.0,-1713.0,-1705.0,0.0,0,Cash loans,F,N,Y,0,202500.0,830709.0,33075.0,742500.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.035792000000000004,-18295,-628,-3915.0,-484,,1,1,1,1,1,1,Sales staff,1.0,2,2,THURSDAY,12,0,0,0,0,0,0,Self-employed,0.597992786260093,0.6020896304751299,0.5154953751603267,0.1649,0.1041,0.9871,0.8232,0.035,0.16,0.1379,0.375,0.4167,0.1581,0.1345,0.1695,0.0,0.0,0.1681,0.1081,0.9871,0.8301,0.0353,0.1611,0.1379,0.375,0.4167,0.1617,0.1469,0.1766,0.0,0.0,0.1665,0.1041,0.9871,0.8256,0.0353,0.16,0.1379,0.375,0.4167,0.1608,0.1368,0.1725,0.0,0.0,reg oper account,block of flats,0.1525,Panel,No,3.0,0.0,3.0,0.0,-2063.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1372460,192706,Consumer loans,7871.715,80802.0,80802.0,0.0,80802.0,TUESDAY,10,Y,1,0.0,,,XAP,Refused,-343,Cash through the bank,HC,Unaccompanied,New,Computers,POS,XNA,Country-wide,30200,Consumer electronics,12.0,low_normal,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,112500.0,189000.0,19975.5,189000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-22414,365243,-1071.0,-5158,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,XNA,0.6497392244051721,0.3411425675344835,0.5226973172821112,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-343.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2299817,255160,Consumer loans,16419.51,96700.5,91624.5,9670.5,96700.5,SUNDAY,18,Y,1,0.10397407212955856,,,XAP,Approved,-384,Cash through the bank,XAP,,New,Computers,POS,XNA,Country-wide,1326,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-353.0,-203.0,-203.0,-195.0,0.0,0,Cash loans,F,N,Y,0,90000.0,269550.0,14751.0,225000.0,Unaccompanied,Working,Higher education,Single / not married,With parents,0.01885,-9998,-1873,-7397.0,-2560,,1,1,0,1,0,0,Core staff,1.0,2,2,SATURDAY,16,0,0,0,0,0,0,Government,,0.7066188392542991,,0.0974,0.0883,0.9856,0.8028,0.0053,0.06,0.1207,0.2708,,,0.0794,0.0665,0.0019,0.0667,0.0735,0.0836,0.9816,0.7583,0.0005,0.0,0.1034,0.1667,,,0.0643,0.002,0.0,0.0706,0.0984,0.0883,0.9856,0.8054,0.0053,0.06,0.1207,0.2708,,,0.0808,0.0642,0.0019,0.0681,,block of flats,0.0032,"Stone, brick",No,0.0,0.0,0.0,0.0,-384.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2842224,233723,Consumer loans,3958.11,39780.0,35820.0,3960.0,39780.0,SUNDAY,21,Y,1,0.10841628959276016,,,XAP,Approved,-1233,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,137,Connectivity,12.0,high,POS mobile with interest,365243.0,-1197.0,-867.0,-867.0,-848.0,0.0,0,Cash loans,M,N,Y,2,135000.0,127350.0,13842.0,112500.0,Children,Working,Secondary / secondary special,Married,House / apartment,0.01885,-14825,-3282,-8666.0,-4401,,1,1,0,1,0,0,Drivers,4.0,2,2,MONDAY,11,0,0,0,0,0,0,Self-employed,,0.657286266169283,0.2851799046358216,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-355.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2225984,231449,Cash loans,27135.135,135000.0,139455.0,0.0,135000.0,THURSDAY,13,Y,1,0.0,,,XNA,Approved,-2140,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,365243.0,-2110.0,-1960.0,-1960.0,-1955.0,1.0,0,Cash loans,M,N,N,0,40950.0,675000.0,19863.0,675000.0,Unaccompanied,Pensioner,Lower secondary,Married,House / apartment,0.031329,-22267,365243,-6056.0,-4659,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,,0.7037319325156228,0.7764098512142026,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2140.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1526395,420422,Cash loans,10679.4,180000.0,180000.0,0.0,180000.0,MONDAY,15,Y,1,0.0,,,XNA,Refused,-2465,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,180000.0,808650.0,23773.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-21509,365243,-6503.0,-4439,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,8,0,0,0,0,0,0,XNA,,0.2755358466931539,0.7407990879702335,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-279.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2430415,338704,Revolving loans,45000.0,900000.0,900000.0,,900000.0,FRIDAY,11,Y,1,,,,XAP,Approved,-276,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-276.0,-228.0,365243.0,-169.0,-81.0,0.0,0,Cash loans,F,Y,Y,1,135000.0,297000.0,23809.5,297000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-15021,-7121,-991.0,-4050,13.0,1,1,0,1,0,0,High skill tech staff,3.0,2,2,MONDAY,13,0,0,0,0,0,0,Medicine,0.5070209301981822,0.6846947724303312,0.5884877883422673,0.1237,0.11,0.9767,0.6804,0.0126,0.0,0.2069,0.1667,0.2083,0.0924,0.1009,0.1047,0.0,0.0,0.1261,0.1142,0.9767,0.6929,0.0128,0.0,0.2069,0.1667,0.2083,0.0945,0.1102,0.1091,0.0,0.0,0.1249,0.11,0.9767,0.6847,0.0127,0.0,0.2069,0.1667,0.2083,0.094,0.1026,0.1066,0.0,0.0,reg oper account,block of flats,0.0893,Panel,No,0.0,0.0,0.0,0.0,-1794.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,7.0 +1574056,106667,Revolving loans,45000.0,900000.0,900000.0,,900000.0,TUESDAY,9,Y,1,,,,XAP,Approved,-664,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-478.0,-431.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,360000.0,900000.0,38263.5,900000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.04622,-19395,365243,-2623.0,-261,2.0,1,0,0,1,1,0,,2.0,1,1,MONDAY,14,0,0,0,0,0,0,XNA,0.65604132036143,0.7207237943461339,0.6430255641096323,0.0825,0.0531,0.9955,0.9388,0.0671,0.16,0.069,0.375,0.4167,0.0701,0.0672,0.0888,0.0,0.0,0.084,0.0551,0.9955,0.9412,0.0677,0.1611,0.069,0.375,0.4167,0.0717,0.0735,0.0925,0.0,0.0,0.0833,0.0531,0.9955,0.9396,0.0675,0.16,0.069,0.375,0.4167,0.0713,0.0684,0.0904,0.0,0.0,reg oper account,block of flats,0.118,"Stone, brick",No,0.0,0.0,0.0,0.0,-822.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2664472,434392,Consumer loans,6293.52,151078.5,135054.0,16024.5,151078.5,TUESDAY,11,Y,1,0.1155170144840415,,,XAP,Refused,-2797,Cash through the bank,SCO,"Spouse, partner",Repeater,XNA,POS,XNA,Country-wide,1500,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,0,Cash loans,M,N,Y,0,351000.0,547344.0,29821.5,472500.0,"Spouse, partner",Working,Secondary / secondary special,Single / not married,House / apartment,0.016612000000000002,-18616,-293,-2028.0,-2168,,1,1,0,1,0,1,Laborers,1.0,2,2,SATURDAY,10,0,0,0,0,1,1,Other,,0.5775475698915494,0.746300213050371,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2072.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1155967,264002,Consumer loans,3925.89,37480.5,43047.0,0.0,37480.5,MONDAY,7,Y,1,0.0,,,XAP,Approved,-2230,Cash through the bank,XAP,Children,New,Mobile,POS,XNA,Country-wide,32,Connectivity,18.0,high,POS mobile with interest,365243.0,-2199.0,-1689.0,-1929.0,-1923.0,1.0,0,Cash loans,F,N,Y,1,90000.0,454500.0,27936.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008068,-14987,-4163,-3305.0,-206,,1,1,0,1,0,0,Laborers,3.0,3,3,FRIDAY,8,0,0,0,0,0,0,Industry: type 1,0.4008189667661237,0.3762015749944527,0.4135967602644276,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1267022,307624,Cash loans,73286.91,2025000.0,2217456.0,,2025000.0,FRIDAY,16,Y,1,,,,XNA,Approved,-556,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-522.0,888.0,-282.0,-274.0,0.0,0,Cash loans,F,Y,Y,1,900000.0,1096020.0,56092.5,900000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.01885,-16724,-3740,-2812.0,-285,9.0,1,1,0,1,0,0,Managers,2.0,2,2,MONDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.6080153345682971,0.4223696523543468,0.066,0.0,0.9955,0.9388,0.0111,0.0,0.1034,0.1667,0.2083,0.0384,0.053,0.0658,0.0039,0.0505,0.0672,0.0,0.9955,0.9412,0.0112,0.0,0.1034,0.1667,0.2083,0.0392,0.0579,0.0686,0.0039,0.0534,0.0666,0.0,0.9955,0.9396,0.0112,0.0,0.1034,0.1667,0.2083,0.039,0.0539,0.067,0.0039,0.0515,reg oper account,block of flats,0.0688,"Stone, brick",No,17.0,0.0,17.0,0.0,-1243.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1227202,368277,Consumer loans,23251.5,450000.0,450000.0,0.0,450000.0,THURSDAY,14,Y,1,0.0,,,XAP,Approved,-415,Cash through the bank,XAP,Unaccompanied,Repeater,Clothing and Accessories,POS,XNA,Stone,106,Clothing,24.0,low_normal,POS industry with interest,365243.0,-384.0,306.0,365243.0,365243.0,0.0,0,Revolving loans,F,Y,Y,0,135000.0,247500.0,12375.0,247500.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,House / apartment,0.010006000000000001,-8870,-927,-3501.0,-1479,4.0,1,1,0,1,1,0,Core staff,1.0,2,2,SATURDAY,14,0,0,0,0,0,0,School,0.31563102487942546,0.6067429348957188,0.15759499866631024,0.1979,0.136,0.9851,0.7959999999999999,,0.24,0.2069,0.3333,0.375,0.0793,0.1605,0.1336,0.0039,0.0993,0.2017,0.1411,0.9851,0.804,,0.2417,0.2069,0.3333,0.375,0.0811,0.1754,0.1392,0.0039,0.1051,0.1999,0.136,0.9851,0.7987,,0.24,0.2069,0.3333,0.375,0.0807,0.1633,0.136,0.0039,0.1013,reg oper account,block of flats,0.1582,Block,No,1.0,0.0,1.0,0.0,-90.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +2595969,362067,Consumer loans,5382.765,25555.5,26820.0,0.0,25555.5,WEDNESDAY,10,Y,1,0.0,,,XAP,Approved,-2921,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,37,Connectivity,6.0,high,POS mobile with interest,365243.0,-2890.0,-2740.0,-2770.0,-2763.0,1.0,0,Cash loans,F,N,N,0,135000.0,622575.0,22491.0,463500.0,Unaccompanied,Pensioner,Higher education,Separated,House / apartment,0.009656999999999999,-21914,365243,-7091.0,-4833,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,16,0,0,0,0,0,0,XNA,0.3701960239473021,0.5406621244269372,0.6178261467332483,0.2062,0.1309,0.9901,0.8640000000000001,0.0,0.2,0.1724,0.375,0.4167,0.0978,0.1681,0.1369,0.0,0.3116,0.2101,0.1358,0.9901,0.8693,0.0,0.2014,0.1724,0.375,0.4167,0.1,0.1837,0.1427,0.0,0.3298,0.2082,0.1309,0.9901,0.8658,0.0,0.2,0.1724,0.375,0.4167,0.0995,0.171,0.1394,0.0,0.3181,reg oper spec account,block of flats,0.2004,Panel,No,0.0,0.0,0.0,0.0,-2921.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2035245,401391,Cash loans,5424.93,45000.0,47970.0,0.0,45000.0,THURSDAY,16,Y,1,0.0,,,XNA,Approved,-1748,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-1718.0,-1388.0,-1388.0,-1381.0,1.0,0,Revolving loans,M,Y,N,1,247500.0,540000.0,27000.0,540000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.009175,-17361,-2673,-3360.0,-890,11.0,1,1,0,1,0,0,Laborers,3.0,2,2,TUESDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.5813470336260811,0.7252764347002191,0.1113,0.0809,0.9856,,,0.12,0.1034,0.3333,,0.0512,,0.1137,,0.0,0.1134,0.084,0.9856,,,0.1208,0.1034,0.3333,,0.0524,,0.1184,,0.0,0.1124,0.0809,0.9856,,,0.12,0.1034,0.3333,,0.0521,,0.1157,,0.0,,block of flats,0.1008,Panel,No,1.0,0.0,1.0,0.0,-1748.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1389857,355371,Cash loans,19249.2,270000.0,373923.0,,270000.0,TUESDAY,9,Y,1,,,,XNA,Approved,-1087,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-1057.0,-7.0,-217.0,-214.0,1.0,0,Cash loans,F,Y,Y,1,112500.0,849415.5,36117.0,697500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.031329,-13433,-1660,-1205.0,-1557,14.0,1,1,0,1,0,0,Sales staff,3.0,2,2,THURSDAY,12,0,0,0,0,0,0,Self-employed,0.3525283848611743,0.5245830766169134,0.4686596550493113,0.1619,0.0665,0.9841,0.7824,0.0243,0.0,0.069,0.1667,0.2083,0.086,0.1311,0.0626,0.0039,0.0041,0.1649,0.069,0.9841,0.7909,0.0245,0.0,0.069,0.1667,0.2083,0.08800000000000001,0.1433,0.0652,0.0039,0.0043,0.1634,0.0665,0.9841,0.7853,0.0245,0.0,0.069,0.1667,0.2083,0.0875,0.1334,0.0637,0.0039,0.0042,reg oper account,block of flats,0.0501,"Stone, brick",No,0.0,0.0,0.0,0.0,-1456.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1649725,107261,Revolving loans,,0.0,0.0,,,THURSDAY,15,Y,1,,,,XAP,Refused,-309,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Card Street,,,,,,,0,Cash loans,F,Y,Y,0,117000.0,755190.0,36459.0,675000.0,Unaccompanied,Working,Higher education,Married,With parents,0.003069,-12434,-1140,-898.0,-584,0.0,1,1,0,1,0,0,,2.0,3,3,FRIDAY,16,0,0,0,0,0,0,Other,,0.6441262649035617,0.5744466170995097,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,2.0,5.0,2.0,-493.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2683450,162112,Cash loans,11086.065,54000.0,57564.0,,54000.0,SATURDAY,10,Y,1,,,,XNA,Approved,-235,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-205.0,-55.0,-55.0,-52.0,1.0,0,Cash loans,F,N,Y,0,90000.0,247500.0,13554.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.018634,-14743,-203,-4491.0,-4522,,1,1,1,1,0,0,Sales staff,1.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Trade: type 3,0.32566437378262564,0.14047769556548714,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-1173.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1582635,225962,Cash loans,35613.0,1350000.0,1350000.0,,1350000.0,FRIDAY,16,Y,1,,,,Urgent needs,Refused,-248,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_action,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,135000.0,1350000.0,57330.0,1350000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.028663,-21309,-630,-6088.0,-264,,1,1,0,1,0,0,,2.0,2,2,MONDAY,13,0,0,0,0,0,0,Other,0.7188095213615403,0.5829853644416975,0.6075573001388961,0.0794,0.0,0.9916,0.8844,0.003,0.0,0.2069,0.2083,0.25,0.0174,0.0647,0.0894,0.0,0.0516,0.0809,0.0,0.9916,0.8889,0.003,0.0,0.2069,0.2083,0.25,0.0177,0.0707,0.0932,0.0,0.0547,0.0802,0.0,0.9916,0.8859,0.003,0.0,0.2069,0.2083,0.25,0.0177,0.0658,0.091,0.0,0.0527,reg oper account,block of flats,0.1023,"Stone, brick",No,1.0,0.0,1.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2256254,156436,Consumer loans,11547.855,94558.5,102766.5,9459.0,94558.5,THURSDAY,12,Y,1,0.09179474280881716,,,XAP,Approved,-1931,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,402,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1900.0,-1630.0,-1630.0,-1627.0,0.0,0,Cash loans,F,N,Y,0,81000.0,345510.0,17770.5,247500.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.00733,-15426,-2885,-8202.0,-5005,,1,1,0,1,0,1,Sales staff,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Self-employed,0.7647088977497579,0.5741827312696196,0.21275630545434146,0.0794,0.1199,0.9876,,,0.0,0.2759,0.1667,0.0417,0.0,,0.0762,,0.0,0.0809,0.1244,0.9876,,,0.0,0.2759,0.1667,0.0417,0.0,,0.0794,,0.0,0.0802,0.1199,0.9876,,,0.0,0.2759,0.1667,0.0417,0.0,,0.0776,,0.0,,block of flats,0.0676,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1221334,449027,Cash loans,43165.44,432000.0,432000.0,,432000.0,THURSDAY,10,Y,1,,,,XNA,Approved,-1173,XNA,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,2,360000.0,473760.0,49878.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.026392000000000002,-12521,-3837,-3708.0,-4636,,1,1,0,1,0,0,,4.0,2,2,SUNDAY,21,0,0,0,0,0,0,Business Entity Type 1,,0.4795779954058346,0.25396280933631177,,,,,,,,,,,,,,0.0,,,,,,,,,,,,,,0.0,,,,,,,,,,,,,,0.0,,,0.1014,,No,0.0,0.0,0.0,0.0,-1173.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1739481,321064,Consumer loans,6219.18,62433.0,69025.5,0.0,62433.0,MONDAY,16,Y,1,0.0,,,XAP,Approved,-810,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,2200,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-779.0,-449.0,-539.0,-531.0,0.0,0,Revolving loans,F,N,Y,1,90000.0,180000.0,9000.0,180000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.008625,-13990,-2175,-8026.0,-4732,,1,1,0,1,0,0,,3.0,2,2,SATURDAY,16,0,0,0,0,0,0,University,,0.5962180827193547,0.5495965024956946,0.1186,0.0818,0.9871,0.8232,0.0274,0.12,0.1034,0.3333,0.375,0.0652,0.0967,0.115,0.0,0.0,0.1208,0.0849,0.9871,0.8301,0.0277,0.1208,0.1034,0.3333,0.375,0.0667,0.1056,0.1198,0.0,0.0,0.1197,0.0818,0.9871,0.8256,0.0276,0.12,0.1034,0.3333,0.375,0.0664,0.0983,0.1171,0.0,0.0,,block of flats,0.1055,Panel,No,0.0,0.0,0.0,0.0,-1210.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1969605,363708,Consumer loans,24739.47,134995.5,127507.5,13500.0,134995.5,FRIDAY,12,Y,1,0.10426911527916796,,,XAP,Approved,-1108,Cash through the bank,XAP,Unaccompanied,Refreshed,Computers,POS,XNA,Country-wide,1200,Consumer electronics,6.0,high,POS household with interest,365243.0,-1077.0,-927.0,-927.0,-924.0,0.0,0,Cash loans,F,N,Y,0,211500.0,824823.0,26739.0,688500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.025164,-11641,-4444,-5282.0,-3035,,1,1,0,1,0,0,Laborers,1.0,2,2,SUNDAY,11,0,0,0,0,0,0,Business Entity Type 2,0.27006509327099304,0.6154217569536967,0.8106180215523969,0.0697,0.0744,0.9846,0.7552,0.0189,0.016,0.1448,0.2,0.2083,0.0338,0.0567,0.0594,0.0193,0.0298,0.0588,0.0437,0.9866,0.8236,0.0095,0.0,0.1379,0.1667,0.2083,0.0,0.0514,0.0316,0.0,0.0,0.0583,0.0685,0.9866,0.7585,0.0147,0.0,0.1379,0.1667,0.2083,0.0306,0.0479,0.0537,0.0019,0.0118,org spec account,block of flats,0.0416,Panel,No,0.0,0.0,0.0,0.0,-2996.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1555781,331376,Consumer loans,13979.07,151506.0,136354.5,15151.5,151506.0,THURSDAY,8,Y,1,0.10891556049985424,,,XAP,Approved,-882,XNA,XAP,,New,Clothing and Accessories,POS,XNA,Stone,47,Clothing,12.0,middle,POS industry with interest,365243.0,-846.0,-516.0,-696.0,-690.0,0.0,0,Cash loans,F,N,Y,0,225000.0,1058197.5,38137.5,913500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.0038130000000000004,-16099,-2289,-3144.0,-5064,,1,1,0,1,0,0,,2.0,2,2,THURSDAY,7,0,0,0,0,0,0,Self-employed,,0.3872766237509923,,0.133,,0.9921,,,0.0,0.3448,0.1667,,,,,,,0.1355,,0.9921,,,0.0,0.3448,0.1667,,,,,,,0.1343,,0.9921,,,0.0,0.3448,0.1667,,,,,,,,block of flats,0.1588,Panel,No,1.0,0.0,1.0,0.0,-882.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2292157,387339,Consumer loans,5888.025,87750.0,87750.0,0.0,87750.0,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-255,Cash through the bank,XAP,Unaccompanied,Refreshed,Medical Supplies,POS,XNA,Country-wide,10,MLM partners,18.0,low_normal,POS other with interest,365243.0,-223.0,287.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,79650.0,271957.5,19471.5,252000.0,Children,Pensioner,Secondary / secondary special,Widow,House / apartment,0.020246,-24290,365243,-1871.0,-4713,,1,0,0,1,1,0,,1.0,3,3,FRIDAY,8,0,0,0,0,0,0,XNA,,0.3152518317246819,0.7958031328748403,0.0825,0.0642,0.9752,0.66,0.008,0.0,0.1379,0.1667,0.2083,0.0652,0.0672,0.0714,0.0,0.0,0.084,0.0666,0.9752,0.6733,0.0081,0.0,0.1379,0.1667,0.2083,0.0666,0.0735,0.0744,0.0,0.0,0.0833,0.0642,0.9752,0.6645,0.0081,0.0,0.1379,0.1667,0.2083,0.0663,0.0684,0.0727,0.0,0.0,reg oper account,block of flats,0.0605,Panel,No,2.0,0.0,2.0,0.0,-2611.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1283477,297860,Cash loans,74308.905,1354500.0,1418868.0,,1354500.0,MONDAY,10,Y,1,,,,XNA,Approved,-469,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-439.0,251.0,-169.0,-162.0,1.0,0,Cash loans,F,N,Y,0,112500.0,775327.5,32980.5,693000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-20503,365243,-311.0,-4053,,1,0,0,1,1,0,,2.0,2,2,MONDAY,9,0,0,0,0,0,0,XNA,,0.7484923548170762,0.7136313997323308,0.0866,0.0545,0.9737,0.6396,0.0509,0.0,0.1379,0.1667,0.2083,0.0207,0.0672,0.0634,0.0154,0.0337,0.0882,0.0566,0.9737,0.6537,0.0514,0.0,0.1379,0.1667,0.2083,0.0212,0.0735,0.0661,0.0156,0.0356,0.0874,0.0545,0.9737,0.6444,0.0512,0.0,0.1379,0.1667,0.2083,0.0211,0.0684,0.0646,0.0155,0.0344,reg oper account,block of flats,0.085,Others,No,0.0,0.0,0.0,0.0,-2336.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2621946,151687,Consumer loans,8169.165,75478.5,73530.0,7551.0,75478.5,THURSDAY,16,Y,1,0.10142604869877599,,,XAP,Approved,-2581,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,2000,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2550.0,-2280.0,-2280.0,-2270.0,1.0,0,Cash loans,F,N,N,0,135000.0,1288350.0,37795.5,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018801,-16492,-2329,-6606.0,-35,,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Trade: type 3,,0.6420985841195989,0.6075573001388961,0.0732,0.1112,0.9856,0.8028,0.0097,0.08,0.069,0.3333,0.0417,,0.0588,0.0788,0.0039,0.0409,0.0746,0.1154,0.9856,0.8105,0.0098,0.0806,0.069,0.3333,0.0417,,0.0643,0.0821,0.0039,0.0433,0.0739,0.1112,0.9856,0.8054,0.0098,0.08,0.069,0.3333,0.0417,,0.0599,0.0802,0.0039,0.0418,org spec account,block of flats,0.0709,"Stone, brick",No,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2588744,192267,Cash loans,25842.465,675000.0,781920.0,,675000.0,FRIDAY,10,Y,1,,,,XNA,Approved,-52,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-22.0,1388.0,365243.0,365243.0,1.0,0,Revolving loans,F,N,Y,0,405000.0,337500.0,16875.0,337500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,Rented apartment,0.035792000000000004,-21504,365243,-4410.0,-4413,,1,0,0,1,0,0,,1.0,2,2,MONDAY,10,0,0,0,1,0,0,XNA,,0.5608460575851887,0.7076993447402619,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,1.0,5.0,1.0,-72.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1268412,196023,Cash loans,4915.485,45000.0,47970.0,,45000.0,WEDNESDAY,9,Y,1,,,,XNA,Approved,-1203,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1173.0,-843.0,-903.0,-890.0,1.0,0,Cash loans,F,N,N,0,112500.0,334152.0,17190.0,270000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.018634,-23443,365243,-831.0,-4696,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,0.4826776824830079,0.4627757243359564,0.3490552510751822,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1716.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,7.0 +1451901,123175,Cash loans,48866.175,1305000.0,1666746.0,,1305000.0,TUESDAY,9,Y,1,,,,XNA,Refused,-145,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,126000.0,433458.0,23643.0,310500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018029,-13543,-6039,-116.0,-1789,,1,1,0,1,0,0,Core staff,2.0,3,2,SUNDAY,7,0,0,0,0,0,0,School,0.3802272245313712,0.218887559534751,0.21885908222837447,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,2.0,7.0,1.0,-831.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2409205,427198,Cash loans,19340.46,148500.0,179577.0,,148500.0,WEDNESDAY,6,Y,1,,,,XNA,Approved,-786,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-756.0,-426.0,-456.0,-453.0,1.0,0,Cash loans,F,N,Y,0,135000.0,254412.0,9720.0,166500.0,Unaccompanied,Working,Secondary / secondary special,Widow,Municipal apartment,0.006305,-15212,-2069,-8180.0,-4793,,1,1,0,1,0,0,Security staff,1.0,3,3,FRIDAY,4,0,0,0,0,0,0,School,0.5185197497183631,0.5242612993116708,0.4974688893052743,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-961.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,1.0,0.0,0.0,0.0,3.0 +1209404,352141,Consumer loans,6853.095,53055.0,51682.5,5310.0,53055.0,TUESDAY,17,Y,1,0.1014707676847432,,,XAP,Approved,-2470,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,78,Connectivity,10.0,high,POS mobile with interest,365243.0,-2437.0,-2167.0,-2167.0,-2164.0,1.0,0,Cash loans,M,Y,Y,0,175500.0,225000.0,17775.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.014519999999999996,-10061,-330,-4651.0,-2726,39.0,1,1,0,1,1,0,Cooking staff,1.0,2,2,MONDAY,14,0,0,0,0,0,0,Self-employed,0.2330141348099807,0.37378761915644015,0.6817058776720116,,,0.9732,,,,,,,,,0.033,,,,,0.9732,,,,,,,,,0.0344,,,,,0.9732,,,,,,,,,0.0336,,,,,0.026,,No,2.0,1.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2411751,290658,Revolving loans,4500.0,0.0,90000.0,,,THURSDAY,12,Y,1,,,,XAP,Approved,-2870,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,0,XNA,0.0,XNA,Card Street,-2865.0,-2809.0,365243.0,-2382.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,202500.0,527373.0,41796.0,477000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.0228,-20915,-2777,-5308.0,-3645,9.0,1,1,0,1,0,1,Secretaries,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,Medicine,0.9136931881564146,0.5999396930735781,0.7194907850918436,0.0979,0.0925,0.9916,0.8844,0.021,0.12,0.1034,0.375,0.4167,0.0171,0.0799,0.0664,0.0077,0.0792,0.0998,0.096,0.9916,0.8889,0.0212,0.1208,0.1034,0.375,0.4167,0.0175,0.0872,0.0692,0.0078,0.0839,0.0989,0.0925,0.9916,0.8859,0.0212,0.12,0.1034,0.375,0.4167,0.0174,0.0812,0.0676,0.0078,0.0809,reg oper account,block of flats,0.1087,"Stone, brick",No,1.0,0.0,1.0,0.0,-5.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1869158,277570,Consumer loans,4026.24,31855.5,31509.0,3186.0,31855.5,THURSDAY,11,Y,1,0.10000990449239472,,,XAP,Approved,-243,Cash through the bank,XAP,,New,Computers,POS,XNA,Country-wide,24,Connectivity,10.0,high,POS mobile with interest,365243.0,-212.0,58.0,-32.0,-30.0,0.0,0,Cash loans,F,N,Y,0,76500.0,337500.0,14863.5,337500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.008625,-20668,365243,-10419.0,-4024,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,XNA,,0.6216596248706938,0.6144143775673561,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-243.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1857006,248377,Cash loans,33761.385,292500.0,308718.0,0.0,292500.0,WEDNESDAY,14,Y,1,0.0,,,XNA,Approved,-2399,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,100,XNA,12.0,high,Cash Street: high,365243.0,-2369.0,-2039.0,-2039.0,-2031.0,1.0,0,Cash loans,F,Y,Y,0,292500.0,1141686.0,41139.0,922500.0,Unaccompanied,Commercial associate,Higher education,Widow,House / apartment,0.032561,-19148,-5744,-1767.0,-2706,5.0,1,1,0,1,1,1,,1.0,1,1,MONDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.7101399266609418,0.7111136398925595,0.4920600938649263,0.1031,,0.9767,,,,0.1724,0.1667,,0.0843,,0.0896,,0.0033,0.105,,0.9767,,,,0.1724,0.1667,,0.0862,,0.0933,,0.0035,0.1041,,0.9767,,,,0.1724,0.1667,,0.0857,,0.0912,,0.0034,,block of flats,0.0851,Panel,No,1.0,0.0,1.0,0.0,-710.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1669264,333245,Consumer loans,4401.81,38137.5,37719.0,3816.0,38137.5,SUNDAY,18,Y,1,0.1000594898059687,,,XAP,Approved,-2524,Cash through the bank,XAP,"Spouse, partner",New,Mobile,POS,XNA,Country-wide,72,Connectivity,12.0,low_normal,POS mobile with interest,365243.0,-2493.0,-2163.0,-2163.0,-2160.0,1.0,0,Cash loans,F,Y,N,0,67500.0,364896.0,28957.5,315000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0228,-16749,-2961,-9449.0,-280,6.0,1,1,1,1,1,0,Sales staff,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.2682913994147449,0.5292654881881145,0.3774042489507649,0.2732,0.0753,0.9801,0.728,0.0397,0.08,0.069,0.3333,0.0417,0.0747,0.2227,0.119,0.0116,0.0267,0.2784,0.0781,0.9801,0.7387,0.04,0.0806,0.069,0.3333,0.0417,0.0764,0.2433,0.1239,0.0117,0.0282,0.2758,0.0753,0.9801,0.7316,0.0399,0.08,0.069,0.3333,0.0417,0.076,0.2266,0.1211,0.0116,0.0272,reg oper account,block of flats,0.1211,"Stone, brick",No,2.0,2.0,2.0,0.0,-184.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1593115,263950,Consumer loans,3375.405,18801.0,16551.0,2250.0,18801.0,FRIDAY,12,Y,1,0.13033639409895995,,,XAP,Approved,-154,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,31,Connectivity,6.0,high,POS mobile with interest,365243.0,-120.0,30.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,2,225000.0,654498.0,26086.5,585000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00702,-16994,-2672,-9442.0,-497,,1,1,0,1,0,0,Laborers,4.0,2,2,FRIDAY,11,0,1,1,0,1,1,Other,0.2793317354879447,0.6297052247197907,0.5814837058057234,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-638.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2543897,417959,Cash loans,14794.335,202500.0,229230.0,,202500.0,THURSDAY,15,Y,1,,,,XNA,Refused,-1426,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,90000.0,450000.0,35685.0,450000.0,Other_B,Working,Secondary / secondary special,Civil marriage,House / apartment,0.026392000000000002,-11603,-2703,-5747.0,-4211,,1,1,0,1,0,0,Managers,2.0,2,2,TUESDAY,17,0,0,0,0,0,0,Self-employed,,0.6704648996098903,0.41184855592423975,0.133,0.1206,0.9796,,,0.0,0.3103,0.1667,,0.1014,,0.1277,,0.0,0.1355,0.1252,0.9796,,,0.0,0.3103,0.1667,,0.1037,,0.1331,,0.0,0.1343,0.1206,0.9796,,,0.0,0.3103,0.1667,,0.1032,,0.13,,0.0,,block of flats,0.1005,Panel,No,0.0,0.0,0.0,0.0,-1749.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2364932,368926,Cash loans,14625.0,450000.0,450000.0,,450000.0,THURSDAY,13,Y,1,,,,Furniture,Refused,-512,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,48.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,135000.0,505080.0,33147.0,505080.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.015221,-23421,-6243,-912.0,-4690,,1,1,0,1,0,0,Core staff,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,School,,0.4198918920416836,,0.1237,0.1076,0.9975,,,0.12,0.1034,0.375,,0.1096,,0.1691,,0.0,0.1261,0.1117,0.9975,,,0.1208,0.1034,0.375,,0.1121,,0.1761,,0.0,0.1249,0.1076,0.9975,,,0.12,0.1034,0.375,,0.1116,,0.1721,,0.0,,block of flats,0.2159,Panel,No,4.0,0.0,4.0,0.0,-795.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2486027,380623,Cash loans,54900.405,1170000.0,1305909.0,,1170000.0,TUESDAY,15,Y,1,,,,XNA,Approved,-479,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-449.0,961.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,0,360000.0,381528.0,17914.5,315000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00823,-14202,-2004,-220.0,-3299,64.0,1,1,0,1,0,0,,2.0,2,2,FRIDAY,16,0,0,0,0,0,0,Other,,0.5081686986646308,0.520897599048938,0.0557,0.0245,0.9846,,,0.04,0.0345,0.3333,,,,0.0454,,,0.0567,0.0255,0.9846,,,0.0403,0.0345,0.3333,,,,0.0473,,,0.0562,0.0245,0.9846,,,0.04,0.0345,0.3333,,,,0.0462,,,,,0.0389,"Stone, brick",No,0.0,0.0,0.0,0.0,-1561.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,1.0 +2005824,133558,Cash loans,14352.93,225000.0,254700.0,,225000.0,MONDAY,5,Y,1,,,,XNA,Refused,-3,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,135000.0,254700.0,14350.5,225000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.006305,-24206,-646,-13655.0,-4189,,1,1,0,1,0,0,Laborers,2.0,3,3,THURSDAY,5,0,0,0,0,0,0,Kindergarten,,0.6477670464935973,0.7922644738669378,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1739371,163716,Consumer loans,3839.085,17955.0,20988.0,0.0,17955.0,SUNDAY,11,Y,1,0.0,,,XAP,Approved,-1032,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Regional / Local,405,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-1001.0,-851.0,-851.0,-843.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,459000.0,17914.5,459000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.02461,-20921,-1418,-13483.0,-4247,14.0,1,1,1,1,0,0,Drivers,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Self-employed,,0.7387333683262461,0.08391700365753578,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1032.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1988689,358797,Consumer loans,6524.37,30973.5,32508.0,0.0,30973.5,SUNDAY,13,Y,1,0.0,,,XAP,Refused,-2768,Cash through the bank,SCO,Family,Repeater,XNA,POS,XNA,Country-wide,30,Connectivity,6.0,high,POS mobile with interest,,,,,,,0,Cash loans,M,Y,N,1,180000.0,1125000.0,36423.0,1125000.0,Family,Working,Incomplete higher,Married,House / apartment,0.018209,-10781,-2297,-884.0,-3417,28.0,1,1,0,1,0,0,Laborers,3.0,3,3,WEDNESDAY,15,0,0,0,0,0,0,Other,,0.4894851268913248,0.12769879437277135,0.3763,0.1051,0.9995,0.9796,0.1192,0.24,0.1034,0.625,0.6667,0.1055,0.2975,0.2868,0.0425,0.0706,0.3834,0.1091,0.9995,0.9804,0.1203,0.2417,0.1034,0.625,0.6667,0.108,0.3251,0.2988,0.0428,0.0747,0.3799,0.1051,0.9995,0.9799,0.12,0.24,0.1034,0.625,0.6667,0.1074,0.3027,0.2919,0.0427,0.07200000000000001,reg oper account,block of flats,0.3057,"Stone, brick",No,4.0,0.0,4.0,0.0,-1806.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1238391,302398,Cash loans,49941.63,1350000.0,1811313.0,,1350000.0,MONDAY,9,Y,1,,,,XNA,Approved,-130,Cash through the bank,XAP,"Spouse, partner",Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-100.0,1670.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,0,360000.0,1018899.0,29920.5,850500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.04622,-17294,-1145,-1627.0,-445,4.0,1,1,0,1,0,0,Laborers,2.0,1,1,FRIDAY,17,0,1,1,0,0,0,Business Entity Type 2,,0.7033853126587534,,0.2093,0.0814,0.9965,0.9524,0.0965,0.32,0.1379,0.5417,0.5833,0.0788,0.1639,0.2099,0.0309,0.0445,0.2132,0.0845,0.9965,0.9543,0.0974,0.3222,0.1379,0.5417,0.5833,0.0806,0.1791,0.2187,0.0311,0.0471,0.2113,0.0814,0.9965,0.953,0.0971,0.32,0.1379,0.5417,0.5833,0.0802,0.1667,0.2136,0.0311,0.0454,reg oper spec account,block of flats,0.1747,Panel,No,7.0,0.0,7.0,0.0,-130.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2807727,133547,Consumer loans,14040.54,54000.0,54000.0,0.0,54000.0,FRIDAY,18,Y,1,0.0,,,XAP,Approved,-322,XNA,XAP,Unaccompanied,New,Clothing and Accessories,POS,XNA,Stone,100,Clothing,4.0,low_action,POS industry with interest,365243.0,-291.0,-201.0,-201.0,-194.0,0.0,1,Cash loans,F,Y,Y,1,108000.0,957033.0,53437.5,904500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.011656999999999999,-16156,-1705,-5645.0,-793,25.0,1,1,1,1,0,0,,3.0,1,1,FRIDAY,12,0,1,1,0,1,1,Government,,0.2990690704300838,0.12373532211307872,0.0021,,0.9737,,,,0.069,0.0,,,,0.0016,,0.0014,0.0021,,0.9737,,,,0.069,0.0,,,,0.0017,,0.0015,0.0021,,0.9737,,,,0.069,0.0,,,,0.0017,,0.0014,,block of flats,0.0016,Others,No,0.0,0.0,0.0,0.0,-322.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2601849,379932,Consumer loans,6632.28,65884.5,72405.0,0.0,65884.5,WEDNESDAY,12,Y,1,0.0,,,XAP,Approved,-1322,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Regional / Local,5,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-1291.0,-961.0,-1051.0,-1045.0,0.0,0,Cash loans,F,N,Y,0,135000.0,270000.0,21330.0,270000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.015221,-21884,365243,-9111.0,-496,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,XNA,0.4378678435022425,0.35402466951194683,0.41184855592423975,0.1485,0.1036,0.9871,0.8232,0.1023,0.16,0.1379,0.3333,0.375,0.0448,0.121,0.1468,0.0,0.0,0.1513,0.1075,0.9871,0.8301,0.1032,0.1611,0.1379,0.3333,0.375,0.0458,0.1322,0.153,0.0,0.0,0.1499,0.1036,0.9871,0.8256,0.1029,0.16,0.1379,0.3333,0.375,0.0456,0.1231,0.1494,0.0,0.0,reg oper account,block of flats,0.1714,Panel,No,12.0,0.0,12.0,0.0,-1319.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,8.0 +2371941,396540,Cash loans,15611.49,337500.0,393633.0,,337500.0,FRIDAY,7,Y,1,,,,Repairs,Refused,-1358,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,Y,Y,2,90000.0,225000.0,17905.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.018209,-11348,-287,-1857.0,-2607,20.0,1,1,0,1,0,1,Laborers,4.0,3,3,FRIDAY,11,0,0,0,0,0,0,Business Entity Type 2,0.22000017536754285,0.4978807407348486,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-835.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1777300,287885,Cash loans,27524.925,374268.51,468521.01,,374268.51,SATURDAY,10,Y,1,,,,XNA,Approved,-1283,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash Street: middle,365243.0,-1253.0,-563.0,-563.0,-561.0,1.0,0,Cash loans,F,N,Y,0,180000.0,436671.0,18630.0,364500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.035792000000000004,-18900,-6572,-9407.0,-2190,,1,1,0,1,0,0,Cooking staff,1.0,2,2,MONDAY,17,0,0,0,0,0,0,Industry: type 3,,0.5057145405919586,0.6642482627052363,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1712.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2428859,441377,Revolving loans,18000.0,0.0,360000.0,,,THURSDAY,16,Y,1,,,,XAP,Approved,-1285,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,225000.0,578979.0,40423.5,517500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.04622,-16172,-897,-5767.0,-2834,,1,1,0,1,1,0,Accountants,2.0,1,1,MONDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.7201115715406765,0.6263042766749393,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1659.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1355223,440169,Consumer loans,3752.145,28075.5,30856.5,0.0,28075.5,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-1500,Cash through the bank,XAP,Children,New,Photo / Cinema Equipment,POS,XNA,Country-wide,44,Connectivity,12.0,high,POS mobile with interest,365243.0,-1469.0,-1139.0,-1169.0,-1165.0,0.0,1,Cash loans,F,N,Y,0,67500.0,675000.0,19071.0,675000.0,Unaccompanied,State servant,Secondary / secondary special,Civil marriage,House / apartment,0.014519999999999996,-13420,-6782,-330.0,-3963,,1,1,1,1,0,0,High skill tech staff,2.0,2,2,THURSDAY,8,0,0,0,0,0,0,Medicine,0.42853310114010057,0.6193991232617329,0.5638350489514956,0.101,0.1008,0.9781,,,,0.1724,0.1667,,,,0.0866,,0.0284,0.1029,0.1046,0.9782,,,,0.1724,0.1667,,,,0.0902,,0.03,0.102,0.1008,0.9781,,,,0.1724,0.1667,,,,0.0881,,0.029,,block of flats,0.0756,Panel,No,0.0,0.0,0.0,0.0,-1500.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2726372,284985,Cash loans,31234.905,495000.0,534204.0,,495000.0,MONDAY,12,Y,1,,,,XNA,Approved,-1056,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-1026.0,-336.0,-666.0,-656.0,1.0,0,Cash loans,M,Y,Y,1,180000.0,536917.5,19413.0,463500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-20634,-1493,-675.0,-2768,2.0,1,1,0,1,0,0,Drivers,3.0,3,3,SUNDAY,10,0,0,0,0,0,0,Self-employed,,0.5141300452690161,0.3876253444214701,0.2938,0.2251,0.9881,,,0.32,0.2759,0.375,,0.4749,,0.3406,,0.1819,0.084,0.085,0.9881,,,0.1208,0.1034,0.375,,0.4857,,0.1055,,0.0516,0.2967,0.2251,0.9881,,,0.32,0.2759,0.375,,0.4832,,0.3467,,0.1857,,block of flats,0.5247,Panel,No,0.0,0.0,0.0,0.0,-1840.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2442893,181573,Cash loans,28479.555,850500.0,973993.5,,850500.0,WEDNESDAY,13,Y,1,,,,XNA,Refused,-366,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,2,157500.0,450000.0,24543.0,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.02461,-13990,-6501,-3017.0,-4175,,1,1,0,1,0,0,,4.0,2,2,FRIDAY,9,0,0,0,0,0,0,Business Entity Type 2,,0.6910937212360021,0.520897599048938,0.0814,0.0646,0.9737,,,0.0,0.1379,0.1667,,0.0541,,0.0599,,0.0375,0.083,0.067,0.9737,,,0.0,0.1379,0.1667,,0.0553,,0.0624,,0.0397,0.0822,0.0646,0.9737,,,0.0,0.1379,0.1667,,0.055,,0.061,,0.0383,,block of flats,0.0596,Panel,No,4.0,0.0,4.0,0.0,-1921.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +2387855,418825,Cash loans,14585.895,180000.0,215640.0,,180000.0,TUESDAY,9,Y,1,,,,XNA,Approved,-984,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,high,Cash Street: high,365243.0,-954.0,96.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,58500.0,158256.0,11385.0,144000.0,Unaccompanied,Pensioner,Lower secondary,Widow,House / apartment,0.031329,-21624,365243,-5059.0,-4070,,1,0,0,1,1,0,,1.0,2,2,SATURDAY,8,0,0,0,0,0,0,XNA,,0.7091826415990242,0.6738300778602003,0.0371,0.0,0.9677,0.5579999999999999,0.0078,0.0,0.0345,0.0,0.0417,0.0311,0.0303,0.0122,0.0,0.0,0.0378,0.0,0.9677,0.5753,0.0078,0.0,0.0345,0.0,0.0417,0.0318,0.0331,0.0127,0.0,0.0,0.0375,0.0,0.9677,0.5639,0.0078,0.0,0.0345,0.0,0.0417,0.0316,0.0308,0.0124,0.0,0.0,reg oper account,block of flats,0.0096,"Stone, brick",No,0.0,0.0,0.0,0.0,-984.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1232717,403907,Cash loans,48698.595,1129500.0,1227901.5,,1129500.0,THURSDAY,10,Y,1,,,,XNA,Approved,-750,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-720.0,330.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,112500.0,298728.0,14499.0,202500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-22790,365243,-1732.0,-5181,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,8,0,0,0,0,0,0,XNA,,0.25659102073293466,0.2176285202779586,0.0608,0.0587,0.9732,,,0.0,0.1379,0.1667,,0.0607,,0.0554,,0.1309,0.062,0.0609,0.9732,,,0.0,0.1379,0.1667,,0.0621,,0.0577,,0.1385,0.0614,0.0587,0.9732,,,0.0,0.1379,0.1667,,0.0618,,0.0564,,0.1336,,block of flats,0.0436,Panel,No,10.0,1.0,10.0,1.0,-1989.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2501505,334646,Consumer loans,,49185.0,49185.0,0.0,49185.0,TUESDAY,12,Y,1,0.0,,,XAP,Refused,-891,Cash through the bank,LIMIT,,Repeater,Mobile,XNA,XNA,Country-wide,50,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,F,Y,Y,2,360000.0,1107981.0,32526.0,967500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.020246,-12399,-5696,-2276.0,-4843,3.0,1,1,0,1,0,0,,4.0,3,3,THURSDAY,7,0,0,0,0,0,0,Other,,0.3667462686326009,0.4206109640437848,0.0557,0.0425,0.9841,0.7824,,0.08,0.069,0.3333,0.375,0.0446,0.0454,0.0761,0.0,,0.0567,0.0441,0.9841,0.7909,,0.0806,0.069,0.3333,0.375,0.0457,0.0496,0.0793,0.0,,0.0562,0.0425,0.9841,0.7853,,0.08,0.069,0.3333,0.375,0.0454,0.0462,0.0775,0.0,,reg oper account,block of flats,0.0599,Panel,No,1.0,0.0,1.0,0.0,-940.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1912530,372346,Cash loans,11093.265,135000.0,148365.0,,135000.0,TUESDAY,10,Y,1,,,,XNA,Approved,-910,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-880.0,-370.0,-700.0,-694.0,1.0,0,Revolving loans,F,N,Y,0,90000.0,270000.0,13500.0,270000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.019101,-20298,365243,-1285.0,-3468,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,11,0,0,0,0,0,0,XNA,,0.25634082347862586,0.6894791426446275,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-910.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1468255,288919,Consumer loans,4235.265,30172.5,33759.0,0.0,30172.5,WEDNESDAY,11,Y,1,0.0,,,XAP,Approved,-6,Cash through the bank,XAP,Unaccompanied,Repeater,Jewelry,POS,XNA,Stone,50,Jewelry,12.0,high,POS other with interest,365243.0,365243.0,354.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,1,54000.0,161730.0,7123.5,135000.0,Unaccompanied,State servant,Secondary / secondary special,Married,With parents,0.018634,-14009,-198,-364.0,-4276,,1,1,1,1,0,0,Laborers,3.0,2,2,TUESDAY,12,0,0,0,0,0,0,Religion,,0.1757173255803414,0.4920600938649263,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-6.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2801801,189695,Consumer loans,5624.865,30060.0,31639.5,3006.0,30060.0,SUNDAY,9,Y,1,0.09449444437884492,,,XAP,Approved,-635,XNA,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Stone,53,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-604.0,-454.0,-454.0,-446.0,0.0,0,Cash loans,M,Y,Y,1,202500.0,1800000.0,52762.5,1800000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006629,-17300,-8046,-7421.0,-827,20.0,1,1,0,1,0,0,Laborers,3.0,2,2,FRIDAY,5,0,0,0,0,0,0,Industry: type 9,0.5499928168807445,0.6015603738443187,0.7969726818373722,0.0842,0.0937,0.9891,0.8368,0.0244,0.04,0.1262,0.3054,0.0417,0.0634,0.1084,0.0969,0.0,0.0313,0.042,0.0364,0.9901,0.8432,0.0246,0.0,0.0345,0.375,0.0417,0.0226,0.1185,0.0571,0.0,0.0,0.0791,0.0701,0.9901,0.8390000000000001,0.0246,0.04,0.069,0.375,0.0417,0.0447,0.1103,0.1062,0.0,0.0321,reg oper account,block of flats,0.0499,Panel,No,4.0,0.0,4.0,0.0,-635.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,1.0 +1989816,442254,Cash loans,26191.395,450000.0,491580.0,,450000.0,WEDNESDAY,15,Y,1,,,,XNA,Approved,-790,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-760.0,-70.0,-70.0,-65.0,1.0,0,Cash loans,F,N,Y,0,225000.0,1090926.0,46219.5,1003500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-21344,365243,-1470.0,-4726,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,XNA,,0.2542454862229005,0.5744466170995097,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1575.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2545056,370663,Cash loans,9407.16,229500.0,291604.5,,229500.0,THURSDAY,9,Y,1,,,,XNA,Refused,-483,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,112500.0,936436.5,45049.5,837000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.031329,-19852,-5163,-638.0,-3296,,1,1,0,1,0,0,Medicine staff,1.0,2,2,THURSDAY,8,0,0,0,0,0,0,Medicine,,0.5738191253792988,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2605.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2664608,117591,Cash loans,13027.5,450000.0,450000.0,,450000.0,MONDAY,8,Y,1,,,,Journey,Refused,-156,Cash through the bank,HC,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,382500.0,2085120.0,72607.5,1800000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.010006000000000001,-23049,-3469,-2560.0,-5132,,1,1,0,1,0,0,Private service staff,1.0,2,1,WEDNESDAY,14,0,0,0,0,0,0,Self-employed,0.7492916208450829,0.03217787741858216,0.20559813854932085,0.1082,0.0642,0.9866,0.8164,0.0428,0.08,0.0345,0.3333,0.375,0.0751,0.0874,0.0915,0.0039,0.0138,0.1103,0.0667,0.9866,0.8236,0.0432,0.0806,0.0345,0.3333,0.375,0.0768,0.0955,0.0953,0.0039,0.0146,0.1093,0.0642,0.9866,0.8189,0.0431,0.08,0.0345,0.3333,0.375,0.0764,0.0889,0.0931,0.0039,0.0141,reg oper account,block of flats,0.0994,Panel,No,0.0,0.0,0.0,0.0,-1415.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2062095,262184,Cash loans,15724.17,135000.0,161406.0,,135000.0,MONDAY,6,Y,1,,,,XNA,Approved,-359,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-329.0,1.0,365243.0,365243.0,1.0,1,Revolving loans,M,Y,Y,0,337500.0,270000.0,13500.0,270000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.018029,-14129,-470,-2598.0,-4124,11.0,1,1,0,1,0,0,Managers,2.0,3,3,WEDNESDAY,9,0,0,0,0,0,0,Military,,0.5388042551813823,0.43473324875017305,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-734.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1665631,420757,Consumer loans,6374.43,36081.0,36081.0,0.0,36081.0,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-351,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Regional / Local,100,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-320.0,-170.0,-230.0,-224.0,0.0,0,Cash loans,F,N,Y,2,112500.0,1350000.0,37125.0,1350000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-14739,-1686,-10.0,-5343,,1,1,1,1,1,0,High skill tech staff,4.0,2,2,SUNDAY,10,0,0,0,0,0,0,Industry: type 12,,0.6543147560766495,0.7121551551910698,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-351.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2712750,128662,Cash loans,50838.75,1125000.0,1125000.0,,1125000.0,FRIDAY,16,Y,1,,,,XNA,Approved,-525,XNA,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-495.0,555.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,180000.0,980181.0,39001.5,792000.0,Unaccompanied,Working,Secondary / secondary special,Married,Office apartment,0.022625,-15547,-4796,-1276.0,-4039,8.0,1,1,1,1,1,0,Sales staff,2.0,2,2,FRIDAY,15,0,0,0,0,1,1,Self-employed,0.7220834777089153,0.7564545227152201,0.7001838506835805,0.1237,0.0811,0.9836,,,0.0,0.069,0.1667,,0.103,,0.0384,,,0.1261,0.0841,0.9836,,,0.0,0.069,0.1667,,0.1053,,0.04,,,0.1249,0.0811,0.9836,,,0.0,0.069,0.1667,,0.1048,,0.039,,,,block of flats,0.0581,Panel,No,0.0,0.0,0.0,0.0,-1710.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +1390409,259688,Consumer loans,7497.585,141300.0,165546.0,0.0,141300.0,THURSDAY,13,Y,1,0.0,,,XAP,Approved,-1086,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,1480,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1055.0,-365.0,-365.0,-362.0,0.0,0,Cash loans,M,N,Y,0,90000.0,547344.0,29821.5,472500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-18510,-170,-5226.0,-2040,,1,1,0,1,0,0,,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,Industry: type 5,,0.5913866989491036,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1086.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2162812,439979,Consumer loans,7969.185,73629.0,71730.0,7366.5,73629.0,WEDNESDAY,15,Y,1,0.1014303816454354,,,XAP,Approved,-2800,Cash through the bank,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Country-wide,100,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-2769.0,-2499.0,-2499.0,-2495.0,1.0,0,Cash loans,M,Y,N,0,126000.0,313438.5,30663.0,283500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-17763,-1511,-4180.0,-1295,7.0,1,1,0,1,0,0,Drivers,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Business Entity Type 1,,0.6952145036885121,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1231.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1875568,314553,Cash loans,34570.35,765000.0,765000.0,,765000.0,WEDNESDAY,13,Y,1,,,,XNA,Approved,-664,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Stone,40,Consumer electronics,36.0,middle,Cash X-Sell: middle,365243.0,-634.0,416.0,-124.0,-114.0,0.0,0,Cash loans,F,N,Y,0,135000.0,643500.0,23242.5,643500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-19296,-423,-9450.0,-2800,,1,1,0,1,0,1,High skill tech staff,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.6637307048158883,0.7465733004169502,0.25396280933631177,0.0722,,0.9866,,,,0.0345,0.1667,,,,,,,0.0735,,0.9866,,,,0.0345,0.1667,,,,,,,0.0729,,0.9866,,,,0.0345,0.1667,,,,,,,,block of flats,0.0386,"Stone, brick",No,0.0,0.0,0.0,0.0,-1508.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +1327605,162369,Consumer loans,5113.035,26730.0,28143.0,0.0,26730.0,SUNDAY,9,Y,1,0.0,,,XAP,Approved,-562,Cash through the bank,XAP,,Repeater,Clothing and Accessories,POS,XNA,Stone,76,Clothing,6.0,middle,POS industry with interest,365243.0,-531.0,-381.0,-381.0,-366.0,0.0,0,Cash loans,F,N,N,0,157500.0,454500.0,13023.0,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.018209,-20449,365243,-6615.0,-3620,,1,0,0,1,1,0,,1.0,3,3,FRIDAY,7,0,0,0,0,0,0,XNA,0.6439703462318789,0.5363417412170787,0.21155076420525776,0.2598,0.1641,0.9856,0.8028,0.0601,0.28,0.2414,0.3333,0.375,0.17600000000000002,0.2085,0.2821,0.0154,0.0167,0.2647,0.1703,0.9856,0.8105,0.0606,0.282,0.2414,0.3333,0.375,0.18,0.2277,0.2939,0.0156,0.0177,0.2623,0.1641,0.9856,0.8054,0.0605,0.28,0.2414,0.3333,0.375,0.179,0.2121,0.2872,0.0155,0.0171,,block of flats,0.2255,Panel,No,0.0,0.0,0.0,0.0,-1891.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1717443,199654,Cash loans,7826.85,45000.0,45000.0,,45000.0,TUESDAY,15,Y,1,,,,XNA,Approved,-268,XNA,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,low_action,Cash Street: low,365243.0,-237.0,-87.0,-177.0,-172.0,0.0,0,Cash loans,F,N,Y,0,112500.0,225000.0,14895.0,225000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.026392000000000002,-8037,-187,-8024.0,-385,,1,1,0,1,1,0,Core staff,2.0,2,2,THURSDAY,19,0,0,0,0,0,0,Other,0.3967541297006403,0.7086637157266583,,0.1845,0.1454,0.9881,,,0.2,0.1724,0.3333,,,,0.1199,,,0.188,0.1508,0.9881,,,0.2014,0.1724,0.3333,,,,0.1249,,,0.1863,0.1454,0.9881,,,0.2,0.1724,0.3333,,,,0.1221,,,,block of flats,0.1699,Panel,No,2.0,0.0,2.0,0.0,-510.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2560292,246605,Consumer loans,5136.885,38655.0,37660.5,3865.5,38655.0,MONDAY,11,Y,1,0.10137939866808528,,,XAP,Approved,-2023,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Country-wide,27,Connectivity,10.0,high,POS mobile with interest,365243.0,-1992.0,-1722.0,-1872.0,-1870.0,0.0,0,Cash loans,F,Y,N,1,67500.0,450000.0,21888.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-17757,-153,-3881.0,-1284,12.0,1,1,1,1,1,0,,3.0,3,2,SUNDAY,13,0,0,0,0,0,0,Other,,0.5943952656395836,,0.0907,0.1045,0.9836,0.7756,0.0169,0.0,0.2069,0.1667,0.2083,0.0652,0.07400000000000001,0.0822,0.0,0.0,0.0924,0.1085,0.9836,0.7844,0.0171,0.0,0.2069,0.1667,0.2083,0.0667,0.0808,0.0856,0.0,0.0,0.0916,0.1045,0.9836,0.7786,0.017,0.0,0.2069,0.1667,0.2083,0.0663,0.0752,0.0836,0.0,0.0,reg oper account,block of flats,0.0739,Panel,No,1.0,0.0,1.0,0.0,-1616.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2008023,256699,Consumer loans,10685.97,107995.5,108261.0,20700.0,107995.5,SATURDAY,13,Y,1,0.17481395009484896,,,XAP,Approved,-1045,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,1811,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1013.0,-683.0,-893.0,-890.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,90000.0,8901.0,90000.0,Family,Working,Secondary / secondary special,Single / not married,With parents,0.010006000000000001,-8521,-1835,-2841.0,-1187,9.0,1,1,0,1,0,0,Sales staff,1.0,2,1,MONDAY,17,0,0,0,0,0,0,Industry: type 1,,0.6273924215945101,0.6738300778602003,0.2928,0.1968,0.995,0.932,0.0763,0.32,0.2759,0.3333,0.375,0.1474,0.2387,0.3232,0.0,0.0,0.2983,0.2042,0.995,0.9347,0.077,0.3222,0.2759,0.3333,0.375,0.1508,0.2608,0.3368,0.0,0.0,0.2956,0.1968,0.995,0.9329,0.0768,0.32,0.2759,0.3333,0.375,0.15,0.2428,0.329,0.0,0.0,reg oper account,block of flats,0.3007,Panel,No,0.0,0.0,0.0,0.0,-1820.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2220451,189221,Cash loans,9693.0,180000.0,180000.0,0.0,180000.0,TUESDAY,13,Y,1,0.0,,,XNA,Approved,-2217,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,36.0,middle,Cash Street: middle,365243.0,-2187.0,-1137.0,-1137.0,-1127.0,0.0,0,Cash loans,F,N,N,0,112500.0,233208.0,13518.0,184500.0,Children,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.035792000000000004,-16023,-6392,-2258.0,-4051,,1,1,0,1,0,0,,1.0,2,2,SUNDAY,16,0,0,0,0,0,0,Self-employed,0.31966788846087485,0.7124012140552829,0.7801436381572275,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1010474,425543,Consumer loans,9793.485,50715.0,54733.5,0.0,50715.0,WEDNESDAY,18,Y,1,0.0,,,XAP,Approved,-138,Cash through the bank,XAP,"Spouse, partner",Repeater,Furniture,POS,XNA,Stone,200,Furniture,6.0,low_normal,POS industry with interest,,,,,,,0,Cash loans,M,N,N,1,166500.0,312768.0,19030.5,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-12599,-884,-6690.0,-4721,,1,1,0,1,0,0,Laborers,3.0,1,1,MONDAY,13,0,0,0,0,0,0,Industry: type 4,,0.7035404084269824,0.6706517530862718,0.1237,0.1364,0.9896,0.8572,0.0259,0.0,0.2759,0.1667,0.0417,0.0433,0.1009,0.1132,0.0,0.0,0.1261,0.1415,0.9896,0.8628,0.0261,0.0,0.2759,0.1667,0.0417,0.0442,0.1102,0.118,0.0,0.0,0.1249,0.1364,0.9896,0.8591,0.0261,0.0,0.2759,0.1667,0.0417,0.044,0.1026,0.1153,0.0,0.0,reg oper account,block of flats,0.0891,"Stone, brick",No,1.0,0.0,1.0,0.0,-289.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1525550,378771,Consumer loans,4874.04,24705.0,23904.0,4500.0,24705.0,MONDAY,13,Y,1,0.17254291969120858,,,XAP,Approved,-1906,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,492,Consumer electronics,6.0,high,POS household with interest,365243.0,-1875.0,-1725.0,-1725.0,-1718.0,0.0,0,Cash loans,M,N,N,1,121500.0,675000.0,26901.0,675000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.028663,-18963,-7432,-691.0,-2478,,1,1,0,1,1,0,Laborers,3.0,2,2,WEDNESDAY,15,0,0,0,0,1,1,Business Entity Type 3,,0.5477134600746073,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1756161,125793,Cash loans,28278.675,135000.0,139455.0,,135000.0,MONDAY,11,Y,1,,,,Other,Refused,-709,Cash through the bank,LIMIT,,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),4,XNA,6.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,N,0,157500.0,490495.5,30136.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018029,-19414,-2044,-2786.0,-1262,,1,1,1,1,0,0,Laborers,2.0,3,3,TUESDAY,12,0,0,0,0,0,0,Construction,,0.10950750776603667,0.4241303111942548,0.0392,0.0634,0.9762,0.6736,0.0448,0.0,0.1379,0.125,0.0417,0.0627,0.0303,0.0301,0.0077,0.0354,0.0399,0.0658,0.9762,0.6864,0.0452,0.0,0.1379,0.125,0.0417,0.0641,0.0331,0.0314,0.0078,0.0375,0.0396,0.0634,0.9762,0.6779999999999999,0.0451,0.0,0.1379,0.125,0.0417,0.0638,0.0308,0.0306,0.0078,0.0362,reg oper account,block of flats,0.0314,"Stone, brick",No,0.0,0.0,0.0,0.0,-857.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2703102,232875,Consumer loans,2937.195,27135.0,26437.5,2713.5,27135.0,SATURDAY,11,Y,1,0.1013772488703023,,,XAP,Approved,-2404,XNA,XAP,Family,Repeater,Audio/Video,POS,XNA,Stone,160,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2372.0,-2102.0,-2102.0,-2095.0,1.0,0,Cash loans,F,Y,Y,1,76500.0,254700.0,18661.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.031329,-15926,-282,-460.0,-4124,12.0,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,17,0,0,0,0,0,0,Industry: type 11,0.32361779142634745,0.32632868505576096,0.7700870700124128,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2404.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1236873,183024,Consumer loans,5364.0,47322.0,52321.5,0.0,47322.0,TUESDAY,13,Y,1,0.0,,,XAP,Approved,-650,Cash through the bank,XAP,,Refreshed,Sport and Leisure,POS,XNA,Stone,140,Industry,12.0,middle,POS industry with interest,365243.0,-619.0,-289.0,-559.0,-554.0,0.0,0,Cash loans,M,Y,N,0,144000.0,592560.0,35937.0,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018209,-21197,365243,-10427.0,-4749,5.0,1,0,0,1,1,0,,2.0,3,3,FRIDAY,18,0,0,0,0,0,0,XNA,0.1122927408154147,0.3636032614365042,0.4614823912998385,0.0,0.0594,0.9856,,,0.12,0.1034,0.3333,,0.0,,0.0689,,0.0075,0.0,0.0616,0.9856,,,0.1208,0.1034,0.3333,,0.0,,0.0718,,0.0079,0.0,0.0594,0.9856,,,0.12,0.1034,0.3333,,0.0,,0.0702,,0.0077,,block of flats,0.0939,Panel,No,5.0,0.0,5.0,0.0,-1995.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +2449206,388824,Cash loans,22810.545,225000.0,247275.0,,225000.0,TUESDAY,15,Y,1,,,,XNA,Refused,-953,Cash through the bank,SCO,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,157500.0,1125000.0,33025.5,1125000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.005084,-18243,-1748,-4390.0,-1776,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,12,0,0,0,0,1,1,Self-employed,,0.6220504314030033,0.7922644738669378,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-953.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1271520,326093,Revolving loans,22500.0,0.0,450000.0,,,SATURDAY,13,Y,1,,,,XAP,Approved,-520,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,50,Connectivity,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,0,157500.0,1018899.0,29920.5,850500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-18886,-6009,-5997.0,-2440,32.0,1,1,1,1,1,0,Managers,2.0,2,2,MONDAY,11,0,0,0,0,0,0,Agriculture,,0.6234426718175409,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2532491,253643,Cash loans,39899.475,315000.0,376020.0,,315000.0,FRIDAY,11,Y,1,,,,XNA,Approved,-202,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-172.0,158.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,1,202500.0,462694.5,31050.0,418500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008019,-17107,-1718,-3555.0,-660,13.0,1,1,0,1,0,0,Drivers,3.0,2,2,THURSDAY,13,0,0,0,0,0,0,Self-employed,0.4239868448508665,0.4794742985519769,0.5460231970049609,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1775.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2057529,151870,Consumer loans,10013.805,103266.0,135909.0,0.0,103266.0,TUESDAY,12,Y,1,0.0,,,XAP,Refused,-772,Cash through the bank,SCOFR,Family,New,Computers,POS,XNA,Country-wide,1000,Consumer electronics,18.0,middle,POS household with interest,,,,,,,0,Cash loans,F,Y,Y,0,90000.0,288873.0,19435.5,238500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.020713,-10335,-2257,-722.0,-891,24.0,1,1,0,1,0,0,Laborers,2.0,3,3,THURSDAY,10,0,0,0,0,1,1,Business Entity Type 1,0.252270097988325,0.3454166625212622,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-772.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1908065,226052,Consumer loans,4738.545,31455.0,33367.5,4500.0,31455.0,FRIDAY,10,Y,1,0.12942256792524165,,,XAP,Approved,-1838,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Country-wide,5,Connectivity,10.0,high,POS mobile with interest,365243.0,-1807.0,-1537.0,-1537.0,-1528.0,0.0,0,Cash loans,M,Y,N,2,180000.0,180000.0,20358.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.015221,-12811,-3246,-1070.0,-5005,16.0,1,1,0,1,1,0,Laborers,3.0,2,2,MONDAY,10,0,0,0,0,0,0,Industry: type 9,,0.1913803042815979,0.29859498978739724,0.0722,0.0829,0.9767,0.6804,0.0665,0.0,0.1379,0.1667,0.2083,0.0458,0.0588,0.0649,0.0,0.0,0.0735,0.0861,0.9767,0.6929,0.0671,0.0,0.1379,0.1667,0.2083,0.0469,0.0643,0.0676,0.0,0.0,0.0729,0.0829,0.9767,0.6847,0.0669,0.0,0.1379,0.1667,0.2083,0.0466,0.0599,0.0661,0.0,0.0,reg oper account,block of flats,0.0874,"Stone, brick",No,0.0,0.0,0.0,0.0,-246.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2552201,272279,Consumer loans,4623.435,21690.0,17352.0,4338.0,21690.0,WEDNESDAY,12,Y,1,0.2178181818181818,,,XAP,Approved,-1371,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,20,Connectivity,4.0,middle,POS mobile without interest,365243.0,-1318.0,-1228.0,-1228.0,-1220.0,0.0,0,Cash loans,F,Y,N,0,135000.0,270000.0,19777.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.001417,-20080,-1483,-3732.0,-3604,12.0,1,1,0,1,0,0,,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,Medicine,,0.29960567756380313,0.4241303111942548,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1371.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1727174,347355,Revolving loans,11250.0,225000.0,225000.0,,225000.0,TUESDAY,11,Y,1,,,,XAP,Refused,-177,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,121500.0,754740.0,22198.5,630000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010556,-20473,365243,-9933.0,-3101,,1,0,0,1,0,0,,2.0,3,3,THURSDAY,12,0,0,0,0,0,0,XNA,,0.579008784023478,0.5370699579791587,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-858.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2819939,395333,Revolving loans,5625.0,0.0,112500.0,,,SUNDAY,19,Y,1,,,,XAP,Approved,-2579,XNA,XAP,,Repeater,XNA,Cards,x-sell,Regional / Local,46,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,360000.0,450000.0,16164.0,450000.0,Unaccompanied,Working,Higher education,Single / not married,Municipal apartment,0.072508,-13342,-5943,-7252.0,-916,,1,1,0,1,1,0,Core staff,1.0,1,1,TUESDAY,19,0,0,0,0,0,0,Bank,,0.7084740590905856,,0.101,0.0,0.9786,0.7076,0.0245,0.08,0.0345,0.5417,0.5833,0.0,0.0824,0.0836,0.0,0.0,0.1029,0.0,0.9786,0.7190000000000001,0.0247,0.0806,0.0345,0.5417,0.5833,0.0,0.09,0.0871,0.0,0.0,0.102,0.0,0.9786,0.7115,0.0246,0.08,0.0345,0.5417,0.5833,0.0,0.0838,0.0851,0.0,0.0,reg oper account,block of flats,0.0657,Block,No,3.0,1.0,3.0,0.0,-3.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2805193,420253,Cash loans,25818.84,238500.0,263686.5,,238500.0,SATURDAY,10,Y,1,,,,XNA,Approved,-186,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-156.0,174.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,135000.0,276277.5,14233.5,238500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.00733,-21823,-818,-9949.0,-4088,,1,1,0,1,1,0,Cleaning staff,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Government,,0.17466194605720953,0.8050196619153701,0.0619,0.0485,0.9762,,,0.0,0.069,0.1667,,0.0,,0.042,,0.0032,0.063,0.0504,0.9762,,,0.0,0.069,0.1667,,0.0,,0.0438,,0.0034,0.0625,0.0485,0.9762,,,0.0,0.069,0.1667,,0.0,,0.0428,,0.0032,,block of flats,0.0326,Panel,No,0.0,0.0,0.0,0.0,-1232.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1507468,365517,Cash loans,15076.8,270000.0,270000.0,,270000.0,MONDAY,11,Y,1,,,,XNA,Approved,-265,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-235.0,455.0,365243.0,365243.0,0.0,1,Cash loans,M,N,Y,0,157500.0,824823.0,29353.5,688500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007305,-12644,-2811,-6733.0,-4210,,1,1,0,1,0,0,Laborers,2.0,3,3,MONDAY,13,0,0,0,0,1,1,Business Entity Type 3,0.461442021266209,0.022347315221184803,0.4920600938649263,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-927.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +1280304,272961,Consumer loans,5353.47,50310.0,40050.0,13500.0,50310.0,THURSDAY,10,Y,1,0.2745607333842628,,,XAP,Approved,-924,XNA,XAP,Unaccompanied,Repeater,Jewelry,POS,XNA,Regional / Local,4,Industry,10.0,high,POS other with interest,365243.0,-891.0,-621.0,-621.0,-613.0,0.0,0,Cash loans,F,N,N,3,45000.0,509400.0,32683.5,450000.0,Unaccompanied,State servant,Secondary / secondary special,Married,Municipal apartment,0.031329,-15943,-2053,-9696.0,-3398,,1,1,0,1,1,0,Security staff,5.0,2,2,THURSDAY,14,0,0,0,0,1,1,Kindergarten,0.5691958034862192,0.2914251838596009,0.8193176922872417,0.0278,0.0182,0.9796,0.7212,0.0029,0.0,0.0345,0.0833,0.125,0.0098,0.021,0.0182,0.0,0.0,0.0284,0.0189,0.9796,0.7321,0.003,0.0,0.0345,0.0833,0.125,0.01,0.023,0.019,0.0,0.0,0.0281,0.0182,0.9796,0.7249,0.0029,0.0,0.0345,0.0833,0.125,0.01,0.0214,0.0185,0.0,0.0,reg oper account,block of flats,0.0159,"Stone, brick",No,0.0,0.0,0.0,0.0,-1877.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2707996,374084,Consumer loans,20446.335,179955.0,164227.5,27000.0,179955.0,TUESDAY,19,Y,1,0.15377210153066131,,,XAP,Approved,-2145,Cash through the bank,XAP,Children,Repeater,Computers,POS,XNA,Country-wide,1200,Consumer electronics,10.0,middle,POS household with interest,365243.0,-2114.0,-1844.0,-1844.0,-1839.0,0.0,0,Cash loans,M,N,N,0,382500.0,2013840.0,53253.0,1800000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.072508,-18271,-6185,-10517.0,-1512,,1,1,0,1,1,0,Core staff,2.0,1,1,FRIDAY,16,0,0,0,0,0,0,Police,,0.8005570974390788,0.5673792367572691,0.1041,0.1037,0.9742,0.6464,0.0207,0.0,0.1724,0.1667,0.2083,0.0187,0.0841,0.0895,0.0039,0.0007,0.1061,0.1076,0.9742,0.6602,0.0209,0.0,0.1724,0.1667,0.2083,0.0192,0.0918,0.0933,0.0039,0.0008,0.1051,0.1037,0.9742,0.6511,0.0209,0.0,0.1724,0.1667,0.2083,0.0191,0.0855,0.0911,0.0039,0.0007,reg oper account,block of flats,0.0706,Panel,No,5.0,0.0,5.0,0.0,-9.0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2555167,305401,Cash loans,31021.02,922500.0,1056447.0,,922500.0,FRIDAY,12,Y,1,,,,XNA,Refused,-245,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,99000.0,408330.0,20979.0,292500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-18133,-5929,-4032.0,-1156,14.0,1,1,0,1,0,0,Cleaning staff,2.0,2,1,FRIDAY,15,0,0,0,0,0,0,School,,0.5224338846241938,0.5136937663039473,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-591.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1715137,262007,Consumer loans,14074.155,79650.0,79650.0,0.0,79650.0,TUESDAY,15,Y,1,0.0,,,XAP,Approved,-1415,Cash through the bank,XAP,Unaccompanied,New,Furniture,POS,XNA,Stone,38,Furniture,6.0,low_normal,POS industry with interest,365243.0,-1376.0,-1226.0,-1226.0,-1221.0,0.0,0,Cash loans,F,N,Y,2,112500.0,288873.0,13594.5,238500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.008865999999999999,-10767,-262,-911.0,-2197,,1,1,1,1,1,0,Sales staff,4.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Self-employed,,0.3188598870500117,,0.0103,,0.9573,,,0.0,0.069,0.0417,,,,0.0088,,,0.0105,,0.9573,,,0.0,0.069,0.0417,,,,0.0091,,,0.0104,,0.9573,,,0.0,0.069,0.0417,,,,0.0089,,,,block of flats,0.0069,Wooden,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2478225,418393,Cash loans,15249.69,135000.0,143910.0,,135000.0,THURSDAY,12,Y,1,,,,XNA,Approved,-315,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-285.0,45.0,-15.0,-11.0,1.0,0,Cash loans,F,N,Y,0,157500.0,942300.0,30528.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.011703,-20331,-799,-8821.0,-2459,,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,Housing,,0.7101333381279933,0.41885428862332175,0.1619,0.0,0.9881,0.8368,,0.16,0.1379,0.3333,0.375,0.1165,,0.1676,,0.0178,0.1649,0.0,0.9881,0.8432,,0.1611,0.1379,0.3333,0.375,0.1192,,0.1746,,0.0189,0.1634,0.0,0.9881,0.8390000000000001,,0.16,0.1379,0.3333,0.375,0.1185,,0.1706,,0.0182,not specified,block of flats,0.1576,Panel,No,0.0,0.0,0.0,0.0,-315.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2585079,299028,Consumer loans,5986.485,33885.0,33885.0,0.0,33885.0,THURSDAY,12,Y,1,0.0,,,XAP,Approved,-489,Cash through the bank,XAP,,Repeater,Construction Materials,POS,XNA,Stone,50,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-458.0,-308.0,-428.0,-423.0,0.0,0,Cash loans,F,Y,Y,1,112500.0,679500.0,26946.0,679500.0,Family,State servant,Secondary / secondary special,Married,House / apartment,0.015221,-11891,-381,-4848.0,-2521,7.0,1,1,0,1,0,0,Medicine staff,3.0,2,2,WEDNESDAY,17,0,0,0,0,1,1,Medicine,,0.1750847603342559,0.633031641417419,0.066,0.0596,0.9747,0.6532,0.0055,0.0,0.1379,0.125,0.1667,0.0328,0.0538,0.0499,0.0,0.0471,0.0672,0.0618,0.9747,0.6668,0.0055,0.0,0.1379,0.125,0.1667,0.0335,0.0588,0.052000000000000005,0.0,0.0499,0.0666,0.0596,0.9747,0.6578,0.0055,0.0,0.1379,0.125,0.1667,0.0333,0.0547,0.0508,0.0,0.0481,reg oper account,block of flats,0.0525,"Stone, brick",No,6.0,0.0,6.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1411347,132105,Consumer loans,11246.445,99018.0,99018.0,0.0,99018.0,SATURDAY,15,Y,1,0.0,,,XAP,Approved,-68,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-35.0,235.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,180000.0,1223010.0,48631.5,1125000.0,Family,State servant,Higher education,Single / not married,House / apartment,0.006852,-8507,-1082,-3383.0,-1136,14.0,1,1,0,1,0,0,Core staff,1.0,3,3,THURSDAY,7,0,0,0,0,0,0,Other,,0.024105188213751117,0.3233112448967859,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,0.0,0.0,-68.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2824216,381398,Cash loans,16415.1,180000.0,197820.0,,180000.0,SATURDAY,12,Y,1,,,,XNA,Approved,-847,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Regional / Local,290,Consumer electronics,18.0,high,Cash X-Sell: high,365243.0,-817.0,-307.0,-757.0,-755.0,1.0,1,Cash loans,F,Y,Y,1,117000.0,539100.0,27652.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-12636,-2911,-801.0,-4547,29.0,1,1,1,1,0,0,Core staff,3.0,3,3,SATURDAY,8,0,0,0,0,0,0,Postal,0.32887744489720583,0.3900824041858517,0.1940678276718812,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,0.0,-2616.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1443110,212063,Cash loans,19306.8,247500.0,267592.5,,247500.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-593,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-563.0,-53.0,-173.0,-169.0,1.0,0,Cash loans,F,N,Y,0,135000.0,493497.0,48204.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008575,-20436,-3382,-3247.0,-3779,,1,1,0,1,0,0,Cooking staff,2.0,2,2,MONDAY,9,0,1,1,0,0,0,Trade: type 7,,0.6289298420051844,0.5495965024956946,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-593.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1035648,274723,Consumer loans,17240.94,76626.0,61299.0,15327.0,76626.0,TUESDAY,13,Y,1,0.21784376534905064,,,XAP,Approved,-368,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,4.0,high,POS mobile with interest,365243.0,-328.0,-238.0,-328.0,-321.0,0.0,0,Cash loans,F,Y,Y,2,126000.0,119925.0,11988.0,112500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-16347,-2892,-6037.0,-5153,4.0,1,1,1,1,1,0,Laborers,4.0,2,2,SATURDAY,10,0,0,0,0,0,0,Business Entity Type 2,0.4052319397974049,0.7642400800630951,0.5919766183185521,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1882.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1484589,282139,Cash loans,5275.35,90000.0,101880.0,,90000.0,SUNDAY,15,Y,1,,,,XNA,Approved,-194,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,81000.0,323194.5,16920.0,279000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.006296,-17686,-2618,-1729.0,-1229,,1,1,1,1,1,0,,1.0,3,3,FRIDAY,15,0,0,0,0,0,0,University,0.7519539369866981,0.7186105955910664,0.6817058776720116,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-194.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1470555,419979,Cash loans,51227.055,1665000.0,1862802.0,,1665000.0,MONDAY,14,Y,1,,,,Buying a holiday home / land,Refused,-131,Cash through the bank,VERIF,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,Y,Y,0,121500.0,314100.0,16573.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.009656999999999999,-14420,-314,-4179.0,-4287,6.0,1,1,0,1,0,0,Cooking staff,2.0,2,2,MONDAY,15,0,0,0,0,0,0,Self-employed,,0.6067272815805814,0.4794489811780563,0.0082,0.0,0.9727,0.626,0.0014,0.0,0.069,0.0417,0.0833,0.0274,0.0067,0.0084,0.0,0.0,0.0084,0.0,0.9727,0.6406,0.0014,0.0,0.069,0.0417,0.0833,0.028,0.0073,0.0087,0.0,0.0,0.0083,0.0,0.9727,0.631,0.0014,0.0,0.069,0.0417,0.0833,0.0279,0.0068,0.0085,0.0,0.0,reg oper account,block of flats,0.0074,"Stone, brick",No,0.0,0.0,0.0,0.0,-1077.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2496313,250410,Consumer loans,2117.655,17415.0,17415.0,0.0,17415.0,MONDAY,7,Y,1,0.0,,,XAP,Approved,-1572,Cash through the bank,XAP,,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,14,Connectivity,12.0,high,POS mobile with interest,365243.0,-1519.0,-1189.0,-1249.0,-1244.0,0.0,0,Revolving loans,F,N,N,0,216000.0,360000.0,18000.0,360000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.025164,-20639,-2600,-9558.0,-2620,,1,1,0,1,0,0,Medicine staff,1.0,2,2,FRIDAY,10,0,0,0,0,0,0,Medicine,,0.15767370804607614,0.4206109640437848,0.0928,0.1002,0.9767,0.6804,0.0364,0.0,0.1379,0.1667,0.2083,0.0238,0.0756,0.0869,0.0,0.0068,0.0945,0.104,0.9767,0.6929,0.0367,0.0,0.1379,0.1667,0.2083,0.0243,0.0826,0.0905,0.0,0.0072,0.0937,0.1002,0.9767,0.6847,0.0366,0.0,0.1379,0.1667,0.2083,0.0242,0.077,0.0885,0.0,0.0069,reg oper account,block of flats,0.0897,Mixed,No,,,,,-494.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2474437,134907,Consumer loans,4280.31,27404.595,24223.5,4504.095,27404.595,TUESDAY,14,Y,1,0.17075459738908932,,,XAP,Approved,-2546,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Country-wide,2040,Consumer electronics,7.0,high,POS household with interest,365243.0,-2515.0,-2335.0,-2335.0,-2331.0,1.0,0,Cash loans,F,N,N,1,175500.0,225000.0,23755.5,225000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.022625,-14236,-7002,-3113.0,-4253,,1,1,1,1,1,0,Core staff,3.0,2,2,SATURDAY,16,0,0,0,0,0,0,Police,0.5388381639706087,0.3945292907906072,0.5937175866150576,0.1309,,0.6533,,,0.1064,0.069,0.4792,,,,0.0733,,0.4466,0.0,,0.0,,,0.0,0.0345,0.3333,,,,0.0763,,0.2005,0.1291,,0.9771,,,0.08,0.069,0.4792,,,,0.0746,,0.4559,,block of flats,0.0,Panel,No,0.0,0.0,0.0,0.0,-317.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1235152,254453,Consumer loans,2813.67,14377.5,14377.5,0.0,14377.5,TUESDAY,11,Y,1,0.0,,,XAP,Approved,-1394,XNA,XAP,Unaccompanied,Repeater,Homewares,POS,XNA,Stone,139,Consumer electronics,6.0,high,POS household with interest,365243.0,-1349.0,-1199.0,-1199.0,-1192.0,0.0,0,Cash loans,F,N,N,0,36000.0,269550.0,11416.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020713,-23112,365243,-2398.0,-4880,,1,0,0,1,0,0,,2.0,3,3,WEDNESDAY,8,0,0,0,0,0,0,XNA,,0.02740794508886326,0.18411615593071512,0.0918,0.1008,0.9806,0.7348,0.0143,0.0,0.2069,0.1667,0.2083,0.1136,0.07400000000000001,0.0844,0.0039,0.0075,0.0935,0.1046,0.9806,0.7452,0.0144,0.0,0.2069,0.1667,0.2083,0.1162,0.0808,0.0879,0.0039,0.008,0.0926,0.1008,0.9806,0.7383,0.0144,0.0,0.2069,0.1667,0.2083,0.1156,0.0752,0.0859,0.0039,0.0077,reg oper account,block of flats,0.0781,Panel,No,2.0,0.0,2.0,0.0,-1873.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1967369,313925,Cash loans,39474.0,1350000.0,1350000.0,,1350000.0,THURSDAY,13,Y,1,,,,XNA,Approved,-763,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-732.0,1038.0,-612.0,-605.0,0.0,0,Cash loans,F,N,Y,0,157500.0,894766.5,29700.0,679500.0,Unaccompanied,State servant,Secondary / secondary special,Separated,House / apartment,0.010032,-18823,-7360,-10537.0,-2207,,1,1,0,1,0,0,Managers,1.0,2,2,THURSDAY,3,0,0,0,0,0,0,Government,,0.6917655604256792,0.7380196196295241,0.0619,0.0675,0.9856,0.8028,0.0092,0.0,0.1379,0.1667,0.2083,,0.0504,0.0555,0.0,0.0,0.063,0.0701,0.9856,0.8105,0.0093,0.0,0.1379,0.1667,0.2083,,0.0551,0.0579,0.0,0.0,0.0625,0.0675,0.9856,0.8054,0.0093,0.0,0.1379,0.1667,0.2083,,0.0513,0.0565,0.0,0.0,reg oper account,block of flats,0.0487,Panel,No,4.0,0.0,4.0,0.0,-1947.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2672685,112381,Cash loans,16591.5,135000.0,135000.0,0.0,135000.0,WEDNESDAY,12,Y,1,0.0,,,XNA,Approved,-2662,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,10.0,middle,Cash Street: middle,365243.0,-2632.0,-2362.0,-2362.0,-2350.0,0.0,0,Cash loans,F,N,Y,0,90000.0,288994.5,28714.5,274500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.031329,-19910,-3318,-9688.0,-3430,,1,1,0,1,0,0,Sales staff,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Self-employed,0.8453059591576028,0.5926754288483099,,0.1753,0.22,0.9876,0.83,0.0312,0.0,0.4138,0.1667,0.2083,0.1196,0.1429,0.1592,0.0,0.0,0.1786,0.2283,0.9876,0.8367,0.0315,0.0,0.4138,0.1667,0.2083,0.1224,0.1561,0.1658,0.0,0.0,0.177,0.22,0.9876,0.8323,0.0314,0.0,0.4138,0.1667,0.2083,0.1217,0.1454,0.162,0.0,0.0,reg oper account,block of flats,0.1422,"Stone, brick",No,1.0,0.0,1.0,0.0,-2662.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2058972,367242,Consumer loans,5204.34,47970.0,26730.0,22500.0,47970.0,FRIDAY,16,Y,1,0.4977563569885324,,,XAP,Approved,-2169,Cash through the bank,XAP,Family,New,Furniture,POS,XNA,Regional / Local,130,Furniture,6.0,high,POS industry with interest,365243.0,-2138.0,-1988.0,-1988.0,-1985.0,0.0,0,Cash loans,F,N,Y,0,247500.0,808650.0,26217.0,675000.0,"Spouse, partner",State servant,Higher education,Married,House / apartment,0.00702,-14477,-5574,-8350.0,-4856,,1,1,0,1,0,0,Managers,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Government,0.6151973615166568,0.6765476271706273,0.2750003523983893,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-2169.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1515015,300980,Consumer loans,4622.85,34200.0,38727.0,3420.0,34200.0,MONDAY,12,Y,1,0.08837380855318072,,,XAP,Approved,-1850,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,45,Connectivity,12.0,high,POS mobile with interest,365243.0,-1819.0,-1489.0,-1519.0,-1515.0,0.0,0,Cash loans,F,N,N,0,180000.0,450000.0,28759.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.0105,-13468,-2250,-5500.0,-4121,,1,1,1,1,1,0,High skill tech staff,1.0,3,3,TUESDAY,20,0,0,0,0,1,1,Business Entity Type 3,,0.5728027457686921,0.6832688314232291,0.0961,0.0751,0.9836,0.8028,0.0393,0.0,0.069,0.1667,0.2083,0.0731,0.1051,0.0679,0.0,0.0018,0.0588,0.0779,0.9821,0.8105,0.0396,0.0,0.069,0.1667,0.2083,0.0748,0.1148,0.0707,0.0,0.0019,0.0999,0.0751,0.9836,0.8054,0.0395,0.0,0.069,0.1667,0.2083,0.0744,0.1069,0.0691,0.0,0.0018,reg oper account,block of flats,0.05,"Stone, brick",No,0.0,0.0,0.0,0.0,-148.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1572785,331601,Cash loans,19819.395,225000.0,275499.0,,225000.0,THURSDAY,9,Y,1,,,,Building a house or an annex,Refused,-508,XNA,HC,,Repeater,XNA,Cash,walk-in,Country-wide,40,Connectivity,30.0,high,Cash Street: high,,,,,,,1,Cash loans,F,N,N,1,72000.0,232344.0,11992.5,157500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-16457,-4570,-3422.0,-12,,1,1,0,1,0,0,Security staff,3.0,2,2,MONDAY,11,0,0,0,0,1,1,Agriculture,,0.3005242290932967,0.41885428862332175,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1827.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,7.0 +2114597,291909,Consumer loans,9920.295,82890.45,90184.5,0.45,82890.45,SATURDAY,14,Y,1,5.434287085493855e-06,,,XAP,Refused,-453,Cash through the bank,SCO,,New,Consumer Electronics,POS,XNA,Stone,214,Consumer electronics,10.0,low_normal,POS household with interest,,,,,,,0,Revolving loans,F,N,Y,0,99000.0,315000.0,15750.0,315000.0,Children,State servant,Secondary / secondary special,Widow,House / apartment,0.010276,-22693,-354,-8415.0,-4760,,1,1,0,1,1,0,,1.0,2,2,THURSDAY,14,0,0,0,0,0,0,School,,0.21652638319253195,,0.0938,0.1156,0.9886,0.8436,0.0135,0.0,0.2069,0.1667,0.2083,0.1289,0.0756,0.083,0.0039,0.0,0.0956,0.12,0.9886,0.8497,0.0136,0.0,0.2069,0.1667,0.2083,0.1318,0.0826,0.0864,0.0039,0.0,0.0947,0.1156,0.9886,0.8457,0.0135,0.0,0.2069,0.1667,0.2083,0.1311,0.077,0.0845,0.0039,0.0,reg oper spec account,block of flats,0.0726,"Stone, brick",No,1.0,0.0,1.0,0.0,-453.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2403528,221685,Cash loans,12769.74,135000.0,161622.0,,135000.0,SUNDAY,9,Y,1,,,,Repairs,Approved,-615,Cash through the bank,XAP,,New,XNA,Cash,walk-in,AP+ (Cash loan),5,XNA,24.0,high,Cash Street: high,365243.0,-585.0,105.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,90000.0,215640.0,17419.5,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010147,-16718,-1284,-9084.0,-269,,1,1,1,1,0,0,Laborers,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.3980502014915507,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-615.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1803009,269383,Revolving loans,6750.0,135000.0,135000.0,,135000.0,THURSDAY,17,Y,1,,,,XAP,Approved,-197,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),10,XNA,0.0,XNA,Card X-Sell,,,,,,,1,Cash loans,F,Y,Y,2,112500.0,675000.0,26284.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-9994,-644,-2569.0,-2572,15.0,1,1,1,1,0,0,Sales staff,4.0,2,2,FRIDAY,8,0,0,0,0,1,1,Self-employed,0.0582670683667102,0.446165638624928,0.2650494299443805,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-197.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1627299,234224,Consumer loans,16313.13,85230.0,80005.5,9000.0,85230.0,SATURDAY,16,Y,1,0.1101259830214782,,,XAP,Approved,-2180,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,25,Connectivity,6.0,high,POS mobile with interest,365243.0,-2131.0,-1981.0,-1981.0,-1976.0,0.0,0,Revolving loans,M,Y,Y,1,180000.0,270000.0,13500.0,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-12198,-4026,-880.0,-4458,7.0,1,1,1,1,1,0,Security staff,3.0,1,1,TUESDAY,14,0,1,1,0,1,1,Security,,0.6874217861693647,0.7610263695502636,0.0619,0.0728,0.9891,0.8504,0.0102,0.0,0.1379,0.1667,0.2083,0.0,0.0504,0.0546,0.0,0.0,0.063,0.0755,0.9891,0.8563,0.0103,0.0,0.1379,0.1667,0.2083,0.0,0.0551,0.0568,0.0,0.0,0.0625,0.0728,0.9891,0.8524,0.0103,0.0,0.1379,0.1667,0.2083,0.0,0.0513,0.0555,0.0,0.0,reg oper account,block of flats,0.0485,"Stone, brick",No,0.0,0.0,0.0,0.0,-1601.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2102455,148248,Consumer loans,13687.695,133897.5,148036.5,0.0,133897.5,MONDAY,19,Y,1,0.0,,,XAP,Approved,-101,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,1300,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-70.0,260.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,270000.0,519282.0,61758.0,499500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.032561,-9757,-970,-3961.0,-2277,,1,1,0,1,0,1,Sales staff,2.0,1,1,THURSDAY,13,0,0,0,0,0,0,Other,0.4444818844023416,0.5815386202004454,,,,,,,,0.069,0.3333,,,,,,,,,,,,,0.069,0.3333,,,,,,,,,,,,,0.069,0.3333,,,,,,,,block of flats,0.0941,"Stone, brick",No,1.0,0.0,1.0,0.0,-37.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2596261,392499,Consumer loans,4962.15,40810.5,40810.5,0.0,40810.5,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-795,Cash through the bank,XAP,,New,Photo / Cinema Equipment,POS,XNA,Country-wide,33,Connectivity,12.0,high,POS mobile with interest,365243.0,-755.0,-425.0,-575.0,-570.0,0.0,1,Cash loans,M,Y,N,0,135000.0,195543.0,15579.0,148500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-23806,365243,-1525.0,-4600,10.0,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,XNA,0.6531152914376105,0.665313726999777,0.3425288720742255,0.1165,0.0427,0.996,0.9456,0.0262,0.08,0.0345,0.6667,0.7083,0.0724,0.0883,0.1346,0.0309,0.0954,0.1187,0.0443,0.996,0.9477,0.0264,0.0806,0.0345,0.6667,0.7083,0.07400000000000001,0.0964,0.1402,0.0311,0.101,0.1176,0.0427,0.996,0.9463,0.0264,0.08,0.0345,0.6667,0.7083,0.0736,0.0898,0.13699999999999998,0.0311,0.0974,reg oper account,block of flats,0.1415,Monolithic,No,0.0,0.0,0.0,0.0,-795.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2207405,100885,Cash loans,19416.555,463500.0,536917.5,,463500.0,THURSDAY,9,Y,1,,,,XNA,Approved,-88,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-58.0,1352.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,157500.0,557770.5,20164.5,481500.0,Family,Working,Secondary / secondary special,Single / not married,House / apartment,0.00496,-12106,-3635,-5316.0,-2438,,1,1,0,1,0,0,Medicine staff,1.0,2,2,MONDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.6137901931752264,0.6505560371285957,0.4668640059537032,0.0113,,0.9359,,,,,0.0417,,,,,,,0.0116,,0.9359,,,,,0.0417,,,,,,,0.0115,,0.9359,,,,,0.0417,,,,,,,,block of flats,0.0074,,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1398369,425654,Cash loans,21274.74,468000.0,468000.0,,468000.0,TUESDAY,16,Y,1,,,,XNA,Approved,-1370,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-1340.0,-290.0,-1010.0,-1007.0,1.0,0,Cash loans,F,Y,Y,0,162000.0,867951.0,25506.0,724500.0,Family,Working,Higher education,Married,House / apartment,0.025164,-22420,-1179,-10376.0,-4867,7.0,1,1,0,1,1,0,Managers,2.0,2,2,SUNDAY,8,0,0,0,0,0,0,Kindergarten,,0.6632362274611686,0.5334816299804352,0.0742,0.0,0.9861,0.8096,0.0112,0.08,0.069,0.3333,0.375,0.1383,0.0597,0.0792,0.0039,0.0012,0.0756,0.0,0.9861,0.8171,0.0113,0.0806,0.069,0.3333,0.375,0.1415,0.0652,0.0825,0.0039,0.0012,0.0749,0.0,0.9861,0.8121,0.0113,0.08,0.069,0.3333,0.375,0.1407,0.0607,0.0806,0.0039,0.0012,reg oper account,block of flats,0.0686,Panel,No,3.0,0.0,3.0,0.0,-1630.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,4.0 +2204502,303299,Consumer loans,24746.625,282109.5,282109.5,0.0,282109.5,WEDNESDAY,15,Y,1,0.0,,,XAP,Approved,-458,Cash through the bank,XAP,,Repeater,Photo / Cinema Equipment,POS,XNA,Regional / Local,514,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-427.0,-97.0,-97.0,-90.0,0.0,0,Cash loans,M,N,Y,1,180000.0,1641280.5,45265.5,1467000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.020246,-9811,-833,-1566.0,-2487,,1,1,0,1,0,0,Laborers,3.0,3,3,SATURDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.2875481116160826,0.4668640059537032,0.0412,0.0698,0.9717,0.6124,0.0113,0.0,0.1379,0.1667,0.2083,0.0383,0.0336,0.051,0.0,0.0,0.042,0.0725,0.9717,0.6276,0.0114,0.0,0.1379,0.1667,0.2083,0.0392,0.0367,0.0532,0.0,0.0,0.0416,0.0698,0.9717,0.6176,0.0114,0.0,0.1379,0.1667,0.2083,0.039,0.0342,0.052000000000000005,0.0,0.0,reg oper account,block of flats,0.0463,"Stone, brick",No,1.0,0.0,1.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,0.0 +2477785,224389,Consumer loans,4746.915,38025.0,36292.5,4500.0,38025.0,WEDNESDAY,14,Y,1,0.12014240585669154,,,XAP,Approved,-1760,Cash through the bank,XAP,"Spouse, partner",Refreshed,Mobile,POS,XNA,Country-wide,25,Connectivity,10.0,high,POS mobile with interest,365243.0,-1729.0,-1459.0,-1459.0,-1455.0,0.0,0,Cash loans,F,N,N,0,135000.0,117000.0,9243.0,117000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.010147,-16392,-2119,-1934.0,-1729,,1,1,0,1,0,0,Core staff,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,Other,,0.5279032319586968,0.190705947811054,0.0773,0.0,0.9752,0.66,0.0,0.04,0.1379,0.1667,0.2083,0.0257,0.0597,0.054000000000000006,0.0154,0.0687,0.0788,0.0,0.9752,0.6733,0.0,0.0403,0.1379,0.1667,0.2083,0.0263,0.0652,0.0563,0.0156,0.0727,0.0781,0.0,0.9752,0.6645,0.0,0.04,0.1379,0.1667,0.2083,0.0262,0.0607,0.055,0.0155,0.0702,,block of flats,0.0425,"Stone, brick",No,0.0,0.0,0.0,0.0,-1629.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1280717,433776,Consumer loans,47574.045,182970.0,182970.0,0.0,182970.0,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-474,Cash through the bank,XAP,,New,Clothing and Accessories,POS,XNA,Stone,19,Furniture,4.0,low_action,POS industry with interest,365243.0,-443.0,-353.0,-353.0,-347.0,0.0,0,Cash loans,F,Y,Y,1,337500.0,1800000.0,98640.0,1800000.0,Unaccompanied,Working,Higher education,Married,Co-op apartment,0.028663,-9627,-807,-1722.0,-2016,1.0,1,1,0,1,0,0,,3.0,2,2,THURSDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.7772198972231723,0.4531679935954796,,0.0804,0.0256,0.9921,0.8912,0.0177,0.08,0.0345,0.5417,0.5833,0.0213,0.0656,0.0782,0.0193,0.0478,0.0819,0.0265,0.9921,0.8955,0.0179,0.0806,0.0345,0.5417,0.5833,0.0218,0.0716,0.0814,0.0195,0.0506,0.0812,0.0256,0.9921,0.8927,0.0178,0.08,0.0345,0.5417,0.5833,0.0216,0.0667,0.0796,0.0194,0.0488,reg oper account,block of flats,0.0815,"Stone, brick",No,0.0,0.0,0.0,0.0,-1259.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,0.0 +1004570,354400,Cash loans,23373.18,337500.0,439015.5,,337500.0,THURSDAY,11,Y,1,,,,XNA,Approved,-446,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,365243.0,-416.0,454.0,-296.0,-288.0,1.0,1,Cash loans,M,Y,Y,1,135000.0,326439.0,16006.5,229500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0105,-18506,-11710,-298.0,-1169,8.0,1,1,0,1,0,0,Drivers,3.0,3,3,TUESDAY,14,0,0,0,0,0,0,Self-employed,,0.2857148631229671,0.31547215492577346,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-2729.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1621480,379405,Revolving loans,9000.0,0.0,180000.0,,,TUESDAY,14,Y,1,,,,XAP,Approved,-2541,XNA,XAP,,Repeater,XNA,Cards,x-sell,Stone,109,Consumer electronics,0.0,XNA,Card X-Sell,-2539.0,-2493.0,365243.0,-1640.0,365243.0,0.0,0,Cash loans,F,N,Y,0,180000.0,1157958.0,49189.5,1035000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-23019,365243,-3258.0,-4583,,1,0,0,1,0,1,,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,XNA,,0.5920893193299551,0.7165702448010511,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-2049.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1013371,174778,Consumer loans,14204.925,71644.5,76846.5,0.0,71644.5,WEDNESDAY,11,Y,1,0.0,,,XAP,Approved,-153,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,2000,Consumer electronics,6.0,middle,POS household without interest,365243.0,-123.0,27.0,-33.0,-30.0,1.0,0,Cash loans,F,N,Y,0,202500.0,824823.0,24246.0,688500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-14436,-4160,-1413.0,-2244,,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,9,0,0,0,1,1,0,Self-employed,0.4481975735495119,0.6196310776518962,0.5902333386185574,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1894.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1132039,113198,Consumer loans,4442.94,27765.0,24988.5,2776.5,27765.0,SATURDAY,12,Y,1,0.1089090909090909,,,XAP,Approved,-1216,XNA,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Stone,141,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-1179.0,-1029.0,-1029.0,-1026.0,0.0,0,Cash loans,F,N,Y,0,56250.0,79128.0,5755.5,72000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.01885,-14657,-5793,-2317.0,-4472,,1,1,1,1,0,0,Managers,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.3941801525456029,0.6333689525128825,0.7662336700704004,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-1909.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1994158,402366,Consumer loans,11007.18,269212.5,242289.0,26923.5,269212.5,SATURDAY,17,Y,1,0.10891819321505904,,,XAP,Approved,-342,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Regional / Local,100,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-310.0,380.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,157500.0,1293502.5,35568.0,1129500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.0031219999999999998,-15107,-3187,-6664.0,-5726,,1,1,1,1,0,0,Laborers,2.0,3,3,FRIDAY,13,0,0,0,0,0,0,Industry: type 3,,0.5302351501770654,0.7121551551910698,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-789.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1918610,143257,Consumer loans,13317.93,145791.0,131211.0,14580.0,145791.0,SATURDAY,16,Y,1,0.1089158141074926,,,XAP,Refused,-2286,Cash through the bank,LIMIT,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Regional / Local,38,Consumer electronics,12.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,N,1,180000.0,598486.5,25290.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.007114,-11577,-929,-4639.0,-4194,,1,1,0,1,1,0,Sales staff,3.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Self-employed,0.37246177314734,0.2629358786975408,0.2822484337007223,0.1103,,0.9866,0.8164,0.0784,0.12,0.1034,0.3333,0.375,0.1124,0.0899,0.1249,0.0,0.0,0.1124,,0.9866,0.8236,0.0791,0.1208,0.1034,0.3333,0.375,0.115,0.0983,0.1302,0.0,0.0,0.1114,,0.9866,0.8189,0.0789,0.12,0.1034,0.3333,0.375,0.1143,0.0915,0.1272,0.0,0.0,reg oper account,block of flats,0.0983,Panel,No,0.0,0.0,0.0,0.0,-609.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1435107,416354,Cash loans,28878.705,706500.0,779242.5,,706500.0,WEDNESDAY,12,Y,1,,,,XNA,Approved,-261,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,36.0,low_action,Cash X-Sell: low,365243.0,-231.0,819.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,0,130500.0,630000.0,26820.0,630000.0,Unaccompanied,Working,Secondary / secondary special,Married,Office apartment,0.008625,-19150,-1003,-11833.0,-2684,34.0,1,1,1,1,1,0,Security staff,2.0,2,2,FRIDAY,10,0,0,0,0,1,1,Industry: type 11,,0.28912760620534433,0.7688075728291359,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1172.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1560530,285993,Consumer loans,12230.1,111294.0,111294.0,0.0,111294.0,FRIDAY,13,Y,1,0.0,,,XAP,Approved,-675,Cash through the bank,XAP,,New,Computers,POS,XNA,Country-wide,20,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-639.0,-369.0,-429.0,-421.0,0.0,0,Cash loans,F,N,N,0,247500.0,1011955.5,43006.5,904500.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.072508,-17760,-1577,-3923.0,-1300,,1,1,1,1,0,0,Managers,2.0,1,1,THURSDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.738382908187177,0.4418358231994413,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-675.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1650735,357110,Consumer loans,2709.45,18895.5,13500.0,5395.5,18895.5,SUNDAY,12,Y,1,0.31098356751607514,,,XAP,Refused,-2605,Cash through the bank,SCO,Children,Repeater,XNA,POS,XNA,Stone,89,Connectivity,6.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,N,0,135000.0,544491.0,15916.5,454500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-16546,-3765,-4546.0,-73,,1,1,0,1,1,0,Accountants,2.0,2,2,MONDAY,13,0,0,0,0,1,1,Bank,,0.4667575993518046,0.524496446363472,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2778441,204525,Cash loans,12556.8,180000.0,180000.0,,180000.0,THURSDAY,8,Y,1,,,,XNA,Approved,-846,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Regional / Local,305,Consumer electronics,24.0,high,Cash X-Sell: high,365243.0,-816.0,-126.0,-756.0,-750.0,0.0,0,Cash loans,M,N,Y,1,157500.0,225000.0,12204.0,225000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.020246,-10294,-831,-4837.0,-2883,,1,1,1,1,1,0,Core staff,3.0,3,3,WEDNESDAY,10,0,0,0,0,0,1,Police,0.17715169453169416,0.35841259987113505,0.6738300778602003,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-886.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2699568,299777,Cash loans,,0.0,0.0,,,MONDAY,8,Y,1,,,,XNA,Refused,-331,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,N,0,180000.0,360000.0,19660.5,360000.0,Unaccompanied,State servant,Higher education,Single / not married,House / apartment,0.020713,-11070,-905,-1713.0,-3746,,1,1,0,1,0,0,Core staff,1.0,3,3,MONDAY,18,0,0,0,0,0,0,Bank,,0.3419146510586838,0.1168672659157136,0.1454,0.1789,0.9861,0.8096,0.0299,0.0,0.3103,0.1667,0.2083,0.1231,0.1168,0.1533,0.0077,0.0051,0.1481,0.1857,0.9861,0.8171,0.0302,0.0,0.3103,0.1667,0.2083,0.1259,0.1276,0.1598,0.0078,0.0054,0.1468,0.1789,0.9861,0.8121,0.0301,0.0,0.3103,0.1667,0.2083,0.1252,0.1189,0.1561,0.0078,0.0052,reg oper account,block of flats,0.1381,Panel,No,0.0,0.0,0.0,0.0,-1693.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1234781,180150,Consumer loans,12201.075,65596.5,69061.5,0.0,65596.5,TUESDAY,11,Y,1,0.0,,,XAP,Approved,-407,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,3900,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-376.0,-226.0,-226.0,-220.0,0.0,1,Cash loans,F,Y,N,0,148500.0,472500.0,15084.0,472500.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.014519999999999996,-9870,-499,-4249.0,-2535,25.0,1,1,0,1,1,0,Laborers,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.29342015666274945,0.6059652225562627,,0.1405,0.0777,0.9921,0.8776,0.1202,0.1064,0.0917,0.3542,0.2638,0.0645,0.1278,0.1519,0.0013,0.022,0.084,0.0604,0.9945,0.8497,0.0,0.0806,0.069,0.3333,0.375,0.0532,0.0725,0.1213,0.0,0.0,0.1348,0.0777,0.9925,0.8792,0.0686,0.08,0.069,0.3542,0.375,0.0656,0.1462,0.1563,0.0,0.0019,org spec account,block of flats,0.2018,Panel,No,0.0,0.0,0.0,0.0,-407.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,4.0,4.0 +2158319,174162,Consumer loans,13387.59,152617.5,152617.5,0.0,152617.5,TUESDAY,11,Y,1,0.0,,,XAP,Refused,-602,Cash through the bank,SCO,,Repeater,Audio/Video,POS,XNA,Country-wide,1113,Consumer electronics,12.0,low_action,POS household without interest,,,,,,,0,Cash loans,F,Y,Y,2,112500.0,315000.0,30348.0,315000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.030755,-13860,-1477,-3749.0,-4141,7.0,1,1,1,1,1,0,Sales staff,4.0,2,2,TUESDAY,14,0,0,0,0,1,1,Trade: type 3,,0.5490132385931675,0.6246146584503397,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2129.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1231298,281777,Consumer loans,32801.715,423000.0,464877.0,0.0,423000.0,SATURDAY,7,Y,1,0.0,,,XAP,Approved,-598,Cash through the bank,XAP,Other_B,New,Clothing and Accessories,POS,XNA,Stone,50,Clothing,18.0,middle,POS industry with interest,365243.0,-556.0,-46.0,-286.0,-282.0,0.0,0,Cash loans,F,N,Y,0,135000.0,473760.0,50269.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Municipal apartment,0.006629,-8569,-748,-4513.0,-1127,,1,1,0,1,0,0,Core staff,1.0,2,2,TUESDAY,8,0,0,0,1,1,0,School,,0.0930644149884122,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-598.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2233805,349195,Consumer loans,12490.2,101205.0,101650.5,21375.0,101205.0,SATURDAY,10,Y,1,0.1892235201792976,,,XAP,Approved,-837,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,12.0,high,POS mobile with interest,365243.0,-804.0,-474.0,-534.0,-509.0,0.0,0,Cash loans,F,N,N,0,225000.0,1223010.0,51948.0,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,Municipal apartment,0.010032,-13687,-1426,-7771.0,-4528,,1,1,0,1,1,0,Core staff,2.0,2,2,WEDNESDAY,6,0,0,0,0,0,0,Self-employed,0.5192259030119403,0.6880933139677566,0.8599241760145402,0.1464,0.0897,0.9811,0.7416,0.0671,0.16,0.1379,0.3333,0.375,0.1034,0.1194,0.141,0.0,0.0,0.1492,0.0931,0.9811,0.7517,0.0677,0.1611,0.1379,0.3333,0.375,0.1058,0.1304,0.1469,0.0,0.0,0.1478,0.0897,0.9811,0.7451,0.0675,0.16,0.1379,0.3333,0.375,0.1052,0.1214,0.1436,0.0,0.0,,block of flats,0.1476,Panel,No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2276811,448698,Consumer loans,3719.205,24255.0,24939.0,1215.0,24255.0,THURSDAY,17,Y,1,0.05059438153037602,,,XAP,Approved,-1779,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,15,Connectivity,10.0,high,POS mobile with interest,365243.0,-1748.0,-1478.0,-1598.0,-1594.0,0.0,0,Cash loans,F,N,Y,0,135000.0,284400.0,16011.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018634,-24222,365243,-5106.0,-4161,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,XNA,,0.6495163384532108,0.5814837058057234,0.2598,0.196,0.9881,0.8368,0.1818,0.28,0.2414,0.3333,0.375,0.1361,0.2118,0.2669,0.0,0.0,0.2647,0.2034,0.9881,0.8432,0.1834,0.282,0.2414,0.3333,0.375,0.1392,0.2314,0.2781,0.0,0.0,0.2623,0.196,0.9881,0.8390000000000001,0.1829,0.28,0.2414,0.3333,0.375,0.1385,0.2155,0.2717,0.0,0.0,reg oper account,block of flats,0.3093,Panel,No,2.0,0.0,2.0,0.0,-1779.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2823493,229343,Consumer loans,2407.275,22923.0,20628.0,2295.0,22923.0,SUNDAY,12,Y,1,0.10903737016811216,,,XAP,Refused,-2538,Cash through the bank,SCO,Family,Repeater,XNA,POS,XNA,Country-wide,27,Connectivity,12.0,low_normal,POS mobile with interest,,,,,,,0,Cash loans,M,N,N,0,126000.0,679500.0,22455.0,679500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-19783,365243,-413.0,-3318,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,XNA,0.773325152189662,0.7911830481015557,0.5513812618027899,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2538.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,4.0 +2258722,329145,Cash loans,12288.735,112500.0,119925.0,,112500.0,THURSDAY,9,Y,1,,,,XNA,Approved,-463,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-433.0,-103.0,-223.0,-215.0,1.0,0,Cash loans,F,N,Y,0,112500.0,208512.0,16276.5,180000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.035792000000000004,-23494,365243,-646.0,-4663,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,10,0,0,0,0,0,0,XNA,,0.5880110869653271,0.7238369900414456,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-2112.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1540726,385710,Consumer loans,13007.88,128880.0,128880.0,0.0,128880.0,TUESDAY,17,Y,1,0.0,0.19690014734217387,0.8673361522198731,XAP,Approved,-54,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,35,Connectivity,12.0,middle,POS mobile with interest,365243.0,-9.0,321.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,337500.0,594261.0,36486.0,513000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-17354,-1158,-9859.0,-891,6.0,1,1,0,1,0,0,Drivers,2.0,1,1,SUNDAY,15,0,0,0,0,0,0,Self-employed,,0.4853165583266562,0.4294236843421945,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1948875,456050,Consumer loans,4972.14,21577.5,25407.0,0.0,21577.5,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-1486,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Regional / Local,200,Consumer electronics,6.0,high,POS household with interest,365243.0,-1454.0,-1304.0,-1364.0,-1358.0,0.0,0,Cash loans,F,N,Y,0,112500.0,521280.0,25209.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.009334,-16567,-2078,-725.0,-108,,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,16,0,0,0,0,0,0,Trade: type 7,,0.7794993270585128,0.21155076420525776,0.0103,0.0327,0.9712,0.6056,0.0,0.0,0.0517,0.0417,0.0417,0.0057,0.0084,0.0113,0.0,0.0,0.0084,0.0243,0.9712,0.621,0.0,0.0,0.0345,0.0417,0.0417,0.0042,0.0073,0.0085,0.0,0.0,0.0104,0.0327,0.9712,0.6109,0.0,0.0,0.0517,0.0417,0.0417,0.0058,0.0086,0.0115,0.0,0.0,reg oper account,block of flats,0.006999999999999999,Wooden,No,4.0,1.0,4.0,1.0,-1486.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2140954,185407,Consumer loans,9412.425,56470.5,50823.0,5647.5,56470.5,FRIDAY,16,Y,1,0.10891776961583316,,,XAP,Approved,-1681,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,1081,Industry,6.0,middle,POS other with interest,365243.0,-1620.0,-1470.0,-1530.0,-1525.0,0.0,0,Cash loans,F,N,Y,0,112500.0,398016.0,22221.0,360000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.04622,-17505,-116,-7886.0,-1044,,1,1,1,1,0,0,Cleaning staff,2.0,1,1,SATURDAY,10,0,0,0,0,1,1,School,,0.7327515419331215,0.7776594425716818,0.0278,,0.9896,,,0.0,0.1034,0.0833,,0.0186,,0.0252,,0.0,0.0284,,0.9896,,,0.0,0.1034,0.0833,,0.019,,0.0263,,0.0,0.0281,,0.9896,,,0.0,0.1034,0.0833,,0.0189,,0.0257,,0.0,,block of flats,0.0199,Panel,No,0.0,0.0,0.0,0.0,-1556.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1824316,309956,Consumer loans,8532.495,82800.0,44361.0,45000.0,82800.0,SATURDAY,14,Y,1,0.5484393741015756,,,XAP,Approved,-1389,Cash through the bank,XAP,Children,Repeater,Furniture,POS,XNA,Stone,36,Furniture,6.0,middle,POS industry with interest,365243.0,-1356.0,-1206.0,-1266.0,-1262.0,0.0,0,Cash loans,F,N,Y,0,157500.0,225000.0,12694.5,225000.0,Unaccompanied,State servant,Higher education,Separated,House / apartment,0.026392000000000002,-24011,-8527,-706.0,-4337,,1,1,0,1,0,0,,1.0,2,2,TUESDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.852911884237871,0.7547868232019918,0.7281412993111438,0.1299,,0.993,,,0.12,0.1034,0.375,,,,0.1489,,0.0,0.1324,,0.993,,,0.1208,0.1034,0.375,,,,0.1552,,0.0,0.1312,,0.993,,,0.12,0.1034,0.375,,,,0.1516,,0.0,,block of flats,0.1171,Panel,No,1.0,0.0,0.0,0.0,-1475.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1493737,167479,Consumer loans,5277.735,27405.0,25884.0,2740.5,27405.0,FRIDAY,9,Y,1,0.10426919723885604,,,XAP,Approved,-1794,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,1600,Connectivity,6.0,high,POS mobile with interest,365243.0,-1758.0,-1608.0,-1608.0,-1603.0,0.0,0,Cash loans,F,Y,Y,0,121500.0,654498.0,26086.5,585000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-21150,365243,-11086.0,-4055,19.0,1,0,0,1,0,0,,2.0,2,2,SUNDAY,10,0,0,0,0,0,0,XNA,,0.4828480309371998,0.5549467685334323,0.0247,0.0545,0.9841,0.7824,0.0035,0.0,0.1034,0.0833,0.125,0.0315,0.0202,0.0251,0.0,0.0,0.0252,0.0566,0.9841,0.7909,0.0036,0.0,0.1034,0.0833,0.125,0.0322,0.022,0.0262,0.0,0.0,0.025,0.0545,0.9841,0.7853,0.0036,0.0,0.1034,0.0833,0.125,0.032,0.0205,0.0256,0.0,0.0,reg oper spec account,block of flats,0.0217,"Stone, brick",No,0.0,0.0,0.0,0.0,-1794.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2830216,300017,Cash loans,11431.8,135000.0,135000.0,0.0,135000.0,THURSDAY,9,Y,1,0.0,,,Education,Refused,-2161,Cash through the bank,HC,"Spouse, partner",Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,,,,,,,0,Revolving loans,F,N,N,1,90000.0,202500.0,10125.0,202500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.01885,-14226,-2472,-617.0,-4452,,1,1,1,1,0,0,,3.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.5891089997344645,0.7215593174178252,0.5136937663039473,0.0856,0.0451,0.9821,0.7552,0.0234,0.0,0.0345,0.1667,0.2083,0.0994,0.0698,0.0346,0.0,0.0,0.0872,0.0468,0.9821,0.7648,0.0236,0.0,0.0345,0.1667,0.2083,0.1017,0.0762,0.0361,0.0,0.0,0.0864,0.0451,0.9821,0.7585,0.0235,0.0,0.0345,0.1667,0.2083,0.1011,0.071,0.0352,0.0,0.0,reg oper account,block of flats,0.0359,"Stone, brick",No,0.0,0.0,0.0,0.0,-1606.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1286667,240233,Consumer loans,3273.39,23355.0,23998.5,2335.5,23355.0,THURSDAY,13,Y,1,0.09658888957932016,,,XAP,Refused,-1502,XNA,LIMIT,,Repeater,Mobile,POS,XNA,Country-wide,35,Connectivity,10.0,high,POS mobile with interest,,,,,,,0,Cash loans,M,Y,Y,0,202500.0,327024.0,23827.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.011656999999999999,-18563,-5291,-3826.0,-2114,11.0,1,1,0,1,0,0,Drivers,1.0,1,1,MONDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.6925390354030491,0.21518240418475384,0.1021,0.1535,0.9876,0.83,0.1085,0.0,0.1724,0.1667,0.2083,0.0266,0.0841,0.1194,0.0,0.0,0.104,0.1592,0.9876,0.8367,0.1095,0.0,0.1724,0.1667,0.2083,0.0272,0.0918,0.1244,0.0,0.0,0.1031,0.1535,0.9876,0.8323,0.1092,0.0,0.1724,0.1667,0.2083,0.0271,0.0855,0.1215,0.0,0.0,reg oper spec account,block of flats,0.0946,Panel,No,1.0,0.0,1.0,0.0,-834.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1818234,224562,Consumer loans,4374.585,38515.5,38515.5,0.0,38515.5,THURSDAY,9,Y,1,0.0,,,XAP,Approved,-383,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,32,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-335.0,-65.0,-305.0,-296.0,0.0,0,Cash loans,M,N,N,2,162000.0,607500.0,31018.5,607500.0,Unaccompanied,Working,Secondary / secondary special,Separated,With parents,0.011656999999999999,-12210,-3430,-5816.0,-4163,,1,1,0,1,1,0,Laborers,3.0,1,1,MONDAY,15,0,1,1,0,1,1,Hotel,0.12407578151914325,0.6258063347400519,0.29708661164720285,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-663.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,1.0,0.0,1.0 +2347438,101122,Consumer loans,6081.795,26955.0,29821.5,2695.5,26955.0,SATURDAY,11,Y,1,0.09028030093349773,,,XAP,Approved,-736,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,56,Connectivity,6.0,high,POS mobile with interest,365243.0,-680.0,-530.0,-650.0,-642.0,0.0,0,Cash loans,F,N,N,1,90000.0,640458.0,27265.5,517500.0,Unaccompanied,State servant,Higher education,Civil marriage,House / apartment,0.018029,-12198,-2058,-465.0,-3786,,1,1,0,1,0,0,Core staff,3.0,3,2,SUNDAY,8,0,0,0,0,0,0,Government,,0.34797733814994064,0.6058362647264226,0.1031,0.0319,0.9821,,,0.0,0.0517,0.1667,,,,0.066,,0.0044,0.105,0.0331,0.9821,,,0.0,0.0345,0.1667,,,,0.0686,,0.0,0.1041,0.0319,0.9821,,,0.0,0.0517,0.1667,,,,0.0672,,0.0045,,block of flats,0.0577,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1831008,105506,Cash loans,49591.71,450000.0,470790.0,,450000.0,TUESDAY,16,Y,1,,,,XNA,Approved,-566,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-536.0,-206.0,-206.0,-204.0,1.0,1,Cash loans,F,Y,Y,1,162000.0,997335.0,35464.5,832500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0060079999999999995,-16349,-9604,-5345.0,-4184,64.0,1,1,0,1,0,0,Laborers,3.0,2,2,MONDAY,17,0,0,0,0,0,0,Industry: type 7,,0.4329789718186031,0.5064842396679806,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2152536,335167,Consumer loans,7369.065,66136.5,73120.5,0.0,66136.5,TUESDAY,10,Y,1,0.0,,,XAP,Approved,-462,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Regional / Local,50,Consumer electronics,12.0,middle,POS household with interest,365243.0,-431.0,-101.0,-101.0,-93.0,0.0,1,Cash loans,F,N,Y,0,202500.0,521280.0,35392.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-17922,-950,-573.0,-1363,,1,1,0,1,0,0,Cleaning staff,2.0,2,2,TUESDAY,8,0,0,0,0,0,0,School,,0.16219210595922867,,0.0082,,0.9722,,,0.0,0.069,0.0417,,0.0292,,0.0078,,0.003,0.0084,,0.9722,,,0.0,0.069,0.0417,,0.0299,,0.0081,,0.0032,0.0083,,0.9722,,,0.0,0.069,0.0417,,0.0297,,0.0079,,0.0031,,block of flats,0.0068,"Stone, brick",No,3.0,1.0,3.0,0.0,-462.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1279803,195437,Revolving loans,,0.0,0.0,,,SATURDAY,12,Y,1,,,,XAP,Refused,-193,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Card Street,,,,,,,0,Cash loans,F,Y,N,0,76500.0,270000.0,10692.0,270000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.031329,-16705,-1672,-4261.0,-241,3.0,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Trade: type 7,0.6110184892817357,0.4649673768350752,0.2392262794694045,0.0722,0.0793,0.9781,0.7008,0.0079,0.0,0.1379,0.1667,0.2083,0.0873,0.0588,0.0633,0.0,0.0,0.0735,0.0823,0.9782,0.7125,0.008,0.0,0.1379,0.1667,0.2083,0.0893,0.0643,0.0659,0.0,0.0,0.0729,0.0793,0.9781,0.7048,0.0079,0.0,0.1379,0.1667,0.2083,0.0888,0.0599,0.0644,0.0,0.0,reg oper account,block of flats,0.0498,"Stone, brick",No,2.0,1.0,2.0,1.0,-1705.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2711704,364425,Cash loans,36268.74,1147500.0,1314117.0,,1147500.0,WEDNESDAY,15,Y,1,,,,XNA,Refused,-325,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,90000.0,156384.0,16969.5,135000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-21266,365243,-420.0,-4583,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,XNA,,0.6562461452859506,0.7180328113294772,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1990.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,3.0,6.0 +2246438,251862,Consumer loans,12121.605,68611.5,68611.5,0.0,68611.5,WEDNESDAY,12,Y,1,0.0,,,XAP,Approved,-632,Cash through the bank,XAP,,Repeater,Construction Materials,POS,XNA,Stone,70,Construction,6.0,low_normal,POS industry with interest,365243.0,-600.0,-450.0,-450.0,-439.0,0.0,0,Cash loans,F,N,Y,0,98419.5,990000.0,26113.5,990000.0,Unaccompanied,State servant,Secondary / secondary special,Separated,House / apartment,0.00702,-21214,-3601,-8568.0,-4446,,1,1,1,1,1,0,Medicine staff,1.0,2,2,FRIDAY,16,0,0,0,0,0,0,Medicine,0.7490142094865934,0.7408045552918762,0.6658549219640212,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1244.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2761267,369267,Consumer loans,9721.44,96750.0,96750.0,0.0,96750.0,FRIDAY,15,Y,1,0.0,,,XAP,Approved,-1023,Cash through the bank,XAP,Children,Refreshed,Audio/Video,POS,XNA,Country-wide,1775,Consumer electronics,12.0,middle,POS household with interest,365243.0,-992.0,-662.0,-782.0,-775.0,0.0,0,Cash loans,F,N,Y,0,90000.0,675000.0,29862.0,675000.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,House / apartment,0.014519999999999996,-17845,-8164,-4154.0,-1383,,1,1,0,1,0,0,Medicine staff,1.0,2,2,SATURDAY,12,0,0,0,0,0,0,Medicine,0.5522058513170061,0.6574882001591088,0.8128226070575616,0.1031,0.0863,0.9791,0.7144,0.0113,0.0,0.2069,0.1667,0.2083,0.0801,0.0841,0.094,0.0,0.0,0.105,0.0895,0.9791,0.7256,0.0115,0.0,0.2069,0.1667,0.2083,0.0819,0.0918,0.0979,0.0,0.0,0.1041,0.0863,0.9791,0.7182,0.0114,0.0,0.2069,0.1667,0.2083,0.0815,0.0855,0.0957,0.0,0.0,reg oper account,block of flats,0.0739,Panel,No,3.0,0.0,3.0,0.0,-3086.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2783780,417058,Consumer loans,28518.12,149305.5,155709.0,0.0,149305.5,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-233,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Country-wide,100,Furniture,6.0,middle,POS industry without interest,,,,,,,0,Cash loans,F,Y,N,2,135000.0,1035832.5,27454.5,904500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.009656999999999999,-14838,-6279,-278.0,-3316,2.0,1,1,0,1,0,0,Core staff,4.0,2,2,THURSDAY,18,0,0,0,0,0,0,Business Entity Type 2,,0.7371983959493037,0.7776594425716818,0.1309,0.0518,0.9925,0.898,0.0555,0.06,0.1724,0.2708,0.3125,0.093,0.1067,0.1319,0.0,0.0312,0.1092,0.019,0.9871,0.8301,0.0251,0.0,0.1034,0.1667,0.2083,0.0598,0.0955,0.1297,0.0,0.0,0.1322,0.0518,0.9925,0.8994,0.0558,0.06,0.1724,0.2708,0.3125,0.0947,0.1086,0.1343,0.0,0.0319,org spec account,block of flats,0.1566,"Stone, brick",No,1.0,0.0,1.0,0.0,-277.0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1981773,368399,Revolving loans,9000.0,0.0,90000.0,,,MONDAY,18,N,1,,,,XAP,Refused,-2864,XNA,HC,,Repeater,XNA,Cards,x-sell,Country-wide,20,Connectivity,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,Y,Y,0,180000.0,765000.0,22495.5,765000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.019688999999999998,-13437,-4914,-7095.0,-4282,10.0,1,1,0,1,0,0,,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Military,0.5596209679286331,0.6824764666621932,0.5989262182569273,0.0825,0.0742,0.9752,0.66,0.0101,0.0,0.1379,0.1667,0.2083,0.0804,0.0651,0.0692,0.0097,0.0076,0.084,0.077,0.9752,0.6733,0.0101,0.0,0.1379,0.1667,0.2083,0.0594,0.0735,0.0662,0.0,0.0,0.0833,0.0742,0.9752,0.6645,0.0101,0.0,0.1379,0.1667,0.2083,0.077,0.068,0.0718,0.0019,0.0016,reg oper account,block of flats,0.0608,Panel,No,3.0,0.0,3.0,0.0,-2152.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,3.0,0.0,4.0 +1697821,247255,Consumer loans,9457.38,92115.0,101844.0,0.0,92115.0,TUESDAY,11,Y,1,0.0,,,XAP,Approved,-304,Cash through the bank,XAP,Children,New,Jewelry,POS,XNA,Country-wide,52,Industry,12.0,low_action,POS others without interest,365243.0,-273.0,57.0,-123.0,-117.0,0.0,0,Cash loans,F,N,Y,0,135000.0,1125000.0,59940.0,1125000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-23197,365243,-5494.0,-4460,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,XNA,0.7499552491419659,0.4711033090518181,0.35233997269170386,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-250.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1696554,118972,Revolving loans,2250.0,45000.0,45000.0,,45000.0,FRIDAY,12,Y,1,,,,XAP,Approved,-376,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-262.0,-238.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,697500.0,33687.0,697500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-10771,-2380,-656.0,-3408,10.0,1,1,0,1,0,0,Drivers,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.21795774982967667,0.6951635322408198,0.6577838002083306,0.1216,0.1248,0.9791,0.7144,0.1695,0.0,0.2759,0.1667,0.0417,0.0229,0.0992,0.1056,0.0,0.0,0.1239,0.1295,0.9791,0.7256,0.1711,0.0,0.2759,0.1667,0.0417,0.0234,0.1084,0.11,0.0,0.0,0.1228,0.1248,0.9791,0.7182,0.1706,0.0,0.2759,0.1667,0.0417,0.0233,0.1009,0.1074,0.0,0.0,reg oper account,block of flats,0.0927,Panel,No,7.0,0.0,7.0,0.0,-1285.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +2523855,157179,Consumer loans,11363.805,167823.0,153981.0,33750.0,167823.0,SUNDAY,12,Y,1,0.19579514401893228,,,XAP,Approved,-2186,Cash through the bank,XAP,"Spouse, partner",New,Audio/Video,POS,XNA,Country-wide,2194,Consumer electronics,18.0,middle,POS household with interest,365243.0,-2154.0,-1644.0,-1644.0,-1640.0,0.0,0,Cash loans,M,Y,N,0,126000.0,563877.0,24021.0,504000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.025164,-15982,-4263,-7.0,-3420,28.0,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.3838005937764551,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1389.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2687461,255276,Consumer loans,4427.955,41760.0,41305.5,4176.0,41760.0,SUNDAY,13,Y,1,0.0999976613867976,,,XAP,Approved,-1663,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,150,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1630.0,-1300.0,-1300.0,-1292.0,0.0,0,Cash loans,F,N,Y,0,67500.0,144000.0,7132.5,144000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-13148,-1409,-5783.0,-434,,1,1,0,1,0,0,Waiters/barmen staff,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.6193372595472497,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,3.0,4.0,2.0,-1663.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2320008,138280,Cash loans,46030.95,454500.0,472500.0,,454500.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-384,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-354.0,-24.0,-15.0,-9.0,1.0,0,Cash loans,F,N,Y,0,157500.0,1350000.0,37125.0,1350000.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.028663,-23704,365243,-333.0,-4569,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,14,0,0,0,0,0,0,XNA,,0.7308072125215725,0.4507472818545589,0.2021,0.0576,0.9836,0.7756,0.0,0.08,0.069,0.3333,0.0417,0.0455,0.1513,0.061,0.0618,0.1061,0.2059,0.0597,0.9836,0.7844,0.0,0.0806,0.069,0.3333,0.0417,0.0466,0.1653,0.0636,0.0623,0.1124,0.204,0.0576,0.9836,0.7786,0.0,0.08,0.069,0.3333,0.0417,0.0463,0.1539,0.0621,0.0621,0.1084,reg oper account,specific housing,0.0887,"Stone, brick",No,5.0,0.0,5.0,0.0,-1499.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1962421,149800,Cash loans,34233.75,1125000.0,1125000.0,,1125000.0,MONDAY,10,Y,1,,,,Buying a holiday home / land,Refused,-403,Cash through the bank,SCOFR,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,N,Y,0,225000.0,675000.0,53460.0,675000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.028663,-9678,-358,-763.0,-2317,,1,1,0,1,0,1,Managers,1.0,2,2,FRIDAY,13,0,0,0,0,1,1,Trade: type 7,0.3454573102638085,0.5583454606908226,0.1008037063175332,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-951.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,1.0 +1844422,413811,Consumer loans,4941.18,22396.5,18544.5,4482.0,22396.5,FRIDAY,15,Y,1,0.21198642670598888,,,XAP,Approved,-1070,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,43,Connectivity,4.0,middle,POS mobile without interest,365243.0,-1039.0,-949.0,-979.0,-969.0,0.0,0,Cash loans,F,N,Y,1,94500.0,589500.0,32107.5,589500.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.015221,-9766,-1323,-304.0,-325,,1,1,0,1,0,0,Sales staff,3.0,2,2,THURSDAY,15,0,0,0,1,1,0,Business Entity Type 3,,0.41286163075708665,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-224.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2803206,349171,Consumer loans,15537.24,87930.0,87930.0,0.0,87930.0,FRIDAY,14,Y,1,0.0,,,XAP,Approved,-1213,Cash through the bank,XAP,"Spouse, partner",Repeater,Computers,POS,XNA,Regional / Local,127,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-1182.0,-1032.0,-1032.0,-1029.0,0.0,0,Cash loans,M,Y,Y,2,180000.0,454500.0,27936.0,454500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.028663,-12657,-1334,-6715.0,-4225,4.0,1,1,0,1,0,0,Laborers,4.0,2,2,SUNDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.5380325393520664,0.7062051096536562,0.1031,,0.9767,,,0.0,0.2069,0.1667,,,,,,0.0,0.105,,0.9767,,,0.0,0.2069,0.1667,,,,,,0.0,0.1041,,0.9767,,,0.0,0.2069,0.1667,,,,,,0.0,,,0.1108,,No,2.0,2.0,2.0,2.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1716809,395239,Consumer loans,12102.48,104616.0,103351.5,10575.0,104616.0,MONDAY,14,Y,1,0.10109269014352552,,,XAP,Approved,-2255,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,15,Connectivity,12.0,high,POS mobile with interest,365243.0,-2224.0,-1894.0,-1894.0,-1885.0,0.0,0,Cash loans,F,Y,Y,0,180000.0,729000.0,48915.0,729000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.028663,-11543,-4694,-69.0,-3900,6.0,1,1,0,1,0,0,Accountants,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Self-employed,0.6516137960770536,0.04474890280115471,0.3344541255096772,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-372.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,1.0 +2011739,191220,Consumer loans,11629.125,123741.0,123124.5,12375.0,123741.0,FRIDAY,19,Y,1,0.09946531168011688,,,XAP,Approved,-220,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,1465,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-184.0,146.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,225000.0,1288350.0,37669.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-23610,-4932,-16036.0,-4187,,1,1,0,1,0,0,Accountants,2.0,2,2,SUNDAY,18,0,0,0,0,0,0,Other,,0.4973777976897653,0.2250868621163805,0.0082,,0.9732,,,,0.0345,0.0417,,,,0.009000000000000001,,0.0,0.0084,,0.9732,,,,0.0345,0.0417,,,,0.0094,,0.0,0.0083,,0.9732,,,,0.0345,0.0417,,,,0.0092,,0.0,,block of flats,0.0071,,No,0.0,0.0,0.0,0.0,-220.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2750679,104599,Consumer loans,12310.425,120060.0,131944.5,0.0,120060.0,SATURDAY,15,Y,1,0.0,,,XAP,Approved,-2741,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,1605,Furniture,12.0,low_normal,POS industry with interest,365243.0,-2710.0,-2380.0,-2380.0,-2376.0,1.0,0,Cash loans,F,N,N,0,135000.0,522000.0,17095.5,522000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.014519999999999996,-23248,365243,-7875.0,-4359,,1,0,0,1,1,0,,1.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,XNA,,0.26846074567713396,,,,0.9776,0.6940000000000001,,0.0,0.2069,0.1667,0.2083,0.1073,,0.1104,,0.0241,,,0.9777,0.706,,0.0,0.2069,0.1667,0.2083,0.1098,,0.1085,,0.0,,,0.9776,0.6981,,0.0,0.2069,0.1667,0.2083,0.1092,,0.1124,,0.0246,,block of flats,0.0917,Panel,No,0.0,0.0,0.0,0.0,-2207.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1565243,228226,Consumer loans,9241.65,56596.5,56596.5,0.0,56596.5,SATURDAY,18,Y,1,0.0,,,XAP,Approved,-255,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,60,Connectivity,8.0,high,POS mobile with interest,365243.0,-202.0,8.0,365243.0,365243.0,0.0,0,Revolving loans,M,N,Y,0,90000.0,180000.0,9000.0,180000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.008575,-16983,-717,-1736.0,-273,,1,1,0,1,0,0,Security staff,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Security,,0.6456186288371862,0.2866524828090694,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-606.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1659255,254782,Consumer loans,,70150.5,70150.5,0.0,70150.5,TUESDAY,16,Y,1,0.0,,,XAP,Refused,-2075,XNA,LIMIT,Family,Repeater,Computers,XNA,XNA,Country-wide,2221,Consumer electronics,,XNA,POS household with interest,,,,,,,0,Cash loans,F,N,N,0,270000.0,405000.0,19611.0,405000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,Municipal apartment,0.072508,-9355,-1128,-9298.0,-2019,,1,1,0,1,0,1,Core staff,1.0,1,1,FRIDAY,19,0,0,0,0,0,0,Other,,0.7367872431046116,,0.0515,0.08800000000000001,0.9712,0.6056,0.0809,0.0,0.1034,0.1667,0.0417,0.0,0.1025,0.0692,0.0,0.115,0.0525,0.0913,0.9712,0.621,0.0816,0.0,0.1034,0.1667,0.0417,0.0,0.112,0.0721,0.0,0.1218,0.052000000000000005,0.08800000000000001,0.9712,0.6109,0.0814,0.0,0.1034,0.1667,0.0417,0.0,0.1043,0.0705,0.0,0.1175,reg oper account,block of flats,0.0795,"Stone, brick",No,1.0,1.0,1.0,1.0,-673.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2674381,332577,Cash loans,28793.16,675000.0,779247.0,,675000.0,MONDAY,14,Y,1,,,,XNA,Approved,-610,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,54.0,middle,Cash X-Sell: middle,365243.0,-580.0,1010.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,270000.0,1097676.0,32224.5,958500.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.031329,-16576,-747,-4998.0,-125,,1,1,0,1,0,0,Managers,2.0,2,2,TUESDAY,8,0,0,0,0,0,0,Self-employed,,0.6850062717219364,0.05922650139750646,0.0165,,0.9677,,,0.0,0.1034,0.0417,,0.0292,,0.0151,,0.0,0.0168,,0.9677,,,0.0,0.1034,0.0417,,0.0298,,0.0158,,0.0,0.0167,,0.9677,,,0.0,0.1034,0.0417,,0.0297,,0.0154,,0.0,,block of flats,0.018000000000000002,Block,No,1.0,0.0,1.0,0.0,-610.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2266327,286745,Cash loans,17504.055,135000.0,142425.0,0.0,135000.0,WEDNESDAY,18,Y,1,0.0,,,XNA,Approved,-2859,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,10.0,middle,Cash Street: middle,365243.0,-2829.0,-2559.0,-2559.0,-2554.0,1.0,1,Revolving loans,M,Y,Y,0,157500.0,382500.0,19125.0,382500.0,"Spouse, partner",Working,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-18017,-2737,-8254.0,-1564,12.0,1,1,1,1,0,0,,2.0,2,2,SATURDAY,12,0,0,0,0,1,1,Agriculture,,0.7083159564023962,0.41184855592423975,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,2.0,6.0,0.0,-2194.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1974392,294329,Revolving loans,22500.0,0.0,450000.0,,,THURSDAY,13,Y,1,,,,XAP,Approved,-1325,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-1313.0,-1284.0,365243.0,-1040.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,180000.0,619254.0,29920.5,553500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.031329,-14172,-3658,-1338.0,-4268,13.0,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.7555307687089008,,0.0247,0.041,0.9737,0.6396,0.0039,0.0,0.069,0.0833,0.125,0.0302,0.0202,0.0193,0.0,0.0031,0.0252,0.0425,0.9737,0.6537,0.0039,0.0,0.069,0.0833,0.125,0.0309,0.022,0.0201,0.0,0.0032,0.025,0.041,0.9737,0.6444,0.0039,0.0,0.069,0.0833,0.125,0.0307,0.0205,0.0196,0.0,0.0031,reg oper account,block of flats,0.0158,"Stone, brick",No,4.0,0.0,4.0,0.0,-2737.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1631560,143795,Cash loans,19076.175,225000.0,281983.5,,225000.0,WEDNESDAY,17,Y,1,,,,Repairs,Refused,-619,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,N,0,166500.0,225000.0,17775.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.02461,-12938,-1657,-6651.0,-4120,,1,1,0,1,1,1,,1.0,2,2,SATURDAY,8,0,0,0,0,0,0,Business Entity Type 3,0.5301949523630267,0.690238758469794,0.25396280933631177,0.0206,0.0,0.9776,0.6940000000000001,,,0.0345,0.125,0.0417,0.0091,0.0168,0.0145,0.0,0.0,0.021,0.0,0.9777,0.706,,,0.0345,0.125,0.0417,0.0093,0.0184,0.0152,0.0,0.0,0.0208,0.0,0.9776,0.6981,,,0.0345,0.125,0.0417,0.0092,0.0171,0.0148,0.0,0.0,reg oper account,block of flats,0.0181,"Stone, brick",No,1.0,1.0,1.0,0.0,-1531.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2299152,354357,Cash loans,65274.435,1800000.0,1971072.0,,1800000.0,THURSDAY,14,Y,1,,,,XNA,Approved,-999,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,Y,Y,1,450000.0,825588.0,80559.0,765000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.011656999999999999,-15083,-1163,-928.0,-2158,13.0,1,1,0,1,1,0,Managers,3.0,1,1,SATURDAY,11,0,1,1,0,0,0,Business Entity Type 3,,0.4073546045527177,,0.1057,,0.9925,,,0.08,0.1207,0.25,,,,,,,0.063,,0.9926,,,0.0,0.1034,0.1667,,,,,,,0.1067,,0.9925,,,0.08,0.1207,0.25,,,,,,,,block of flats,0.0522,Panel,No,0.0,0.0,0.0,0.0,-1668.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,7.0,0.0,4.0 +2683037,229941,Cash loans,62956.035,1800000.0,1971072.0,,1800000.0,SATURDAY,13,Y,1,,,,Buying a used car,Approved,-849,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-817.0,593.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,180000.0,792162.0,40576.5,630000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0228,-15961,-6504,-5723.0,-3167,,1,1,1,1,1,0,Core staff,2.0,2,2,MONDAY,13,0,0,0,0,0,0,Self-employed,0.6804754142021885,0.5870625070342449,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1733.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +2163423,138358,Consumer loans,6703.92,50805.0,49149.0,5400.0,50805.0,WEDNESDAY,8,Y,1,0.10781299215550988,,,XAP,Refused,-1807,Cash through the bank,HC,,New,Mobile,POS,XNA,Country-wide,28,Connectivity,10.0,high,POS mobile with interest,,,,,,,0,Cash loans,M,N,N,0,202500.0,450000.0,36081.0,450000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.020246,-10046,-2255,-2682.0,-1301,,1,1,1,1,0,1,,1.0,3,3,MONDAY,15,0,0,0,1,1,0,Business Entity Type 2,0.2957916724118677,0.3011221480766791,0.17560597946937906,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,0.0,-1582.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2513596,345477,Consumer loans,8870.49,50661.0,63171.0,0.0,50661.0,THURSDAY,13,Y,1,0.0,,,XAP,Approved,-1188,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,40,Connectivity,10.0,high,POS mobile with interest,365243.0,-1157.0,-887.0,-887.0,-876.0,0.0,0,Cash loans,F,N,Y,0,135000.0,172512.0,15952.5,144000.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.031329,-23540,365243,-11583.0,-4076,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,13,0,0,0,0,0,0,XNA,0.8101100492082703,0.7007506959442794,0.1986200451074864,0.0784,0.0865,0.9836,0.7756,0.0162,0.0,0.1724,0.1667,0.2083,0.0591,0.0639,0.0847,0.0,0.0,0.0798,0.0897,0.9836,0.7844,0.0164,0.0,0.1724,0.1667,0.2083,0.0604,0.0698,0.0882,0.0,0.0,0.0791,0.0865,0.9836,0.7786,0.0163,0.0,0.1724,0.1667,0.2083,0.0601,0.065,0.0862,0.0,0.0,reg oper account,block of flats,0.0666,Panel,No,6.0,0.0,6.0,0.0,-1188.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1005565,169449,Consumer loans,6834.735,55980.0,57033.0,5598.0,55980.0,WEDNESDAY,11,Y,1,0.09734366222942163,,,XAP,Approved,-134,XNA,XAP,Unaccompanied,Refreshed,Furniture,POS,XNA,Stone,456,Furniture,10.0,middle,POS industry with interest,365243.0,-104.0,166.0,365243.0,365243.0,1.0,0,Revolving loans,F,N,Y,2,72000.0,225000.0,11250.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-13160,-6327,-1220.0,-1556,,1,1,0,1,0,0,,4.0,2,2,THURSDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.2688123075238518,0.697494024588281,0.6144143775673561,0.1577,0.1282,0.9826,0.762,0.0386,0.16,0.1379,0.3333,0.375,0.0847,0.1261,0.1762,0.0116,0.0117,0.1607,0.133,0.9826,0.7713,0.0389,0.1611,0.1379,0.3333,0.375,0.0866,0.1377,0.1836,0.0117,0.0124,0.1593,0.1282,0.9826,0.7652,0.0388,0.16,0.1379,0.3333,0.375,0.0861,0.1283,0.1794,0.0116,0.012,reg oper account,block of flats,0.1411,Panel,No,0.0,0.0,0.0,0.0,-134.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,0.0 +2134250,130539,Consumer loans,2473.515,30469.5,24372.0,6097.5,30469.5,FRIDAY,18,Y,1,0.21794685893046534,,,XAP,Approved,-420,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,25,Connectivity,12.0,middle,POS mobile with interest,365243.0,-364.0,-34.0,-364.0,-355.0,0.0,0,Cash loans,M,Y,Y,3,225000.0,985603.5,55165.5,931500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009549,-14609,-1384,-855.0,-4232,15.0,1,1,0,1,0,0,Laborers,5.0,2,2,FRIDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.6137175860871732,0.4048783643353997,0.0619,,0.9881,,,,0.1034,0.1667,,,,0.036000000000000004,,,0.063,,0.9881,,,,0.1034,0.1667,,,,0.0375,,,0.0625,,0.9881,,,,0.1034,0.1667,,,,0.0366,,,,block of flats,0.048,Panel,No,1.0,0.0,1.0,0.0,-1693.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1049826,187965,Consumer loans,11497.05,56745.0,66150.0,0.0,56745.0,TUESDAY,14,Y,1,0.0,,,XAP,Approved,-800,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,10000,Consumer electronics,6.0,low_action,POS household without interest,365243.0,-769.0,-619.0,-649.0,-640.0,0.0,0,Cash loans,M,N,Y,0,112500.0,98910.0,7929.0,90000.0,Unaccompanied,Working,Higher education,Married,With parents,0.008575,-10714,-201,-4654.0,-3326,,1,1,1,1,0,0,,2.0,2,2,THURSDAY,16,0,0,0,0,0,0,Military,0.3913635501542957,0.7744292157164339,0.5779691187553125,0.1031,0.1082,0.9776,0.6940000000000001,0.0113,0.0,0.2069,0.1667,0.2083,0.1211,0.0841,0.0897,0.0,0.0,0.105,0.1123,0.9777,0.706,0.0114,0.0,0.2069,0.1667,0.2083,0.1239,0.0918,0.0934,0.0,0.0,0.1041,0.1082,0.9776,0.6981,0.0114,0.0,0.2069,0.1667,0.2083,0.1233,0.0855,0.0913,0.0,0.0,reg oper account,block of flats,0.0705,Block,No,0.0,0.0,0.0,0.0,-800.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1442847,273707,Cash loans,34767.495,675000.0,767664.0,,675000.0,MONDAY,12,Y,1,,,,XNA,Approved,-919,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-889.0,521.0,-109.0,-101.0,1.0,0,Cash loans,F,N,Y,0,270000.0,1096020.0,48406.5,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.008575,-18518,-4923,-8765.0,-2046,,1,1,0,1,0,0,Cooking staff,2.0,2,2,WEDNESDAY,12,0,0,0,0,1,1,Business Entity Type 3,,0.05708919445728576,0.30620229831350426,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1223.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1562379,224802,Consumer loans,9375.615,49455.0,46714.5,4945.5,49455.0,SATURDAY,17,Y,1,0.10426053215077602,,,XAP,Approved,-2397,XNA,XAP,"Spouse, partner",Repeater,Mobile,POS,XNA,Country-wide,32,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2366.0,-2216.0,-2276.0,-2270.0,1.0,0,Cash loans,F,Y,Y,0,135000.0,781920.0,28084.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0105,-16434,-297,-4417.0,-4417,21.0,1,1,0,1,0,0,Sales staff,2.0,3,3,TUESDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.31728990684801395,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0707,,No,0.0,0.0,0.0,0.0,-490.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1751492,300160,Consumer loans,18980.325,107757.0,101781.0,10777.5,107757.0,TUESDAY,19,Y,1,0.10428068313567858,,,XAP,Approved,-1641,XNA,XAP,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Country-wide,2441,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1610.0,-1460.0,-1460.0,-1454.0,0.0,0,Cash loans,F,Y,Y,0,137700.0,101880.0,12217.5,90000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.010643000000000001,-9882,-119,-604.0,-955,21.0,1,1,0,1,0,0,Sales staff,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,Self-employed,,0.6456036190991743,0.12610055883623253,0.0928,0.1086,0.9841,0.7484,0.0009,0.0,0.2069,0.1667,0.0417,0.1304,0.0,0.0523,0.0,0.0859,0.0945,0.1127,0.9841,0.7583,0.0009,0.0,0.2069,0.1667,0.0417,0.1333,0.0,0.0545,0.0,0.091,0.0937,0.1086,0.9841,0.7518,0.0009,0.0,0.2069,0.1667,0.0417,0.1326,0.0,0.0533,0.0,0.0877,not specified,block of flats,0.0717,Panel,No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2262330,281446,Revolving loans,4500.0,0.0,90000.0,,,WEDNESDAY,13,Y,1,,,,XAP,Approved,-1083,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-991.0,-943.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,90000.0,157914.0,16713.0,139500.0,Family,Working,Secondary / secondary special,Married,With parents,0.035792000000000004,-16174,-277,-5610.0,-4682,,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.16918682759160858,0.5824004546428976,0.5082869913916046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,2.0,2.0,2.0,-262.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2784867,387681,Cash loans,24277.32,450000.0,533160.0,,450000.0,TUESDAY,12,Y,1,,,,XNA,Approved,-989,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,225000.0,1097676.0,32224.5,958500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.022625,-18011,-1587,-7393.0,-1573,,1,1,0,1,0,0,Managers,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,Agriculture,0.778894400169824,0.6467285520322946,0.746300213050371,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1089.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1249676,388164,Consumer loans,14021.775,68071.5,49216.5,20425.5,68071.5,SUNDAY,10,Y,1,0.3194225663196972,,,XAP,Approved,-2706,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,1300,Consumer electronics,4.0,low_normal,POS household with interest,365243.0,-2675.0,-2585.0,-2585.0,-2580.0,1.0,0,Cash loans,F,N,N,0,126000.0,270000.0,26302.5,270000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-23727,365243,-11157.0,-4549,,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,,0.7599662941713806,,0.0605,0.0678,0.9722,0.6192,0.0648,0.01,0.0993,0.1433,0.225,0.0461,0.0558,0.0504,0.0069,0.0277,0.0021,0.0,0.9806,0.523,0.0043,0.0,0.0345,0.1667,0.2083,0.0126,0.0312,0.0037,0.0,0.0,0.0562,0.0434,0.9742,0.6377,0.0083,0.0,0.1034,0.1667,0.2083,0.0418,0.0633,0.0554,0.0039,0.0117,reg oper account,block of flats,0.0251,"Stone, brick",No,1.0,1.0,1.0,1.0,-1706.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1199488,123617,Cash loans,15840.45,225000.0,273406.5,,225000.0,FRIDAY,16,Y,1,,,,XNA,Refused,-712,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),5,XNA,36.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,Y,N,0,135000.0,1082214.0,31770.0,945000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.02461,-10699,-3908,-3488.0,-3156,14.0,1,1,1,1,1,0,Accountants,2.0,2,2,TUESDAY,18,0,0,0,0,1,1,Business Entity Type 2,0.17778912425846288,0.5779743432569489,0.2807895743848605,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-893.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,1.0 +2088877,441950,Consumer loans,11316.51,163566.0,114493.5,49072.5,163566.0,SUNDAY,10,Y,1,0.3267452504576968,,,XAP,Approved,-1218,Cash through the bank,XAP,Family,Refreshed,Audio/Video,POS,XNA,Country-wide,1600,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1187.0,-857.0,-857.0,-847.0,0.0,0,Cash loans,M,Y,N,0,292500.0,733315.5,39199.5,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.005084,-12982,-1025,-6663.0,-3077,24.0,1,1,1,1,1,0,Laborers,2.0,2,2,TUESDAY,17,0,0,0,0,1,1,Business Entity Type 2,0.30586233277088665,0.09202499784503172,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-5.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2070582,316893,Cash loans,37587.285,630000.0,673245.0,,630000.0,WEDNESDAY,15,Y,1,,,,XNA,Approved,-993,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-963.0,-273.0,-333.0,-324.0,1.0,0,Cash loans,F,Y,Y,4,315000.0,1056447.0,31018.5,922500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.009175,-13191,-6436,-4394.0,-4410,1.0,1,1,1,1,1,0,Core staff,6.0,2,2,TUESDAY,13,0,0,0,0,1,1,Government,0.5315686548995814,0.3966363621675115,0.5262949398096192,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1339.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +1389092,220023,Cash loans,29536.83,274500.0,289719.0,0.0,274500.0,FRIDAY,15,Y,1,0.0,,,XNA,Approved,-2455,Non-cash from your account,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash Street: middle,365243.0,-2425.0,-2095.0,-2095.0,-2089.0,1.0,0,Cash loans,M,Y,N,0,1260000.0,1842768.0,177826.5,1800000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.031329,-19534,-6716,-7632.0,-3064,11.0,1,1,1,1,1,0,Sales staff,2.0,2,2,TUESDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.6762574966904327,0.6317018035543432,,0.1155,,0.9881,,,0.08,0.1379,0.3333,,,,0.1244,,,0.1176,,0.9881,,,0.0806,0.1379,0.3333,,,,0.1296,,,0.1166,,0.9881,,,0.08,0.1379,0.3333,,,,0.1266,,,,block of flats,0.0978,Mixed,No,2.0,0.0,2.0,0.0,-2077.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1249438,398326,Consumer loans,2956.68,23175.0,21676.5,3150.0,23175.0,SUNDAY,9,Y,1,0.13818445466080045,,,XAP,Approved,-1793,XNA,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,17,Connectivity,10.0,high,POS mobile with interest,365243.0,-1754.0,-1484.0,-1484.0,-1478.0,0.0,0,Cash loans,F,N,Y,0,90000.0,177903.0,12780.0,148500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-24421,365243,-11347.0,-4375,,1,0,0,1,0,0,,2.0,2,2,MONDAY,14,0,0,0,0,0,0,XNA,,0.6403730597024667,0.7490217048463391,0.0351,0.0275,0.9786,0.6328,0.0011,0.0,0.1034,0.1042,0.0833,0.0342,0.0067,0.0306,0.0,0.0308,0.0084,0.0,0.9732,0.6472,0.0011,0.0,0.069,0.0417,0.0833,0.0305,0.0073,0.0082,0.0,0.0,0.0354,0.0275,0.9786,0.6377,0.0011,0.0,0.1034,0.1042,0.0833,0.0348,0.0068,0.0312,0.0,0.0314,reg oper spec account,block of flats,0.0555,"Stone, brick",No,2.0,0.0,2.0,0.0,-1599.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +2345259,111591,Consumer loans,3565.62,18810.0,17766.0,1881.0,18810.0,WEDNESDAY,14,Y,1,0.1042693540998626,,,XAP,Approved,-2666,Cash through the bank,XAP,Children,New,Audio/Video,POS,XNA,Country-wide,65,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2635.0,-2485.0,-2485.0,-2480.0,1.0,0,Revolving loans,F,N,Y,0,135000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.006670999999999999,-17093,-2383,-7403.0,-591,,1,1,0,1,0,0,,1.0,2,2,TUESDAY,12,0,0,0,0,0,0,Trade: type 7,0.6870579795371543,0.6769303331533043,0.4471785780453068,0.1649,,0.9891,,,0.16,0.1379,0.375,,0.1175,,0.1004,,0.0,0.1681,,0.9891,,,0.1611,0.1379,0.375,,0.1202,,0.1046,,0.0,0.1665,,0.9891,,,0.16,0.1379,0.375,,0.1196,,0.1022,,0.0,,block of flats,0.1339,Panel,No,1.0,0.0,1.0,0.0,-2161.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1195180,433945,Consumer loans,8641.035,33705.0,30330.0,3375.0,33705.0,WEDNESDAY,12,Y,1,0.1090544969049642,,,XAP,Approved,-2905,XNA,XAP,Family,New,Mobile,POS,XNA,Country-wide,17,Connectivity,4.0,low_normal,POS mobile with interest,365243.0,-2866.0,-2776.0,-2776.0,-2768.0,0.0,0,Cash loans,F,Y,Y,0,202500.0,900616.5,32476.5,670500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-19765,-2168,-4229.0,-3310,4.0,1,1,0,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Self-employed,0.8004098127670394,0.7662239906369884,0.6706517530862718,0.0948,0.0659,0.9876,0.8028,0.0213,0.08,0.1148,0.2775,0.125,0.0643,0.0706,0.0824,0.0019,0.0013,0.1134,0.0587,0.9831,0.7779,0.0162,0.1208,0.1034,0.3333,0.0417,0.0549,0.0551,0.0568,0.0,0.0,0.1124,0.0591,0.9881,0.8054,0.0214,0.12,0.1034,0.3333,0.125,0.0577,0.0718,0.0773,0.0019,0.0,reg oper spec account,block of flats,0.0573,"Stone, brick",No,3.0,0.0,2.0,0.0,-2905.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2149039,111993,Cash loans,9611.73,90000.0,114273.0,,90000.0,SATURDAY,10,Y,1,,,,XNA,Approved,-1403,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-1373.0,-863.0,-1043.0,-1038.0,1.0,0,Cash loans,F,N,Y,0,121500.0,419679.0,33156.0,346500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.031329,-19290,-3183,-7070.0,-2840,,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.5646717621530153,0.13765446191826075,0.1031,,0.9791,,,0.0,0.2069,0.1667,,,,0.0907,,0.0,0.105,,0.9791,,,0.0,0.2069,0.1667,,,,0.0945,,0.0,0.1041,,0.9791,,,0.0,0.2069,0.1667,,,,0.0924,,0.0,,block of flats,0.0714,,No,1.0,0.0,1.0,0.0,-2571.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2777887,209904,Cash loans,11517.39,112500.0,119925.0,,112500.0,TUESDAY,10,Y,1,,,,XNA,Refused,-1512,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,,,,,,,1,Cash loans,F,N,Y,0,112500.0,254700.0,16407.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,With parents,0.025164,-10013,-169,-2329.0,-2694,,1,1,0,1,0,0,Security staff,1.0,2,2,TUESDAY,13,0,0,0,1,1,0,Security,0.15024919632925654,0.19588369864754693,0.6785676886853644,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-313.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1191073,158073,Cash loans,12168.9,270000.0,270000.0,0.0,270000.0,THURSDAY,9,Y,1,0.0,,,XNA,Refused,-2539,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,48.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,Y,Y,0,180000.0,2156400.0,59431.5,1800000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-19125,-7984,-5638.0,-2688,5.0,1,1,1,1,1,0,Medicine staff,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Medicine,,0.6238430141034935,0.39277386060313396,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,5.0,0.0,-2539.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,5.0,0.0,0.0 +2549367,381359,Revolving loans,18000.0,360000.0,360000.0,,360000.0,TUESDAY,11,N,0,,,,XAP,Refused,-536,XNA,SCOFR,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,N,Y,1,180000.0,674635.5,32584.5,603000.0,Other_B,Working,Higher education,Married,House / apartment,0.022625,-10390,-3809,-77.0,-2653,,1,1,0,1,0,1,Sales staff,3.0,2,2,SATURDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.6911263988087338,0.6722428897082422,0.099,0.2586,0.9712,0.6056,0.1636,0.0,0.2414,0.125,0.0417,0.0617,0.0756,0.0578,0.0232,0.263,0.1008,0.2684,0.9712,0.621,0.1651,0.0,0.2414,0.125,0.0417,0.0631,0.0826,0.0602,0.0233,0.2784,0.0999,0.2586,0.9712,0.6109,0.1646,0.0,0.2414,0.125,0.0417,0.0627,0.077,0.0589,0.0233,0.2685,not specified,block of flats,0.0849,"Stone, brick",No,6.0,0.0,5.0,0.0,-649.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1384033,384501,Consumer loans,1753.74,17365.5,17280.0,1737.0,17365.5,THURSDAY,15,Y,1,0.0994768317342856,,,XAP,Approved,-578,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,32,Connectivity,12.0,middle,POS mobile with interest,365243.0,-547.0,-217.0,-457.0,-449.0,0.0,0,Revolving loans,F,Y,N,1,76500.0,225000.0,11250.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008473999999999999,-9494,-512,-1949.0,-1949,65.0,1,1,0,1,0,0,Cooking staff,3.0,2,2,MONDAY,13,0,0,0,0,0,0,Restaurant,,0.3503427415687429,0.7076993447402619,0.0928,0.0896,0.9781,0.7008,0.0427,0.0,0.2069,0.1667,0.2083,0.0442,0.0756,0.0879,0.0,0.0,0.0945,0.093,0.9782,0.7125,0.043,0.0,0.2069,0.1667,0.2083,0.0452,0.0826,0.0916,0.0,0.0,0.0937,0.0896,0.9781,0.7048,0.0429,0.0,0.2069,0.1667,0.2083,0.045,0.077,0.0895,0.0,0.0,reg oper account,block of flats,0.0925,Panel,No,0.0,0.0,0.0,0.0,-1110.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1891554,296190,Consumer loans,16544.385,134550.0,121293.0,22500.0,134550.0,MONDAY,8,Y,1,0.17041542672136645,,,XAP,Approved,-2130,XNA,XAP,,Repeater,Mobile,POS,XNA,Stone,15,Consumer electronics,10.0,high,POS household with interest,365243.0,-2085.0,-1815.0,-1875.0,-1872.0,0.0,1,Cash loans,M,Y,N,0,333000.0,1711764.0,47200.5,1530000.0,Unaccompanied,Working,Higher education,Single / not married,With parents,0.001276,-16535,-2221,-2506.0,-96,22.0,1,1,0,1,0,1,,1.0,2,2,WEDNESDAY,2,0,0,0,0,0,0,Self-employed,0.5057195241275614,0.494015918597287,0.5814837058057234,0.0309,0.0349,0.9826,0.762,0.0049,0.0,0.069,0.1667,0.2083,0.0412,0.0244,0.0339,0.0039,0.0025,0.0315,0.0362,0.9826,0.7713,0.0049,0.0,0.069,0.1667,0.2083,0.0422,0.0266,0.0353,0.0039,0.0026,0.0312,0.0349,0.9826,0.7652,0.0049,0.0,0.069,0.1667,0.2083,0.042,0.0248,0.0345,0.0039,0.0025,reg oper account,block of flats,0.0315,Block,No,0.0,0.0,0.0,0.0,-2321.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1917401,159038,Cash loans,21739.23,562500.0,673875.0,,562500.0,MONDAY,6,Y,1,,,,XNA,Refused,-43,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,1,99000.0,797814.0,25866.0,571500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.008068,-8626,-429,-3448.0,-1184,,1,1,0,1,0,0,,3.0,3,3,TUESDAY,8,0,0,0,1,1,0,Self-employed,0.4896377661771936,0.3186272125073342,0.5762088360175724,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-318.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,1.0 +1479965,303844,Cash loans,4921.2,45000.0,45000.0,0.0,45000.0,MONDAY,10,Y,1,0.0,,,XNA,Refused,-2573,Cash through the bank,SCO,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,90000.0,555273.0,18040.5,463500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.02461,-21435,365243,-7976.0,-4313,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,13,0,0,0,0,0,0,XNA,,0.6832957049757933,0.6178261467332483,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1617.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1893219,415524,Revolving loans,9000.0,180000.0,180000.0,,180000.0,WEDNESDAY,15,Y,1,,,,XAP,Refused,-306,XNA,HC,,Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,Y,N,0,166500.0,835605.0,24561.0,697500.0,"Spouse, partner",Pensioner,Higher education,Married,Rented apartment,0.04622,-21834,365243,-8203.0,-4996,18.0,1,0,0,1,1,0,,2.0,1,1,MONDAY,15,0,0,0,0,0,0,XNA,,0.2680701203558021,0.6144143775673561,0.1485,0.0813,0.9886,0.8436,0.0577,0.16,0.1379,0.3333,0.375,0.1512,0.121,0.1597,0.0,0.0,0.1513,0.0844,0.9886,0.8497,0.0582,0.1611,0.1379,0.3333,0.375,0.1547,0.1322,0.1664,0.0,0.0,0.1499,0.0813,0.9886,0.8457,0.058,0.16,0.1379,0.3333,0.375,0.1538,0.1231,0.1626,0.0,0.0,reg oper account,block of flats,0.1571,Panel,No,2.0,0.0,2.0,0.0,-3302.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1111149,429201,Consumer loans,11248.74,51961.5,54706.5,0.0,51961.5,FRIDAY,17,Y,1,0.0,,,XAP,Approved,-925,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,41,Connectivity,6.0,high,POS mobile with interest,365243.0,-892.0,-742.0,-742.0,-517.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,735579.0,40032.0,585000.0,Unaccompanied,Working,Secondary / secondary special,Married,Co-op apartment,0.0105,-10526,-3029,-4944.0,-3069,30.0,1,1,0,1,0,0,Laborers,2.0,3,3,SATURDAY,13,0,0,0,0,1,1,Business Entity Type 1,,0.4664038386335417,0.6246146584503397,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-925.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,1.0,0.0,2.0 +2816516,111998,Consumer loans,4441.68,42790.5,38290.5,4500.0,42790.5,SUNDAY,8,Y,1,0.11453264371552305,,,XAP,Approved,-1816,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,62,Connectivity,12.0,high,POS mobile with interest,365243.0,-1785.0,-1455.0,-1455.0,-1452.0,0.0,0,Cash loans,F,N,Y,0,90000.0,132444.0,12901.5,117000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018029,-20044,365243,-203.0,-3547,,1,0,0,1,0,0,,2.0,3,2,WEDNESDAY,11,0,0,0,0,0,0,XNA,,0.5685970642043439,,0.0845,0.0697,0.9757,0.6668,0.0298,0.0,0.1379,0.1667,0.2083,0.0854,0.0664,0.0706,0.0116,0.0148,0.0861,0.0723,0.9757,0.6798,0.0301,0.0,0.1379,0.1667,0.2083,0.0873,0.0725,0.0736,0.0117,0.0156,0.0854,0.0697,0.9757,0.6713,0.03,0.0,0.1379,0.1667,0.2083,0.0869,0.0676,0.0719,0.0116,0.0151,reg oper account,block of flats,0.0718,Panel,No,1.0,1.0,1.0,1.0,-1816.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2767150,118487,Cash loans,,0.0,0.0,,,THURSDAY,9,Y,1,,,,XNA,Refused,-144,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,1,Cash loans,M,Y,Y,0,112500.0,134775.0,10935.0,112500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.010276,-20733,-2424,-2886.0,-4210,17.0,1,1,0,1,0,0,Laborers,1.0,2,2,MONDAY,17,0,0,0,0,0,0,Business Entity Type 3,,0.5776329338487993,0.4418358231994413,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-811.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,7.0 +2257507,264386,Cash loans,40706.955,900000.0,1042560.0,,900000.0,THURSDAY,11,Y,1,,,,XNA,Approved,-136,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-106.0,1304.0,-76.0,-70.0,1.0,0,Cash loans,M,Y,N,0,148500.0,270000.0,13783.5,270000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.010276,-10325,-3026,-178.0,-2725,65.0,1,1,1,1,0,0,,2.0,2,2,SATURDAY,13,0,0,0,0,1,1,Other,,0.3999379661265776,0.39277386060313396,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1968.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2283658,130436,Consumer loans,14550.84,107905.5,118588.5,0.0,107905.5,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-1267,XNA,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,500,Consumer electronics,12.0,high,POS household with interest,365243.0,-1236.0,-906.0,-906.0,-902.0,0.0,0,Cash loans,M,N,Y,0,157500.0,127350.0,13639.5,112500.0,Unaccompanied,Working,Incomplete higher,Single / not married,House / apartment,0.010006000000000001,-10133,-2541,-1363.0,-1914,,1,1,1,1,1,1,Laborers,1.0,2,2,SATURDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.29761038130177386,0.18669392180200853,0.28371188263500075,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,0.0,9.0,0.0,-230.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2385675,153165,Cash loans,16839.09,270000.0,299223.0,,270000.0,THURSDAY,15,Y,1,,,,XNA,Approved,-978,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-948.0,-258.0,-340.0,-338.0,1.0,0,Cash loans,F,N,N,0,135000.0,315000.0,16132.5,315000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.026392000000000002,-23113,365243,-4274.0,-4758,,1,0,0,1,0,0,,1.0,2,2,SATURDAY,11,0,0,0,0,0,0,XNA,,0.7118139305564757,,0.1443,0.1075,0.9851,,,0.16,0.1379,0.3333,,,,0.1522,,0.0012,0.1471,0.1115,0.9851,,,0.1611,0.1379,0.3333,,,,0.1586,,0.0013,0.1457,0.1075,0.9851,,,0.16,0.1379,0.3333,,,,0.155,,0.0012,,block of flats,0.12,Panel,No,0.0,0.0,0.0,0.0,-1023.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1847414,260393,Consumer loans,9072.72,48780.0,51354.0,0.0,48780.0,THURSDAY,15,Y,1,0.0,,,XAP,Approved,-739,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Regional / Local,200,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-708.0,-558.0,-558.0,-554.0,0.0,0,Cash loans,M,Y,N,0,675000.0,1649844.0,85558.5,1575000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.032561,-15214,-3051,-6740.0,-3400,2.0,1,1,1,1,1,0,Managers,1.0,1,1,FRIDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.6257756094794074,0.4543210601605785,0.2737,0.1607,0.9876,,,0.36,0.1552,0.4583,,0.1049,,0.3275,,0.3072,0.2479,0.1663,0.9876,,,0.3222,0.1379,0.4583,,0.079,,0.3038,,0.2905,0.2764,0.1607,0.9876,,,0.36,0.1552,0.4583,,0.1067,,0.3334,,0.3136,,block of flats,0.289,Panel,No,2.0,0.0,2.0,0.0,-739.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1409250,236564,Consumer loans,4969.665,26811.0,23733.0,6750.0,26811.0,THURSDAY,10,Y,1,0.2411627345196875,,,XAP,Approved,-1876,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,46,Connectivity,6.0,high,POS mobile with interest,365243.0,-1845.0,-1695.0,-1695.0,-1691.0,0.0,0,Cash loans,M,Y,Y,0,157500.0,959688.0,34600.5,810000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,With parents,0.019688999999999998,-11419,-4596,-6168.0,-4076,11.0,1,1,0,1,1,1,Laborers,1.0,2,2,THURSDAY,17,0,0,0,0,0,0,Industry: type 2,0.16233627027581662,0.4639284793095431,0.23272477626794336,0.2773,0.2488,0.9831,0.7688,0.1737,0.08,0.6207,0.3333,0.2083,0.2178,0.2219,0.2637,0.0193,0.036000000000000004,0.2826,0.2582,0.9831,0.7779,0.1753,0.0806,0.6207,0.3333,0.2083,0.2227,0.2424,0.2748,0.0195,0.0381,0.28,0.2488,0.9831,0.7719,0.1748,0.08,0.6207,0.3333,0.2083,0.2216,0.2257,0.2685,0.0194,0.0368,reg oper account,block of flats,0.3102,Mixed,No,4.0,2.0,4.0,1.0,-1876.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2513007,101826,Cash loans,18282.555,180000.0,270252.0,,180000.0,MONDAY,11,Y,1,,,,Buying a used car,Refused,-581,Cash through the bank,LIMIT,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,high,Cash Street: high,,,,,,,0,Cash loans,M,Y,N,1,81000.0,265500.0,21105.0,265500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-11010,-566,-1988.0,-3562,10.0,1,1,0,1,0,0,Laborers,3.0,3,3,SUNDAY,12,0,0,0,1,1,1,Business Entity Type 1,0.13815751275563962,0.14877815997677424,0.3706496323299817,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-581.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1759313,123481,Cash loans,18235.08,225000.0,269550.0,,225000.0,WEDNESDAY,7,Y,1,,,,Buying a home,Refused,-562,Cash through the bank,LIMIT,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,high,Cash Street: high,,,,,,,1,Cash loans,F,N,N,1,90000.0,450000.0,21109.5,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018801,-18796,365243,-4925.0,-2340,,1,0,0,1,1,0,,3.0,2,2,THURSDAY,13,0,0,0,0,0,0,XNA,,0.09228295400270264,0.036353743657143986,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-717.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2255314,196247,Consumer loans,3295.665,79110.0,70722.0,8388.0,79110.0,TUESDAY,17,Y,1,0.11547585065673792,,,XAP,Refused,-2596,Cash through the bank,SCO,Family,Repeater,XNA,POS,XNA,Country-wide,3135,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,0,Cash loans,M,N,N,0,270000.0,1125000.0,59940.0,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.032561,-17240,-2404,-9777.0,-794,,1,1,0,1,1,0,Laborers,2.0,1,1,MONDAY,17,0,0,0,0,0,0,Business Entity Type 3,,0.5370757939010128,0.5620604831738043,0.2376,0.1929,0.9786,0.7076,0.0397,0.18,0.2759,0.25,0.2917,0.0,0.1937,0.23,0.0,0.0,0.146,0.1755,0.9786,0.7190000000000001,0.0172,0.0,0.2414,0.1667,0.2083,0.0,0.1276,0.1416,0.0,0.0,0.2399,0.1929,0.9786,0.7115,0.0399,0.18,0.2759,0.25,0.2917,0.0,0.1971,0.2341,0.0,0.0,reg oper account,block of flats,0.2889,Panel,No,0.0,0.0,0.0,0.0,-1277.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,9.0,0.0,2.0 +1535291,313011,Consumer loans,11677.14,87705.0,90067.5,4500.0,87705.0,WEDNESDAY,9,Y,1,0.05182445439404754,,,XAP,Approved,-1683,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Stone,5299,Furniture,10.0,high,POS industry with interest,365243.0,-1652.0,-1382.0,-1412.0,-1406.0,0.0,0,Cash loans,F,N,N,0,90000.0,454500.0,13419.0,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-23517,365243,-1282.0,-4140,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,XNA,,0.4739811169209715,0.6512602186973006,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-248.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2632171,176303,Cash loans,14509.98,135000.0,143910.0,,135000.0,WEDNESDAY,17,Y,1,,,,XNA,Approved,-957,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-927.0,-597.0,-597.0,-589.0,1.0,0,Cash loans,F,Y,Y,0,180000.0,377370.0,29331.0,315000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.002042,-21905,365243,-12561.0,-4246,17.0,1,0,0,1,0,0,,2.0,3,3,MONDAY,10,0,0,0,0,0,0,XNA,,0.15378957261727108,0.6801388218428291,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1643.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1429837,215998,Cash loans,19134.36,247500.0,274288.5,,247500.0,TUESDAY,11,Y,1,,,,XNA,Approved,-1063,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-1033.0,-343.0,-823.0,-819.0,1.0,0,Cash loans,F,N,N,0,90000.0,187704.0,10903.5,148500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-16935,-2785,-1638.0,-466,,1,1,0,1,0,0,Laborers,2.0,3,3,MONDAY,12,0,0,0,1,1,0,Industry: type 3,0.5205254635787191,0.4200410431605487,0.5620604831738043,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1448.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +1773085,398358,Consumer loans,9236.7,99000.0,99000.0,0.0,99000.0,TUESDAY,10,Y,1,0.0,,,XAP,Approved,-1532,Cash through the bank,XAP,Other_B,Repeater,Clothing and Accessories,POS,XNA,Regional / Local,30,Clothing,12.0,low_normal,POS industry with interest,365243.0,-1501.0,-1171.0,-1291.0,-1281.0,0.0,0,Cash loans,M,Y,N,2,180000.0,900000.0,41836.5,900000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.015221,-10405,-2827,-5235.0,-3066,7.0,1,1,0,1,0,0,Drivers,4.0,2,2,MONDAY,15,0,0,0,0,0,0,Business Entity Type 2,,0.6537011756330978,0.4525335592581747,0.2928,0.2094,0.9871,0.8232,0.1872,0.32,0.2759,0.3333,0.375,0.1493,0.2387,0.3068,0.0077,0.016,0.2983,0.2173,0.9871,0.8301,0.1889,0.3222,0.2759,0.3333,0.375,0.1527,0.2608,0.3196,0.0078,0.0169,0.2956,0.2094,0.9871,0.8256,0.1884,0.32,0.2759,0.3333,0.375,0.1519,0.2428,0.3123,0.0078,0.0163,reg oper account,block of flats,0.3471,Panel,No,5.0,0.0,5.0,0.0,-1556.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0.0,0.0,0.0,2.0,0.0,0.0 +1834197,339950,Cash loans,21793.455,315000.0,448056.0,,315000.0,TUESDAY,7,Y,1,,,,XNA,Refused,-15,Cash through the bank,HC,Other_A,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),3,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,N,Y,0,193500.0,576072.0,28147.5,405000.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.007305,-9794,-511,-4368.0,-2478,,1,1,1,1,1,0,Cooking staff,2.0,3,3,WEDNESDAY,8,0,0,0,1,1,0,Other,0.04932209858438926,0.6442866536445991,0.25946765482111994,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-448.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2201217,280586,Cash loans,14202.675,247500.0,274288.5,,247500.0,TUESDAY,9,Y,1,,,,XNA,Refused,-337,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,N,Y,0,202500.0,369000.0,22428.0,369000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.028663,-15707,-4365,-2044.0,-4320,,1,1,0,1,0,0,Core staff,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Police,,0.16844978515819545,0.633031641417419,0.0946,0.0628,0.9925,0.898,0.0258,0.08800000000000001,0.0828,0.3,0.1417,0.0583,0.0765,0.0843,0.0031,0.0014,0.1134,0.0506,0.994,0.9216,0.0499,0.1208,0.1034,0.3333,0.0417,0.0131,0.0983,0.0548,0.0039,0.0,0.1124,0.0566,0.994,0.9195,0.0128,0.12,0.1034,0.3333,0.0417,0.0749,0.0915,0.0942,0.0039,0.001,reg oper account,block of flats,0.0895,Panel,No,0.0,0.0,0.0,0.0,-457.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1203376,204310,Cash loans,21920.67,679500.0,679500.0,,679500.0,SUNDAY,13,Y,1,,,,XNA,Refused,-248,XNA,HC,Unaccompanied,Refreshed,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,Y,N,1,292500.0,174132.0,18751.5,157500.0,Unaccompanied,State servant,Incomplete higher,Married,With parents,0.072508,-11216,-1913,-5928.0,-2927,1.0,1,1,1,1,1,0,Security staff,3.0,1,1,WEDNESDAY,9,0,0,0,0,0,0,Military,,0.4713539535609007,0.2392262794694045,0.2387,0.1164,0.9811,0.7688,0.0,0.36,0.1552,0.6667,0.9167,0.0,0.1067,0.209,0.0039,0.0087,0.1345,0.0467,0.9791,0.7779,0.0,0.1611,0.069,0.4583,0.9167,0.0,0.1166,0.2064,0.0039,0.0,0.241,0.1164,0.9811,0.7719,0.0,0.36,0.1552,0.6667,0.9167,0.0,0.1086,0.2128,0.0039,0.0089,,block of flats,0.1596,Panel,No,0.0,0.0,0.0,0.0,-1741.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1929712,354315,Cash loans,14455.395,135000.0,182956.5,,135000.0,WEDNESDAY,10,Y,1,,,,Repairs,Refused,-259,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),5,XNA,24.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,N,1,112500.0,127350.0,13639.5,112500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-17111,-2370,-4545.0,-662,,1,1,0,1,0,0,Laborers,3.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,Industry: type 3,,0.5317926654215133,0.10344905212675168,0.1082,,0.9826,,,,0.069,0.2083,,0.0829,,0.0737,,,0.1103,,0.9826,,,,0.069,0.2083,,0.0848,,0.0767,,,0.1093,,0.9826,,,,0.069,0.2083,,0.0843,,0.075,,,,block of flats,0.0591,"Stone, brick",No,1.0,1.0,1.0,0.0,-1106.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2114340,240127,Cash loans,51334.695,810000.0,893398.5,,810000.0,WEDNESDAY,11,Y,1,,,,XNA,Refused,-594,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash X-Sell: high,,,,,,,1,Cash loans,F,N,N,0,238500.0,1006920.0,54621.0,900000.0,Unaccompanied,Working,Incomplete higher,Single / not married,House / apartment,0.018029,-11640,-1036,-1091.0,-4202,,1,1,1,1,1,0,,1.0,3,3,MONDAY,17,0,0,0,0,1,1,Self-employed,0.2423214598659109,0.34663398139668,,0.0701,0.0589,0.9975,0.966,0.0074,0.0,0.1379,0.1667,0.2083,0.0143,0.0471,0.0433,0.0463,0.0492,0.0714,0.0612,0.9975,0.9673,0.0075,0.0,0.1379,0.1667,0.2083,0.0147,0.0514,0.0452,0.0467,0.0521,0.0708,0.0589,0.9975,0.9665,0.0075,0.0,0.1379,0.1667,0.2083,0.0146,0.0479,0.0441,0.0466,0.0502,not specified,block of flats,0.0483,Block,No,0.0,0.0,0.0,0.0,-3327.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2235262,347705,Revolving loans,11250.0,225000.0,225000.0,,225000.0,THURSDAY,13,Y,1,,,,XAP,Approved,-622,XNA,XAP,,New,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-620.0,-584.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,2,180000.0,314100.0,21244.5,225000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.019688999999999998,-11854,-880,-638.0,-4395,7.0,1,1,0,1,0,1,,4.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.5816128934725324,0.6837876488610074,0.34578480246959553,0.1485,0.1333,0.9816,0.7484,0.038,0.16,0.1379,0.3333,0.375,0.098,0.121,0.1515,0.0,0.0,0.1513,0.1383,0.9816,0.7583,0.0383,0.1611,0.1379,0.3333,0.375,0.1002,0.1322,0.1578,0.0,0.0,0.1499,0.1333,0.9816,0.7518,0.0382,0.16,0.1379,0.3333,0.375,0.0997,0.1231,0.1542,0.0,0.0,reg oper spec account,block of flats,0.1399,Panel,No,0.0,0.0,0.0,0.0,-622.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2024201,398944,Revolving loans,3375.0,0.0,67500.0,,,MONDAY,19,Y,1,,,,XAP,Approved,-2217,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card X-Sell,-2216.0,-2170.0,365243.0,-1866.0,365243.0,0.0,0,Cash loans,M,N,N,1,225000.0,225000.0,13045.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.032561,-11603,-1169,-5254.0,-3958,,1,1,0,1,1,0,Managers,3.0,1,1,SATURDAY,17,0,0,0,0,0,0,Business Entity Type 3,,0.7876460167215711,0.6058362647264226,0.4897,0.2842,0.9921,0.9592,0.0608,0.48,0.2414,0.75,0.0417,0.2247,0.0967,0.5216,0.0579,0.1062,0.1366,0.1236,0.9866,0.9608,0.0613,0.1208,0.0345,0.625,0.0417,0.2298,0.1056,0.1387,0.0584,0.0607,0.4944,0.2842,0.9921,0.9597,0.0612,0.48,0.2414,0.75,0.0417,0.2286,0.0983,0.531,0.0582,0.1084,reg oper account,block of flats,0.7283,"Stone, brick",No,0.0,0.0,0.0,0.0,-2217.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2180756,190295,Cash loans,29681.775,450000.0,501975.0,,450000.0,FRIDAY,14,Y,1,,,,Other,Approved,-645,Cash through the bank,XAP,,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,30.0,middle,Cash Street: middle,365243.0,-611.0,259.0,-521.0,-517.0,0.0,0,Cash loans,F,N,N,0,180000.0,172512.0,7308.0,144000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.00496,-21845,365243,-5274.0,-4552,,1,0,0,1,1,0,,1.0,2,2,SATURDAY,10,0,0,0,0,0,0,XNA,,0.7220072275866805,0.5424451438613613,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-645.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2176469,448900,Cash loans,50468.85,1710000.0,1913148.0,,1710000.0,WEDNESDAY,18,Y,1,,,,XNA,Refused,-133,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,225000.0,450000.0,17095.5,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-20641,365243,-5833.0,-3948,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,XNA,0.6340569249926861,0.5081195096579135,0.6925590674998008,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,2.0,7.0,0.0,-1453.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2767812,359458,Revolving loans,2250.0,45000.0,45000.0,,45000.0,FRIDAY,9,Y,1,,,,XAP,Approved,-245,XNA,XAP,Family,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-232.0,-198.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,112500.0,195543.0,9535.5,148500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-23457,365243,-2436.0,-4378,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,XNA,,0.6869893378293499,0.5902333386185574,0.067,0.0236,0.9866,0.8164,0.0149,0.04,0.0345,0.3333,0.375,0.058,0.0546,0.0373,0.0,0.0,0.0683,0.0245,0.9866,0.8236,0.0151,0.0403,0.0345,0.3333,0.375,0.0593,0.0597,0.0389,0.0,0.0,0.0677,0.0236,0.9866,0.8189,0.015,0.04,0.0345,0.3333,0.375,0.059,0.0556,0.038,0.0,0.0,reg oper account,block of flats,0.0375,Panel,No,11.0,0.0,11.0,0.0,-452.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2103621,249210,Consumer loans,3145.23,28255.095,27517.5,2834.595,28255.095,SATURDAY,10,Y,1,0.10171066100888734,,,XAP,Approved,-2405,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,2000,Consumer electronics,10.0,middle,POS household with interest,365243.0,-2374.0,-2104.0,-2104.0,-2096.0,1.0,0,Cash loans,F,N,Y,0,157500.0,419436.0,15939.0,274500.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.007114,-17522,-4343,-7806.0,-1049,,1,1,0,1,1,1,Laborers,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Other,,0.6295369417278588,,0.0165,,,0.6532,,,0.1034,0.1667,0.2083,0.1087,,0.0127,,0.0362,0.0168,,,0.6668,,,0.1034,0.1667,0.2083,0.1111,,0.0132,,0.0383,0.0167,,,0.6578,,,0.1034,0.1667,0.2083,0.1105,,0.0129,,0.037000000000000005,,block of flats,0.0178,"Stone, brick",Yes,0.0,0.0,0.0,0.0,-2957.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2235055,190234,Cash loans,16046.595,270000.0,313839.0,,270000.0,WEDNESDAY,5,Y,1,,,,XNA,Approved,-667,XNA,XAP,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,36.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,N,3,67500.0,208854.0,16632.0,184500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018209,-12164,-1360,-4333.0,-4839,,1,1,1,1,1,0,Cooking staff,5.0,3,3,WEDNESDAY,17,0,0,0,0,0,0,School,0.1894233702640701,0.2966223934900004,0.4101025731788671,0.1278,0.0574,0.9771,0.6872,0.0113,0.0,0.0345,0.125,0.1667,0.0343,0.1042,0.0357,0.0,0.0,0.1303,0.0595,0.9772,0.6994,0.0114,0.0,0.0345,0.125,0.1667,0.0351,0.1139,0.0372,0.0,0.0,0.1291,0.0574,0.9771,0.6914,0.0113,0.0,0.0345,0.125,0.1667,0.0349,0.106,0.0363,0.0,0.0,not specified,block of flats,0.0441,"Stone, brick",No,0.0,0.0,0.0,0.0,-745.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1558781,158717,Cash loans,25932.915,450000.0,533160.0,,450000.0,THURSDAY,18,Y,1,,,,Building a house or an annex,Refused,-560,XNA,LIMIT,,Repeater,XNA,Cash,walk-in,Contact center,-1,XNA,48.0,middle,Cash Street: middle,,,,,,,0,Cash loans,M,N,Y,1,157500.0,808650.0,31464.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.030755,-11313,-254,-20.0,-3517,,1,1,0,1,0,0,,3.0,2,2,THURSDAY,12,0,0,0,0,1,1,Business Entity Type 3,0.16617058528601547,0.6703682631825124,0.10411991642915908,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-15.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2174254,392544,Cash loans,28366.2,270000.0,270000.0,,270000.0,THURSDAY,12,Y,1,,,,XNA,Approved,-814,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,12.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,Y,N,0,270000.0,450000.0,47254.5,450000.0,Unaccompanied,Working,Incomplete higher,Single / not married,House / apartment,0.032561,-11847,-3335,-1230.0,-2552,4.0,1,1,1,1,1,0,Sales staff,1.0,1,1,WEDNESDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.6628258308349041,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1625.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2021395,124378,Cash loans,10941.03,135000.0,161730.0,,135000.0,THURSDAY,8,Y,1,,,,Repairs,Approved,-652,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Contact center,-1,XNA,36.0,high,Cash Street: high,365243.0,-622.0,428.0,-202.0,-194.0,1.0,1,Cash loans,F,N,N,0,202500.0,450000.0,30442.5,450000.0,Unaccompanied,State servant,Secondary / secondary special,Civil marriage,House / apartment,0.007120000000000001,-11570,-814,-1106.0,-1829,,1,1,0,1,0,0,Core staff,2.0,2,2,WEDNESDAY,7,0,0,0,0,1,1,Government,,0.2653117484731741,0.0720131886405828,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-851.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2746626,150945,Consumer loans,7573.815,40455.0,37737.0,4500.0,40455.0,SUNDAY,16,Y,1,0.11603355093659795,,,XAP,Approved,-2585,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,53,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2554.0,-2404.0,-2404.0,-2396.0,1.0,0,Cash loans,M,Y,Y,0,225000.0,225000.0,14377.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-19490,-3713,-4820.0,-3029,9.0,1,1,0,1,1,0,Laborers,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Construction,0.6289432287381018,0.6859680354489567,0.2636468134452008,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2585.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +2190473,378424,Consumer loans,7026.075,76720.5,76720.5,0.0,76720.5,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-690,Cash through the bank,XAP,,New,Photo / Cinema Equipment,POS,XNA,Regional / Local,142,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-658.0,-328.0,-328.0,-325.0,0.0,0,Cash loans,M,Y,Y,0,112500.0,573628.5,29416.5,463500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0031219999999999998,-14565,-1716,-259.0,-4536,5.0,1,1,1,1,0,0,,2.0,3,3,WEDNESDAY,10,0,0,0,0,1,1,Other,0.4057369660979143,0.4016289899677121,0.7352209993926424,0.0773,0.0862,0.9806,0.7348,0.0,0.0,0.1724,0.1667,0.0417,0.0941,0.063,0.0695,0.0,0.0,0.0788,0.0894,0.9806,0.7452,0.0,0.0,0.1724,0.1667,0.0417,0.0962,0.0689,0.0724,0.0,0.0,0.0781,0.0862,0.9806,0.7383,0.0,0.0,0.1724,0.1667,0.0417,0.0957,0.0641,0.0707,0.0,0.0,,,0.0635,Panel,No,4.0,0.0,4.0,0.0,-690.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2380487,240001,Cash loans,31913.595,459000.0,486265.5,,459000.0,SATURDAY,13,Y,1,,,,XNA,Refused,-248,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,135000.0,495351.0,27787.5,459000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.01885,-20501,365243,-4501.0,-3892,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,16,0,0,0,0,0,0,XNA,,0.7442660275489127,0.34578480246959553,0.0577,0.0364,0.9692,,,0.0,0.1724,0.125,,,,0.0389,,0.077,0.0588,0.0377,0.9692,,,0.0,0.1724,0.125,,,,0.0406,,0.0816,0.0583,0.0364,0.9692,,,0.0,0.1724,0.125,,,,0.0396,,0.0787,,block of flats,0.0691,"Stone, brick",No,0.0,0.0,0.0,0.0,-400.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2642737,116837,Consumer loans,27087.57,275400.0,264217.5,27540.0,275400.0,FRIDAY,7,Y,1,0.1028030595147122,,,XAP,Approved,-594,Cash through the bank,XAP,,Refreshed,Clothing and Accessories,POS,XNA,Stone,40,Clothing,12.0,middle,POS industry with interest,365243.0,-560.0,-230.0,-410.0,-403.0,0.0,1,Cash loans,F,N,N,0,157500.0,403330.5,15336.0,333000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.006852,-20745,365243,-163.0,-157,,1,0,0,1,1,0,,1.0,3,3,THURSDAY,4,0,0,0,0,0,0,XNA,0.6189424301631278,0.5150586254467808,0.2580842039460289,0.0825,0.1055,0.9906,,,0.0,0.1379,0.1667,,0.0197,,0.0838,,0.0,0.084,0.1094,0.9906,,,0.0,0.1379,0.1667,,0.0202,,0.0874,,0.0,0.0833,0.1055,0.9906,,,0.0,0.1379,0.1667,,0.0201,,0.0854,,0.0,,block of flats,0.0659,Panel,No,2.0,0.0,2.0,0.0,-584.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2586989,281796,Revolving loans,3375.0,0.0,67500.0,,,FRIDAY,15,Y,1,,,,XAP,Approved,-2174,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card X-Sell,-2171.0,-2137.0,365243.0,-352.0,365243.0,0.0,0,Cash loans,M,Y,N,0,225000.0,1293502.5,37948.5,1129500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008473999999999999,-19792,-3446,-3518.0,-3317,28.0,1,1,0,1,0,0,Drivers,2.0,2,2,TUESDAY,10,0,0,0,0,1,1,Government,,0.5424700173954254,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2013.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1474317,121124,Consumer loans,6037.11,58500.0,64678.5,0.0,58500.0,TUESDAY,14,Y,1,0.0,,,XAP,Approved,-749,XNA,XAP,,Refreshed,Medical Supplies,POS,XNA,Country-wide,180,Industry,12.0,low_normal,POS other with interest,365243.0,-708.0,-378.0,-378.0,-373.0,0.0,0,Cash loans,F,N,Y,0,81000.0,526491.0,17527.5,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.025164,-22142,365243,-5457.0,-5457,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,13,0,0,0,0,0,0,XNA,,0.6548438041342818,0.6940926425266661,0.0825,0.0727,0.9771,,,0.0,0.1379,0.1667,,0.0153,,0.0772,,0.0,0.084,0.0754,0.9772,,,0.0,0.1379,0.1667,,0.0156,,0.0804,,0.0,0.0833,0.0727,0.9771,,,0.0,0.1379,0.1667,,0.0155,,0.0786,,0.0,,block of flats,0.0607,Panel,No,0.0,0.0,0.0,0.0,-2678.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1340311,381783,Consumer loans,5184.45,32836.5,41562.0,0.0,32836.5,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-1923,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,765,Consumer electronics,12.0,high,POS household with interest,365243.0,-1892.0,-1562.0,-1562.0,-1558.0,0.0,0,Cash loans,F,N,Y,2,90000.0,117162.0,12748.5,103500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-11762,-716,-3867.0,-3333,,1,1,0,1,0,0,,4.0,2,2,THURSDAY,7,0,0,0,0,0,0,Business Entity Type 2,0.4812387191031795,0.2631435910213423,0.6041125998015721,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1923.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1310503,150563,Consumer loans,10727.1,83907.0,104634.0,0.0,83907.0,WEDNESDAY,11,Y,1,0.0,,,XAP,Approved,-969,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,1610,Consumer electronics,12.0,middle,POS household with interest,365243.0,-938.0,-608.0,-608.0,-601.0,0.0,0,Cash loans,F,N,N,0,157500.0,997974.0,39708.0,918000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018209,-16469,-1824,-4385.0,-4,,1,1,0,1,0,0,,2.0,3,3,SATURDAY,7,0,0,0,0,0,0,School,,0.5215717880249734,0.5316861425197883,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2156.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2015018,356785,Consumer loans,7193.925,43164.0,38844.0,4320.0,43164.0,MONDAY,12,Y,1,0.10899992417924023,,,XAP,Approved,-2825,Cash through the bank,XAP,Children,Repeater,Consumer Electronics,POS,XNA,Stone,1079,Consumer electronics,6.0,middle,POS household without interest,365243.0,-2794.0,-2644.0,-2644.0,-2637.0,0.0,0,Cash loans,F,N,Y,3,247500.0,574668.0,32215.5,490500.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.032561,-12099,-2207,-176.0,-197,,1,1,0,1,0,1,,5.0,1,1,FRIDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.5893422057427582,0.6356459434720677,0.2580842039460289,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-39.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1292861,214330,Consumer loans,11525.85,105282.0,102568.5,10530.0,105282.0,THURSDAY,15,Y,1,0.10139946394273376,,,XAP,Approved,-1812,Cash through the bank,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Country-wide,2300,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1781.0,-1511.0,-1511.0,-1508.0,0.0,0,Cash loans,M,Y,N,2,292500.0,536917.5,25830.0,463500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00823,-11358,-1878,-5066.0,-3863,4.0,1,1,0,1,0,0,Managers,4.0,2,2,WEDNESDAY,11,0,0,0,0,1,1,Self-employed,,3.0069190773424574e-05,0.5082869913916046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2261463,142565,Consumer loans,5785.38,26046.0,27733.5,2605.5,26046.0,MONDAY,15,Y,1,0.09353064911949513,,,XAP,Approved,-1427,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Regional / Local,145,Consumer electronics,6.0,high,POS household with interest,365243.0,-1396.0,-1246.0,-1246.0,-1239.0,0.0,0,Revolving loans,F,N,Y,0,270000.0,450000.0,22500.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010966,-16813,-9121,-5035.0,-272,,1,1,0,1,0,0,High skill tech staff,2.0,2,2,SUNDAY,13,0,0,0,0,0,0,Business Entity Type 2,,0.2035228320289013,0.5298898341969072,0.0722,0.0755,0.9796,,0.0086,0.0,0.1379,0.1667,0.2083,0.0598,0.0588,0.067,0.0,0.0,0.0735,0.0784,0.9796,,0.0087,0.0,0.1379,0.1667,0.2083,0.0611,0.0643,0.0698,0.0,0.0,0.0729,0.0755,0.9796,,0.0087,0.0,0.1379,0.1667,0.2083,0.0608,0.0599,0.0682,0.0,0.0,org spec account,block of flats,0.0525,Panel,No,0.0,0.0,0.0,0.0,-1427.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1623978,223682,Consumer loans,9418.86,36225.0,36225.0,0.0,36225.0,THURSDAY,11,Y,1,0.0,,,XAP,Approved,-672,Cash through the bank,XAP,,Repeater,Construction Materials,POS,XNA,Stone,549,Construction,4.0,low_action,POS industry with interest,365243.0,-637.0,-547.0,-547.0,-543.0,0.0,0,Cash loans,F,N,Y,0,126000.0,177903.0,7965.0,148500.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.018634,-22662,365243,-1486.0,-3790,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,XNA,,0.2380277654660734,0.7121551551910698,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-69.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +2307963,104453,Consumer loans,3735.9,51628.5,32013.0,22500.0,51628.5,FRIDAY,17,Y,1,0.4495174628904197,,,XAP,Approved,-2538,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Country-wide,41,Connectivity,12.0,high,POS mobile with interest,365243.0,-2507.0,-2177.0,-2417.0,-2410.0,1.0,0,Revolving loans,F,N,Y,1,157500.0,360000.0,18000.0,360000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.00733,-18426,-1978,-3892.0,-1931,,1,1,0,1,0,0,Realty agents,3.0,2,2,TUESDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.7808095924426999,0.7073662821666256,0.7151031019926098,0.0082,0.0,0.9702,0.5920000000000001,0.0011,0.0,0.0345,0.0417,0.0833,0.0078,0.0067,0.0084,0.0,0.0,0.0084,0.0,0.9702,0.608,0.0011,0.0,0.0345,0.0417,0.0833,0.008,0.0073,0.0087,0.0,0.0,0.0083,0.0,0.9702,0.5975,0.0011,0.0,0.0345,0.0417,0.0833,0.008,0.0068,0.0085,0.0,0.0,not specified,block of flats,0.0072,Others,Yes,0.0,0.0,0.0,0.0,-2476.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2451187,193946,Consumer loans,11072.025,214159.5,214159.5,0.0,214159.5,FRIDAY,12,Y,1,0.0,,,XAP,Approved,-1375,Cash through the bank,XAP,"Spouse, partner",New,Computers,POS,XNA,Country-wide,1674,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-1344.0,-654.0,-654.0,-645.0,0.0,0,Cash loans,F,N,Y,0,90000.0,1090350.0,58216.5,1030500.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-22541,365243,-3758.0,-3758,,1,0,0,1,0,0,,2.0,2,2,MONDAY,15,0,0,0,0,0,0,XNA,,0.4521385977623404,0.5531646987710016,0.0649,0.0011,0.9697,0.5852,0.0051,0.0,0.1034,0.1667,0.2083,0.0512,0.0479,0.0472,0.0232,0.0083,0.0662,0.0012,0.9697,0.6014,0.0051,0.0,0.1034,0.1667,0.2083,0.0524,0.0523,0.0492,0.0233,0.0088,0.0656,0.0011,0.9697,0.5907,0.0051,0.0,0.1034,0.1667,0.2083,0.0521,0.0487,0.048,0.0233,0.0085,reg oper account,block of flats,0.0389,"Stone, brick",No,0.0,0.0,0.0,0.0,-295.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +1462520,134562,Cash loans,13570.425,225000.0,254700.0,,225000.0,THURSDAY,12,Y,1,,,,XNA,Approved,-204,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-174.0,516.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,225000.0,225000.0,12915.0,225000.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.0105,-24060,365243,-3103.0,-4518,,1,0,0,1,0,0,,1.0,3,3,FRIDAY,9,0,0,0,0,0,0,XNA,,0.19220738303280588,0.24318648044201235,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-266.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1708883,444235,Cash loans,13027.5,450000.0,450000.0,,450000.0,WEDNESDAY,10,Y,1,,,,Urgent needs,Refused,-6,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,1,Cash loans,M,N,Y,1,135000.0,675000.0,26284.5,675000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.026392000000000002,-18074,-722,-2072.0,-1590,,1,1,1,1,1,0,Managers,3.0,2,2,TUESDAY,12,0,0,0,0,0,0,Trade: type 7,,0.4449069663613445,0.3962195720630885,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-470.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1612992,249967,Consumer loans,9288.27,153432.0,179761.5,0.0,153432.0,FRIDAY,19,Y,1,0.0,,,XAP,Approved,-528,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,584,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-496.0,194.0,-166.0,-162.0,0.0,1,Cash loans,M,N,N,1,121500.0,254700.0,16276.5,225000.0,Unaccompanied,Working,Incomplete higher,Single / not married,With parents,0.01885,-8303,-823,-8284.0,-997,,1,1,1,1,0,0,Managers,2.0,2,2,SUNDAY,15,0,0,0,1,1,1,Trade: type 3,0.10400818320349116,0.4615092406809149,0.10547318648733764,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-528.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,0.0 +1216046,294609,Consumer loans,35541.9,269955.0,238216.5,45000.0,269955.0,TUESDAY,12,Y,1,0.1730446174890619,,,XAP,Approved,-2391,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Stone,180,Consumer electronics,8.0,high,POS household with interest,365243.0,-2360.0,-2150.0,-2150.0,-2148.0,0.0,0,Cash loans,M,Y,Y,1,360000.0,305640.0,36400.5,270000.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.035792000000000004,-14119,-1380,-43.0,-402,15.0,1,1,0,1,0,0,Core staff,3.0,2,2,SATURDAY,13,0,0,0,0,0,0,Self-employed,0.7435361957679334,0.4581742325996305,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-451.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1246163,345173,Cash loans,11502.0,225000.0,225000.0,,225000.0,SATURDAY,8,Y,1,,,,XNA,Refused,-1193,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,N,Y,0,67500.0,288873.0,16258.5,238500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.020713,-15579,-133,-9687.0,-4526,,1,1,0,1,0,0,Cleaning staff,1.0,3,2,TUESDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.6821920732386632,,0.0825,0.0795,0.9762,0.6736,0.0095,0.0,0.1379,0.1667,0.2083,0.0639,0.0672,0.0702,0.0,0.0,0.084,0.0825,0.9762,0.6864,0.0096,0.0,0.1379,0.1667,0.2083,0.0654,0.0735,0.0731,0.0,0.0,0.0833,0.0795,0.9762,0.6779999999999999,0.0095,0.0,0.1379,0.1667,0.2083,0.065,0.0684,0.0715,0.0,0.0,not specified,block of flats,0.0604,Panel,No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2195133,395785,Cash loans,,0.0,0.0,,,THURSDAY,3,Y,1,,,,XNA,Refused,-94,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,144000.0,912240.0,30276.0,787500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.010032,-21217,365243,-9411.0,-4330,,1,0,0,1,0,0,,1.0,2,2,SUNDAY,4,0,0,0,0,0,0,XNA,,0.5460769824174717,0.19747451156854226,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1673.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +1461306,360806,Cash loans,28742.67,450000.0,491580.0,,450000.0,TUESDAY,11,Y,1,,,,XNA,Approved,-482,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-452.0,238.0,-332.0,-330.0,1.0,0,Cash loans,M,N,Y,0,157500.0,364896.0,23449.5,315000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.030755,-23301,365243,-6058.0,-4323,,1,0,0,1,1,0,,2.0,2,2,MONDAY,11,0,0,0,0,0,0,XNA,,0.560614449081687,0.3360615207658242,0.1474,0.0534,0.9881,0.8368,0.0302,0.16,0.1379,0.3333,0.375,0.0533,0.1194,0.1531,0.0039,0.0265,0.1502,0.0554,0.9881,0.8432,0.0305,0.1611,0.1379,0.3333,0.375,0.0545,0.1304,0.1596,0.0039,0.0281,0.1489,0.0534,0.9881,0.8390000000000001,0.0304,0.16,0.1379,0.3333,0.375,0.0542,0.1214,0.1559,0.0039,0.0271,reg oper account,block of flats,0.1428,"Stone, brick",No,0.0,0.0,0.0,0.0,-1729.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,8.0 +2660693,353533,Revolving loans,6750.0,135000.0,135000.0,,135000.0,THURSDAY,9,Y,1,,,,XAP,Approved,-243,XNA,XAP,Unaccompanied,New,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-234.0,-202.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,76500.0,225000.0,11632.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.00733,-18320,-8544,-8548.0,-1874,,1,1,0,1,0,0,,2.0,2,2,MONDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.2724994577862616,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-498.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1521755,108257,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SATURDAY,6,Y,1,,,,XAP,Approved,-265,XNA,XAP,Family,Repeater,XNA,Cards,walk-in,Country-wide,32,Connectivity,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,247500.0,986553.0,31954.5,823500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.0038130000000000004,-12873,-1524,-1136.0,-1322,6.0,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,Self-employed,0.37656583765485024,0.4175021633809135,0.2940831009471255,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-1273.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2522025,275470,Cash loans,25830.0,360000.0,384948.0,,360000.0,SATURDAY,8,Y,1,,,,XNA,Approved,-591,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-561.0,-51.0,-51.0,-44.0,1.0,0,Cash loans,F,N,Y,1,90000.0,1107981.0,32526.0,967500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018801,-17967,-1165,-1269.0,-1512,,1,1,0,1,1,0,,3.0,2,2,TUESDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.7279167787222419,0.6809961374744005,0.5424451438613613,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,1.0 +1677003,404906,Consumer loans,5158.035,31045.5,25497.0,6750.0,31045.5,TUESDAY,14,Y,1,0.22797046659731546,,,XAP,Approved,-1626,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Regional / Local,31,Consumer electronics,6.0,high,POS household with interest,365243.0,-1593.0,-1443.0,-1443.0,-1425.0,0.0,0,Cash loans,F,N,Y,0,225000.0,1236816.0,36292.5,1080000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.020713,-13778,-2720,-5391.0,-4306,,1,1,0,1,0,0,Sales staff,2.0,3,1,THURSDAY,11,0,0,0,0,0,0,Self-employed,,0.06682452298161075,0.28371188263500075,0.3588,0.1065,0.9816,0.7484,0.0533,0.08,0.069,0.3333,0.0417,0.0451,0.2917,0.1317,0.0039,0.0024,0.3655,0.1106,0.9816,0.7583,0.0538,0.0806,0.069,0.3333,0.0417,0.0461,0.3186,0.1372,0.0039,0.0025,0.3622,0.1065,0.9816,0.7518,0.0537,0.08,0.069,0.3333,0.0417,0.0459,0.2967,0.134,0.0039,0.0024,reg oper account,block of flats,0.1041,Panel,No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2060590,123825,Consumer loans,7623.9,56250.0,40522.5,18000.0,56250.0,WEDNESDAY,9,Y,1,0.334976058159449,,,XAP,Approved,-159,Cash through the bank,XAP,Unaccompanied,Refreshed,Consumer Electronics,POS,XNA,Stone,200,Consumer electronics,6.0,middle,POS household with interest,365243.0,-124.0,26.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,135000.0,432000.0,21010.5,432000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-17011,365243,-4283.0,-558,,1,0,0,1,0,0,,2.0,2,2,MONDAY,10,0,0,0,0,0,0,XNA,0.6203091273706604,0.6231756832521206,0.3031463744186309,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-159.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1165092,258238,Consumer loans,11020.905,85320.0,82615.5,9000.0,85320.0,THURSDAY,9,Y,1,0.10698864473607828,,,XAP,Approved,-2751,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,80,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-2720.0,-2450.0,-2510.0,-2503.0,1.0,0,Cash loans,M,Y,Y,0,157500.0,916470.0,26928.0,765000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-21001,-7924,-7542.0,-4472,23.0,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,13,0,0,0,0,1,1,Business Entity Type 3,,0.601177693902781,0.1168672659157136,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-595.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1283346,378913,Cash loans,28595.88,225000.0,239850.0,,225000.0,TUESDAY,11,Y,1,,,,Business development,Approved,-652,Cash through the bank,XAP,,New,XNA,Cash,walk-in,Country-wide,18,Connectivity,12.0,high,Cash Street: high,,,,,,,0,Cash loans,M,Y,Y,0,157500.0,254700.0,16276.5,225000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-16313,-5436,-2752.0,-3304,12.0,1,1,1,1,1,0,Laborers,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Self-employed,,0.3752475508339187,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-652.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1315496,299604,Consumer loans,9069.3,89991.0,89991.0,0.0,89991.0,THURSDAY,12,Y,1,0.0,,,XAP,Approved,-599,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Country-wide,1100,Consumer electronics,12.0,middle,POS household with interest,365243.0,-568.0,-238.0,-238.0,-232.0,0.0,0,Cash loans,M,Y,Y,2,157500.0,276277.5,21510.0,238500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010556,-13038,-5420,-308.0,-4213,16.0,1,1,0,1,0,0,Laborers,4.0,3,3,MONDAY,12,0,0,0,0,0,0,Business Entity Type 2,0.5316809077997829,0.6203935642424772,0.807273923277881,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1656.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1974480,276878,Cash loans,13824.99,67500.0,71955.0,,67500.0,THURSDAY,9,Y,1,,,,Urgent needs,Approved,-298,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,AP+ (Cash loan),5,XNA,6.0,middle,Cash Street: middle,365243.0,-268.0,-118.0,-118.0,365243.0,1.0,0,Cash loans,M,N,Y,0,180000.0,296280.0,16200.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-19369,-439,-1776.0,-2910,,1,1,1,1,1,0,Drivers,2.0,2,2,MONDAY,8,0,1,1,0,1,1,Industry: type 9,,0.6146399483746545,0.08730427071350706,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-298.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,1.0,0.0,2.0 +1376784,300536,Consumer loans,4244.04,22450.5,25551.0,0.0,22450.5,WEDNESDAY,16,Y,1,0.0,,,XAP,Approved,-457,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,40,Connectivity,8.0,high,POS mobile with interest,365243.0,-420.0,-210.0,-210.0,-208.0,0.0,0,Cash loans,F,Y,Y,1,90000.0,123993.0,8946.0,103500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.0031219999999999998,-13969,-2251,-6926.0,-4228,64.0,1,1,0,1,0,0,Laborers,3.0,3,3,FRIDAY,15,0,0,0,0,0,0,Services,,0.6785446474198741,0.445396241560834,0.0309,0.0356,0.9861,,,0.0,0.069,0.1667,,0.048,,0.0283,,0.0,0.0315,0.037000000000000005,0.9861,,,0.0,0.069,0.1667,,0.0491,,0.0295,,0.0,0.0312,0.0356,0.9861,,,0.0,0.069,0.1667,,0.0488,,0.0288,,0.0,,block of flats,0.0248,"Stone, brick",No,8.0,0.0,8.0,0.0,-457.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2362180,143779,Consumer loans,15593.985,171882.0,137502.0,34380.0,171882.0,SATURDAY,9,Y,1,0.21784099239330154,,,XAP,Approved,-976,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Regional / Local,80,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-945.0,-675.0,-945.0,-940.0,0.0,0,Cash loans,M,N,N,2,90000.0,1078200.0,31522.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-12888,-4659,-6945.0,-4660,,1,1,0,1,1,0,Low-skill Laborers,4.0,2,2,MONDAY,19,0,0,0,0,1,1,Business Entity Type 1,0.26683972093115776,0.07159256175334656,0.7309873696832169,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-3385.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1883493,309184,Cash loans,12203.28,135000.0,152820.0,,135000.0,TUESDAY,11,Y,1,,,,XNA,Refused,-920,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,N,0,157500.0,545040.0,25407.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010147,-10931,-1461,-4782.0,-39,,1,1,0,1,1,1,,2.0,2,2,FRIDAY,13,0,0,0,0,1,1,Self-employed,0.5026038222386804,0.004902296840942238,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1057.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2821584,173114,Consumer loans,3887.595,38880.0,34992.0,3888.0,38880.0,THURSDAY,12,Y,1,0.1089090909090909,,,XAP,Approved,-2755,Cash through the bank,XAP,,New,Furniture,POS,XNA,Stone,450,Furniture,10.0,low_normal,POS industry with interest,365243.0,-2720.0,-2450.0,-2450.0,-2444.0,0.0,0,Cash loans,F,N,Y,0,157500.0,171000.0,16785.0,171000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.028663,-24796,365243,-1686.0,-3969,,1,0,0,1,0,0,,1.0,2,2,MONDAY,13,0,0,0,0,0,0,XNA,,0.6175002144866564,0.28812959991785075,0.4371,0.2712,0.9846,0.7892,0.124,0.44,0.3793,0.3333,0.375,0.2258,0.3337,0.4359,0.1042,0.1106,0.4454,0.2814,0.9846,0.7975,0.1252,0.4431,0.3793,0.3333,0.375,0.2309,0.3646,0.4541,0.1051,0.1171,0.4413,0.2712,0.9846,0.792,0.1248,0.44,0.3793,0.3333,0.375,0.2297,0.3395,0.4437,0.1048,0.1129,reg oper account,block of flats,0.3669,Panel,No,0.0,0.0,0.0,0.0,-1508.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1852615,390286,Consumer loans,14339.205,107145.0,96430.5,10714.5,107145.0,SATURDAY,14,Y,1,0.1089090909090909,,,XAP,Approved,-1106,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Stone,150,Consumer electronics,8.0,middle,POS household with interest,365243.0,-1075.0,-865.0,-895.0,-888.0,0.0,0,Cash loans,F,N,Y,0,135000.0,691020.0,20335.5,495000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.030755,-20351,365243,-1585.0,-3411,,1,0,0,1,0,0,,1.0,2,2,SATURDAY,10,0,0,0,0,0,0,XNA,0.6229537398995046,0.2430530627249009,0.5298898341969072,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,0.0,-1783.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,0.0 +2657625,433990,Consumer loans,10753.92,98910.0,109354.5,0.0,98910.0,MONDAY,5,Y,1,0.0,,,XAP,Approved,-325,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Regional / Local,312,Consumer electronics,12.0,middle,POS household with interest,365243.0,-294.0,36.0,-24.0,-18.0,0.0,0,Cash loans,M,N,N,0,116100.0,450000.0,30573.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Municipal apartment,0.014464,-10293,-537,-4423.0,-1312,,1,1,0,1,0,0,Laborers,1.0,2,2,THURSDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.14266155580717485,0.2901894628800313,,0.0619,0.0485,0.9841,0.7824,0.0095,0.0,0.1379,0.1667,0.0417,0.0371,0.0488,0.058,0.0077,0.0051,0.063,0.0503,0.9841,0.7909,0.0096,0.0,0.1379,0.1667,0.0417,0.0379,0.0533,0.0605,0.0078,0.0054,0.0625,0.0485,0.9841,0.7853,0.0095,0.0,0.1379,0.1667,0.0417,0.0377,0.0496,0.0591,0.0078,0.0052,reg oper account,block of flats,0.0519,Panel,No,0.0,0.0,0.0,0.0,-325.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2744486,117591,Consumer loans,18698.76,153000.0,166531.5,0.0,153000.0,SUNDAY,14,Y,1,0.0,,,XAP,Refused,-1935,Cash through the bank,HC,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,1339,Furniture,12.0,high,POS industry with interest,,,,,,,0,Cash loans,F,N,Y,0,382500.0,2085120.0,72607.5,1800000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.010006000000000001,-23049,-3469,-2560.0,-5132,,1,1,0,1,0,0,Private service staff,1.0,2,1,WEDNESDAY,14,0,0,0,0,0,0,Self-employed,0.7492916208450829,0.03217787741858216,0.20559813854932085,0.1082,0.0642,0.9866,0.8164,0.0428,0.08,0.0345,0.3333,0.375,0.0751,0.0874,0.0915,0.0039,0.0138,0.1103,0.0667,0.9866,0.8236,0.0432,0.0806,0.0345,0.3333,0.375,0.0768,0.0955,0.0953,0.0039,0.0146,0.1093,0.0642,0.9866,0.8189,0.0431,0.08,0.0345,0.3333,0.375,0.0764,0.0889,0.0931,0.0039,0.0141,reg oper account,block of flats,0.0994,Panel,No,0.0,0.0,0.0,0.0,-1415.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1406245,102780,Consumer loans,10309.68,75555.0,64435.5,15111.0,75555.0,SUNDAY,15,Y,1,0.2068884580374086,,,XAP,Approved,-1984,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Regional / Local,-1,Consumer electronics,8.0,high,POS household with interest,365243.0,-1953.0,-1743.0,-1743.0,-1739.0,0.0,0,Cash loans,F,Y,Y,1,180000.0,482103.0,13257.0,381411.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-18469,-857,-2276.0,-2022,1.0,1,1,1,1,0,0,Sales staff,3.0,1,1,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.3963642645836192,0.6577838002083306,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-224.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1395936,206491,Consumer loans,3654.135,29205.0,32890.5,2920.5,29205.0,MONDAY,17,Y,1,0.08881879869313894,,,XAP,Approved,-1773,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,20,Connectivity,12.0,high,POS mobile with interest,365243.0,-1742.0,-1412.0,-1412.0,-1403.0,0.0,0,Cash loans,F,N,N,1,171000.0,755190.0,36459.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0105,-13043,-849,-7155.0,-4600,,1,1,0,1,0,0,Sales staff,3.0,3,3,MONDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.4870482389880941,0.29708661164720285,0.0124,0.0,0.9737,,,0.0,0.069,0.0417,,0.0,,0.0093,,0.0,0.0126,0.0,0.9737,,,0.0,0.069,0.0417,,0.0,,0.0097,,0.0,0.0125,0.0,0.9737,,,0.0,0.069,0.0417,,0.0,,0.0095,,0.0,,block of flats,0.0073,"Stone, brick",No,0.0,0.0,0.0,0.0,-1773.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1157988,266119,Cash loans,29930.4,270000.0,270000.0,0.0,270000.0,WEDNESDAY,15,Y,1,0.0,,,XNA,Approved,-1876,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,high,Cash X-Sell: high,365243.0,-1846.0,-1516.0,-1516.0,-1508.0,0.0,0,Cash loans,F,N,N,0,283500.0,601470.0,30838.5,450000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.007273999999999998,-11953,-267,-323.0,-4614,,1,1,0,1,1,0,Sales staff,2.0,2,2,WEDNESDAY,11,0,0,0,0,1,1,Bank,0.6307855825087642,0.2118339374856375,0.4525335592581747,0.0804,0.1021,0.9871,,0.078,0.0,0.2069,0.1667,0.0,0.0468,0.0656,0.0763,0.0,0.0,0.0819,0.1059,0.9871,,0.0787,0.0,0.2069,0.1667,0.0,0.0479,0.0716,0.0795,0.0,0.0,0.0812,0.1021,0.9871,,0.0785,0.0,0.2069,0.1667,0.0,0.0476,0.0667,0.0777,0.0,0.0,org spec account,block of flats,0.06,"Stone, brick",No,0.0,0.0,0.0,0.0,-268.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2015193,205408,Consumer loans,4554.99,88155.0,88155.0,0.0,88155.0,SUNDAY,16,Y,1,0.0,,,XAP,Approved,-347,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Regional / Local,200,Furniture,24.0,low_normal,POS industry with interest,365243.0,-315.0,375.0,365243.0,365243.0,0.0,1,Cash loans,F,N,Y,0,135000.0,343800.0,10921.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.02461,-16574,-1739,-5816.0,-128,,1,1,0,1,0,0,Sales staff,1.0,2,2,THURSDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.24094139123304945,0.4794688408717418,0.09322509537747448,0.0124,0.0,0.9737,,,0.0,0.069,0.0417,,0.0043,,0.0098,,0.0,0.0126,0.0,0.9737,,,0.0,0.069,0.0417,,0.0044,,0.0102,,0.0,0.0125,0.0,0.9737,,,0.0,0.069,0.0417,,0.0043,,0.0099,,0.0,,block of flats,0.0077,"Stone, brick",No,0.0,0.0,0.0,0.0,-882.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,1.0,0.0,1.0,3.0,2.0 +2672918,293311,Consumer loans,5254.38,53932.5,46705.5,10786.5,53932.5,TUESDAY,11,Y,1,0.20433241304719066,,,XAP,Approved,-2587,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Stone,294,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2556.0,-2286.0,-2286.0,-2253.0,1.0,0,Cash loans,F,N,N,0,180000.0,697500.0,19989.0,697500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010556,-12986,-1061,-6765.0,-2951,,1,1,0,1,1,0,,2.0,3,3,TUESDAY,13,0,0,0,0,0,0,Transport: type 2,,0.3490646997825792,0.6817058776720116,0.0856,0.0547,0.9891,,,0.08,0.0345,0.5417,,0.0528,,0.0957,,0.0014,0.0872,0.0568,0.9891,,,0.0806,0.0345,0.5417,,0.054000000000000006,,0.0997,,0.0014,0.0864,0.0547,0.9891,,,0.08,0.0345,0.5417,,0.0537,,0.0974,,0.0014,,block of flats,0.0756,Panel,No,0.0,0.0,0.0,0.0,-2223.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2134100,111666,Cash loans,11322.72,117000.0,126652.5,0.0,117000.0,FRIDAY,10,Y,1,0.0,,,XNA,Approved,-2910,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,15.0,middle,Cash Street: middle,365243.0,-2880.0,-2460.0,-2610.0,-2607.0,1.0,0,Cash loans,M,Y,Y,0,135000.0,1291500.0,46521.0,1291500.0,Children,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018209,-18554,-1438,-6116.0,-2074,20.0,1,1,1,1,0,1,Laborers,2.0,3,3,WEDNESDAY,16,0,0,0,0,0,0,Self-employed,0.1847519027953749,0.5641180118368856,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-3225.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +1316444,355576,Consumer loans,17568.225,94455.0,99441.0,0.0,94455.0,TUESDAY,16,Y,1,0.0,,,XAP,Approved,-399,XNA,XAP,,New,Audio/Video,POS,XNA,Stone,152,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-368.0,-218.0,-278.0,-268.0,0.0,0,Cash loans,M,Y,Y,0,157500.0,900000.0,32017.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.02461,-19797,-4631,-1069.0,-2601,19.0,1,1,0,1,0,0,Drivers,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.6298377891357363,,0.0928,0.0964,0.9876,0.83,0.0748,0.0,0.2069,0.1667,0.0417,0.0859,0.0756,0.0907,0.0,0.0,0.0945,0.1,0.9876,0.8367,0.0755,0.0,0.2069,0.1667,0.0417,0.0879,0.0826,0.0945,0.0,0.0,0.0937,0.0964,0.9876,0.8323,0.0753,0.0,0.2069,0.1667,0.0417,0.0874,0.077,0.0923,0.0,0.0,reg oper account,block of flats,0.107,Panel,No,5.0,0.0,5.0,0.0,-399.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2388026,201985,Consumer loans,5651.415,62325.0,55125.0,12465.0,62325.0,THURSDAY,16,Y,1,0.20085098656337005,0.16020627904340928,0.6374207188160677,XAP,Approved,-421,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Stone,270,Furniture,12.0,middle,POS industry with interest,,,,,,,1,Cash loans,M,Y,Y,1,157500.0,302341.5,18400.5,261000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-10173,-1335,-2515.0,-2510,42.0,1,1,0,1,1,0,Low-skill Laborers,3.0,2,2,FRIDAY,18,0,0,0,0,0,0,Self-employed,,0.5983220774459101,0.4525335592581747,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-106.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2662092,150039,Consumer loans,11080.755,58455.0,55210.5,5850.0,58455.0,THURSDAY,16,Y,1,0.10434211672327967,,,XAP,Approved,-2883,Cash through the bank,XAP,,New,Mobile,POS,XNA,Stone,17,Connectivity,6.0,high,POS mobile with interest,365243.0,-2851.0,-2701.0,-2701.0,-2698.0,1.0,0,Cash loans,F,N,Y,0,126000.0,301500.0,14098.5,301500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-20309,-142,-9574.0,-3576,,1,1,0,1,1,0,Laborers,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.6550711276284358,0.7583930617144343,0.1031,0.1008,0.9856,0.8028,0.0176,0.0,0.2414,0.1667,0.2083,0.1397,0.0841,0.0977,0.0,0.0,0.105,0.1046,0.9856,0.8105,0.0178,0.0,0.2414,0.1667,0.2083,0.1429,0.0918,0.1018,0.0,0.0,0.1041,0.1008,0.9856,0.8054,0.0177,0.0,0.2414,0.1667,0.2083,0.1422,0.0855,0.0994,0.0,0.0,reg oper account,block of flats,0.0768,Panel,No,2.0,1.0,2.0,0.0,-1840.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1282563,102852,Consumer loans,8987.355,92875.5,92178.0,9000.0,92875.5,MONDAY,17,Y,1,0.0968769710986398,,,XAP,Approved,-1393,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Country-wide,48,Connectivity,12.0,middle,POS mobile with interest,365243.0,-1354.0,-1024.0,-1024.0,-1016.0,0.0,0,Cash loans,F,N,Y,1,90000.0,254700.0,13446.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.009175,-24565,365243,-14972.0,-3958,,1,0,0,1,0,0,,2.0,2,2,MONDAY,15,0,0,0,0,0,0,XNA,,0.26430702695594865,0.7001838506835805,0.0825,0.0,0.9771,0.6872,0.006999999999999999,0.0,0.1379,0.1667,0.2083,0.0575,0.0672,0.0616,0.0,0.0,0.084,0.0,0.9772,0.6994,0.006999999999999999,0.0,0.1379,0.1667,0.2083,0.0588,0.0735,0.0642,0.0,0.0,0.0833,0.0,0.9771,0.6914,0.006999999999999999,0.0,0.1379,0.1667,0.2083,0.0585,0.0684,0.0627,0.0,0.0,reg oper account,block of flats,0.0523,"Stone, brick",No,5.0,1.0,5.0,1.0,-1393.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,5.0 +1398314,196409,Cash loans,,0.0,0.0,,,TUESDAY,8,Y,1,,,,XNA,Refused,-123,XNA,SCOFR,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,1,Cash loans,M,N,Y,0,90000.0,284400.0,22468.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.006305,-8754,-1996,-2987.0,-1341,,1,1,0,1,0,0,Laborers,2.0,3,3,SATURDAY,9,0,0,0,0,0,0,Industry: type 11,0.09993623465275067,0.36138481275558265,0.2103502286944494,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-370.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2311246,414316,Consumer loans,5243.58,22905.0,18405.0,4500.0,22905.0,THURSDAY,11,Y,1,0.21396677978210385,,,XAP,Refused,-2484,Cash through the bank,SCO,Family,Repeater,Mobile,POS,XNA,Country-wide,261,Consumer electronics,4.0,high,POS household with interest,,,,,,,1,Cash loans,F,N,N,0,54000.0,436032.0,14053.5,360000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-22402,365243,-12990.0,-4142,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,,0.6538892627983915,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1113.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2056752,301620,Consumer loans,3683.385,25807.5,23224.5,2583.0,25807.5,FRIDAY,16,Y,1,0.10900404216533244,,,XAP,Approved,-2875,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,30,Connectivity,8.0,low_normal,POS mobile with interest,365243.0,-2844.0,-2634.0,-2664.0,-2572.0,0.0,0,Cash loans,F,N,N,0,67500.0,647046.0,21001.5,463500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,Rented apartment,0.007120000000000001,-9590,-1862,-2228.0,-2266,,1,1,0,1,0,0,Sales staff,1.0,2,2,WEDNESDAY,14,0,0,0,1,1,0,Self-employed,0.13464344999090444,0.6103269134530295,0.5226973172821112,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2695607,302694,Cash loans,6330.15,54000.0,57564.0,,54000.0,WEDNESDAY,12,Y,1,,,,XNA,Refused,-475,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,,,,,,,1,Cash loans,M,N,Y,0,126000.0,521280.0,41926.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.005144,-17686,-338,-1735.0,-812,,1,1,0,1,1,0,,1.0,2,2,TUESDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.3444386541244556,0.5739153817820374,0.5919766183185521,0.1021,,0.9801,0.728,0.0113,0.0,0.2069,0.1667,0.2083,0.0294,0.0824,0.0876,0.0039,0.0218,0.104,,0.9801,0.7387,0.0114,0.0,0.2069,0.1667,0.2083,0.0301,0.09,0.0912,0.0039,0.0231,0.1031,,0.9801,0.7316,0.0114,0.0,0.2069,0.1667,0.2083,0.0299,0.0838,0.0891,0.0039,0.0223,org spec account,block of flats,0.0798,"Stone, brick",No,0.0,0.0,0.0,0.0,-750.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2425939,212414,Consumer loans,10001.7,82260.0,82260.0,0.0,82260.0,SATURDAY,14,Y,1,0.0,,,XAP,Approved,-417,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Stone,200,Furniture,10.0,middle,POS household with interest,365243.0,-384.0,-114.0,-294.0,-290.0,0.0,1,Cash loans,F,Y,Y,1,112500.0,787131.0,30762.0,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-9417,-1128,-2639.0,-55,17.0,1,1,1,1,0,0,Laborers,3.0,2,2,WEDNESDAY,10,0,0,0,0,1,1,Self-employed,0.5162264626595026,0.433043396995951,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,0.0,-617.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1320443,368962,Consumer loans,17828.775,138577.5,150835.5,0.0,138577.5,TUESDAY,14,Y,1,0.0,,,XAP,Approved,-2253,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,2445,Consumer electronics,12.0,high,POS household with interest,365243.0,-2222.0,-1892.0,-1892.0,-1884.0,1.0,0,Cash loans,F,N,N,0,135000.0,675000.0,20596.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.005144,-17981,-619,-12.0,-1536,,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,Self-employed,0.4082607993116636,0.5622190020053357,0.3606125659189888,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-802.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2429455,357417,Consumer loans,7787.25,71995.5,77872.5,9000.0,71995.5,TUESDAY,12,Y,1,0.11282993101174915,,,XAP,Approved,-1112,Cash through the bank,XAP,Other_B,New,Computers,POS,XNA,Country-wide,1450,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1081.0,-751.0,-751.0,-743.0,0.0,0,Cash loans,F,N,N,0,157500.0,521280.0,27292.5,450000.0,Unaccompanied,Commercial associate,Incomplete higher,Single / not married,House / apartment,0.018029,-9077,-1666,-3223.0,-1701,,1,1,1,1,0,0,Accountants,1.0,3,3,SATURDAY,13,0,0,0,1,1,0,Business Entity Type 3,0.3303443302454367,0.06664338709848991,0.4083588531230431,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1112.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,0.0 +1787651,109862,Consumer loans,15253.47,152550.0,137295.0,15255.0,152550.0,FRIDAY,13,Y,1,0.1089090909090909,,,XAP,Approved,-2495,XNA,XAP,,Repeater,Other,POS,XNA,Stone,93,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2461.0,-2191.0,-2191.0,-2185.0,0.0,0,Revolving loans,F,Y,Y,0,270000.0,675000.0,33750.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-16779,-8404,-9453.0,-276,1.0,1,1,1,1,1,0,Laborers,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Industry: type 2,0.7012881799144265,0.711522265571245,0.807273923277881,0.1,0.0384,0.9846,0.7892,0.0365,0.08,0.0345,0.5417,0.5833,0.0718,0.0815,0.0981,0.0,0.0,0.1019,0.0398,0.9846,0.7975,0.0368,0.0806,0.0345,0.5417,0.5833,0.0735,0.0891,0.1022,0.0,0.0,0.101,0.0384,0.9846,0.792,0.0367,0.08,0.0345,0.5417,0.5833,0.0731,0.0829,0.0999,0.0,0.0,,block of flats,0.0971,"Stone, brick",No,0.0,0.0,0.0,0.0,-1448.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1549129,449429,Cash loans,4387.5,135000.0,135000.0,,135000.0,FRIDAY,9,Y,1,,,,Education,Refused,-517,Cash through the bank,SCO,,Repeater,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,48.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,N,0,171000.0,720000.0,47380.5,720000.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.028663,-16074,-1548,-5028.0,-930,,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,15,0,0,0,0,1,1,Industry: type 1,,0.6448878227589573,0.633031641417419,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1093346,133224,Cash loans,16681.95,472500.0,566055.0,,472500.0,FRIDAY,9,Y,1,,,,XNA,Approved,-180,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-150.0,1620.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,0,166500.0,695439.0,18472.5,580500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-22216,365243,-718.0,-725,7.0,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,XNA,,0.1390055862253843,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-489.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1308036,186809,Cash loans,45336.78,765000.0,870021.0,,765000.0,SATURDAY,11,Y,1,,,,XNA,Approved,-925,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,high,Cash X-Sell: high,365243.0,-895.0,515.0,-505.0,-497.0,1.0,0,Cash loans,M,Y,Y,1,810000.0,790830.0,62613.0,675000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.032561,-18365,-4456,-1244.0,-1916,6.0,1,1,1,1,1,1,,3.0,1,1,SUNDAY,12,0,1,1,0,1,1,Business Entity Type 3,,0.6011252623551661,0.5082869913916046,0.0711,0.0058,0.9324,0.0752,0.0045,0.0,0.2414,0.1042,0.125,0.006999999999999999,0.0483,0.0791,0.0444,0.0729,0.0147,0.0047,0.9136,0.0,0.0046,0.0,0.069,0.0833,0.125,0.0071,0.0101,0.0162,0.0117,0.0153,0.0718,0.0058,0.9324,0.0876,0.0045,0.0,0.2414,0.1042,0.125,0.0071,0.0492,0.0805,0.0446,0.0744,reg oper account,block of flats,0.0178,"Stone, brick",No,1.0,0.0,1.0,0.0,-1437.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1314734,205940,Cash loans,53331.48,1350000.0,1487214.0,,1350000.0,THURSDAY,13,Y,1,,,,Repairs,Refused,-394,Cash through the bank,SCO,,New,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,42.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,Y,Y,2,135000.0,728460.0,37849.5,675000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.011703,-13924,-886,-6897.0,-4517,6.0,1,1,0,1,0,0,Laborers,4.0,2,2,SATURDAY,12,0,1,1,0,1,1,Trade: type 2,0.4942131977865661,0.7454628806819251,0.7544061731797895,,,0.9767,,,,,,,,,0.0076,,,,,0.9767,,,,,,,,,0.008,,,,,0.9767,,,,,,,,,0.0078,,,,,0.006,,No,1.0,0.0,1.0,0.0,-850.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2101635,235496,Cash loans,29657.295,675000.0,744498.0,,675000.0,MONDAY,14,Y,1,,,,Education,Approved,-686,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Country-wide,1100,Consumer electronics,36.0,low_normal,Cash Street: low,365243.0,-655.0,395.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,175500.0,931500.0,30046.5,931500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.015221,-18209,-1743,-8014.0,-1741,,1,1,1,1,1,0,Core staff,2.0,2,2,MONDAY,15,0,0,0,0,0,0,Medicine,,0.7221564324703895,0.5370699579791587,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-686.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2642090,361415,Consumer loans,3290.175,28125.0,25866.0,4230.0,28125.0,SATURDAY,10,Y,1,0.1530719878207916,,,XAP,Approved,-2061,XNA,XAP,Family,Repeater,Clothing and Accessories,POS,XNA,Stone,513,Clothing,10.0,high,POS industry with interest,365243.0,-2030.0,-1760.0,-1940.0,-1934.0,0.0,0,Cash loans,F,Y,Y,2,135000.0,912541.5,30289.5,693000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018029,-12792,-1996,-495.0,-4351,12.0,1,1,0,1,0,0,High skill tech staff,4.0,3,3,TUESDAY,5,0,0,0,0,0,0,Business Entity Type 2,,0.7792097784419861,0.6754132910917112,0.1103,0.0936,0.9831,0.7688,0.0328,0.12,0.1034,0.3333,0.0417,0.0,,0.1209,,0.0,0.1124,0.0971,0.9831,0.7779,0.0331,0.1208,0.1034,0.3333,0.0417,0.0,,0.1259,,0.0,0.1114,0.0936,0.9831,0.7719,0.033,0.12,0.1034,0.3333,0.0417,0.0,,0.123,,0.0,,block of flats,0.113,Panel,No,2.0,1.0,2.0,1.0,-1900.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1045416,339710,Consumer loans,,20434.5,20434.5,0.0,20434.5,FRIDAY,19,Y,1,0.0,,,XAP,Refused,-1196,Cash through the bank,HC,,New,Mobile,XNA,XNA,Country-wide,89,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,M,Y,N,1,99000.0,776304.0,20605.5,648000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.018634,-13721,-2170,-7867.0,-4894,23.0,1,1,0,1,0,0,Sales staff,3.0,2,2,TUESDAY,10,0,0,0,0,0,0,Self-employed,0.36747150902799397,0.5202674879391974,0.7281412993111438,0.0928,0.1173,0.9881,,,0.0,0.2069,0.1667,,,,0.0835,,0.0421,0.0945,0.1217,0.9881,,,0.0,0.2069,0.1667,,,,0.087,,0.0445,0.0937,0.1173,0.9881,,,0.0,0.2069,0.1667,,,,0.085,,0.0429,,,0.0657,"Stone, brick",No,0.0,0.0,0.0,0.0,-2.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1803159,228873,Consumer loans,2957.13,14620.5,16276.5,0.0,14620.5,TUESDAY,15,Y,1,0.0,,,XAP,Approved,-786,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,1300,Consumer electronics,6.0,middle,POS household with interest,,,,,,,0,Cash loans,M,Y,Y,0,270000.0,450000.0,27193.5,450000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.028663,-18955,-2000,-6162.0,-2494,5.0,1,1,0,1,0,0,Drivers,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.3688615168357488,0.1674084472266241,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-226.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1363888,177144,Cash loans,7972.47,67500.0,86922.0,,67500.0,SATURDAY,14,Y,1,,,,Other,Approved,-516,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),4,XNA,18.0,high,Cash Street: high,365243.0,-486.0,24.0,-306.0,-298.0,1.0,0,Cash loans,F,N,Y,0,202500.0,463500.0,18508.5,463500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.015221,-14680,-2960,-4864.0,-4556,,1,1,1,1,1,0,Medicine staff,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Medicine,,0.5151787871847137,0.10547318648733764,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-826.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,4.0 +2486123,390615,Revolving loans,9000.0,0.0,180000.0,,,MONDAY,15,Y,1,,,,XAP,Approved,-2457,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-2451.0,-2408.0,365243.0,-1038.0,-62.0,0.0,0,Cash loans,F,N,N,0,157500.0,715500.0,30442.5,715500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-18493,-10685,-9750.0,-2049,,1,1,0,1,1,0,Laborers,2.0,2,2,TUESDAY,12,0,0,0,0,1,1,Postal,0.7328481085452802,0.6051974228449336,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1972.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1832931,393670,Cash loans,23874.75,225000.0,225000.0,,225000.0,MONDAY,17,Y,1,,,,Repairs,Refused,-274,XNA,SCO,Unaccompanied,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),4,XNA,12.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,99000.0,904500.0,29178.0,904500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.005002,-17090,-3794,-1460.0,-621,,1,1,1,1,1,1,Sales staff,2.0,3,3,TUESDAY,17,0,0,0,1,1,0,Postal,0.8097862062192801,0.5494192830987993,0.12373532211307872,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1343.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2214226,220951,Consumer loans,5511.915,25861.5,20686.5,5175.0,25861.5,FRIDAY,14,Y,1,0.2179318854105699,,,XAP,Approved,-1187,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,204,Connectivity,4.0,middle,POS mobile without interest,365243.0,-1156.0,-1066.0,-1066.0,-1059.0,0.0,0,Cash loans,F,Y,Y,0,90000.0,270000.0,17707.5,270000.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.028663,-8691,-633,0.0,-386,64.0,1,1,0,1,0,0,,2.0,2,2,TUESDAY,18,0,0,0,0,0,0,Business Entity Type 3,0.3838730195807084,0.5624235166049973,0.475849908720221,0.1082,0.0453,0.9886,0.8436,0.0251,0.0464,0.0345,0.3471,0.3888,0.0907,0.086,0.0867,0.0103,0.0209,0.0599,0.028,0.9881,0.8432,0.0206,0.0403,0.0345,0.3333,0.375,0.0497,0.0496,0.076,0.0039,0.0023,0.1176,0.0484,0.9881,0.8390000000000001,0.026,0.04,0.0345,0.3333,0.375,0.0977,0.0945,0.0898,0.0097,0.0193,reg oper account,block of flats,0.0816,"Stone, brick",No,0.0,0.0,0.0,0.0,-669.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2432718,130539,Consumer loans,5860.08,36405.0,31122.0,6750.0,36405.0,SATURDAY,15,Y,1,0.19411078465260967,,,XAP,Approved,-1406,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,2200,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1375.0,-1225.0,-1225.0,-1216.0,0.0,0,Cash loans,M,Y,Y,3,225000.0,985603.5,55165.5,931500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009549,-14609,-1384,-855.0,-4232,15.0,1,1,0,1,0,0,Laborers,5.0,2,2,FRIDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.6137175860871732,0.4048783643353997,0.0619,,0.9881,,,,0.1034,0.1667,,,,0.036000000000000004,,,0.063,,0.9881,,,,0.1034,0.1667,,,,0.0375,,,0.0625,,0.9881,,,,0.1034,0.1667,,,,0.0366,,,,block of flats,0.048,Panel,No,1.0,0.0,1.0,0.0,-1693.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1032525,397529,Revolving loans,2250.0,45000.0,45000.0,,45000.0,MONDAY,18,Y,1,,,,XAP,Approved,-273,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Stone,11,Furniture,0.0,XNA,Card Street,-239.0,-204.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,90000.0,225000.0,8482.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018634,-12592,-937,-776.0,-3044,,1,1,1,1,0,0,Low-skill Laborers,3.0,2,2,MONDAY,8,0,0,0,0,0,0,Government,,0.5810383147742875,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-676.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1542714,310263,Cash loans,13297.365,270000.0,313839.0,,270000.0,WEDNESDAY,16,Y,1,,,,XNA,Approved,-394,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-364.0,686.0,-154.0,-152.0,1.0,0,Cash loans,F,N,Y,0,126000.0,1546020.0,45328.5,1350000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-23445,365243,-2317.0,-4578,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,XNA,0.7907140925105454,0.5945639599374273,0.7366226976503176,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1575735,302456,Cash loans,52899.435,900000.0,1109002.5,,900000.0,MONDAY,15,Y,1,,,,XNA,Approved,-914,Cash through the bank,XAP,"Spouse, partner",Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,low_normal,Cash X-Sell: low,365243.0,-884.0,-14.0,-464.0,-460.0,1.0,0,Cash loans,F,Y,Y,1,360000.0,2013840.0,55507.5,1800000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.010556,-14580,-3865,-1193.0,-4160,11.0,1,1,0,1,0,0,Core staff,3.0,3,3,FRIDAY,15,0,0,0,0,1,1,Security Ministries,,0.5869458770287931,0.7886807751817684,0.1742,0.1137,0.9925,0.898,,0.04,0.2069,0.375,0.0417,0.0,0.1387,0.1977,0.0154,0.0276,0.1775,0.118,0.9926,0.902,,0.0403,0.2069,0.375,0.0417,0.0,0.1515,0.2033,0.0156,0.0292,0.1759,0.1137,0.9925,0.8994,,0.04,0.2069,0.375,0.0417,0.0,0.1411,0.2012,0.0155,0.0282,reg oper account,block of flats,0.2053,"Stone, brick",No,0.0,0.0,0.0,0.0,-3171.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1825660,218111,Consumer loans,20064.105,68178.735,70425.0,3.735,68178.735,THURSDAY,10,Y,1,5.775702978982296e-05,,,XAP,Approved,-2459,Cash through the bank,XAP,Unaccompanied,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,848,Consumer electronics,4.0,high,POS household with interest,365243.0,-2428.0,-2338.0,-2338.0,-2330.0,1.0,0,Cash loans,F,N,Y,0,315000.0,1125000.0,106816.5,1125000.0,Family,Working,Higher education,Married,House / apartment,0.04622,-15761,-3064,-7053.0,-4560,,1,1,1,1,1,1,,2.0,1,1,SATURDAY,10,0,0,0,0,1,1,Business Entity Type 3,,0.7575044706960735,0.6706517530862718,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1852.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,4.0 +2824844,133742,Consumer loans,10077.435,74236.5,54810.0,22500.0,74236.5,FRIDAY,12,Y,1,0.3169647581754682,,,XAP,Approved,-109,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,550,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-79.0,71.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,202500.0,835605.0,24561.0,697500.0,Unaccompanied,Pensioner,Higher education,Single / not married,House / apartment,0.018801,-21587,365243,-1728.0,-4950,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,8,0,0,0,0,0,0,XNA,,0.2986978961608763,0.5316861425197883,0.1031,0.0805,0.9757,,,0.0,0.1724,0.1667,,,,0.0429,,0.0637,0.105,0.0836,0.9757,,,0.0,0.1724,0.1667,,,,0.0447,,0.0674,0.1041,0.0805,0.9757,,,0.0,0.1724,0.1667,,,,0.0437,,0.065,,block of flats,0.0707,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2158059,385343,Cash loans,45603.405,769500.0,875137.5,,769500.0,MONDAY,17,Y,1,,,,XNA,Approved,-535,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,high,Cash X-Sell: high,365243.0,-505.0,905.0,-385.0,-356.0,1.0,0,Cash loans,F,N,N,1,270000.0,490005.0,26712.0,423000.0,Family,Commercial associate,Secondary / secondary special,Civil marriage,Municipal apartment,0.032561,-10584,-816,-3306.0,-3244,,1,1,0,1,0,0,,3.0,1,1,THURSDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.7350618544577412,0.2445163919946749,0.034,0.0773,0.9846,0.7892,0.0127,0.12,0.0345,0.5833,0.625,0.0229,0.0277,0.109,0.0,0.1614,0.0347,0.0803,0.9846,0.7975,0.0128,0.1208,0.0345,0.5833,0.625,0.0235,0.0303,0.1136,0.0,0.1709,0.0344,0.0773,0.9846,0.792,0.0128,0.12,0.0345,0.5833,0.625,0.0233,0.0282,0.1109,0.0,0.1648,reg oper account,block of flats,0.1266,"Stone, brick",No,0.0,0.0,0.0,0.0,-1618.0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2547430,403097,Cash loans,20983.995,180000.0,191880.0,0.0,180000.0,MONDAY,9,Y,1,0.0,,,XNA,Approved,-2685,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-2655.0,-2325.0,-2355.0,-2350.0,1.0,0,Cash loans,M,Y,Y,0,180000.0,477000.0,56740.5,477000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.028663,-20393,-1341,-7814.0,-3297,7.0,1,1,0,1,0,0,Managers,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,Business Entity Type 1,,0.2684779242857613,0.5726825047161584,0.2034,0.0796,0.9935,0.9456,,0.1332,0.1493,0.5,0.625,0.0095,0.0756,0.2763,0.0019,0.0929,0.0945,0.0527,0.9886,0.9477,,0.0806,0.0345,0.5833,0.625,0.0097,0.0826,0.4536,0.0,0.0334,0.0947,0.0508,0.996,0.9463,,0.08,0.0345,0.5833,0.625,0.0096,0.077,0.2813,0.0019,0.041,reg oper account,block of flats,0.5162,"Stone, brick",No,3.0,0.0,3.0,0.0,-283.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2261145,209477,Consumer loans,7044.57,81279.0,94153.5,0.0,81279.0,SATURDAY,10,Y,1,0.0,,,XAP,Approved,-835,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Regional / Local,500,Consumer electronics,18.0,middle,POS household with interest,365243.0,-804.0,-294.0,-354.0,-351.0,0.0,1,Cash loans,F,N,N,0,112500.0,976711.5,44266.5,873000.0,Family,Working,Secondary / secondary special,Married,Rented apartment,0.006852,-14221,-2495,-1529.0,-524,,1,1,0,1,0,0,Laborers,2.0,3,3,MONDAY,9,0,0,0,1,1,0,Industry: type 3,,0.0676197931829855,0.5602843280409464,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-543.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2315696,352427,Consumer loans,4021.38,22896.0,28525.5,2290.5,22896.0,MONDAY,15,Y,1,0.08095024426508066,,,XAP,Approved,-1573,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,10,Connectivity,10.0,high,POS mobile with interest,365243.0,-1541.0,-1271.0,-1271.0,-951.0,0.0,0,Cash loans,M,N,Y,0,135000.0,417024.0,25330.5,360000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006670999999999999,-9021,-513,-8996.0,-1678,,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,15,0,0,0,0,1,1,Business Entity Type 2,0.15678907140148984,0.4664473765981872,0.2822484337007223,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-347.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +2499145,392376,Consumer loans,6961.68,103455.0,35374.5,69750.0,103455.0,SUNDAY,13,Y,1,0.7226107226107221,,,XAP,Refused,-1859,Cash through the bank,LIMIT,,Repeater,Mobile,POS,XNA,Country-wide,65,Connectivity,6.0,high,POS mobile with interest,,,,,,,0,Cash loans,M,N,N,0,360000.0,1762110.0,48456.0,1575000.0,Unaccompanied,Working,Incomplete higher,Single / not married,With parents,0.035792000000000004,-10436,-2309,-426.0,-3118,,1,1,0,1,1,0,Laborers,1.0,2,2,FRIDAY,14,0,0,0,0,0,0,Business Entity Type 2,,0.1953537989258013,0.3046721837533529,0.0175,,0.9722,,,,,,,,,0.011,,,0.0179,,0.9722,,,,,,,,,0.0114,,,0.0177,,0.9722,,,,,,,,,0.0112,,,,block of flats,0.0099,,Yes,1.0,0.0,1.0,0.0,-1861.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2829866,149795,Consumer loans,6814.305,62955.0,61335.0,6295.5,62955.0,FRIDAY,13,Y,1,0.10137987769100944,,,XAP,Approved,-2839,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Country-wide,981,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2808.0,-2538.0,-2568.0,-2564.0,1.0,0,Cash loans,M,N,Y,1,180000.0,1164667.5,34182.0,1017000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-16134,-594,-8532.0,-5216,,1,1,0,1,0,0,Drivers,3.0,2,2,TUESDAY,13,0,0,0,0,1,1,Self-employed,,0.2631435910213423,0.5531646987710016,0.2216,0.1989,0.9871,0.8232,0.0562,0.24,0.2069,0.3333,0.375,0.1086,0.1807,0.2408,0.0,0.0236,0.2258,0.2064,0.9871,0.8301,0.0567,0.2417,0.2069,0.3333,0.375,0.1111,0.1974,0.2509,0.0,0.0249,0.2238,0.1989,0.9871,0.8256,0.0565,0.24,0.2069,0.3333,0.375,0.1105,0.1838,0.2452,0.0,0.024,reg oper account,block of flats,0.2252,"Stone, brick",No,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1959477,358927,Consumer loans,9455.04,62905.5,68440.5,0.0,62905.5,WEDNESDAY,13,Y,1,0.0,,,XAP,Approved,-701,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,10.0,high,POS mobile with interest,365243.0,-670.0,-400.0,-400.0,-396.0,0.0,0,Cash loans,F,N,N,2,112500.0,203760.0,20281.5,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.011703,-12983,-1572,-3622.0,-4028,,1,1,0,1,0,0,Laborers,4.0,2,2,THURSDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.6020193138378263,0.720032230912855,0.8357765157975799,0.0082,0.0,0.9677,,,0.0,0.069,0.0417,,0.0599,,0.0077,,0.0,0.0084,0.0,0.9677,,,0.0,0.069,0.0417,,0.0612,,0.0081,,0.0,0.0083,0.0,0.9677,,,0.0,0.069,0.0417,,0.0609,,0.0079,,0.0,,block of flats,0.0064,Others,No,3.0,1.0,3.0,1.0,-1761.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2044415,413121,Consumer loans,16739.82,90000.0,94752.0,0.0,90000.0,TUESDAY,15,Y,1,0.0,,,XAP,Approved,-709,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Stone,111,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-672.0,-522.0,-522.0,-515.0,0.0,0,Cash loans,F,Y,Y,0,270000.0,1198548.0,50913.0,1102500.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.031329,-16421,-8230,-9653.0,-4353,6.0,1,1,0,1,0,0,Managers,2.0,2,2,THURSDAY,16,0,0,0,0,0,0,School,0.6855050198430471,0.41248002177854004,0.5726825047161584,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2527.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1295679,300500,Consumer loans,15301.71,135000.0,149256.0,0.0,135000.0,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-407,Cash through the bank,XAP,Family,New,Furniture,POS,XNA,Country-wide,260,Furniture,12.0,middle,POS industry with interest,365243.0,-375.0,-45.0,-75.0,-70.0,0.0,0,Cash loans,F,N,Y,0,108000.0,447453.0,24403.5,373500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00496,-19500,-2530,-4448.0,-3048,,1,1,0,1,0,0,Laborers,2.0,2,2,SUNDAY,12,0,0,0,1,0,1,Business Entity Type 3,0.6077655669158287,0.4349664467632415,0.4083588531230431,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-407.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2782899,283613,Cash loans,5710.41,112500.0,134775.0,,112500.0,WEDNESDAY,15,Y,1,,,,XNA,Approved,-710,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-679.0,371.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,Y,0,315000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.007273999999999998,-17643,-3174,-8871.0,-1188,,1,1,0,1,0,0,Medicine staff,1.0,2,2,SATURDAY,10,0,0,0,0,1,1,Medicine,,0.4288177160311384,0.3077366963789207,0.0082,,0.9747,,,,0.069,0.0417,,,,0.0047,,,0.0084,,0.9747,,,,0.069,0.0417,,,,0.0049,,,0.0083,,0.9747,,,,0.069,0.0417,,,,0.0048,,,,block of flats,0.0056,"Stone, brick",No,5.0,4.0,5.0,4.0,-1619.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,1.0 +1753111,187553,Cash loans,44018.865,450000.0,470790.0,,450000.0,SATURDAY,12,Y,1,,,,XNA,Approved,-318,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,100,Consumer electronics,12.0,low_normal,Cash X-Sell: low,365243.0,-288.0,42.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,118350.0,1125000.0,33025.5,1125000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.02461,-19935,-700,-2043.0,-3478,,1,1,1,1,0,0,Laborers,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Other,,0.6530325829631157,0.7738956942145427,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-238.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1268692,175023,Consumer loans,12163.5,107995.5,119398.5,0.0,107995.5,MONDAY,19,Y,1,0.0,,,XAP,Approved,-723,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,2400,Consumer electronics,12.0,middle,POS household with interest,365243.0,-692.0,-362.0,-362.0,-360.0,0.0,0,Revolving loans,F,N,Y,0,405000.0,315000.0,15750.0,315000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.032561,-9578,-1212,-9515.0,-2111,,1,1,1,1,1,0,Sales staff,2.0,1,1,WEDNESDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.6667146178233997,0.2778856891082046,0.0722,0.0588,0.9762,,,0.0,0.2414,0.1667,,0.013,,0.0633,,0.003,0.0735,0.061,0.9762,,,0.0,0.2414,0.1667,,0.0133,,0.066,,0.0032,0.0729,0.0588,0.9762,,,0.0,0.2414,0.1667,,0.0132,,0.0645,,0.0031,,block of flats,0.0505,Panel,No,0.0,0.0,0.0,0.0,-723.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2373715,206608,Consumer loans,3365.55,26905.5,26604.0,2700.0,26905.5,FRIDAY,13,Y,1,0.1003462139825776,,,XAP,Approved,-2119,Cash through the bank,XAP,Children,New,Mobile,POS,XNA,Stone,84,Connectivity,12.0,high,POS mobile with interest,365243.0,-2088.0,-1758.0,-1758.0,-1753.0,0.0,0,Cash loans,F,N,N,0,144000.0,314100.0,19111.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Separated,Municipal apartment,0.009656999999999999,-19315,-12636,-485.0,-2840,,1,1,1,1,1,0,Managers,1.0,2,2,TUESDAY,10,0,0,0,0,0,0,Postal,0.34889316737209,0.38532218531696905,0.11761373170805695,0.2206,,0.9836,,,0.24,0.2069,0.3333,,0.0316,,0.1392,,0.294,0.2248,,0.9836,,,0.2417,0.2069,0.3333,,0.0323,,0.145,,0.3113,0.2228,,0.9836,,,0.24,0.2069,0.3333,,0.0321,,0.1417,,0.3002,,block of flats,0.1822,Panel,No,0.0,0.0,0.0,0.0,-1835.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +1992416,227914,Revolving loans,2250.0,90000.0,90000.0,,90000.0,WEDNESDAY,12,N,0,,,,XAP,Refused,-367,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,135000.0,808650.0,26217.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.018634,-21037,365243,-11974.0,-3981,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,XNA,,0.7202746174349927,0.0005272652387098817,0.0773,0.0,0.9806,0.7348,0.0368,0.0,0.1724,0.1667,0.2083,0.0381,0.063,0.0691,0.0,0.0076,0.0788,0.0,0.9806,0.7452,0.0372,0.0,0.1724,0.1667,0.2083,0.039,0.0689,0.07200000000000001,0.0,0.008,0.0781,0.0,0.9806,0.7383,0.0371,0.0,0.1724,0.1667,0.2083,0.0388,0.0641,0.0704,0.0,0.0078,reg oper account,block of flats,0.0762,Panel,No,0.0,0.0,0.0,0.0,-1910.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,8.0 +2221776,321245,Consumer loans,5214.96,49788.0,57181.5,0.0,49788.0,SUNDAY,10,Y,1,0.0,,,XAP,Approved,-2184,XNA,XAP,Children,New,Mobile,POS,XNA,Country-wide,41,Connectivity,18.0,high,POS mobile with interest,365243.0,-2153.0,-1643.0,-1673.0,-1666.0,1.0,0,Cash loans,F,Y,Y,2,247500.0,673875.0,21865.5,562500.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,House / apartment,0.025164,-14916,-6932,-1892.0,-4582,1.0,1,1,0,1,0,0,Secretaries,3.0,2,2,SUNDAY,10,0,0,0,0,0,0,Medicine,,0.08752286937652702,0.511891801533151,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-1277.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1435383,435158,Consumer loans,5157.9,44955.0,44464.5,4495.5,44955.0,THURSDAY,12,Y,1,0.10000016711229943,,,XAP,Approved,-2155,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,86,Connectivity,12.0,high,POS mobile with interest,365243.0,-2124.0,-1794.0,-1794.0,-1788.0,0.0,0,Cash loans,M,Y,N,1,225000.0,283585.5,16407.0,256500.0,Unaccompanied,Working,Higher education,Married,Municipal apartment,0.032561,-12559,-2729,-6348.0,-4093,14.0,1,1,0,1,1,1,High skill tech staff,3.0,1,1,WEDNESDAY,18,0,0,0,1,0,1,Government,0.508384100439847,0.6187854703252873,,0.2704,0.1621,0.9906,0.8368,0.0466,0.24,0.1724,0.4583,0.2292,0.1312,0.1946,0.2367,0.0174,0.0305,0.2353,0.1681,0.9881,0.8432,0.0464,0.2417,0.2069,0.375,0.0417,0.0781,0.2057,0.1338,0.0,0.0,0.2581,0.1621,0.9881,0.8390000000000001,0.0469,0.24,0.2069,0.375,0.2292,0.1335,0.198,0.2747,0.0175,0.0133,org spec account,block of flats,0.1989,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1331562,159656,Consumer loans,12713.895,121050.0,108945.0,12105.0,121050.0,MONDAY,11,Y,1,0.1089090909090909,,,XAP,Approved,-1641,Cash through the bank,XAP,Unaccompanied,New,Clothing and Accessories,POS,XNA,Regional / Local,100,Clothing,10.0,middle,POS industry with interest,365243.0,-1610.0,-1340.0,-1340.0,-1333.0,0.0,0,Cash loans,F,N,Y,0,135000.0,532494.0,30699.0,454500.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.0228,-21106,365243,-14889.0,-4174,,1,0,0,1,1,1,,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,XNA,0.8189070434918846,0.6323070195261621,0.813917469762627,0.0289,0.0796,0.9747,,,0.0,0.069,0.125,,0.0146,,0.0225,,0.0089,0.0294,0.0826,0.9747,,,0.0,0.069,0.125,,0.0149,,0.0234,,0.0094,0.0291,0.0796,0.9747,,,0.0,0.069,0.125,,0.0148,,0.0229,,0.009000000000000001,,block of flats,0.0216,"Stone, brick",No,2.0,1.0,2.0,0.0,-1641.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2646091,251308,Consumer loans,4890.15,44500.5,44500.5,0.0,44500.5,SATURDAY,19,Y,1,0.0,,,XAP,Approved,-525,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,55,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-483.0,-213.0,-273.0,-265.0,0.0,0,Cash loans,M,Y,Y,0,99000.0,258709.5,27990.0,234000.0,Other_B,Commercial associate,Higher education,Single / not married,House / apartment,0.025164,-9082,-214,-2259.0,-1235,14.0,1,1,0,1,0,0,Laborers,1.0,2,2,SATURDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.5118191097001803,0.35895122857839673,0.0804,0.048,0.9776,0.6940000000000001,0.0193,0.0,0.069,0.1667,0.2083,0.0,0.0656,0.0375,0.0,0.0,0.0819,0.0498,0.9777,0.706,0.0195,0.0,0.069,0.1667,0.2083,0.0,0.0716,0.039,0.0,0.0,0.0812,0.048,0.9776,0.6981,0.0194,0.0,0.069,0.1667,0.2083,0.0,0.0667,0.0382,0.0,0.0,reg oper account,block of flats,0.04,"Stone, brick",No,1.0,0.0,1.0,0.0,-525.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1730637,452435,Consumer loans,5416.83,52177.5,46777.5,5400.0,52177.5,SATURDAY,13,Y,1,0.11271316006115488,,,XAP,Approved,-2590,Cash through the bank,XAP,Children,New,Audio/Video,POS,XNA,Stone,180,Consumer electronics,10.0,middle,POS household with interest,365243.0,-2555.0,-2285.0,-2285.0,-2253.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,1024740.0,49428.0,900000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.00733,-21883,365243,-7233.0,-4329,11.0,1,0,0,1,0,0,,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,XNA,,0.6035189980614502,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-225.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1339518,372148,Consumer loans,6335.37,63360.0,57024.0,6336.0,63360.0,FRIDAY,9,Y,1,0.1089090909090909,,,XAP,Approved,-2604,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,100,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-2569.0,-2299.0,-2299.0,-2294.0,0.0,0,Cash loans,F,N,Y,0,90000.0,544491.0,21226.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-18795,-5002,-9672.0,-2332,,1,1,1,1,0,0,Medicine staff,2.0,2,2,FRIDAY,14,0,0,0,0,1,1,Medicine,,0.25634082347862586,0.4848514754962666,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-30.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2346001,317468,Cash loans,14379.3,117000.0,117000.0,,117000.0,TUESDAY,9,Y,1,,,,XNA,Approved,-2709,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,10.0,middle,Cash Street: middle,365243.0,-2679.0,-2409.0,-2409.0,-2403.0,0.0,0,Cash loans,M,N,N,1,103500.0,780363.0,33192.0,697500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.031329,-17497,-1056,-2141.0,-1043,,1,1,0,1,0,0,,3.0,2,2,TUESDAY,16,0,0,0,0,1,1,Industry: type 11,,0.1923160541736026,0.7407990879702335,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2073599,288236,Cash loans,52999.92,1129500.0,1260702.0,,1129500.0,SATURDAY,16,Y,1,,,,XNA,Approved,-534,XNA,XAP,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),5,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,Y,N,2,225000.0,1575000.0,52272.0,1575000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-11659,-984,-5935.0,-4121,1.0,1,1,1,1,1,0,Laborers,4.0,2,2,SATURDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.4024929811596796,0.2858978721410488,0.6738300778602003,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1226.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1415308,167607,Revolving loans,6750.0,135000.0,135000.0,,135000.0,TUESDAY,15,Y,1,,,,XAP,Approved,-286,XNA,XAP,Family,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-89.0,-62.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,202500.0,773680.5,34209.0,679500.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-16893,-3818,-6817.0,-363,,1,1,0,1,0,0,Laborers,2.0,1,1,MONDAY,14,0,0,0,0,1,1,Self-employed,0.358448165791008,0.7184248414115556,,0.0485,0.07,0.9851,0.7959999999999999,0.0075,0.0,0.1379,0.125,0.1667,0.0788,0.0395,0.049,0.0,0.0,0.0494,0.0726,0.9851,0.804,0.0076,0.0,0.1379,0.125,0.1667,0.0806,0.0432,0.051,0.0,0.0,0.0489,0.07,0.9851,0.7987,0.0075,0.0,0.1379,0.125,0.1667,0.0802,0.0402,0.0499,0.0,0.0,reg oper account,block of flats,0.0426,Panel,No,9.0,0.0,9.0,0.0,-766.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2738500,151327,Consumer loans,3820.095,29407.5,32319.0,0.0,29407.5,MONDAY,15,Y,1,0.0,,,XAP,Approved,-2209,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Stone,1588,Consumer electronics,12.0,high,POS household with interest,365243.0,-2178.0,-1848.0,-1998.0,-1993.0,1.0,0,Cash loans,M,Y,N,0,121500.0,1236816.0,36288.0,1080000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-14613,-5169,-5285.0,-4448,24.0,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.7140471626419805,0.4884551844437485,0.0907,0.0164,0.997,0.9592,0.0592,0.08,0.0345,0.625,0.0417,0.0183,0.07400000000000001,0.1381,0.0154,0.0753,0.0924,0.0171,0.997,0.9608,0.0597,0.0806,0.0345,0.625,0.0417,0.0187,0.0808,0.1439,0.0156,0.0798,0.0916,0.0164,0.997,0.9597,0.0596,0.08,0.0345,0.625,0.0417,0.0186,0.0752,0.1406,0.0155,0.0769,reg oper spec account,block of flats,0.1573,Mixed,No,6.0,0.0,6.0,0.0,-1527.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2179214,187316,Consumer loans,8422.2,70677.0,78142.5,0.0,70677.0,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-52,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,500,Consumer electronics,12.0,middle,POS household with interest,365243.0,365243.0,308.0,365243.0,365243.0,1.0,1,Cash loans,M,Y,N,0,225000.0,640080.0,31261.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.072508,-20355,-2650,-5130.0,-3808,11.0,1,1,0,1,0,0,Laborers,2.0,1,1,WEDNESDAY,13,0,1,1,0,0,0,Business Entity Type 3,,0.7380532835697358,,0.1979,0.0982,0.9786,0.7076,0.0295,0.32,0.1379,0.4583,0.5,0.0,0.1594,0.1873,0.009000000000000001,0.0059,0.2017,0.1004,0.9786,0.7190000000000001,0.0296,0.3222,0.1379,0.4583,0.5,0.0,0.1754,0.1911,0.0039,0.0011,0.1999,0.0987,0.9786,0.7115,0.0296,0.32,0.1379,0.4583,0.5,0.0,0.1633,0.1896,0.0039,0.0011,,block of flats,0.1445,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2024512,222529,Revolving loans,9450.0,0.0,135000.0,,,THURSDAY,14,Y,1,,,,XAP,Approved,-1679,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,37,Connectivity,0.0,XNA,Card X-Sell,-1677.0,-1637.0,365243.0,-207.0,365243.0,0.0,0,Cash loans,F,N,Y,0,90000.0,276277.5,22279.5,238500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-17735,-5798,-8085.0,-1268,,1,1,0,1,0,0,Core staff,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Postal,,0.5485042373543773,0.501075160239048,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1679.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1535111,376132,Consumer loans,9103.545,53550.0,48195.0,5355.0,53550.0,TUESDAY,16,Y,1,0.1089090909090909,,,XAP,Approved,-510,XNA,XAP,,Repeater,Furniture,POS,XNA,Stone,47,Furniture,6.0,middle,POS industry with interest,365243.0,-473.0,-323.0,-473.0,-463.0,0.0,0,Revolving loans,M,Y,Y,3,130500.0,337500.0,16875.0,337500.0,Unaccompanied,Working,Secondary / secondary special,Married,Rented apartment,0.025164,-14021,-633,-2295.0,-4099,8.0,1,1,0,1,0,0,Drivers,5.0,2,2,MONDAY,15,0,0,0,0,0,0,Government,,0.5943741772845118,0.6023863442690867,0.0124,0.0,0.9687,0.5716,0.0022,0.0,0.069,0.0417,0.0833,0.0241,0.0101,0.0177,0.0,0.0055,0.0126,0.0,0.9687,0.5884,0.0022,0.0,0.069,0.0417,0.0833,0.0246,0.011,0.0185,0.0,0.0059,0.0125,0.0,0.9687,0.5773,0.0022,0.0,0.069,0.0417,0.0833,0.0245,0.0103,0.0181,0.0,0.0057,reg oper account,block of flats,0.0152,"Stone, brick",No,5.0,3.0,5.0,2.0,-2683.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1315608,165110,Consumer loans,11919.285,67455.0,67455.0,0.0,67455.0,THURSDAY,8,Y,1,0.0,,,XAP,Approved,-1016,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Stone,15,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-985.0,-835.0,-835.0,-831.0,0.0,1,Cash loans,M,Y,N,2,205200.0,67500.0,7267.5,67500.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.0228,-10417,-3816,-4902.0,-3089,14.0,1,1,1,1,1,0,,4.0,2,2,FRIDAY,12,0,0,0,0,0,0,Self-employed,,0.13782164002756225,0.3280631605201915,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1368.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2045866,444945,Cash loans,20645.055,189000.0,201474.0,,189000.0,THURSDAY,15,Y,1,,,,XNA,Approved,-288,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-258.0,72.0,-168.0,-166.0,1.0,0,Cash loans,F,N,Y,0,121500.0,254700.0,14751.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.031329,-24475,-5761,-1288.0,-4406,,1,1,1,1,1,0,Accountants,1.0,2,2,FRIDAY,16,0,0,0,0,0,0,School,0.8478638002567642,0.628613376377087,0.7801436381572275,0.0608,0.0595,0.9737,0.6396,0.0054,0.0,0.1379,0.125,0.1667,0.0371,0.0496,0.0467,0.0,0.0136,0.062,0.0617,0.9737,0.6537,0.0054,0.0,0.1379,0.125,0.1667,0.0379,0.0542,0.0487,0.0,0.0144,0.0614,0.0595,0.9737,0.6444,0.0054,0.0,0.1379,0.125,0.1667,0.0377,0.0504,0.0476,0.0,0.0139,reg oper account,block of flats,0.0397,Block,No,3.0,0.0,3.0,0.0,-2050.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1057585,154514,Cash loans,9352.8,90000.0,90000.0,,90000.0,THURSDAY,17,Y,1,,,,XNA,Approved,-501,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-471.0,-141.0,-141.0,-134.0,0.0,0,Cash loans,F,N,Y,0,72000.0,143910.0,14872.5,135000.0,Unaccompanied,Pensioner,Higher education,Separated,Municipal apartment,0.072508,-24431,365243,-9701.0,-4091,,1,0,0,1,1,0,,1.0,1,1,MONDAY,20,0,0,0,0,0,0,XNA,,0.6835701089510071,,0.3876,0.3071,0.9866,,,0.48,0.2069,0.625,,0.0,,0.2195,,0.0194,0.395,0.3187,0.9866,,,0.4834,0.2069,0.625,,0.0,,0.2287,,0.0206,0.3914,0.3071,0.9866,,,0.48,0.2069,0.625,,0.0,,0.2234,,0.0198,,block of flats,0.3014,Panel,No,0.0,0.0,0.0,0.0,-1746.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2498881,132966,Consumer loans,4961.88,31671.0,24016.5,9000.0,31671.0,SUNDAY,15,Y,1,0.2968763552108243,,,XAP,Approved,-196,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,44,Connectivity,6.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,1,81000.0,113760.0,7731.0,90000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.018634,-8472,-785,-8437.0,-1145,,1,1,0,1,0,0,Sales staff,2.0,2,2,SUNDAY,10,0,0,0,0,0,0,Self-employed,,0.3131267691827595,0.7407990879702335,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,3.0,0.0,-1061.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1761005,180980,Consumer loans,3331.575,22050.0,21690.0,1543.5,22050.0,SUNDAY,6,Y,1,0.07235293081893894,,,XAP,Approved,-2437,XNA,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Stone,118,Consumer electronics,7.0,low_normal,POS household without interest,365243.0,-2406.0,-2226.0,-2226.0,-2220.0,1.0,0,Cash loans,M,Y,N,2,360000.0,545040.0,20547.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,Rented apartment,0.006305,-12759,-197,-1868.0,-4799,11.0,1,1,1,1,0,0,Drivers,4.0,3,3,SATURDAY,12,1,1,0,1,1,0,Business Entity Type 3,0.15630236532404326,0.04974605370280295,0.4311917977993083,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1691.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1779331,252859,Revolving loans,2250.0,45000.0,45000.0,,45000.0,FRIDAY,17,Y,1,,,,XAP,Approved,-255,XNA,XAP,,Repeater,XNA,Cards,walk-in,Country-wide,2586,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,135000.0,436032.0,20326.5,360000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,With parents,0.010643000000000001,-14001,-3396,-2761.0,-3912,,1,1,0,1,0,0,,2.0,2,2,MONDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.4916856055531888,0.7400480437408079,0.5919766183185521,0.0206,,0.9732,,,0.0,0.069,0.0417,,,,0.0104,,,0.021,,0.9732,,,0.0,0.069,0.0417,,,,0.0108,,,0.0208,,0.9732,,,0.0,0.069,0.0417,,,,0.0105,,,,block of flats,0.0152,Wooden,No,3.0,0.0,3.0,0.0,-1822.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2184863,350133,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SATURDAY,13,Y,1,,,,XAP,Approved,-476,XNA,XAP,Family,New,XNA,Cards,walk-in,Country-wide,53,Connectivity,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,81000.0,49500.0,5071.5,49500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.028663,-11884,-1098,-2328.0,-2586,,1,1,0,1,0,0,,3.0,2,2,SATURDAY,10,0,0,0,0,0,0,Business Entity Type 2,,0.5528922765405544,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-476.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1445191,408930,Consumer loans,5275.35,35946.0,43879.5,0.0,35946.0,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-919,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,5000,Consumer electronics,10.0,middle,POS household with interest,365243.0,-888.0,-618.0,-618.0,-613.0,0.0,0,Cash loans,M,Y,Y,0,270000.0,1256400.0,44644.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.031329,-16810,-111,-42.0,-231,2.0,1,1,0,1,0,1,Drivers,1.0,2,2,THURSDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.4754112601245164,0.15645773666949686,0.3108182544189319,0.2031,0.0556,0.9955,0.9388,0.4533,0.24,0.2069,0.7083,0.6667,0.1544,0.1614,0.293,0.0193,0.078,0.2069,0.0577,0.9955,0.9412,0.4574,0.2417,0.2069,0.7083,0.6667,0.1579,0.1763,0.3052,0.0195,0.0826,0.2051,0.0556,0.9955,0.9396,0.4562,0.24,0.2069,0.7083,0.6667,0.157,0.1642,0.2982,0.0194,0.0796,org spec account,block of flats,0.2478,"Stone, brick",No,0.0,0.0,0.0,0.0,-100.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2058173,294334,Consumer loans,4621.77,31455.0,16222.5,15750.0,31455.0,SATURDAY,16,Y,1,0.536497984773847,,,XAP,Approved,-2704,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,20,Connectivity,4.0,low_normal,POS mobile with interest,365243.0,-2673.0,-2583.0,-2583.0,-2535.0,1.0,0,Cash loans,M,Y,Y,2,195750.0,740088.0,34425.0,661500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-16431,-1645,-5704.0,-4391,11.0,1,1,0,1,0,0,Drivers,4.0,2,2,MONDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.5721455187865838,0.6131523650712788,0.4668640059537032,0.0722,0.0854,0.9831,0.7688,0.0348,0.0,0.1379,0.1667,0.0417,0.0547,0.058,0.0671,0.0039,0.0083,0.0735,0.0886,0.9831,0.7779,0.0351,0.0,0.1379,0.1667,0.0417,0.056,0.0634,0.0699,0.0039,0.0088,0.0729,0.0854,0.9831,0.7719,0.035,0.0,0.1379,0.1667,0.0417,0.0557,0.059,0.0683,0.0039,0.0085,reg oper account,block of flats,0.0736,"Stone, brick",No,0.0,0.0,0.0,0.0,-4.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1362712,162920,Consumer loans,7974.45,72495.0,72495.0,0.0,72495.0,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-318,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Regional / Local,60,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-287.0,-17.0,-17.0,-9.0,0.0,0,Cash loans,F,Y,Y,0,81000.0,598486.5,21627.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-16400,-2352,-4.0,-4390,17.0,1,1,0,1,1,0,Medicine staff,2.0,3,2,TUESDAY,11,0,0,0,0,0,0,Business Entity Type 1,0.8011487481866669,0.6538991607909351,0.6446794549585961,0.0629,0.0068,0.9776,0.6940000000000001,0.0101,0.0,0.1379,0.1667,0.2083,0.055,0.0504,0.0542,0.0039,0.0367,0.0641,0.0071,0.9777,0.706,0.0102,0.0,0.1379,0.1667,0.2083,0.0563,0.0551,0.0565,0.0039,0.0389,0.0635,0.0068,0.9776,0.6981,0.0102,0.0,0.1379,0.1667,0.2083,0.056,0.0513,0.0552,0.0039,0.0375,reg oper account,block of flats,0.0561,Panel,No,0.0,0.0,0.0,0.0,-618.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1567724,333429,Consumer loans,4091.265,35959.5,35028.0,3600.0,35959.5,TUESDAY,14,Y,1,0.10149961874099804,,,XAP,Approved,-2356,Cash through the bank,XAP,"Spouse, partner",Refreshed,Consumer Electronics,POS,XNA,Stone,2000,Consumer electronics,10.0,middle,POS household with interest,365243.0,-2325.0,-2055.0,-2115.0,-2113.0,0.0,0,Cash loans,M,N,Y,0,112500.0,129519.0,13729.5,121500.0,Other_A,Working,Secondary / secondary special,Separated,House / apartment,0.01885,-13537,-583,-7634.0,-5120,,1,1,0,1,0,0,Laborers,1.0,2,2,SATURDAY,16,0,0,0,0,1,1,Business Entity Type 3,0.2075876384553317,0.4041014524406448,0.6956219298394389,0.0928,0.0868,0.9816,0.7484,0.05,0.0,0.2069,0.1667,0.0417,0.0488,0.0756,0.0501,0.0,0.1258,0.0945,0.0901,0.9816,0.7583,0.0505,0.0,0.2069,0.1667,0.0417,0.0499,0.0826,0.0522,0.0,0.1332,0.0937,0.0868,0.9816,0.7518,0.0504,0.0,0.2069,0.1667,0.0417,0.0496,0.077,0.051,0.0,0.1284,reg oper account,block of flats,0.0668,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2179612,126836,Consumer loans,12758.355,58756.5,68994.0,0.0,58756.5,SATURDAY,15,Y,1,0.0,,,XAP,Approved,-486,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Country-wide,1880,Consumer electronics,6.0,middle,POS household with interest,365243.0,-455.0,-305.0,-365.0,-352.0,0.0,0,Cash loans,F,N,N,0,180000.0,760225.5,32337.0,679500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.00963,-13190,-1691,-413.0,-4103,,1,1,0,1,1,0,,1.0,2,2,TUESDAY,14,0,0,0,1,1,0,Business Entity Type 3,,0.6511026731514067,0.3506958432829587,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,0.0,8.0,0.0,-1481.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1436353,249360,Consumer loans,11506.95,136764.0,160231.5,0.0,136764.0,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-1103,Cash through the bank,XAP,Family,Refreshed,Computers,POS,XNA,Country-wide,4000,Consumer electronics,24.0,high,POS household with interest,365243.0,-1072.0,-382.0,-562.0,-557.0,0.0,0,Cash loans,F,N,Y,0,157500.0,239850.0,23494.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.008575,-24795,365243,-6222.0,-3968,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,13,0,0,0,0,0,0,XNA,,0.4933873254467511,0.28961123838200553,0.1031,0.1089,0.9776,,,0.0,0.2069,0.1667,,0.0748,,0.0919,,0.0,0.105,0.113,0.9777,,,0.0,0.2069,0.1667,,0.0765,,0.0958,,0.0,0.1041,0.1089,0.9776,,,0.0,0.2069,0.1667,,0.0761,,0.0936,,0.0,,block of flats,0.0723,Panel,No,0.0,0.0,0.0,0.0,-1103.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2567435,355751,Consumer loans,13960.575,133605.0,133978.5,13500.0,133605.0,TUESDAY,13,Y,1,0.09969403860716827,,,XAP,Approved,-1514,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,120,Connectivity,14.0,high,POS mobile with interest,365243.0,-1483.0,-1093.0,-1123.0,-1117.0,0.0,0,Cash loans,F,N,N,0,135000.0,1305000.0,35887.5,1305000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-23079,-10272,-10345.0,-4920,,1,1,1,1,0,0,,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Medicine,0.913263527501384,0.6684422112318,0.6195277080511546,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-6.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,0.0 +2241417,312859,Consumer loans,9005.58,83200.5,81058.5,8320.5,83200.5,SATURDAY,11,Y,1,0.10138601807013847,,,XAP,Approved,-2466,XNA,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,1295,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2435.0,-2165.0,-2195.0,-2185.0,1.0,0,Cash loans,M,N,Y,2,168750.0,545040.0,25537.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,With parents,0.006629,-12510,-1325,-5832.0,-4063,,1,1,0,1,0,0,Core staff,4.0,2,2,MONDAY,6,0,0,0,0,1,1,Business Entity Type 3,0.3024947071539982,0.7100117876757814,0.8367640773817324,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-292.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1689906,365491,Cash loans,11423.025,135000.0,196528.5,,135000.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-992,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash X-Sell: high,365243.0,-962.0,88.0,-602.0,-596.0,1.0,0,Revolving loans,F,Y,Y,1,225000.0,450000.0,22500.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00963,-17681,-470,-11410.0,-1215,64.0,1,1,0,1,1,0,Sales staff,3.0,2,2,MONDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.5995407421605466,0.10684194768082178,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1122.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2452380,303140,Consumer loans,6043.635,131112.0,131112.0,0.0,131112.0,FRIDAY,14,Y,1,0.0,,,XAP,Refused,-1510,Cash through the bank,HC,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,2112,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,0,Cash loans,M,Y,Y,1,292500.0,495351.0,50125.5,459000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00702,-14928,-841,-6930.0,-489,10.0,1,1,0,1,0,0,Drivers,3.0,2,2,WEDNESDAY,14,0,0,0,0,1,1,Business Entity Type 3,0.406542863522665,0.2546395759749607,0.7295666907060153,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-364.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1137583,319834,Consumer loans,6094.8,37705.5,30127.5,9000.0,37705.5,THURSDAY,7,Y,1,0.250509697318208,,,XAP,Approved,-2082,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,21,Connectivity,6.0,high,POS mobile with interest,365243.0,-2040.0,-1890.0,-1920.0,-1918.0,0.0,0,Cash loans,F,N,Y,0,202500.0,1223010.0,48631.5,1125000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.006629,-17792,-1307,-7100.0,-1327,,1,1,0,1,0,0,Accountants,2.0,2,2,SUNDAY,4,0,0,0,0,0,0,Government,,0.6681465112923016,0.5638350489514956,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2755224,117061,Consumer loans,23146.74,112306.5,131184.0,0.0,112306.5,FRIDAY,7,Y,1,0.0,,,XAP,Approved,-661,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Regional / Local,340,Consumer electronics,6.0,low_action,POS household without interest,365243.0,-626.0,-476.0,-476.0,-470.0,0.0,0,Cash loans,M,Y,N,2,180000.0,1350000.0,39604.5,1350000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0038179999999999998,-13039,-1326,-654.0,-4413,23.0,1,1,0,1,0,0,,4.0,2,2,MONDAY,5,0,0,0,0,1,1,Military,,0.6699042079616193,0.2940831009471255,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,0.0,9.0,0.0,-1668.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1768471,258304,Consumer loans,24007.86,233676.0,233676.0,0.0,233676.0,FRIDAY,11,Y,1,0.0,,,XAP,Approved,-472,Cash through the bank,XAP,,New,Furniture,POS,XNA,Country-wide,120,Furniture,10.0,low_action,POS industry without interest,365243.0,-441.0,-171.0,-171.0,-169.0,0.0,0,Cash loans,F,N,Y,0,202500.0,490495.5,46570.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.04622,-16091,-1080,-10230.0,-4486,,1,1,0,1,0,0,Sales staff,2.0,1,1,MONDAY,10,0,0,0,0,0,0,Self-employed,,0.6575768360982405,0.8528284668510541,0.1237,0.0929,0.9767,0.6804,,0.0,0.1034,0.1667,,0.0614,,0.1016,,0.0,0.1261,0.0964,0.9767,0.6929,,0.0,0.1034,0.1667,,0.0628,,0.1059,,0.0,0.1249,0.0929,0.9767,0.6847,,0.0,0.1034,0.1667,,0.0625,,0.1034,,0.0,reg oper account,block of flats,0.0799,Panel,No,0.0,0.0,0.0,0.0,-472.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1947332,371765,Consumer loans,12363.3,135000.0,135000.0,0.0,135000.0,THURSDAY,16,Y,1,0.0,,,XAP,Approved,-965,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Regional / Local,100,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-932.0,-602.0,-602.0,-598.0,0.0,0,Cash loans,M,Y,Y,1,135000.0,458460.0,28179.0,405000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-11104,-820,-5244.0,-3535,15.0,1,1,0,1,0,1,Drivers,3.0,2,2,WEDNESDAY,17,0,0,0,0,1,1,Self-employed,0.4282517093883152,0.6558069708349399,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2102.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1956782,270074,Consumer loans,5751.0,50121.0,43371.0,6750.0,50121.0,FRIDAY,10,Y,1,0.1466723256990809,,,XAP,Approved,-2198,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,35,Connectivity,10.0,high,POS mobile with interest,365243.0,-2149.0,-1879.0,-1879.0,-1867.0,0.0,0,Cash loans,M,N,N,0,171000.0,625536.0,22468.5,540000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.035792000000000004,-18804,-2158,-3810.0,-2360,,1,1,1,1,0,0,,2.0,2,2,SATURDAY,21,0,0,0,0,1,1,Business Entity Type 3,,0.6411230805537187,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2198.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1375961,212036,Revolving loans,6750.0,0.0,180000.0,,,WEDNESDAY,7,N,0,,,,XAP,Refused,-509,XNA,SCOFR,,Repeater,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,N,1,135000.0,143910.0,15268.5,135000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.020713,-9495,-1553,-9495.0,-2174,,1,1,0,1,1,0,Sales staff,3.0,3,2,SATURDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.5616894537676761,0.2998718920956366,0.4668640059537032,0.099,0.1176,0.9821,0.7552,0.2321,0.16,0.1379,0.3333,0.375,0.1232,0.0765,0.1239,0.0193,0.1354,0.1008,0.122,0.9821,0.7648,0.2342,0.1611,0.1379,0.3333,0.375,0.126,0.0836,0.1291,0.0195,0.1434,0.0999,0.1176,0.9821,0.7585,0.2336,0.16,0.1379,0.3333,0.375,0.1254,0.0778,0.1261,0.0194,0.1383,reg oper account,block of flats,0.1269,Panel,No,0.0,0.0,0.0,0.0,-685.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1599439,358190,Consumer loans,7307.19,154323.0,154323.0,0.0,154323.0,SATURDAY,21,Y,1,0.0,,,XAP,Approved,-599,Cash through the bank,XAP,,New,Furniture,POS,XNA,Country-wide,1200,Furniture,24.0,low_action,POS industry without interest,365243.0,-568.0,122.0,-28.0,-24.0,0.0,0,Cash loans,F,Y,Y,1,202500.0,1256400.0,44644.5,900000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.035792000000000004,-10979,-830,-5089.0,-2283,0.0,1,1,0,1,0,0,Core staff,3.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,School,0.5811288398628234,0.6775851668694926,,0.033,0.0,0.9737,0.6396,0.0027,0.0,0.069,0.125,0.1667,0.0174,0.0252,0.0236,0.0077,0.0059,0.0336,0.0,0.9737,0.6537,0.0027,0.0,0.069,0.125,0.1667,0.0178,0.0275,0.0246,0.0078,0.0062,0.0333,0.0,0.9737,0.6444,0.0027,0.0,0.069,0.125,0.1667,0.0177,0.0257,0.024,0.0078,0.006,reg oper account,block of flats,0.0198,"Stone, brick",No,1.0,0.0,1.0,0.0,-599.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,1.0 +1462029,239167,Consumer loans,1466.955,13495.5,13495.5,0.0,13495.5,WEDNESDAY,10,Y,1,0.0,,,XAP,Approved,-680,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Regional / Local,500,Consumer electronics,10.0,low_action,POS household without interest,365243.0,-649.0,-379.0,-589.0,-578.0,0.0,0,Cash loans,F,N,Y,1,90000.0,45000.0,5089.5,45000.0,Children,Working,Secondary / secondary special,Married,House / apartment,0.028663,-10525,-305,-709.0,-2653,,1,1,1,1,1,0,Laborers,3.0,2,2,THURSDAY,9,0,0,0,0,1,1,Trade: type 2,0.5813547510436288,0.6616225441242654,0.3672910183026313,0.0814,0.0818,0.9896,0.8572,0.0139,0.0,0.1379,0.1667,0.0417,0.0162,0.0664,0.075,0.0,0.0,0.083,0.0849,0.9896,0.8628,0.014,0.0,0.1379,0.1667,0.0417,0.0166,0.0725,0.0781,0.0,0.0,0.0822,0.0818,0.9896,0.8591,0.014,0.0,0.1379,0.1667,0.0417,0.0165,0.0676,0.0763,0.0,0.0,reg oper account,block of flats,0.0666,Panel,No,1.0,0.0,1.0,0.0,-772.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +2316036,370245,Cash loans,12204.81,135000.0,152820.0,,135000.0,TUESDAY,15,Y,1,,,,Urgent needs,Approved,-806,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Country-wide,79,Connectivity,24.0,high,Cash Street: high,365243.0,-776.0,-86.0,-86.0,-80.0,1.0,0,Cash loans,F,N,Y,0,135000.0,271066.5,14832.0,234000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.002042,-23131,365243,-1192.0,-4617,,1,0,0,1,0,0,,2.0,3,3,WEDNESDAY,13,0,0,0,0,0,0,XNA,,0.1973725062365204,0.2301588968634147,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,4.0 +2833567,220389,Consumer loans,23669.1,91035.0,91035.0,0.0,91035.0,THURSDAY,13,Y,1,0.0,,,XAP,Approved,-982,XNA,XAP,Family,New,Computers,POS,XNA,Stone,50,Consumer electronics,4.0,low_action,POS household with interest,365243.0,-947.0,-857.0,-857.0,-853.0,0.0,0,Cash loans,F,N,N,0,98550.0,1257430.5,36036.0,1098000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.010147,-15511,-1153,-4491.0,-4491,,1,1,1,1,0,0,Sales staff,1.0,2,2,FRIDAY,17,0,0,0,1,1,0,Business Entity Type 3,,0.4818706750386823,0.5954562029091491,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-982.0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2277336,154579,Cash loans,24678.9,765000.0,765000.0,,765000.0,SATURDAY,7,Y,1,,,,XNA,Refused,-354,Cash through the bank,HC,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,432000.0,284400.0,16456.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018209,-23799,365243,-3730.0,-4412,27.0,1,0,0,1,0,0,,2.0,3,3,WEDNESDAY,11,0,0,0,0,0,0,XNA,0.7815892214775585,0.574535566167098,0.6940926425266661,0.1485,0.091,0.9831,0.7688,0.0,0.16,0.1379,0.3333,0.375,0.0185,0.121,0.149,0.0,0.0,0.1513,0.0945,0.9831,0.7779,0.0,0.1611,0.1379,0.3333,0.375,0.0189,0.1322,0.1552,0.0,0.0,0.1499,0.091,0.9831,0.7719,0.0,0.16,0.1379,0.3333,0.375,0.0188,0.1231,0.1517,0.0,0.0,reg oper account,block of flats,0.1172,Panel,No,1.0,0.0,1.0,0.0,-1810.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1837438,451631,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SUNDAY,12,Y,1,,,,XAP,Refused,-151,XNA,HC,Unaccompanied,XNA,XNA,Cards,walk-in,AP+ (Cash loan),19,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,171000.0,364896.0,18760.5,315000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.022625,-22760,365243,-3943.0,-3746,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,16,0,0,0,0,0,0,XNA,,0.18799566116593527,0.16048893062734468,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1174.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1067884,202401,Consumer loans,14751.09,340357.5,340357.5,0.0,340357.5,WEDNESDAY,10,Y,1,0.0,,,XAP,Approved,-582,Cash through the bank,XAP,,Repeater,Construction Materials,POS,XNA,Stone,10,Construction,30.0,low_normal,POS industry with interest,365243.0,-551.0,319.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,117000.0,547344.0,24237.0,472500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.031329,-22522,365243,-11019.0,-4537,,1,0,0,1,1,0,,1.0,2,2,THURSDAY,9,0,0,0,0,0,0,XNA,,0.25475995714691185,0.4561097392782771,0.0701,0.0836,0.9846,0.7892,,0.0,0.1034,0.1667,,0.1041,,0.0618,,0.061,0.0714,0.0868,0.9846,0.7975,,0.0,0.1034,0.1667,,0.1065,,0.0644,,0.0646,0.0708,0.0836,0.9846,0.792,,0.0,0.1034,0.1667,,0.1059,,0.0629,,0.0623,not specified,block of flats,0.0619,"Stone, brick",No,11.0,1.0,11.0,0.0,-1309.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1368689,100917,Cash loans,13860.18,112500.0,135261.0,,112500.0,MONDAY,9,Y,1,,,,Urgent needs,Approved,-708,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-678.0,-348.0,-348.0,-345.0,1.0,0,Cash loans,F,N,Y,0,108000.0,760225.5,30280.5,679500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-15317,-2258,-3165.0,-4371,,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,8,0,0,0,0,0,0,Trade: type 7,0.8400873603459397,0.03622022799985549,0.4794489811780563,,,,,,,,0.0417,,,,,,,,,,,,,,0.0417,,,,,,,,,,,,,,0.0417,,,,,,,,block of flats,0.0066,,No,0.0,0.0,0.0,0.0,-413.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,8.0 +1855916,338176,Consumer loans,2427.03,16807.5,18193.5,0.0,16807.5,SUNDAY,11,Y,1,0.0,,,XAP,Approved,-2368,Cash through the bank,XAP,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Stone,57,Connectivity,10.0,high,POS mobile with interest,365243.0,-2337.0,-2067.0,-2067.0,-2060.0,1.0,0,Cash loans,M,Y,Y,0,112500.0,808650.0,31464.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.002134,-18250,-1744,-17.0,-1770,12.0,1,1,0,1,0,0,Drivers,2.0,3,3,TUESDAY,8,0,0,0,0,0,0,Industry: type 11,,0.5682215450964254,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2646469,321274,Cash loans,25540.245,450000.0,545040.0,,450000.0,MONDAY,9,Y,1,,,,XNA,Approved,-71,Cash through the bank,XAP,Family,Refreshed,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-41.0,1369.0,365243.0,365243.0,1.0,1,Cash loans,F,N,Y,0,157500.0,142200.0,7047.0,112500.0,Family,Working,Secondary / secondary special,Single / not married,House / apartment,0.019688999999999998,-10288,-1525,-952.0,-817,,1,1,1,1,0,0,Cooking staff,1.0,2,2,TUESDAY,13,0,0,0,0,0,0,Kindergarten,,0.1735739251618644,0.1419915427739129,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,4.0,0.0,4.0,0.0,-5.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2218953,120400,Cash loans,,0.0,0.0,,,FRIDAY,12,Y,1,,,,XNA,Refused,-195,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,1,216000.0,640080.0,29970.0,450000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.018209,-15237,-1078,-5264.0,-4538,,1,1,0,1,1,0,Core staff,3.0,3,3,THURSDAY,8,0,0,0,0,0,0,School,0.7226596284316256,0.5760636358810338,0.31703177858344445,0.0773,0.086,0.9866,0.8164,0.0369,0.0,0.1724,0.1667,0.2083,0.0667,0.0622,0.07400000000000001,0.0039,0.0037,0.0788,0.0892,0.9866,0.8236,0.0372,0.0,0.1724,0.1667,0.2083,0.0682,0.068,0.0771,0.0039,0.0039,0.0781,0.086,0.9866,0.8189,0.0371,0.0,0.1724,0.1667,0.2083,0.0679,0.0633,0.0753,0.0039,0.0037,reg oper account,block of flats,0.0791,Panel,No,0.0,0.0,0.0,0.0,-351.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1282504,170064,Cash loans,7749.54,67500.0,71955.0,,67500.0,SUNDAY,8,Y,1,,,,XNA,Approved,-533,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-503.0,-173.0,-503.0,-498.0,1.0,0,Cash loans,F,N,Y,0,139500.0,284400.0,10849.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.015221,-20415,365243,-2518.0,-2215,,1,0,0,1,0,0,,2.0,2,2,MONDAY,13,0,0,0,0,0,0,XNA,0.7973135041210601,0.5752249785331207,0.4543210601605785,0.0495,0.0013,0.9747,0.6532,0.0046,0.0,0.1034,0.125,0.1667,0.0207,0.0403,0.0399,0.0,0.0,0.0504,0.0013,0.9747,0.6668,0.0046,0.0,0.1034,0.125,0.1667,0.0211,0.0441,0.0415,0.0,0.0,0.05,0.0013,0.9747,0.6578,0.0046,0.0,0.1034,0.125,0.1667,0.021,0.041,0.0406,0.0,0.0,reg oper account,block of flats,0.0339,Block,No,0.0,0.0,0.0,0.0,-1950.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2179883,254625,Consumer loans,4242.285,94063.5,94063.5,0.0,94063.5,SATURDAY,17,Y,1,0.0,,,XAP,Approved,-1550,Cash through the bank,XAP,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Country-wide,1100,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1519.0,-829.0,-889.0,-884.0,0.0,0,Cash loans,M,Y,Y,0,292500.0,1546020.0,45333.0,1350000.0,"Spouse, partner",State servant,Secondary / secondary special,Married,House / apartment,0.072508,-15654,-6915,-8278.0,-4326,4.0,1,1,0,1,1,0,Drivers,2.0,1,1,TUESDAY,13,0,0,0,0,0,0,Police,,0.7710537186408049,,0.1644,0.079,0.9821,0.7552,0.0956,0.24,0.1034,0.5417,0.5833,0.0,0.1336,0.0888,0.0019,0.0012,0.1345,0.047,0.9811,0.7517,0.0839,0.1611,0.069,0.4583,0.5,0.0,0.1166,0.0845,0.0,0.0,0.166,0.079,0.9821,0.7585,0.0962,0.24,0.1034,0.5417,0.5833,0.0,0.136,0.0904,0.0019,0.0012,reg oper account,block of flats,0.1093,Panel,No,1.0,0.0,1.0,0.0,-1550.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1104995,258608,Consumer loans,31376.115,194499.0,175045.5,19453.5,194499.0,SATURDAY,17,Y,1,0.10892924899356808,,,XAP,Approved,-1221,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,100,Furniture,6.0,low_normal,POS industry without interest,365243.0,-1190.0,-1040.0,-1040.0,-1031.0,0.0,0,Cash loans,F,N,Y,1,211500.0,640080.0,24259.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.072508,-12605,-2308,-6571.0,-3855,,1,1,0,1,1,0,High skill tech staff,2.0,1,1,TUESDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.4006555126040965,0.6317018035543432,0.656158373001177,0.1343,0.1001,0.9801,0.7348,0.0,0.1384,0.1355,0.3388,0.3442,0.0,0.1083,0.1122,0.0062,0.0652,0.084,0.0153,0.9732,0.6472,0.0,0.0,0.1379,0.1667,0.2083,0.0,0.0735,0.0456,0.0,0.0015,0.1197,0.0843,0.9791,0.7182,0.0,0.16,0.1379,0.3333,0.2083,0.0,0.0941,0.0866,0.0039,0.0107,reg oper account,block of flats,0.1667,"Stone, brick",No,0.0,0.0,0.0,0.0,-1756.0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1848183,395413,Consumer loans,7014.78,70155.0,63139.5,7015.5,70155.0,MONDAY,14,Y,1,0.1089090909090909,,,XAP,Refused,-2551,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,POS,XNA,Stone,270,Consumer electronics,10.0,low_normal,POS household with interest,,,,,,,0,Cash loans,M,N,Y,0,274500.0,1035000.0,30262.5,1035000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.018801,-14138,365243,-3957.0,-1,,1,0,0,1,1,0,,1.0,2,2,THURSDAY,11,0,0,0,0,0,0,XNA,0.3248205100635376,0.43023766278291575,0.622922000268356,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2759742,199272,Consumer loans,12436.74,135715.5,120037.5,27144.0,135715.5,MONDAY,15,Y,1,0.20085597467320013,,,XAP,Approved,-955,Cash through the bank,XAP,Other_A,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,3700,Consumer electronics,12.0,middle,POS household with interest,365243.0,-924.0,-594.0,-744.0,-739.0,0.0,0,Revolving loans,M,Y,N,0,157500.0,450000.0,22500.0,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.02461,-9893,-835,-4233.0,-2543,7.0,1,1,0,1,0,0,Accountants,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.5223254108418753,0.4156314009426502,,0.0866,0.0846,0.9786,0.7076,0.0709,0.0,0.1379,0.2083,0.25,0.0762,0.0706,0.0799,0.0,0.0,0.0882,0.0878,0.9786,0.7190000000000001,0.0716,0.0,0.1379,0.2083,0.25,0.0779,0.0771,0.0833,0.0,0.0,0.0874,0.0846,0.9786,0.7115,0.0714,0.0,0.1379,0.2083,0.25,0.0775,0.0718,0.0814,0.0,0.0,reg oper account,block of flats,0.1017,"Stone, brick",No,1.0,0.0,1.0,0.0,-1415.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,3.0 +2829833,199821,Consumer loans,15796.575,227002.5,240435.0,22702.5,227002.5,SATURDAY,11,Y,1,0.0939626102841152,,,XAP,Approved,-1964,Cash through the bank,XAP,Other_B,Repeater,Audio/Video,POS,XNA,Country-wide,1761,Consumer electronics,24.0,middle,POS household with interest,365243.0,-1933.0,-1243.0,-1393.0,-1389.0,0.0,0,Cash loans,M,Y,Y,1,3375000.0,900000.0,46084.5,900000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.028663,-12516,-474,-6636.0,-4585,9.0,1,1,0,1,1,0,Managers,3.0,2,2,WEDNESDAY,14,0,0,0,0,1,1,Business Entity Type 3,,0.6462687750304356,0.7623356180684377,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-1403.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2630857,132600,Cash loans,14987.025,157500.0,173092.5,0.0,157500.0,TUESDAY,17,Y,1,0.0,,,XNA,Approved,-1900,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-1870.0,-1360.0,-1360.0,-1356.0,1.0,1,Cash loans,F,N,Y,0,216000.0,1125000.0,36292.5,1125000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.026392000000000002,-11290,-4252,-898.0,-3000,,1,1,0,1,0,0,Core staff,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Government,0.4878000857874199,0.7262228066868663,0.6986675550534175,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-504.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1280631,443005,Consumer loans,5381.685,31950.0,30271.5,3195.0,31950.0,THURSDAY,8,Y,1,0.10397398755607702,,,XAP,Approved,-772,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,40,Consumer electronics,6.0,low_normal,POS other with interest,365243.0,-740.0,-590.0,-590.0,-587.0,0.0,1,Cash loans,M,N,Y,0,180000.0,808650.0,26086.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.009175,-16798,-2517,-9479.0,-289,,1,1,1,1,0,0,Security staff,1.0,2,2,SATURDAY,15,0,1,1,0,1,1,Other,,0.44171218040959664,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2039.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1375619,430113,Consumer loans,7137.0,83907.0,100521.0,0.0,83907.0,SATURDAY,8,Y,1,0.0,,,XAP,Approved,-1590,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,3855,Consumer electronics,24.0,high,POS household with interest,365243.0,-1559.0,-869.0,-1469.0,-1463.0,0.0,0,Cash loans,F,N,Y,2,72000.0,180000.0,9450.0,180000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.018209,-14791,-1265,-6.0,-1871,,1,1,1,1,0,0,Sales staff,4.0,3,3,SUNDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.6158709489514925,0.4121673927912735,0.7910749129911773,0.2598,0.1828,0.9876,,,0.28,0.2414,0.3333,,0.0955,,0.1718,,0.0077,0.2647,0.1897,0.9876,,,0.282,0.2414,0.3333,,0.0976,,0.179,,0.0081,0.2623,0.1828,0.9876,,,0.28,0.2414,0.3333,,0.0971,,0.1749,,0.0078,,block of flats,0.2118,Panel,No,1.0,0.0,1.0,0.0,-1082.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2260823,368074,Consumer loans,11427.525,161955.0,161955.0,0.0,161955.0,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-698,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Regional / Local,150,Consumer electronics,18.0,middle,POS household with interest,365243.0,-667.0,-157.0,-247.0,-243.0,0.0,0,Cash loans,F,Y,Y,0,202500.0,387000.0,18747.0,387000.0,Unaccompanied,Pensioner,Higher education,Widow,House / apartment,0.018209,-21269,365243,-13408.0,-4756,37.0,1,0,0,1,0,1,,1.0,3,3,FRIDAY,7,0,0,0,0,0,0,XNA,0.7656523331325815,0.4695289460682607,0.3656165070113335,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1542.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1812218,333536,Consumer loans,9478.08,93406.5,95161.5,9342.0,93406.5,FRIDAY,18,Y,1,0.09735833989031248,,,XAP,Approved,-2243,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,2661,Consumer electronics,16.0,high,POS household with interest,365243.0,-2212.0,-1762.0,-1762.0,-1758.0,0.0,1,Cash loans,M,Y,Y,0,198000.0,298728.0,16335.0,202500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-20999,-2883,-8502.0,-4233,15.0,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,9,0,0,0,0,1,1,Government,,0.21529361128605587,0.21640296051521946,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1771.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,5.0 +1644883,301437,Consumer loans,41095.89,396000.0,369900.0,39600.0,396000.0,THURSDAY,11,Y,1,0.10531868131868133,,,XAP,Approved,-1230,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Stone,18,Furniture,10.0,low_normal,POS industry with interest,365243.0,-1193.0,-923.0,-923.0,-918.0,0.0,0,Cash loans,F,Y,Y,0,157500.0,1280916.0,46008.0,1035000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.011656999999999999,-14621,-1825,-8700.0,-4940,7.0,1,1,0,1,1,1,Managers,2.0,1,1,TUESDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.7394954249686432,0.6699960785299378,0.5513812618027899,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-3461.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1487161,169489,Cash loans,23428.71,366245.235,366245.235,,366245.235,SATURDAY,11,Y,1,,,,XNA,Approved,-654,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash Street: middle,365243.0,-624.0,66.0,365243.0,365243.0,0.0,1,Cash loans,F,N,Y,0,225000.0,562500.0,28849.5,562500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.010643000000000001,-18789,-9526,-12514.0,-2342,,1,1,0,1,0,0,,1.0,2,2,TUESDAY,9,0,0,0,0,0,0,Other,0.5419183925844013,0.4699973796741582,0.33125086459090186,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2771004,293917,Consumer loans,4494.105,20970.0,24736.5,0.0,20970.0,FRIDAY,11,Y,1,0.0,,,XAP,Approved,-374,Cash through the bank,XAP,,Repeater,Auto Accessories,POS,XNA,Stone,30,Auto technology,6.0,middle,POS other with interest,365243.0,-343.0,-193.0,-193.0,-190.0,0.0,0,Cash loans,M,Y,Y,0,90000.0,343377.0,19840.5,283500.0,Unaccompanied,Working,Lower secondary,Married,House / apartment,0.00733,-17217,-1019,-3121.0,-768,30.0,1,1,0,1,0,0,Drivers,2.0,2,2,MONDAY,13,0,0,0,0,0,0,Transport: type 3,,0.662424968688588,0.8435435389318647,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-556.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2413107,342710,Cash loans,21037.5,225000.0,225000.0,,225000.0,SATURDAY,16,Y,1,,,,XNA,Approved,-223,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,x-sell,Country-wide,1700,Consumer electronics,12.0,low_normal,Cash X-Sell: low,365243.0,-193.0,137.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,1,225000.0,526500.0,14607.0,526500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.009175,-10514,-369,-392.0,-2880,5.0,1,1,0,1,0,0,Sales staff,3.0,2,2,FRIDAY,15,0,1,1,0,0,0,Trade: type 2,,0.24009230586269026,0.2103502286944494,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,10.0,0.0,10.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,8.0 +2018164,355509,Consumer loans,7151.265,32130.0,37966.5,0.0,32130.0,SATURDAY,9,Y,1,0.0,,,XAP,Approved,-128,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,356,Consumer electronics,6.0,middle,POS household with interest,365243.0,-98.0,52.0,365243.0,365243.0,1.0,1,Cash loans,M,Y,Y,0,112500.0,254700.0,17149.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.020713,-8854,-195,-8844.0,-1531,17.0,1,1,1,1,0,0,Laborers,1.0,3,3,MONDAY,13,0,0,0,0,0,0,School,0.280236587355784,0.206860870185762,0.2032521136204725,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1141.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2780334,154573,Consumer loans,7260.885,56637.0,56637.0,0.0,56637.0,SUNDAY,7,Y,1,0.0,,,XAP,Approved,-1116,XNA,XAP,,Repeater,Consumer Electronics,POS,XNA,Stone,120,Consumer electronics,10.0,high,POS household with interest,365243.0,-1076.0,-806.0,-896.0,-892.0,0.0,0,Cash loans,F,N,Y,1,90000.0,284400.0,16456.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.020713,-15211,-3807,-7197.0,-3980,,1,1,0,1,1,0,Cooking staff,3.0,3,2,WEDNESDAY,6,0,0,0,0,0,0,Medicine,0.5008315229342951,0.6548784014108404,0.7062051096536562,0.0309,0.073,0.9742,0.6464,0.0053,0.0,0.1034,0.1667,0.2083,0.0536,0.0252,0.0589,0.0,0.0,0.0315,0.0758,0.9742,0.6602,0.0053,0.0,0.1034,0.1667,0.2083,0.0548,0.0275,0.0614,0.0,0.0,0.0312,0.073,0.9742,0.6511,0.0053,0.0,0.1034,0.1667,0.2083,0.0545,0.0257,0.0599,0.0,0.0,reg oper account,block of flats,0.0463,"Stone, brick",No,0.0,0.0,0.0,0.0,-1116.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2143476,134755,Cash loans,28557.495,436500.0,496998.0,,436500.0,SATURDAY,10,Y,1,,,,XNA,Refused,-632,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,M,Y,Y,0,225000.0,534204.0,42336.0,495000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-17460,-1987,-299.0,-1012,8.0,1,1,0,1,0,0,Managers,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Trade: type 7,,0.2934160191140246,0.3859146722745145,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-151.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1805067,429823,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SATURDAY,13,Y,1,,,,XAP,Refused,-108,XNA,SCOFR,Unaccompanied,Repeater,XNA,Cards,walk-in,Regional / Local,7,Consumer electronics,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,1,112500.0,127350.0,13639.5,112500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009334,-9797,-2226,-2282.0,-2289,,1,1,1,1,1,0,Waiters/barmen staff,3.0,2,2,TUESDAY,16,0,0,0,0,0,0,Restaurant,,0.6617596094267894,0.42765737003502935,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,0.0,7.0,0.0,-592.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2574208,198583,Consumer loans,5528.25,28705.5,27112.5,2871.0,28705.5,SUNDAY,7,Y,1,0.10428335584571516,,,XAP,Approved,-1495,Cash through the bank,XAP,,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,55,Connectivity,6.0,high,POS mobile with interest,365243.0,-1454.0,-1304.0,-1304.0,-1299.0,0.0,0,Cash loans,F,N,Y,3,135000.0,652311.0,21172.5,544500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-13768,-491,-7148.0,-5022,,1,1,1,1,0,0,,5.0,2,2,THURSDAY,8,0,0,0,0,1,1,Government,,0.27436318226150863,0.7801436381572275,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1671.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1755987,284585,Cash loans,55911.87,1890000.0,2114532.0,,1890000.0,MONDAY,15,Y,1,,,,Urgent needs,Refused,-630,Cash through the bank,SCO,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_action,Cash Street: low,,,,,,,0,Cash loans,M,Y,Y,0,135000.0,360000.0,20794.5,360000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.001417,-14297,-664,-1405.0,-3631,19.0,1,1,0,1,0,1,Managers,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Self-employed,0.10860546771041613,0.5259463101147681,0.6626377922738201,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1951.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1154602,236688,Consumer loans,6300.315,67455.0,67455.0,0.0,67455.0,FRIDAY,15,Y,1,0.0,,,XAP,Approved,-1336,Non-cash from your account,XAP,Family,New,Computers,POS,XNA,Stone,74,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-1293.0,-963.0,-963.0,-956.0,0.0,0,Cash loans,F,N,Y,0,90000.0,81756.0,4824.0,67500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.018801,-21929,365243,-12362.0,-5019,,1,0,0,1,0,1,,1.0,2,2,THURSDAY,9,0,0,0,0,0,0,XNA,0.5891475135816933,0.4636565679363525,0.4794489811780563,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1336.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1653674,412059,Consumer loans,,27441.0,27441.0,0.0,27441.0,SATURDAY,15,Y,1,0.0,,,XAP,Refused,-1986,Cash through the bank,LIMIT,Children,Repeater,Mobile,XNA,XNA,Country-wide,4500,Consumer electronics,,XNA,POS household with interest,,,,,,,0,Revolving loans,F,N,Y,1,112500.0,225000.0,11250.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,Rented apartment,0.007305,-13584,-313,-90.0,-2626,,1,1,1,1,0,0,Cleaning staff,3.0,3,3,THURSDAY,9,0,0,0,0,0,0,Realtor,0.31788269449750073,0.30377951027779704,0.7380196196295241,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-1133.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2745651,178904,Cash loans,13984.965,103500.0,125527.5,,103500.0,SATURDAY,7,Y,1,,,,XNA,Approved,-1227,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,high,Cash X-Sell: high,365243.0,-1197.0,-867.0,-867.0,-862.0,1.0,0,Cash loans,F,N,N,0,112500.0,630000.0,20452.5,630000.0,Unaccompanied,Working,Secondary / secondary special,Separated,Rented apartment,0.025164,-11647,-379,-1762.0,-3688,,1,1,1,1,0,0,Laborers,1.0,2,2,MONDAY,9,0,0,0,1,1,0,Business Entity Type 3,0.2724344690153346,0.024768259636025525,0.7958031328748403,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1227.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1098106,284402,Cash loans,16341.165,112500.0,137691.0,,112500.0,MONDAY,11,Y,1,,,,XNA,Refused,-967,Cash through the bank,LIMIT,Other_A,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),3,XNA,12.0,high,Cash Street: high,,,,,,,1,Cash loans,M,Y,N,0,202500.0,1125000.0,32895.0,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.002506,-13464,-1485,-3773.0,-3811,16.0,1,1,1,1,0,0,Core staff,2.0,2,2,FRIDAY,13,0,0,0,1,0,1,Agriculture,0.3500748220075569,0.11357910103421907,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1072.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2609875,166016,Cash loans,47624.175,675000.0,709749.0,,675000.0,FRIDAY,11,Y,1,,,,XNA,Approved,-584,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-554.0,-44.0,-44.0,-36.0,1.0,0,Cash loans,F,Y,Y,0,166500.0,351000.0,34321.5,351000.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.015221,-14164,-3110,-8147.0,-4513,1.0,1,1,0,1,1,0,Sales staff,1.0,2,2,MONDAY,15,0,0,0,0,0,0,Self-employed,0.7269826542050141,0.20576515607438625,0.4418358231994413,0.0577,0.0835,0.9811,,,,0.1379,0.1667,,0.0393,,0.053,,0.0906,0.0588,0.0866,0.9811,,,,0.1379,0.1667,,0.0401,,0.0552,,0.0959,0.0583,0.0835,0.9811,,,,0.1379,0.1667,,0.0399,,0.0539,,0.0925,,block of flats,0.0709,"Stone, brick",No,0.0,0.0,0.0,0.0,-1361.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2154987,314849,Consumer loans,3154.455,27490.5,27193.5,2745.0,27490.5,SATURDAY,11,Y,1,0.09985652405613328,,,XAP,Approved,-2092,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,12.0,high,POS mobile with interest,365243.0,-2061.0,-1731.0,-1731.0,-1713.0,0.0,0,Cash loans,F,N,Y,1,135000.0,161730.0,11632.5,135000.0,Family,Working,Higher education,Married,House / apartment,0.00733,-14105,-7340,-8242.0,-4250,,1,1,0,1,0,0,Managers,3.0,2,2,FRIDAY,18,0,0,0,0,0,0,School,,0.5719517234517199,0.6212263380626669,0.0082,0.0,0.9697,0.5852,0.0011,0.0,0.0345,0.0417,0.0833,0.0091,0.0067,0.0084,0.0,0.0,0.0084,0.0,0.9697,0.6014,0.0011,0.0,0.0345,0.0417,0.0833,0.0093,0.0073,0.0088,0.0,0.0,0.0083,0.0,0.9697,0.5907,0.0011,0.0,0.0345,0.0417,0.0833,0.0092,0.0068,0.0086,0.0,0.0,not specified,block of flats,0.0072,Others,Yes,3.0,0.0,3.0,0.0,-2355.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2423163,320985,Consumer loans,7679.475,26955.0,26955.0,0.0,26955.0,SATURDAY,16,Y,1,0.0,,,XAP,Refused,-2655,Cash through the bank,SCO,Family,Repeater,XNA,POS,XNA,Stone,536,Consumer electronics,4.0,high,POS household with interest,,,,,,,0,Cash loans,M,N,N,1,135000.0,270000.0,16443.0,270000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-20233,-1298,-7727.0,-3777,,1,1,0,1,0,0,Drivers,3.0,2,2,MONDAY,10,0,0,0,0,0,0,Other,,0.7400228020347783,0.6971469077844458,0.0515,,0.9891,,,0.0,0.1034,0.1667,,0.0473,,0.0599,,0.0,0.0525,,0.9891,,,0.0,0.1034,0.1667,,0.0484,,0.0624,,0.0,0.052000000000000005,,0.9891,,,0.0,0.1034,0.1667,,0.0482,,0.061,,0.0,,block of flats,0.0471,Panel,No,1.0,0.0,1.0,0.0,-2785.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2413481,316709,Cash loans,15582.555,225000.0,254700.0,,225000.0,THURSDAY,10,Y,1,,,,XNA,Approved,-278,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-248.0,442.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,112500.0,894906.0,26293.5,747000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.006852,-21486,365243,-9357.0,-3932,,1,0,0,1,0,0,,1.0,3,3,TUESDAY,10,0,0,0,0,0,0,XNA,,0.17015355940512975,0.7281412993111438,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1019.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1607121,444587,Consumer loans,4937.535,47101.5,24601.5,22500.0,47101.5,SATURDAY,13,Y,1,0.5202497893813454,,,XAP,Approved,-2553,XNA,XAP,Family,New,Mobile,POS,XNA,Country-wide,30,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2522.0,-2372.0,-2372.0,-2356.0,0.0,0,Cash loans,F,Y,N,0,270000.0,497520.0,52920.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.032561,-12975,-173,-377.0,-1599,12.0,1,1,0,1,0,0,Sales staff,2.0,1,1,THURSDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.6793211343329079,0.2479745106207621,,0.1845,0.1398,0.9801,0.728,,0.2,0.1724,0.3333,0.375,0.0273,,0.194,,0.006,0.188,0.145,0.9801,0.7387,,0.2014,0.1724,0.3333,0.375,0.0248,,0.2014,,0.0046,0.1863,0.1397,0.9801,0.7316,,0.2,0.1724,0.3333,0.375,0.0256,,0.1972,,0.0065,reg oper account,block of flats,0.1535,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2561473,251898,Consumer loans,13134.06,131332.5,118197.0,13135.5,131332.5,SATURDAY,14,Y,1,0.10892774931082284,,,XAP,Approved,-425,Cash through the bank,XAP,,New,Furniture,POS,XNA,Country-wide,25,Furniture,10.0,low_normal,POS industry with interest,365243.0,-391.0,-121.0,-271.0,-263.0,0.0,0,Cash loans,F,N,Y,0,180000.0,254700.0,25321.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.072508,-24052,-1624,-13435.0,-4369,,1,1,0,1,0,0,Cleaning staff,1.0,1,1,THURSDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.7414319960202835,0.7428190876510686,0.7295666907060153,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-425.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2370689,150791,Consumer loans,11775.06,86845.5,78187.5,13500.0,86845.5,FRIDAY,16,Y,1,0.16035694366982706,,,XAP,Approved,-2507,Cash through the bank,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Stone,150,Consumer electronics,8.0,high,POS household with interest,365243.0,-2476.0,-2266.0,-2266.0,-2260.0,1.0,0,Cash loans,F,N,Y,0,180000.0,781920.0,37746.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008865999999999999,-19666,-2864,-9181.0,-3182,,1,1,0,1,0,0,,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,Industry: type 3,,0.780167630448014,0.6706517530862718,0.0835,0.0385,0.9871,0.8232,0.0226,0.04,0.0345,0.3333,0.375,0.0136,0.0672,0.0641,0.0039,0.0043,0.0851,0.04,0.9871,0.8301,0.0228,0.0403,0.0345,0.3333,0.375,0.0139,0.0735,0.0667,0.0039,0.0045,0.0843,0.0385,0.9871,0.8256,0.0228,0.04,0.0345,0.3333,0.375,0.0139,0.0684,0.0652,0.0039,0.0044,reg oper account,block of flats,0.0637,Panel,No,0.0,0.0,0.0,0.0,-1958.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1852440,367270,Cash loans,9416.475,67500.0,82111.5,0.0,67500.0,TUESDAY,17,Y,1,0.0,,,XNA,Approved,-1657,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,high,Cash X-Sell: high,365243.0,-1626.0,-1296.0,-1296.0,-1288.0,0.0,0,Cash loans,F,N,Y,0,135000.0,454500.0,16695.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.022625,-16538,-9453,-1492.0,-67,,1,1,1,1,0,0,High skill tech staff,1.0,2,2,SUNDAY,10,0,0,0,0,0,0,Transport: type 4,0.7545825084200042,0.7828114099263571,0.746300213050371,0.1881,0.2348,0.4973,0.932,0.1276,0.16,0.2759,0.375,0.375,0.24,0.3051,0.4008,0.0077,0.0343,0.0,0.2437,0.0005,0.9347,0.1288,0.0,0.2759,0.375,0.375,0.2454,0.3333,0.4176,0.0078,0.0364,0.19,0.2348,0.4973,0.9329,0.1284,0.16,0.2759,0.375,0.375,0.2441,0.3104,0.408,0.0078,0.0351,reg oper account,block of flats,0.0,Mixed,No,0.0,0.0,0.0,0.0,-1657.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1194516,172783,Consumer loans,14353.56,143550.0,129195.0,14355.0,143550.0,TUESDAY,11,Y,1,0.1089090909090909,,,XAP,Approved,-1065,Cash through the bank,XAP,Unaccompanied,New,Medical Supplies,POS,XNA,Country-wide,106,Industry,10.0,low_normal,POS other with interest,365243.0,-1034.0,-764.0,-794.0,-786.0,0.0,0,Cash loans,F,N,Y,0,135000.0,239850.0,24705.0,225000.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.031329,-24505,365243,-12815.0,-4443,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,XNA,,0.6256629415158111,,0.1237,0.0454,0.9757,0.6668,0.0156,0.0,0.2759,0.1667,0.2083,0.1411,0.1009,0.1014,0.0,0.0507,0.1261,0.0472,0.9757,0.6798,0.0157,0.0,0.2759,0.1667,0.2083,0.1443,0.1102,0.1057,0.0,0.0537,0.1249,0.0454,0.9757,0.6713,0.0157,0.0,0.2759,0.1667,0.2083,0.1435,0.1026,0.1032,0.0,0.0518,reg oper account,block of flats,0.0798,Panel,No,3.0,0.0,3.0,0.0,-1065.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2094772,355099,Cash loans,16327.845,270000.0,314905.5,0.0,270000.0,TUESDAY,8,Y,1,0.0,,,XNA,Approved,-2523,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,36.0,middle,Cash Street: middle,365243.0,-2493.0,-1443.0,-1473.0,-1468.0,1.0,0,Cash loans,F,N,N,1,225000.0,1027327.5,43654.5,945000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.020246,-11311,-1144,-3945.0,-3983,,1,1,0,1,0,0,Accountants,3.0,3,3,FRIDAY,8,0,0,0,0,0,0,Business Entity Type 3,0.528983776714405,0.4886709483047579,0.4866531565147181,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,0.0,-2328.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1931168,416066,Cash loans,7574.355,67500.0,76410.0,,67500.0,SATURDAY,9,Y,1,,,,XNA,Approved,-290,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-260.0,70.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,0,247500.0,1245946.5,52920.0,1057500.0,Family,Pensioner,Lower secondary,Married,House / apartment,0.01885,-21905,365243,-1420.0,-5087,8.0,1,0,0,1,0,1,,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,XNA,,0.6167871942473591,0.7062051096536562,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,13.0,1.0,13.0,0.0,-992.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1012867,134231,Cash loans,28304.46,135000.0,155245.5,,135000.0,FRIDAY,12,Y,1,,,,XNA,Approved,-1481,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,Y,Y,0,270000.0,953010.0,48789.0,837000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018634,-17550,-4771,-3971.0,-1096,8.0,1,1,0,1,0,0,Managers,2.0,2,2,FRIDAY,9,0,0,0,0,1,1,Bank,,0.6511076407495561,0.3280631605201915,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1955.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2615862,440983,Cash loans,69356.25,2250000.0,2517300.0,,2250000.0,MONDAY,8,Y,1,,,,Repairs,Refused,-263,Cash through the bank,XNA,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,N,Y,2,247500.0,338832.0,24786.0,292500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-15799,-1777,-2802.0,-4192,,1,1,0,1,0,0,Laborers,4.0,2,2,FRIDAY,8,0,0,0,0,1,1,Telecom,,0.6508989733718857,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1316.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2598388,184175,Consumer loans,6385.41,49131.0,47866.5,4914.0,49131.0,SUNDAY,9,Y,1,0.1013971585580418,,,XAP,Approved,-2459,Cash through the bank,XAP,Other_A,Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,10.0,low_normal,POS mobile with interest,365243.0,-2428.0,-2158.0,-2158.0,-2151.0,1.0,0,Cash loans,F,N,Y,0,112500.0,592560.0,30294.0,450000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.015221,-11703,-1439,-1229.0,-1328,,1,1,1,1,0,0,Core staff,2.0,2,2,TUESDAY,8,0,0,0,0,1,1,Government,0.539892329964585,0.454018902337008,0.15663982703141147,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1731.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1311553,322456,Consumer loans,8804.79,41800.5,43870.5,0.0,41800.5,SUNDAY,16,Y,1,0.0,,,XAP,Approved,-2430,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Stone,25,Connectivity,6.0,high,POS mobile with interest,365243.0,-2399.0,-2249.0,-2309.0,-2283.0,1.0,0,Cash loans,M,N,N,0,270000.0,369085.5,28692.0,342000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-13650,-3945,-335.0,-4057,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,8,0,0,0,0,0,0,Business Entity Type 1,,0.2632411250133655,0.622922000268356,0.1124,0.1103,0.9781,0.7008,0.0009,0.0,0.2759,0.1667,0.0417,0.094,0.0916,0.1166,0.0,0.001,0.1145,0.1145,0.9782,0.7125,0.0009,0.0,0.2759,0.1667,0.0417,0.0962,0.1001,0.1215,0.0,0.001,0.1135,0.1103,0.9781,0.7048,0.0009,0.0,0.2759,0.1667,0.0417,0.0957,0.0932,0.1187,0.0,0.001,reg oper account,block of flats,0.0924,Panel,No,2.0,0.0,2.0,0.0,-1571.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1514518,347519,Consumer loans,3468.915,35955.0,29623.5,9000.0,35955.0,SUNDAY,13,Y,1,0.2537786109963669,,,XAP,Approved,-2307,Cash through the bank,XAP,,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,40,Connectivity,12.0,high,POS mobile with interest,365243.0,-2274.0,-1944.0,-1944.0,-1936.0,0.0,0,Cash loans,F,N,Y,0,157500.0,239850.0,23850.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.02461,-22036,365243,-8716.0,-4741,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,XNA,,0.6754028859858622,0.35895122857839673,0.066,0.0816,0.9881,0.8368,0.0128,0.0,0.2414,0.1667,0.2083,0.0528,0.053,0.0488,0.0039,0.0044,0.0672,0.0847,0.9881,0.8432,0.013,0.0,0.2414,0.1667,0.2083,0.054000000000000006,0.0579,0.0508,0.0039,0.0046,0.0666,0.0816,0.9881,0.8390000000000001,0.0129,0.0,0.2414,0.1667,0.2083,0.0537,0.0539,0.0496,0.0039,0.0045,,block of flats,0.0675,"Stone, brick",No,3.0,0.0,3.0,0.0,-466.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1209287,446125,Cash loans,51334.695,810000.0,893398.5,,810000.0,FRIDAY,6,Y,1,,,,XNA,Approved,-489,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash X-Sell: high,365243.0,-459.0,591.0,-99.0,-95.0,1.0,1,Cash loans,M,N,N,1,112500.0,417024.0,25330.5,360000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-19241,-1010,-9372.0,-2800,,1,1,1,1,0,0,Security staff,3.0,3,2,WEDNESDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.33106213079889923,,0.1485,0.0725,0.9866,0.8164,0.0922,0.04,0.0345,0.3333,0.375,0.08,0.121,0.0963,0.0,0.0,0.1513,0.0753,0.9866,0.8236,0.093,0.0403,0.0345,0.3333,0.375,0.0819,0.1322,0.1003,0.0,0.0,0.1499,0.0725,0.9866,0.8189,0.0928,0.04,0.0345,0.3333,0.375,0.0814,0.1231,0.098,0.0,0.0,reg oper account,block of flats,0.1261,"Stone, brick",No,3.0,2.0,3.0,1.0,-489.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1017903,215636,Consumer loans,3765.555,18315.0,18315.0,0.0,18315.0,THURSDAY,20,Y,1,0.0,,,XAP,Approved,-968,Cash through the bank,XAP,,New,Photo / Cinema Equipment,POS,XNA,Country-wide,20,Connectivity,6.0,high,POS mobile with interest,365243.0,-923.0,-773.0,-803.0,-797.0,0.0,0,Cash loans,M,Y,Y,1,225000.0,1467612.0,58203.0,1350000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00823,-14622,-1422,-2459.0,-4896,1.0,1,1,0,1,0,0,Drivers,3.0,2,2,SATURDAY,13,0,0,0,0,1,1,Self-employed,,0.6471331310846222,0.8224987619370829,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-968.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2607949,266788,Cash loans,,0.0,0.0,,,FRIDAY,11,Y,1,,,,XNA,Refused,-251,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,247500.0,1546020.0,45333.0,1350000.0,Family,Pensioner,Secondary / secondary special,Separated,House / apartment,0.009175,-21852,365243,-2997.0,-4552,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,11,0,0,0,0,0,0,XNA,,0.6803972733886569,0.6127042441012546,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1125.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1789915,333585,Cash loans,,0.0,0.0,,,MONDAY,13,Y,1,,,,XNA,Refused,-184,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,N,Y,0,198000.0,268659.0,28633.5,243000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.031329,-19363,-127,-7467.0,-2924,,1,1,0,1,0,0,Cleaning staff,2.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,Other,,0.6024615394041083,0.31703177858344445,,0.1469,0.9767,,,,0.2759,0.1667,,,,0.1087,,,,0.1525,0.9767,,,,0.2759,0.1667,,,,0.1133,,,,0.1469,0.9767,,,,0.2759,0.1667,,,,0.1107,,,,,0.1029,Panel,No,0.0,0.0,0.0,0.0,-433.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,7.0 +1071722,143342,Consumer loans,5664.105,49869.0,49869.0,0.0,49869.0,THURSDAY,13,Y,1,0.0,,,XAP,Refused,-138,Cash through the bank,HC,,Repeater,Computers,POS,XNA,Country-wide,17,Connectivity,10.0,low_normal,POS mobile without interest,,,,,,,0,Cash loans,F,Y,Y,1,67500.0,254700.0,17019.0,225000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.019101,-14312,-1202,-7260.0,-4133,1.0,1,1,0,1,0,0,Sales staff,3.0,2,2,TUESDAY,11,0,0,0,0,1,1,Trade: type 7,,0.6006218016700131,0.17982176508970435,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,10.0,0.0,10.0,0.0,-759.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2436640,152732,Consumer loans,4033.125,26505.0,25429.5,2650.5,26505.0,THURSDAY,12,Y,1,0.1028004079254079,,,XAP,Approved,-2529,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,115,Connectivity,8.0,low_normal,POS mobile with interest,365243.0,-2498.0,-2288.0,-2288.0,-2281.0,1.0,0,Revolving loans,F,Y,Y,1,180000.0,540000.0,27000.0,540000.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.025164,-17197,-1462,-7696.0,-747,3.0,1,1,1,1,1,0,Managers,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.6326831623373672,0.4956658291397297,0.079,0.0692,0.9841,0.7824,0.0108,0.0,0.0917,0.1667,0.2083,0.0152,0.0644,0.0563,0.0,0.0,0.042,0.0519,0.9767,0.6929,0.0071,0.0,0.069,0.1667,0.2083,0.0118,0.0367,0.0422,0.0,0.0,0.0729,0.0787,0.9861,0.8121,0.0071,0.0,0.069,0.1667,0.2083,0.0154,0.0599,0.0648,0.0,0.0,reg oper account,block of flats,0.0319,Block,No,4.0,0.0,4.0,0.0,-2555.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1085108,363312,Consumer loans,6771.6,63441.0,66411.0,3375.0,63441.0,TUESDAY,19,Y,1,0.05267076230449972,,,XAP,Approved,-1093,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,3268,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1061.0,-731.0,-731.0,-724.0,0.0,0,Cash loans,F,N,N,0,81000.0,545040.0,20677.5,450000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.00496,-10689,-3192,-1212.0,-3120,,1,1,0,1,0,0,Waiters/barmen staff,2.0,2,2,WEDNESDAY,18,0,0,0,0,1,1,Culture,0.4007489122779982,0.7157541898913018,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-1093.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1244073,407093,Revolving loans,22500.0,0.0,450000.0,,,WEDNESDAY,15,Y,1,,,,XAP,Approved,-895,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-895.0,-865.0,365243.0,-319.0,-161.0,0.0,0,Cash loans,F,Y,N,1,270000.0,656725.5,37831.5,594000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.04622,-13595,-4227,-7602.0,-172,11.0,1,1,0,1,1,0,Private service staff,3.0,1,1,TUESDAY,13,0,0,0,0,0,0,Self-employed,0.2326052207045671,0.8035600802959013,0.7517237147741489,0.1485,0.0968,0.9811,0.7416,0.0516,0.16,0.1379,0.3333,0.375,,0.121,0.1407,0.556,,0.1513,0.1005,0.9811,0.7517,0.052000000000000005,0.1611,0.1379,0.3333,0.375,,0.1322,0.1466,0.5603,,0.1499,0.0968,0.9811,0.7451,0.0519,0.16,0.1379,0.3333,0.375,,0.1231,0.1433,0.5589999999999999,,,block of flats,0.1555,Panel,No,2.0,0.0,2.0,0.0,-2321.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1111585,450851,Consumer loans,13680.945,130455.0,134455.5,13045.5,130455.0,THURSDAY,11,Y,1,0.09632297716317488,,,XAP,Approved,-279,XNA,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,100,Consumer electronics,12.0,middle,POS household with interest,365243.0,-245.0,85.0,-215.0,-213.0,0.0,0,Cash loans,M,Y,Y,1,180000.0,52128.0,5602.5,45000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.014464,-12124,-3311,-1520.0,-3285,9.0,1,1,0,1,0,0,Drivers,2.0,2,2,WEDNESDAY,4,0,0,0,0,0,0,Business Entity Type 3,0.4875019342602138,0.4130100625546403,0.7610263695502636,0.0619,0.0711,0.9851,0.7959999999999999,0.0092,0.0,0.1379,0.1667,0.2083,0.0423,0.0504,0.0584,0.0,0.0,0.063,0.0737,0.9851,0.804,0.0093,0.0,0.1379,0.1667,0.2083,0.0433,0.0551,0.0608,0.0,0.0,0.0625,0.0711,0.9851,0.7987,0.0093,0.0,0.1379,0.1667,0.2083,0.043,0.0513,0.0594,0.0,0.0,reg oper spec account,block of flats,0.051,Panel,No,0.0,0.0,0.0,0.0,-593.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +1195069,398702,Cash loans,15270.3,135000.0,143910.0,,135000.0,MONDAY,11,Y,1,,,,XNA,Refused,-140,Cash through the bank,HC,Other_B,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,12.0,middle,Cash X-Sell: middle,,,,,,,1,Cash loans,M,N,Y,1,112500.0,254700.0,27558.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009175,-9897,-462,-4527.0,-2281,,1,1,1,1,1,1,,3.0,2,2,MONDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.5737870386682867,0.3233112448967859,0.2711,0.1273,0.9871,0.8232,0.0434,0.08,0.069,0.3333,0.375,0.0547,0.2093,0.1472,0.0541,0.1104,0.2763,0.1321,0.9871,0.8301,0.0438,0.0806,0.069,0.3333,0.375,0.0559,0.2287,0.1534,0.0545,0.1168,0.2738,0.1273,0.9871,0.8256,0.0437,0.08,0.069,0.3333,0.375,0.0556,0.2129,0.1498,0.0543,0.1127,reg oper account,block of flats,0.1635,"Stone, brick",No,0.0,0.0,0.0,0.0,-1217.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,9.0 +1799705,178554,Cash loans,25198.65,225000.0,239850.0,,225000.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-1014,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-984.0,-654.0,-764.0,-758.0,1.0,0,Cash loans,F,N,Y,1,103500.0,454500.0,14791.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0228,-19469,-1528,-6873.0,-3024,,1,1,0,1,0,0,Sales staff,3.0,2,2,TUESDAY,9,0,0,0,0,0,0,Trade: type 7,,0.3227191681522373,,0.2268,0.0575,0.9821,0.7552,0.1627,0.08,0.0345,0.2917,0.0417,0.0263,0.1849,0.0755,0.0,0.0,0.2311,0.0596,0.9821,0.7648,0.1641,0.0806,0.0345,0.2917,0.0417,0.0269,0.202,0.0787,0.0,0.0,0.229,0.0575,0.9821,0.7585,0.1637,0.08,0.0345,0.2917,0.0417,0.0267,0.1881,0.0769,0.0,0.0,reg oper spec account,block of flats,0.0889,Panel,No,4.0,1.0,4.0,0.0,-1015.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2157705,392975,Cash loans,56754.0,1350000.0,1350000.0,,1350000.0,WEDNESDAY,15,Y,1,,,,XNA,Approved,-670,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),10,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-640.0,770.0,-130.0,-127.0,0.0,0,Cash loans,F,N,N,1,157500.0,675000.0,21775.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,Office apartment,0.031329,-11618,-4053,-4039.0,-2845,,1,1,1,1,0,0,Core staff,3.0,2,2,SATURDAY,11,0,0,0,0,0,0,Medicine,0.4054492683709889,0.6138057122444669,0.31547215492577346,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,0.0,-1531.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2773783,219859,Consumer loans,8152.245,73782.0,81571.5,0.0,73782.0,SATURDAY,17,Y,1,0.0,,,XAP,Approved,-442,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Regional / Local,1579,Consumer electronics,12.0,middle,POS household with interest,365243.0,-410.0,-80.0,-350.0,-322.0,0.0,0,Revolving loans,F,Y,N,1,112500.0,315000.0,15750.0,315000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.032561,-8762,-746,-8706.0,-1426,6.0,1,1,0,1,0,0,,3.0,1,1,SUNDAY,14,1,0,1,0,0,0,Business Entity Type 3,0.6140667521371346,0.6735159665294768,0.39449540531239935,0.2575,0.1478,0.9821,0.7552,0.6757,0.4,0.131,0.4583,0.0417,0.0602,0.3471,0.2535,0.0,0.0123,0.1239,0.1225,0.9821,0.7648,0.6819,0.3222,0.069,0.4583,0.0417,0.0291,0.3792,0.1398,0.0,0.005,0.2436,0.1183,0.9821,0.7585,0.68,0.32,0.1379,0.4583,0.0417,0.0289,0.3531,0.2702,0.0,0.0072,reg oper account,block of flats,0.1065,Panel,No,6.0,2.0,6.0,2.0,-808.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2116926,160509,Cash loans,26634.87,450000.0,522765.0,,450000.0,FRIDAY,14,Y,1,,,,XNA,Approved,-991,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,42.0,middle,Cash Street: middle,365243.0,-961.0,269.0,-931.0,-926.0,1.0,1,Cash loans,M,Y,Y,2,180000.0,532494.0,38880.0,454500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-14593,-437,-194.0,-4757,15.0,1,1,0,1,0,0,Drivers,4.0,2,2,TUESDAY,9,0,0,0,0,0,0,Trade: type 7,0.2835199607054909,0.5316728781584436,0.25396280933631177,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,0.0,-1613.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1880434,294604,Cash loans,12646.035,135000.0,169132.5,,135000.0,MONDAY,10,Y,1,,,,XNA,Approved,-992,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-962.0,-452.0,-452.0,-447.0,1.0,0,Cash loans,F,N,Y,0,193500.0,1334628.0,48069.0,1179000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010147,-19337,-8281,-11442.0,-2866,,1,1,0,1,0,1,High skill tech staff,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,Medicine,,0.5669710401802045,0.4884551844437485,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1654.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1275403,410844,Cash loans,50838.75,1125000.0,1125000.0,,1125000.0,WEDNESDAY,17,Y,1,,,,XNA,Refused,-840,Cash through the bank,HC,Other_B,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,Y,Y,0,255645.0,2517300.0,66402.0,2250000.0,Family,State servant,Secondary / secondary special,Married,House / apartment,0.072508,-21437,-2454,-6016.0,-4377,5.0,1,1,1,1,1,0,Core staff,2.0,1,1,WEDNESDAY,12,0,0,0,0,0,0,Other,0.6793692732739156,0.7701414180149102,0.5989262182569273,0.1474,0.0984,0.9776,0.6940000000000001,0.0683,0.16,0.1379,0.3333,0.375,0.0,0.1202,0.1012,0.0,0.0,0.1502,0.1015,0.9777,0.706,0.0688,0.1611,0.1379,0.3333,0.375,0.0,0.1313,0.1049,0.0,0.0,0.1489,0.0984,0.9776,0.6981,0.0688,0.16,0.1379,0.3333,0.375,0.0,0.1223,0.103,0.0,0.0,reg oper account,block of flats,0.1166,Panel,No,2.0,0.0,2.0,0.0,-1061.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,9.0,0.0,0.0 +2389717,328465,Consumer loans,8625.015,190440.0,190440.0,0.0,190440.0,SATURDAY,9,Y,1,0.0,,,XAP,Refused,-230,Cash through the bank,SCO,Family,Repeater,Audio/Video,POS,XNA,Country-wide,30200,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,0,Cash loans,M,N,Y,0,180000.0,751500.0,20794.5,751500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-15768,-1807,-967.0,-965,,1,1,0,1,0,0,Sales staff,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,Trade: type 2,,0.40104579274423,0.6109913280868294,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,3.0,0.0,-1548.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2465874,277722,Consumer loans,4299.075,23805.0,29686.5,0.0,23805.0,SUNDAY,10,Y,1,0.0,,,XAP,Approved,-1103,Cash through the bank,XAP,Unaccompanied,Refreshed,Mobile,POS,XNA,Country-wide,40,Connectivity,10.0,high,POS mobile with interest,365243.0,-1072.0,-802.0,-802.0,-788.0,0.0,1,Cash loans,M,N,N,0,112500.0,335592.0,26644.5,265500.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.022625,-12568,-4617,-6593.0,-4376,,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,12,0,0,0,0,1,1,Business Entity Type 2,,0.1488307858950538,0.5172965813614878,0.0165,,0.9727,,,0.0,0.069,0.0417,,,,0.0131,,,0.0168,,0.9727,,,0.0,0.069,0.0417,,,,0.0136,,,0.0167,,0.9727,,,0.0,0.069,0.0417,,,,0.0133,,,,block of flats,0.0111,,No,3.0,1.0,3.0,1.0,-460.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1530680,335546,Cash loans,23874.75,225000.0,225000.0,,225000.0,FRIDAY,16,Y,1,,,,XNA,Approved,-77,XNA,XAP,Family,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-47.0,283.0,-17.0,-6.0,0.0,0,Cash loans,F,Y,Y,0,135000.0,414792.0,22630.5,315000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.025164,-9243,-933,-1121.0,-1928,10.0,1,1,0,1,0,0,,1.0,2,2,SATURDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.5752089120560298,0.6401766320539197,,0.2325,0.163,0.9881,0.8368,0.0248,0.24,0.2069,0.3542,0.3958,0.0,0.1891,0.2397,0.0019,0.0455,0.1229,0.0743,0.9841,0.7909,0.0,0.1611,0.1379,0.3333,0.375,0.0,0.1065,0.1522,0.0,0.0055,0.2347,0.163,0.9881,0.8390000000000001,0.0249,0.24,0.2069,0.3542,0.3958,0.0,0.1924,0.244,0.0019,0.0465,reg oper account,block of flats,0.2808,Panel,No,0.0,0.0,0.0,0.0,-284.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1772454,453622,Revolving loans,9000.0,180000.0,180000.0,,180000.0,MONDAY,15,Y,1,,,,XAP,Approved,-235,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-205.0,-164.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,0,216000.0,645592.5,69529.5,621000.0,Family,Working,Secondary / secondary special,Married,With parents,0.025164,-8841,-2265,-5246.0,-1193,,1,1,1,1,0,0,Sales staff,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Self-employed,,0.5553829638604664,0.20559813854932085,0.1031,0.0863,0.9816,0.7484,0.1337,0.0,0.2069,0.1667,0.2083,0.0561,0.0841,0.0904,0.0,0.0,0.105,0.0895,0.9816,0.7583,0.135,0.0,0.2069,0.1667,0.2083,0.0574,0.0918,0.0942,0.0,0.0,0.1041,0.0863,0.9816,0.7518,0.1346,0.0,0.2069,0.1667,0.2083,0.0571,0.0855,0.0921,0.0,0.0,reg oper account,block of flats,0.0933,"Stone, brick",No,0.0,0.0,0.0,0.0,-1974.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1387955,207023,Cash loans,53174.88,900000.0,952272.0,,900000.0,THURSDAY,9,Y,1,,,,XNA,Refused,-407,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,81000.0,312768.0,24691.5,270000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-20566,365243,-6416.0,-3531,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,XNA,0.8165341433993758,0.628536795519749,0.6127042441012546,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-407.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1279850,452853,Consumer loans,,199890.0,199890.0,0.0,199890.0,SUNDAY,11,Y,1,0.0,,,XAP,Refused,-1074,Cash through the bank,HC,,Refreshed,Mobile,XNA,XNA,Country-wide,23,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,F,N,N,0,270000.0,450000.0,53406.0,450000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.035792000000000004,-14661,-3315,-8160.0,-5324,,1,1,1,1,0,0,Managers,1.0,2,2,TUESDAY,10,0,0,0,0,0,0,Transport: type 4,0.8516152624221938,0.6878210411113255,0.4436153084085652,0.099,0.0674,0.9881,0.8368,0.0362,0.16,0.069,0.4583,0.0,0.0743,0.0807,0.0616,0.0,0.1319,0.1008,0.0699,0.9881,0.8432,0.0365,0.1611,0.069,0.4583,0.0,0.076,0.0882,0.0642,0.0,0.1396,0.0999,0.0674,0.9881,0.8390000000000001,0.0364,0.16,0.069,0.4583,0.0,0.0756,0.0821,0.0627,0.0,0.1347,reg oper account,block of flats,0.0772,Panel,No,5.0,0.0,5.0,0.0,-2495.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1442308,422164,Cash loans,16118.37,180000.0,197820.0,0.0,180000.0,WEDNESDAY,7,Y,1,0.0,,,XNA,Approved,-2431,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,365243.0,-2401.0,-1891.0,-1891.0,-1888.0,1.0,0,Cash loans,M,N,Y,2,103500.0,675000.0,28377.0,675000.0,Unaccompanied,Working,Lower secondary,Married,House / apartment,0.019688999999999998,-12379,-362,-113.0,-4971,,1,1,1,1,0,0,Drivers,4.0,2,2,FRIDAY,12,0,0,0,0,0,0,Business Entity Type 2,,0.27894484293408656,0.5424451438613613,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-1400.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1094385,277576,Cash loans,9775.89,135000.0,152820.0,,135000.0,TUESDAY,13,Y,1,,,,XNA,Approved,-401,XNA,XAP,Family,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-371.0,319.0,-251.0,-243.0,1.0,0,Cash loans,F,N,N,1,112500.0,227520.0,15331.5,180000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.014464,-10623,-367,-5188.0,-3293,,1,1,0,1,0,1,Accountants,3.0,2,2,FRIDAY,10,0,0,0,0,0,0,Trade: type 3,0.40557925709351694,0.5898586681278082,0.622922000268356,0.0722,0.0841,0.9801,0.728,0.0061,0.0,0.1379,0.1667,0.2083,0.0,0.0588,0.0661,0.0,0.0,0.0735,0.0873,0.9801,0.7387,0.0062,0.0,0.1379,0.1667,0.2083,0.0,0.0643,0.0688,0.0,0.0,0.0729,0.0841,0.9801,0.7316,0.0061,0.0,0.1379,0.1667,0.2083,0.0,0.0599,0.0672,0.0,0.0,reg oper account,block of flats,0.0556,"Stone, brick",No,0.0,0.0,0.0,0.0,-1868.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1365814,144989,Consumer loans,11383.56,122850.0,122850.0,0.0,122850.0,SUNDAY,10,Y,1,0.0,,,XAP,Approved,-1474,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Stone,50,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-1443.0,-1113.0,-1113.0,-1109.0,0.0,0,Cash loans,F,N,Y,0,103500.0,263686.5,14854.5,238500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.00733,-21817,365243,-9886.0,-4751,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,13,0,0,0,0,0,0,XNA,,0.20967335010811533,0.7106743858828587,0.1031,0.1293,0.9866,0.8164,0.0359,0.0,0.1724,0.1667,0.2083,0.1945,0.0841,0.1071,0.0,0.0,0.105,0.1341,0.9866,0.8236,0.0363,0.0,0.1724,0.1667,0.2083,0.199,0.0918,0.1116,0.0,0.0,0.1041,0.1293,0.9866,0.8189,0.0362,0.0,0.1724,0.1667,0.2083,0.1979,0.0855,0.109,0.0,0.0,reg oper spec account,block of flats,0.1039,Panel,No,0.0,0.0,0.0,0.0,-1474.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1261706,235571,Cash loans,25329.15,225000.0,239850.0,,225000.0,TUESDAY,11,Y,1,,,,XNA,Approved,-1243,XNA,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1213.0,-883.0,-973.0,-965.0,1.0,0,Cash loans,F,N,Y,0,189000.0,356580.0,42448.5,315000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.011703,-10082,-1850,-283.0,-2641,,1,1,0,1,0,1,,1.0,2,2,SATURDAY,10,0,0,0,0,1,1,Business Entity Type 3,0.578781673314166,0.6974709542160222,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-1725.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2348015,295462,Consumer loans,3875.13,53055.0,53055.0,0.0,53055.0,SATURDAY,15,Y,1,0.0,,,XAP,Approved,-479,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,988,Consumer electronics,18.0,middle,POS household with interest,,,,,,,0,Cash loans,M,Y,Y,1,180000.0,970380.0,28503.0,810000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.030755,-19860,-6499,-6562.0,-3422,6.0,1,1,0,1,0,0,Managers,3.0,2,2,TUESDAY,18,0,0,0,0,0,0,Housing,0.6166652942525357,0.7211681319808334,0.4436153084085652,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2908.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2802095,155824,Cash loans,38346.21,1039500.0,1160248.5,,1039500.0,SATURDAY,10,Y,1,,,,XNA,Refused,-453,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,67500.0,447453.0,22977.0,373500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.002134,-18097,-738,-859.0,-1616,20.0,1,1,0,1,0,0,Laborers,2.0,3,3,THURSDAY,13,0,0,0,0,0,0,Other,,0.724672272885164,0.21396685226179807,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-622.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,6.0 +1058664,389376,Consumer loans,2657.835,22410.9,22167.0,2241.9,22410.9,TUESDAY,14,Y,1,0.1000304359922368,,,XAP,Approved,-2025,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,20,Consumer electronics,12.0,high,POS household with interest,365243.0,-1959.0,-1629.0,-1629.0,-1621.0,0.0,0,Cash loans,F,N,Y,2,121500.0,604152.0,26739.0,540000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.015221,-14244,-6110,-5046.0,-4032,,1,1,1,1,0,0,,4.0,2,2,THURSDAY,12,0,0,0,0,1,1,Business Entity Type 2,,0.490457842533637,0.05724877183181196,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1006.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1623257,192552,Cash loans,41921.37,765000.0,878854.5,,765000.0,WEDNESDAY,8,Y,1,,,,XNA,Approved,-1091,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,N,Y,0,180000.0,177903.0,13896.0,148500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-17165,-4331,-9706.0,-705,,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.3224830610685112,0.4524202868300775,0.3996756156233169,0.0814,0.0609,0.9776,0.6940000000000001,0.0078,0.0,0.1379,0.1667,0.2083,0.0592,0.0664,0.07400000000000001,0.0,0.0,0.083,0.0632,0.9777,0.706,0.0078,0.0,0.1379,0.1667,0.2083,0.0605,0.0725,0.0771,0.0,0.0,0.0822,0.0609,0.9776,0.6981,0.0078,0.0,0.1379,0.1667,0.2083,0.0602,0.0676,0.0754,0.0,0.0,reg oper spec account,block of flats,0.0582,Block,No,1.0,0.0,1.0,0.0,-3027.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +1823947,250789,Consumer loans,13651.11,80986.5,70825.5,13500.0,80986.5,MONDAY,14,Y,1,0.17435683479762662,,,XAP,Approved,-1912,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,1300,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1881.0,-1731.0,-1731.0,-1724.0,0.0,0,Cash loans,F,N,Y,0,157500.0,810000.0,51763.5,810000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.005313,-23591,365243,-5240.0,-4468,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,XNA,0.8349294672472205,0.4200996422402921,0.7165702448010511,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,16.0,1.0,16.0,1.0,-1912.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1482192,286371,Consumer loans,19438.785,154323.0,174339.0,0.0,154323.0,WEDNESDAY,9,Y,1,0.0,,,XAP,Approved,-1361,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,2929,Consumer electronics,12.0,high,POS household with interest,365243.0,-1330.0,-1000.0,-1000.0,-992.0,0.0,1,Cash loans,M,N,Y,0,270000.0,547344.0,33484.5,472500.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.008068,-16134,-648,-3973.0,-512,,1,1,0,1,0,0,Managers,1.0,3,3,SATURDAY,6,0,0,0,0,0,0,Self-employed,,0.0350746780583346,0.5460231970049609,0.1237,0.0904,0.9891,0.8504,0.001,0.12,0.1034,0.375,0.4167,0.107,0.1,0.1431,0.0039,0.004,0.1261,0.0938,0.9891,0.8563,0.001,0.1208,0.1034,0.375,0.4167,0.1095,0.1093,0.1491,0.0039,0.0042,0.1249,0.0904,0.9891,0.8524,0.001,0.12,0.1034,0.375,0.4167,0.1089,0.1018,0.1457,0.0039,0.0041,reg oper spec account,block of flats,0.1349,Panel,No,0.0,0.0,0.0,0.0,-393.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +1396912,200819,Cash loans,8767.8,90000.0,90000.0,,90000.0,WEDNESDAY,15,Y,1,,,,XNA,Approved,-264,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-234.0,96.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,202500.0,490495.5,30136.5,454500.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018634,-10671,-2202,-3336.0,-3342,3.0,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,15,0,0,0,1,1,0,Trade: type 3,0.2945136033879774,0.7568772858561418,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1772.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1789316,198560,Cash loans,13236.12,112500.0,119925.0,,112500.0,FRIDAY,11,Y,1,,,,XNA,Approved,-1041,Cash through the bank,XAP,Children,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-1011.0,-681.0,-681.0,-660.0,1.0,0,Cash loans,F,N,Y,1,103500.0,284400.0,10849.5,225000.0,Family,Commercial associate,Secondary / secondary special,Single / not married,Municipal apartment,0.009334,-13623,-3353,-7588.0,-3865,,1,1,0,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Self-employed,,0.26789853092854404,0.7958031328748403,0.2412,0.1509,0.9886,0.8436,0.037000000000000005,0.24,0.2069,0.3333,0.0417,0.0,0.1967,0.222,0.0,0.0,0.2458,0.1566,0.9886,0.8497,0.0373,0.2417,0.2069,0.3333,0.0417,0.0,0.2149,0.2313,0.0,0.0,0.2436,0.1509,0.9886,0.8457,0.0372,0.24,0.2069,0.3333,0.0417,0.0,0.2001,0.226,0.0,0.0,reg oper spec account,block of flats,0.1949,Panel,No,10.0,0.0,10.0,0.0,-1500.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1012965,432736,Cash loans,17065.485,85500.0,88321.5,0.0,85500.0,SATURDAY,14,Y,1,0.0,,,XNA,Approved,-2377,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,6.0,high,Cash Street: high,365243.0,-2347.0,-2197.0,-2197.0,-2194.0,1.0,1,Cash loans,M,N,N,0,135000.0,405000.0,19827.0,405000.0,Family,Working,Secondary / secondary special,Married,With parents,0.028663,-13144,-1811,-4538.0,-3096,,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,8,0,0,0,0,1,1,Business Entity Type 3,,0.33987071672632796,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-608.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2729321,415866,Cash loans,7425.0,270000.0,270000.0,,270000.0,MONDAY,10,Y,1,,,,XNA,Approved,-179,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-149.0,1621.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,81000.0,639000.0,20740.5,639000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.028663,-19585,-9996,-5013.0,-3136,,1,1,1,1,1,0,High skill tech staff,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Industry: type 3,,0.3868200879437832,0.3572932680336494,0.0186,,,,,,0.1034,0.0417,,,,0.0193,,,0.0189,,,,,,0.1034,0.0417,,,,0.0201,,,0.0187,,,,,,0.1034,0.0417,,,,0.0197,,,,block of flats,0.0152,"Stone, brick",No,1.0,0.0,1.0,0.0,-948.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1547837,249360,Consumer loans,9322.335,49180.095,46449.0,4922.595,49180.095,FRIDAY,9,Y,1,0.10436026881463116,,,XAP,Approved,-2344,XNA,XAP,Family,New,Mobile,POS,XNA,Country-wide,4900,Consumer electronics,6.0,high,POS household with interest,365243.0,-2313.0,-2163.0,-2163.0,-2153.0,1.0,0,Cash loans,F,N,Y,0,157500.0,239850.0,23494.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.008575,-24795,365243,-6222.0,-3968,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,13,0,0,0,0,0,0,XNA,,0.4933873254467511,0.28961123838200553,0.1031,0.1089,0.9776,,,0.0,0.2069,0.1667,,0.0748,,0.0919,,0.0,0.105,0.113,0.9777,,,0.0,0.2069,0.1667,,0.0765,,0.0958,,0.0,0.1041,0.1089,0.9776,,,0.0,0.2069,0.1667,,0.0761,,0.0936,,0.0,,block of flats,0.0723,Panel,No,0.0,0.0,0.0,0.0,-1103.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2310236,432631,Revolving loans,21375.0,0.0,427500.0,,,THURSDAY,17,Y,1,,,,XAP,Approved,-1139,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,1,157500.0,1078200.0,31653.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.022625,-16251,-137,-98.0,-4555,,1,1,0,1,0,0,Core staff,2.0,2,2,TUESDAY,10,0,0,0,1,1,0,Trade: type 7,0.6355917716519692,0.7006589756205531,0.5797274227921155,0.1278,0.0493,0.9856,0.8028,0.0544,0.08,0.0345,0.625,0.6667,0.0498,0.1042,0.124,0.0154,0.1876,0.1303,0.0511,0.9856,0.8105,0.0549,0.0806,0.0345,0.625,0.6667,0.051,0.1139,0.1292,0.0156,0.1986,0.1291,0.0493,0.9856,0.8054,0.0547,0.08,0.0345,0.625,0.6667,0.0507,0.106,0.1263,0.0155,0.1915,reg oper account,block of flats,0.0976,Panel,No,0.0,0.0,0.0,0.0,-1052.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1557626,387600,Consumer loans,4985.55,23980.5,23980.5,0.0,23980.5,SATURDAY,7,Y,1,0.0,,,XAP,Approved,-1059,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,27,Connectivity,6.0,high,POS mobile with interest,365243.0,-1022.0,-872.0,-962.0,-953.0,0.0,0,Cash loans,F,N,Y,0,112500.0,337500.0,17361.0,337500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.014519999999999996,-23702,365243,-4730.0,-5144,,1,0,0,1,0,0,,1.0,2,2,MONDAY,7,0,0,0,0,0,0,XNA,,0.3798520621088548,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,1.0,0.0,1.0,0.0,-2078.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1323535,102251,Cash loans,44056.755,675000.0,812106.0,,675000.0,FRIDAY,13,Y,1,,,,Buying a used car,Refused,-545,Cash through the bank,LIMIT,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,middle,Cash Street: middle,,,,,,,0,Cash loans,M,Y,Y,0,135000.0,407520.0,29655.0,360000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009175,-13408,-602,-2105.0,-2100,8.0,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,9,0,0,0,1,1,1,Self-employed,,0.6420583803586494,,0.0,,0.9906,,,0.0,0.1379,0.1667,,,,0.0883,,,0.0,,0.9906,,,0.0,0.1379,0.1667,,,,0.092,,,0.0,,0.9906,,,0.0,0.1379,0.1667,,,,0.0899,,,,block of flats,0.0757,Panel,No,0.0,0.0,0.0,0.0,-685.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1804111,191956,Revolving loans,2250.0,45000.0,45000.0,,45000.0,THURSDAY,15,Y,1,,,,XAP,Refused,-136,XNA,HC,Unaccompanied,Refreshed,XNA,Cards,walk-in,AP+ (Cash loan),18,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,Y,Y,1,112500.0,485640.0,38133.0,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.002042,-16136,-249,-780.0,-5129,9.0,1,1,1,1,1,0,,3.0,3,3,SUNDAY,12,0,0,0,0,1,1,Agriculture,,0.7229805576363653,,0.0309,0.0662,0.9985,0.9796,0.0256,0.0,0.0862,0.0833,0.0208,0.0127,0.0252,0.0217,0.0,0.0164,0.0315,0.0431,0.9985,0.9804,0.0179,0.0,0.069,0.0833,0.0,0.0098,0.0275,0.0121,0.0,0.0,0.0312,0.0662,0.9985,0.9799,0.0257,0.0,0.0862,0.0833,0.0208,0.0129,0.0257,0.0221,0.0,0.0168,reg oper spec account,block of flats,0.0277,"Stone, brick",No,0.0,0.0,0.0,0.0,-1366.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1652869,267310,Cash loans,15606.81,112500.0,136849.5,0.0,112500.0,SATURDAY,15,Y,1,0.0,,,XNA,Approved,-1883,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-1853.0,-1523.0,-1613.0,-1609.0,1.0,0,Cash loans,F,N,N,0,211500.0,248760.0,26919.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.04622,-19450,-12654,-7193.0,-3000,,1,1,1,1,1,0,High skill tech staff,2.0,1,1,FRIDAY,20,0,0,0,0,0,0,Business Entity Type 2,0.8288491497973217,0.7236720061339758,0.2721336844147212,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1525.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,7.0 +1086066,156075,Cash loans,13619.7,135000.0,135000.0,,135000.0,THURSDAY,10,Y,1,,,,XNA,Approved,-891,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-861.0,-531.0,-561.0,-552.0,0.0,0,Cash loans,F,N,N,0,117000.0,1256400.0,36864.0,900000.0,Unaccompanied,State servant,Higher education,Single / not married,House / apartment,0.031329,-23503,-2829,-10406.0,-4051,,1,1,0,1,0,0,Medicine staff,1.0,2,2,SATURDAY,11,0,0,0,0,0,0,Medicine,,0.7129877833170142,0.7449321846094795,0.2629,0.0084,0.9856,0.8028,0.068,0.16,0.069,0.625,0.6667,0.1395,0.2143,0.226,0.0,0.0144,0.2679,0.0088,0.9856,0.8105,0.0686,0.1611,0.069,0.625,0.6667,0.1427,0.2342,0.2355,0.0,0.0152,0.2654,0.0084,0.9856,0.8054,0.0684,0.16,0.069,0.625,0.6667,0.1419,0.218,0.2301,0.0,0.0147,reg oper account,block of flats,0.1809,Panel,No,0.0,0.0,0.0,0.0,-2387.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,4.0 +2107163,282513,Consumer loans,2670.255,26955.0,25047.0,4500.0,26955.0,FRIDAY,11,Y,1,0.16586824689170104,,,XAP,Approved,-1645,Cash through the bank,XAP,Family,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,20,Connectivity,14.0,high,POS mobile with interest,365243.0,-1614.0,-1224.0,-1224.0,-1216.0,0.0,0,Revolving loans,F,N,Y,0,63000.0,180000.0,9000.0,180000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-20984,365243,-4062.0,-4349,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,XNA,0.8506026365492245,0.6244380820610375,0.7091891096653581,0.199,0.0,0.9821,0.7552,0.0147,0.0,0.4483,0.1667,0.2083,0.1826,0.1622,0.17600000000000002,0.0,0.015,0.2027,0.0,0.9821,0.7648,0.0148,0.0,0.4483,0.1667,0.2083,0.1867,0.1772,0.1833,0.0,0.0159,0.2009,0.0,0.9821,0.7585,0.0148,0.0,0.4483,0.1667,0.2083,0.1857,0.165,0.1791,0.0,0.0153,reg oper account,block of flats,0.1497,"Stone, brick",No,0.0,0.0,0.0,0.0,-1645.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1288877,273783,Consumer loans,7448.94,50220.0,40176.0,10044.0,50220.0,SUNDAY,17,Y,1,0.2178181818181818,,,XAP,Approved,-508,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,25,Connectivity,6.0,middle,POS mobile without interest,365243.0,-475.0,-325.0,-475.0,-466.0,0.0,1,Cash loans,M,Y,N,0,382500.0,942300.0,26041.5,675000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.04622,-12377,-324,-2085.0,-3986,6.0,1,1,0,1,0,0,,2.0,1,1,TUESDAY,14,0,1,1,0,0,0,Industry: type 1,0.3247701081741819,0.5726475598364311,0.1008037063175332,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2922.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,0.0 +1996353,106045,Consumer loans,17668.53,445500.0,445500.0,0.0,445500.0,MONDAY,19,Y,1,0.0,,,XAP,Refused,-11,Cash through the bank,LIMIT,Unaccompanied,Repeater,Clothing and Accessories,POS,XNA,Stone,120,Clothing,36.0,low_normal,POS industry with interest,,,,,,,0,Cash loans,F,N,Y,0,225000.0,1345036.5,37116.0,1174500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.04622,-14166,-1463,-8249.0,-2715,,1,1,0,1,0,1,,2.0,1,1,FRIDAY,14,0,0,0,0,1,1,Business Entity Type 3,0.6552909451514821,0.7583189665498894,0.6195277080511546,0.1485,0.0858,0.9856,0.8028,0.0282,0.16,0.1379,0.3333,0.375,0.0939,0.1202,0.1561,0.0039,0.0013,0.1513,0.08900000000000001,0.9856,0.8105,0.0284,0.1611,0.1379,0.3333,0.375,0.096,0.1313,0.1626,0.0039,0.0014,0.1499,0.0858,0.9856,0.8054,0.0284,0.16,0.1379,0.3333,0.375,0.0955,0.1223,0.1589,0.0039,0.0013,reg oper account,block of flats,0.1384,Panel,No,2.0,0.0,2.0,0.0,-1401.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +1371556,411586,Consumer loans,4424.85,33705.0,36904.5,4500.0,33705.0,SATURDAY,4,Y,1,0.11836658070763058,,,XAP,Approved,-1798,XNA,XAP,Family,New,Mobile,POS,XNA,Country-wide,7,Connectivity,12.0,high,POS mobile with interest,365243.0,-1767.0,-1437.0,-1437.0,-1433.0,0.0,0,Cash loans,M,Y,Y,1,180000.0,327024.0,16033.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014464,-15004,-2702,-2163.0,-5210,21.0,1,1,0,1,0,0,Laborers,3.0,2,2,FRIDAY,3,0,0,0,0,0,0,Other,,0.15654722522360262,0.5884877883422673,0.0165,,0.9732,,,0.0,0.069,0.0417,,0.0,,0.0109,,0.0,0.0168,,0.9732,,,0.0,0.069,0.0417,,0.0,,0.0113,,0.0,0.0167,,0.9732,,,0.0,0.069,0.0417,,0.0,,0.0111,,0.0,,block of flats,0.0095,Block,No,3.0,0.0,3.0,0.0,-551.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +1477758,158240,Cash loans,53174.88,900000.0,952272.0,,900000.0,MONDAY,13,Y,1,,,,XNA,Refused,-541,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,180000.0,135000.0,16150.5,135000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-23474,365243,-88.0,-4584,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,XNA,,0.6176861367458096,0.4382813743111921,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1925.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1731527,323856,Consumer loans,14509.035,383836.5,383836.5,0.0,383836.5,SATURDAY,12,Y,1,0.0,,,XAP,Refused,-1211,Cash through the bank,LIMIT,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,1782,Consumer electronics,36.0,low_normal,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,135000.0,254700.0,25191.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.018029,-24606,365243,-8544.0,-4065,,1,0,0,1,0,0,,1.0,3,2,SATURDAY,10,0,0,0,0,0,0,XNA,,0.5838782301256827,0.5046813193144684,,,0.9781,,,,,,,,,0.0537,,,,,0.9782,,,,,,,,,0.056,,,,,0.9781,,,,,,,,,0.0547,,,,,0.0423,,No,0.0,0.0,0.0,0.0,-1625.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1870910,332262,Revolving loans,6750.0,0.0,135000.0,,,WEDNESDAY,15,Y,1,,,,XAP,Approved,-2767,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,0,XNA,0.0,XNA,Card Street,-2763.0,-2729.0,365243.0,-1085.0,-73.0,0.0,0,Revolving loans,F,Y,Y,0,99000.0,337500.0,16875.0,337500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-10597,-871,-2124.0,-3275,18.0,1,1,0,1,1,0,High skill tech staff,2.0,3,3,FRIDAY,14,0,0,0,0,1,1,Government,0.09104659442418124,0.09208531242091406,0.24318648044201235,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1474.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,7.0 +1591340,131395,Cash loans,11391.57,157500.0,213966.0,,157500.0,SATURDAY,11,Y,1,,,,XNA,Approved,-713,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,365243.0,-683.0,187.0,-383.0,-376.0,1.0,0,Cash loans,F,N,N,1,72000.0,808650.0,23643.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-14729,-7904,-8491.0,-4005,,1,1,1,1,1,0,Managers,3.0,2,2,THURSDAY,10,0,0,0,0,0,0,Industry: type 7,0.4962460975915794,0.7774478503342455,0.4740512892789932,0.0928,0.0913,0.9841,0.7824,0.0452,0.0,0.2069,0.1667,0.2083,0.0768,0.0756,0.0799,0.0,0.0,0.0945,0.0947,0.9841,0.7909,0.0456,0.0,0.2069,0.1667,0.2083,0.0786,0.0826,0.0833,0.0,0.0,0.0937,0.0913,0.9841,0.7853,0.0455,0.0,0.2069,0.1667,0.2083,0.0782,0.077,0.0813,0.0,0.0,reg oper account,block of flats,0.0875,Panel,No,0.0,0.0,0.0,0.0,-2462.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2144474,271843,Cash loans,33647.4,720000.0,794133.0,,720000.0,THURSDAY,15,Y,1,,,,XNA,Approved,-584,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,1,225000.0,900000.0,35824.5,900000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.026392000000000002,-10833,-222,-4785.0,-276,1.0,1,1,0,1,1,0,,3.0,2,2,SUNDAY,13,0,0,0,0,0,0,Business Entity Type 2,,0.4662786698381991,0.22383131747015547,0.1526,,0.9771,,,0.0,0.1034,0.1667,,,,0.0625,,0.0282,0.1555,,0.9772,,,0.0,0.1034,0.1667,,,,0.0651,,0.0298,0.1541,,0.9771,,,0.0,0.1034,0.1667,,,,0.0636,,0.0288,,block of flats,0.0553,"Stone, brick",No,6.0,2.0,6.0,1.0,-457.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1169436,219154,Cash loans,27480.825,337500.0,427549.5,,337500.0,SATURDAY,14,Y,1,,,,XNA,Approved,-672,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-642.0,48.0,-612.0,-608.0,1.0,0,Revolving loans,F,N,Y,0,144000.0,292500.0,14625.0,292500.0,Unaccompanied,Working,Higher education,Single / not married,Co-op apartment,0.022625,-9535,-733,-4284.0,-2215,,1,1,0,1,0,1,Managers,1.0,2,2,SATURDAY,11,0,0,0,0,1,1,Business Entity Type 2,0.2745966545073611,0.691406413836263,0.39449540531239935,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,0.0,-156.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2376181,101956,Revolving loans,11250.0,225000.0,225000.0,,225000.0,TUESDAY,13,Y,1,,,,XAP,Refused,-923,XNA,HC,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,N,0,225000.0,622188.0,26284.5,472500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,With parents,0.018801,-10870,-2764,-4010.0,-2320,,1,1,0,1,0,0,Laborers,1.0,2,2,MONDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.6108364636152029,0.25396280933631177,0.0082,0.0,0.9737,0.6396,0.0009,0.0,0.0345,0.0417,0.0833,0.0107,0.0067,0.0066,0.0,0.0,0.0084,0.0,0.9737,0.6537,0.0009,0.0,0.0345,0.0417,0.0833,0.011,0.0073,0.0068,0.0,0.0,0.0083,0.0,0.9737,0.6444,0.0009,0.0,0.0345,0.0417,0.0833,0.0109,0.0068,0.0067,0.0,0.0,reg oper account,block of flats,0.0056,Wooden,No,5.0,0.0,5.0,0.0,-1728.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2008964,164442,Cash loans,27683.37,675000.0,942300.0,,675000.0,SUNDAY,12,Y,1,,,,XNA,Refused,-36,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,112500.0,979992.0,28782.0,702000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-19819,-5413,-9261.0,-3260,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Business Entity Type 2,,0.2653117484731741,0.4686596550493113,0.1433,0.1181,0.9737,0.6396,0.0163,0.0,0.2414,0.1667,0.2083,0.0644,0.1168,0.0901,0.0,0.0,0.146,0.1225,0.9737,0.6537,0.0165,0.0,0.2414,0.1667,0.2083,0.0658,0.1276,0.0938,0.0,0.0,0.1447,0.1181,0.9737,0.6444,0.0164,0.0,0.2414,0.1667,0.2083,0.0655,0.1189,0.0917,0.0,0.0,reg oper account,block of flats,0.0798,Block,No,0.0,0.0,0.0,0.0,-36.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,3.0 +1985965,214279,Revolving loans,6750.0,135000.0,135000.0,,135000.0,THURSDAY,14,Y,1,,,,XAP,Approved,-274,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,202500.0,711747.0,39870.0,607500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.01885,-13745,-1477,-506.0,-1738,,1,1,0,1,0,0,Laborers,3.0,2,2,FRIDAY,15,0,0,0,0,0,0,Self-employed,0.6111403362833056,0.4753661447957678,,0.1536,0.14400000000000002,0.9881,0.8368,0.0652,0.0,0.3448,0.1667,0.2083,0.0912,0.1252,0.1414,0.0,0.0,0.1565,0.1494,0.9881,0.8432,0.0658,0.0,0.3448,0.1667,0.2083,0.0933,0.1368,0.1473,0.0,0.0,0.1551,0.14400000000000002,0.9881,0.8390000000000001,0.0656,0.0,0.3448,0.1667,0.2083,0.0928,0.1274,0.1439,0.0,0.0,,block of flats,0.1469,Panel,No,0.0,0.0,0.0,0.0,-284.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1130914,220978,Cash loans,21900.87,225000.0,300960.0,0.0,225000.0,TUESDAY,7,Y,1,0.0,,,Buying a used car,Approved,-1871,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,high,Cash Street: high,365243.0,-1840.0,-1150.0,-1137.0,-1132.0,0.0,1,Cash loans,M,Y,Y,1,184500.0,840996.0,27261.0,702000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-12100,-1286,-584.0,-4755,12.0,1,1,0,1,0,0,Laborers,3.0,3,3,FRIDAY,6,0,0,0,0,0,0,Business Entity Type 2,,0.3241211875884548,0.5762088360175724,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1870.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1998884,258578,Consumer loans,15785.145,139500.0,169114.5,0.0,139500.0,WEDNESDAY,8,Y,1,0.0,,,XAP,Approved,-397,Cash through the bank,XAP,,New,Clothing and Accessories,POS,XNA,Stone,250,Industry,12.0,low_normal,POS industry with interest,365243.0,-364.0,-34.0,-34.0,-29.0,0.0,0,Cash loans,M,N,N,0,99000.0,573628.5,27724.5,463500.0,Unaccompanied,Working,Higher education,Separated,With parents,0.002134,-14497,-1178,-1894.0,-3523,,1,1,0,1,0,0,Managers,1.0,3,3,MONDAY,11,0,0,0,0,0,0,Mobile,,0.5091688395012891,,0.0825,,0.9856,,,,0.1379,0.1667,,,,,,,0.084,,0.9856,,,,0.1379,0.1667,,,,,,,0.0833,,0.9856,,,,0.1379,0.1667,,,,,,,,,0.0651,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1488912,453455,Consumer loans,34163.955,167179.5,174573.0,0.0,167179.5,THURSDAY,15,Y,1,0.0,,,XAP,Approved,-1562,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Regional / Local,150,Consumer electronics,6.0,high,POS household with interest,365243.0,-1523.0,-1373.0,-1373.0,-1363.0,0.0,0,Cash loans,F,N,Y,0,180000.0,640080.0,29970.0,450000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.020713,-9544,-2076,-121.0,-617,,1,1,0,1,1,0,Laborers,2.0,3,1,FRIDAY,10,0,0,0,0,0,0,Industry: type 9,0.31918363337251,0.4105418110454226,0.2176285202779586,0.0918,0.0891,0.9876,0.83,0.0243,0.12,0.1034,0.3333,0.375,0.0349,0.0748,0.1215,,0.0,0.0935,0.0925,0.9876,0.8367,0.0245,0.1208,0.1034,0.3333,0.375,0.0357,0.0817,0.1266,,0.0,0.0926,0.0891,0.9876,0.8323,0.0244,0.12,0.1034,0.3333,0.375,0.0356,0.0761,0.1237,,0.0,reg oper account,block of flats,0.1088,Panel,No,6.0,0.0,6.0,0.0,-1175.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1162598,317401,Consumer loans,12008.88,89086.5,89086.5,0.0,89086.5,WEDNESDAY,18,Y,1,0.0,,,XAP,Approved,-2345,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,614,Consumer electronics,10.0,high,POS household with interest,365243.0,-2306.0,-2036.0,-2036.0,-2033.0,0.0,0,Cash loans,F,N,Y,2,315000.0,521280.0,40468.5,450000.0,Family,Commercial associate,Higher education,Civil marriage,House / apartment,0.009334,-12651,-1652,-6747.0,-4807,,1,1,0,1,1,1,Accountants,4.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.7049023151977232,0.5937175866150576,0.0062,,0.9881,0.8368,0.002,0.0,0.0345,0.0833,,0.0,0.005,0.0093,0.0,0.0,0.0063,,0.9881,0.8432,0.002,0.0,0.0345,0.0833,,0.0,0.0055,0.0097,0.0,0.0,0.0062,,0.9881,0.8390000000000001,0.002,0.0,0.0345,0.0833,,0.0,0.0051,0.0095,0.0,0.0,reg oper account,block of flats,0.0084,Wooden,No,0.0,0.0,0.0,0.0,-1675.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1735754,424550,Revolving loans,6750.0,135000.0,135000.0,,135000.0,WEDNESDAY,16,Y,1,,,,XAP,Approved,-667,XNA,XAP,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-663.0,-618.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,180000.0,211630.5,17095.5,171000.0,Children,Working,Secondary / secondary special,Married,Municipal apartment,0.005002,-13925,-2589,-8052.0,-490,,1,1,0,1,1,1,Laborers,2.0,3,3,FRIDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.7642243195415186,0.5460231970049609,0.0082,,0.9677,,,0.0,0.069,0.0417,,0.0336,,0.0085,,0.0,0.0084,,0.9677,,,0.0,0.069,0.0417,,0.0343,,0.0088,,0.0,0.0083,,0.9677,,,0.0,0.069,0.0417,,0.0342,,0.0086,,0.0,,block of flats,0.0066,Wooden,No,1.0,1.0,1.0,1.0,-825.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2807225,408654,Consumer loans,9410.04,96255.0,105786.0,0.0,96255.0,SATURDAY,14,Y,1,0.0,,,XAP,Approved,-1099,Cash through the bank,XAP,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Country-wide,1500,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-1068.0,-738.0,-738.0,-734.0,0.0,0,Revolving loans,M,N,N,2,180000.0,270000.0,13500.0,270000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-10582,-2454,-4678.0,-3249,,1,1,0,1,0,0,Laborers,4.0,2,2,SATURDAY,10,0,0,0,0,0,0,Business Entity Type 1,0.2466892604990361,0.4594339418098281,0.6263042766749393,0.0835,,0.9876,,,0.0,0.069,0.1667,,,,0.0501,,,0.0851,,0.9876,,,0.0,0.069,0.1667,,,,0.0522,,,0.0843,,0.9876,,,0.0,0.069,0.1667,,,,0.051,,,,block of flats,0.0493,"Stone, brick",No,1.0,0.0,1.0,0.0,-1442.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2424488,406163,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,14,Y,1,,,,XAP,Approved,-314,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),6,XNA,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,2,337500.0,1369773.0,58167.0,1260000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.04622,-11186,-2274,-4207.0,-2792,,1,1,0,1,0,0,,4.0,1,1,TUESDAY,19,0,0,0,0,0,0,Business Entity Type 3,0.3253829598881989,0.4458900756619733,,0.0309,0.0199,0.9752,0.66,0.0017,0.0,0.069,0.125,0.1667,,0.0252,0.024,0.0039,0.0052,0.0315,0.0207,0.9752,0.6733,0.0017,0.0,0.069,0.125,0.1667,,0.0275,0.025,0.0039,0.0055,0.0312,0.0199,0.9752,0.6645,0.0017,0.0,0.069,0.125,0.1667,,0.0257,0.0245,0.0039,0.0053,reg oper account,block of flats,0.02,"Stone, brick",No,0.0,0.0,0.0,0.0,-696.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2238668,240303,Cash loans,33178.05,315000.0,332046.0,,315000.0,TUESDAY,13,Y,1,,,,XNA,Approved,-1225,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1195.0,-865.0,-865.0,-862.0,1.0,0,Cash loans,F,N,N,0,67500.0,47970.0,4801.5,45000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.007305,-24288,365243,-13052.0,-3980,,1,0,0,1,0,0,,2.0,3,3,TUESDAY,11,0,0,0,0,0,0,XNA,,0.0784943685685783,0.7826078370261895,0.2588,0.1367,0.9821,0.7552,0.0537,0.28,0.2414,0.3333,0.375,0.0935,0.211,0.2791,0.0,0.0114,0.2637,0.1419,0.9821,0.7648,0.0542,0.282,0.2414,0.3333,0.375,0.0956,0.2305,0.2908,0.0,0.012,0.2613,0.1367,0.9821,0.7585,0.054000000000000006,0.28,0.2414,0.3333,0.375,0.0951,0.2146,0.2841,0.0,0.0116,reg oper account,block of flats,0.222,Panel,No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,1.0 +1095898,364849,Consumer loans,15959.115,163737.0,155547.0,8190.0,163737.0,TUESDAY,20,Y,1,0.05447549756899506,,,XAP,Approved,-841,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,1900,Consumer electronics,12.0,middle,POS household with interest,365243.0,-810.0,-480.0,-480.0,-472.0,0.0,0,Cash loans,M,Y,N,0,270000.0,490495.5,30006.0,454500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.032561,-12550,-2072,-6692.0,-4073,6.0,1,1,1,1,1,0,Laborers,2.0,1,1,TUESDAY,12,0,0,0,0,1,1,Housing,,0.7406071598600013,0.24988506275045536,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-841.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2603739,432232,Cash loans,52803.315,247500.0,259753.5,,247500.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-467,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,high,Cash X-Sell: high,365243.0,-437.0,-287.0,-287.0,-281.0,1.0,0,Revolving loans,M,Y,Y,1,270000.0,585000.0,29250.0,585000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.032561,-13365,-1700,-5893.0,-4110,28.0,1,1,0,1,0,0,Drivers,3.0,1,1,MONDAY,13,0,0,0,0,0,0,Industry: type 11,,0.7922180259089907,0.3723336657058204,0.1464,0.0794,0.9737,0.7008,0.0201,0.0664,0.1262,0.2221,0.0417,0.0328,0.1194,0.0943,0.0,0.0003,0.0473,0.1075,0.9598,0.706,0.0077,0.0,0.1724,0.1667,0.0417,0.0184,0.0413,0.0407,0.0,0.0,0.0978,0.1035,0.9776,0.7048,0.0113,0.04,0.1724,0.1667,0.0417,0.02,0.0804,0.0625,0.0,0.0,reg oper account,block of flats,0.1921,"Stone, brick",No,0.0,0.0,0.0,0.0,-1349.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2202817,164506,Consumer loans,5677.56,42835.5,41953.5,4275.0,42835.5,SATURDAY,12,Y,1,0.10071414033255756,,,XAP,Approved,-861,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,45,Connectivity,10.0,high,POS mobile with interest,365243.0,-825.0,-555.0,-555.0,-551.0,0.0,0,Cash loans,M,N,Y,0,225000.0,741276.0,27364.5,531000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-14857,-7661,-3439.0,-4379,,1,1,0,1,1,0,,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,Business Entity Type 2,0.5239417824035727,0.2604642070000785,0.5190973382084597,0.1608,0.0844,0.9796,0.7212,0.0117,0.0,0.1034,0.1667,0.0,0.0433,0.1311,0.057,0.0,0.0,0.1639,0.0876,0.9796,0.7321,0.0118,0.0,0.1034,0.1667,0.0,0.0443,0.1433,0.0594,0.0,0.0,0.1624,0.0844,0.9796,0.7249,0.0117,0.0,0.1034,0.1667,0.0,0.0441,0.1334,0.0581,0.0,0.0,reg oper account,block of flats,0.0512,"Stone, brick",No,4.0,1.0,4.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1380714,167932,Consumer loans,33448.815,155191.5,162054.0,0.0,155191.5,FRIDAY,19,Y,1,0.0,,,XAP,Approved,-1515,Cash through the bank,XAP,Unaccompanied,Refreshed,Computers,POS,XNA,Country-wide,4340,Consumer electronics,6.0,high,POS household with interest,365243.0,-1484.0,-1334.0,-1334.0,-1331.0,0.0,0,Cash loans,M,Y,Y,0,360000.0,1129500.0,33156.0,1129500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.032561,-14494,-7587,-1396.0,-1040,7.0,1,1,1,1,1,0,High skill tech staff,1.0,1,1,MONDAY,13,0,0,0,0,0,0,Business Entity Type 2,,0.10378159046760396,0.33285056416487313,0.0433,0.0286,0.9846,0.7892,0.0,0.12,0.0345,0.5833,0.5833,0.0216,0.0294,0.1243,0.027000000000000003,0.1103,0.0441,0.0297,0.9846,0.7975,0.0,0.1208,0.0345,0.5833,0.5833,0.0221,0.0321,0.1295,0.0272,0.1168,0.0437,0.0286,0.9846,0.792,0.0,0.12,0.0345,0.5833,0.5833,0.0219,0.0299,0.1265,0.0272,0.1127,reg oper account,block of flats,0.1219,"Stone, brick",No,0.0,0.0,0.0,0.0,-835.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2738374,287250,Consumer loans,2880.225,31450.5,31450.5,0.0,31450.5,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-653,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Regional / Local,104,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-619.0,-289.0,-289.0,-281.0,0.0,0,Cash loans,F,N,Y,2,117000.0,755190.0,38740.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.030755,-11919,-1331,-3428.0,-2953,,1,1,0,1,0,0,Laborers,4.0,2,2,MONDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.4591121439444335,0.5469224418350841,0.06599320738450226,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-653.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1091832,129672,Consumer loans,3641.67,27409.5,26698.5,2745.0,27409.5,TUESDAY,14,Y,1,0.1015352979589568,,,XAP,Approved,-2131,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,45,Connectivity,10.0,high,POS mobile with interest,365243.0,-2073.0,-1803.0,-1833.0,-1825.0,0.0,0,Cash loans,F,N,Y,0,135000.0,1288350.0,37800.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00823,-14876,-4170,-5764.0,-4236,,1,1,1,1,1,0,Laborers,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,Industry: type 3,,0.4374079850583687,0.7016957740576931,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-2131.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1983936,175340,Consumer loans,4034.475,21105.0,19786.5,2250.0,21105.0,SUNDAY,13,Y,1,0.11119980693188776,,,XAP,Approved,-1524,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,6.0,high,POS mobile with interest,365243.0,-1492.0,-1342.0,-1402.0,-1398.0,0.0,0,Cash loans,M,N,Y,1,130500.0,298467.0,29205.0,283500.0,Family,Working,Secondary / secondary special,Single / not married,House / apartment,0.008575,-11222,-1590,-11186.0,-3297,,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,17,0,0,0,0,0,0,Business Entity Type 3,,0.025001736467154947,0.33125086459090186,0.0309,0.0,0.9608,0.4628,0.0088,0.0,0.1724,0.0833,0.125,0.0599,0.0252,0.0236,0.0,0.0,0.0315,0.0,0.9608,0.4838,0.0089,0.0,0.1724,0.0833,0.125,0.0613,0.0275,0.0246,0.0,0.0,0.0312,0.0,0.9608,0.47,0.0089,0.0,0.1724,0.0833,0.125,0.061,0.0257,0.0241,0.0,0.0,reg oper spec account,block of flats,0.0266,"Stone, brick",No,1.0,0.0,1.0,0.0,-42.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,2.0 +1458986,259036,Cash loans,,0.0,0.0,,,THURSDAY,7,Y,1,,,,XNA,Refused,-298,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,81000.0,226908.0,8680.5,148500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.020246,-20902,365243,-7237.0,-4410,,1,0,0,1,0,0,,1.0,3,3,MONDAY,6,0,0,0,0,0,0,XNA,0.5754810338940889,0.07764603092607869,0.5531646987710016,0.0619,0.0629,0.9801,0.728,0.0,0.0,0.1379,0.1667,0.2083,0.0446,0.0504,0.0541,0.0,0.0,0.063,0.0653,0.9801,0.7387,0.0,0.0,0.1379,0.1667,0.2083,0.0457,0.0551,0.0564,0.0,0.0,0.0625,0.0629,0.9801,0.7316,0.0,0.0,0.1379,0.1667,0.2083,0.0454,0.0513,0.0551,0.0,0.0,reg oper account,block of flats,0.0469,Panel,No,0.0,0.0,0.0,0.0,-1887.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +1285445,382032,Consumer loans,17043.12,143091.0,131202.0,22500.0,143091.0,SATURDAY,12,Y,1,0.15942893036229494,,,XAP,Approved,-822,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Regional / Local,907,Consumer electronics,10.0,high,POS household with interest,365243.0,-791.0,-521.0,-521.0,-513.0,0.0,1,Cash loans,M,N,N,1,202500.0,1125000.0,33025.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.011656999999999999,-14205,-1747,-2294.0,-4620,,1,1,0,1,0,0,,3.0,1,1,FRIDAY,14,1,1,0,1,1,1,Restaurant,,0.27068252238015034,0.14825437906109115,0.0278,0.0572,0.9727,0.626,0.0778,0.0,0.069,0.0833,0.125,0.0,0.0227,0.0259,0.0,0.102,0.0284,0.0593,0.9727,0.6406,0.0785,0.0,0.069,0.0833,0.125,0.0,0.0248,0.027000000000000003,0.0,0.108,0.0281,0.0572,0.9727,0.631,0.0783,0.0,0.069,0.0833,0.125,0.0,0.0231,0.0264,0.0,0.1042,reg oper spec account,block of flats,0.0425,"Stone, brick",No,6.0,0.0,6.0,0.0,-1019.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1676061,366409,Cash loans,35181.09,877500.0,979429.5,,877500.0,WEDNESDAY,15,Y,1,,,,XNA,Approved,-639,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-609.0,801.0,-309.0,-299.0,1.0,0,Cash loans,F,N,Y,0,112500.0,481500.0,15246.0,481500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.014519999999999996,-20207,-5218,-7163.0,-3616,,1,1,0,1,0,0,,2.0,2,2,FRIDAY,7,0,0,0,0,0,0,Industry: type 11,0.7899201455264251,0.6860904987397829,0.6528965519806539,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2024.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +2391322,115097,Consumer loans,14868.045,147870.0,133083.0,14787.0,147870.0,SUNDAY,15,Y,1,0.1089090909090909,,,XAP,Approved,-283,XNA,XAP,Family,Repeater,Medical Supplies,POS,XNA,Regional / Local,10,Construction,10.0,low_normal,POS industry with interest,365243.0,-236.0,34.0,-206.0,-199.0,0.0,0,Cash loans,M,N,Y,0,315000.0,1390500.0,51660.0,1390500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-18955,-6873,-3352.0,-2507,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,18,0,1,1,0,1,1,Industry: type 9,,0.498930373629576,0.5082869913916046,0.0588,,0.9935,0.9116,,0.0,0.1379,0.1667,0.0417,0.0,0.0479,0.0662,0.0,0.0,0.0599,,0.9935,0.9151,,0.0,0.1379,0.1667,0.0417,0.0,0.0523,0.069,0.0,0.0,0.0593,,0.9935,0.9128,,0.0,0.1379,0.1667,0.0417,0.0,0.0487,0.0674,0.0,0.0,,block of flats,0.0521,Panel,No,0.0,0.0,0.0,0.0,-275.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +1298529,166760,Revolving loans,6750.0,135000.0,135000.0,,135000.0,THURSDAY,10,Y,1,,,,XAP,Approved,-868,XNA,XAP,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-846.0,-794.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,1,270000.0,1129500.0,63067.5,1129500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.030755,-12873,-1871,-6467.0,-4559,,1,1,0,1,0,0,Drivers,3.0,2,2,THURSDAY,16,0,0,0,0,0,0,Transport: type 4,,0.2543947781833007,0.5954562029091491,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-330.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,5.0 +1129681,188407,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SATURDAY,17,Y,1,,,,XAP,Approved,-342,XNA,XAP,Family,Repeater,XNA,Cards,walk-in,Country-wide,1000,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,202500.0,601470.0,29065.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018634,-13152,-593,-6345.0,-4257,,1,1,1,1,1,0,Cleaning staff,3.0,2,2,FRIDAY,16,0,1,1,0,1,1,University,,0.028738248022575123,0.29708661164720285,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-11.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,1.0 +1642941,128502,Consumer loans,8045.01,155700.0,155700.0,0.0,155700.0,THURSDAY,18,Y,1,0.0,,,XAP,Approved,-480,Cash through the bank,XAP,,Refreshed,Medical Supplies,POS,XNA,Stone,300,Industry,24.0,low_normal,POS industry with interest,365243.0,-444.0,246.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,N,0,103500.0,270000.0,13500.0,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-18418,-1714,-10335.0,-1952,,1,1,1,1,1,0,Sales staff,2.0,2,2,MONDAY,13,0,0,0,0,0,0,Self-employed,,0.6898318436360625,,0.0722,0.0628,0.9796,0.7212,0.0094,0.0,0.1379,0.1667,0.2083,0.0755,0.0588,0.0671,0.0,0.0,0.0735,0.0652,0.9796,0.7321,0.0095,0.0,0.1379,0.1667,0.2083,0.0772,0.0643,0.0699,0.0,0.0,0.0729,0.0628,0.9796,0.7249,0.0095,0.0,0.1379,0.1667,0.2083,0.0768,0.0599,0.0683,0.0,0.0,org spec account,block of flats,0.0583,"Stone, brick",No,1.0,0.0,1.0,0.0,-480.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1231912,392708,Consumer loans,6140.97,49050.0,53905.5,0.0,49050.0,TUESDAY,10,Y,1,0.0,,,XAP,Approved,-1845,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Stone,60,Consumer electronics,12.0,high,POS household with interest,365243.0,-1814.0,-1484.0,-1484.0,-1476.0,0.0,0,Cash loans,F,N,N,0,85500.0,142200.0,8163.0,112500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.00963,-19859,-394,-2516.0,-815,,1,1,0,1,0,0,Medicine staff,1.0,2,2,SATURDAY,11,0,0,0,0,1,1,Kindergarten,,0.3171525529409426,0.7394117535524816,0.0495,0.0463,0.9856,0.8028,0.0037,0.0,0.0345,0.125,0.1667,0.0781,0.0403,0.021,0.0,0.0,0.0504,0.0481,0.9856,0.8105,0.0038,0.0,0.0345,0.125,0.1667,0.0799,0.0441,0.0219,0.0,0.0,0.05,0.0463,0.9856,0.8054,0.0038,0.0,0.0345,0.125,0.1667,0.0795,0.041,0.0214,0.0,0.0,reg oper account,block of flats,0.0254,"Stone, brick",No,0.0,0.0,0.0,0.0,-1845.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1769630,144769,Consumer loans,6394.23,49495.5,48222.0,4950.0,49495.5,SATURDAY,10,Y,1,0.10138794854434664,,,XAP,Approved,-2385,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,22,Connectivity,10.0,high,POS mobile with interest,365243.0,-2354.0,-2084.0,-2084.0,-2076.0,0.0,0,Cash loans,M,Y,N,1,225000.0,1152000.0,41508.0,1152000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-16036,-8269,-8374.0,-4382,3.0,1,1,0,1,1,0,Laborers,3.0,3,3,THURSDAY,7,0,0,0,0,0,0,Transport: type 4,0.3860328670606779,0.4945133405969258,0.7267112092725122,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2385.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1929288,323294,Consumer loans,49196.88,472275.0,472275.0,0.0,472275.0,FRIDAY,11,Y,1,0.0,,,XAP,Refused,-864,Cash through the bank,SCO,Unaccompanied,Repeater,Furniture,POS,XNA,Country-wide,140,Furniture,10.0,low_action,POS industry without interest,,,,,,,0,Cash loans,F,N,N,0,76500.0,514777.5,26280.0,477000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.02461,-21749,365243,-3596.0,-2047,,1,0,0,1,1,0,,2.0,2,2,MONDAY,11,0,0,0,0,0,0,XNA,,0.7235189291823482,0.7490217048463391,0.2289,0.1319,0.9945,0.9252,0.1144,0.2,0.1724,0.375,0.4167,0.0343,0.1849,0.2747,0.0077,0.0136,0.2332,0.1368,0.9945,0.9281,0.1154,0.2014,0.1724,0.375,0.4167,0.035,0.202,0.2862,0.0078,0.0144,0.2311,0.1319,0.9945,0.9262,0.1151,0.2,0.1724,0.375,0.4167,0.0349,0.1881,0.2797,0.0078,0.0139,org spec account,block of flats,0.2877,Panel,No,0.0,0.0,0.0,0.0,-1414.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2341707,266754,Consumer loans,10502.28,63427.5,67612.5,0.0,63427.5,THURSDAY,16,Y,1,0.0,,,XAP,Approved,-1332,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,1500,Consumer electronics,8.0,high,POS household with interest,365243.0,-1301.0,-1091.0,-1091.0,-1084.0,0.0,0,Cash loans,F,N,Y,0,144000.0,263686.5,26208.0,238500.0,Family,Working,Secondary / secondary special,Single / not married,House / apartment,0.016612000000000002,-20253,-1551,-9076.0,-3683,,1,1,0,1,0,0,Laborers,1.0,2,2,SATURDAY,10,0,0,0,0,0,0,Industry: type 2,0.6352907563942121,0.6904724843616435,0.6610235391308081,0.1485,,0.9861,,,0.04,0.0345,0.3333,,,,0.1132,,,0.1513,,0.9861,,,0.0403,0.0345,0.3333,,,,0.1179,,,0.1499,,0.9861,,,0.04,0.0345,0.3333,,,,0.1152,,,,block of flats,0.0971,"Stone, brick",No,0.0,0.0,0.0,0.0,-1332.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1547276,208750,Consumer loans,5324.805,96138.0,115173.0,0.0,96138.0,WEDNESDAY,10,Y,1,0.0,,,XAP,Approved,-1636,Cash through the bank,XAP,Unaccompanied,Refreshed,Audio/Video,POS,XNA,Country-wide,1232,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1605.0,-915.0,-915.0,-904.0,0.0,0,Cash loans,M,N,N,1,112500.0,225000.0,19246.5,225000.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.010556,-15285,-972,-689.0,-1595,,1,1,0,1,0,0,Drivers,2.0,3,3,MONDAY,12,0,0,0,0,0,0,Business Entity Type 2,0.4195567431400145,0.6294706397870851,0.4614823912998385,0.1639,0.196,0.9831,0.7688,0.0255,0.0,0.3793,0.1667,0.2083,0.099,0.1336,0.159,0.0,0.0,0.16699999999999998,0.2034,0.9831,0.7779,0.0257,0.0,0.3793,0.1667,0.2083,0.1013,0.146,0.1656,0.0,0.0,0.1655,0.196,0.9831,0.7719,0.0256,0.0,0.3793,0.1667,0.2083,0.1007,0.136,0.1618,0.0,0.0,reg oper account,block of flats,0.1389,Panel,No,0.0,0.0,0.0,0.0,-698.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1803415,113709,Consumer loans,4646.025,42925.5,41818.5,4293.0,42925.5,SUNDAY,14,Y,1,0.10139482065704372,,,XAP,Approved,-2737,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,-1,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2706.0,-2436.0,-2436.0,-2429.0,1.0,0,Cash loans,M,N,N,1,202500.0,260640.0,26707.5,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,With parents,0.002506,-11510,-626,-1667.0,-4128,,1,1,0,1,0,0,Core staff,2.0,2,2,SUNDAY,4,0,0,0,1,1,0,Business Entity Type 3,,0.7130235811754986,0.30162489168411943,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-474.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +1295210,434155,Cash loans,29950.83,675000.0,755190.0,,675000.0,THURSDAY,9,Y,1,,,,XNA,Approved,-257,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-227.0,823.0,-197.0,-191.0,1.0,0,Cash loans,F,N,Y,0,189000.0,675000.0,41427.0,675000.0,Unaccompanied,Pensioner,Higher education,Single / not married,House / apartment,0.006629,-19672,365243,-8872.0,-2451,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,4,0,0,0,1,0,0,XNA,,0.4190718231064069,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-1149.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2031378,183899,Consumer loans,8396.415,89955.0,89955.0,0.0,89955.0,MONDAY,12,Y,1,0.0,,,XAP,Approved,-350,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Stone,150,Furniture,12.0,low_normal,POS industry with interest,365243.0,-319.0,11.0,-49.0,-43.0,0.0,0,Cash loans,F,N,Y,0,157500.0,135000.0,12685.5,135000.0,Unaccompanied,Pensioner,Higher education,Widow,House / apartment,0.018634,-24860,365243,-10674.0,-4328,,1,0,0,1,0,0,,1.0,2,2,MONDAY,14,0,0,0,0,0,0,XNA,0.9238651160928332,0.7322159193803269,0.6347055309763198,0.1113,0.0773,0.9826,0.762,0.0447,0.12,0.1034,0.3333,0.375,0.0676,0.0908,0.1118,0.0,0.0,0.1134,0.0802,0.9826,0.7713,0.0451,0.1208,0.1034,0.3333,0.375,0.0692,0.0992,0.1165,0.0,0.0,0.1124,0.0773,0.9826,0.7652,0.045,0.12,0.1034,0.3333,0.375,0.0688,0.0923,0.1138,0.0,0.0,reg oper account,block of flats,0.1124,Panel,No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +2190159,289866,Cash loans,15774.705,247500.0,280989.0,,247500.0,SUNDAY,9,Y,1,,,,XNA,Approved,-857,Cash through the bank,XAP,Children,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,365243.0,-827.0,43.0,-617.0,-612.0,1.0,0,Cash loans,F,N,Y,0,135000.0,183784.5,14350.5,148500.0,Unaccompanied,State servant,Higher education,Widow,House / apartment,0.014464,-18672,-723,-2662.0,-2204,,1,1,0,1,1,0,,1.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,Other,0.8613529191881122,0.5879369198224458,0.2910973802776635,0.068,0.0379,0.9752,0.66,0.0217,0.0,0.1034,0.1667,0.0417,0.0615,0.0555,0.0613,0.0,0.0041,0.0693,0.0394,0.9752,0.6733,0.0219,0.0,0.1034,0.1667,0.0417,0.0629,0.0606,0.0639,0.0,0.0043,0.0687,0.0379,0.9752,0.6645,0.0218,0.0,0.1034,0.1667,0.0417,0.0626,0.0564,0.0624,0.0,0.0042,reg oper account,block of flats,0.061,Panel,No,0.0,0.0,0.0,0.0,-2239.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2307725,413906,Consumer loans,20792.97,95760.0,100498.5,0.0,95760.0,WEDNESDAY,14,Y,1,0.0,,,XAP,Approved,-1556,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,20,Connectivity,6.0,high,POS mobile with interest,365243.0,-1525.0,-1375.0,-1375.0,-1356.0,0.0,0,Revolving loans,M,N,N,0,90000.0,247500.0,12375.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Rented apartment,0.019688999999999998,-12408,-5636,-4697.0,-4936,,1,1,0,1,0,0,Laborers,1.0,2,2,FRIDAY,10,0,0,0,0,0,0,Business Entity Type 2,,0.35728197361233577,0.5971924268337128,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-2276.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1291844,324460,Consumer loans,3712.815,22275.0,20047.5,2227.5,22275.0,MONDAY,11,Y,1,0.1089090909090909,,,XAP,Approved,-2422,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Stone,150,Consumer electronics,6.0,middle,POS household without interest,365243.0,-2387.0,-2237.0,-2237.0,-2234.0,0.0,0,Revolving loans,M,Y,N,0,81000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-13566,-2531,-4092.0,-4441,8.0,1,1,0,1,1,0,Laborers,2.0,2,2,MONDAY,9,0,0,0,0,1,1,Business Entity Type 3,,0.6755179341232559,0.7121551551910698,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2077.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,3.0 +2471805,379220,Cash loans,12466.035,180000.0,203760.0,,180000.0,THURSDAY,10,Y,1,,,,XNA,Approved,-435,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-403.0,287.0,-73.0,-68.0,0.0,1,Cash loans,F,N,Y,0,90000.0,284400.0,10849.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.005084,-23979,365243,-116.0,-4845,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,13,0,0,0,0,0,0,XNA,,0.7581465935718088,0.6127042441012546,0.0753,0.0557,0.9846,0.7892,0.0385,0.0,0.0345,0.1667,0.2083,,0.0614,0.0433,0.0,0.006999999999999999,0.0767,0.0578,0.9846,0.7975,0.0388,0.0,0.0345,0.1667,0.2083,,0.067,0.0451,0.0,0.0074,0.076,0.0557,0.9846,0.792,0.0387,0.0,0.0345,0.1667,0.2083,,0.0624,0.044,0.0,0.0071,reg oper account,block of flats,0.034,"Stone, brick",No,1.0,1.0,1.0,1.0,-435.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1771142,345412,Cash loans,37429.92,922500.0,1056447.0,,922500.0,SUNDAY,10,Y,1,,,,XNA,Approved,-473,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,middle,Cash X-Sell: middle,365243.0,-443.0,1327.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,310500.0,796500.0,33745.5,796500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00733,-21629,-8254,-15689.0,-5129,,1,1,1,1,0,0,Accountants,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,Other,0.757135333882656,0.6199145032967248,0.7016957740576931,0.133,0.1244,0.9776,0.6940000000000001,,0.0,0.2759,0.1667,0.2083,0.041,0.1084,0.1192,,0.0012,0.1355,0.1291,0.9777,0.706,,0.0,0.2759,0.1667,0.2083,0.042,0.1185,0.1242,,0.0012,0.1343,0.1244,0.9776,0.6981,,0.0,0.2759,0.1667,0.2083,0.0417,0.1103,0.1213,,0.0012,,block of flats,0.094,"Stone, brick",No,1.0,0.0,1.0,0.0,-2044.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1164053,418648,Consumer loans,5542.065,68985.0,50985.0,18000.0,68985.0,TUESDAY,11,Y,1,0.2841724485560102,,,XAP,Approved,-2600,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Stone,77,Consumer electronics,12.0,high,POS household with interest,365243.0,-2563.0,-2233.0,-2263.0,-2259.0,0.0,0,Cash loans,M,N,N,0,103500.0,1288350.0,37800.0,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-21500,-159,-7918.0,-3980,,1,1,0,1,0,0,Security staff,2.0,2,2,FRIDAY,8,0,1,1,0,1,1,Security,0.5999059041991165,0.4243673318833682,0.7544061731797895,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1371400,374402,Consumer loans,10378.935,55800.0,58747.5,0.0,55800.0,THURSDAY,11,Y,1,0.0,,,XAP,Approved,-720,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Stone,250,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-689.0,-539.0,-539.0,-535.0,0.0,0,Cash loans,F,N,Y,0,103500.0,339948.0,24304.5,315000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.030755,-23304,365243,-13403.0,-4146,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,,0.6834849627613659,0.813917469762627,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-720.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1029658,311550,Consumer loans,4875.075,86494.5,104760.0,0.0,86494.5,WEDNESDAY,11,Y,1,0.0,,,XAP,Approved,-784,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,3000,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-753.0,-63.0,-63.0,-59.0,0.0,0,Cash loans,F,N,N,0,112500.0,814041.0,23800.5,679500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.008575,-17956,-1651,-5923.0,-1192,,1,1,1,1,1,0,Sales staff,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Government,0.6450437486209023,0.7283653550172179,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-784.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1629876,294943,Consumer loans,3338.865,18855.0,20101.5,0.0,18855.0,TUESDAY,14,Y,1,0.0,,,XAP,Approved,-1169,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,100,Connectivity,8.0,high,POS mobile with interest,365243.0,-1132.0,-922.0,-922.0,-918.0,0.0,1,Cash loans,M,Y,Y,0,225000.0,454500.0,19386.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.009656999999999999,-11774,-818,-3609.0,-2140,64.0,1,1,0,1,0,0,,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Other,,0.3329583910452568,0.4992720153045617,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1169.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1513110,191130,Consumer loans,8495.64,83907.0,92767.5,0.0,83907.0,TUESDAY,18,Y,1,0.0,,,XAP,Approved,-447,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Regional / Local,121,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-415.0,-85.0,-115.0,-113.0,0.0,0,Cash loans,F,N,Y,0,180000.0,993082.5,42205.5,913500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.00496,-19346,-5763,-128.0,-2868,,1,1,0,1,0,0,Laborers,1.0,2,2,MONDAY,17,0,0,0,0,0,0,Construction,0.5472653619582428,0.5969022732598612,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-120.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1940730,274030,Cash loans,23976.0,450000.0,450000.0,,450000.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-133,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),10,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-103.0,587.0,365243.0,365243.0,0.0,1,Cash loans,F,N,N,0,202500.0,733500.0,21447.0,733500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.025164,-20940,-4646,-6767.0,-3962,,1,1,1,1,1,0,Sales staff,1.0,2,2,MONDAY,14,0,0,0,0,0,0,Self-employed,,0.04200928551868253,0.5867400085415683,0.0825,0.078,0.9737,0.6396,0.0,0.0,0.1379,0.1667,0.0417,0.0,0.0,0.0647,,0.0338,0.084,0.081,0.9737,0.6537,0.0,0.0,0.1379,0.1667,0.0417,0.0,0.0,0.0674,,0.0358,0.0833,0.078,0.9737,0.6444,0.0,0.0,0.1379,0.1667,0.0417,0.0,0.0,0.0658,,0.0345,reg oper account,block of flats,0.069,Panel,No,0.0,0.0,0.0,0.0,-891.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1186000,173082,Cash loans,44568.585,720000.0,834048.0,,720000.0,FRIDAY,10,Y,1,,,,XNA,Approved,-284,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-254.0,436.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,220500.0,481500.0,21339.0,481500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.072508,-22769,365243,-4802.0,-5438,,1,0,0,1,0,0,,1.0,1,1,TUESDAY,10,0,0,0,0,0,0,XNA,,0.7419868754190672,,0.1485,0.0781,0.9801,0.728,0.0,0.16,0.1379,0.3333,0.0417,0.0,0.121,0.1428,0.0,0.0,0.1513,0.0808,0.9801,0.7387,0.0,0.1611,0.1379,0.3333,0.0417,0.0,0.1322,0.1484,0.0,0.0,0.1499,0.0781,0.9801,0.7316,0.0,0.16,0.1379,0.3333,0.0417,0.0,0.1231,0.1454,0.0,0.0,not specified,block of flats,0.112,Panel,No,0.0,0.0,0.0,0.0,-2510.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1906354,379195,Cash loans,32596.695,540000.0,625536.0,,540000.0,SATURDAY,11,Y,1,,,,XNA,Approved,-713,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,high,Cash X-Sell: high,365243.0,-683.0,727.0,-443.0,-439.0,1.0,0,Cash loans,M,N,Y,0,135000.0,414792.0,21847.5,315000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.00733,-20636,-1277,-1970.0,-3343,,1,1,0,1,0,0,,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,Industry: type 9,,0.7090022074945687,0.3706496323299817,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1124.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1368427,129446,Cash loans,24722.46,112500.0,129937.5,,112500.0,MONDAY,15,Y,1,,,,XNA,Approved,-1168,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-1138.0,-988.0,-1018.0,-1015.0,1.0,0,Cash loans,M,Y,Y,0,180000.0,781920.0,47965.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.032561,-11609,-3878,-4692.0,-4141,3.0,1,1,0,1,0,1,Sales staff,2.0,1,1,SUNDAY,10,0,0,0,0,0,0,Self-employed,,0.3221554299572505,0.6986675550534175,0.1227,0.0815,0.9866,0.8164,0.0224,0.12,0.1034,0.375,0.0417,0.1164,0.1,0.0881,0.0,0.0,0.125,0.0846,0.9866,0.8236,0.0226,0.1208,0.1034,0.375,0.0417,0.119,0.1093,0.0918,0.0,0.0,0.1239,0.0815,0.9866,0.8189,0.0225,0.12,0.1034,0.375,0.0417,0.1184,0.1018,0.0897,0.0,0.0,reg oper account,block of flats,0.1057,Panel,No,0.0,0.0,0.0,0.0,-54.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +2045602,434419,Cash loans,23943.33,270000.0,309145.5,,270000.0,SATURDAY,10,Y,1,,,,XNA,Approved,-681,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-651.0,-141.0,-621.0,-617.0,1.0,0,Cash loans,M,N,Y,0,90000.0,640080.0,31261.5,450000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.0038130000000000004,-12470,-501,-111.0,-3089,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Other,,0.3604567336528706,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-759.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2512236,145074,Consumer loans,6038.685,39555.0,37368.0,4500.0,39555.0,MONDAY,9,Y,1,0.1170562026108027,,,XAP,Approved,-1871,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,43,Connectivity,8.0,high,POS mobile with interest,365243.0,-1840.0,-1630.0,-1630.0,-1592.0,0.0,1,Cash loans,M,Y,Y,2,130500.0,1288350.0,37800.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-12343,-246,-3815.0,-4512,1.0,1,1,0,1,0,0,Laborers,4.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.46174836742729103,0.6577838002083306,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1871.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,4.0,1.0,3.0 +2035952,126694,Cash loans,48263.895,697500.0,733405.5,,697500.0,WEDNESDAY,14,Y,1,,,,XNA,Approved,-318,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-288.0,222.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,180000.0,696150.0,30793.5,562500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.011703,-18020,-2449,-8703.0,-1545,,1,1,0,1,0,0,Sales staff,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,Self-employed,0.5198503434265772,0.6910096844137753,0.646329897706246,0.3124,0.0578,0.9767,0.6124,,0.32,0.3448,0.2292,0.1667,0.1633,,0.3299,,0.0857,0.0641,0.0,0.9717,0.6276,,0.0,0.1379,0.125,0.1667,0.0207,,0.0638,,0.0355,0.3154,0.0578,0.9767,0.6176,,0.32,0.3448,0.2292,0.1667,0.1661,,0.3358,,0.0875,,block of flats,0.0554,"Stone, brick",No,0.0,0.0,0.0,0.0,-940.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2332985,456139,Cash loans,10332.72,90000.0,95940.0,,90000.0,SATURDAY,10,Y,1,,,,XNA,Approved,-772,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-742.0,-412.0,-717.0,-699.0,1.0,0,Cash loans,F,N,Y,0,90000.0,203760.0,13747.5,180000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.019688999999999998,-23340,365243,-7902.0,-3982,,1,0,0,1,1,0,,1.0,2,2,MONDAY,14,0,0,0,0,0,0,XNA,,0.19454042579528752,0.4848514754962666,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1696.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2753459,133313,Consumer loans,8206.02,58410.0,52569.0,5841.0,58410.0,MONDAY,18,Y,1,0.1089090909090909,,,XAP,Refused,-2430,Cash through the bank,LIMIT,"Spouse, partner",Refreshed,Computers,POS,XNA,Country-wide,1200,Consumer electronics,8.0,high,POS household with interest,,,,,,,0,Cash loans,M,Y,Y,0,315000.0,852088.5,33921.0,688500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.04622,-13013,-1567,-3738.0,-4625,10.0,1,1,0,1,0,0,,2.0,1,1,TUESDAY,9,0,0,0,0,0,0,Transport: type 4,0.8164348065762862,0.5258699790716845,0.6109913280868294,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2430.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1844003,438507,Cash loans,25540.245,450000.0,545040.0,,450000.0,SUNDAY,12,Y,1,,,,XNA,Approved,-176,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-146.0,1264.0,-56.0,-50.0,1.0,1,Cash loans,M,N,Y,0,135000.0,373311.0,22689.0,283500.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.0105,-15562,-7824,-7881.0,-3989,,1,1,0,1,1,0,Laborers,2.0,3,3,MONDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.3473706120934497,0.5478705515762112,0.2445163919946749,0.0361,,0.9841,,,0.04,,0.3333,,,,,,,0.0368,,0.9841,,,0.0403,,0.3333,,,,,,,0.0364,,0.9841,,,0.04,,0.3333,,,,,,,,block of flats,0.0348,"Stone, brick",No,0.0,0.0,0.0,0.0,-1831.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1537160,221544,Consumer loans,17570.655,80919.0,95017.5,0.0,80919.0,THURSDAY,13,Y,1,0.0,,,XAP,Approved,-467,Cash through the bank,XAP,,New,Computers,POS,XNA,Stone,1380,Consumer electronics,6.0,middle,POS household with interest,365243.0,-436.0,-286.0,-286.0,-282.0,0.0,0,Cash loans,M,N,Y,1,180000.0,437818.5,29389.5,396000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-8623,-229,-1628.0,-1302,,1,1,0,1,0,0,Security staff,3.0,2,2,TUESDAY,13,0,0,0,0,0,0,Government,,0.5195633773699851,,0.0412,0.039,0.9786,0.7076,0.0048,0.0,0.069,0.1667,0.2083,0.0363,0.0336,0.0333,0.0,0.0,0.042,0.0405,0.9786,0.7190000000000001,0.0049,0.0,0.069,0.1667,0.2083,0.0372,0.0367,0.0347,0.0,0.0,0.0416,0.039,0.9786,0.7115,0.0049,0.0,0.069,0.1667,0.2083,0.037000000000000005,0.0342,0.0339,0.0,0.0,reg oper account,block of flats,0.0289,Panel,No,0.0,0.0,0.0,0.0,-467.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1320693,124151,Revolving loans,2250.0,225000.0,45000.0,,225000.0,THURSDAY,11,Y,1,,,,XAP,Approved,-146,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-146.0,-99.0,365243.0,-38.0,-37.0,0.0,0,Revolving loans,F,N,Y,0,81000.0,247500.0,12375.0,247500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.014519999999999996,-15849,-153,-4653.0,-1034,,1,1,0,1,0,0,Accountants,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Other,0.5353701944566905,0.5203438982468218,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,-2022.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1716358,324482,Consumer loans,4728.555,51633.0,51633.0,0.0,51633.0,SUNDAY,16,Y,1,0.0,,,XAP,Approved,-704,Non-cash from your account,XAP,Unaccompanied,Refreshed,Homewares,POS,XNA,Country-wide,500,Furniture,12.0,low_action,POS industry without interest,365243.0,-673.0,-343.0,-643.0,-632.0,0.0,0,Cash loans,F,N,Y,1,90000.0,405000.0,15399.0,405000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-10032,-1662,-4557.0,-2606,,1,1,1,1,0,0,Medicine staff,3.0,2,2,THURSDAY,17,0,0,0,1,1,0,Medicine,,0.5363852450571327,0.7366226976503176,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1374.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1684788,385631,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,8,Y,1,,,,XAP,Approved,-425,XNA,XAP,,Repeater,XNA,Cards,walk-in,Country-wide,138,Consumer electronics,0.0,XNA,Card Street,-423.0,-378.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,0,279000.0,450000.0,27324.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.006305,-11046,-1030,-3079.0,-2426,,1,1,1,1,1,0,Laborers,2.0,3,3,SUNDAY,14,0,1,1,1,1,1,Business Entity Type 3,0.16199158451915946,0.5102290177776901,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-658.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,1.0,0.0,0.0,0.0,2.0 +1598469,301964,Cash loans,51078.6,1215000.0,1215000.0,,1215000.0,WEDNESDAY,17,Y,1,,,,XNA,Approved,-738,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-708.0,702.0,-228.0,-223.0,0.0,1,Cash loans,F,N,Y,0,292500.0,677664.0,49311.0,585000.0,Family,Commercial associate,Higher education,Single / not married,House / apartment,0.011703,-12027,-1375,-156.0,-4183,,1,1,0,1,0,0,Managers,1.0,2,2,SATURDAY,13,0,0,0,0,0,0,Self-employed,0.2992538281219368,0.6937343915404074,0.3859146722745145,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-742.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1536369,109817,Cash loans,21675.465,454500.0,508495.5,,454500.0,WEDNESDAY,8,Y,1,,,,XNA,Approved,-11,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,N,1,90000.0,900000.0,26316.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.018209,-14337,-2169,-751.0,-4964,3.0,1,1,1,1,0,0,Sales staff,3.0,3,3,THURSDAY,17,0,0,0,0,0,0,Industry: type 3,,0.4541327386367144,,,,0.9791,,,,,,,,,0.065,,,,,0.9791,,,,,,,,,0.0678,,,,,0.9791,,,,,,,,,0.0662,,,,,0.0512,,No,3.0,1.0,3.0,1.0,-1844.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2666567,114928,Consumer loans,2436.93,58495.5,52294.5,6201.0,58495.5,TUESDAY,17,Y,1,0.11545251732650764,,,XAP,Refused,-2611,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,POS,XNA,Country-wide,1552,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,0,Cash loans,F,Y,N,0,180000.0,450000.0,30073.5,450000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.0105,-15302,-6133,-3401.0,-4355,3.0,1,1,1,1,1,0,,2.0,3,3,MONDAY,9,0,0,0,0,0,0,Industry: type 11,0.8439859846455272,0.7002552149905211,0.7407990879702335,0.1031,0.0754,0.9916,,,0.1,0.1724,0.4375,,0.0673,,0.1082,,0.0576,0.105,0.0547,0.9881,,,0.0403,0.1034,0.3333,,0.0689,,0.0766,,0.0519,0.1041,0.0754,0.9916,,,0.1,0.1724,0.4375,,0.0685,,0.1102,,0.0588,,block of flats,0.0685,"Stone, brick",No,2.0,0.0,2.0,0.0,-36.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1648055,109954,Consumer loans,8061.48,60745.5,66091.5,0.0,60745.5,THURSDAY,11,Y,1,0.0,,,XAP,Approved,-299,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Stone,937,Furniture,10.0,middle,POS industry with interest,365243.0,-267.0,3.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,72000.0,598486.5,21627.0,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-20888,365243,-749.0,-3431,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,,0.089632438667131,0.6075573001388961,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,0.0,-939.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1843429,274007,Revolving loans,9000.0,0.0,180000.0,,,SATURDAY,17,Y,1,,,,XAP,Approved,-2844,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,-1,Consumer electronics,0.0,XNA,Card Street,-2721.0,-2677.0,365243.0,-191.0,-151.0,0.0,0,Cash loans,F,N,Y,0,540000.0,1066320.0,38299.5,900000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.04622,-13951,-4228,-7916.0,-4666,,1,1,1,1,0,1,,2.0,1,1,MONDAY,14,1,1,0,1,1,0,Government,0.6427026803694829,0.7003699513891332,0.3185955240537633,0.0619,0.2792,0.9811,0.7416,0.0878,0.0,0.1379,0.1667,0.0417,0.0442,0.0504,0.0346,0.0,0.0656,0.063,0.2897,0.9811,0.7517,0.0886,0.0,0.1379,0.1667,0.0417,0.0452,0.0551,0.0361,0.0,0.0694,0.0625,0.2792,0.9811,0.7451,0.0884,0.0,0.1379,0.1667,0.0417,0.0449,0.0513,0.0352,0.0,0.067,reg oper spec account,block of flats,0.048,Panel,No,0.0,0.0,0.0,0.0,-1830.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +2384340,306017,Revolving loans,38250.0,765000.0,765000.0,,765000.0,SATURDAY,9,Y,1,,,,XAP,Approved,-629,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-604.0,-560.0,365243.0,-72.0,365243.0,0.0,0,Cash loans,M,N,Y,0,292500.0,640080.0,31261.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00733,-10027,-2744,-4718.0,-2709,,1,1,0,1,0,0,Waiters/barmen staff,2.0,2,2,FRIDAY,16,0,1,1,0,1,1,Business Entity Type 3,0.2237482223664329,0.3781125006076813,0.41184855592423975,0.066,,0.9742,0.6464,,0.0,0.1379,0.125,0.0417,,0.0538,0.0509,,,0.0672,,0.9742,0.6602,,0.0,0.1379,0.125,0.0417,,0.0588,0.053,,,0.0666,,0.9742,0.6511,,0.0,0.1379,0.125,0.0417,,0.0547,0.0518,,,reg oper account,block of flats,0.0405,"Stone, brick",No,3.0,0.0,3.0,0.0,-629.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +2412175,134103,Consumer loans,9333.315,77845.5,81297.0,3870.0,77845.5,SUNDAY,17,Y,1,0.049488438223511656,,,XAP,Approved,-1591,Cash through the bank,XAP,"Spouse, partner",Repeater,Computers,POS,XNA,Regional / Local,209,Consumer electronics,12.0,high,POS household with interest,365243.0,-1560.0,-1230.0,-1440.0,-1437.0,0.0,0,Cash loans,M,Y,Y,0,261000.0,891072.0,37881.0,720000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.018801,-11705,-3127,-5290.0,-4047,8.0,1,1,0,1,0,0,Laborers,1.0,2,2,TUESDAY,16,0,0,0,1,1,0,Business Entity Type 3,0.2098196767348645,0.5972547475331572,,0.0165,0.0,0.9801,,,0.0,0.069,0.0417,,0.0,,0.0092,,0.0176,0.0168,0.0,0.9801,,,0.0,0.069,0.0417,,0.0,,0.0096,,0.0186,0.0167,0.0,0.9801,,,0.0,0.069,0.0417,,0.0,,0.0094,,0.018000000000000002,,block of flats,0.0111,Block,No,0.0,0.0,0.0,0.0,-1937.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1489149,377893,Consumer loans,12663.54,57897.0,60952.5,0.0,57897.0,MONDAY,14,Y,1,0.0,,,XAP,Approved,-208,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,36,Connectivity,6.0,high,POS mobile with interest,365243.0,-178.0,-28.0,-28.0,-20.0,1.0,1,Cash loans,M,Y,Y,1,180000.0,1133748.0,36702.0,990000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.005084,-15046,-440,-4883.0,-4889,12.0,1,1,0,1,0,0,Laborers,3.0,2,2,SATURDAY,11,0,1,1,0,1,1,Self-employed,,0.4542303164252395,0.6971469077844458,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-208.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1506598,297031,Cash loans,58969.53,1125000.0,1223010.0,,1125000.0,TUESDAY,16,Y,1,,,,XNA,Refused,-988,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,270000.0,531706.5,42138.0,459000.0,Children,Commercial associate,Higher education,Married,House / apartment,0.01885,-15008,-2072,-8409.0,-2367,,1,1,1,1,1,0,,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.6877265930563483,0.5994882387806106,0.25396280933631177,0.1052,0.0827,0.9821,0.7552,0.0287,0.12,0.1034,0.3333,,,0.0857,0.111,0.0154,0.2791,0.1071,0.0858,0.9821,0.7648,0.0289,0.1208,0.1034,0.3333,,,0.0937,0.1156,0.0156,0.2955,0.1062,0.0827,0.9821,0.7585,0.0288,0.12,0.1034,0.3333,,,0.0872,0.113,0.0155,0.285,,block of flats,0.1636,Panel,No,4.0,1.0,4.0,1.0,-1686.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1495691,278495,Cash loans,82934.055,454500.0,463500.0,,454500.0,SATURDAY,16,Y,1,,,,XNA,Approved,-278,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,low_normal,Cash X-Sell: low,365243.0,-248.0,-98.0,-248.0,-242.0,1.0,0,Cash loans,F,N,Y,0,157500.0,808650.0,26217.0,675000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.010147,-19810,-3523,-10087.0,-3353,,1,1,1,1,0,0,Cooking staff,2.0,2,2,THURSDAY,15,0,0,0,0,1,1,Trade: type 7,,0.6024615394041083,0.1694287272664794,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1423.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +2529299,435381,Cash loans,9897.885,45000.0,52006.5,,45000.0,TUESDAY,8,Y,1,,,,Other,Refused,-178,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,2,90000.0,225000.0,10489.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-12055,-2526,-5180.0,-1739,,1,1,1,1,1,0,Laborers,4.0,2,2,FRIDAY,10,0,0,0,0,0,0,Self-employed,0.2549993214834589,0.7439245820500041,0.6785676886853644,0.0309,0.0386,0.9881,0.8368,0.0146,0.0,0.069,0.1667,0.2083,0.0526,0.0252,0.0276,0.0,0.0,0.0315,0.0401,0.9881,0.8432,0.0148,0.0,0.069,0.1667,0.2083,0.0537,0.0275,0.0288,0.0,0.0,0.0312,0.0386,0.9881,0.8390000000000001,0.0147,0.0,0.069,0.1667,0.2083,0.0535,0.0257,0.0281,0.0,0.0,reg oper account,block of flats,0.0217,"Stone, brick",No,5.0,0.0,5.0,0.0,-568.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,2.0,7.0 +1441231,258446,Cash loans,,0.0,0.0,,,SATURDAY,15,Y,1,,,,XNA,Refused,-366,XNA,HC,,Repeater,XNA,XNA,XNA,Country-wide,50,Connectivity,,XNA,Cash,,,,,,,0,Cash loans,M,Y,Y,0,112500.0,265500.0,21415.5,265500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.005084,-9102,-1079,-9102.0,-1767,8.0,1,1,0,1,0,1,Laborers,1.0,2,2,MONDAY,14,0,0,0,0,1,1,Business Entity Type 1,,0.6098327317031846,0.2764406945454034,0.0825,0.102,0.9876,,,0.0,0.2069,0.1667,,0.0991,,0.0807,,0.0,0.084,0.1059,0.9876,,,0.0,0.2069,0.1667,,0.1014,,0.0841,,0.0,0.0833,0.102,0.9876,,,0.0,0.2069,0.1667,,0.1008,,0.0821,,0.0,,block of flats,0.0721,Panel,No,3.0,0.0,3.0,0.0,-579.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,2.0,4.0 +2248724,189690,Consumer loans,6925.41,55350.0,50922.0,4428.0,55350.0,WEDNESDAY,11,Y,1,0.08712727272727272,,,XAP,Approved,-2525,Cash through the bank,XAP,"Spouse, partner",New,Other,POS,XNA,Stone,334,Construction,8.0,low_normal,POS industry without interest,365243.0,-2489.0,-2279.0,-2309.0,-2304.0,0.0,0,Cash loans,F,N,Y,0,247500.0,760131.0,24651.0,634500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.019101,-21158,-9179,-9747.0,-4707,,1,1,0,1,1,0,Laborers,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Business Entity Type 1,,0.5913655617087491,0.3001077565791181,0.1155,0.1798,0.9866,,,0.0,0.2759,0.1667,,0.0993,,0.1194,,0.0,0.1176,0.1866,0.9866,,,0.0,0.2759,0.1667,,0.1015,,0.1244,,0.0,0.1166,0.1798,0.9866,,,0.0,0.2759,0.1667,,0.101,,0.1216,,0.0,,block of flats,0.0939,"Stone, brick",No,2.0,1.0,2.0,1.0,-1592.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2162229,170925,Consumer loans,10349.325,211095.0,222088.5,22387.5,211095.0,WEDNESDAY,14,Y,1,0.09973176396567647,,,XAP,Approved,-2765,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,1800,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-2733.0,-2043.0,-2043.0,-2040.0,1.0,0,Cash loans,F,N,Y,0,202500.0,126000.0,13360.5,126000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.0060079999999999995,-19688,-1243,-8793.0,-1181,,1,1,0,1,1,0,Laborers,2.0,2,2,WEDNESDAY,15,0,0,0,0,1,1,Business Entity Type 3,,0.5085348784568812,0.7001838506835805,0.2588,0.1881,0.9886,0.8436,0.0961,0.28,0.2414,0.3333,0.375,0.0808,0.211,0.3031,0.0,0.0,0.2637,0.1952,0.9886,0.8497,0.097,0.282,0.2414,0.3333,0.375,0.0826,0.2305,0.3158,0.0,0.0,0.2613,0.1881,0.9886,0.8457,0.0967,0.28,0.2414,0.3333,0.375,0.0822,0.2146,0.3085,0.0,0.0,reg oper spec account,block of flats,0.2909,Panel,No,0.0,0.0,0.0,0.0,-442.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2396768,110059,Consumer loans,8435.79,159826.5,187254.0,0.0,159826.5,SATURDAY,15,Y,1,0.0,,,XAP,Approved,-934,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,1073,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-903.0,-213.0,-483.0,-478.0,0.0,0,Cash loans,F,N,Y,0,202500.0,1271929.5,54018.0,1170000.0,Family,Pensioner,Higher education,Widow,House / apartment,0.04622,-22117,365243,-8249.0,-2105,,1,0,0,1,0,0,,1.0,1,1,TUESDAY,19,0,0,0,0,0,0,XNA,,0.5692835234949483,0.4956658291397297,0.0412,0.0,0.9781,0.7008,,0.0,0.069,0.1667,0.2083,0.0406,,0.0364,,0.0272,0.042,0.0,0.9782,0.7125,,0.0,0.069,0.1667,0.2083,0.0415,,0.0379,,0.0288,0.0416,0.0,0.9781,0.7048,,0.0,0.069,0.1667,0.2083,0.0413,,0.0371,,0.0278,reg oper account,block of flats,0.0377,"Stone, brick",No,1.0,0.0,1.0,0.0,-1216.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2075330,379560,Consumer loans,7038.45,42705.0,24705.0,18000.0,42705.0,SATURDAY,17,Y,1,0.4590478015135546,,,XAP,Approved,-2439,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,84,Connectivity,4.0,high,POS mobile with interest,365243.0,-2408.0,-2318.0,-2318.0,-2312.0,0.0,0,Cash loans,F,N,N,1,225000.0,1436850.0,38034.0,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.072508,-16178,-427,-3611.0,-2720,,1,1,0,1,1,0,Medicine staff,2.0,1,1,SUNDAY,10,0,0,0,0,0,0,Medicine,0.6099906428731416,0.6301844035010239,0.6706517530862718,0.2948,0.1431,0.995,0.932,0.1562,0.4,0.1724,0.6667,0.5833,0.0,0.2505,0.1857,0.0463,0.0622,0.3004,0.1485,0.995,0.9347,0.1576,0.4028,0.1724,0.6667,0.5833,0.0,0.2736,0.1934,0.0467,0.0659,0.2977,0.1431,0.995,0.9329,0.1572,0.4,0.1724,0.6667,0.5833,0.0,0.2548,0.189,0.0466,0.0635,,block of flats,0.254,Panel,No,0.0,0.0,0.0,0.0,-2884.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2346498,207992,Consumer loans,7064.37,44959.275,37737.0,9004.275,44959.275,SATURDAY,19,Y,1,0.20980330650917287,,,XAP,Approved,-1779,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Country-wide,1173,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1745.0,-1595.0,-1595.0,-1589.0,0.0,0,Cash loans,F,N,N,0,162000.0,450000.0,27193.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.011656999999999999,-16652,-4266,-309.0,-121,,1,1,1,1,0,0,Core staff,2.0,1,1,SUNDAY,12,0,0,0,0,0,0,Military,0.7743878967342578,0.6264001568194045,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,1.0,0.0,-62.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,0.0 +1515257,291909,Consumer loans,9150.345,82890.45,72153.0,16573.95,82890.45,SATURDAY,14,Y,1,0.20343918361588292,,,XAP,Approved,-453,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Stone,214,Consumer electronics,10.0,high,POS household with interest,365243.0,-422.0,-152.0,-152.0,-144.0,0.0,0,Revolving loans,F,N,Y,0,99000.0,315000.0,15750.0,315000.0,Children,State servant,Secondary / secondary special,Widow,House / apartment,0.010276,-22693,-354,-8415.0,-4760,,1,1,0,1,1,0,,1.0,2,2,THURSDAY,14,0,0,0,0,0,0,School,,0.21652638319253195,,0.0938,0.1156,0.9886,0.8436,0.0135,0.0,0.2069,0.1667,0.2083,0.1289,0.0756,0.083,0.0039,0.0,0.0956,0.12,0.9886,0.8497,0.0136,0.0,0.2069,0.1667,0.2083,0.1318,0.0826,0.0864,0.0039,0.0,0.0947,0.1156,0.9886,0.8457,0.0135,0.0,0.2069,0.1667,0.2083,0.1311,0.077,0.0845,0.0039,0.0,reg oper spec account,block of flats,0.0726,"Stone, brick",No,1.0,0.0,1.0,0.0,-453.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1532898,107091,Consumer loans,12182.49,112900.5,101605.5,11295.0,112900.5,SUNDAY,12,Y,1,0.1089568409190554,,,XAP,Approved,-1021,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,20,Connectivity,12.0,high,POS mobile with interest,365243.0,-972.0,-642.0,-672.0,-663.0,0.0,0,Cash loans,F,Y,Y,0,180000.0,573408.0,20727.0,495000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.04622,-21653,365243,-13626.0,-4105,5.0,1,0,0,1,0,0,,2.0,1,1,SATURDAY,13,0,0,0,0,0,0,XNA,,0.6671323704571803,0.8193176922872417,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-59.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,0.0 +1525156,356381,Cash loans,18866.115,432000.0,491877.0,,432000.0,SUNDAY,12,Y,1,,,,XNA,Refused,-370,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Revolving loans,F,N,N,0,225000.0,337500.0,16875.0,337500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.00496,-22286,365243,-12119.0,-4070,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,XNA,,0.581304455497312,0.5316861425197883,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-622.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2015784,364985,Cash loans,33249.735,900000.0,1030680.0,,900000.0,THURSDAY,13,Y,1,,,,XNA,Approved,-398,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,184500.0,566055.0,15061.5,472500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-16381,-4037,-324.0,-4626,,1,1,0,1,0,0,Core staff,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Kindergarten,0.2713337846096993,0.5950382928427886,0.4507472818545589,0.1464,0.0582,0.9901,0.8640000000000001,0.0261,0.04,0.0345,0.3333,0.375,0.0384,0.1194,0.1003,0.0,0.0,0.1492,0.0604,0.9901,0.8693,0.0264,0.0403,0.0345,0.3333,0.375,0.0393,0.1304,0.1045,0.0,0.0,0.1478,0.0582,0.9901,0.8658,0.0263,0.04,0.0345,0.3333,0.375,0.0391,0.1214,0.1021,0.0,0.0,reg oper account,block of flats,0.0931,"Stone, brick",No,0.0,0.0,0.0,0.0,-20.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,5.0 +2744533,434483,Revolving loans,10125.0,202500.0,202500.0,,202500.0,TUESDAY,5,Y,1,,,,XAP,Refused,-254,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,157500.0,563877.0,22491.0,504000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.008068,-23486,365243,-10579.0,-1942,,1,0,0,1,0,0,,1.0,3,3,THURSDAY,9,0,0,0,0,0,0,XNA,,0.3937512366380102,0.7992967832109371,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-909.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2807250,313904,Revolving loans,12600.0,0.0,180000.0,,,WEDNESDAY,13,Y,1,,,,XAP,Approved,-2064,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,30,Connectivity,0.0,XNA,Card X-Sell,-2062.0,-2028.0,365243.0,-1024.0,365243.0,0.0,0,Cash loans,F,N,Y,0,126000.0,88884.0,5809.5,67500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.0105,-15708,-5409,-4233.0,-5025,,1,1,1,1,1,0,Medicine staff,2.0,3,3,TUESDAY,10,0,0,0,0,0,0,Kindergarten,,0.6324646124961362,0.5531646987710016,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,0.0,9.0,0.0,-2064.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1817874,434506,Consumer loans,10924.335,51257.25,40999.5,10257.75,51257.25,FRIDAY,19,Y,1,0.21795204137419127,,,XAP,Approved,-746,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,150,Connectivity,4.0,middle,POS mobile without interest,365243.0,-708.0,-618.0,-618.0,-611.0,0.0,0,Revolving loans,M,N,N,0,90000.0,180000.0,9000.0,180000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,Rented apartment,0.006233,-8047,-856,-2783.0,-77,,1,1,0,1,0,0,High skill tech staff,1.0,2,2,TUESDAY,16,0,0,0,0,0,0,Trade: type 3,0.12076449749406452,0.4664310498015136,0.3296550543128238,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-746.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2199246,351614,Consumer loans,10661.805,85725.0,85725.0,0.0,85725.0,WEDNESDAY,9,Y,1,0.0,,,XAP,Approved,-203,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Stone,5,Furniture,10.0,middle,POS industry with interest,365243.0,-173.0,97.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,76500.0,414000.0,22590.0,414000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.015221,-20709,365243,-9015.0,-4250,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,XNA,,0.5441249156566593,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-350.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2710220,399154,Consumer loans,9747.09,69745.5,36099.0,34875.0,69745.5,SUNDAY,15,Y,1,0.5351543587024183,,,XAP,Approved,-737,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,45,Consumer electronics,4.0,middle,POS household with interest,365243.0,-706.0,-616.0,-706.0,-693.0,0.0,0,Cash loans,F,N,N,0,81000.0,942300.0,27549.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.007305,-17704,-4579,-6354.0,-34,,1,1,0,1,0,0,Laborers,2.0,3,3,TUESDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.6469333652795382,,0.0361,,0.9682,,,,0.069,0.0833,,,,0.0146,,,0.0368,,0.9682,,,,0.069,0.0833,,,,0.0152,,,0.0364,,0.9682,,,,0.069,0.0833,,,,0.0148,,,,block of flats,0.0155,"Stone, brick",No,0.0,0.0,0.0,0.0,-737.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2715669,119355,Consumer loans,9729.945,76531.5,95251.5,0.0,76531.5,TUESDAY,13,Y,1,0.0,,,XAP,Approved,-680,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Country-wide,960,Consumer electronics,12.0,middle,POS household with interest,365243.0,-647.0,-317.0,-437.0,-430.0,0.0,1,Cash loans,F,N,Y,1,247500.0,1824480.0,57415.5,1575000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Rented apartment,0.010006000000000001,-11466,-1050,-2675.0,-2675,,1,1,0,1,0,0,Sales staff,3.0,2,1,WEDNESDAY,8,0,0,0,0,0,0,Business Entity Type 2,,0.7554620986678462,0.4311917977993083,0.0289,0.0,0.9821,,,0.0,0.069,0.0417,,0.0279,,0.0216,,0.0,0.0294,0.0,0.9821,,,0.0,0.069,0.0417,,0.0285,,0.0225,,0.0,0.0291,0.0,0.9821,,,0.0,0.069,0.0417,,0.0284,,0.022,,0.0,,block of flats,0.0198,Wooden,No,5.0,0.0,5.0,0.0,-1943.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1197711,447341,Consumer loans,4405.005,97780.5,97780.5,0.0,97780.5,TUESDAY,19,Y,1,0.0,,,XAP,Refused,-471,Cash through the bank,HC,,Repeater,Computers,POS,XNA,Regional / Local,1809,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,1,Cash loans,F,Y,N,0,112500.0,550467.0,26901.0,387000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.009549,-11171,-1370,-4758.0,-1036,1.0,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,16,0,0,0,1,1,0,Business Entity Type 3,0.16120594858857906,0.6093175023031351,0.190705947811054,0.0021,,0.9637,,,,,0.0,,,,0.0015,,,0.0021,,0.9638,,,,,0.0,,,,0.0015,,,0.0021,,0.9637,,,,,0.0,,,,0.0015,,,,,0.0011,Wooden,No,0.0,0.0,0.0,0.0,-2095.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2342931,409363,Consumer loans,6558.075,33435.0,37120.5,0.0,33435.0,SATURDAY,9,Y,1,0.0,,,XAP,Refused,-381,Cash through the bank,SCO,,Refreshed,Photo / Cinema Equipment,POS,XNA,Country-wide,150,Consumer electronics,6.0,low_normal,POS household with interest,,,,,,,0,Cash loans,F,Y,Y,0,180000.0,450000.0,24543.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.028663,-19952,-2359,-2350.0,-3346,10.0,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,8,0,0,0,0,0,0,Self-employed,,0.5075019012852592,0.5478104658520093,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1470.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2645079,399869,Consumer loans,8591.85,91165.5,84613.5,18225.0,91165.5,SATURDAY,9,Y,1,0.1930082782049701,,,XAP,Approved,-1368,Cash through the bank,XAP,"Spouse, partner",New,Computers,POS,XNA,Regional / Local,305,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1337.0,-1007.0,-1007.0,-1003.0,0.0,0,Cash loans,M,Y,Y,2,225000.0,1762110.0,48456.0,1575000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-12328,-1871,-742.0,-4449,23.0,1,1,1,1,1,0,Drivers,4.0,3,3,TUESDAY,8,0,0,0,0,1,1,Industry: type 9,,0.3085081585637426,0.5971924268337128,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1368.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1929948,134506,Consumer loans,6685.02,56371.5,55755.0,5638.5,56371.5,SUNDAY,10,Y,1,0.10002425486263347,,,XAP,Refused,-1613,Cash through the bank,HC,,Repeater,Mobile,POS,XNA,Country-wide,18,Connectivity,12.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,Y,Y,0,67500.0,188685.0,12892.5,157500.0,Unaccompanied,Working,Secondary / secondary special,Separated,With parents,0.035792000000000004,-16480,-3821,-6617.0,-5,0.0,1,1,0,1,1,0,Laborers,1.0,2,2,WEDNESDAY,16,0,0,0,0,1,1,Business Entity Type 2,,0.0277062165892779,0.5937175866150576,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-57.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1110430,327433,Consumer loans,10938.645,173205.0,207171.0,17320.5,173205.0,MONDAY,7,Y,1,0.08402812173694371,,,XAP,Approved,-1158,Cash through the bank,XAP,Children,New,Computers,POS,XNA,Country-wide,2300,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-1127.0,-437.0,-557.0,-550.0,0.0,0,Cash loans,F,N,Y,0,135000.0,1066752.0,31189.5,931500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.006852,-16835,-5873,-9711.0,-358,,1,1,0,1,0,0,Managers,1.0,3,3,THURSDAY,5,0,0,0,0,1,1,Trade: type 7,,0.2910911437392429,0.2925880073368475,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1960.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1958807,345972,Consumer loans,10093.86,83250.0,90576.0,0.0,83250.0,MONDAY,13,Y,1,0.0,,,XAP,Approved,-576,XNA,XAP,,Repeater,Consumer Electronics,POS,XNA,Stone,76,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-543.0,-273.0,-303.0,-297.0,0.0,0,Cash loans,F,N,Y,0,180000.0,810000.0,23683.5,810000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-17347,-2016,-7298.0,-873,,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,9,0,0,0,0,1,1,Business Entity Type 3,,0.6185120404664443,0.722392890081304,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-576.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,1.0,1.0,0.0,0.0,3.0 +1517099,425132,Revolving loans,38250.0,765000.0,765000.0,,765000.0,THURSDAY,10,Y,1,,,,XAP,Approved,-623,XNA,XAP,,Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-432.0,-398.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,126000.0,161730.0,14962.5,135000.0,Unaccompanied,Working,Lower secondary,Married,House / apartment,0.035792000000000004,-12906,-1183,-6613.0,-4506,,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,Self-employed,0.3515806773419343,0.6466186300189475,0.6363761710860439,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-363.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1961818,234625,Cash loans,20869.65,540000.0,646920.0,,540000.0,FRIDAY,17,Y,1,,,,XNA,Approved,-285,XNA,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-255.0,1515.0,-255.0,-249.0,1.0,0,Cash loans,M,Y,N,0,193500.0,1078200.0,38200.5,900000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-15666,-3257,-8318.0,-4502,14.0,1,1,0,1,1,0,Drivers,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Transport: type 3,,0.6374773294206882,0.4471785780453068,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,0.0,8.0,0.0,-2555.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,2.0 +2142404,116476,Consumer loans,8631.63,96912.0,96912.0,0.0,96912.0,WEDNESDAY,17,Y,1,0.0,,,XAP,Approved,-614,Cash through the bank,XAP,,New,Computers,POS,XNA,Country-wide,88,Connectivity,12.0,low_action,POS mobile without interest,365243.0,-582.0,-252.0,-252.0,-246.0,0.0,1,Cash loans,M,N,N,0,189000.0,835380.0,40320.0,675000.0,Unaccompanied,State servant,Higher education,Single / not married,House / apartment,0.0031219999999999998,-10443,-1731,-2844.0,-243,,1,1,1,1,0,0,Managers,1.0,3,3,FRIDAY,14,0,0,0,0,0,0,Government,0.26797049160766884,0.545355963953732,0.3376727217405312,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-6.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1543917,406097,Consumer loans,12370.815,133101.0,150313.5,9000.0,133101.0,SATURDAY,12,Y,1,0.06152534582328666,,,XAP,Approved,-1151,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,25,Connectivity,24.0,high,POS mobile with interest,365243.0,-1120.0,-430.0,-580.0,-569.0,0.0,0,Cash loans,F,N,Y,0,247500.0,1113840.0,57001.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-9647,-619,-4103.0,-2325,,1,1,0,1,1,0,Accountants,2.0,2,2,TUESDAY,17,0,0,0,0,1,1,Business Entity Type 3,0.650629875184598,0.6004801649794498,0.36896873825284665,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1024194,204880,Consumer loans,8525.88,71239.5,77508.0,0.0,71239.5,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-338,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,62,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-306.0,-36.0,-36.0,-32.0,0.0,0,Cash loans,F,N,Y,0,63000.0,521280.0,22216.5,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-21596,365243,-2612.0,-5096,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,XNA,0.6913843056660376,0.5558958877290152,0.4489622731076524,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,0.0,-1.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1474439,221875,Cash loans,18601.785,157500.0,202810.5,,157500.0,MONDAY,11,Y,1,,,,XNA,Approved,-697,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-667.0,-157.0,-157.0,-152.0,1.0,0,Cash loans,M,N,Y,0,171000.0,225000.0,11619.0,225000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.026392000000000002,-11839,-153,-3668.0,-4173,,1,1,0,1,0,1,Cleaning staff,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,Industry: type 9,0.3741947895907414,0.6523782635152829,0.5726825047161584,0.0825,0.078,0.9945,,,0.08,0.069,0.375,,0.0568,,0.1024,,0.0058,0.084,0.0809,0.9945,,,0.0806,0.069,0.375,,0.0581,,0.1067,,0.0061,0.0833,0.078,0.9945,,,0.08,0.069,0.375,,0.0578,,0.1042,,0.0059,,block of flats,0.0818,Panel,No,0.0,0.0,0.0,0.0,-1806.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2768715,346758,Consumer loans,3113.1,19890.0,15390.0,4500.0,19890.0,SUNDAY,16,Y,1,0.24640065816536397,,,XAP,Approved,-1048,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,6.0,high,POS mobile with interest,,,,,,,1,Cash loans,F,N,Y,1,90000.0,130320.0,14161.5,112500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00733,-15551,-238,-9626.0,-4109,,1,1,0,1,1,0,Laborers,3.0,2,2,FRIDAY,17,0,0,0,0,0,0,Industry: type 11,0.436417151345058,0.5057090744097893,0.14287252304131962,0.067,0.0744,0.9851,,0.0381,0.0,0.0345,0.1667,,,,0.0497,,0.1029,0.0683,0.0772,0.9851,,0.0384,0.0,0.0345,0.1667,,,,0.0517,,0.1089,0.0677,0.0744,0.9851,,0.0383,0.0,0.0345,0.1667,,,,0.0505,,0.105,,block of flats,0.0439,"Stone, brick",No,2.0,0.0,2.0,0.0,-1223.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1093255,307953,Consumer loans,13045.32,63450.0,63450.0,0.0,63450.0,FRIDAY,8,Y,1,0.0,,,XAP,Approved,-1012,XNA,XAP,Family,New,Consumer Electronics,POS,XNA,Stone,284,Consumer electronics,6.0,high,POS household with interest,365243.0,-976.0,-826.0,-826.0,-821.0,0.0,0,Cash loans,F,N,N,1,108000.0,126000.0,8419.5,126000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.028663,-11292,-882,-3850.0,-3862,,1,1,0,1,1,0,Sales staff,3.0,2,2,TUESDAY,7,0,0,0,0,0,0,Self-employed,,0.4707655069212561,0.5954562029091491,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1925559,428546,Consumer loans,6747.12,58455.0,57816.0,5845.5,58455.0,SUNDAY,17,Y,1,0.10000205633060658,,,XAP,Approved,-2512,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,50,Connectivity,12.0,low_normal,POS mobile with interest,365243.0,-2481.0,-2151.0,-2151.0,-2148.0,1.0,0,Cash loans,F,Y,Y,1,108000.0,149256.0,17010.0,135000.0,Family,Working,Secondary / secondary special,Single / not married,House / apartment,0.030755,-11367,-3220,-5049.0,-3413,11.0,1,1,0,1,0,1,,2.0,2,2,SATURDAY,15,0,0,0,0,1,1,Self-employed,0.512914472893087,0.5388966313044258,0.4048783643353997,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2512.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,0.0 +1153187,184661,Consumer loans,9387.675,98257.5,88429.5,9828.0,98257.5,FRIDAY,11,Y,1,0.1089340300185274,,,XAP,Approved,-477,XNA,XAP,,New,Computers,POS,XNA,Regional / Local,5,Consumer electronics,12.0,middle,POS household with interest,365243.0,-442.0,-112.0,-232.0,-230.0,0.0,0,Cash loans,F,N,N,2,112500.0,1125000.0,32895.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.02461,-12850,-2412,-6245.0,-4519,,1,1,1,1,0,0,,4.0,2,2,MONDAY,15,0,0,0,0,0,0,Other,,0.21317696002822198,0.4776491548517548,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-477.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2031050,316960,Cash loans,46965.555,630000.0,673245.0,,630000.0,TUESDAY,10,Y,1,,,,XNA,Refused,-792,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,,,,,,,1,Cash loans,F,Y,Y,1,270000.0,1339884.0,39307.5,1170000.0,"Spouse, partner",Working,Higher education,Married,House / apartment,0.009656999999999999,-14264,-758,-56.0,-3667,1.0,1,1,0,1,0,1,,3.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Housing,0.7424897249883433,0.5410042417996026,0.1096264336424546,0.0247,0.0109,0.9737,0.6396,0.002,0.0,0.069,0.0833,0.125,0.0167,0.0202,0.0194,0.0,0.0,0.0252,0.0113,0.9737,0.6537,0.0021,0.0,0.069,0.0833,0.125,0.0171,0.022,0.0202,0.0,0.0,0.025,0.0109,0.9737,0.6444,0.002,0.0,0.069,0.0833,0.125,0.017,0.0205,0.0198,0.0,0.0,reg oper account,block of flats,0.0171,"Stone, brick",No,2.0,0.0,2.0,0.0,-972.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1865831,197065,Consumer loans,6597.45,26919.0,23157.0,4500.0,26919.0,SATURDAY,17,Y,1,0.17720320681596294,,,XAP,Approved,-2246,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,58,Connectivity,4.0,low_normal,POS mobile with interest,365243.0,-2210.0,-2120.0,-2120.0,-2112.0,1.0,0,Cash loans,F,N,N,1,67500.0,610335.0,21919.5,463500.0,Family,Working,Secondary / secondary special,Married,Municipal apartment,0.02461,-15680,-873,-29.0,-5365,,1,1,1,1,0,0,High skill tech staff,3.0,2,2,FRIDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.5247795424277025,0.6130123090154457,0.501075160239048,0.0753,0.0885,1.0,1.0,0.0374,0.0,0.1724,0.1667,0.2083,0.0216,0.0572,0.1108,0.0193,0.0624,0.0767,0.0919,1.0,1.0,0.0377,0.0,0.1724,0.1667,0.2083,0.0221,0.0624,0.1155,0.0195,0.0661,0.076,0.0885,1.0,1.0,0.0376,0.0,0.1724,0.1667,0.2083,0.022,0.0581,0.1128,0.0194,0.0637,reg oper account,block of flats,0.1008,"Stone, brick",No,0.0,0.0,0.0,0.0,-2246.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2409146,406911,Consumer loans,30431.475,324180.0,324630.0,0.0,324180.0,WEDNESDAY,16,Y,1,0.0,,,XAP,Approved,-722,Cash through the bank,XAP,Family,New,Furniture,POS,XNA,Stone,100,Furniture,12.0,low_normal,POS industry with interest,365243.0,-691.0,-361.0,-361.0,-354.0,0.0,0,Cash loans,F,Y,Y,0,135000.0,904500.0,38322.0,904500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.015221,-10390,-3122,-891.0,-3055,7.0,1,1,0,1,0,0,,2.0,2,2,THURSDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.35785278533942944,0.5919255842015202,0.746300213050371,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-722.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2162398,435961,Revolving loans,11250.0,0.0,225000.0,,,FRIDAY,8,Y,1,,,,XAP,Approved,-1169,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-1136.0,-1107.0,365243.0,-772.0,365243.0,0.0,0,Cash loans,F,N,N,2,112500.0,76752.0,8262.0,72000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.014464,-13152,-1921,-3599.0,-4442,,1,1,0,1,0,0,Laborers,4.0,2,2,FRIDAY,5,0,0,0,0,0,0,University,,0.2664984017994588,0.4776491548517548,,,,,,,,,,,,0.0015,,,,,,,,,,,,,,0.0016,,,,,,,,,,,,,,0.0015,,,,,0.0012,,No,1.0,0.0,1.0,0.0,-1698.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2605614,173165,Revolving loans,9000.0,0.0,180000.0,,,FRIDAY,20,Y,1,,,,XAP,Approved,-2283,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-2274.0,-2237.0,365243.0,-776.0,365243.0,0.0,0,Cash loans,F,N,Y,0,135000.0,1265724.0,40423.5,1134000.0,Children,Working,Secondary / secondary special,Married,House / apartment,0.04622,-18509,-349,-611.0,-2013,,1,1,0,1,1,0,Cleaning staff,2.0,1,1,SATURDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.7806113450681946,0.7422756302496174,,0.0216,0.0649,0.9995,0.9864,,0.0,0.1034,0.0833,,0.0347,,0.0375,,,0.0221,0.0673,0.9995,0.9869,,0.0,0.1034,0.0833,,0.0355,,0.0391,,,0.0219,0.0649,0.9995,0.9866,,0.0,0.1034,0.0833,,0.0353,,0.0382,,,,block of flats,0.0427,,No,0.0,0.0,0.0,0.0,-1584.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2318128,357684,Consumer loans,7607.43,79965.0,70965.0,9000.0,79965.0,WEDNESDAY,13,Y,1,0.12257635442778946,,,XAP,Approved,-1896,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Regional / Local,135,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1860.0,-1530.0,-1560.0,-1556.0,0.0,0,Cash loans,F,Y,N,0,54000.0,1288350.0,37800.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,Rented apartment,0.035792000000000004,-12426,-3125,-4008.0,-4729,34.0,1,1,1,1,0,0,Cooking staff,2.0,2,2,FRIDAY,11,0,0,0,0,1,1,Other,0.3693534956579641,0.6607113510253159,0.6144143775673561,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1954.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1188241,415412,Cash loans,26574.255,225000.0,289732.5,,225000.0,MONDAY,14,Y,1,,,,Repairs,Approved,-583,Cash through the bank,XAP,,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,365243.0,-553.0,-43.0,-43.0,-38.0,1.0,0,Cash loans,F,N,N,2,175500.0,746280.0,59094.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006207,-12758,-1058,-1825.0,-2143,,1,1,1,1,1,0,,4.0,2,2,SATURDAY,11,0,0,0,0,1,1,Self-employed,,0.43371999764324,0.22888341670067305,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-736.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +2640425,143973,Consumer loans,5993.505,66595.5,53275.5,13320.0,66595.5,SATURDAY,13,Y,1,0.2178329002573884,,,XAP,Refused,-2111,Cash through the bank,SCO,Family,Repeater,Audio/Video,POS,XNA,Stone,159,Consumer electronics,10.0,low_normal,POS household with interest,,,,,,,0,Cash loans,F,N,Y,2,63000.0,755190.0,32125.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-16088,-7844,-4339.0,-4339,,1,1,1,1,1,0,Laborers,4.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 1,0.5405993002650644,0.6829264777539054,0.4365064990977374,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,0.0,8.0,0.0,-2731.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2058407,245480,Revolving loans,5625.0,0.0,112500.0,,,SUNDAY,8,Y,1,,,,XAP,Approved,-2704,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,652,Consumer electronics,0.0,XNA,Card Street,-2703.0,-2664.0,365243.0,-2512.0,365243.0,1.0,0,Cash loans,F,N,Y,1,67500.0,284031.0,14629.5,229500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.020246,-11209,-4611,-515.0,-2548,,1,1,0,1,0,0,Managers,3.0,3,3,TUESDAY,14,0,0,0,0,0,0,Postal,0.06761820385958796,0.31672648507040885,0.23272477626794336,0.1557,0.0934,0.9985,0.9796,0.0338,0.12,0.1034,0.375,0.4167,0.0,0.1261,0.1475,0.0039,0.0257,0.1586,0.0969,0.9985,0.9804,0.0341,0.1208,0.1034,0.375,0.4167,0.0,0.1377,0.1537,0.0039,0.0272,0.1572,0.0934,0.9985,0.9799,0.034,0.12,0.1034,0.375,0.4167,0.0,0.1283,0.1502,0.0039,0.0262,reg oper account,block of flats,0.1401,Panel,No,6.0,0.0,6.0,0.0,-3040.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,1.0,0.0,11.0 +2233468,132796,Consumer loans,37917.855,363829.5,327442.5,36387.0,363829.5,THURSDAY,16,Y,1,0.10892121422009728,,,XAP,Refused,-2472,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,POS,XNA,Stone,1079,Consumer electronics,10.0,middle,POS household with interest,,,,,,,0,Cash loans,M,Y,Y,0,126000.0,254700.0,24808.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.032561,-24947,365243,-12468.0,-4547,5.0,1,0,0,1,1,0,,1.0,1,1,FRIDAY,15,0,0,0,0,0,0,XNA,,0.7415428701388848,0.7738956942145427,0.3381,0.1513,0.9826,0.762,0.0993,0.32,0.1379,0.625,0.5833,0.07,0.2757,0.3471,0.0,0.0,0.3445,0.157,0.9826,0.7713,0.1002,0.3222,0.1379,0.625,0.5833,0.0716,0.3012,0.3616,0.0,0.0,0.3414,0.1513,0.9826,0.7652,0.0999,0.32,0.1379,0.625,0.5833,0.0713,0.2805,0.3533,0.0,0.0,reg oper account,block of flats,0.3856,Panel,No,0.0,0.0,0.0,0.0,-2348.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,8.0 +2422212,425188,Consumer loans,11566.71,75150.0,95121.0,0.0,75150.0,MONDAY,8,Y,1,0.0,,,XAP,Approved,-1707,XNA,XAP,Other_B,New,Consumer Electronics,POS,XNA,Regional / Local,131,Consumer electronics,12.0,high,POS household with interest,365243.0,-1676.0,-1346.0,-1346.0,-1344.0,0.0,0,Cash loans,M,N,Y,0,175500.0,592560.0,32274.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.006629,-18673,-2508,-9524.0,-2068,,1,1,0,1,0,0,Laborers,2.0,2,2,SUNDAY,6,0,0,0,0,0,0,Industry: type 9,,0.6569117988951851,0.4329616670974407,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-373.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2256716,211674,Consumer loans,9945.18,71662.5,77575.5,0.0,71662.5,TUESDAY,15,Y,1,0.0,,,XAP,Approved,-1821,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,2160,Consumer electronics,10.0,high,POS household with interest,365243.0,-1790.0,-1520.0,-1520.0,-1508.0,0.0,0,Cash loans,M,Y,Y,0,157500.0,355536.0,19287.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.030755,-12524,-2969,-190.0,-3689,20.0,1,1,0,1,0,0,Laborers,1.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Self-employed,0.2743625339303357,0.7147521115964561,0.3201633668633456,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1821.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1903736,244369,Consumer loans,12555.495,151380.0,170860.5,0.0,151380.0,MONDAY,9,Y,1,0.0,,,XAP,Approved,-792,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Stone,200,Consumer electronics,18.0,middle,POS household with interest,365243.0,-761.0,-251.0,-251.0,-247.0,0.0,1,Cash loans,F,N,N,1,193500.0,521280.0,25209.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.020246,-15201,-2196,-2848.0,-3779,,1,1,1,1,0,0,Core staff,2.0,3,3,SUNDAY,11,0,0,0,0,0,0,Self-employed,0.2445959294870211,0.31742255461938595,0.6347055309763198,0.066,0.0591,0.9851,0.7959999999999999,0.0196,0.0,0.069,0.125,0.0417,0.0095,0.0521,0.0218,0.0077,0.0493,0.0672,0.0613,0.9851,0.804,0.0198,0.0,0.069,0.125,0.0417,0.0097,0.0569,0.0227,0.0078,0.0522,0.0666,0.0591,0.9851,0.7987,0.0197,0.0,0.069,0.125,0.0417,0.0096,0.053,0.0221,0.0078,0.0504,reg oper account,specific housing,0.0278,Mixed,No,0.0,0.0,0.0,0.0,-792.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2169644,148976,Cash loans,28349.46,846000.0,846000.0,,846000.0,WEDNESDAY,13,Y,1,,,,XNA,Refused,-118,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,202500.0,675000.0,24930.0,675000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.014519999999999996,-16914,-978,-7832.0,-446,,1,1,0,1,0,0,Medicine staff,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Other,,0.7050842340230212,0.3706496323299817,0.1433,0.1235,0.9816,0.7484,0.0191,0.08,0.2069,0.2221,0.2638,0.1058,0.1165,0.1384,0.0025,0.0023,0.105,0.1107,0.9816,0.7583,0.0,0.0,0.2069,0.1667,0.2083,0.0967,0.0918,0.0962,0.0039,0.0,0.1041,0.1071,0.9816,0.7518,0.0192,0.0,0.2069,0.1667,0.2083,0.0994,0.0855,0.0943,0.0039,0.0027,reg oper account,block of flats,0.1816,Panel,No,0.0,0.0,0.0,0.0,-419.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1750179,230731,Cash loans,4215.24,45000.0,56376.0,,45000.0,SUNDAY,10,Y,1,,,,XNA,Approved,-281,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-251.0,259.0,365243.0,365243.0,1.0,0,Revolving loans,F,N,N,2,90000.0,202500.0,10125.0,202500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-13991,-2977,-4630.0,-4632,,1,1,0,1,0,0,Laborers,4.0,2,2,MONDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.6465136899938918,0.746300213050371,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1601.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2561939,310102,Consumer loans,18773.775,95760.0,100818.0,0.0,95760.0,MONDAY,7,Y,1,0.0,,,XAP,Approved,-144,XNA,XAP,Unaccompanied,New,Gardening,POS,XNA,Stone,20,Construction,6.0,middle,POS industry with interest,365243.0,-111.0,39.0,365243.0,365243.0,0.0,1,Revolving loans,M,N,Y,0,81000.0,225000.0,11250.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018209,-20056,-2308,-1560.0,-3216,,1,1,0,1,0,0,Security staff,2.0,3,3,FRIDAY,8,0,0,0,0,0,0,Kindergarten,,0.4451067945786699,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-144.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1038527,290341,Revolving loans,11250.0,225000.0,225000.0,,225000.0,WEDNESDAY,9,Y,1,,,,XAP,Refused,-439,XNA,LIMIT,,Refreshed,XNA,Cards,walk-in,AP+ (Cash loan),4,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,63000.0,1078200.0,34911.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-21490,-2452,-8256.0,-4185,,1,1,0,1,0,0,Security staff,2.0,2,2,MONDAY,8,0,0,0,1,0,1,Government,0.6407720019646431,0.671107165078057,0.3490552510751822,0.0371,0.0617,0.9886,0.8436,0.0233,0.0,0.1034,0.0833,0.125,0.0146,0.0303,0.0206,0.0,0.0,0.0378,0.064,0.9886,0.8497,0.0235,0.0,0.1034,0.0833,0.125,0.0144,0.0331,0.021,0.0,0.0,0.0375,0.0617,0.9886,0.8457,0.0234,0.0,0.1034,0.0833,0.125,0.0149,0.0308,0.0209,0.0,0.0,reg oper account,block of flats,0.0285,"Stone, brick",No,0.0,0.0,0.0,0.0,-439.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2765018,140876,Cash loans,16453.53,121500.0,137538.0,,121500.0,MONDAY,15,Y,1,,,,XNA,Approved,-31,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,,,,,,,1,Cash loans,M,Y,N,0,135000.0,327024.0,21420.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.035792000000000004,-10969,-552,-5069.0,-3459,24.0,1,1,0,1,0,0,Drivers,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Self-employed,0.2593611204633489,0.5742094638357199,0.2314393514998941,0.0247,,0.9816,0.7484,,0.0,0.069,0.1667,0.2083,,0.0202,0.0134,,0.0313,0.0252,,0.9816,0.7583,,0.0,0.069,0.1667,0.2083,,0.022,0.014,,0.0332,0.025,,0.9816,0.7518,,0.0,0.069,0.1667,0.2083,,0.0205,0.0137,,0.032,reg oper account,block of flats,0.0174,"Stone, brick",No,0.0,0.0,0.0,0.0,-31.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,4.0 +2444928,351034,Consumer loans,4316.895,143505.0,34983.0,112500.0,143505.0,THURSDAY,16,Y,1,0.8307583061961533,,,XAP,Approved,-2118,XNA,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Stone,142,Consumer electronics,10.0,middle,POS household with interest,365243.0,-2087.0,-1817.0,-1817.0,-1814.0,0.0,0,Cash loans,M,Y,N,1,306000.0,1350000.0,47056.5,1350000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-16962,-1546,-8203.0,-514,5.0,1,1,1,1,1,0,Laborers,3.0,2,2,FRIDAY,9,0,0,0,0,0,0,Self-employed,0.4777794641180178,0.6801737349772012,0.29708661164720285,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2118.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2818739,259433,Consumer loans,15137.73,139455.0,137934.0,13945.5,139455.0,FRIDAY,15,Y,1,0.09999978451816913,,,XAP,Approved,-1733,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,240,Consumer electronics,12.0,high,POS household with interest,,,,,,,0,Cash loans,M,N,Y,0,270000.0,312768.0,22887.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.011656999999999999,-14455,-1720,-7466.0,-2051,,1,1,0,1,1,0,Laborers,2.0,1,1,TUESDAY,13,1,1,0,1,1,0,Construction,,0.6239097213906388,0.23791607950711405,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,2.0,5.0,0.0,-316.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +2383245,216173,Cash loans,48613.14,765000.0,843763.5,,765000.0,WEDNESDAY,17,Y,1,,,,XNA,Approved,-870,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash X-Sell: high,365243.0,-840.0,210.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,2,360000.0,395388.0,44847.0,355500.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.04622,-9995,-1419,-4105.0,-2660,,1,1,0,1,0,0,Sales staff,3.0,1,1,FRIDAY,16,0,0,0,0,0,0,Self-employed,0.25183848736645503,0.4284749601940532,0.7180328113294772,0.0412,0.0451,0.9786,,,0.0,0.069,0.1667,,,,0.036000000000000004,,0.0,0.042,0.0468,0.9786,,,0.0,0.069,0.1667,,,,0.0375,,0.0,0.0416,0.0451,0.9786,,,0.0,0.069,0.1667,,,,0.0366,,0.0,,block of flats,0.0306,"Stone, brick",No,0.0,0.0,0.0,0.0,-1066.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +2424977,156943,Consumer loans,3034.935,15705.0,14881.5,1570.5,15705.0,SUNDAY,16,Y,1,0.10396409389297792,,,XAP,Approved,-912,XNA,XAP,Unaccompanied,Refreshed,Mobile,POS,XNA,Country-wide,10,Connectivity,6.0,high,POS mobile with interest,365243.0,-881.0,-731.0,-851.0,-841.0,0.0,0,Cash loans,F,N,Y,0,112500.0,1006920.0,46791.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-17304,-1183,-11393.0,-790,,1,1,0,1,0,0,Cooking staff,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Trade: type 4,,0.7961249075623387,0.4992720153045617,0.0876,0.0,0.9781,0.7008,0.1188,0.0,0.2069,0.1667,0.2083,0.0,0.0714,0.0542,0.0,0.0,0.0893,0.0,0.9782,0.7125,0.1199,0.0,0.2069,0.1667,0.2083,0.0,0.0781,0.0565,0.0,0.0,0.0885,0.0,0.9781,0.7048,0.1196,0.0,0.2069,0.1667,0.2083,0.0,0.0727,0.0552,0.0,0.0,reg oper account,block of flats,0.065,Panel,No,0.0,0.0,0.0,0.0,-2430.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2239161,392902,Consumer loans,11396.88,124447.5,124447.5,0.0,124447.5,SUNDAY,14,Y,1,0.0,,,XAP,Approved,-292,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Regional / Local,1000,Consumer electronics,12.0,low_action,POS household without interest,,,,,,,0,Cash loans,F,N,Y,1,67500.0,584766.0,27225.0,472500.0,Unaccompanied,Commercial associate,Higher education,Married,Office apartment,0.007305,-11115,-1110,-2124.0,-3651,,1,1,0,1,0,0,Core staff,3.0,3,3,FRIDAY,13,0,0,0,1,1,0,Kindergarten,0.28671437904068864,0.4085482483951485,0.524496446363472,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-292.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1840613,119456,Consumer loans,11131.785,59850.0,63009.0,0.0,59850.0,SATURDAY,18,Y,1,0.0,,,XAP,Approved,-495,Cash through the bank,XAP,Unaccompanied,Refreshed,Clothing and Accessories,POS,XNA,Stone,15,Clothing,6.0,low_normal,POS industry with interest,365243.0,-464.0,-314.0,-344.0,-333.0,0.0,0,Cash loans,F,N,Y,0,337500.0,1354500.0,74353.5,1354500.0,Family,State servant,Secondary / secondary special,Separated,House / apartment,0.026392000000000002,-16832,-7942,-8923.0,-378,,1,1,0,1,0,0,Core staff,1.0,2,2,THURSDAY,17,0,0,0,0,0,0,School,0.8887441749280511,0.6152716543930616,0.6512602186973006,0.0825,,0.9757,,,0.0,0.1379,0.1667,,,,0.0715,,0.0381,0.084,,0.9757,,,0.0,0.1379,0.1667,,,,0.0745,,0.0403,0.0833,,0.9757,,,0.0,0.1379,0.1667,,,,0.0728,,0.0389,,block of flats,0.0645,Panel,No,6.0,0.0,6.0,0.0,-1880.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2487396,102801,Cash loans,56887.155,761232.42,813481.92,,761232.42,TUESDAY,19,Y,1,,,,XNA,Approved,-668,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash Street: high,365243.0,-638.0,52.0,-458.0,-452.0,1.0,0,Cash loans,F,N,Y,0,450000.0,669600.0,34317.0,598500.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.032561,-16078,-2104,-10221.0,-4419,,1,1,0,1,1,1,Managers,1.0,1,1,FRIDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.7191202961144277,0.6917655604256792,0.475849908720221,0.2216,0.16699999999999998,0.9806,0.7348,,0.24,0.2069,0.3333,0.375,0.0721,0.1807,0.234,0.0019,0.0005,0.1124,0.0879,0.9806,0.7452,,0.1208,0.1034,0.3333,0.375,0.0401,0.0983,0.1257,0.0,0.0,0.2238,0.16699999999999998,0.9806,0.7383,,0.24,0.2069,0.3333,0.375,0.0734,0.1838,0.2382,0.0019,0.0005,reg oper account,block of flats,0.2742,Panel,No,0.0,0.0,0.0,0.0,-1449.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2041134,235939,Consumer loans,6228.81,24210.0,22648.5,2425.5,24210.0,SUNDAY,10,Y,1,0.10535175879396984,,,XAP,Refused,-340,Cash through the bank,HC,,Repeater,Mobile,POS,XNA,Country-wide,10,Connectivity,4.0,middle,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,1,67500.0,130365.0,9616.5,99000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-14295,-2124,-3081.0,-4885,,1,1,0,1,0,1,Core staff,3.0,2,2,THURSDAY,7,0,0,0,0,1,1,Postal,,0.3356544404930529,0.2608559142068693,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1989.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,2.0 +1105502,270334,Consumer loans,7097.31,73305.0,73489.5,7425.0,73305.0,SATURDAY,8,Y,1,0.09993882431455424,,,XAP,Approved,-1044,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Stone,519,Consumer electronics,14.0,middle,POS household with interest,365243.0,-1013.0,-623.0,-623.0,-609.0,0.0,0,Cash loans,F,N,Y,0,90000.0,482593.5,27076.5,436500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.019688999999999998,-20257,-2627,-116.0,-2223,,1,1,0,1,0,0,,1.0,2,2,SUNDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.6854097274500015,0.6058033490027839,0.33928769990891394,0.0082,0.0,0.9722,0.6192,0.0013,0.0,0.069,0.0417,0.0417,0.0102,0.0067,0.0076,0.0,0.0,0.0084,0.0,0.9722,0.6341,0.0013,0.0,0.069,0.0417,0.0417,0.0104,0.0073,0.0079,0.0,0.0,0.0083,0.0,0.9722,0.6243,0.0013,0.0,0.069,0.0417,0.0417,0.0104,0.0068,0.0077,0.0,0.0,not specified,block of flats,0.0067,"Stone, brick",No,7.0,1.0,7.0,1.0,-85.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +2662594,189563,Revolving loans,4500.0,90000.0,90000.0,,90000.0,SATURDAY,10,Y,1,,,,XAP,Approved,-301,XNA,XAP,,Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,Y,Y,1,157500.0,254700.0,17019.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008473999999999999,-13302,-4852,-7087.0,-4142,7.0,1,1,0,1,1,0,,3.0,2,2,SATURDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.7041448953563831,0.5524489656562185,0.6940926425266661,0.3979,0.0717,0.9881,0.8368,0.1214,0.4,0.3448,0.375,0.4167,0.0,0.3244,0.2648,0.0,0.0,0.4055,0.0744,0.9881,0.8432,0.1225,0.4028,0.3448,0.375,0.4167,0.0,0.3545,0.2758,0.0,0.0,0.4018,0.0717,0.9881,0.8390000000000001,0.1221,0.4,0.3448,0.375,0.4167,0.0,0.3301,0.2695,0.0,0.0,reg oper account,block of flats,0.3494,Panel,No,2.0,0.0,2.0,0.0,-1888.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1479813,371842,Cash loans,113231.295,1129500.0,1162300.5,,1129500.0,WEDNESDAY,10,Y,1,,,,XNA,Refused,-535,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,180000.0,1350000.0,39474.0,1350000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.01885,-12939,-1284,-7038.0,-291,,1,1,1,1,1,0,Sales staff,2.0,2,2,SATURDAY,14,0,0,0,0,1,1,Self-employed,,0.2618989003221852,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1531.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2453352,301417,Revolving loans,11250.0,225000.0,225000.0,,225000.0,TUESDAY,10,Y,1,,,,XAP,Refused,-646,XNA,SCOFR,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,112500.0,545040.0,26640.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.010147,-10859,-608,-10831.0,-3457,,1,1,0,1,0,1,,1.0,2,2,THURSDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.15277988422697505,0.6746545571916593,0.43473324875017305,0.0928,0.0464,0.9811,0.7416,0.0101,0.08,0.069,0.3333,0.375,0.0535,0.0756,0.0722,0.0,0.0,0.0945,0.0482,0.9811,0.7517,0.0102,0.0806,0.069,0.3333,0.375,0.0547,0.0826,0.0752,0.0,0.0,0.0937,0.0464,0.9811,0.7451,0.0102,0.08,0.069,0.3333,0.375,0.0544,0.077,0.0735,0.0,0.0,org spec account,block of flats,0.0623,Panel,No,1.0,0.0,1.0,0.0,-770.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2579330,320946,Cash loans,20411.685,315000.0,349096.5,,315000.0,SUNDAY,15,Y,1,,,,XNA,Refused,-1087,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,Country-wide,33,Connectivity,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,N,0,94500.0,781920.0,28084.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.035792000000000004,-23726,365243,-1889.0,-4176,,1,0,0,1,1,0,,1.0,2,2,FRIDAY,17,0,0,0,0,0,0,XNA,,0.5042222265679186,0.0005272652387098817,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1840.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2157367,192194,Consumer loans,12148.29,121495.5,109345.5,12150.0,121495.5,SUNDAY,12,Y,1,0.10891312472852532,,,XAP,Approved,-1943,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,1100,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1912.0,-1642.0,-1642.0,-1635.0,0.0,0,Cash loans,F,N,Y,0,337500.0,506902.5,40180.5,414000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.010556,-12057,-2129,-982.0,-4368,,1,1,0,1,0,1,Accountants,1.0,3,3,THURSDAY,18,0,0,0,0,1,1,Business Entity Type 3,0.5009243375197048,0.5789288261070911,0.6706517530862718,0.1144,0.0557,0.9921,,,0.08,0.0345,0.625,,0.0128,,0.1336,,0.1312,0.1166,0.0578,0.9921,,,0.0806,0.0345,0.625,,0.0131,,0.1392,,0.1389,0.1155,0.0557,0.9921,,,0.08,0.0345,0.625,,0.013,,0.136,,0.1339,,block of flats,0.1336,Monolithic,No,5.0,1.0,5.0,0.0,-1943.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,1.0,0.0,0.0,1.0,0.0 +2704537,362622,Cash loans,16099.065,180000.0,203760.0,,180000.0,FRIDAY,9,Y,1,,,,Urgent needs,Approved,-518,Cash through the bank,XAP,,Refreshed,XNA,Cash,walk-in,AP+ (Cash loan),2,XNA,24.0,high,Cash Street: high,365243.0,-488.0,202.0,-368.0,-343.0,1.0,0,Cash loans,M,Y,N,0,45000.0,314100.0,21375.0,225000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.030755,-12669,-619,-6693.0,-4242,29.0,1,1,0,1,0,0,,2.0,2,2,FRIDAY,9,0,0,0,0,1,1,Business Entity Type 3,,0.1883631342088941,0.5602843280409464,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,1.0 +1963540,108894,Consumer loans,4775.85,24723.0,23422.5,2475.0,24723.0,TUESDAY,14,Y,1,0.10408340573414418,,,XAP,Approved,-1001,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,54,Connectivity,6.0,high,POS mobile with interest,365243.0,-871.0,-721.0,-841.0,-814.0,0.0,0,Cash loans,F,N,Y,0,117000.0,604413.0,21838.5,459000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-17499,-3176,-7905.0,-1034,,1,1,0,1,0,1,Sales staff,2.0,3,2,TUESDAY,14,0,0,0,0,0,0,Self-employed,,0.35386465630454905,0.4206109640437848,0.233,0.1336,0.9896,0.8572,0.0503,0.28,0.2414,0.375,0.4167,0.1682,0.1874,0.2924,0.0116,0.1157,0.2374,0.1387,0.9896,0.8628,0.0507,0.282,0.2414,0.375,0.4167,0.172,0.2048,0.3046,0.0117,0.1225,0.2352,0.1336,0.9896,0.8591,0.0506,0.28,0.2414,0.375,0.4167,0.1711,0.1907,0.2976,0.0116,0.1181,reg oper spec account,block of flats,0.2551,Panel,No,0.0,0.0,0.0,0.0,-1176.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2310832,285697,Consumer loans,4841.1,38475.0,39811.5,2250.0,38475.0,SATURDAY,13,Y,1,0.058258848244940015,,,XAP,Approved,-1698,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Stone,10,Furniture,12.0,high,POS industry with interest,365243.0,-1664.0,-1334.0,-1364.0,-1361.0,0.0,0,Cash loans,F,Y,Y,0,180000.0,314055.0,13437.0,238500.0,Family,State servant,Secondary / secondary special,Married,House / apartment,0.025164,-16551,-2743,-10646.0,-83,17.0,1,1,0,1,1,0,,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Medicine,,0.17529014704754695,0.5937175866150576,0.0366,0.0378,0.9742,0.7212,0.0,0.0,0.1207,0.1042,0.2083,0.0,0.0462,0.028,0.0,0.0414,0.0168,0.0392,0.9687,0.7321,0.0,0.0,0.1034,0.0417,0.2083,0.0,0.0505,0.0,0.0,0.0176,0.037000000000000005,0.0378,0.9742,0.7249,0.0,0.0,0.1207,0.1042,0.2083,0.0,0.047,0.0285,0.0,0.0422,reg oper account,block of flats,0.0476,Panel,No,1.0,1.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2710665,335558,Cash loans,13586.085,135000.0,143910.0,,135000.0,THURSDAY,10,Y,1,,,,XNA,Refused,-228,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,94500.0,239850.0,23494.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.04622,-25015,365243,-3562.0,-3614,,1,0,0,1,0,0,,2.0,1,1,MONDAY,11,0,0,0,0,0,0,XNA,,0.7257878133096538,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1830.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1193695,224834,Consumer loans,5185.305,115101.675,115101.0,0.675,115101.675,THURSDAY,19,Y,1,6.386843316019194e-06,,,XAP,Approved,-702,Cash through the bank,XAP,Unaccompanied,Repeater,Photo / Cinema Equipment,POS,XNA,Regional / Local,500,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-671.0,19.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,526491.0,22261.5,454500.0,Family,Working,Incomplete higher,Civil marriage,House / apartment,0.006670999999999999,-8375,-979,-3469.0,-1039,16.0,1,1,0,1,1,0,Sales staff,2.0,2,2,SATURDAY,19,0,0,0,0,0,0,Business Entity Type 3,0.1507770040730292,0.521064291004838,0.2366108235287817,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-897.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1715490,207353,Consumer loans,7193.61,43596.0,44509.5,4360.5,43596.0,MONDAY,17,Y,1,0.09717579105976897,,,XAP,Approved,-483,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,30,Connectivity,8.0,high,POS mobile with interest,365243.0,-452.0,-242.0,-242.0,-239.0,0.0,0,Cash loans,M,Y,N,1,112500.0,95940.0,9616.5,90000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.028663,-14778,-6766,-97.0,-4478,13.0,1,1,0,1,0,0,Low-skill Laborers,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Industry: type 9,,0.32857767807834976,0.4902575124990026,0.1485,0.0482,0.9881,0.8368,0.028,0.04,0.0345,0.3333,0.375,0.0754,0.1202,0.0885,0.0039,0.0024,0.1513,0.05,0.9881,0.8432,0.0282,0.0403,0.0345,0.3333,0.375,0.0772,0.1313,0.0922,0.0039,0.0026,0.1499,0.0482,0.9881,0.8390000000000001,0.0282,0.04,0.0345,0.3333,0.375,0.0768,0.1223,0.0901,0.0039,0.0025,reg oper account,block of flats,0.0917,"Stone, brick",No,0.0,0.0,0.0,0.0,-1672.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1056246,442450,Cash loans,7929.81,135000.0,157275.0,,135000.0,MONDAY,12,Y,1,,,,XNA,Approved,-469,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,180000.0,1002870.0,48244.5,922500.0,Family,Pensioner,Secondary / secondary special,Separated,House / apartment,0.01885,-23750,365243,-1125.0,-4594,,1,0,0,1,0,0,,1.0,2,2,MONDAY,16,0,0,0,0,0,0,XNA,,0.7246548202547639,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,10.0,0.0,10.0,0.0,-1927.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1399492,132269,Cash loans,27704.97,675000.0,767664.0,,675000.0,THURSDAY,11,Y,1,,,,XNA,Refused,-221,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,50,Connectivity,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,247500.0,780363.0,33192.0,697500.0,Family,State servant,Secondary / secondary special,Married,House / apartment,0.015221,-17860,-1816,-9534.0,-1351,6.0,1,1,1,1,1,0,Medicine staff,2.0,2,2,MONDAY,9,0,0,0,0,1,1,Medicine,,0.5379455739604596,0.10822632266971416,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1156.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2772735,392708,Cash loans,3116.52,45000.0,50940.0,,45000.0,MONDAY,10,Y,1,,,,XNA,Approved,-467,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-437.0,253.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,85500.0,142200.0,8163.0,112500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.00963,-19859,-394,-2516.0,-815,,1,1,0,1,0,0,Medicine staff,1.0,2,2,SATURDAY,11,0,0,0,0,1,1,Kindergarten,,0.3171525529409426,0.7394117535524816,0.0495,0.0463,0.9856,0.8028,0.0037,0.0,0.0345,0.125,0.1667,0.0781,0.0403,0.021,0.0,0.0,0.0504,0.0481,0.9856,0.8105,0.0038,0.0,0.0345,0.125,0.1667,0.0799,0.0441,0.0219,0.0,0.0,0.05,0.0463,0.9856,0.8054,0.0038,0.0,0.0345,0.125,0.1667,0.0795,0.041,0.0214,0.0,0.0,reg oper account,block of flats,0.0254,"Stone, brick",No,0.0,0.0,0.0,0.0,-1845.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2412844,117842,Consumer loans,11606.67,59616.0,62766.0,0.0,59616.0,WEDNESDAY,10,Y,1,0.0,,,XAP,Approved,-155,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,2326,Consumer electronics,6.0,middle,POS household with interest,365243.0,-121.0,29.0,365243.0,365243.0,0.0,1,Cash loans,F,Y,N,0,180000.0,1125000.0,33021.0,1125000.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.026392000000000002,-14463,-865,-904.0,-4300,9.0,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,Business Entity Type 2,,0.3436240733674448,0.5656079814115492,0.333,,0.9856,,,0.36,0.3103,0.3333,,,,0.3601,,0.0,0.3393,,0.9856,,,0.3625,0.3103,0.3333,,,,0.3752,,0.0,0.3362,,0.9856,,,0.36,0.3103,0.3333,,,,0.3666,,0.0,,block of flats,0.3369,Panel,No,5.0,2.0,5.0,2.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1165031,298371,Consumer loans,9425.115,71514.0,76248.0,9000.0,71514.0,WEDNESDAY,18,Y,1,0.11498003685503687,,,XAP,Approved,-1921,Cash through the bank,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Stone,294,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1890.0,-1620.0,-1620.0,-1616.0,0.0,1,Cash loans,M,Y,N,0,90000.0,545040.0,26640.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010556,-19567,-4202,-1509.0,-3110,16.0,1,1,0,1,0,0,Laborers,2.0,3,3,SATURDAY,13,0,0,0,0,1,1,Business Entity Type 2,,0.1472284763516864,0.326475210066026,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1738133,419247,Consumer loans,5682.015,50728.5,47389.5,7609.5,50728.5,SUNDAY,15,Y,1,0.15068341738444824,,,XAP,Refused,-2083,Cash through the bank,SCO,Family,New,Mobile,POS,XNA,Country-wide,40,Connectivity,12.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,0,157500.0,755190.0,33394.5,675000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.022625,-16632,-3482,-2694.0,-160,,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,Self-employed,0.5629295215642915,0.4828371100206557,0.3876253444214701,0.0619,0.0303,0.9712,0.6056,0.0003,0.0,0.1034,0.0833,0.125,0.047,0.0488,0.0205,0.0077,0.014,0.063,0.0314,0.9712,0.621,0.0004,0.0,0.1034,0.0833,0.125,0.048,0.0533,0.0213,0.0078,0.0148,0.0625,0.0303,0.9712,0.6109,0.0004,0.0,0.1034,0.0833,0.125,0.0478,0.0496,0.0208,0.0078,0.0143,reg oper account,block of flats,0.0193,"Stone, brick",No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1102411,214778,Consumer loans,18731.835,190480.5,190480.5,0.0,190480.5,SATURDAY,18,Y,1,0.0,,,XAP,Approved,-268,Cash through the bank,XAP,,Repeater,Medical Supplies,POS,XNA,Stone,100,Industry,12.0,middle,POS other with interest,,,,,,,0,Cash loans,F,N,Y,0,166500.0,284256.0,27117.0,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.032561,-22177,-6867,-8664.0,-4498,,1,1,0,1,0,0,,1.0,1,1,MONDAY,13,0,0,0,0,0,0,Other,,0.7187167073552669,0.5442347412142162,0.0619,,0.9881,0.8368,,0.08,0.0345,0.625,,,,0.0617,,0.0075,0.063,,0.9881,0.8432,,0.0806,0.0345,0.625,,,,0.0643,,0.0079,0.0625,,0.9881,0.8390000000000001,,0.08,0.0345,0.625,,,,0.0628,,0.0076,org spec account,block of flats,0.0502,"Stone, brick",No,1.0,0.0,1.0,0.0,-319.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,4.0 +1698575,332328,Consumer loans,3818.43,28737.0,27994.5,2875.5,28737.0,SUNDAY,7,Y,1,0.1014473893453485,,,XAP,Approved,-1283,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Country-wide,44,Connectivity,10.0,high,POS mobile with interest,365243.0,-1252.0,-982.0,-982.0,-975.0,0.0,0,Cash loans,F,N,Y,0,234000.0,720000.0,34767.0,720000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018209,-16821,-7373,-4495.0,-357,,1,1,0,1,0,0,Cooking staff,2.0,3,3,TUESDAY,11,0,0,0,0,0,0,School,0.062400485607306426,0.4471817238912696,0.06555002632575951,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1283.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +2279291,159493,Cash loans,70224.3,900000.0,939204.0,,900000.0,TUESDAY,12,Y,1,,,,XNA,Refused,-958,Cash through the bank,HC,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,Y,Y,0,247500.0,632664.0,50116.5,540000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0228,-14667,-1422,-286.0,-5816,4.0,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.45749040407699504,0.3831646820638104,0.1997705696341145,0.332,,0.9841,,,0.36,0.3103,0.3333,,0.194,,0.3593,,0.1661,0.3382,,0.9841,,,0.3625,0.3103,0.3333,,0.1984,,0.3743,,0.1758,0.3352,,0.9841,,,0.36,0.3103,0.3333,,0.1974,,0.3657,,0.1696,,block of flats,0.3243,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2761899,183501,Consumer loans,11484.765,239751.0,252801.0,23976.0,239751.0,SATURDAY,20,Y,1,0.09434325697714636,,,XAP,Approved,-402,Cash through the bank,XAP,Family,New,XNA,POS,XNA,Country-wide,200,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-372.0,318.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,0,360000.0,781920.0,61906.5,675000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.035792000000000004,-16875,365243,-4414.0,-415,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,16,0,0,0,1,0,0,XNA,0.5546744819428373,0.6737899923549809,0.1500851762342935,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2085251,415770,Cash loans,14225.22,229500.0,311899.5,,229500.0,WEDNESDAY,9,Y,1,,,,XNA,Approved,-867,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-837.0,213.0,-537.0,-534.0,1.0,0,Cash loans,F,N,Y,0,157500.0,814041.0,23931.0,679500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.005144,-20394,-11866,-11290.0,-3325,,1,1,1,1,1,0,High skill tech staff,1.0,2,2,TUESDAY,12,0,0,0,0,1,1,Government,,0.3093111211876349,0.5638350489514956,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1049.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2762964,397321,Consumer loans,23807.34,121500.0,127516.5,0.0,121500.0,TUESDAY,11,Y,1,0.0,,,XAP,Approved,-1527,XNA,XAP,,Repeater,Construction Materials,POS,XNA,Stone,82,Furniture,6.0,middle,POS industry with interest,365243.0,-1496.0,-1346.0,-1346.0,-1340.0,0.0,0,Cash loans,F,N,Y,0,144000.0,291384.0,30726.0,270000.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.018634,-20078,365243,-3768.0,-2674,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,XNA,0.6692674986643771,0.6408563734575293,0.6161216908872079,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,5.0,0.0,-1685.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +1477228,355256,Consumer loans,,47641.5,47641.5,0.0,47641.5,TUESDAY,17,Y,1,0.0,,,XAP,Refused,-1038,Cash through the bank,XNA,,Repeater,Mobile,XNA,XNA,Country-wide,84,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,F,Y,Y,0,225000.0,1971072.0,68643.0,1800000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-18762,-6119,-5834.0,-2170,2.0,1,1,0,1,0,0,Cooking staff,2.0,2,2,THURSDAY,16,0,0,0,0,1,1,Industry: type 9,0.4937050001056121,0.6176809727035274,,0.0237,0.0068,0.9866,0.8164,0.0111,0.0,0.069,0.0833,0.125,0.0381,0.0193,0.0196,0.0,0.0,0.0242,0.0071,0.9866,0.8236,0.0112,0.0,0.069,0.0833,0.125,0.039,0.0211,0.0205,0.0,0.0,0.0239,0.0068,0.9866,0.8189,0.0112,0.0,0.069,0.0833,0.125,0.0388,0.0197,0.02,0.0,0.0,reg oper spec account,block of flats,0.0154,"Stone, brick",No,0.0,0.0,0.0,0.0,-3279.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2407843,383721,Cash loans,14222.43,225000.0,254700.0,,225000.0,WEDNESDAY,8,Y,1,,,,Repairs,Approved,-602,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),4,XNA,24.0,low_normal,Cash Street: low,365243.0,-568.0,122.0,-328.0,-326.0,0.0,0,Cash loans,F,N,N,1,126000.0,180000.0,14134.5,180000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,Municipal apartment,0.0038179999999999998,-8828,-977,-3625.0,-1507,,1,1,1,1,1,1,Sales staff,3.0,2,2,THURSDAY,5,0,0,0,0,0,0,Self-employed,0.26089906858266776,0.4503137869619196,0.4884551844437485,,,0.9682,,,,0.0345,0.0417,,0.0142,,0.0072,,,,,0.9682,,,,0.0345,0.0417,,0.0145,,0.0075,,,,,0.9682,,,,0.0345,0.0417,,0.0144,,0.0073,,,,block of flats,0.0056,Wooden,Yes,9.0,0.0,8.0,0.0,-796.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2701097,189435,Consumer loans,11791.44,106141.5,117351.0,0.0,106141.5,WEDNESDAY,12,Y,1,0.0,,,XAP,Approved,-903,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,1099,Consumer electronics,12.0,middle,POS household with interest,365243.0,-872.0,-542.0,-542.0,-535.0,0.0,0,Cash loans,M,N,Y,0,157500.0,588465.0,30177.0,468000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.022625,-10523,-1711,-4366.0,-2843,,1,1,0,1,1,1,Laborers,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Government,0.14888871793124167,0.4344344553151125,0.6594055320683344,0.1845,0.1237,0.9866,0.8164,0.0407,0.24,0.2069,0.3333,0.375,0.1227,0.1505,0.2108,0.0,0.0,0.188,0.1284,0.9866,0.8236,0.0411,0.2417,0.2069,0.3333,0.375,0.1255,0.1644,0.2196,0.0,0.0,0.1863,0.1237,0.9866,0.8189,0.041,0.24,0.2069,0.3333,0.375,0.1248,0.1531,0.2146,0.0,0.0,reg oper account,block of flats,0.1879,Panel,No,0.0,0.0,0.0,0.0,-903.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,4.0 +1147369,336254,Consumer loans,9005.625,58162.5,74065.5,0.0,58162.5,TUESDAY,9,Y,1,0.0,,,XAP,Approved,-608,Cash through the bank,XAP,,Refreshed,Computers,POS,XNA,Regional / Local,50,Consumer electronics,12.0,high,POS household with interest,,,,,,,1,Cash loans,M,Y,Y,1,180000.0,1006920.0,51543.0,900000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.006852,-11331,-3639,-2576.0,-3716,11.0,1,1,0,1,0,0,Core staff,3.0,3,3,MONDAY,10,0,0,0,0,1,1,Government,0.08827836663599199,0.07414068048847643,0.5082869913916046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,3.0 +2164927,108863,Cash loans,28176.75,675000.0,675000.0,,675000.0,FRIDAY,12,Y,1,,,,XNA,Approved,-766,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Stone,300,Consumer electronics,42.0,middle,Cash X-Sell: middle,365243.0,-736.0,494.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,3,126000.0,324216.0,21793.5,256500.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.00733,-14267,-592,-3415.0,-3415,14.0,1,1,0,1,0,0,Sales staff,5.0,2,2,MONDAY,9,0,0,0,0,1,1,Self-employed,0.8323378757043759,0.5112235345477183,0.14024318370802974,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1720.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1823474,108272,Revolving loans,10125.0,202500.0,202500.0,,202500.0,THURSDAY,13,Y,1,,,,XAP,Refused,-655,XNA,HC,,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),4,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,N,N,2,180000.0,1288350.0,37669.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0228,-11639,-821,-5359.0,-3623,,1,1,1,1,1,0,Drivers,4.0,2,2,MONDAY,10,0,0,0,0,0,0,Self-employed,,0.5835222124251309,0.6956219298394389,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2522.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1854527,350762,Consumer loans,5729.85,35941.5,30267.0,7191.0,35941.5,FRIDAY,19,Y,1,0.20907824035647185,,,XAP,Refused,-814,Cash through the bank,LIMIT,Other_A,Repeater,Computers,POS,XNA,Country-wide,1552,Consumer electronics,6.0,middle,POS household with interest,,,,,,,0,Cash loans,M,Y,Y,0,135000.0,276277.5,22149.0,238500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.0105,-8183,-592,-690.0,-843,15.0,1,1,0,1,0,0,Laborers,2.0,3,3,SUNDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.4031287693632892,0.14876431360338552,0.15855489979486306,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-53.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1567793,404673,Consumer loans,4000.95,21105.0,19935.0,2110.5,21105.0,SATURDAY,11,Y,1,0.10426283657147097,,,XAP,Approved,-2579,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,44,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2548.0,-2398.0,-2398.0,-2389.0,1.0,0,Cash loans,F,N,N,1,112500.0,675000.0,46980.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,Co-op apartment,0.035792000000000004,-15884,-4277,-8665.0,-5140,,1,1,1,1,0,0,High skill tech staff,3.0,2,2,TUESDAY,13,0,0,0,0,0,0,Self-employed,0.733242503576857,0.6276428758894449,0.3876253444214701,0.1608,,0.9886,,,0.16,0.1379,0.375,,0.0466,,0.0965,,0.1298,0.1639,,0.9886,,,0.1611,0.1379,0.375,,0.0476,,0.1005,,0.1374,0.1624,,0.9886,,,0.16,0.1379,0.375,,0.0474,,0.0982,,0.1325,,block of flats,0.139,Mixed,No,0.0,0.0,0.0,0.0,-2579.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2473197,364648,Consumer loans,10221.21,195182.64,195178.5,4.14,195182.64,THURSDAY,15,Y,1,2.310060138358801e-05,,,XAP,Approved,-1113,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,756,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-1082.0,-392.0,-602.0,-585.0,0.0,0,Cash loans,M,Y,Y,0,112500.0,135000.0,16020.0,135000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-12225,-4366,-937.0,-4383,5.0,1,1,1,1,1,0,Core staff,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Police,,0.43831762123319856,0.20208660168203949,1.0,0.6077,0.9816,0.7484,,1.0,0.931,0.3333,0.0,0.8698,,0.6451,,0.0036,1.0,0.6307,0.9816,0.7583,,1.0,0.931,0.3333,0.0,0.8896,,0.6721,,0.0038,1.0,0.6077,0.9816,0.7518,,1.0,0.931,0.3333,0.0,0.8849,,0.6567,,0.0036,,block of flats,1.0,Panel,No,0.0,0.0,0.0,0.0,-158.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1877311,264793,Consumer loans,23118.975,252445.5,252445.5,0.0,252445.5,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-228,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,3135,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-198.0,132.0,-48.0,-46.0,0.0,0,Revolving loans,M,N,Y,1,225000.0,675000.0,33750.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,Municipal apartment,0.032561,-10397,-125,-4929.0,-3055,,1,1,0,1,1,0,Laborers,2.0,1,1,THURSDAY,14,0,0,0,0,0,0,Business Entity Type 2,0.21393336498475715,0.5197762563313256,0.5849900404894085,0.0804,0.1192,0.9722,0.6192,,0.0,0.1379,0.1667,0.2083,0.0207,0.063,0.095,0.0116,0.0747,0.0819,0.1237,0.9722,0.6341,,0.0,0.1379,0.1667,0.2083,0.0212,0.0689,0.099,0.0117,0.079,0.0812,0.1192,0.9722,0.6243,,0.0,0.1379,0.1667,0.2083,0.0211,0.0641,0.0967,0.0116,0.0762,reg oper account,block of flats,0.0909,"Stone, brick",No,0.0,0.0,0.0,0.0,-1616.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1398631,163832,Consumer loans,11218.5,69745.5,56848.5,15750.0,69745.5,SATURDAY,14,Y,1,0.23627460372021206,,,XAP,Approved,-908,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,2200,Consumer electronics,6.0,high,POS household with interest,365243.0,-877.0,-727.0,-727.0,-718.0,0.0,0,Revolving loans,M,N,Y,0,157500.0,135000.0,6750.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.009549,-10289,-941,-2701.0,-2679,,1,1,0,1,1,1,,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Industry: type 11,0.3123352052263684,0.29259609921888924,0.6397075677637197,0.0928,0.1532,0.9821,0.7552,0.0117,0.0,0.2069,0.1667,0.0417,0.6739,0.0756,0.0906,0.0,0.0,0.0945,0.159,0.9821,0.7648,0.0118,0.0,0.2069,0.1667,0.0417,0.6892,0.0826,0.0944,0.0,0.0,0.0937,0.1532,0.9821,0.7585,0.0117,0.0,0.2069,0.1667,0.0417,0.6856,0.077,0.0922,0.0,0.0,reg oper spec account,block of flats,0.077,Panel,No,1.0,0.0,1.0,0.0,0.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2178822,239011,Consumer loans,5525.415,76455.0,68809.5,7645.5,76455.0,TUESDAY,15,Y,1,0.1089090909090909,,,XAP,Approved,-1358,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,1091,Consumer electronics,24.0,high,POS household with interest,365243.0,-1327.0,-637.0,-1237.0,-1234.0,0.0,0,Cash loans,M,Y,N,0,180000.0,675000.0,19345.5,675000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.028663,-10002,-3361,-2623.0,-2616,1.0,1,1,0,1,1,0,Managers,2.0,2,2,SATURDAY,10,0,0,0,0,1,1,Other,0.6122741056389744,0.5442279758311651,0.1777040724853336,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1358.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1427300,127280,Consumer loans,4117.815,24705.0,22234.5,2470.5,24705.0,SATURDAY,9,Y,1,0.1089090909090909,,,XAP,Refused,-2692,XNA,SCO,Other_B,Repeater,XNA,POS,XNA,Stone,9,Consumer electronics,6.0,middle,POS household without interest,,,,,,,0,Cash loans,F,N,N,1,112500.0,755190.0,36459.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-13379,-1368,-159.0,-4584,,1,1,1,1,0,0,Sales staff,3.0,2,2,WEDNESDAY,11,0,0,0,0,1,1,Business Entity Type 3,,0.5279795294822055,0.4206109640437848,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-509.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1537525,158084,Cash loans,13681.665,166500.0,182983.5,,166500.0,SATURDAY,10,Y,1,,,,XNA,Approved,-747,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,30,Connectivity,18.0,middle,Cash X-Sell: middle,365243.0,-717.0,-207.0,-597.0,-592.0,1.0,0,Revolving loans,F,N,Y,0,135000.0,225000.0,11250.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.007305,-18140,-3638,-3158.0,-1701,,1,1,1,1,1,0,,2.0,3,3,THURSDAY,10,0,0,0,0,0,0,Other,0.7389876524408634,0.501740349304867,0.5762088360175724,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-2277.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2320413,156938,Consumer loans,8474.715,71460.0,70681.5,7146.0,71460.0,SATURDAY,13,Y,1,0.09999863334121784,,,XAP,Approved,-2239,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,40,Connectivity,12.0,high,POS mobile with interest,365243.0,-2208.0,-1878.0,-1878.0,-1860.0,0.0,0,Cash loans,F,N,N,0,337500.0,1006920.0,42790.5,900000.0,Family,Pensioner,Higher education,Married,House / apartment,0.072508,-17367,365243,-9681.0,-911,,1,0,0,1,1,0,,2.0,1,1,FRIDAY,12,0,0,0,0,0,0,XNA,,0.731735423611235,0.42765737003502935,0.2206,0.1431,0.9796,0.7212,0.0,0.24,0.2069,0.3333,0.375,0.0,0.1799,0.211,0.0,0.0,0.2248,0.1485,0.9796,0.7321,0.0,0.2417,0.2069,0.3333,0.375,0.0,0.1965,0.2198,0.0,0.0,0.2228,0.1431,0.9796,0.7249,0.0,0.24,0.2069,0.3333,0.375,0.0,0.183,0.2147,0.0,0.0,reg oper account,block of flats,0.1659,Panel,No,0.0,0.0,0.0,0.0,-1673.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1243696,191740,Consumer loans,6975.45,135000.0,135000.0,0.0,135000.0,TUESDAY,15,Y,1,0.0,,,XAP,Approved,-386,XNA,XAP,,New,Medical Supplies,POS,XNA,Regional / Local,50,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-354.0,336.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,Y,0,90000.0,180000.0,9000.0,180000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.019688999999999998,-16884,-2500,-10711.0,-432,,1,1,1,1,0,0,,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.7493098862856981,0.759838621982365,0.4525335592581747,0.0557,0.0339,0.9806,0.7348,0.0116,0.04,0.0345,0.3333,0.375,0.0467,0.0454,0.0473,0.0,0.0,0.0567,0.0352,0.9806,0.7452,0.0117,0.0403,0.0345,0.3333,0.375,0.0478,0.0496,0.0492,0.0,0.0,0.0562,0.0339,0.9806,0.7383,0.0117,0.04,0.0345,0.3333,0.375,0.0475,0.0462,0.0481,0.0,0.0,reg oper account,block of flats,0.0435,"Stone, brick",No,0.0,0.0,0.0,0.0,-386.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1405241,456144,Revolving loans,9000.0,0.0,180000.0,,,FRIDAY,12,Y,1,,,,XAP,Approved,-2266,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-2243.0,-2194.0,365243.0,-1434.0,365243.0,0.0,0,Cash loans,F,N,Y,0,65250.0,123637.5,8734.5,112500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.00702,-14483,-976,-8617.0,-4389,,1,1,1,1,1,1,,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.7123510971533541,0.5516594500526683,,0.0619,0.0873,0.9836,0.7756,0.0844,0.16,0.1379,0.1667,0.2083,0.0571,0.0504,0.0321,0.0,0.0,0.063,0.0906,0.9836,0.7844,0.0851,0.1611,0.1379,0.1667,0.2083,0.0584,0.0551,0.0334,0.0,0.0,0.0625,0.0873,0.9836,0.7786,0.0849,0.16,0.1379,0.1667,0.2083,0.0581,0.0513,0.0327,0.0,0.0,reg oper spec account,block of flats,0.2206,"Stone, brick",No,4.0,0.0,4.0,0.0,-1723.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2434486,190680,Cash loans,10080.63,135000.0,152820.0,,135000.0,FRIDAY,11,Y,1,,,,Repairs,Refused,-195,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,171000.0,855882.0,36261.0,765000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.00823,-20788,365243,-4658.0,-2032,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,XNA,,0.3669240378460077,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2727177,219961,Consumer loans,16359.435,123142.5,154174.5,0.0,123142.5,MONDAY,12,Y,1,0.0,,,XAP,Approved,-246,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Regional / Local,25,Consumer electronics,12.0,middle,POS household with interest,365243.0,-208.0,122.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,5,157500.0,450000.0,22018.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.005002,-13414,-1662,-3949.0,-3938,30.0,1,1,0,1,0,0,Drivers,7.0,3,3,MONDAY,13,0,0,0,0,1,1,Government,,0.571876770197037,0.4311917977993083,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-246.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2307125,335355,Consumer loans,6814.26,36850.5,33952.5,4500.0,36850.5,SUNDAY,10,Y,1,0.12745358795680622,,,XAP,Approved,-2613,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,3100,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-2582.0,-2432.0,-2432.0,-2424.0,1.0,0,Cash loans,F,Y,Y,2,90000.0,306000.0,16020.0,306000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.028663,-13907,-1220,-7960.0,-4109,19.0,1,1,0,1,0,0,Sales staff,4.0,2,2,TUESDAY,15,0,0,0,0,0,0,Self-employed,,0.7061516881219877,,0.2046,0.1274,0.9935,0.9932,0.0665,0.2,0.1379,0.4792,0.6667,,0.1513,0.19,0.0039,0.0188,0.1901,0.1322,0.9876,0.9935,0.0671,0.1611,0.069,0.3333,0.6667,,0.1653,0.1606,0.0039,0.0,0.2066,0.1274,0.9935,0.9933,0.0669,0.2,0.1379,0.4792,0.6667,,0.1539,0.1934,0.0039,0.0192,,block of flats,0.1707,Monolithic,No,3.0,2.0,3.0,2.0,-323.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1032317,345838,Consumer loans,3303.675,27855.0,27553.5,2785.5,27855.0,MONDAY,18,Y,1,0.09999217928319083,,,XAP,Approved,-1653,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,45,Connectivity,12.0,high,POS mobile with interest,365243.0,-1621.0,-1291.0,-1291.0,-1282.0,0.0,0,Revolving loans,F,N,Y,1,58500.0,157500.0,7875.0,157500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,With parents,0.0228,-8751,-2074,-8138.0,-608,,1,1,1,1,1,0,Sales staff,2.0,2,2,TUESDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.3637145902698027,0.36896873825284665,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-82.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,0.0 +1135100,347525,Consumer loans,5577.525,26590.5,34155.0,2659.5,26590.5,SATURDAY,18,Y,1,0.07867653432009868,,,XAP,Approved,-1433,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,10,Connectivity,8.0,high,POS mobile with interest,365243.0,-1402.0,-1192.0,-1282.0,-1278.0,0.0,0,Cash loans,M,N,Y,0,360000.0,1096020.0,55962.0,900000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.04622,-10803,365243,-5005.0,-1076,,1,0,0,1,0,0,,2.0,1,1,THURSDAY,16,0,0,0,0,0,0,XNA,0.3740436936589413,0.3394979463018189,0.15855489979486306,0.0608,,0.9861,,,0.0,0.1034,0.1667,,,,,,,0.062,,0.9861,,,0.0,0.1034,0.1667,,,,,,,0.0614,,0.9861,,,0.0,0.1034,0.1667,,,,,,,,block of flats,0.0563,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1973525,101604,Consumer loans,5781.42,30672.0,29061.0,3069.0,30672.0,MONDAY,12,Y,1,0.10402801120448177,,,XAP,Approved,-491,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,6.0,high,POS mobile with interest,365243.0,-460.0,-310.0,-370.0,-359.0,0.0,0,Cash loans,F,N,Y,0,67500.0,269550.0,12001.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.015221,-20171,365243,-8257.0,-3430,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,12,0,0,0,0,0,0,XNA,0.7133878420885691,0.5675829828198119,0.6212263380626669,0.1227,,0.9851,,,,0.2759,0.1667,,0.0412,,0.1151,,,0.125,,0.9851,,,,0.2759,0.1667,,0.0421,,0.1199,,,0.1239,,0.9851,,,,0.2759,0.1667,,0.0419,,0.1172,,,,block of flats,0.0906,Panel,No,0.0,0.0,0.0,0.0,-1785.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2188345,179278,Cash loans,26574.255,225000.0,289732.5,,225000.0,FRIDAY,11,Y,1,,,,XNA,Approved,-840,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,365243.0,-810.0,-300.0,-300.0,-292.0,1.0,0,Cash loans,M,Y,Y,0,157500.0,247275.0,19822.5,225000.0,Family,Working,Higher education,Married,House / apartment,0.00823,-16178,-1660,-6099.0,-4376,16.0,1,1,1,1,0,0,Laborers,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.7516966443894421,0.5991048949672663,,0.2165,0.11,0.9841,,,0.24,0.2069,0.3333,,,,0.2342,,,0.2206,0.1142,0.9841,,,0.2417,0.2069,0.3333,,,,0.2441,,,0.2186,0.11,0.9841,,,0.24,0.2069,0.3333,,,,0.2385,,,,block of flats,0.1844,Panel,No,1.0,0.0,1.0,0.0,-840.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2209860,323267,Consumer loans,4535.91,38646.0,38200.5,4500.0,38646.0,WEDNESDAY,15,Y,1,0.11477404458751282,,,XAP,Approved,-497,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,44,Connectivity,12.0,high,POS mobile with interest,365243.0,-459.0,-129.0,-219.0,-213.0,0.0,0,Cash loans,M,N,N,0,112500.0,539100.0,25933.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-8729,-888,-3584.0,-1331,,1,1,1,1,0,0,Laborers,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.1433570651650778,0.6188937896443879,0.1008037063175332,0.0825,0.08,0.9747,,,0.0,0.1379,0.1667,,0.0506,,0.0699,,0.0,0.084,0.083,0.9747,,,0.0,0.1379,0.1667,,0.0518,,0.0729,,0.0,0.0833,0.08,0.9747,,,0.0,0.1379,0.1667,,0.0515,,0.0712,,0.0,,block of flats,0.0597,Panel,No,0.0,0.0,0.0,0.0,-497.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2386532,430252,Consumer loans,17686.125,193122.0,193122.0,0.0,193122.0,MONDAY,13,Y,1,0.0,,,XAP,Approved,-506,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Stone,500,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-475.0,-145.0,-205.0,-199.0,0.0,0,Cash loans,F,Y,Y,0,247500.0,1046142.0,33876.0,913500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-13315,-1405,-6869.0,-3430,3.0,1,1,0,1,0,0,Core staff,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Self-employed,0.4277907601931795,0.5637738533076135,0.722392890081304,0.0619,0.0507,0.9831,0.7688,0.0081,0.0,0.1379,0.1667,0.0417,0.0463,0.0504,0.0551,0.0,0.0,0.063,0.0526,0.9831,0.7779,0.0082,0.0,0.1379,0.1667,0.0417,0.0473,0.0551,0.0574,0.0,0.0,0.0625,0.0507,0.9831,0.7719,0.0082,0.0,0.1379,0.1667,0.0417,0.0471,0.0513,0.0561,0.0,0.0,reg oper account,block of flats,0.0565,Panel,No,6.0,3.0,6.0,1.0,-1923.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2579939,394963,Consumer loans,6082.11,80086.5,92772.0,0.0,80086.5,FRIDAY,15,Y,1,0.0,,,XAP,Approved,-451,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,3303,Consumer electronics,18.0,low_normal,POS household with interest,365243.0,-419.0,91.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,67500.0,112500.0,7402.5,112500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.015221,-21964,365243,-3517.0,-3969,,1,0,0,1,1,0,,1.0,2,2,SATURDAY,10,0,0,0,0,0,0,XNA,0.7537220845672566,0.5449872492466714,,0.0928,0.0849,0.9826,0.762,0.012,0.0,0.2069,0.1667,0.2083,0.0,0.0756,0.079,0.0,0.0,0.0945,0.0881,0.9826,0.7713,0.0121,0.0,0.2069,0.1667,0.2083,0.0,0.0826,0.0823,0.0,0.0,0.0937,0.0849,0.9826,0.7652,0.012,0.0,0.2069,0.1667,0.2083,0.0,0.077,0.0804,0.0,0.0,reg oper account,block of flats,0.0687,Panel,No,0.0,0.0,0.0,0.0,-2571.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1365095,156645,Consumer loans,3539.025,35046.0,34870.5,3505.5,35046.0,WEDNESDAY,20,Y,1,0.09948426573426568,,,XAP,Approved,-630,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,74,Connectivity,12.0,middle,POS mobile with interest,365243.0,-599.0,-269.0,-359.0,-353.0,0.0,0,Cash loans,F,Y,Y,0,135000.0,113760.0,4419.0,90000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.007114,-18189,-635,-11514.0,-1736,2.0,1,1,0,1,1,0,,1.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.6596762429027828,0.5937175866150576,0.0165,0.0266,0.9841,,,0.0,0.0345,0.1667,,0.0292,,0.0156,,0.0,0.0168,0.0276,0.9841,,,0.0,0.0345,0.1667,,0.0298,,0.0162,,0.0,0.0167,0.0266,0.9841,,,0.0,0.0345,0.1667,,0.0297,,0.0158,,0.0,,block of flats,0.0122,Panel,No,0.0,0.0,0.0,0.0,-706.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2819496,224985,Consumer loans,7393.05,35955.0,35955.0,0.0,35955.0,THURSDAY,17,Y,1,0.0,,,XAP,Approved,-343,Cash through the bank,XAP,,New,Mobile,POS,XNA,Regional / Local,75,Connectivity,6.0,high,POS mobile with interest,365243.0,-306.0,-156.0,-156.0,-151.0,0.0,0,Cash loans,F,Y,Y,2,112500.0,276277.5,22279.5,238500.0,Family,State servant,Secondary / secondary special,Married,House / apartment,0.01885,-11513,-1092,-3633.0,-4048,8.0,1,1,0,1,0,0,,4.0,2,2,THURSDAY,10,0,0,0,0,0,0,School,,0.19000002922355624,0.4776491548517548,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-343.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1051645,416932,Consumer loans,5736.105,52150.5,51583.5,5215.5,52150.5,FRIDAY,13,Y,1,0.10000446550755536,,,XAP,Approved,-2342,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,32,Connectivity,12.0,high,POS mobile with interest,365243.0,-2311.0,-1981.0,-1981.0,-1962.0,1.0,0,Revolving loans,F,Y,Y,0,135000.0,270000.0,13500.0,270000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.019688999999999998,-10161,-1650,-4634.0,-2623,64.0,1,1,0,1,1,0,,1.0,2,2,TUESDAY,15,0,0,0,0,0,0,Self-employed,,0.23375520695147506,,0.1392,0.1247,0.9901,,,0.12,0.1034,0.3333,,0.1174,,0.1493,,0.0024,0.1418,0.1294,0.9901,,,0.1208,0.1034,0.3333,,0.1201,,0.1556,,0.0026,0.1405,0.1247,0.9901,,,0.12,0.1034,0.3333,,0.1194,,0.152,,0.0025,,block of flats,0.1432,"Stone, brick",No,,,,,-525.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1871455,173895,Consumer loans,14438.25,337500.0,337500.0,0.0,337500.0,FRIDAY,14,Y,1,0.0,,,XAP,Approved,-769,Cash through the bank,XAP,"Spouse, partner",Refreshed,Vehicles,POS,XNA,Regional / Local,30,Industry,36.0,middle,POS other with interest,365243.0,-738.0,312.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,2,225000.0,835380.0,40320.0,675000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.008625,-14298,-3042,-8432.0,-3901,19.0,1,1,0,1,0,0,Drivers,4.0,2,2,THURSDAY,10,0,0,0,1,1,0,Self-employed,,0.5872586354596125,0.4740512892789932,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-505.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1783868,182495,Consumer loans,9526.23,101610.0,93091.5,20322.0,101610.0,THURSDAY,11,Y,1,0.1951487737751278,,,XAP,Approved,-54,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Country-wide,15,Connectivity,12.0,middle,POS mobile with interest,365243.0,-24.0,306.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,0,135000.0,495351.0,27787.5,459000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.031329,-17418,-385,-7681.0,-952,11.0,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,Industry: type 7,,0.6360459479797838,0.8327850252992314,0.0124,0.0,0.9816,0.7484,,0.0,0.069,0.0417,,0.0326,,0.0111,,0.0,0.0126,0.0,0.9816,0.7583,,0.0,0.069,0.0417,,0.0334,,0.0116,,0.0,0.0125,0.0,0.9816,0.7518,,0.0,0.069,0.0417,,0.0332,,0.0113,,0.0,reg oper account,block of flats,0.0088,"Stone, brick",No,9.0,0.0,9.0,0.0,-2229.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2384265,437995,Consumer loans,2980.485,25492.5,22342.5,3150.0,25492.5,SUNDAY,12,Y,1,0.13457434004653776,,,XAP,Approved,-2868,XNA,XAP,,New,Mobile,POS,XNA,Stone,10,Connectivity,10.0,high,POS mobile with interest,365243.0,-2836.0,-2566.0,-2566.0,-2560.0,0.0,0,Cash loans,M,N,N,1,180000.0,1293502.5,37944.0,1129500.0,Unaccompanied,Working,Secondary / secondary special,Married,Rented apartment,0.019688999999999998,-12409,-2606,-3228.0,-4362,,1,1,0,1,0,0,Laborers,3.0,2,2,FRIDAY,11,0,0,0,1,1,0,Electricity,,0.4074179565217023,0.6263042766749393,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-258.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1515094,130737,Consumer loans,4778.055,58455.0,67716.0,0.0,58455.0,TUESDAY,16,Y,1,0.0,,,XAP,Approved,-239,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,1000,Consumer electronics,18.0,middle,POS household with interest,365243.0,-208.0,302.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,126000.0,254700.0,24939.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.020713,-24769,-3579,-3017.0,-4540,,1,1,0,1,0,0,Medicine staff,1.0,3,2,WEDNESDAY,13,0,0,0,0,0,0,Other,,0.6217316274377589,0.3092753558842053,0.0907,0.1045,0.9831,0.7688,0.0169,0.0,0.2069,0.1667,0.2083,0.0664,0.07400000000000001,0.0836,0.0,0.0,0.0924,0.1085,0.9831,0.7779,0.0171,0.0,0.2069,0.1667,0.2083,0.0679,0.0808,0.0871,0.0,0.0,0.0916,0.1045,0.9831,0.7719,0.017,0.0,0.2069,0.1667,0.2083,0.0676,0.0752,0.0851,0.0,0.0,reg oper account,block of flats,0.075,Panel,No,3.0,0.0,3.0,0.0,-1289.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1549239,391699,Revolving loans,5625.0,112500.0,112500.0,,112500.0,FRIDAY,5,Y,1,,,,XAP,Refused,-550,XNA,SCOFR,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,Y,N,0,144000.0,450000.0,22018.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014464,-9916,-2013,-4242.0,-2503,22.0,1,1,0,1,1,0,Core staff,2.0,2,2,TUESDAY,5,0,0,0,0,0,0,Business Entity Type 2,0.17439070286637268,0.31605486966702245,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-550.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1613049,364029,Consumer loans,6358.185,38430.0,31680.0,6750.0,38430.0,THURSDAY,19,Y,1,0.19129231424313395,,,XAP,Approved,-2836,Cash through the bank,XAP,,New,Mobile,POS,XNA,Stone,11,Connectivity,6.0,high,POS mobile with interest,365243.0,-2793.0,-2643.0,-2643.0,-2637.0,0.0,1,Cash loans,M,Y,Y,2,180000.0,514777.5,31621.5,477000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.02461,-14853,-157,-15.0,-4672,6.0,1,1,0,1,0,0,Managers,4.0,2,2,FRIDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.2545192322592567,0.6956219298394389,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-788.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1206820,451313,Consumer loans,8919.63,82039.5,90702.0,0.0,82039.5,SATURDAY,8,Y,1,0.0,,,XAP,Approved,-610,Cash through the bank,XAP,,New,Jewelry,POS,XNA,Stone,77,Industry,12.0,middle,POS other with interest,365243.0,-578.0,-248.0,-338.0,-336.0,0.0,0,Cash loans,F,N,Y,1,90000.0,396850.5,15088.5,279000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008068,-13078,-2072,-5946.0,-881,,1,1,0,1,0,0,Sales staff,3.0,3,3,SUNDAY,6,0,0,0,0,0,0,Self-employed,,0.0575203697562934,0.4740512892789932,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-610.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2410719,419385,Consumer loans,23513.22,331200.0,331200.0,0.0,331200.0,THURSDAY,16,Y,1,0.0,,,XAP,Approved,-1191,Cash through the bank,XAP,"Spouse, partner",Repeater,Clothing and Accessories,POS,XNA,Stone,73,Clothing,18.0,middle,POS industry with interest,365243.0,-1160.0,-650.0,-650.0,-642.0,0.0,0,Cash loans,M,Y,Y,1,180000.0,497520.0,51111.0,450000.0,"Spouse, partner",Working,Higher education,Married,House / apartment,0.00963,-16469,-3970,-8631.0,-7,31.0,1,1,0,1,1,0,Laborers,3.0,2,2,FRIDAY,15,0,0,0,0,0,0,Other,0.390269209910789,0.5734393928638714,0.7530673920730478,0.0742,0.0802,0.9732,,,0.0,0.1379,0.1667,,0.0553,,0.0659,,0.036000000000000004,0.0756,0.0832,0.9732,,,0.0,0.1379,0.1667,,0.0566,,0.0686,,0.0382,0.0749,0.0802,0.9732,,,0.0,0.1379,0.1667,,0.0563,,0.067,,0.0368,,block of flats,0.0575,Panel,No,0.0,0.0,0.0,0.0,-1686.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2799382,388232,Cash loans,10898.325,247500.0,299772.0,,247500.0,TUESDAY,13,Y,1,,,,XNA,Refused,-16,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,157500.0,315000.0,17716.5,315000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.04622,-23566,-3318,-6288.0,-4586,,1,1,1,1,1,0,,1.0,1,1,THURSDAY,10,0,1,1,0,1,1,Business Entity Type 1,,0.7633050123020082,0.7886807751817684,0.0732,0.0576,0.9856,0.8028,,0.08,0.069,0.3333,0.375,0.0902,0.0597,0.0761,0.0116,0.0174,0.0746,0.0598,0.9856,0.8105,,0.0806,0.069,0.3333,0.375,0.0923,0.0652,0.0793,0.0117,0.0184,0.0739,0.0576,0.9856,0.8054,,0.08,0.069,0.3333,0.375,0.0918,0.0607,0.0775,0.0116,0.0177,reg oper account,block of flats,0.0637,"Stone, brick",No,0.0,0.0,0.0,0.0,-1588.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1776346,440603,Consumer loans,11847.825,98995.5,107707.5,0.0,98995.5,WEDNESDAY,20,Y,1,0.0,,,XAP,Approved,-584,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,2178,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-553.0,-283.0,-463.0,-461.0,0.0,0,Cash loans,M,N,Y,0,225000.0,495000.0,25272.0,495000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-11694,-1151,-44.0,-4204,,1,1,1,1,1,0,Sales staff,2.0,2,2,SATURDAY,14,0,1,1,0,1,1,Business Entity Type 3,0.10924895202899128,0.6339831650357198,0.16640554618393638,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-19.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,1.0 +1207390,229574,Cash loans,13155.75,225000.0,225000.0,,225000.0,THURSDAY,15,Y,1,,,,XNA,Approved,-1488,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-1458.0,-768.0,-1159.0,-1156.0,1.0,0,Cash loans,F,N,Y,0,180000.0,1082214.0,31770.0,945000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.072508,-22665,365243,-14951.0,-3919,,1,0,0,1,0,0,,2.0,1,1,MONDAY,12,0,0,0,0,0,0,XNA,0.7167179922810537,0.7383195396421951,0.3723336657058204,0.2048,0.0869,0.9901,0.6736,0.0,0.24,0.1034,0.5971,0.0417,0.0,0.0706,0.1336,0.0,0.0655,0.0882,0.0353,0.997,0.6864,0.0,0.0806,0.0345,0.6667,0.0417,0.0,0.0771,0.075,0.0,0.0516,0.1999,0.084,0.997,0.6779999999999999,0.0,0.24,0.1034,0.6667,0.0417,0.0,0.0718,0.1237,0.0,0.0669,org spec account,block of flats,0.1681,Panel,No,0.0,0.0,0.0,0.0,-1159.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2121099,171445,Consumer loans,13868.415,108922.275,122102.775,0.0,108922.275,TUESDAY,11,Y,1,0.0,,,XAP,Approved,-8,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,87,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,365243.0,298.0,365243.0,365243.0,0.0,1,Cash loans,F,N,Y,0,112500.0,722925.0,30519.0,549000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.00496,-10904,-925,-4649.0,-3261,,1,1,0,1,0,0,Core staff,2.0,2,2,WEDNESDAY,14,0,0,0,0,1,1,Kindergarten,,0.6474177085123287,0.0969483170508572,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-672.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1651909,417138,Consumer loans,29522.7,232164.0,244935.0,0.0,232164.0,MONDAY,16,Y,1,0.0,,,XAP,Approved,-784,Cash through the bank,XAP,Family,Repeater,Construction Materials,POS,XNA,Stone,3242,Construction,10.0,middle,POS industry with interest,365243.0,-753.0,-483.0,-483.0,-477.0,0.0,0,Cash loans,F,N,N,0,99000.0,652500.0,25875.0,652500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00702,-19829,-5825,-6968.0,-3325,,1,1,0,1,1,0,Medicine staff,2.0,2,2,FRIDAY,17,0,0,0,0,0,0,Medicine,0.6689269594537622,0.5710467108965571,0.3123653692278984,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-212.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1457591,447437,Revolving loans,6300.0,93595.5,90000.0,9360.0,93595.5,MONDAY,7,Y,1,0.10259552042160733,,,XAP,Refused,-2488,XNA,SCO,,New,Consumer Electronics,Cards,x-sell,Stone,150,Consumer electronics,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,N,1,67500.0,441481.5,21600.0,364500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0228,-14819,-770,-4292.0,-3986,,1,1,0,1,0,0,Core staff,3.0,2,2,THURSDAY,9,0,0,0,0,0,0,Agriculture,0.49139840364057397,0.4659793703987046,0.42589289800515295,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-314.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2386561,281767,Consumer loans,2716.2,20205.0,13500.0,6705.0,20205.0,MONDAY,18,Y,1,0.36141324154687177,,,XAP,Approved,-1788,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,25,Connectivity,6.0,high,POS mobile with interest,365243.0,-1749.0,-1599.0,-1599.0,-1593.0,0.0,0,Cash loans,M,N,Y,2,180000.0,473760.0,46858.5,450000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.010643000000000001,-13475,-470,-409.0,-4129,,1,1,1,1,0,0,Core staff,4.0,2,2,THURSDAY,16,1,1,0,1,1,0,Medicine,,0.5719999059434064,0.5832379256761245,0.0619,0.0493,0.9776,0.6940000000000001,0.0067,0.0,0.1034,0.1667,0.2083,0.0478,0.0504,0.0514,0.0,0.0,0.063,0.0512,0.9777,0.706,0.0068,0.0,0.1034,0.1667,0.2083,0.0489,0.0551,0.0536,0.0,0.0,0.0625,0.0493,0.9776,0.6981,0.0068,0.0,0.1034,0.1667,0.2083,0.0487,0.0513,0.0524,0.0,0.0,reg oper account,block of flats,0.0441,Panel,No,0.0,0.0,0.0,0.0,-235.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1729459,114001,Consumer loans,8042.58,72396.0,80041.5,0.0,72396.0,WEDNESDAY,12,Y,1,0.0,,,XAP,Approved,-683,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,2586,Consumer electronics,12.0,middle,POS household with interest,365243.0,-652.0,-322.0,-322.0,-308.0,0.0,0,Cash loans,F,Y,Y,1,112500.0,1125000.0,36292.5,1125000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.02461,-8350,-1675,-2885.0,-668,8.0,1,1,1,1,1,0,Sales staff,3.0,2,2,SUNDAY,16,0,0,0,0,1,1,Self-employed,0.7276978861051218,0.5229030712393681,0.4543210601605785,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-683.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2650717,390082,Revolving loans,7875.0,157500.0,157500.0,,157500.0,SUNDAY,14,Y,1,,,,XAP,Refused,-453,XNA,SCOFR,,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),3,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,Y,N,0,315000.0,1226511.0,39694.5,1071000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.032561,-18049,-2797,-2738.0,-1582,13.0,1,1,0,1,0,0,Laborers,2.0,1,1,FRIDAY,17,0,0,0,0,0,0,Business Entity Type 3,,0.6924831577443301,0.6006575372857061,0.1419,0.1221,0.9841,0.7892,0.0607,0.168,0.1379,0.3833,0.4583,0.0774,,0.1421,,0.0026,0.1218,0.1664,0.9846,0.7975,0.0612,0.1208,0.1034,0.3333,0.375,0.0712,,0.0782,,0.0019,0.1207,0.1604,0.9846,0.792,0.0611,0.12,0.1034,0.3333,0.375,0.0708,,0.1159,,0.0027,reg oper account,block of flats,0.1765,Panel,No,0.0,0.0,0.0,0.0,-2022.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1654360,421550,Cash loans,,0.0,0.0,,,THURSDAY,16,Y,1,,,,XNA,Refused,-306,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,N,Y,1,135000.0,533304.0,32355.0,405000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.00733,-11753,-1544,-5056.0,-1569,,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,16,0,0,0,0,1,1,Business Entity Type 3,,0.18485812591365847,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-841.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1235078,427950,Consumer loans,15422.805,125860.5,138321.0,0.0,125860.5,SUNDAY,11,Y,1,0.0,,,XAP,Approved,-1803,Cash through the bank,XAP,Children,Repeater,Computers,POS,XNA,Country-wide,2370,Consumer electronics,12.0,high,POS household with interest,365243.0,-1772.0,-1442.0,-1442.0,-1439.0,0.0,0,Cash loans,F,Y,N,0,72000.0,143910.0,14233.5,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-13379,-4970,-1225.0,-1254,23.0,1,1,1,1,1,0,Sales staff,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Trade: type 7,,0.5471554377619043,0.722392890081304,0.266,0.0507,0.9811,0.7416,0.0335,0.08,0.0345,0.3333,0.375,0.0576,0.2152,0.121,0.0077,0.0103,0.271,0.0526,0.9811,0.7517,0.0338,0.0806,0.0345,0.3333,0.375,0.0589,0.2351,0.1261,0.0078,0.011,0.2686,0.0507,0.9811,0.7451,0.0337,0.08,0.0345,0.3333,0.375,0.0586,0.2189,0.1232,0.0078,0.0106,reg oper account,block of flats,0.1157,"Stone, brick",No,1.0,1.0,1.0,0.0,-1185.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2280749,418388,Consumer loans,15344.46,126783.0,126783.0,0.0,126783.0,FRIDAY,16,Y,1,0.0,,,XAP,Approved,-1095,Cash through the bank,XAP,Unaccompanied,New,Furniture,POS,XNA,Country-wide,752,Furniture,10.0,middle,POS industry with interest,365243.0,-1064.0,-794.0,-794.0,-784.0,0.0,0,Cash loans,F,N,Y,0,247500.0,1024290.0,30078.0,855000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.002042,-21863,365243,-2137.0,-4035,,1,0,0,1,0,0,,1.0,3,3,MONDAY,12,0,0,0,0,0,0,XNA,,0.7337267627922234,0.2353105173615833,0.0619,0.0713,0.9871,,,0.0,0.2069,0.1667,,0.0823,,0.07200000000000001,,0.0,0.063,0.07400000000000001,0.9871,,,0.0,0.2069,0.1667,,0.0841,,0.0751,,0.0,0.0625,0.0713,0.9871,,,0.0,0.2069,0.1667,,0.0837,,0.0733,,0.0,,block of flats,0.0671,Panel,No,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2017346,113923,Consumer loans,8259.975,75996.0,84019.5,0.0,75996.0,THURSDAY,11,Y,1,0.0,,,XAP,Approved,-972,Cash through the bank,XAP,Family,Refreshed,Consumer Electronics,POS,XNA,Regional / Local,50,Consumer electronics,12.0,middle,POS household with interest,365243.0,-936.0,-606.0,-606.0,-598.0,0.0,0,Cash loans,M,Y,Y,1,112500.0,270000.0,13783.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-10830,-1716,-1253.0,-3453,4.0,1,1,1,1,1,0,Laborers,3.0,2,2,WEDNESDAY,9,0,0,0,1,1,1,Construction,,0.4133759083568922,0.4543210601605785,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2823.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2049473,362586,Consumer loans,3194.505,32396.4,20142.0,13500.9,32396.4,SUNDAY,10,Y,1,0.4370523187521125,,,XAP,Approved,-2307,Cash through the bank,XAP,Other_A,New,Mobile,POS,XNA,Country-wide,33,Connectivity,8.0,low_normal,POS mobile with interest,365243.0,-2276.0,-2066.0,-2066.0,-2062.0,1.0,0,Cash loans,M,Y,Y,1,130500.0,254700.0,16713.0,225000.0,Unaccompanied,Working,Incomplete higher,Single / not married,House / apartment,0.018029,-9929,-1177,-9901.0,-2563,10.0,1,1,0,1,0,0,Laborers,2.0,3,2,THURSDAY,8,0,0,0,0,0,0,Business Entity Type 3,,0.1915258625230554,0.4418358231994413,0.1845,0.1329,0.9821,0.7552,0.0975,0.2,0.1724,0.3333,0.375,0.1314,0.1488,0.1981,0.0077,0.0134,0.188,0.1379,0.9821,0.7648,0.0984,0.2014,0.1724,0.3333,0.375,0.1344,0.1625,0.2064,0.0078,0.0142,0.1863,0.1329,0.9821,0.7585,0.0981,0.2,0.1724,0.3333,0.375,0.1337,0.1513,0.2016,0.0078,0.0137,reg oper account,block of flats,0.212,Panel,No,0.0,0.0,0.0,0.0,-1974.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1195438,206590,Consumer loans,18942.12,189441.0,170496.0,18945.0,189441.0,SATURDAY,18,Y,1,0.10891426498343684,,,XAP,Approved,-2571,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,2001,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2540.0,-2270.0,-2270.0,-2262.0,0.0,0,Cash loans,F,Y,N,1,225000.0,1800000.0,62568.0,1800000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.030755,-12277,-4464,-5500.0,-3084,23.0,1,1,1,1,1,0,Sales staff,3.0,2,2,SUNDAY,10,0,0,0,0,0,0,Self-employed,0.7583555610088978,0.5462937924168245,0.4436153084085652,0.0722,0.0783,0.9801,0.728,0.0,0.0,0.1379,0.1667,0.2083,0.0198,0.0588,0.0632,0.0,0.0,0.0735,0.0813,0.9801,0.7387,0.0,0.0,0.1379,0.1667,0.2083,0.0202,0.0643,0.0659,0.0,0.0,0.0729,0.0783,0.9801,0.7316,0.0,0.0,0.1379,0.1667,0.2083,0.0201,0.0599,0.0644,0.0,0.0,reg oper account,block of flats,0.0603,"Stone, brick",No,0.0,0.0,0.0,0.0,-1748.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1337040,392726,Consumer loans,10732.185,86850.0,107806.5,0.0,86850.0,MONDAY,10,Y,1,0.0,,,XAP,Refused,-494,Cash through the bank,HC,,Repeater,Auto Accessories,POS,XNA,Stone,230,Auto technology,12.0,middle,POS other with interest,,,,,,,0,Cash loans,F,Y,N,3,112500.0,785398.5,31275.0,702000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-11648,-2202,-5472.0,-1220,14.0,1,1,0,1,0,1,Laborers,5.0,2,2,FRIDAY,13,0,0,0,0,0,0,Industry: type 9,0.6239850751651718,0.26525634018619443,0.17352743046491467,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-280.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2445880,359336,Consumer loans,6375.465,37710.0,40198.5,0.0,37710.0,MONDAY,7,Y,1,0.0,,,XAP,Approved,-2229,XNA,XAP,Unaccompanied,New,Mobile,POS,XNA,Regional / Local,20,Consumer electronics,8.0,high,POS household with interest,365243.0,-2175.0,-1965.0,-1965.0,-1957.0,1.0,1,Cash loans,M,N,Y,0,76500.0,614574.0,22707.0,513000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.006629,-13224,-2058,-554.0,-5063,,1,1,1,1,1,0,Laborers,2.0,2,2,THURSDAY,4,0,0,0,0,0,0,Business Entity Type 3,,0.1985425416989152,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-365.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1118250,417939,Cash loans,18072.81,135000.0,163732.5,,135000.0,SATURDAY,16,Y,1,,,,XNA,Refused,-711,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,12.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,M,N,N,1,225000.0,74628.0,8568.0,67500.0,Unaccompanied,Working,Higher education,Separated,Office apartment,0.010006000000000001,-13057,-1051,-1078.0,-2215,,1,1,0,1,0,0,,2.0,2,1,WEDNESDAY,11,0,0,0,0,0,0,Industry: type 9,0.15562281336767034,0.3835575560771633,0.10547318648733764,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-281.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2607519,367955,Consumer loans,4929.255,43195.5,47758.5,0.0,43195.5,FRIDAY,19,Y,1,0.0,,,XAP,Approved,-789,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,2200,Consumer electronics,12.0,middle,POS household with interest,365243.0,-758.0,-428.0,-428.0,-423.0,0.0,0,Cash loans,M,N,N,0,135000.0,900000.0,26446.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Rented apartment,0.006296,-10704,-527,-2850.0,-3287,,1,1,0,1,0,0,Laborers,1.0,3,3,WEDNESDAY,15,0,0,0,1,1,0,Business Entity Type 3,0.4132007097136983,0.6844775686183988,0.7281412993111438,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-789.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2016039,276308,Consumer loans,23941.71,256500.0,256500.0,0.0,256500.0,MONDAY,10,Y,1,0.0,,,XAP,Approved,-515,XNA,XAP,,New,Clothing and Accessories,POS,XNA,Stone,15,Clothing,12.0,low_normal,POS industry with interest,365243.0,-482.0,-152.0,-152.0,-145.0,0.0,1,Cash loans,F,N,Y,0,225000.0,517500.0,24894.0,517500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.006305,-8845,-1041,-3168.0,-1516,,1,1,0,1,0,0,Sales staff,1.0,3,3,FRIDAY,9,0,0,0,0,0,0,Self-employed,0.21951364983600227,0.443568040184006,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-101.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2556376,212984,Cash loans,29901.285,270000.0,284611.5,,270000.0,MONDAY,13,Y,1,,,,XNA,Approved,-589,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-559.0,-229.0,-379.0,-366.0,1.0,0,Cash loans,F,Y,Y,0,180000.0,954000.0,28021.5,954000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0228,-11253,-2015,-3686.0,-217,64.0,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,8,0,0,0,0,0,0,School,0.5956552090508266,0.5785929576927067,,0.0082,0.0271,0.9841,,,0.0,0.0345,0.0417,,0.0135,,0.006999999999999999,,0.0028,0.0084,0.0281,0.9841,,,0.0,0.0345,0.0417,,0.0138,,0.0073,,0.003,0.0083,0.0271,0.9841,,,0.0,0.0345,0.0417,,0.0137,,0.0071,,0.0028,,block of flats,0.0061,"Stone, brick",No,4.0,2.0,4.0,2.0,-589.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1983791,222614,Cash loans,12622.5,135000.0,135000.0,,135000.0,SATURDAY,17,Y,1,,,,XNA,Approved,-269,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,x-sell,Country-wide,1500,Consumer electronics,12.0,low_normal,Cash X-Sell: low,365243.0,-239.0,91.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,98158.5,450000.0,18328.5,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.028663,-9273,-450,-362.0,-1959,7.0,1,1,1,1,0,0,Sales staff,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Trade: type 2,0.12701021091289305,0.2356483920038805,,0.0742,0.0455,0.9876,0.83,0.0081,0.08,0.069,0.3333,0.375,0.0387,0.0605,0.0724,0.0,0.0,0.0756,0.0472,0.9876,0.8367,0.0081,0.0806,0.069,0.3333,0.375,0.0396,0.0661,0.0755,0.0,0.0,0.0749,0.0455,0.9876,0.8323,0.0081,0.08,0.069,0.3333,0.375,0.0394,0.0616,0.0737,0.0,0.0,reg oper account,block of flats,0.0614,Panel,No,1.0,0.0,0.0,0.0,-429.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2346163,155583,Consumer loans,8816.22,77782.5,85995.0,0.0,77782.5,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-1036,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,652,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1005.0,-675.0,-675.0,-672.0,0.0,0,Cash loans,F,N,N,0,85050.0,148365.0,9805.5,135000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.020246,-24926,365243,-4798.0,-5091,,1,0,0,1,0,0,,1.0,3,3,SATURDAY,13,0,0,0,0,0,0,XNA,,0.2356208218683453,0.7826078370261895,0.0918,0.1005,0.9776,0.6940000000000001,0.0132,0.0,0.2069,0.1667,0.2083,0.0732,0.0748,0.0872,0.0,0.0,0.0935,0.1043,0.9777,0.706,0.0133,0.0,0.2069,0.1667,0.2083,0.0749,0.0817,0.0909,0.0,0.0,0.0926,0.1005,0.9776,0.6981,0.0133,0.0,0.2069,0.1667,0.2083,0.0745,0.0761,0.0888,0.0,0.0,reg oper account,block of flats,0.0686,Panel,No,0.0,0.0,0.0,0.0,-1.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1251038,404179,Cash loans,15883.335,135000.0,143910.0,,135000.0,SUNDAY,12,Y,1,,,,XNA,Approved,-892,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-862.0,-532.0,-772.0,-765.0,1.0,0,Cash loans,M,Y,Y,0,157500.0,284400.0,22599.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0105,-17547,-1516,-9091.0,-1070,14.0,1,1,0,1,1,0,Drivers,2.0,3,3,WEDNESDAY,11,0,0,0,0,0,0,Self-employed,,0.2093401656594575,0.5478104658520093,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0963,,No,1.0,0.0,1.0,0.0,-827.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1243023,182434,Cash loans,25996.365,337500.0,384277.5,,337500.0,THURSDAY,10,Y,1,,,,Buying a used car,Approved,-371,Cash through the bank,XAP,,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,high,Cash Street: high,365243.0,-341.0,709.0,-251.0,-242.0,1.0,0,Cash loans,F,N,Y,0,90000.0,103500.0,3847.5,103500.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.0228,-23664,365243,-9869.0,-4334,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,XNA,,0.30134769314996096,0.5954562029091491,0.0227,0.0,0.9707,0.5988,0.0041,0.0,0.0345,0.0417,0.0833,0.0286,0.0185,0.0121,0.0,0.0,0.0231,0.0,0.9707,0.6145,0.0042,0.0,0.0345,0.0417,0.0833,0.0293,0.0202,0.0126,0.0,0.0,0.0229,0.0,0.9707,0.6042,0.0042,0.0,0.0345,0.0417,0.0833,0.0291,0.0188,0.0123,0.0,0.0,reg oper account,block of flats,0.0117,Block,No,0.0,0.0,0.0,0.0,-371.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1905182,310921,Cash loans,11467.215,135000.0,177219.0,,135000.0,THURSDAY,16,Y,1,,,,XNA,Approved,-1358,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-1328.0,-638.0,-728.0,-725.0,1.0,0,Cash loans,F,N,Y,1,157500.0,879934.5,39892.5,711000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-15388,-568,-99.0,-5075,,1,1,0,1,0,0,,3.0,2,2,THURSDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.4610093057533501,0.6023863442690867,0.3412,0.1807,0.9995,0.9932,1.0,0.32,0.1034,0.75,0.7917,0.1433,0.2723,0.3707,0.027000000000000003,0.1661,0.3477,0.1876,0.9995,0.9935,1.0,0.3222,0.1034,0.75,0.7917,0.1466,0.2975,0.3862,0.0272,0.1758,0.3445,0.1807,0.9995,0.9933,1.0,0.32,0.1034,0.75,0.7917,0.1458,0.277,0.3773,0.0272,0.1695,,block of flats,0.4499,Monolithic,No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,2.0 +1532117,240669,Consumer loans,3158.1,60340.5,67131.0,0.0,60340.5,WEDNESDAY,20,Y,1,0.0,,,XAP,Approved,-1594,Cash through the bank,XAP,Family,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,2400,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1562.0,-872.0,-1142.0,-1135.0,0.0,0,Revolving loans,M,Y,Y,0,157500.0,450000.0,22500.0,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.009656999999999999,-12166,-2042,-147.0,-3580,6.0,1,1,0,1,0,0,Managers,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Transport: type 4,,0.5791686874194762,,0.1814,0.0978,0.9985,0.9796,0.1059,0.16,0.1379,0.375,0.4167,0.0813,0.1454,0.1431,0.0116,0.0129,0.1849,0.1015,0.9985,0.9804,0.1069,0.1611,0.1379,0.375,0.4167,0.0832,0.1589,0.1491,0.0117,0.0137,0.1832,0.0978,0.9985,0.9799,0.1066,0.16,0.1379,0.375,0.4167,0.0827,0.1479,0.1456,0.0116,0.0132,reg oper account,block of flats,0.1744,Panel,No,0.0,0.0,0.0,0.0,-241.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1190779,297227,Cash loans,28215.315,855000.0,1004818.5,,855000.0,THURSDAY,11,Y,1,,,,Building a house or an annex,Refused,-288,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),3,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Revolving loans,F,Y,Y,0,121500.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.006852,-17898,-365,-1459.0,-1451,13.0,1,1,1,1,1,0,Core staff,1.0,3,3,FRIDAY,10,0,0,0,0,0,0,School,,0.1303287818831746,0.08788069918013308,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1948.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1518109,226897,Consumer loans,4709.7,45855.0,29695.5,18000.0,45855.0,MONDAY,13,Y,1,0.4110164766830489,,,XAP,Approved,-2454,Cash through the bank,XAP,Children,New,Mobile,POS,XNA,Country-wide,40,Connectivity,8.0,low_normal,POS mobile with interest,365243.0,-2423.0,-2213.0,-2213.0,-2203.0,1.0,0,Revolving loans,M,Y,Y,0,202500.0,315000.0,15750.0,315000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.035792000000000004,-16515,-1171,-3529.0,-58,7.0,1,1,0,1,0,0,Managers,2.0,2,2,FRIDAY,18,0,0,0,0,0,0,Business Entity Type 2,0.6065342676171693,0.6560438621006011,0.6817058776720116,0.0464,0.0273,0.998,0.9728,,0.0,0.0345,0.125,,0.0178,,0.0358,,0.0216,0.0473,0.0283,0.998,0.9739,,0.0,0.0345,0.125,,0.0182,,0.0373,,0.0228,0.0468,0.0273,0.998,0.9732,,0.0,0.0345,0.125,,0.0181,,0.0364,,0.022,,block of flats,0.0375,"Stone, brick",No,0.0,0.0,0.0,0.0,-1016.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,4.0,0.0,1.0 +1265345,159154,Consumer loans,2164.725,16200.0,17802.0,0.0,16200.0,SUNDAY,16,Y,1,0.0,,,XAP,Approved,-2045,XNA,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Stone,20,Consumer electronics,12.0,high,POS household with interest,365243.0,-2013.0,-1683.0,-1683.0,-1681.0,0.0,0,Cash loans,M,Y,Y,0,247500.0,91008.0,7317.0,72000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-12655,-3492,-2642.0,-3885,14.0,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,7,0,0,0,0,0,0,Industry: type 11,0.416290404857176,0.6953303300845306,0.09322509537747448,0.0412,,0.9776,,,0.0,0.069,0.1667,,,,0.0303,,0.037000000000000005,0.042,,0.9777,,,0.0,0.069,0.1667,,,,0.0316,,0.0391,0.0416,,0.9776,,,0.0,0.069,0.1667,,,,0.0308,,0.0378,,block of flats,0.0319,Others,No,4.0,0.0,4.0,0.0,-1096.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1363624,312563,Consumer loans,3821.67,25200.0,18891.0,7200.0,25200.0,MONDAY,10,Y,1,0.3005425068205337,,,XAP,Approved,-2081,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,33,Connectivity,6.0,high,POS mobile with interest,365243.0,-2027.0,-1877.0,-1877.0,-1865.0,0.0,0,Cash loans,F,N,N,1,94500.0,180000.0,10462.5,180000.0,Unaccompanied,State servant,Higher education,Single / not married,House / apartment,0.006629,-15662,-374,-7841.0,-4625,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,4,0,0,0,0,1,1,Transport: type 4,,0.7403928543459348,0.5971924268337128,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1604173,192286,Consumer loans,3333.69,20200.5,16479.0,4500.0,20200.5,MONDAY,13,Y,1,0.2336102336102335,,,XAP,Approved,-1472,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,22,Connectivity,6.0,high,POS mobile with interest,365243.0,-1431.0,-1281.0,-1341.0,-1333.0,0.0,0,Cash loans,F,N,Y,0,157500.0,239850.0,23364.0,225000.0,Unaccompanied,Pensioner,Lower secondary,Widow,House / apartment,0.01885,-24815,365243,-8923.0,-4583,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,XNA,,0.5689081488905019,0.7281412993111438,0.1856,0.1435,0.9876,,,0.2,0.1724,0.3333,,0.1005,,0.2025,,0.0055,0.1513,0.1173,0.9876,,,0.1611,0.1379,0.3333,,0.0,,0.1697,,0.0045,0.1874,0.1435,0.9876,,,0.2,0.1724,0.3333,,0.1022,,0.2061,,0.0056,,block of flats,0.1919,Panel,No,0.0,0.0,0.0,0.0,-224.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2264383,237603,Cash loans,17079.255,135000.0,143910.0,,135000.0,TUESDAY,14,Y,1,,,,XNA,Refused,-949,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,135000.0,193500.0,8325.0,193500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.020713,-19242,-4162,-731.0,-2781,,1,1,0,1,0,0,,1.0,3,2,SATURDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.6769877186322466,,0.1113,0.0879,0.9975,0.966,0.0371,0.12,0.1034,0.375,0.4167,0.0,0.0908,0.1353,0.0039,0.0038,0.1134,0.0912,0.9975,0.9673,0.0374,0.1208,0.1034,0.375,0.4167,0.0,0.0992,0.141,0.0039,0.004,0.1124,0.0879,0.9975,0.9665,0.0373,0.12,0.1034,0.375,0.4167,0.0,0.0923,0.1377,0.0039,0.0039,reg oper account,block of flats,0.1072,Panel,No,6.0,0.0,6.0,0.0,-1826.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1617384,257319,Cash loans,16097.04,180000.0,203760.0,0.0,180000.0,SATURDAY,7,Y,1,0.0,,,Buying a used car,Approved,-1549,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,24.0,high,Cash Street: high,365243.0,-1518.0,-828.0,-828.0,-822.0,0.0,0,Cash loans,F,N,Y,2,112500.0,728847.0,26307.0,553500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-12242,-2391,-5032.0,-3752,,1,1,0,1,0,0,Medicine staff,4.0,3,3,WEDNESDAY,10,0,0,0,1,1,1,Medicine,0.33699087714749665,0.5361078986158371,0.746300213050371,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-852.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1399945,227863,Cash loans,28062.27,463500.0,500211.0,,463500.0,THURSDAY,7,Y,1,,,,XNA,Refused,-169,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,180000.0,1062027.0,31050.0,886500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-19839,-6566,-2521.0,-3326,,1,1,1,1,1,0,,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.1573197078245665,0.1624419982223248,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1918.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,4.0,5.0 +1445495,109901,Consumer loans,10498.725,89865.0,80865.0,9000.0,89865.0,WEDNESDAY,15,Y,1,0.10907269995902942,,,XAP,Approved,-804,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,65,Connectivity,10.0,high,POS mobile with interest,365243.0,-767.0,-497.0,-617.0,-604.0,0.0,0,Cash loans,F,N,Y,0,90000.0,189000.0,15282.0,189000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.011703,-20383,365243,-5418.0,-3798,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,XNA,,0.5296087087975136,0.6528965519806539,0.1175,0.1108,0.9781,,,0.0,0.2759,0.1667,,0.0608,,0.1092,,0.0,0.1197,0.115,0.9782,,,0.0,0.2759,0.1667,,0.0622,,0.1137,,0.0,0.1187,0.1108,0.9781,,,0.0,0.2759,0.1667,,0.0618,,0.1111,,0.0,,block of flats,0.0983,Panel,No,2.0,0.0,2.0,0.0,-804.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2286377,370761,Cash loans,27511.695,135000.0,139455.0,0.0,135000.0,TUESDAY,15,Y,1,0.0,,,XNA,Approved,-2158,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,6.0,high,Cash Street: high,365243.0,-2128.0,-1978.0,-1978.0,-1971.0,1.0,1,Cash loans,F,Y,N,2,270000.0,790830.0,57676.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.018801,-13281,-312,-6323.0,-4383,13.0,1,1,0,1,1,0,Laborers,3.0,2,2,THURSDAY,6,0,0,0,0,1,1,Business Entity Type 3,,0.4897364955103302,0.4902575124990026,0.0082,0.0,0.9712,0.6056,,0.0,0.0345,0.0417,,0.0089,0.0067,0.0072,0.0,0.0,0.0084,0.0,0.9712,0.621,,0.0,0.0345,0.0417,,0.0091,0.0073,0.0075,0.0,0.0,0.0083,0.0,0.9712,0.6109,,0.0,0.0345,0.0417,,0.009000000000000001,0.0068,0.0074,0.0,0.0,reg oper spec account,block of flats,0.0109,"Stone, brick",No,0.0,0.0,0.0,0.0,-776.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1997634,349909,Consumer loans,15339.285,157455.0,157455.0,0.0,157455.0,FRIDAY,13,Y,1,0.0,,,XAP,Approved,-214,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,150,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-171.0,159.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,81000.0,931401.0,36936.0,832500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.008068,-15651,-7513,-1099.0,-5293,,1,1,0,1,0,0,Core staff,3.0,3,3,TUESDAY,10,0,0,0,0,1,1,Government,0.6040760745709394,0.33415421747222285,0.6769925032909132,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1695.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1246159,348226,Cash loans,40216.95,1147500.0,1280794.5,,1147500.0,FRIDAY,14,Y,1,,,,Buying a home,Refused,-206,Cash through the bank,HC,Children,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,low_normal,Cash Street: low,,,,,,,0,Revolving loans,M,Y,Y,0,180000.0,495000.0,24750.0,495000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-19923,-3019,-146.0,-1980,10.0,1,1,0,1,0,0,Security staff,2.0,2,2,MONDAY,16,0,0,0,0,1,1,Other,,0.6057929047499512,0.24318648044201235,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-202.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2805644,100782,Consumer loans,2331.81,19345.5,17095.5,2250.0,19345.5,WEDNESDAY,17,Y,1,0.12666793546067795,,,XAP,Approved,-1328,Cash through the bank,XAP,,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,30,Connectivity,10.0,high,POS mobile with interest,365243.0,-1289.0,-1019.0,-1019.0,-995.0,0.0,0,Cash loans,M,N,N,0,225000.0,1017000.0,29866.5,1017000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-15573,-1760,-8302.0,-4734,,1,1,0,1,0,0,Drivers,2.0,2,2,MONDAY,13,0,0,0,0,1,1,Government,,0.7368211682563758,0.16048893062734468,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1722.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1073914,219132,Consumer loans,10186.38,91885.5,82696.5,9189.0,91885.5,WEDNESDAY,14,Y,1,0.10891442462234373,,,XAP,Refused,-1297,Cash through the bank,HC,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,79,Connectivity,12.0,high,POS mobile with interest,,,,,,,1,Cash loans,F,Y,Y,0,1305000.0,1339884.0,39307.5,1170000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.002042,-15031,-825,-5103.0,-2153,3.0,1,1,1,1,1,0,Core staff,2.0,3,3,FRIDAY,15,0,0,0,0,0,0,Kindergarten,,0.15380380221025067,0.15474363127259447,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-1544.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2467582,419051,Consumer loans,8317.305,163156.5,181525.5,0.0,163156.5,SUNDAY,17,Y,1,0.0,,,XAP,Approved,-909,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,4601,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-878.0,-188.0,-188.0,-181.0,0.0,0,Cash loans,M,N,Y,0,247500.0,1099350.0,35595.0,787500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.022625,-9920,-326,-4770.0,-2591,,1,1,0,1,0,0,High skill tech staff,2.0,2,2,SATURDAY,12,0,0,0,0,1,1,Business Entity Type 1,,0.36315303490422496,0.5442347412142162,0.0495,,0.9816,,,0.0,0.1034,0.125,,,,0.0479,,,0.0504,,0.9816,,,0.0,0.1034,0.125,,,,0.0499,,,0.05,,0.9816,,,0.0,0.1034,0.125,,,,0.0488,,,,block of flats,0.0412,"Stone, brick",No,2.0,0.0,2.0,0.0,-1263.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1477329,198341,Revolving loans,6750.0,0.0,765000.0,,,SUNDAY,12,N,0,,,,XAP,Refused,-769,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,157500.0,1185282.0,38236.5,1035000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-15683,-617,-6850.0,-4673,,1,1,1,1,0,0,Sales staff,2.0,2,2,SATURDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.7390319802224811,0.6743040710694362,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-1400.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1876942,116924,Cash loans,11982.915,112500.0,119925.0,,112500.0,SUNDAY,10,Y,1,,,,XNA,Approved,-1061,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1031.0,-701.0,-701.0,-695.0,1.0,0,Cash loans,F,N,Y,0,72000.0,66222.0,6579.0,58500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-23766,365243,-3746.0,-3642,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,8,0,0,0,0,0,0,XNA,0.8999393036798428,0.6570892025044635,0.2314393514998941,0.0124,0.0,0.9682,0.5648,0.002,0.0,0.069,0.0417,0.0833,0.0229,0.0101,0.0109,0.0,0.0,0.0126,0.0,0.9682,0.5818,0.002,0.0,0.069,0.0417,0.0833,0.0234,0.011,0.0114,0.0,0.0,0.0125,0.0,0.9682,0.5706,0.002,0.0,0.069,0.0417,0.0833,0.0233,0.0103,0.0111,0.0,0.0,reg oper account,block of flats,0.0097,"Stone, brick",No,4.0,0.0,4.0,0.0,-1733.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,9.0 +2553124,244863,Consumer loans,9427.545,93546.0,93546.0,0.0,93546.0,SUNDAY,20,Y,1,0.0,,,XAP,Approved,-465,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,2535,Consumer electronics,12.0,middle,POS household with interest,365243.0,-434.0,-104.0,-104.0,-101.0,0.0,0,Revolving loans,F,N,Y,0,40500.0,135000.0,6750.0,135000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-23047,365243,-11558.0,-4476,,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,,0.7738403894066177,0.363945238612397,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-465.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1137498,455011,Consumer loans,6266.52,52195.5,46975.5,5220.0,52195.5,SATURDAY,16,Y,1,0.10891848043326616,,,XAP,Approved,-2654,Cash through the bank,XAP,Unaccompanied,Repeater,Photo / Cinema Equipment,POS,XNA,Stone,18,Connectivity,10.0,low_normal,POS mobile with interest,365243.0,-2611.0,-2341.0,-2431.0,-2422.0,0.0,0,Cash loans,F,N,Y,0,198000.0,675000.0,26541.0,675000.0,Family,State servant,Higher education,Married,House / apartment,0.035792000000000004,-21731,-4359,-1573.0,-4582,,1,1,0,1,0,0,Core staff,2.0,2,2,SUNDAY,12,0,0,0,0,0,0,Government,0.9035402146894932,0.6455635917293262,,0.1,0.0539,0.9955,0.9388,0.0283,0.08,0.069,0.375,0.4167,0.041,0.0672,0.1001,0.0656,0.0427,0.1019,0.056,0.9955,0.9412,0.0286,0.0806,0.069,0.375,0.4167,0.042,0.0735,0.1042,0.0661,0.0452,0.101,0.0539,0.9955,0.9396,0.0285,0.08,0.069,0.375,0.4167,0.0417,0.0684,0.1018,0.066,0.0436,reg oper account,block of flats,0.099,Block,No,5.0,1.0,5.0,0.0,-1516.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1030037,229181,Cash loans,48130.065,585000.0,619749.0,,585000.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-785,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-755.0,-245.0,-575.0,-571.0,1.0,0,Cash loans,M,Y,Y,0,270000.0,1170000.0,37872.0,1170000.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.015221,-14131,-1226,-1403.0,-2484,2.0,1,1,0,1,0,0,Managers,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.5450896738900777,0.6587379328817897,0.5585066276769286,0.0247,0.033,0.9717,,,0.0,0.069,0.0833,,0.0116,,0.0216,,0.0,0.0252,0.0342,0.9717,,,0.0,0.069,0.0833,,0.0119,,0.0225,,0.0,0.025,0.033,0.9717,,,0.0,0.069,0.0833,,0.0118,,0.022,,0.0,,block of flats,0.0246,"Stone, brick",No,1.0,0.0,1.0,0.0,-1750.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1935878,193448,Cash loans,29126.115,337500.0,368685.0,,337500.0,MONDAY,7,Y,1,,,,XNA,Refused,-935,Cash through the bank,HC,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,112500.0,328405.5,16920.0,283500.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.020713,-21042,365243,-2920.0,-2340,,1,0,0,1,0,0,,2.0,3,3,FRIDAY,6,0,0,0,0,0,0,XNA,,0.03718192237029668,0.14111510044661266,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2703140,303686,Consumer loans,13344.21,125208.0,123840.0,12523.5,125208.0,SUNDAY,17,Y,1,0.10002112002111996,,,XAP,Approved,-1629,Cash through the bank,XAP,"Spouse, partner",New,Computers,POS,XNA,Stone,21,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1598.0,-1268.0,-1268.0,-1265.0,0.0,0,Cash loans,F,N,N,1,99000.0,341280.0,24961.5,270000.0,Family,Working,Secondary / secondary special,Married,Rented apartment,0.010556,-11815,-1494,-4420.0,-4427,,1,1,0,1,0,0,Sales staff,3.0,3,3,FRIDAY,10,0,0,0,0,0,0,Self-employed,0.31162747816937075,0.7028603764690301,0.4241303111942548,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1958.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +1430293,301480,Consumer loans,3557.07,23377.5,22428.0,2340.0,23377.5,WEDNESDAY,10,Y,1,0.10289376321353068,,,XAP,Approved,-2707,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,42,Connectivity,8.0,low_normal,POS mobile with interest,365243.0,-2676.0,-2466.0,-2466.0,-2458.0,1.0,0,Cash loans,F,Y,N,1,112500.0,312840.0,18090.0,247500.0,Family,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.025164,-15181,-924,-6097.0,-4564,17.0,1,1,0,1,0,0,Drivers,3.0,2,2,MONDAY,14,0,0,0,0,0,0,Other,,0.2488768316573363,0.7380196196295241,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2330.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2016524,431933,Consumer loans,6117.93,39483.0,30483.0,9000.0,39483.0,TUESDAY,11,Y,1,0.2482541392958533,,,XAP,Approved,-2586,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Stone,198,Consumer electronics,6.0,high,POS household with interest,365243.0,-2549.0,-2399.0,-2399.0,-2392.0,0.0,0,Cash loans,F,Y,Y,0,135000.0,582804.0,29884.5,463500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-14968,-102,-1821.0,-3766,17.0,1,1,0,1,0,0,Realty agents,2.0,3,3,FRIDAY,12,0,0,0,0,0,0,Realtor,0.39810469802349824,0.6144741909281469,0.746300213050371,0.0371,0.0,0.9727,,,0.0,0.1034,0.0833,,0.0593,,0.0217,,0.0,0.0378,0.0,0.9727,,,0.0,0.1034,0.0833,,0.0607,,0.0226,,0.0,0.0375,0.0,0.9727,,,0.0,0.1034,0.0833,,0.0603,,0.0221,,0.0,,block of flats,0.0171,"Stone, brick",No,3.0,0.0,3.0,0.0,-2586.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2155245,432255,Cash loans,22749.48,450000.0,501975.0,,450000.0,MONDAY,15,Y,1,,,,XNA,Approved,-1053,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,low_normal,Cash X-Sell: low,365243.0,-1023.0,-153.0,-153.0,-151.0,1.0,0,Cash loans,F,N,Y,0,225000.0,810000.0,23683.5,810000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.026392000000000002,-20978,365243,-2150.0,-4363,,1,0,0,1,1,0,,1.0,2,2,THURSDAY,14,0,0,0,0,0,0,XNA,,0.7276292284678266,0.4776491548517548,0.0742,,0.9881,,,0.0,0.1034,0.2083,,,,0.0709,,0.0,0.0756,,0.9881,,,0.0,0.1034,0.2083,,,,0.0739,,0.0,0.0749,,0.9881,,,0.0,0.1034,0.2083,,,,0.0722,,0.0,,block of flats,0.0558,"Stone, brick",No,0.0,0.0,0.0,0.0,-1345.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2601545,244912,Cash loans,25056.81,238500.0,238500.0,,238500.0,SATURDAY,8,Y,1,,,,XNA,Approved,-831,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Country-wide,48,Connectivity,12.0,middle,Cash X-Sell: middle,365243.0,-801.0,-471.0,-471.0,-459.0,0.0,0,Revolving loans,F,N,N,0,67500.0,247500.0,12375.0,247500.0,Unaccompanied,Working,Higher education,Single / not married,With parents,0.025164,-8942,-768,-7156.0,-1625,,1,1,0,1,0,0,Core staff,1.0,2,2,THURSDAY,9,0,0,0,0,0,0,Kindergarten,0.1276929516428513,0.7262358498441407,0.7281412993111438,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-479.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2566545,259271,Revolving loans,9000.0,0.0,180000.0,,,MONDAY,14,Y,1,,,,XAP,Approved,-638,XNA,XAP,,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),3,XNA,0.0,XNA,Card X-Sell,-637.0,-593.0,365243.0,-167.0,-89.0,0.0,0,Cash loans,F,Y,Y,0,157500.0,592560.0,27589.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0228,-9219,-422,-797.0,-137,4.0,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Other,,0.5895094615130072,0.3506958432829587,0.2629,0.0564,0.9801,0.728,0.0227,0.08,0.069,0.3333,0.0417,0.0224,0.2143,0.1242,0.0154,0.0133,0.2679,0.0585,0.9801,0.7387,0.0229,0.0806,0.069,0.3333,0.0417,0.0229,0.2342,0.1294,0.0156,0.014,0.2654,0.0564,0.9801,0.7316,0.0228,0.08,0.069,0.3333,0.0417,0.0228,0.218,0.1264,0.0155,0.0135,reg oper account,block of flats,0.113,"Stone, brick",No,3.0,0.0,3.0,0.0,-638.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2761605,127761,Consumer loans,13340.34,62586.0,50067.0,12519.0,62586.0,MONDAY,20,Y,1,0.21784950453630336,,,XAP,Approved,-953,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,35,Connectivity,4.0,middle,POS mobile without interest,,,,,,,0,Cash loans,F,Y,N,0,112500.0,202500.0,14674.5,202500.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.02461,-9480,-2469,-4154.0,-2143,8.0,1,1,0,1,1,0,Private service staff,1.0,2,2,TUESDAY,15,0,0,0,0,0,0,Self-employed,0.33432394057582376,0.4182628426029612,0.6832688314232291,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,block of flats,0.0552,,No,1.0,0.0,1.0,0.0,-953.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1720036,192634,Consumer loans,4747.905,26995.5,29380.5,2700.0,26995.5,SUNDAY,10,Y,1,0.09166145959525117,,,XAP,Approved,-1976,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,1500,Consumer electronics,8.0,high,POS household with interest,365243.0,-1945.0,-1735.0,-1735.0,-1731.0,0.0,0,Cash loans,F,Y,N,2,157500.0,210249.0,19413.0,175500.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.006207,-11171,-1958,-490.0,-3609,13.0,1,1,0,1,0,0,Core staff,4.0,2,2,TUESDAY,15,0,0,0,0,0,0,Police,0.4735796318689153,0.4449069663613445,0.6075573001388961,0.1237,,0.9871,,,0.12,0.1034,0.375,,,,0.1284,,,0.1261,,0.9871,,,0.1208,0.1034,0.375,,,,0.1338,,,0.1249,,0.9871,,,0.12,0.1034,0.375,,,,0.1307,,,,block of flats,0.1109,Panel,No,5.0,0.0,5.0,0.0,-1976.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2021661,433526,Consumer loans,2219.535,20200.095,20196.0,4.095,20200.095,WEDNESDAY,20,Y,1,0.00022078249001934264,,,XAP,Refused,-2316,Cash through the bank,LIMIT,"Spouse, partner",Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,3500,Consumer electronics,14.0,high,POS household with interest,,,,,,,0,Cash loans,M,Y,Y,1,202500.0,450000.0,23107.5,450000.0,"Spouse, partner",Working,Secondary / secondary special,Civil marriage,With parents,0.026392000000000002,-14418,-58,-5117.0,-4341,7.0,1,1,0,1,1,1,Drivers,3.0,2,2,TUESDAY,10,0,0,0,0,0,0,Construction,0.8533969387924832,0.5140317191914727,0.7850520263728172,0.368,0.1898,0.9811,0.7416,,0.4,0.3448,0.3333,0.0,0.3897,,0.3586,,0.0112,0.375,0.197,0.9811,0.7517,,0.4028,0.3448,0.3333,0.0,0.3985,,0.3736,,0.0119,0.3716,0.1898,0.9811,0.7451,,0.4,0.3448,0.3333,0.0,0.3964,,0.365,,0.0115,,block of flats,0.3117,Panel,No,4.0,0.0,4.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1119937,228526,Consumer loans,17075.79,251977.5,224977.5,27000.0,251977.5,SUNDAY,8,Y,1,0.11669873121788475,,,XAP,Refused,-2012,Cash through the bank,HC,Family,Repeater,Computers,POS,XNA,Country-wide,110,Consumer electronics,18.0,middle,POS household with interest,,,,,,,1,Cash loans,F,N,Y,0,225000.0,755190.0,31995.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.006305,-22755,365243,-2925.0,-4516,,1,0,0,1,0,0,,2.0,3,3,WEDNESDAY,6,0,0,0,0,0,0,XNA,0.6975529462818982,0.03772349352428682,0.6832688314232291,0.1845,,0.9846,0.7892,0.0334,0.0,0.5172,0.1667,0.0,0.0032,0.1505,0.2029,0.0,0.0,0.188,,0.9846,0.7975,0.0337,0.0,0.5172,0.1667,0.0,0.0032,0.1644,0.2114,0.0,0.0,0.1863,,0.9846,0.792,0.0336,0.0,0.5172,0.1667,0.0,0.0032,0.1531,0.2065,0.0,0.0,reg oper account,block of flats,0.1778,Panel,No,2.0,0.0,2.0,0.0,-190.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2385730,350609,Revolving loans,9000.0,180000.0,180000.0,,180000.0,WEDNESDAY,11,Y,1,,,,XAP,Approved,-252,XNA,XAP,Family,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-252.0,-204.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,180000.0,796500.0,33876.0,796500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.026392000000000002,-9252,-1057,-3291.0,-1822,6.0,1,1,0,1,0,0,Laborers,1.0,2,2,WEDNESDAY,9,0,0,0,0,1,1,Business Entity Type 3,,0.3694420611927866,0.4170996682522097,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-252.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2200450,134231,Consumer loans,7159.5,129595.5,68242.5,67500.0,129595.5,WEDNESDAY,11,Y,1,0.5415668369422719,,,XAP,Approved,-1955,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,2661,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1924.0,-1594.0,-1654.0,-1650.0,0.0,0,Cash loans,F,Y,Y,0,270000.0,953010.0,48789.0,837000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018634,-17550,-4771,-3971.0,-1096,8.0,1,1,0,1,0,0,Managers,2.0,2,2,FRIDAY,9,0,0,0,0,1,1,Bank,,0.6511076407495561,0.3280631605201915,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1955.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1902527,250182,Cash loans,12361.815,193500.0,219042.0,,193500.0,FRIDAY,11,Y,1,,,,XNA,Refused,-182,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,Y,N,0,202500.0,552555.0,17478.0,477000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-18240,-2554,-1141.0,-1786,2.0,1,1,0,1,0,0,Drivers,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Transport: type 3,,0.3716147978081684,0.3556387169923543,0.1196,0.1112,0.9871,0.8232,0.2471,0.0,0.2759,0.1667,0.0417,0.1607,0.0967,0.1051,0.0039,0.0027,0.1218,0.1154,0.9871,0.8301,0.2494,0.0,0.2759,0.1667,0.0417,0.1644,0.1056,0.1095,0.0039,0.0029,0.1207,0.1112,0.9871,0.8256,0.2487,0.0,0.2759,0.1667,0.0417,0.1635,0.0983,0.107,0.0039,0.0028,reg oper account,block of flats,0.0833,"Stone, brick",No,8.0,0.0,8.0,0.0,-1536.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1938458,244503,Consumer loans,6988.455,106150.5,117670.5,9000.0,106150.5,SUNDAY,15,Y,1,0.07738043334334498,,,XAP,Refused,-542,Cash through the bank,SCOFR,Family,Repeater,Computers,POS,XNA,Country-wide,3855,Consumer electronics,24.0,middle,POS household with interest,,,,,,,0,Cash loans,M,Y,Y,0,157500.0,405000.0,29601.0,405000.0,Other_B,Working,Secondary / secondary special,Civil marriage,With parents,0.018209,-8102,-274,-1451.0,-791,65.0,1,1,0,1,0,1,,2.0,3,3,WEDNESDAY,7,0,0,0,1,1,0,Business Entity Type 3,0.08357700275673896,0.5613738103437803,0.4884551844437485,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-727.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1539032,385984,Consumer loans,7162.38,40221.0,35127.0,6750.0,40221.0,SUNDAY,14,Y,1,0.17554656819647144,,,XAP,Approved,-1825,XNA,XAP,,New,Mobile,POS,XNA,Country-wide,82,Connectivity,6.0,high,POS mobile with interest,365243.0,-1789.0,-1639.0,-1639.0,-1622.0,0.0,0,Cash loans,F,N,Y,2,144000.0,900000.0,26316.0,900000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.025164,-11844,-2160,-1505.0,-809,,1,1,1,1,0,0,Managers,4.0,2,2,FRIDAY,15,0,0,0,0,0,0,Business Entity Type 2,0.7025476767625467,0.6598824053004135,0.14825437906109115,0.101,0.2963,0.9906,,,0.0,0.2414,0.1667,,0.0721,,0.094,,0.0008,0.1029,0.3075,0.9906,,,0.0,0.2414,0.1667,,0.0737,,0.0979,,0.0009,0.102,0.2963,0.9906,,,0.0,0.2414,0.1667,,0.0733,,0.0957,,0.0009,,block of flats,0.0871,Panel,No,6.0,1.0,6.0,0.0,-1155.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1255325,372033,Cash loans,31238.505,517500.0,599472.0,,517500.0,TUESDAY,13,Y,1,,,,XNA,Approved,-255,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),2,XNA,48.0,high,Cash X-Sell: high,365243.0,-225.0,1185.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,1,90000.0,473661.0,17986.5,333000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010556,-15001,-1291,-8620.0,-4491,9.0,1,1,0,1,0,0,Drivers,3.0,3,3,FRIDAY,11,0,0,0,0,0,0,Transport: type 3,0.6829304871963329,0.4746790350218205,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-862.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2465221,427695,Cash loans,8669.385,67500.0,71955.0,,67500.0,SATURDAY,13,Y,1,,,,XNA,Approved,-821,Cash through the bank,XAP,Children,New,XNA,Cash,walk-in,AP+ (Cash loan),45,XNA,12.0,high,Cash Street: high,365243.0,-791.0,-461.0,-461.0,-456.0,1.0,0,Cash loans,F,N,N,0,54000.0,675000.0,19737.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-20635,365243,-11935.0,-4151,,1,0,0,1,0,0,,2.0,2,2,SUNDAY,12,0,0,0,0,0,0,XNA,0.600677935616665,0.476664271224388,0.5971924268337128,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-821.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2235601,279131,Consumer loans,5330.16,46210.5,43366.5,6750.0,46210.5,THURSDAY,17,Y,1,0.1466854955227048,,,XAP,Approved,-1683,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,84,Connectivity,12.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,Y,Y,0,202500.0,719860.5,48429.0,679500.0,Unaccompanied,State servant,Higher education,Single / not married,House / apartment,0.00702,-11216,-3228,-9937.0,-2363,4.0,1,1,0,1,0,0,Accountants,1.0,2,2,SUNDAY,10,0,0,0,0,0,0,Other,,0.5332461510636224,0.5620604831738043,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1683.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1004723,240981,Cash loans,8505.9,117000.0,117000.0,0.0,117000.0,FRIDAY,11,Y,1,0.0,,,XNA,Approved,-2819,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,20.0,middle,Cash Street: middle,365243.0,-2789.0,-2219.0,-2219.0,-2215.0,0.0,0,Cash loans,F,Y,Y,2,158400.0,1116076.5,40216.5,913500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-13781,-2837,-729.0,-1063,9.0,1,1,0,1,0,0,,4.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.4737581355540213,0.2454062415976881,0.470456116119975,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-2419.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2749477,275381,Cash loans,11401.245,112500.0,142195.5,,112500.0,THURSDAY,8,Y,1,,,,XNA,Approved,-691,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-661.0,-151.0,-241.0,-233.0,1.0,1,Cash loans,F,N,Y,1,103500.0,307152.0,20655.0,243000.0,Unaccompanied,Working,Secondary / secondary special,Married,Rented apartment,0.0038130000000000004,-13376,-2115,-3140.0,-3435,,1,1,0,1,0,0,,3.0,2,2,TUESDAY,11,0,0,0,0,0,0,School,0.3817156571077056,0.19644575014166016,0.4101025731788671,0.0907,0.0873,0.9816,,,0.0,0.2069,0.1667,,0.0724,,0.0864,,0.008,0.0924,0.0906,0.9816,,,0.0,0.2069,0.1667,,0.07400000000000001,,0.09,,0.0085,0.0916,0.0873,0.9816,,,0.0,0.2069,0.1667,,0.0736,,0.08800000000000001,,0.0082,,block of flats,0.0768,Panel,No,1.0,0.0,1.0,0.0,-1494.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2347404,162590,Consumer loans,7737.255,44631.0,41841.0,9000.0,44631.0,FRIDAY,12,Y,1,0.19279357569320385,,,XAP,Approved,-384,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Country-wide,1512,Consumer electronics,6.0,middle,POS household with interest,365243.0,-353.0,-203.0,-233.0,-228.0,0.0,0,Cash loans,F,Y,Y,2,180000.0,521280.0,27423.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0105,-13641,-4420,-364.0,-93,12.0,1,1,0,1,0,0,Drivers,4.0,3,3,THURSDAY,17,0,0,0,0,0,0,Transport: type 4,,0.36362856216156897,0.6446794549585961,0.0377,0.0376,0.9831,0.7892,0.0062,0.0,0.0793,0.1292,0.1108,0.0318,0.0322,0.0264,0.0039,0.0084,0.0158,0.0,0.9727,0.6406,0.0011,0.0,0.069,0.1667,0.0,0.009000000000000001,0.0138,0.0076,0.0,0.0,0.0448,0.0414,0.9876,0.8323,0.0072,0.0,0.069,0.1667,0.125,0.0427,0.0342,0.0342,0.0,0.0,reg oper account,block of flats,0.0395,"Stone, brick",No,0.0,0.0,0.0,0.0,-384.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1905371,425839,Consumer loans,5718.285,68823.0,55057.5,13765.5,68823.0,SATURDAY,11,Y,1,0.2178324238857781,,,XAP,Approved,-530,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,33,Connectivity,12.0,middle,POS mobile with interest,365243.0,-494.0,-164.0,-404.0,-396.0,0.0,1,Cash loans,M,Y,Y,1,135000.0,451804.5,35824.5,369000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.005313,-15250,-2944,-2894.0,-5060,8.0,1,1,0,1,0,0,Laborers,3.0,2,2,THURSDAY,16,0,0,0,0,0,0,Business Entity Type 2,,0.15001753951803182,0.1455428133497032,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1770194,211317,Consumer loans,1601.55,16191.0,16015.5,1620.0,16191.0,THURSDAY,16,Y,1,0.10004407432322716,,,XAP,Approved,-2216,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,1700,Consumer electronics,12.0,middle,POS household with interest,365243.0,-2185.0,-1855.0,-1885.0,-1884.0,1.0,0,Cash loans,F,Y,N,1,135000.0,1762110.0,46611.0,1575000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.009175,-15246,-7619,-1985.0,-4298,9.0,1,1,0,1,0,0,Core staff,3.0,2,2,MONDAY,13,0,0,0,1,1,1,School,0.7047227954023136,0.5249484599788231,0.4170996682522097,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-812.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2510482,103082,Consumer loans,3310.155,33106.5,29794.5,3312.0,33106.5,SATURDAY,14,Y,1,0.10895350130364403,,,XAP,Approved,-2495,Cash through the bank,XAP,"Spouse, partner",Repeater,Computers,POS,XNA,Stone,127,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-2464.0,-2194.0,-2194.0,-2186.0,0.0,0,Cash loans,F,N,Y,1,67500.0,170640.0,11236.5,135000.0,Unaccompanied,Working,Lower secondary,Civil marriage,Municipal apartment,0.01885,-12544,-407,-10661.0,-4532,,1,1,0,1,0,0,Cleaning staff,3.0,2,2,TUESDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.6508790972703268,0.7165702448010511,0.2557,0.1755,0.9791,0.7144,0.0307,0.0,0.5517,0.1667,0.2083,0.1432,0.1883,0.221,0.0927,0.2874,0.2605,0.1821,0.9791,0.7256,0.031,0.0,0.5517,0.1667,0.2083,0.1465,0.2057,0.2303,0.0934,0.3042,0.2581,0.1755,0.9791,0.7182,0.0309,0.0,0.5517,0.1667,0.2083,0.1457,0.1915,0.225,0.0932,0.2934,reg oper account,block of flats,0.2531,"Stone, brick",No,0.0,0.0,0.0,0.0,-186.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1450338,228605,Consumer loans,11058.435,82260.0,102987.0,0.0,82260.0,WEDNESDAY,9,Y,1,0.0,,,XAP,Approved,-319,Cash through the bank,XAP,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Country-wide,200,Consumer electronics,12.0,middle,POS household with interest,365243.0,-289.0,41.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,2,90000.0,288972.0,17460.0,207000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.008068,-13149,-1986,-293.0,-4183,24.0,1,1,0,1,0,0,Laborers,4.0,3,3,SUNDAY,7,0,0,0,0,0,0,Business Entity Type 3,,0.06404080367352091,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-527.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2774166,259207,Consumer loans,2252.655,16560.0,18526.5,0.0,16560.0,SUNDAY,11,Y,1,0.0,,,XAP,Approved,-254,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,12.0,high,POS mobile with interest,365243.0,-223.0,107.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,162000.0,634482.0,20596.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-21634,-397,-2532.0,-4586,,1,1,1,1,0,0,Cooking staff,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Transport: type 4,,0.5499443363103649,0.7352209993926424,0.0278,0.0371,0.9876,0.83,0.0306,0.0,0.1034,0.0833,0.125,0.0184,0.0227,0.0242,0.0,0.0,0.0284,0.0385,0.9876,0.8367,0.0309,0.0,0.1034,0.0833,0.125,0.0188,0.0248,0.0251,0.0,0.0,0.0281,0.0371,0.9876,0.8323,0.0308,0.0,0.1034,0.0833,0.125,0.0187,0.0231,0.0246,0.0,0.0,reg oper account,block of flats,0.0189,Panel,No,0.0,0.0,0.0,0.0,-542.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2050663,128060,Cash loans,9842.4,90000.0,90000.0,,90000.0,SUNDAY,16,Y,1,,,,XNA,Approved,-2647,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,high,Cash Street: high,365243.0,-2617.0,-2287.0,-2287.0,-2276.0,0.0,0,Cash loans,F,N,Y,0,135000.0,675000.0,26901.0,675000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.035792000000000004,-19982,-509,-528.0,-3254,,1,1,0,1,0,0,,2.0,2,2,MONDAY,17,0,0,0,0,0,0,Self-employed,,0.6682628680931756,0.20915469884100693,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1243.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1872152,237519,Cash loans,16758.045,198002.745,259927.245,,198002.745,FRIDAY,17,Y,1,,,,XNA,Approved,-1236,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,middle,Cash Street: middle,365243.0,-1206.0,-516.0,-966.0,-961.0,1.0,0,Cash loans,F,N,Y,0,135000.0,312768.0,17095.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-18041,-7120,-5492.0,-1524,,1,1,0,1,1,0,,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Business Entity Type 2,0.4660165445725328,0.7256877040283584,0.19182160241360605,0.1485,0.0842,0.9816,0.7484,0.0331,0.16,0.1379,0.3333,0.375,0.0385,0.121,0.1539,0.0,0.0,0.1513,0.0873,0.9816,0.7583,0.0334,0.1611,0.1379,0.3333,0.375,0.0394,0.1322,0.1604,0.0,0.0,0.1499,0.0842,0.9816,0.7518,0.0333,0.16,0.1379,0.3333,0.375,0.0392,0.1231,0.1567,0.0,0.0,reg oper spec account,block of flats,0.1391,Panel,No,8.0,0.0,8.0,0.0,-1236.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1816600,362196,Cash loans,30381.255,229500.0,275242.5,,229500.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-522,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,high,Cash X-Sell: high,365243.0,-492.0,-162.0,-492.0,-478.0,1.0,0,Cash loans,M,N,Y,1,180000.0,740704.5,35761.5,598500.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.01885,-11223,-1365,-7558.0,-3435,,1,1,1,1,1,0,Laborers,3.0,2,2,SUNDAY,10,0,0,0,0,0,0,Industry: type 9,,0.5588954192127111,0.8193176922872417,0.0825,0.0729,0.9781,0.7008,0.0114,0.0,0.2069,0.1667,0.2083,0.0328,0.0672,0.0775,0.0,0.0,0.084,0.0756,0.9782,0.7125,0.0115,0.0,0.2069,0.1667,0.2083,0.0335,0.0735,0.0807,0.0,0.0,0.0833,0.0729,0.9781,0.7048,0.0115,0.0,0.2069,0.1667,0.2083,0.0334,0.0684,0.0789,0.0,0.0,reg oper account,block of flats,0.0672,Panel,No,0.0,0.0,0.0,0.0,-264.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2320450,208290,Revolving loans,0.0,0.0,0.0,,0.0,FRIDAY,8,Y,1,,,,XAP,Approved,-167,XNA,XAP,"Spouse, partner",Refreshed,XNA,Cards,walk-in,Country-wide,264,Consumer electronics,0.0,XNA,Card Street,-167.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,63000.0,91692.0,11011.5,81000.0,Family,Pensioner,Lower secondary,Married,House / apartment,0.025164,-22396,365243,-3653.0,-4048,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,XNA,,0.3011267500769221,0.7610263695502636,0.0371,0.0526,0.9767,0.6804,0.0,0.0,0.1034,0.125,0.1667,,0.0303,0.0391,0.0,0.0,0.0378,0.0546,0.9767,0.6929,0.0,0.0,0.1034,0.125,0.1667,,0.0331,0.0407,0.0,0.0,0.0375,0.0526,0.9767,0.6847,0.0,0.0,0.1034,0.125,0.1667,,0.0308,0.0398,0.0,0.0,reg oper spec account,block of flats,0.0308,"Stone, brick",No,0.0,0.0,0.0,0.0,-1461.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2000134,455641,Consumer loans,3940.965,19125.0,20704.5,0.0,19125.0,SATURDAY,15,Y,1,0.0,,,XAP,Approved,-6,Cash through the bank,XAP,Unaccompanied,Repeater,Clothing and Accessories,POS,XNA,Stone,45,Clothing,6.0,middle,POS industry with interest,365243.0,365243.0,185.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,2,112500.0,207396.0,16515.0,157500.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.010966,-11614,-299,-1443.0,-4235,,1,1,0,1,0,1,Secretaries,4.0,2,2,FRIDAY,12,0,0,0,1,1,0,Security Ministries,0.26854309182682384,0.7014472437869358,0.5762088360175724,0.066,0.0,0.9856,,,0.0,0.1379,0.1667,,0.0162,,0.064,,0.0073,0.0672,0.0,0.9856,,,0.0,0.1379,0.1667,,0.0165,,0.0666,,0.0077,0.0666,0.0,0.9856,,,0.0,0.1379,0.1667,,0.0164,,0.0651,,0.0074,,block of flats,0.0503,Panel,No,3.0,0.0,3.0,0.0,-276.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2724550,304421,Revolving loans,11250.0,225000.0,225000.0,,225000.0,FRIDAY,11,Y,1,,,,XAP,Refused,-552,XNA,SCOFR,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,1,Cash loans,M,N,Y,0,126000.0,364896.0,33597.0,315000.0,Unaccompanied,Working,Incomplete higher,Single / not married,With parents,0.006852,-12195,-1678,-5537.0,-2652,,1,1,0,1,0,0,Laborers,1.0,3,3,THURSDAY,12,0,0,0,0,0,0,Construction,,0.0005576540861324317,0.34090642641523844,0.0124,0.0127,0.9747,,,0.0,0.069,0.0417,,0.005,,0.009000000000000001,,0.0138,0.0126,0.0132,0.9747,,,0.0,0.069,0.0417,,0.0051,,0.0094,,0.0146,0.0125,0.0127,0.9747,,,0.0,0.069,0.0417,,0.0051,,0.0091,,0.0141,,block of flats,0.0071,Wooden,No,1.0,1.0,1.0,1.0,-614.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +1705441,109754,Consumer loans,5191.515,40495.5,40495.5,0.0,40495.5,WEDNESDAY,13,Y,1,0.0,,,XAP,Approved,-2182,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Stone,445,Consumer electronics,10.0,high,POS household with interest,,,,,,,0,Cash loans,M,Y,N,2,180000.0,643500.0,25065.0,643500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.01885,-15032,-2860,-9096.0,-3898,12.0,1,1,0,1,0,0,Laborers,4.0,2,2,MONDAY,10,0,0,0,0,0,0,Self-employed,,0.6751199692870504,0.36896873825284665,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2182.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1597396,372158,Cash loans,31098.06,270000.0,319216.5,,270000.0,FRIDAY,14,Y,1,,,,XNA,Approved,-707,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-677.0,-347.0,-677.0,-668.0,1.0,1,Cash loans,M,N,Y,0,117000.0,1087366.5,31792.5,949500.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.022625,-16971,-7893,-170.0,-510,,1,1,1,1,1,0,Laborers,2.0,2,2,FRIDAY,16,0,0,0,0,0,0,Transport: type 4,,0.5245176320302047,,0.1742,0.0744,0.9811,,,0.04,0.0345,0.1667,,0.0603,,0.0767,,0.0,0.1775,0.0772,0.9811,,,0.0403,0.0345,0.1667,,0.0617,,0.0799,,0.0,0.1759,0.0744,0.9811,,,0.04,0.0345,0.1667,,0.0614,,0.078,,0.0,,specific housing,0.0749,"Stone, brick",No,3.0,0.0,3.0,0.0,-2235.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1567651,322876,Consumer loans,10293.255,227304.0,272308.5,0.0,227304.0,SATURDAY,14,Y,1,0.0,,,XAP,Approved,-969,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,482,Consumer electronics,36.0,low_normal,POS household with interest,365243.0,-938.0,112.0,365243.0,365243.0,0.0,1,Cash loans,F,N,Y,0,202500.0,1005120.0,29520.0,720000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009334,-14710,-272,-6667.0,-1144,,1,1,0,1,0,0,Cleaning staff,2.0,2,2,TUESDAY,17,0,0,0,0,0,0,Industry: type 3,,0.598742444763348,0.6658549219640212,0.2412,0.1509,0.9886,0.8436,0.037000000000000005,0.24,0.2069,0.3333,0.0417,0.0,0.1967,0.222,0.0,0.0,0.2458,0.1566,0.9886,0.8497,0.0373,0.2417,0.2069,0.3333,0.0417,0.0,0.2149,0.2313,0.0,0.0,0.2436,0.1509,0.9886,0.8457,0.0372,0.24,0.2069,0.3333,0.0417,0.0,0.2001,0.226,0.0,0.0,reg oper spec account,block of flats,0.1949,Panel,No,0.0,0.0,0.0,0.0,-969.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2580127,298767,Revolving loans,4500.0,90000.0,90000.0,,90000.0,SATURDAY,13,Y,1,,,,XAP,Approved,-313,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,405000.0,728460.0,57685.5,675000.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.072508,-8192,-414,-1471.0,-869,5.0,1,1,0,1,1,0,Core staff,2.0,1,1,THURSDAY,12,0,0,0,0,0,0,Self-employed,,0.2363265304977211,,0.0563,0.0423,0.9722,0.6192,0.0268,0.008,0.0897,0.2,0.025,0.0196,0.0457,0.0549,0.0008,0.0025,0.0525,0.0877,0.9717,0.6276,0.0098,0.0,0.1034,0.1667,0.0417,0.0,0.0459,0.0454,0.0,0.0019,0.052000000000000005,0.0288,0.9717,0.6176,0.0341,0.0,0.1034,0.1667,0.0417,0.0127,0.0428,0.0524,0.0,0.0021,reg oper account,block of flats,0.0409,"Stone, brick",No,0.0,0.0,0.0,0.0,-313.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2104657,348720,Consumer loans,9836.865,90211.5,90040.5,18000.0,90211.5,MONDAY,15,Y,1,0.18144710884933304,,,XAP,Approved,-1933,Cash through the bank,XAP,"Spouse, partner",New,Audio/Video,POS,XNA,Country-wide,5000,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1901.0,-1571.0,-1631.0,-1626.0,0.0,0,Cash loans,M,N,Y,1,112500.0,225000.0,16132.5,225000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.026392000000000002,-9558,-1973,-1966.0,-2237,,1,1,0,1,0,0,Core staff,3.0,2,2,TUESDAY,14,0,0,0,0,0,0,Government,,0.5545404333040885,0.5744466170995097,0.1021,,0.9786,,,0.0,0.2069,0.1667,,,,0.0884,,0.0,0.104,,0.9786,,,0.0,0.2069,0.1667,,,,0.0921,,0.0,0.1031,,0.9786,,,0.0,0.2069,0.1667,,,,0.09,,0.0,,block of flats,0.0695,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2287294,291395,Consumer loans,5735.745,36157.5,34686.0,3618.0,36157.5,SATURDAY,13,Y,1,0.10286995898838004,,,XAP,Approved,-1369,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,700,Consumer electronics,8.0,high,POS household with interest,365243.0,-1338.0,-1128.0,-1128.0,-1116.0,0.0,1,Cash loans,M,N,N,3,117000.0,256500.0,14044.5,256500.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.007114,-11760,-2762,-2862.0,-4038,,1,1,0,1,0,0,Laborers,5.0,2,2,WEDNESDAY,13,0,0,0,1,1,0,Self-employed,0.2866474965189824,0.5937941113307992,0.7394117535524816,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2045.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,2.0 +2059069,413019,Consumer loans,20487.24,106960.5,106960.5,0.0,106960.5,SUNDAY,9,Y,1,0.0,,,XAP,Approved,-75,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,1000,Consumer electronics,6.0,middle,POS household with interest,365243.0,-45.0,105.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,180000.0,270000.0,9828.0,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.026392000000000002,-13387,-4881,-976.0,-4250,1.0,1,1,1,1,1,0,Managers,2.0,2,2,FRIDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.5599825599994438,0.6643635481428712,0.646329897706246,0.1113,0.1369,0.9861,,,0.0,0.2759,0.1667,,0.1431,,0.1014,,0.0517,0.1134,0.1421,0.9861,,,0.0,0.2759,0.1667,,0.1463,,0.1057,,0.0547,0.1124,0.1369,0.9861,,,0.0,0.2759,0.1667,,0.1455,,0.1032,,0.0528,,block of flats,0.1259,"Stone, brick",No,2.0,0.0,2.0,0.0,-1139.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1232239,435974,Consumer loans,6085.485,33156.0,29839.5,3316.5,33156.0,THURSDAY,14,Y,1,0.10893865363735067,,,XAP,Approved,-26,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,15,Connectivity,6.0,high,POS mobile with interest,365243.0,365243.0,160.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,N,2,135000.0,521280.0,26613.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.025164,-11469,-3167,-1138.0,-1271,10.0,1,1,1,1,1,0,Laborers,4.0,2,2,MONDAY,11,0,0,0,0,0,0,Postal,,0.063655222959855,0.3893387918468769,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1265.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2574033,173863,Consumer loans,4738.455,22806.0,24138.0,2281.5,22806.0,WEDNESDAY,12,Y,1,0.09405026246109537,,,XAP,Approved,-1456,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,171,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1425.0,-1275.0,-1335.0,-1326.0,0.0,0,Cash loans,F,N,Y,0,90000.0,450000.0,25258.5,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-21235,365243,-2339.0,-2422,,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,XNA,,0.2653117484731741,0.4489622731076524,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-1687.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1739076,169037,Consumer loans,6647.445,31585.5,23332.5,9000.0,31585.5,SATURDAY,15,Y,1,0.30315682925286264,,,XAP,Approved,-2817,XNA,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,20,Connectivity,4.0,low_normal,POS mobile with interest,365243.0,-2785.0,-2695.0,-2695.0,-2662.0,1.0,0,Cash loans,M,Y,Y,0,202500.0,536917.5,17874.0,463500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-18313,-3083,-3294.0,-1854,5.0,1,1,0,1,1,0,Laborers,2.0,2,2,TUESDAY,17,0,0,0,0,1,1,Business Entity Type 3,,0.7320400869618763,0.2580842039460289,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1342.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1271350,266456,Cash loans,13264.155,180000.0,256918.5,,180000.0,THURSDAY,15,Y,1,,,,XNA,Approved,-1237,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-1207.0,-157.0,-187.0,-184.0,1.0,0,Cash loans,F,N,Y,0,112500.0,391500.0,14886.0,391500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018634,-16950,-3434,-7483.0,-484,,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.6676493438450907,0.6639245541612238,0.4632753280912678,,,0.9881,,,,,,,,,0.2122,,,,,0.9881,,,,,,,,,0.221,,,,,0.9881,,,,,,,,,0.21600000000000005,,,,,0.1974,,No,0.0,0.0,0.0,0.0,-1884.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1731805,183806,Consumer loans,1703.835,17041.5,15336.0,1705.5,17041.5,THURSDAY,13,Y,1,0.1089953669251266,,,XAP,Refused,-2489,XNA,SCO,,Repeater,XNA,POS,XNA,Regional / Local,56,Consumer electronics,10.0,low_normal,POS household without interest,,,,,,,0,Cash loans,F,N,N,0,67500.0,202500.0,7632.0,202500.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.031329,-22879,365243,-14746.0,-3448,,1,0,0,1,0,0,,1.0,2,2,MONDAY,10,0,0,0,0,0,0,XNA,,0.26525634018619443,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,2.0,3.0,2.0,-1906.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1810774,289679,Revolving loans,13500.0,0.0,270000.0,,,FRIDAY,9,Y,1,,,,XAP,Approved,-749,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-577.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,1,180000.0,301500.0,15525.0,301500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.019101,-10326,-1508,-5145.0,-2967,2.0,1,1,0,1,0,0,,3.0,2,2,FRIDAY,17,0,0,0,0,0,0,Business Entity Type 3,,0.6071289805322637,0.4382813743111921,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-749.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2087538,243652,Revolving loans,13500.0,270000.0,270000.0,,270000.0,SUNDAY,11,Y,1,,,,XAP,Approved,-258,XNA,XAP,Family,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-252.0,-210.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,1,360000.0,301464.0,23949.0,238500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.031329,-15156,-922,-4068.0,-4485,7.0,1,1,0,1,0,0,Security staff,3.0,2,2,SATURDAY,14,0,0,0,0,0,0,Industry: type 3,0.21586768381481464,0.5966602180230455,0.4083588531230431,0.1485,0.0898,0.9836,0.7756,0.0,0.16,0.1379,0.3333,0.0417,0.0,0.121,0.1507,0.0039,0.0,0.1513,0.0932,0.9836,0.7844,0.0,0.1611,0.1379,0.3333,0.0417,0.0,0.1322,0.157,0.0039,0.0,0.1499,0.0898,0.9836,0.7786,0.0,0.16,0.1379,0.3333,0.0417,0.0,0.1231,0.1534,0.0039,0.0,org spec account,block of flats,0.1185,Panel,No,0.0,0.0,0.0,0.0,-697.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1950828,365821,Consumer loans,5720.895,70857.0,56682.0,14175.0,70857.0,TUESDAY,16,Y,1,0.21787351477431494,,,XAP,Approved,-101,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Regional / Local,30,Consumer electronics,12.0,middle,POS household with interest,365243.0,-65.0,265.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,202500.0,1040985.0,30568.5,909000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.030755,-15244,-2286,-505.0,-4120,8.0,1,1,0,1,0,1,Managers,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.36152135962831256,0.6089790876567933,0.6263042766749393,0.1485,0.0986,0.9816,0.7484,0.0503,0.16,0.1379,0.3333,0.375,0.0301,0.121,0.142,0.0,0.0,0.1513,0.1023,0.9816,0.7583,0.0507,0.1611,0.1379,0.3333,0.375,0.0308,0.1322,0.1479,0.0,0.0,0.1499,0.0986,0.9816,0.7518,0.0506,0.16,0.1379,0.3333,0.375,0.0307,0.1231,0.1445,0.0,0.0,reg oper account,block of flats,0.1391,Panel,No,0.0,0.0,0.0,0.0,-267.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2318989,260663,Consumer loans,11962.98,91089.0,98604.0,0.0,91089.0,THURSDAY,9,Y,1,0.0,,,XAP,Approved,-1344,Cash through the bank,XAP,Unaccompanied,Refreshed,Construction Materials,POS,XNA,Stone,826,Construction,10.0,middle,POS industry with interest,365243.0,-1313.0,-1043.0,-1043.0,-1040.0,0.0,0,Cash loans,M,Y,N,0,270000.0,413235.0,32778.0,337500.0,Unaccompanied,Working,Secondary / secondary special,Separated,With parents,0.035792000000000004,-15656,-3832,-700.0,-4616,23.0,1,1,1,1,0,0,Managers,1.0,2,2,THURSDAY,15,0,0,0,0,1,1,Other,,0.3373095027706644,0.501075160239048,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1344.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1849139,364207,Consumer loans,11320.38,105291.0,104143.5,10530.0,105291.0,SUNDAY,12,Y,1,0.10000677813729654,,,XAP,Approved,-2638,Cash through the bank,XAP,Children,Repeater,Computers,POS,XNA,Country-wide,568,Consumer electronics,12.0,high,POS household with interest,365243.0,-2607.0,-2277.0,-2277.0,-2274.0,1.0,0,Cash loans,F,N,N,0,180000.0,946764.0,41701.5,765000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-20786,365243,-5441.0,-3868,,1,0,0,1,1,0,,2.0,2,2,SATURDAY,16,0,0,0,0,0,0,XNA,0.7996872264455641,0.3993346042067575,0.28371188263500075,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-192.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1106191,446255,Cash loans,5246.01,45000.0,47970.0,0.0,45000.0,MONDAY,12,Y,1,0.0,,,XNA,Approved,-2188,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,high,Cash Street: high,365243.0,-2158.0,-1828.0,-1828.0,-1825.0,1.0,0,Cash loans,F,N,Y,0,157500.0,417024.0,18499.5,360000.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.031329,-23212,365243,-2191.0,-4133,,1,0,0,1,1,0,,1.0,2,2,FRIDAY,9,0,0,0,0,0,0,XNA,,0.6068629363597443,0.6195277080511546,0.067,0.0236,0.9871,0.8232,0.0149,0.04,0.0345,0.3333,0.375,0.058,0.0546,0.0373,0.0,0.0,0.0683,0.0245,0.9871,0.8301,0.0151,0.0403,0.0345,0.3333,0.375,0.0593,0.0597,0.0389,0.0,0.0,0.0677,0.0236,0.9871,0.8256,0.015,0.04,0.0345,0.3333,0.375,0.059,0.0556,0.038,0.0,0.0,reg oper account,block of flats,0.0375,Panel,No,0.0,0.0,0.0,0.0,-207.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1525008,410220,Consumer loans,4253.625,35955.0,40468.5,3595.5,35955.0,FRIDAY,16,Y,1,0.0888667929292929,,,XAP,Refused,-713,Cash through the bank,HC,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,2500,Consumer electronics,12.0,middle,POS household with interest,,,,,,,0,Cash loans,F,Y,Y,2,225000.0,1724220.0,55750.5,1350000.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.072508,-16047,-2874,-2268.0,-1770,64.0,1,1,0,1,0,0,,3.0,1,1,THURSDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.5979672860463078,0.7438412573242053,0.7544061731797895,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-773.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1891744,118248,Cash loans,9744.75,180000.0,215640.0,,180000.0,MONDAY,13,Y,1,,,,XNA,Approved,-656,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,45,Connectivity,36.0,middle,Cash X-Sell: middle,365243.0,-626.0,424.0,-626.0,-622.0,1.0,1,Cash loans,F,N,N,0,81000.0,781920.0,33259.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.025164,-22930,365243,-2915.0,-3963,,1,0,0,1,1,0,,1.0,2,2,SATURDAY,9,0,0,0,0,0,0,XNA,,0.2237412783141592,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,10.0,0.0,10.0,0.0,-1747.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1977125,341798,Revolving loans,6750.0,135000.0,135000.0,,135000.0,MONDAY,11,Y,1,,,,XAP,Refused,-684,XNA,LIMIT,,New,XNA,Cards,walk-in,AP+ (Cash loan),4,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,135000.0,319981.5,14224.5,243000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.018209,-21571,365243,-4975.0,-4310,,1,0,0,1,0,0,,2.0,3,3,SATURDAY,10,0,0,0,0,0,0,XNA,,0.043938993036919366,0.4938628816996244,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2765914,305827,Cash loans,41699.79,315000.0,377784.0,,315000.0,SATURDAY,14,Y,1,,,,XNA,Approved,-526,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,M,Y,Y,0,135000.0,545040.0,25537.5,450000.0,Unaccompanied,Working,Incomplete higher,Single / not married,House / apartment,0.009175,-10100,-699,-4443.0,-2782,12.0,1,1,0,1,0,0,Laborers,1.0,2,2,SUNDAY,11,1,1,1,0,1,1,Business Entity Type 3,,0.7620423846674668,0.4920600938649263,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,0.0,-526.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2706042,318848,Cash loans,25264.125,360000.0,384948.0,,360000.0,TUESDAY,12,Y,1,,,,XNA,Approved,-349,Cash through the bank,XAP,Other_B,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-319.0,191.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,112500.0,133528.5,10111.5,121500.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.018634,-20378,365243,-8104.0,-2902,,1,0,0,1,0,0,,1.0,2,2,MONDAY,11,0,0,0,0,0,0,XNA,,0.5764267403693033,0.8357765157975799,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1030.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2797084,194958,Consumer loans,27547.245,261135.0,247950.0,26113.5,261135.0,SUNDAY,14,Y,1,0.10377148162577453,,,XAP,Approved,-798,Cash through the bank,XAP,Unaccompanied,Refreshed,Furniture,POS,XNA,Country-wide,74,Furniture,10.0,low_normal,POS industry with interest,365243.0,-764.0,-494.0,-494.0,-490.0,0.0,0,Cash loans,F,Y,Y,2,135000.0,188460.0,8428.5,135000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-14367,-206,-598.0,-4908,4.0,1,1,0,1,0,0,Secretaries,4.0,1,1,SUNDAY,11,0,1,1,0,0,0,Business Entity Type 3,0.6228250040066263,0.7248729288254768,0.633031641417419,0.2701,0.0797,0.9995,0.9796,0.1198,0.32,0.1379,0.6667,0.7083,0.0,0.2185,0.253,0.0077,0.0105,0.2752,0.0827,0.9995,0.9804,0.1209,0.3222,0.1379,0.6667,0.7083,0.0,0.2388,0.2636,0.0078,0.0111,0.2727,0.0797,0.9995,0.9799,0.1205,0.32,0.1379,0.6667,0.7083,0.0,0.2223,0.2575,0.0078,0.0107,reg oper account,block of flats,0.2668,Panel,No,0.0,0.0,0.0,0.0,-798.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,0.0 +1937452,301661,Consumer loans,16386.795,136521.0,148486.5,22500.0,136521.0,TUESDAY,9,Y,1,0.14331274957113838,,,XAP,Approved,-675,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Country-wide,140,Consumer electronics,12.0,middle,POS household with interest,365243.0,-644.0,-254.0,-644.0,-635.0,0.0,1,Revolving loans,M,Y,Y,0,180000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.0038179999999999998,-16942,-7949,-2187.0,-455,19.0,1,1,1,1,1,1,,2.0,2,2,FRIDAY,5,0,0,0,0,1,1,Business Entity Type 3,0.7235198206994712,0.5578385093815359,0.7838324335199619,0.066,0.0806,0.9821,,,0.0,0.1379,0.125,,0.0568,,0.0425,,0.0725,0.0672,0.0836,0.9821,,,0.0,0.1379,0.125,,0.0581,,0.0443,,0.0767,0.0666,0.0806,0.9821,,,0.0,0.1379,0.125,,0.0578,,0.0433,,0.07400000000000001,,block of flats,0.0492,"Stone, brick",No,0.0,0.0,0.0,0.0,-254.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1656127,285061,Consumer loans,13120.515,142200.0,127980.0,14220.0,142200.0,FRIDAY,15,Y,1,0.1089090909090909,,,XAP,Approved,-511,Cash through the bank,XAP,,New,Furniture,POS,XNA,Stone,40,Furniture,12.0,middle,POS industry with interest,365243.0,-476.0,-146.0,-386.0,-383.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,588465.0,30177.0,468000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.025164,-15520,-1546,-373.0,-2320,15.0,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,Construction,,0.13290300468689129,0.5334816299804352,0.0763,0.0518,0.9985,0.9796,0.015,0.08,0.069,0.375,0.4167,0.0135,0.0605,0.0717,0.0077,0.0151,0.0777,0.0538,0.9985,0.9804,0.0152,0.0806,0.069,0.375,0.4167,0.0138,0.0661,0.0747,0.0078,0.016,0.077,0.0518,0.9985,0.9799,0.0151,0.08,0.069,0.375,0.4167,0.0138,0.0616,0.073,0.0078,0.0155,org spec account,block of flats,0.0679,Panel,No,0.0,0.0,0.0,0.0,-596.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2020830,217236,Cash loans,14838.75,562500.0,562500.0,,562500.0,THURSDAY,14,Y,1,,,,XNA,Refused,-231,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,157500.0,343800.0,12960.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.04622,-23671,365243,-13120.0,-4595,,1,0,0,1,0,0,,1.0,1,1,THURSDAY,12,0,0,0,0,0,0,XNA,,0.4202807809029177,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-94.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2451705,427807,Consumer loans,3088.845,25600.5,24673.5,3150.0,25600.5,WEDNESDAY,13,Y,1,0.12329995736109267,,,XAP,Approved,-1666,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,80,Connectivity,12.0,high,POS mobile with interest,365243.0,-1635.0,-1305.0,-1365.0,-1361.0,0.0,0,Cash loans,F,N,Y,0,67500.0,239850.0,23494.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.020246,-24349,365243,-8241.0,-4384,,1,0,0,1,0,0,,2.0,3,3,WEDNESDAY,13,0,0,0,0,0,0,XNA,,0.4910316698253752,0.7180328113294772,0.0082,0.0,0.9573,0.4152,0.0006,0.0,0.069,0.0417,0.0833,0.0116,0.0067,0.0094,0.0,0.0,0.0084,0.0,0.9573,0.4381,0.0006,0.0,0.069,0.0417,0.0833,0.0119,0.0073,0.0098,0.0,0.0,0.0083,0.0,0.9573,0.423,0.0006,0.0,0.069,0.0417,0.0833,0.0118,0.0068,0.0096,0.0,0.0,reg oper account,block of flats,0.0077,Wooden,No,0.0,0.0,0.0,0.0,-1666.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2597940,226094,Consumer loans,8167.545,46170.0,49216.5,0.0,46170.0,SUNDAY,11,Y,1,0.0,,,XAP,Approved,-1719,Cash through the bank,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Stone,148,Consumer electronics,8.0,high,POS household with interest,365243.0,-1688.0,-1478.0,-1598.0,-1593.0,0.0,0,Cash loans,F,N,N,0,126000.0,1350000.0,37125.0,1350000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-21990,365243,-1793.0,-4873,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,,0.6181972451974415,0.6940926425266661,0.0619,0.0635,0.9831,0.7688,,0.0,0.1379,0.1667,0.2083,0.0439,,0.037000000000000005,,0.0075,0.063,0.0658,0.9831,0.7779,,0.0,0.1379,0.1667,0.2083,0.0449,,0.0385,,0.0079,0.0625,0.0635,0.9831,0.7719,,0.0,0.1379,0.1667,0.2083,0.0447,,0.0376,,0.0076,,block of flats,0.0421,Panel,No,3.0,0.0,3.0,0.0,-1719.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1926417,361379,Consumer loans,5443.695,47160.0,46647.0,4716.0,47160.0,SUNDAY,13,Y,1,0.09999713270783887,,,XAP,Approved,-2844,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,50,Connectivity,12.0,low_normal,POS mobile with interest,365243.0,-2813.0,-2483.0,-2483.0,-2480.0,1.0,0,Cash loans,M,N,Y,2,202500.0,819432.0,23958.0,684000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.01885,-16069,-128,-3666.0,-4999,,1,1,0,1,0,0,Laborers,4.0,2,2,TUESDAY,9,0,0,0,1,1,0,Other,,0.4289141284296525,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1464.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1074316,380293,Cash loans,68045.895,1242000.0,1314135.0,,1242000.0,MONDAY,12,Y,1,,,,XNA,Refused,-190,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,225000.0,1350000.0,37255.5,1350000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.006296,-23382,365243,-8602.0,-4680,,1,0,0,1,1,0,,1.0,3,3,TUESDAY,14,0,0,0,0,0,0,XNA,,0.6229291658732355,0.3490552510751822,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-844.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1902194,317888,Consumer loans,8487.54,139499.775,164169.0,4.275,139499.775,WEDNESDAY,17,Y,1,2.835944910256336e-05,,,XAP,Refused,-1625,XNA,SCO,,Repeater,Audio/Video,POS,XNA,Country-wide,1103,Consumer electronics,24.0,low_normal,POS household with interest,,,,,,,0,Cash loans,M,N,Y,0,178200.0,558855.0,44284.5,477000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0228,-10299,-159,-9045.0,-2303,,1,1,0,1,0,0,Medicine staff,2.0,2,2,THURSDAY,12,0,0,0,0,1,1,Other,,0.03275001883647585,0.524496446363472,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1266139,259458,Cash loans,10332.18,135000.0,152820.0,0.0,135000.0,FRIDAY,9,Y,1,0.0,,,XNA,Approved,-2297,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,24.0,high,Cash Street: high,365243.0,-2267.0,-1577.0,-1577.0,-1574.0,1.0,0,Cash loans,M,Y,Y,0,90000.0,269550.0,21739.5,225000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-24003,365243,-4288.0,-4288,35.0,1,0,0,1,1,0,,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,XNA,,0.2657126129837698,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-434.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2248840,121543,Consumer loans,12680.775,49455.0,44509.5,4945.5,49455.0,MONDAY,12,Y,1,0.1089090909090909,,,XAP,Approved,-2247,Cash through the bank,XAP,,New,Photo / Cinema Equipment,POS,XNA,Stone,277,Consumer electronics,4.0,low_normal,POS household with interest,365243.0,-2213.0,-2123.0,-2123.0,-2115.0,0.0,0,Cash loans,F,Y,Y,1,405000.0,1288350.0,37800.0,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.032561,-14297,-4875,-8446.0,-4807,6.0,1,1,0,1,0,0,Laborers,2.0,1,1,MONDAY,14,0,0,0,0,0,0,Construction,,0.6966258936926987,0.4848514754962666,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1420.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +2099759,137437,Consumer loans,12650.805,138960.0,138960.0,0.0,138960.0,TUESDAY,17,Y,1,0.0,,,XAP,Approved,-957,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Country-wide,4232,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-925.0,-595.0,-715.0,-707.0,0.0,0,Revolving loans,M,Y,N,0,157500.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.00496,-9964,-115,-3658.0,-2493,6.0,1,1,0,1,0,0,Core staff,1.0,2,2,SUNDAY,10,0,0,0,0,1,1,Military,0.16042458405044174,0.6338055449322413,0.5495965024956946,0.066,,0.9727,0.626,,,0.1379,0.125,0.1667,,0.0538,0.049,,,0.0672,,0.9727,0.6406,,,0.1379,0.125,0.1667,,0.0588,0.051,,,0.0666,,0.9727,0.631,,,0.1379,0.125,0.1667,,0.0547,0.0499,,,,block of flats,,"Stone, brick",No,0.0,0.0,0.0,0.0,-293.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2551472,431825,Revolving loans,11250.0,0.0,225000.0,,0.0,TUESDAY,16,Y,1,,,,XAP,Refused,-1202,XNA,HC,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,Y,Y,2,180000.0,185652.0,9157.5,121500.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-10791,-2494,-2648.0,-3436,1.0,1,1,0,1,0,0,,4.0,2,2,SUNDAY,12,0,0,0,0,0,0,Business Entity Type 2,0.4223707204968102,0.5147909862481084,0.5388627065779676,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-1538.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1640691,204751,Cash loans,12178.26,225000.0,269550.0,,225000.0,WEDNESDAY,9,Y,1,,,,XNA,Approved,-1429,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-1399.0,-349.0,-349.0,-340.0,1.0,0,Cash loans,F,N,Y,0,90000.0,614223.0,24489.0,549000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.018634,-23076,365243,-13051.0,-4726,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,XNA,,0.06118806171984676,0.5937175866150576,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2449704,267717,Cash loans,8137.395,67500.0,71955.0,0.0,67500.0,TUESDAY,10,Y,1,0.0,,,XNA,Approved,-2053,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-2023.0,-1693.0,-1753.0,-1747.0,1.0,0,Cash loans,F,N,Y,0,112500.0,675000.0,24246.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010147,-11644,-2736,-4379.0,-3577,,1,1,1,1,1,0,Sales staff,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.15903885619761315,0.6326323416559466,0.656158373001177,0.0722,0.0783,0.9816,0.7484,0.0175,0.0,0.1379,0.1667,0.2083,0.0584,0.0588,0.0627,0.0,0.0,0.0735,0.0813,0.9816,0.7583,0.0177,0.0,0.1379,0.1667,0.2083,0.0597,0.0643,0.0653,0.0,0.0,0.0729,0.0783,0.9816,0.7518,0.0176,0.0,0.1379,0.1667,0.2083,0.0594,0.0599,0.0638,0.0,0.0,reg oper spec account,block of flats,0.0493,"Stone, brick",No,0.0,0.0,0.0,0.0,-588.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1087386,362780,Consumer loans,15348.015,159862.5,143842.5,16020.0,159862.5,SATURDAY,10,Y,1,0.10913901861685114,,,XAP,Approved,-1817,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,-1,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1786.0,-1456.0,-1456.0,-1452.0,0.0,0,Cash loans,F,N,Y,0,76500.0,720000.0,21181.5,720000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.018634,-12291,-3586,-495.0,-2813,,1,1,1,1,1,0,Managers,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Other,0.5407156493583106,0.6846900514661163,0.7517237147741489,0.0412,0.0564,0.9891,0.8504,0.0072,0.0,0.1379,0.1667,0.0,0.02,0.0336,0.0525,0.0,0.0,0.042,0.0585,0.9891,0.8563,0.0073,0.0,0.1379,0.1667,0.0,0.0205,0.0367,0.0547,0.0,0.0,0.0416,0.0564,0.9891,0.8524,0.0072,0.0,0.1379,0.1667,0.0,0.0204,0.0342,0.0535,0.0,0.0,reg oper account,block of flats,0.0551,"Stone, brick",No,0.0,0.0,0.0,0.0,-1817.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1147253,398628,Cash loans,31869.36,720000.0,818842.5,,720000.0,MONDAY,12,Y,1,,,,XNA,Approved,-717,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-687.0,723.0,-297.0,-291.0,1.0,0,Cash loans,F,N,N,1,135000.0,1125000.0,33025.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008019,-14119,-3660,-4180.0,-612,,1,1,0,1,0,0,Sales staff,3.0,2,2,THURSDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.5281511699290871,0.5426002733607417,0.3672910183026313,0.0082,0.0,0.9588,,,0.0,0.069,0.0417,,0.0367,,0.01,,0.0,0.0084,0.0,0.9588,,,0.0,0.069,0.0417,,0.0375,,0.0104,,0.0,0.0083,0.0,0.9588,,,0.0,0.069,0.0417,,0.0373,,0.0102,,0.0,,block of flats,0.0079,Wooden,No,7.0,0.0,7.0,0.0,-1757.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2261249,181002,Consumer loans,5291.505,37300.5,44491.5,1935.0,37300.5,MONDAY,17,Y,1,0.04539198322274797,,,XAP,Approved,-1263,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,44,Connectivity,12.0,high,POS mobile with interest,365243.0,-1232.0,-902.0,-902.0,-900.0,0.0,0,Cash loans,F,Y,Y,2,112500.0,810000.0,23814.0,810000.0,Family,State servant,Higher education,Married,House / apartment,0.028663,-11209,-1848,-1567.0,-1590,8.0,1,1,0,1,0,1,Medicine staff,4.0,2,2,THURSDAY,13,0,0,0,0,0,0,Medicine,0.08292329165730547,0.6196516931786268,0.3876253444214701,0.0683,0.1078,0.9821,0.7552,0.0093,0.0,0.1552,0.1667,0.0417,0.0188,0.0544,0.0667,0.0058,0.0206,0.0599,0.0686,0.9806,0.7452,0.0078,0.0,0.1379,0.1667,0.0417,0.0178,0.0643,0.0564,0.0039,0.0,0.0713,0.0845,0.9821,0.7585,0.0079,0.0,0.1379,0.1667,0.0417,0.0177,0.0569,0.0649,0.0039,0.0168,reg oper account,block of flats,0.0566,"Stone, brick",No,0.0,0.0,0.0,0.0,-1263.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2361713,170186,Cash loans,7930.62,90000.0,98910.0,,90000.0,TUESDAY,13,Y,1,,,,XNA,Approved,-786,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Contact center,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-756.0,-246.0,-246.0,-242.0,1.0,1,Cash loans,F,N,Y,0,54000.0,684706.5,33070.5,612000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-20075,365243,-3103.0,-3390,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,XNA,0.5541460244794931,0.13982678898259895,0.2636468134452008,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-2590.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1024354,335316,Consumer loans,12691.26,58626.0,61722.0,0.0,58626.0,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-194,Cash through the bank,XAP,Unaccompanied,Refreshed,Mobile,POS,XNA,Country-wide,160,Connectivity,6.0,high,POS mobile with interest,365243.0,-162.0,-12.0,-12.0,-5.0,0.0,0,Cash loans,M,Y,Y,1,252000.0,1046142.0,30717.0,913500.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.018634,-13108,-3907,-8921.0,-4033,13.0,1,1,0,1,0,0,Laborers,3.0,2,2,FRIDAY,9,0,0,0,0,1,1,Self-employed,,0.44415102134795215,0.5316861425197883,0.332,,0.9906,,,0.24,0.2069,0.3333,,0.0845,,0.3162,,0.0092,0.3382,,0.9906,,,0.2417,0.2069,0.3333,,0.0864,,0.3294,,0.0098,0.3352,,0.9906,,,0.24,0.2069,0.3333,,0.086,,0.3218,,0.0094,,,0.2487,"Stone, brick",No,4.0,0.0,4.0,0.0,-1927.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1772504,412446,Revolving loans,9000.0,180000.0,180000.0,,180000.0,MONDAY,14,Y,1,,,,XAP,Approved,-241,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-240.0,-200.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,166500.0,894766.5,29700.0,679500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.020713,-8640,-1094,-8175.0,-1178,16.0,1,1,0,1,0,0,,1.0,3,2,THURSDAY,12,0,0,0,0,0,0,Business Entity Type 2,,0.5072395473273881,0.4668640059537032,0.0825,0.0625,0.9747,0.6532,0.008,0.0,0.1379,0.1667,0.2083,0.1893,0.0672,0.0714,0.0,0.0,0.084,0.0649,0.9747,0.6668,0.0081,0.0,0.1379,0.1667,0.2083,0.1936,0.0735,0.0744,0.0,0.0,0.0833,0.0625,0.9747,0.6578,0.008,0.0,0.1379,0.1667,0.2083,0.1926,0.0684,0.0727,0.0,0.0,reg oper account,block of flats,0.0562,Panel,No,2.0,0.0,2.0,0.0,-764.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2668157,291850,Cash loans,21839.625,450000.0,512370.0,,450000.0,TUESDAY,8,Y,1,,,,XNA,Approved,-391,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-361.0,689.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,2,292500.0,425889.0,23233.5,355500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.020713,-14932,-1624,-569.0,-522,10.0,1,1,0,1,0,0,Drivers,4.0,3,3,MONDAY,11,0,0,0,1,1,0,Transport: type 3,,0.5462070705195184,0.4561097392782771,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1500.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2116809,415391,Consumer loans,6813.0,124861.5,151231.5,0.0,124861.5,MONDAY,17,Y,1,0.0,,,XAP,Approved,-382,XNA,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Regional / Local,100,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-352.0,338.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,N,0,247500.0,585000.0,31734.0,585000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.072508,-13877,-440,-2306.0,-4914,7.0,1,1,0,1,0,0,,1.0,1,1,THURSDAY,16,1,1,1,1,1,1,Industry: type 2,0.4463422561197927,0.4321577501617319,0.4830501881366946,0.7227,0.272,0.9846,0.7892,0.2751,0.96,0.4138,0.5417,0.5833,0.0,0.5623,0.6221,0.0077,0.004,0.7363,0.2823,0.9846,0.7975,0.2776,0.9667,0.4138,0.5417,0.5833,0.0,0.6143,0.6482,0.0078,0.0042,0.7297,0.272,0.9846,0.792,0.2768,0.96,0.4138,0.5417,0.5833,0.0,0.5721,0.6333,0.0078,0.0041,reg oper account,block of flats,0.4902,Panel,No,0.0,0.0,0.0,0.0,-382.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1521308,436642,Cash loans,56548.62,1800000.0,2013840.0,,1800000.0,MONDAY,15,Y,1,,,,Payments on other loans,Refused,-521,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,N,Y,0,315000.0,547272.0,35104.5,495000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-19219,-10652,-4782.0,-2764,,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,16,0,0,0,0,0,0,Other,0.4435631871083864,0.4076027506733548,0.28812959991785075,0.0773,0.0809,0.9762,0.6736,0.0,0.0,0.1724,0.1667,0.2083,0.061,0.063,0.0691,0.0,0.0,0.0788,0.0839,0.9762,0.6864,0.0,0.0,0.1724,0.1667,0.2083,0.0624,0.0689,0.07200000000000001,0.0,0.0,0.0781,0.0809,0.9762,0.6779999999999999,0.0,0.0,0.1724,0.1667,0.2083,0.0621,0.0641,0.0703,0.0,0.0,reg oper account,block of flats,0.0739,Panel,No,3.0,0.0,3.0,0.0,-1614.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1564015,433845,Consumer loans,13318.92,136710.0,118390.5,27342.0,136710.0,SATURDAY,8,Y,1,0.2043327578705068,,,XAP,Approved,-1566,Cash through the bank,XAP,Unaccompanied,Refreshed,Computers,POS,XNA,Regional / Local,239,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1535.0,-1265.0,-1265.0,-1256.0,0.0,0,Cash loans,M,Y,Y,1,540000.0,711612.0,23085.0,594000.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.014464,-15510,-1704,-4251.0,-2108,18.0,1,1,0,1,0,0,Managers,3.0,2,2,THURSDAY,6,0,0,0,1,0,1,Self-employed,,0.5785236424487338,0.3910549766342248,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1566.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1974288,332664,Cash loans,11093.265,135000.0,148365.0,,135000.0,TUESDAY,6,Y,1,,,,XNA,Approved,-497,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-467.0,43.0,-317.0,-310.0,1.0,0,Cash loans,F,N,Y,0,121500.0,776709.0,25798.5,670500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.020246,-21881,365243,-2758.0,-4857,,1,0,0,1,1,0,,1.0,3,3,TUESDAY,6,0,0,0,0,0,0,XNA,,0.28527325320484803,,0.0309,0.0599,0.9598,,,,0.1724,0.125,,0.0403,,0.0274,,0.0322,0.0315,0.0622,0.9598,,,,0.1724,0.125,,0.0413,,0.0285,,0.0341,0.0312,0.0599,0.9598,,,,0.1724,0.125,,0.041,,0.0279,,0.0329,,block of flats,0.0285,"Stone, brick",No,0.0,0.0,0.0,0.0,-26.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1562978,365369,Consumer loans,10392.57,76680.0,69012.0,7668.0,76680.0,MONDAY,11,Y,1,0.1089090909090909,,,XAP,Approved,-1593,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Stone,150,Furniture,8.0,middle,POS industry with interest,365243.0,-1560.0,-1350.0,-1440.0,-1433.0,0.0,0,Cash loans,F,Y,Y,2,99000.0,170640.0,8428.5,135000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.00702,-15770,-781,-1676.0,-4391,4.0,1,1,1,1,0,0,Cooking staff,3.0,2,2,FRIDAY,10,0,0,0,0,1,1,Restaurant,,0.6266304164361655,0.39277386060313396,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1593.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1984332,158559,Consumer loans,6749.82,62361.0,60754.5,6237.0,62361.0,SUNDAY,15,Y,1,0.10139584872707734,,,XAP,Approved,-2435,Cash through the bank,XAP,Children,New,Audio/Video,POS,XNA,Country-wide,1098,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2404.0,-2134.0,-2134.0,-2120.0,1.0,1,Cash loans,F,N,Y,1,180000.0,1724220.0,47542.5,1350000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.019101,-16648,-1919,-9888.0,-198,,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.6926465613918811,0.5595206865870543,0.7726311345553628,,0.0,0.9816,,,0.0,,,,,,0.0663,,0.0,,0.0,0.9816,,,0.0,,,,,,0.0691,,0.0,,0.0,0.9816,,,0.0,,,,,,0.0675,,0.0,,,0.0521,Panel,No,0.0,0.0,0.0,0.0,-2565.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2679957,117056,Revolving loans,4500.0,405000.0,405000.0,,405000.0,TUESDAY,17,N,0,,,,XAP,Refused,-127,XNA,HC,Family,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,N,N,0,225000.0,284400.0,22468.5,225000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.028663,-13251,-548,-610.0,-4613,,1,1,1,1,1,0,Sales staff,2.0,2,2,MONDAY,7,0,0,0,1,1,0,Business Entity Type 3,0.4540655901074106,0.6645146914701847,0.4740512892789932,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-127.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2155140,164371,Consumer loans,3516.705,49005.0,18373.5,31500.0,49005.0,SATURDAY,15,Y,1,0.6878675776988509,,,XAP,Approved,-2182,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Stone,40,Connectivity,6.0,middle,POS mobile with interest,365243.0,-2149.0,-1999.0,-1999.0,-1922.0,1.0,1,Cash loans,F,N,Y,0,252000.0,1270174.5,37269.0,994500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.007305,-19778,-7612,-5253.0,-3285,,1,1,0,1,0,0,Core staff,2.0,3,3,THURSDAY,11,0,0,0,0,0,0,Police,,0.15861990124128744,0.4365064990977374,0.1443,0.1366,0.9851,0.7959999999999999,0.0091,0.04,0.0345,0.3333,0.375,0.0362,0.1177,0.0983,0.0,0.0,0.1471,0.1418,0.9851,0.804,0.0092,0.0403,0.0345,0.3333,0.375,0.037000000000000005,0.1286,0.1025,0.0,0.0,0.1457,0.1366,0.9851,0.7987,0.0091,0.04,0.0345,0.3333,0.375,0.0368,0.1197,0.1001,0.0,0.0,reg oper account,block of flats,0.0823,"Stone, brick",No,0.0,0.0,0.0,0.0,-613.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1256807,262626,Consumer loans,7459.2,73669.5,81450.0,0.0,73669.5,WEDNESDAY,12,Y,1,0.0,,,XAP,Approved,-1052,Cash through the bank,XAP,"Spouse, partner",New,Audio/Video,POS,XNA,Country-wide,2193,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-1021.0,-691.0,-691.0,-684.0,0.0,0,Cash loans,F,Y,Y,0,117000.0,585000.0,29997.0,585000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.014519999999999996,-11689,-1426,-2802.0,-2788,65.0,1,1,0,1,0,1,,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.1549861874444625,0.6534090503566674,0.4578995512067301,0.0851,0.0995,0.9876,0.83,0.0181,0.0,0.1897,0.1667,0.2083,0.0724,0.0693,0.0854,0.0,0.0,0.0788,0.0945,0.9876,0.8367,0.0164,0.0,0.1724,0.1667,0.2083,0.0659,0.0689,0.081,0.0,0.0,0.0859,0.0995,0.9876,0.8323,0.0183,0.0,0.1897,0.1667,0.2083,0.0736,0.0705,0.0869,0.0,0.0,reg oper account,block of flats,0.07,Panel,No,2.0,1.0,2.0,1.0,-1326.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2056554,214433,Consumer loans,3428.73,24750.0,27540.0,3060.0,24750.0,FRIDAY,11,Y,1,0.1089090909090909,,,XAP,Approved,-1810,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Stone,27,Connectivity,12.0,high,POS mobile with interest,365243.0,-1779.0,-1449.0,-1479.0,-1472.0,0.0,0,Cash loans,M,N,Y,0,135000.0,808650.0,26217.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010966,-16724,-10174,-4724.0,-272,,1,1,0,1,1,0,Laborers,2.0,2,2,TUESDAY,9,0,0,0,0,1,1,Business Entity Type 3,,0.2035228320289013,0.5638350489514956,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1810.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,1.0 +2086100,444661,Consumer loans,4822.74,37125.0,40801.5,0.0,37125.0,MONDAY,14,Y,1,0.0,,,XAP,Approved,-2345,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,12,Connectivity,12.0,high,POS mobile with interest,365243.0,-2314.0,-1984.0,-1984.0,-1982.0,0.0,0,Cash loans,F,N,Y,2,135000.0,521280.0,26743.5,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.019688999999999998,-11208,-2343,-1558.0,-1756,,1,1,0,1,1,1,Managers,4.0,2,2,MONDAY,16,0,0,0,0,0,0,Other,0.5031385950047548,0.5215063070184192,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2072.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1141396,104065,Cash loans,14381.685,112500.0,135648.0,,112500.0,TUESDAY,15,Y,1,,,,XNA,Approved,-1212,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1182.0,-852.0,-852.0,-843.0,1.0,0,Revolving loans,F,N,N,0,90000.0,202500.0,10125.0,202500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018634,-16946,-643,-91.0,-432,,1,1,0,1,0,0,Managers,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Self-employed,,0.30687779533650283,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-90.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2773566,323914,Cash loans,14135.4,180000.0,180000.0,,180000.0,MONDAY,16,Y,1,,,,Other,Approved,-359,Cash through the bank,XAP,Family,New,XNA,Cash,walk-in,Country-wide,21,Connectivity,18.0,middle,Cash Street: middle,365243.0,-329.0,181.0,-329.0,-325.0,0.0,1,Cash loans,F,Y,N,0,180000.0,990000.0,28944.0,990000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.005144,-22542,365243,-2914.0,-3872,13.0,1,0,0,1,1,0,,2.0,2,2,TUESDAY,18,0,0,0,0,0,0,XNA,,0.4548809245110921,0.15855489979486306,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-359.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1488748,311752,Consumer loans,9781.02,96601.5,106803.0,0.0,96601.5,SUNDAY,9,Y,1,0.0,,,XAP,Approved,-396,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Regional / Local,1000,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-365.0,-35.0,-215.0,-207.0,0.0,0,Cash loans,F,Y,N,0,216000.0,1305000.0,38155.5,1305000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018209,-14775,-4327,-968.0,-4000,15.0,1,1,1,1,0,0,Medicine staff,2.0,3,3,WEDNESDAY,16,0,0,0,0,0,0,Medicine,0.4824988994431118,0.45029754828287305,0.5226973172821112,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1353.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,0.0 +1492833,385374,Consumer loans,4062.96,35617.5,34200.0,4500.0,35617.5,SATURDAY,8,Y,1,0.12663847780126844,,,XAP,Approved,-2228,XNA,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,62,Connectivity,12.0,high,POS mobile with interest,365243.0,-2197.0,-1867.0,-1867.0,-1863.0,0.0,0,Cash loans,F,Y,Y,0,180000.0,225000.0,15790.5,225000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-21190,365243,-9691.0,-4309,16.0,1,0,0,1,0,0,,2.0,2,2,MONDAY,13,0,0,0,0,0,0,XNA,,0.7910710293034897,0.36227724703843145,0.1247,0.1676,0.9796,0.7212,0.038,0.0,0.2759,0.1667,0.2083,0.0338,0.0933,0.1052,0.0386,0.096,0.1271,0.1739,0.9796,0.7321,0.0384,0.0,0.2759,0.1667,0.2083,0.0346,0.1019,0.1096,0.0389,0.1016,0.126,0.1676,0.9796,0.7249,0.0382,0.0,0.2759,0.1667,0.2083,0.0344,0.0949,0.1071,0.0388,0.098,reg oper account,block of flats,0.1036,"Stone, brick",No,0.0,0.0,0.0,0.0,-2621.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1929828,341949,Consumer loans,5771.385,49455.0,49455.0,0.0,49455.0,THURSDAY,13,Y,1,0.0,,,XAP,Refused,-2576,Cash through the bank,SCO,Other_A,New,Mobile,POS,XNA,Country-wide,52,Connectivity,12.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,N,0,103500.0,513531.0,21888.0,459000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-22111,365243,-4357.0,-4923,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,XNA,0.4097693096646753,0.5500471687925735,0.2176285202779586,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-612.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1236089,230440,Consumer loans,19479.33,145458.0,107644.5,43641.0,145458.0,MONDAY,11,Y,1,0.31416769197071986,,,XAP,Approved,-493,Cash through the bank,XAP,Family,New,Furniture,POS,XNA,Stone,5,Furniture,6.0,low_normal,POS industry with interest,365243.0,-462.0,-312.0,-372.0,-368.0,0.0,0,Cash loans,F,Y,Y,0,126000.0,526500.0,27013.5,526500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.015221,-13902,-1990,-5622.0,-4339,10.0,1,1,0,1,0,0,,2.0,2,2,THURSDAY,8,0,0,0,0,0,0,School,,0.19498282892043767,0.5442347412142162,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-493.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1690537,427357,Consumer loans,9384.435,81000.0,79317.0,8100.0,81000.0,SATURDAY,12,Y,1,0.10091442583978356,,,XAP,Approved,-626,Cash through the bank,XAP,,Repeater,Auto Accessories,POS,XNA,Stone,120,Auto technology,10.0,middle,POS other with interest,365243.0,-595.0,-325.0,-325.0,-317.0,0.0,0,Cash loans,M,Y,Y,1,202500.0,283585.5,18252.0,256500.0,Family,Working,Higher education,Married,House / apartment,0.00702,-13115,-5388,-12951.0,-4259,8.0,1,1,0,1,0,0,,3.0,2,2,TUESDAY,13,0,0,0,0,0,0,Security Ministries,0.08627583350228392,0.442197570037176,0.3910549766342248,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-195.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1905823,334605,Consumer loans,11268.045,87930.0,99585.0,9000.0,87930.0,SUNDAY,12,Y,1,0.09026862072862904,,,XAP,Approved,-637,XNA,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,450,Consumer electronics,12.0,high,POS household with interest,365243.0,-604.0,-274.0,-274.0,-266.0,0.0,0,Cash loans,M,N,Y,1,180000.0,1256400.0,44644.5,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.006629,-15879,-392,-444.0,-1346,,1,1,0,1,0,0,Drivers,3.0,2,2,SUNDAY,8,0,0,0,0,0,0,Government,,0.4787975839776559,0.5352762504724826,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1141.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1831158,229468,Consumer loans,7009.065,128313.0,155412.0,0.0,128313.0,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-1112,Cash through the bank,XAP,Family,Refreshed,Consumer Electronics,POS,XNA,Country-wide,1000,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1080.0,-390.0,-390.0,-383.0,0.0,0,Cash loans,F,N,Y,1,157500.0,201024.0,10390.5,144000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.035792000000000004,-13444,-959,-989.0,-3332,,1,1,1,1,0,0,Accountants,3.0,2,2,FRIDAY,18,0,0,0,0,0,0,Business Entity Type 3,0.4523350830651642,0.6566012371281945,0.34741822720026416,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2239.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1136461,408772,Consumer loans,9747.495,194260.5,216130.5,0.0,194260.5,WEDNESDAY,12,Y,1,0.0,,,XAP,Approved,-1567,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,1782,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1536.0,-846.0,-846.0,-842.0,0.0,0,Cash loans,M,N,Y,0,283500.0,1350000.0,53541.0,1350000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-11208,-3429,-3287.0,-3287,,1,1,0,1,1,0,Laborers,2.0,3,2,TUESDAY,6,0,0,0,0,0,0,Business Entity Type 3,,0.6492225772994004,0.5352762504724826,0.0825,0.103,0.9876,0.83,0.0513,0.0,0.1724,0.1667,0.2083,0.0692,0.0664,0.0863,0.0039,0.0129,0.084,0.1069,0.9876,0.8367,0.0517,0.0,0.1724,0.1667,0.2083,0.0707,0.0725,0.0899,0.0039,0.0137,0.0833,0.103,0.9876,0.8323,0.0516,0.0,0.1724,0.1667,0.2083,0.0704,0.0676,0.0878,0.0039,0.0132,reg oper account,block of flats,0.0987,Panel,No,0.0,0.0,0.0,0.0,-1552.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2542912,302414,Revolving loans,22500.0,0.0,450000.0,,,TUESDAY,12,Y,1,,,,XAP,Approved,-761,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,100,XNA,0.0,XNA,Card X-Sell,-756.0,-685.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,315000.0,1317357.0,50305.5,1129500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.011656999999999999,-16040,-2627,-1144.0,-1643,1.0,1,1,0,1,1,0,Laborers,2.0,1,1,SUNDAY,16,1,1,0,0,0,0,Business Entity Type 3,0.6018731712501775,0.6718066512551301,0.4241303111942548,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1068.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,4.0,7.0 +1233976,441962,Revolving loans,2250.0,45000.0,45000.0,,45000.0,TUESDAY,9,Y,1,,,,XAP,Approved,-211,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-209.0,-162.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,180000.0,384048.0,14607.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006305,-19903,-3015,-2736.0,-2239,,1,1,0,1,0,0,Sales staff,2.0,3,3,WEDNESDAY,3,0,0,0,0,0,0,Self-employed,,0.4362836329119661,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,0.0,9.0,0.0,-580.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2309953,437565,Consumer loans,6295.77,48465.0,47443.5,4860.0,48465.0,WEDNESDAY,17,Y,1,0.1011974689682682,,,XAP,Approved,-929,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,29,Connectivity,10.0,high,POS mobile with interest,365243.0,-891.0,-621.0,-741.0,-736.0,0.0,0,Cash loans,F,Y,N,1,126000.0,545040.0,20677.5,450000.0,Unaccompanied,Commercial associate,Higher education,Married,With parents,0.018801,-9120,-1468,-3794.0,-1173,64.0,1,1,0,1,0,0,Managers,3.0,2,2,MONDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.3196255967064191,0.21139979207802312,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1083.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2507968,159741,Cash loans,55549.755,832500.0,892939.5,,832500.0,SUNDAY,12,Y,1,,,,XNA,Approved,-676,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,high,Cash X-Sell: high,365243.0,-646.0,224.0,-556.0,-531.0,1.0,0,Cash loans,F,Y,N,1,157500.0,450000.0,35554.5,450000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.010966,-10211,-748,-380.0,-1693,7.0,1,1,1,1,1,1,Laborers,3.0,2,2,WEDNESDAY,19,0,0,0,0,0,0,Business Entity Type 3,0.2059464632943303,0.5421172117132168,0.1940678276718812,0.0825,0.0798,0.9752,,0.0094,0.0,0.1379,0.1667,0.2083,0.0488,,0.0707,0.0,0.0,0.084,0.0828,0.9752,,0.0095,0.0,0.1379,0.1667,0.2083,0.0499,,0.0737,0.0,0.0,0.0833,0.0798,0.9752,,0.0095,0.0,0.1379,0.1667,0.2083,0.0497,,0.07200000000000001,0.0,0.0,reg oper spec account,block of flats,0.0605,Panel,No,0.0,0.0,0.0,0.0,-1729.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1374587,371882,Revolving loans,22500.0,0.0,450000.0,,,WEDNESDAY,12,Y,1,,,,XAP,Approved,-935,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,72000.0,279000.0,15264.0,279000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.018209,-20047,-4525,-14097.0,-3523,,1,1,0,1,0,0,Laborers,1.0,3,3,SUNDAY,8,0,0,0,0,0,0,Self-employed,,0.5418132221604293,0.5442347412142162,0.067,0.0682,0.9747,,,0.0,0.1379,0.1667,,0.0513,,0.0511,,0.0869,0.0683,0.0708,0.9747,,,0.0,0.1379,0.1667,,0.0524,,0.0532,,0.092,0.0677,0.0682,0.9747,,,0.0,0.1379,0.1667,,0.0521,,0.052000000000000005,,0.0887,,block of flats,0.0635,"Stone, brick",No,0.0,0.0,0.0,0.0,-1245.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,2.0 +1960252,102923,Cash loans,11377.98,180000.0,203760.0,,180000.0,WEDNESDAY,8,Y,1,,,,XNA,Approved,-662,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-632.0,58.0,-122.0,-119.0,1.0,0,Cash loans,F,N,N,0,90000.0,225000.0,22050.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.018209,-24559,365243,-8769.0,-3933,,1,0,0,1,0,0,,1.0,3,3,SUNDAY,8,0,0,0,0,0,0,XNA,0.8696504995278079,0.08876193774484964,0.6127042441012546,0.0021,,0.9503,,,,,0.0,,,,0.0013,,,0.0021,,0.9503,,,,,0.0,,,,0.0014,,,0.0021,,0.9503,,,,,0.0,,,,0.0013,,,,block of flats,0.001,,No,0.0,0.0,0.0,0.0,-1860.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1435186,442457,Consumer loans,12999.6,75600.0,71631.0,7560.0,75600.0,SUNDAY,13,Y,1,0.1039704925146453,,,XAP,Approved,-182,Cash through the bank,XAP,Unaccompanied,New,Sport and Leisure,POS,XNA,Stone,120,XNA,6.0,low_normal,POS industry with interest,365243.0,-151.0,-1.0,365243.0,365243.0,0.0,0,Revolving loans,M,Y,N,0,103500.0,180000.0,9000.0,180000.0,Unaccompanied,State servant,Higher education,Single / not married,With parents,0.00496,-12095,-486,-5513.0,-4132,24.0,1,1,0,1,1,0,Core staff,1.0,2,2,SUNDAY,12,0,0,0,0,1,1,Security Ministries,0.3488088343022229,0.6773175816606648,0.4170996682522097,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2251383,417298,Consumer loans,13043.88,139806.0,139806.0,0.0,139806.0,TUESDAY,8,Y,1,0.0,,,XAP,Approved,-2799,Cash through the bank,XAP,,New,Furniture,POS,XNA,Stone,82,Furniture,12.0,low_normal,POS industry with interest,365243.0,-2766.0,-2436.0,-2436.0,-2430.0,0.0,0,Cash loans,F,N,Y,0,135000.0,349258.5,14796.0,301500.0,Unaccompanied,State servant,Secondary / secondary special,Widow,House / apartment,0.020246,-22923,-8244,-10146.0,-5033,,1,1,0,1,0,0,Medicine staff,1.0,3,3,MONDAY,8,0,0,0,0,0,0,Security,,0.40061514216284055,,0.1237,1.0,0.9861,0.8096,0.0229,0.0,0.2069,0.1667,0.2083,0.1052,0.1009,0.1334,0.0,0.0,0.1261,1.0,0.9861,0.8171,0.0232,0.0,0.2069,0.1667,0.2083,0.1076,0.1102,0.139,0.0,0.0,0.1249,1.0,0.9861,0.8121,0.0231,0.0,0.2069,0.1667,0.2083,0.107,0.1026,0.1358,0.0,0.0,reg oper account,block of flats,0.1049,Block,No,3.0,0.0,3.0,0.0,-1586.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1621717,227133,Consumer loans,5114.565,39096.0,45351.0,4050.0,39096.0,TUESDAY,14,Y,1,0.08928601003660208,,,XAP,Approved,-1765,XNA,XAP,Family,New,Mobile,POS,XNA,Country-wide,60,Connectivity,14.0,high,POS mobile with interest,365243.0,-1734.0,-1344.0,-1344.0,-1333.0,0.0,0,Cash loans,M,Y,N,0,180000.0,910890.0,33592.5,652500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-10424,-1466,-4659.0,-2977,21.0,1,1,0,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Self-employed,,0.024279673707687355,0.4812493411434029,0.134,0.0,0.9801,0.728,0.0146,0.0,0.2759,0.1667,0.2083,0.0918,0.0967,0.1068,0.0579,0.0487,0.1366,0.0,0.9801,0.7387,0.0148,0.0,0.2759,0.1667,0.2083,0.0939,0.1056,0.1113,0.0584,0.0516,0.1353,0.0,0.9801,0.7316,0.0147,0.0,0.2759,0.1667,0.2083,0.0934,0.0983,0.1088,0.0582,0.0498,reg oper account,block of flats,0.0946,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1542984,244858,Consumer loans,11240.865,114799.5,113544.0,11484.0,114799.5,THURSDAY,10,Y,1,0.10003455226029366,,,XAP,Approved,-2316,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,1600,Consumer electronics,12.0,middle,POS household with interest,365243.0,-2285.0,-1955.0,-1955.0,-1942.0,1.0,0,Cash loans,M,N,Y,0,157500.0,892044.0,26212.5,639000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.010147,-19695,-3096,-7405.0,-3233,,1,1,0,1,1,0,Sales staff,2.0,2,2,WEDNESDAY,16,0,0,0,0,1,1,Self-employed,,0.6774370537128747,0.5989262182569273,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-2918.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1640164,130359,Revolving loans,4500.0,0.0,90000.0,,,SATURDAY,11,Y,1,,,,XAP,Approved,-2352,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,0,XNA,0.0,XNA,Card X-Sell,-2349.0,-2288.0,365243.0,-1071.0,365243.0,0.0,0,Cash loans,M,Y,N,2,135000.0,886176.0,29286.0,765000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.020713,-17978,-2776,-1015.0,-1488,7.0,1,1,1,1,0,0,Laborers,4.0,3,3,WEDNESDAY,15,0,0,0,0,0,0,Self-employed,,0.469654219598491,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,1.0,6.0,0.0,-1093.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2192038,185742,Cash loans,62820.0,1125000.0,1125000.0,,1125000.0,WEDNESDAY,17,Y,1,,,,XNA,Approved,-1156,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,low_normal,Cash Street: low,365243.0,-1125.0,-435.0,-495.0,-486.0,0.0,0,Cash loans,F,Y,Y,0,90000.0,305955.0,21424.5,283500.0,Unaccompanied,Pensioner,Higher education,Single / not married,House / apartment,0.01885,-22044,365243,-1107.0,-4689,6.0,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,XNA,,0.5826397640434509,0.6006575372857061,0.0495,0.0631,0.9727,,,,0.1379,0.125,,,,0.0529,,,0.0504,0.0655,0.9727,,,,0.1379,0.125,,,,0.0551,,,0.05,0.0631,0.9727,,,,0.1379,0.125,,,,0.0538,,,,block of flats,0.0416,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2596047,438872,Consumer loans,9830.97,75132.0,77287.5,3735.0,75132.0,MONDAY,16,Y,1,0.050205246017520376,,,XAP,Approved,-2219,Cash through the bank,XAP,Unaccompanied,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,1655,Consumer electronics,10.0,high,POS household with interest,365243.0,-2188.0,-1918.0,-1918.0,-1912.0,0.0,0,Cash loans,M,N,N,1,135000.0,269982.0,28494.0,238500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-12537,-4488,-2748.0,-4766,,1,1,0,1,0,0,Security staff,3.0,2,2,MONDAY,18,0,0,0,0,0,0,Business Entity Type 3,0.6113419835616325,0.5354661097369965,0.7281412993111438,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,2.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1912881,126132,Cash loans,41728.41,1129500.0,1293502.5,,1129500.0,TUESDAY,6,Y,1,,,,XNA,Approved,-612,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-582.0,1188.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,112500.0,414229.5,15745.5,342000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018029,-20032,365243,-9275.0,-2764,,1,0,0,1,0,0,,2.0,3,3,FRIDAY,8,0,0,0,0,0,0,XNA,,0.61123665473342,0.3490552510751822,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1096.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1130325,232024,Consumer loans,11055.06,56475.0,59692.5,5647.5,56475.0,WEDNESDAY,14,Y,1,0.0941328575006261,,,XAP,Approved,-1118,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,149,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1086.0,-936.0,-936.0,-931.0,0.0,0,Cash loans,F,Y,N,1,360000.0,1024740.0,52452.0,900000.0,Family,Commercial associate,Higher education,Single / not married,House / apartment,0.018801,-12981,-1928,-774.0,-2937,14.0,1,1,0,1,0,0,,2.0,2,2,MONDAY,17,0,0,0,0,0,0,Business Entity Type 1,0.6813358374902575,0.6022886950159204,0.06688793396721357,0.4041,0.0607,0.9821,0.7552,0.1916,0.44,0.3793,0.3333,0.0417,0.1203,0.3295,0.4022,0.0,0.0,0.4118,0.063,0.9821,0.7648,0.1933,0.4431,0.3793,0.3333,0.0417,0.123,0.36,0.419,0.0,0.0,0.408,0.0607,0.9821,0.7585,0.1928,0.44,0.3793,0.3333,0.0417,0.1224,0.3352,0.4094,0.0,0.0,reg oper spec account,block of flats,0.4211,Panel,No,0.0,0.0,0.0,0.0,-1838.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1139102,232854,Cash loans,48111.885,337500.0,405391.5,,337500.0,THURSDAY,8,Y,1,,,,Education,Refused,-379,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,,,,,,,1,Cash loans,F,N,N,1,180000.0,450000.0,21888.0,450000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.007305,-13280,-741,-4319.0,-4312,,1,1,0,1,1,0,Sales staff,3.0,3,3,THURSDAY,14,0,0,0,0,0,0,Trade: type 7,,0.16756945641636362,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1504.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1977009,271997,Cash loans,8566.605,45000.0,46485.0,,45000.0,TUESDAY,9,Y,1,,,,XNA,Approved,-23,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,low_normal,Cash X-Sell: low,365243.0,365243.0,157.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,85500.0,254700.0,24808.5,225000.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.02461,-25147,365243,-11220.0,-4307,,1,0,0,1,1,0,,1.0,2,2,THURSDAY,9,0,0,0,0,0,0,XNA,,0.6384924875460481,0.7958031328748403,0.0247,0.0,0.9732,0.6328,,0.0,0.069,0.0833,,0.0259,,0.0163,,0.0,0.0252,0.0,0.9732,0.6472,,0.0,0.069,0.0833,,0.0265,,0.017,,0.0,0.025,0.0,0.9732,0.6377,,0.0,0.069,0.0833,,0.0264,,0.0166,,0.0,,block of flats,0.0138,Block,No,0.0,0.0,0.0,0.0,-231.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1694762,127003,Revolving loans,,0.0,0.0,,,MONDAY,17,Y,1,,,,XAP,Refused,-135,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Card Street,,,,,,,1,Cash loans,F,N,Y,0,157500.0,620878.5,30330.0,436500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.02461,-10991,-581,-529.0,-510,,1,1,1,1,1,0,,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.2378494893846563,0.2517987560110147,0.17249546677733105,0.0742,0.0773,0.9886,,,0.08,0.069,0.3333,,0.0515,,0.0763,,0.0,0.0756,0.0802,0.9886,,,0.0806,0.069,0.3333,,0.0527,,0.0795,,0.0,0.0749,0.0773,0.9886,,,0.08,0.069,0.3333,,0.0524,,0.0777,,0.0,,block of flats,0.0675,"Stone, brick",No,0.0,0.0,0.0,0.0,-135.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1269425,321863,Cash loans,22053.735,463500.0,610335.0,,463500.0,MONDAY,14,Y,1,,,,XNA,Refused,-210,Cash through the bank,HC,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,1,157500.0,586764.0,22248.0,405000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-16814,-1243,-1278.0,-368,,1,1,0,1,0,1,Sales staff,3.0,1,1,MONDAY,13,0,0,0,0,0,0,Self-employed,0.8089433303367158,0.5980435044115618,0.4365064990977374,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-210.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2819688,142402,Cash loans,78583.59,1552500.0,1644718.5,,1552500.0,MONDAY,15,Y,1,,,,XNA,Approved,-540,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,low_normal,Cash X-Sell: low,365243.0,-510.0,360.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,315000.0,675000.0,50467.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.04622,-23191,365243,-4791.0,-4791,,1,0,0,1,0,0,,2.0,1,1,TUESDAY,15,0,0,0,0,0,0,XNA,,0.6154476344855077,0.4418358231994413,0.2062,0.0509,0.9906,0.8708,0.0276,0.2,0.1724,0.375,0.4167,0.2144,0.1681,0.2023,0.0,0.0,0.2101,0.0528,0.9906,0.8759,0.0279,0.2014,0.1724,0.375,0.4167,0.2193,0.1837,0.2107,0.0,0.0,0.2082,0.0509,0.9906,0.8725,0.0278,0.2,0.1724,0.375,0.4167,0.2181,0.171,0.2059,0.0,0.0,reg oper account,block of flats,0.1829,Panel,No,3.0,0.0,3.0,0.0,-1946.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1691128,274630,Consumer loans,15127.335,147555.0,147555.0,0.0,147555.0,WEDNESDAY,12,Y,1,0.0,,,XAP,Approved,-776,Cash through the bank,XAP,,New,Furniture,POS,XNA,Stone,100,Furniture,12.0,middle,POS industry with interest,,,,,,,0,Cash loans,M,Y,N,1,315000.0,364896.0,17037.0,315000.0,Family,State servant,Secondary / secondary special,Married,House / apartment,0.04622,-13951,-1904,-794.0,-2035,3.0,1,1,0,1,0,0,Laborers,3.0,1,1,SUNDAY,17,0,0,0,0,0,0,Military,0.5899581896562963,0.6351444073263913,0.2405414172860865,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-776.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1495603,174424,Consumer loans,12600.9,135000.0,135000.0,0.0,135000.0,THURSDAY,11,Y,1,0.0,,,XAP,Approved,-546,Cash through the bank,XAP,,New,Medical Supplies,POS,XNA,Regional / Local,50,Industry,12.0,low_normal,POS industry with interest,365243.0,-509.0,-179.0,-209.0,-207.0,0.0,0,Cash loans,F,Y,Y,1,315000.0,1312110.0,55723.5,1125000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.032561,-14726,-123,-1520.0,-1788,3.0,1,1,0,1,1,0,Managers,3.0,1,1,THURSDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.8206622018557956,0.7229717982865411,0.6246146584503397,0.0,0.1505,,0.7552,0.0314,0.16,0.0,0.3333,0.375,0.0,0.0,0.162,0.0,0.0,0.0,0.1561,,0.7648,0.0317,0.1611,0.0,0.3333,0.375,0.0,0.0,0.1687,0.0,0.0,0.0,0.1505,,0.7585,0.0316,0.16,0.0,0.3333,0.375,0.0,0.0,0.1649,0.0,0.0,not specified,,0.1446,,No,1.0,1.0,1.0,1.0,-546.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2358546,250272,Cash loans,32328.0,900000.0,900000.0,,900000.0,SATURDAY,10,Y,1,,,,XNA,Refused,-976,Cash through the bank,SCO,Unaccompanied,New,XNA,Cash,walk-in,AP+ (Cash loan),-1,XNA,48.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,N,Y,0,157500.0,450000.0,21109.5,450000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.028663,-14243,-626,-523.0,-1868,,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,15,0,0,0,1,1,0,Construction,,0.2477625187400375,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-976.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2262842,200695,Consumer loans,2592.27,24660.0,24759.0,2466.0,24660.0,WEDNESDAY,18,Y,1,0.09864823441021783,,,XAP,Approved,-2186,Cash through the bank,XAP,Children,New,Mobile,POS,XNA,Country-wide,33,Connectivity,14.0,low_normal,POS mobile with interest,365243.0,-2155.0,-1765.0,-1765.0,-1762.0,1.0,0,Cash loans,F,N,N,2,90000.0,808650.0,26217.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-16977,-2435,-9712.0,-526,,1,1,0,1,0,0,Sales staff,4.0,2,2,FRIDAY,8,0,0,0,0,1,1,Self-employed,,0.6695269192255331,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1740.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2623461,148858,Consumer loans,6112.755,59625.0,59625.0,0.0,59625.0,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-591,Cash through the bank,XAP,,New,Construction Materials,POS,XNA,Stone,200,Construction,12.0,middle,POS industry with interest,365243.0,-544.0,-214.0,-514.0,-506.0,0.0,0,Cash loans,F,N,Y,2,202500.0,592560.0,32274.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009175,-10229,-1198,-2659.0,-2755,,1,1,0,1,0,0,Laborers,4.0,2,2,TUESDAY,11,0,0,0,1,1,1,Business Entity Type 3,,0.4824767290345466,0.3077366963789207,0.0186,,0.9821,0.7552,0.0,0.0,0.1034,0.0417,0.0833,0.0302,0.0151,0.0172,0.0,0.0057,0.0189,,0.9821,0.7648,0.0,0.0,0.1034,0.0417,0.0833,0.0309,0.0165,0.0178,0.0,0.006,0.0187,,0.9821,0.7585,0.0,0.0,0.1034,0.0417,0.0833,0.0307,0.0154,0.0175,0.0,0.0058,reg oper account,block of flats,0.0136,"Stone, brick",No,1.0,0.0,1.0,0.0,-591.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2561628,199217,Cash loans,19756.935,450000.0,553950.0,,450000.0,SATURDAY,15,Y,1,,,,XNA,Approved,-819,XNA,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,middle,Cash X-Sell: middle,365243.0,-789.0,981.0,-429.0,-426.0,1.0,0,Cash loans,F,N,Y,0,67500.0,353241.0,22999.5,319500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-23257,365243,-10784.0,-3990,,1,0,0,1,1,0,,2.0,2,2,SATURDAY,16,0,0,0,0,0,0,XNA,0.7447378685230703,0.7244453351954366,0.8038850611746273,0.1485,0.1205,0.9856,0.8028,0.0345,0.16,0.1379,0.3333,0.375,0.0901,0.121,0.1728,0.0,0.0,0.1513,0.1251,0.9856,0.8105,0.0348,0.1611,0.1379,0.3333,0.375,0.0921,0.1322,0.18,0.0,0.0,0.1499,0.1205,0.9856,0.8054,0.0347,0.16,0.1379,0.3333,0.375,0.0916,0.1231,0.1759,0.0,0.0,reg oper account,block of flats,0.1359,Panel,No,0.0,0.0,0.0,0.0,-1486.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1843640,314691,Cash loans,25413.75,765000.0,765000.0,,765000.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-132,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-102.0,1308.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,112500.0,66222.0,3825.0,58500.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.010147,-23883,365243,-8726.0,-4981,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,0.7486783853852955,0.5637523413562098,0.5919766183185521,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1316366,277034,Consumer loans,2579.04,21748.5,21510.0,2178.0,21748.5,WEDNESDAY,16,Y,1,0.10013677811550152,,,XAP,Approved,-2198,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,44,Connectivity,12.0,high,POS mobile with interest,365243.0,-2167.0,-1837.0,-1837.0,-1830.0,0.0,0,Cash loans,F,N,Y,0,157500.0,195543.0,12091.5,148500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00733,-24333,-707,-10935.0,-4956,,1,1,0,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Self-employed,,0.5359012337941952,0.656158373001177,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1909.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +2426600,213702,Consumer loans,12197.43,59445.0,42813.0,18000.0,59445.0,WEDNESDAY,20,Y,1,0.3223593041559595,,,XAP,Approved,-2787,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,65,Connectivity,4.0,high,POS mobile with interest,365243.0,-2756.0,-2666.0,-2666.0,-2615.0,1.0,0,Cash loans,F,Y,Y,0,270000.0,679671.0,50949.0,607500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.004849,-16219,-5135,-3772.0,-729,7.0,1,1,0,1,1,0,Managers,2.0,2,2,THURSDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.5687058687654571,0.4979190083288546,0.6347055309763198,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1073.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2369342,352173,Revolving loans,2250.0,45000.0,45000.0,,45000.0,THURSDAY,14,Y,1,,,,XAP,Approved,-316,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-294.0,-270.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,M,N,Y,2,180000.0,315000.0,14004.0,315000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018209,-17996,-2495,-784.0,-1523,,1,1,0,1,0,0,Laborers,4.0,3,3,FRIDAY,7,0,0,0,0,1,1,Construction,,0.4292194699201495,0.11987796089553485,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-1511.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2159828,218706,Cash loans,14709.33,247500.0,287685.0,,247500.0,MONDAY,10,Y,1,,,,XNA,Refused,-896,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,36.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,258880.5,315000.0,16308.0,315000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.018801,-10272,-209,-965.0,-2944,,1,1,1,1,1,0,Sales staff,1.0,2,2,MONDAY,11,0,0,0,0,0,0,Trade: type 7,0.4646376151288758,0.5319777839794592,0.6801388218428291,0.1876,,0.9985,,,0.12,0.1034,0.375,,0.0223,,0.1529,,0.0379,0.1912,,0.9985,,,0.1208,0.1034,0.375,,0.0228,,0.1593,,0.0401,0.1894,,0.9985,,,0.12,0.1034,0.375,,0.0227,,0.1556,,0.0387,,block of flats,0.1746,"Stone, brick",No,0.0,0.0,0.0,0.0,-1042.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2156549,308870,Consumer loans,11667.24,98707.5,98707.5,0.0,98707.5,SUNDAY,10,Y,1,0.0,,,XAP,Refused,-2134,XNA,LIMIT,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,297,Consumer electronics,12.0,high,POS household with interest,,,,,,,0,Revolving loans,M,Y,Y,1,103500.0,315000.0,15750.0,315000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-15599,-799,-3207.0,-4653,7.0,1,1,0,1,0,0,Laborers,3.0,2,2,SATURDAY,9,0,0,0,0,0,0,Self-employed,0.5459553397829449,0.6318086365734928,0.5814837058057234,0.0979,0.1004,0.9821,0.7552,0.014,0.0,0.2414,0.1667,0.2083,0.06,0.079,0.0955,0.0039,0.0061,0.0998,0.1042,0.9821,0.7648,0.0141,0.0,0.2414,0.1667,0.2083,0.0614,0.0863,0.0995,0.0039,0.0065,0.0989,0.1004,0.9821,0.7585,0.0141,0.0,0.2414,0.1667,0.2083,0.0611,0.0804,0.0973,0.0039,0.0063,reg oper account,block of flats,0.0841,"Stone, brick",No,0.0,0.0,0.0,0.0,-1533.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1271538,234063,Consumer loans,11695.815,95445.0,104895.0,0.0,95445.0,TUESDAY,14,Y,1,0.0,,,XAP,Approved,-1887,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,1987,Consumer electronics,12.0,high,POS household with interest,365243.0,-1855.0,-1525.0,-1525.0,-1518.0,0.0,0,Cash loans,M,Y,N,2,270000.0,137520.0,6817.5,90000.0,Unaccompanied,Working,Secondary / secondary special,Married,Rented apartment,0.018801,-12929,-2000,-1439.0,-1433,8.0,1,1,0,1,0,0,Sales staff,4.0,2,2,SATURDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.5876667057682007,0.08391700365753578,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,6.0,0.0,-1062.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +2433422,211484,Consumer loans,,32490.0,32490.0,0.0,32490.0,SUNDAY,14,Y,1,0.0,,,XAP,Refused,-879,Cash through the bank,HC,,Repeater,Mobile,XNA,XNA,Country-wide,25,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,2,135000.0,555273.0,16366.5,463500.0,Family,Working,Higher education,Separated,House / apartment,0.010147,-17778,-9868,-5196.0,-1338,,1,1,0,1,1,0,Core staff,3.0,2,2,THURSDAY,10,0,0,0,0,0,0,School,0.7174496634640621,0.5863466694080441,0.4382813743111921,,,0.9796,,,,0.069,0.0417,,,,0.0149,,,,,0.9796,,,,0.069,0.0417,,,,0.0155,,,,,0.9796,,,,0.069,0.0417,,,,0.0152,,,,,0.0127,"Stone, brick",No,0.0,0.0,0.0,0.0,-879.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1411217,202401,Cash loans,7009.875,67500.0,71955.0,,67500.0,TUESDAY,10,Y,1,,,,XNA,Approved,-723,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-693.0,-363.0,-633.0,-627.0,1.0,0,Cash loans,F,N,Y,0,117000.0,547344.0,24237.0,472500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.031329,-22522,365243,-11019.0,-4537,,1,0,0,1,1,0,,1.0,2,2,THURSDAY,9,0,0,0,0,0,0,XNA,,0.25475995714691185,0.4561097392782771,0.0701,0.0836,0.9846,0.7892,,0.0,0.1034,0.1667,,0.1041,,0.0618,,0.061,0.0714,0.0868,0.9846,0.7975,,0.0,0.1034,0.1667,,0.1065,,0.0644,,0.0646,0.0708,0.0836,0.9846,0.792,,0.0,0.1034,0.1667,,0.1059,,0.0629,,0.0623,not specified,block of flats,0.0619,"Stone, brick",No,11.0,1.0,11.0,0.0,-1309.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2666219,165248,Consumer loans,6121.98,75820.5,60655.5,15165.0,75820.5,SATURDAY,10,Y,1,0.2178311094804655,,,XAP,Approved,-326,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,50,Connectivity,12.0,middle,POS mobile with interest,365243.0,-280.0,50.0,-190.0,-185.0,0.0,0,Cash loans,F,N,Y,1,270000.0,971280.0,51876.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.018029,-11376,-2468,-188.0,-803,,1,1,0,1,0,0,Secretaries,2.0,3,3,WEDNESDAY,9,0,0,0,0,0,0,Security Ministries,,0.07755211737931987,0.3123653692278984,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-228.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1868948,159213,Consumer loans,3906.0,21316.5,19156.5,2160.0,21316.5,THURSDAY,10,Y,1,0.11035753353676088,,,XAP,Approved,-1681,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,34,Connectivity,6.0,high,POS mobile with interest,365243.0,-1643.0,-1493.0,-1493.0,-1286.0,0.0,0,Cash loans,F,N,Y,0,67500.0,675000.0,19476.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.030755,-23090,365243,-5539.0,-3966,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,13,0,0,0,0,0,0,XNA,0.7278292348991546,0.6442114754526893,0.5495965024956946,0.0742,,0.9866,,,0.08,0.069,0.3333,,0.0099,,0.0758,,0.0351,0.0756,,0.9866,,,0.0806,0.069,0.3333,,0.0101,,0.079,,0.0372,0.0749,,0.9866,,,0.08,0.069,0.3333,,0.01,,0.0772,,0.0359,,block of flats,0.0698,Panel,No,0.0,0.0,0.0,0.0,-1681.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2444481,109793,Consumer loans,21836.52,132345.0,119110.5,13234.5,132345.0,SATURDAY,15,Y,1,0.1089090909090909,,,XAP,Approved,-373,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Country-wide,160,Furniture,6.0,middle,POS industry with interest,365243.0,-339.0,-189.0,-189.0,-183.0,0.0,0,Revolving loans,F,N,Y,0,108000.0,315000.0,15750.0,315000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.04622,-22221,365243,-1356.0,-2777,,1,0,0,1,1,0,,2.0,1,1,MONDAY,17,0,0,0,0,0,0,XNA,0.7183626396468569,0.6998924828724781,0.4471785780453068,0.2443,0.1495,0.994,,,0.32,0.1379,0.625,,0.0248,,0.3566,,0.1437,0.2489,0.1551,0.994,,,0.3222,0.1379,0.625,,0.0254,,0.3715,,0.1521,0.2467,0.1495,0.994,,,0.32,0.1379,0.625,,0.0253,,0.363,,0.1467,,block of flats,0.3542,Panel,No,0.0,0.0,0.0,0.0,-992.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1854465,235863,Consumer loans,3310.245,58275.0,70582.5,0.0,58275.0,SUNDAY,18,Y,1,0.0,,,XAP,Refused,-488,Cash through the bank,HC,,Repeater,Audio/Video,POS,XNA,Country-wide,1600,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,0,Cash loans,F,Y,N,0,135000.0,450000.0,23107.5,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.00733,-20140,365243,-659.0,-3518,5.0,1,0,0,1,1,1,,2.0,2,2,MONDAY,14,0,0,0,0,0,0,XNA,0.7973977729329045,0.7780148719882203,0.375711009574066,0.1763,0.0318,0.9985,0.9796,0.0484,0.16,0.1379,0.375,0.4167,0.0219,0.1303,0.1444,0.0618,0.0391,0.1796,0.033,0.9985,0.9804,0.0489,0.1611,0.1379,0.375,0.4167,0.0224,0.1423,0.1504,0.0623,0.0413,0.17800000000000002,0.0318,0.9985,0.9799,0.0487,0.16,0.1379,0.375,0.4167,0.0223,0.1325,0.147,0.0621,0.0399,reg oper account,block of flats,0.1221,"Stone, brick",No,0.0,0.0,0.0,0.0,-835.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1513930,307701,Consumer loans,90415.98,861084.0,774972.0,86112.0,861084.0,SATURDAY,14,Y,1,0.108913644155084,,,XAP,Approved,-320,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Stone,100,Furniture,10.0,middle,POS industry with interest,365243.0,-289.0,-19.0,-19.0,-11.0,0.0,0,Cash loans,F,N,Y,0,315000.0,1255680.0,45103.5,1125000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.032561,-10898,-1189,-742.0,-3578,,1,1,1,1,1,0,Sales staff,2.0,1,1,THURSDAY,11,1,0,1,1,0,1,Business Entity Type 3,0.3820244628423265,0.6512616200045369,0.5280927512030451,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-491.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1032923,427043,Revolving loans,9000.0,180000.0,180000.0,,180000.0,THURSDAY,13,Y,1,,,,XAP,Approved,-125,XNA,XAP,"Spouse, partner",Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,2,180000.0,971280.0,51876.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-13482,-312,-2987.0,-3551,8.0,1,1,0,1,0,0,Security staff,4.0,2,2,WEDNESDAY,11,0,0,0,0,1,1,Security,0.1979691437359065,0.4329574972629521,0.4048783643353997,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-585.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1900385,352130,Consumer loans,5481.495,47925.0,46930.5,4792.5,47925.0,FRIDAY,11,Y,1,0.1009119382444596,,,XAP,Approved,-1114,Cash through the bank,XAP,Unaccompanied,Refreshed,Furniture,POS,XNA,Regional / Local,458,Consumer electronics,10.0,middle,POS other with interest,365243.0,-1083.0,-813.0,-813.0,-803.0,0.0,1,Cash loans,M,N,N,0,247500.0,720000.0,31846.5,720000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.011656999999999999,-13565,-2829,-1794.0,-2004,,1,1,0,1,0,0,Laborers,2.0,1,1,SATURDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.6324493627999486,0.5954562029091491,0.0052,0.0,0.9742,,,0.0,0.0345,0.0,,0.0035,,0.004,,0.0,0.0053,0.0,0.9742,,,0.0,0.0345,0.0,,0.0036,,0.0042,,0.0,0.0052,0.0,0.9742,,,0.0,0.0345,0.0,,0.0035,,0.0041,,0.0,,block of flats,0.0032,Wooden,No,2.0,0.0,2.0,0.0,-994.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1524761,206938,Cash loans,31377.015,454500.0,490495.5,,454500.0,TUESDAY,13,Y,1,,,,XNA,Refused,-416,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Country-wide,52,Connectivity,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,N,Y,0,189000.0,651600.0,39991.5,562500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.005084,-17075,-1618,-7469.0,-505,,1,1,1,1,1,0,Managers,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,Industry: type 13,,0.6557724177150179,0.5478104658520093,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-416.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2015810,315907,Cash loans,16780.95,247500.0,274288.5,,247500.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-380,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-343.0,347.0,-163.0,-159.0,0.0,1,Revolving loans,F,N,Y,0,202500.0,360000.0,18000.0,360000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.014464,-21203,365243,-1235.0,-4574,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,4,0,0,0,0,0,0,XNA,,0.2453495532540649,,0.0495,,0.9771,0.6872,,,0.1034,0.125,0.1667,0.1055,0.0403,0.0405,,,0.0504,,0.9772,0.6994,,,0.1034,0.125,0.1667,0.1079,0.0441,0.0422,,,0.05,,0.9771,0.6914,,,0.1034,0.125,0.1667,0.1073,0.041,0.0413,,,reg oper account,block of flats,0.034,"Stone, brick",No,1.0,0.0,1.0,0.0,-944.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1443045,201428,Cash loans,30283.29,360000.0,435105.0,,360000.0,FRIDAY,16,Y,1,,,,XNA,Approved,-560,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-530.0,-20.0,-20.0,-12.0,1.0,0,Cash loans,F,N,Y,0,135000.0,543735.0,21694.5,486000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.008019,-18347,-4090,-10843.0,-1878,,1,1,0,1,0,0,Laborers,1.0,2,2,FRIDAY,16,0,0,0,0,0,0,Self-employed,,0.7301528121901011,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1316.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1382447,405315,Consumer loans,11142.675,75739.5,59238.0,22725.0,75739.5,WEDNESDAY,16,Y,1,0.30196052986214394,,,XAP,Approved,-635,Cash through the bank,XAP,,New,Computers,POS,XNA,Stone,48,Consumer electronics,6.0,middle,POS mobile with interest,365243.0,-604.0,-454.0,-484.0,-465.0,0.0,0,Cash loans,M,N,Y,0,360000.0,835380.0,40320.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.04622,-15239,-925,-9127.0,-454,,1,1,0,1,0,0,Laborers,1.0,1,1,MONDAY,16,0,1,1,0,0,0,Business Entity Type 3,,0.5708752938688691,0.4776491548517548,0.099,0.038,0.9866,0.8164,0.0553,0.08,0.0345,0.5417,0.5833,0.0602,0.0799,0.0954,0.0039,0.0079,0.1008,0.0394,0.9866,0.8236,0.0559,0.0806,0.0345,0.5417,0.5833,0.0616,0.0872,0.0993,0.0039,0.0084,0.0999,0.038,0.9866,0.8189,0.0557,0.08,0.0345,0.5417,0.5833,0.0613,0.0812,0.0971,0.0039,0.0081,reg oper account,block of flats,0.1164,"Stone, brick",No,0.0,0.0,0.0,0.0,-635.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2497128,400639,Consumer loans,7191.495,63316.755,63316.755,0.0,63316.755,MONDAY,6,Y,1,0.0,,,XAP,Approved,-170,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-123.0,147.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,2,112500.0,755190.0,36328.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010032,-15086,-5499,-6427.0,-4682,,1,1,0,1,0,0,Laborers,4.0,2,2,TUESDAY,14,0,0,0,0,0,0,Other,,0.6438304633627085,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-470.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1762197,189106,Cash loans,18740.835,229500.0,279297.0,,229500.0,FRIDAY,7,Y,1,,,,XNA,Approved,-517,XNA,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-487.0,23.0,-67.0,-60.0,1.0,0,Revolving loans,F,N,N,0,144000.0,225000.0,11250.0,225000.0,Unaccompanied,Working,Higher education,Married,Office apartment,0.0038130000000000004,-11701,-2126,-891.0,-2187,,1,1,0,1,0,0,Core staff,2.0,2,2,THURSDAY,7,0,0,0,1,0,1,School,,0.08198462393336083,0.7194907850918436,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-517.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1106162,192681,Cash loans,12168.99,229500.0,272970.0,,229500.0,WEDNESDAY,14,Y,1,,,,XNA,Approved,-512,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,42.0,middle,Cash X-Sell: middle,365243.0,-482.0,748.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,112500.0,354276.0,22639.5,292500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.0105,-20377,365243,-3362.0,-3823,,1,0,0,1,0,0,,1.0,3,3,THURSDAY,14,0,0,0,0,0,0,XNA,,0.4192208934363181,0.6528965519806539,0.0773,,0.9955,,,,0.1724,0.1667,,,,,,,0.0788,,0.9955,,,,0.1724,0.1667,,,,,,,0.0781,,0.9955,,,,0.1724,0.1667,,,,,,,,block of flats,0.043,"Stone, brick",No,0.0,0.0,0.0,0.0,-922.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1844295,164506,Cash loans,14844.015,225000.0,264411.0,,225000.0,TUESDAY,16,Y,1,,,,XNA,Approved,-550,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,365243.0,-520.0,350.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,0,225000.0,741276.0,27364.5,531000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-14857,-7661,-3439.0,-4379,,1,1,0,1,1,0,,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,Business Entity Type 2,0.5239417824035727,0.2604642070000785,0.5190973382084597,0.1608,0.0844,0.9796,0.7212,0.0117,0.0,0.1034,0.1667,0.0,0.0433,0.1311,0.057,0.0,0.0,0.1639,0.0876,0.9796,0.7321,0.0118,0.0,0.1034,0.1667,0.0,0.0443,0.1433,0.0594,0.0,0.0,0.1624,0.0844,0.9796,0.7249,0.0117,0.0,0.1034,0.1667,0.0,0.0441,0.1334,0.0581,0.0,0.0,reg oper account,block of flats,0.0512,"Stone, brick",No,4.0,1.0,4.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2033716,271161,Consumer loans,12708.27,158490.0,163408.5,15849.0,158490.0,FRIDAY,15,Y,1,0.09629165763319147,,,XAP,Approved,-404,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,50,Consumer electronics,18.0,middle,POS household with interest,365243.0,-374.0,136.0,-74.0,-66.0,1.0,0,Cash loans,M,N,Y,2,67500.0,639000.0,32755.5,639000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-15663,-2065,-2910.0,-3144,,1,1,0,1,0,0,Cooking staff,4.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Kindergarten,0.7822705089698059,0.7417942550036338,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-3030.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1376051,386384,Cash loans,57529.935,315000.0,323523.0,,315000.0,MONDAY,14,Y,1,,,,XNA,Refused,-248,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,N,Y,0,180000.0,167895.0,19921.5,157500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.035792000000000004,-15152,-565,-8567.0,-4095,,1,1,0,1,0,0,Managers,1.0,2,2,THURSDAY,14,0,0,0,0,0,0,Self-employed,,0.5927757275185566,0.0005272652387098817,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-3628.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1217389,208693,Cash loans,72824.805,387000.0,397215.0,,387000.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-225,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-195.0,-45.0,-45.0,-39.0,1.0,0,Cash loans,F,N,Y,0,157500.0,473760.0,49878.0,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.009656999999999999,-24063,365243,-6463.0,-4692,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,XNA,0.8418041007093571,0.5846218648814593,0.4902575124990026,0.0577,0.0786,0.9791,0.7144,0.0072,0.0,0.1379,0.1667,0.2083,0.0955,0.0471,0.0553,1.0,0.1032,0.0588,0.0816,0.9791,0.7256,0.0073,0.0,0.1379,0.1667,0.2083,0.0977,0.0514,0.0576,1.0,0.1092,0.0583,0.0786,0.9791,0.7182,0.0072,0.0,0.1379,0.1667,0.2083,0.0972,0.0479,0.0563,1.0,0.1053,reg oper account,block of flats,0.0659,Block,No,0.0,0.0,0.0,0.0,-792.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2785476,250410,Consumer loans,7732.665,34897.5,36972.0,0.0,34897.5,TUESDAY,14,Y,1,0.0,,,XAP,Approved,-381,Cash through the bank,XAP,Children,Refreshed,Mobile,POS,XNA,Country-wide,25,Connectivity,6.0,high,POS mobile with interest,365243.0,-351.0,-201.0,-201.0,-194.0,1.0,0,Revolving loans,F,N,N,0,216000.0,360000.0,18000.0,360000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.025164,-20639,-2600,-9558.0,-2620,,1,1,0,1,0,0,Medicine staff,1.0,2,2,FRIDAY,10,0,0,0,0,0,0,Medicine,,0.15767370804607614,0.4206109640437848,0.0928,0.1002,0.9767,0.6804,0.0364,0.0,0.1379,0.1667,0.2083,0.0238,0.0756,0.0869,0.0,0.0068,0.0945,0.104,0.9767,0.6929,0.0367,0.0,0.1379,0.1667,0.2083,0.0243,0.0826,0.0905,0.0,0.0072,0.0937,0.1002,0.9767,0.6847,0.0366,0.0,0.1379,0.1667,0.2083,0.0242,0.077,0.0885,0.0,0.0069,reg oper account,block of flats,0.0897,Mixed,No,,,,,-494.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2110885,138718,Consumer loans,10098.855,86503.5,97668.0,0.0,86503.5,THURSDAY,13,Y,1,0.0,,,XAP,Approved,-1086,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Stone,80,Furniture,12.0,middle,POS industry with interest,365243.0,-1050.0,-720.0,-720.0,-711.0,0.0,0,Cash loans,F,N,N,0,73350.0,544500.0,15732.0,544500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-20529,365243,-11279.0,-2803,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,XNA,,0.1923160541736026,0.5549467685334323,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1263.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1894334,220724,Consumer loans,9963.495,109081.35,98172.0,10909.35,109081.35,TUESDAY,15,Y,1,0.10892122172205336,,,XAP,Approved,-350,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,6,Connectivity,12.0,middle,POS mobile with interest,365243.0,-316.0,14.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,1,90000.0,341280.0,9130.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,Rented apartment,0.022625,-10955,-4056,-4995.0,-1994,,1,1,0,1,1,0,Laborers,3.0,2,2,FRIDAY,14,0,0,0,0,0,0,Transport: type 4,,0.5300336097715863,0.524496446363472,0.1278,0.0416,0.9816,0.7484,0.0757,0.08,0.0345,0.625,0.6667,0.0953,0.1042,0.117,0.0154,0.0187,0.1303,0.0432,0.9816,0.7583,0.0764,0.0806,0.0345,0.625,0.6667,0.0975,0.1139,0.1219,0.0156,0.0198,0.1291,0.0416,0.9816,0.7518,0.0762,0.08,0.0345,0.625,0.6667,0.097,0.106,0.1191,0.0155,0.0191,reg oper account,block of flats,0.1344,Panel,No,0.0,0.0,0.0,0.0,-915.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1533175,233857,Consumer loans,66842.37,1113390.0,1089351.0,111339.0,1113390.0,WEDNESDAY,10,Y,1,0.10099050773078204,,,XAP,Refused,-600,XNA,HC,,New,Furniture,POS,XNA,Stone,15,Furniture,24.0,middle,POS industry with interest,,,,,,,0,Cash loans,F,N,N,0,202500.0,679500.0,36333.0,679500.0,Family,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.00496,-11496,-459,-5577.0,-4137,,1,1,1,1,1,0,Realty agents,1.0,2,2,MONDAY,15,0,0,0,0,0,0,Services,,0.593598939321916,0.6413682574954046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-600.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2592523,417037,Consumer loans,16296.03,196150.5,248566.5,0.0,196150.5,TUESDAY,18,Y,1,0.0,,,XAP,Approved,-836,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Regional / Local,30,Consumer electronics,18.0,low_normal,POS household with interest,365243.0,-805.0,-295.0,-295.0,-292.0,0.0,0,Cash loans,M,Y,Y,1,202500.0,473161.5,43528.5,405000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.04622,-15919,-3160,-8471.0,-4694,9.0,1,1,0,1,0,1,Drivers,3.0,1,1,FRIDAY,12,0,0,0,0,1,1,Transport: type 4,,0.6953581247394479,,0.3134,0.0656,0.9851,0.7959999999999999,0.0717,0.36,0.3103,0.3333,0.375,0.1642,0.2522,0.3039,0.0154,0.4233,0.3193,0.0681,0.9851,0.804,0.0724,0.3625,0.3103,0.3333,0.375,0.168,0.2755,0.3166,0.0156,0.4482,0.3164,0.0656,0.9851,0.7987,0.0722,0.36,0.3103,0.3333,0.375,0.1671,0.2565,0.3093,0.0155,0.4322,reg oper account,block of flats,0.3702,"Stone, brick",No,6.0,0.0,6.0,0.0,-2.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2437368,429247,Consumer loans,4892.085,41625.0,40801.5,4500.0,41625.0,THURSDAY,12,Y,1,0.1081842563912694,,,XAP,Approved,-1659,XNA,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Regional / Local,27,Consumer electronics,12.0,high,POS household with interest,365243.0,-1628.0,-1298.0,-1328.0,-1320.0,0.0,0,Cash loans,M,Y,Y,1,157500.0,294322.5,19800.0,243000.0,Unaccompanied,Working,Higher education,Separated,With parents,0.006305,-12913,-3540,-1287.0,-4884,11.0,1,1,0,1,1,1,Laborers,2.0,3,3,THURSDAY,9,0,0,0,0,0,0,Business Entity Type 2,0.22137600906103905,0.3740179827018675,0.524496446363472,0.0031,0.0,0.9727,0.626,0.0,0.0,0.0,0.0,0.0417,0.0,0.0025,0.0018,0.0,0.0,0.0032,0.0,0.9727,0.6406,0.0,0.0,0.0,0.0,0.0417,0.0,0.0028,0.0019,0.0,0.0,0.0031,0.0,0.9727,0.631,0.0,0.0,0.0,0.0,0.0417,0.0,0.0026,0.0018,0.0,0.0,not specified,block of flats,0.0014,Wooden,No,0.0,0.0,0.0,0.0,-1541.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1855445,349061,Consumer loans,10382.175,57145.5,57145.5,0.0,57145.5,SUNDAY,15,Y,1,0.0,,,XAP,Approved,-531,Cash through the bank,XAP,,Repeater,Construction Materials,POS,XNA,Stone,1000,Construction,6.0,middle,POS other with interest,365243.0,-500.0,-350.0,-380.0,-377.0,0.0,0,Cash loans,M,Y,Y,0,112500.0,101880.0,10435.5,90000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-13882,-1794,-1823.0,-4711,10.0,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,16,0,0,0,0,0,0,Construction,,0.6113301843074544,0.7281412993111438,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1037.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2712398,276743,Consumer loans,7465.545,67099.5,72337.5,4500.0,67099.5,TUESDAY,13,Y,1,0.06378277652069746,,,XAP,Approved,-1430,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,400,Consumer electronics,14.0,high,POS household with interest,365243.0,-1399.0,-1009.0,-1039.0,-1033.0,0.0,0,Cash loans,F,N,Y,0,99000.0,1762110.0,48586.5,1575000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.00963,-10112,-1155,-3023.0,-2645,,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Trade: type 7,0.3790697210173229,0.366609157153194,0.5549467685334323,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1576.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +1000281,282139,Revolving loans,2250.0,45000.0,45000.0,,45000.0,MONDAY,17,Y,1,,,,XAP,Approved,-193,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),4,XNA,0.0,XNA,Card X-Sell,-190.0,-148.0,365243.0,-120.0,365243.0,0.0,0,Cash loans,F,N,N,0,81000.0,323194.5,16920.0,279000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.006296,-17686,-2618,-1729.0,-1229,,1,1,1,1,1,0,,1.0,3,3,FRIDAY,15,0,0,0,0,0,0,University,0.7519539369866981,0.7186105955910664,0.6817058776720116,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-194.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1967347,139613,Consumer loans,11527.65,102996.0,115276.5,10300.5,102996.0,WEDNESDAY,17,Y,1,0.0893330857489103,,,XAP,Refused,-985,Cash through the bank,LIMIT,Family,Repeater,Audio/Video,POS,XNA,Country-wide,2181,Consumer electronics,12.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,Y,4,135000.0,358443.0,16839.0,252000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-17253,-102,-1216.0,-640,,1,1,0,1,0,0,Cooking staff,6.0,2,2,MONDAY,13,0,0,0,1,1,0,Restaurant,0.5185219565641168,0.09138021695393712,0.19747451156854226,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1007.0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1191745,175980,Revolving loans,2250.0,45000.0,45000.0,,45000.0,MONDAY,10,Y,1,,,,XAP,Approved,-429,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),3,XNA,0.0,XNA,Card Street,-428.0,-387.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,301500.0,112068.0,13428.0,99000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0228,-10818,-420,-225.0,-1344,2.0,1,1,0,1,1,0,Sales staff,2.0,2,2,WEDNESDAY,9,0,0,0,0,1,1,Business Entity Type 3,0.5271619708660216,0.455927641438148,0.5937175866150576,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1772390,203872,Revolving loans,0.0,0.0,0.0,,0.0,THURSDAY,18,Y,1,,,,XAP,Approved,-359,XNA,XAP,,Repeater,XNA,Cards,walk-in,Country-wide,25,Connectivity,0.0,XNA,Card Street,-359.0,-319.0,365243.0,-319.0,365243.0,0.0,0,Cash loans,F,N,N,0,202500.0,900000.0,48955.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.072508,-8800,-806,-3145.0,-228,,1,1,0,1,0,0,Core staff,2.0,1,1,FRIDAY,17,0,0,0,0,0,0,Self-employed,,0.6028699790154685,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-601.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2733275,182549,Consumer loans,10135.845,89797.5,99279.0,0.0,89797.5,THURSDAY,14,Y,1,0.0,,,XAP,Approved,-725,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,1073,Consumer electronics,12.0,middle,POS household with interest,365243.0,-694.0,-364.0,-694.0,-686.0,0.0,0,Cash loans,F,N,Y,0,135000.0,96696.0,5679.0,76500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.04622,-23455,365243,-9827.0,-3947,,1,0,0,1,1,0,,1.0,1,1,MONDAY,14,0,0,0,0,0,0,XNA,,0.7624268080096614,0.7583930617144343,0.0155,0.0065,0.9518,0.3404,,0.0,0.069,0.0833,0.125,0.0488,0.0126,0.02,0.0,0.0,0.0158,0.0067,0.9518,0.3662,,0.0,0.069,0.0833,0.125,0.0499,0.0138,0.0208,0.0,0.0,0.0156,0.0065,0.9518,0.3492,,0.0,0.069,0.0833,0.125,0.0497,0.0128,0.0203,0.0,0.0,reg oper account,block of flats,0.0192,"Stone, brick",No,0.0,0.0,0.0,0.0,-1120.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1197743,255359,Consumer loans,13697.01,114165.0,128556.0,11416.5,114165.0,WEDNESDAY,15,Y,1,0.08882892256433485,,,XAP,Refused,-576,Cash through the bank,SCOFR,,New,Computers,POS,XNA,Country-wide,70,Consumer electronics,12.0,middle,POS mobile with interest,,,,,,,1,Cash loans,M,N,N,0,180000.0,225000.0,16501.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.010276,-11538,-784,-3914.0,-3917,,1,1,0,1,0,0,Laborers,1.0,2,2,THURSDAY,19,0,1,1,0,1,1,Business Entity Type 3,0.08726345664225818,0.5614330392550523,0.23791607950711405,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-155.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +2823315,359797,Cash loans,40623.75,216000.0,223128.0,,216000.0,FRIDAY,13,Y,1,,,,XNA,Approved,-349,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,low_normal,Cash X-Sell: low,365243.0,-319.0,-169.0,-169.0,-165.0,1.0,0,Cash loans,M,N,N,1,135000.0,260640.0,27499.5,225000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.00496,-10523,-592,-4684.0,-3191,,1,1,0,1,0,1,Managers,3.0,2,2,THURSDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.2107033003186788,0.6812478623236697,0.6161216908872079,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-349.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1951716,449051,Consumer loans,3217.95,35225.55,31707.0,3518.55,35225.55,SATURDAY,16,Y,1,0.1087852657568673,0.14245438059616913,0.6379492600422833,XAP,Approved,-384,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,25,Connectivity,12.0,middle,POS mobile with interest,365243.0,-347.0,-17.0,-257.0,-250.0,0.0,0,Cash loans,F,N,Y,0,157500.0,454500.0,27193.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-18731,-6940,-6722.0,-2073,,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,15,0,0,0,0,1,1,Industry: type 9,,0.5686989772304994,0.2955826421513093,0.1227,0.0705,0.9896,0.8572,0.0278,0.12,0.1034,0.375,0.4167,0.0581,0.1,0.1394,0.0,0.0,0.125,0.0732,0.9896,0.8628,0.0281,0.1208,0.1034,0.375,0.4167,0.0595,0.1093,0.1452,0.0,0.0,0.1239,0.0705,0.9896,0.8591,0.028,0.12,0.1034,0.375,0.4167,0.0591,0.1018,0.1419,0.0,0.0,reg oper account,block of flats,0.1096,Panel,No,0.0,0.0,0.0,0.0,-384.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1151282,275394,Consumer loans,2368.845,21105.0,16605.0,4500.0,21105.0,THURSDAY,10,Y,1,0.23221554564838146,,,XAP,Approved,-1079,Cash through the bank,XAP,,New,Mobile,POS,XNA,Stone,24,Connectivity,10.0,high,POS mobile with interest,365243.0,-1030.0,-760.0,-760.0,-754.0,0.0,0,Cash loans,F,N,Y,3,90000.0,942300.0,30528.0,675000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.010276,-13382,-2120,-2970.0,-3100,,1,1,0,1,0,1,Laborers,5.0,2,2,FRIDAY,11,0,0,0,0,0,0,Other,0.3649643738444777,0.4827606640644897,0.6801388218428291,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,2.0,4.0,2.0,-1079.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2752926,113267,Cash loans,,0.0,0.0,,,SATURDAY,10,Y,1,,,,XNA,Refused,-346,XNA,SCOFR,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,Y,Y,2,135000.0,130824.0,10462.5,103500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-9893,-610,-1235.0,-2365,25.0,1,1,0,1,0,0,Laborers,4.0,2,2,TUESDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.3911859356924836,0.22888341670067305,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-738.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,1.0,0.0,0.0,0.0,7.0 +1175743,322803,Consumer loans,10392.21,140107.5,158418.0,0.0,140107.5,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-1066,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,173,Consumer electronics,18.0,low_normal,POS household with interest,365243.0,-1026.0,-516.0,-516.0,-513.0,0.0,0,Cash loans,F,N,N,0,135000.0,1030500.0,30127.5,1030500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,Municipal apartment,0.011656999999999999,-18791,-5940,-5380.0,-2337,,1,1,1,1,1,0,Laborers,2.0,1,1,TUESDAY,15,0,0,0,0,0,0,Self-employed,,0.790655089447317,,0.0371,0.0707,0.9861,0.8096,0.0446,0.0,0.0345,0.0833,0.125,0.0517,0.0303,0.0285,0.0,0.0,0.0378,0.0734,0.9861,0.8171,0.045,0.0,0.0345,0.0833,0.125,0.0529,0.0331,0.0297,0.0,0.0,0.0375,0.0707,0.9861,0.8121,0.0449,0.0,0.0345,0.0833,0.125,0.0526,0.0308,0.029,0.0,0.0,reg oper account,block of flats,0.0468,"Stone, brick",No,0.0,0.0,0.0,0.0,-1557.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1343811,157637,Consumer loans,16540.2,202500.0,162000.0,40500.0,202500.0,SATURDAY,15,Y,1,0.2178181818181818,,,XAP,Approved,-2157,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Stone,10,Consumer electronics,12.0,middle,POS household with interest,365243.0,-2124.0,-1794.0,-1794.0,-1785.0,0.0,0,Cash loans,F,N,Y,0,157500.0,1035832.5,30285.0,904500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.006670999999999999,-16579,-2216,-5395.0,-126,,1,1,0,1,1,0,Accountants,2.0,2,2,SUNDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.6891429088757282,0.6707015979527954,0.5460231970049609,0.0722,0.0818,0.9816,0.7484,0.0399,0.0,0.0345,0.1667,,0.0391,0.0588,0.0466,0.3282,0.0061,0.0735,0.0849,0.9816,0.7583,0.0403,0.0,0.0345,0.1667,,0.04,0.0643,0.0485,0.3307,0.0064,0.0729,0.0818,0.9816,0.7518,0.0401,0.0,0.0345,0.1667,,0.0397,0.0599,0.0474,0.33,0.0062,reg oper account,block of flats,0.0366,"Stone, brick",No,0.0,0.0,0.0,0.0,-2157.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2574276,444324,Cash loans,44908.425,405000.0,427455.0,,405000.0,WEDNESDAY,14,Y,1,,,,XNA,Approved,-1564,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,middle,Cash X-Sell: middle,365243.0,-1534.0,-1204.0,-1204.0,-1196.0,1.0,0,Cash loans,M,Y,Y,0,112500.0,256500.0,9796.5,256500.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.009334,-21397,365243,-9108.0,-4131,7.0,1,0,0,1,0,0,,1.0,2,2,SATURDAY,11,0,0,0,0,0,0,XNA,,0.2265988359266469,,0.067,0.0791,0.9757,0.6668,0.0082,0.0,0.1379,0.1667,0.2083,0.0569,0.0538,0.0505,0.0039,0.0525,0.0683,0.0821,0.9757,0.6798,0.0083,0.0,0.1379,0.1667,0.2083,0.0582,0.0588,0.0526,0.0039,0.0556,0.0677,0.0791,0.9757,0.6713,0.0083,0.0,0.1379,0.1667,0.2083,0.0578,0.0547,0.0514,0.0039,0.0536,reg oper account,block of flats,0.0557,"Stone, brick",No,0.0,0.0,0.0,0.0,-2445.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2457538,414135,Cash loans,8454.285,135000.0,161464.5,,135000.0,FRIDAY,10,Y,1,,,,Other,Refused,-333,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,Y,Y,0,94500.0,652311.0,21172.5,544500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-14316,-2788,-7567.0,-4805,9.0,1,1,0,1,0,0,Cooking staff,2.0,2,2,TUESDAY,8,0,0,0,0,0,0,School,,0.16318703546427088,0.5867400085415683,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1707.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1973192,235772,Consumer loans,10092.96,56857.5,47362.5,11371.5,56857.5,MONDAY,15,Y,1,0.2108590811578859,,,XAP,Approved,-1541,Cash through the bank,XAP,Other_B,New,Furniture,POS,XNA,Stone,45,Furniture,5.0,low_normal,POS industry without interest,365243.0,-1510.0,-1390.0,-1390.0,-1387.0,0.0,0,Cash loans,F,N,Y,0,180000.0,595903.5,30555.0,481500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-23452,-2436,-1203.0,-4844,,1,1,0,1,0,0,Core staff,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Government,,0.4287266648375085,0.2735646775174348,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1541.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,7.0 +1623342,203296,Consumer loans,4619.79,29569.5,25056.0,5917.5,29569.5,SUNDAY,12,Y,1,0.2080712691347589,,,XAP,Approved,-310,Cash through the bank,XAP,Unaccompanied,Refreshed,Audio/Video,POS,XNA,Stone,150,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-278.0,-128.0,-248.0,-240.0,0.0,0,Cash loans,M,N,Y,1,67500.0,50940.0,5089.5,45000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-19670,-4690,-6024.0,-3202,,1,1,1,1,1,0,Core staff,3.0,2,2,TUESDAY,12,0,0,0,0,0,0,Industry: type 3,,0.08980031016079819,0.7623356180684377,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,0.0,0.0,-310.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1739420,232955,Consumer loans,5638.77,72360.0,45940.5,36000.0,72360.0,THURSDAY,16,Y,1,0.4784846654251893,,,XAP,Approved,-2011,Cash through the bank,XAP,Other_B,New,Mobile,POS,XNA,Country-wide,32,Connectivity,12.0,high,POS mobile with interest,365243.0,-1980.0,-1650.0,-1650.0,-1644.0,0.0,0,Cash loans,F,Y,Y,0,202500.0,765000.0,39060.0,765000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-12121,-1794,-2490.0,-2014,15.0,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Self-employed,0.3158735696090497,0.6960340218672595,0.10547318648733764,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2011.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2622759,112497,Consumer loans,5364.72,28620.0,26730.0,3150.0,28620.0,WEDNESDAY,13,Y,1,0.11481380065717416,,,XAP,Approved,-2610,Cash through the bank,XAP,,New,Mobile,POS,XNA,Stone,6,Consumer electronics,6.0,high,POS household with interest,365243.0,-2570.0,-2420.0,-2420.0,-2417.0,1.0,0,Cash loans,F,N,Y,0,180000.0,729792.0,44775.0,630000.0,Other_B,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.007114,-16260,-4586,-4679.0,-3379,,1,1,0,1,1,0,Sales staff,1.0,2,2,TUESDAY,10,0,0,0,0,0,0,Trade: type 7,0.3977086800553043,0.5584209536995487,0.646329897706246,0.0082,,0.9712,,,,0.0345,0.0417,,0.0252,,0.0072,,0.0,0.0084,,0.9712,,,,0.0345,0.0417,,0.0258,,0.0075,,0.0,0.0083,,0.9712,,,,0.0345,0.0417,,0.0256,,0.0074,,0.0,,block of flats,0.0057,"Stone, brick",No,6.0,0.0,6.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2659307,443365,Consumer loans,15384.78,114147.0,125446.5,0.0,114147.0,SATURDAY,8,Y,1,0.0,,,XAP,Approved,-2011,XNA,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,2000,Consumer electronics,12.0,high,POS household with interest,365243.0,-1980.0,-1650.0,-1650.0,-1646.0,0.0,0,Cash loans,M,Y,N,1,405000.0,790830.0,57676.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010032,-16771,-163,-4116.0,-321,19.0,1,1,0,1,0,0,Drivers,3.0,2,2,MONDAY,8,0,0,0,0,1,1,Business Entity Type 3,,0.4885616670690376,0.6413682574954046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1934744,209188,Revolving loans,45000.0,900000.0,900000.0,,900000.0,FRIDAY,15,Y,1,,,,XAP,Refused,-463,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,Y,Y,1,247500.0,808650.0,31464.0,675000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.035792000000000004,-12906,-4578,-5211.0,-4455,3.0,1,1,0,1,0,0,Core staff,3.0,2,2,SATURDAY,10,0,0,0,0,0,0,Security Ministries,,0.4876765302659335,0.35895122857839673,,,0.9608,,,,,,,,,0.004,,,,,0.9608,,,,,,,,,0.0042,,,,,0.9608,,,,,,,,,0.0041,,,,block of flats,0.0052,,No,0.0,0.0,0.0,0.0,-635.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1522753,280245,Consumer loans,6737.085,62919.0,62604.0,6295.5,62919.0,THURSDAY,17,Y,1,0.09951264984770312,,,XAP,Approved,-511,Cash through the bank,XAP,,New,Computers,POS,XNA,Regional / Local,80,Connectivity,12.0,middle,POS mobile with interest,365243.0,-480.0,-150.0,-150.0,-144.0,0.0,1,Cash loans,M,Y,Y,0,360000.0,848745.0,46174.5,675000.0,"Spouse, partner",Working,Secondary / secondary special,Civil marriage,House / apartment,0.019101,-18960,-487,-278.0,-1766,40.0,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,13,0,0,0,0,1,1,Self-employed,0.561217154301701,0.6794311845600058,0.03320805870168469,0.078,0.0731,0.9826,0.762,0.0238,0.0,0.1262,0.1667,0.0833,0.0714,0.0636,0.0544,0.0,0.0,0.0473,0.0547,0.9816,0.7583,0.0109,0.0,0.069,0.1667,0.0,0.0455,0.0413,0.0285,0.0,0.0,0.0937,0.0596,0.9826,0.7652,0.0144,0.0,0.1034,0.1667,0.0417,0.0671,0.077,0.0476,0.0,0.0,org spec account,block of flats,0.0325,"Stone, brick",No,0.0,0.0,0.0,0.0,-511.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2642037,356145,Consumer loans,4401.225,19791.0,20772.0,0.0,19791.0,SUNDAY,15,Y,1,0.0,,,XAP,Approved,-1622,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,2500,Consumer electronics,6.0,high,POS household with interest,365243.0,-1591.0,-1441.0,-1471.0,-1468.0,0.0,0,Cash loans,M,Y,N,1,157500.0,177768.0,11358.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009549,-14209,-5191,-6837.0,-4945,10.0,1,1,0,1,1,0,Laborers,3.0,2,2,FRIDAY,14,0,0,0,0,0,0,Industry: type 11,0.7834650668669009,0.6310096201124289,0.7789040389824382,0.1979,0.145,0.9811,,,0.16,0.1379,0.3333,,0.1111,,0.166,,0.2046,0.2017,0.1505,0.9811,,,0.1611,0.1379,0.3333,,0.1137,,0.173,,0.2166,0.1999,0.145,0.9811,,,0.16,0.1379,0.3333,,0.1131,,0.16899999999999998,,0.2089,,block of flats,0.1868,"Stone, brick",No,1.0,0.0,1.0,0.0,-1951.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2730650,453828,Cash loans,35700.03,315000.0,332464.5,0.0,315000.0,WEDNESDAY,11,Y,1,0.0,,,XNA,Approved,-2336,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,middle,Cash Street: middle,365243.0,-2306.0,-1976.0,-1976.0,-1968.0,1.0,0,Cash loans,F,Y,N,0,450000.0,670185.0,44914.5,621000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.016612000000000002,-21621,365243,-5310.0,-352,4.0,1,0,0,1,0,0,,1.0,2,2,MONDAY,13,0,0,0,0,0,0,XNA,0.7822117858187463,0.4874415992973548,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-2336.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2388036,149562,Consumer loans,14754.6,127800.0,146358.0,0.0,127800.0,SUNDAY,15,Y,1,0.0,,,XAP,Approved,-84,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Country-wide,350,Furniture,12.0,middle,POS industry with interest,365243.0,-54.0,276.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,1,202500.0,1191825.0,83079.0,1125000.0,Family,Working,Higher education,Married,House / apartment,0.04622,-13224,-574,-7348.0,-4202,,1,1,1,1,0,0,Managers,3.0,1,1,SUNDAY,11,0,0,0,0,1,1,Medicine,0.6878252993744353,0.736583633174682,0.3280631605201915,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-600.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1591129,101122,Revolving loans,2250.0,45000.0,45000.0,,45000.0,THURSDAY,9,Y,1,,,,XAP,Approved,-164,XNA,XAP,,Repeater,XNA,Cards,walk-in,Country-wide,1402,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,1,90000.0,640458.0,27265.5,517500.0,Unaccompanied,State servant,Higher education,Civil marriage,House / apartment,0.018029,-12198,-2058,-465.0,-3786,,1,1,0,1,0,0,Core staff,3.0,3,2,SUNDAY,8,0,0,0,0,0,0,Government,,0.34797733814994064,0.6058362647264226,0.1031,0.0319,0.9821,,,0.0,0.0517,0.1667,,,,0.066,,0.0044,0.105,0.0331,0.9821,,,0.0,0.0345,0.1667,,,,0.0686,,0.0,0.1041,0.0319,0.9821,,,0.0,0.0517,0.1667,,,,0.0672,,0.0045,,block of flats,0.0577,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1576392,229144,Cash loans,17666.1,180000.0,180000.0,,180000.0,TUESDAY,17,Y,1,,,,XNA,Approved,-171,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,67500.0,135000.0,6988.5,135000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.026392000000000002,-24691,365243,-5699.0,-4201,,1,0,0,1,1,0,,1.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,XNA,0.8548660922645831,0.7560675604538597,,0.1082,,0.9921,,,0.12,0.1034,0.3333,,,,0.1004,,0.0078,0.1103,,0.9921,,,0.1208,0.1034,0.3333,,,,0.1047,,0.0082,0.1093,,0.9921,,,0.12,0.1034,0.3333,,,,0.1023,,0.0079,,block of flats,0.0807,Others,No,0.0,0.0,0.0,0.0,-689.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1554914,452709,Cash loans,118845.0,1215000.0,1250284.5,,1215000.0,MONDAY,12,Y,1,,,,XNA,Refused,-332,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,270000.0,1240614.0,40999.5,1111500.0,"Spouse, partner",Working,Higher education,Married,House / apartment,0.00733,-15917,-3050,-168.0,-3515,15.0,1,1,1,1,1,0,Managers,2.0,2,2,THURSDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.6760353883277034,0.30162489168411943,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1626.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1188964,326222,Consumer loans,3511.71,18864.0,19795.5,0.0,18864.0,MONDAY,16,Y,1,0.0,,,XAP,Approved,-1425,Cash through the bank,XAP,,Repeater,Clothing and Accessories,POS,XNA,Country-wide,332,Clothing,6.0,low_normal,POS industry without interest,365243.0,-1390.0,-1240.0,-1240.0,-1237.0,0.0,0,Revolving loans,F,Y,N,0,225000.0,427500.0,21375.0,427500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.022625,-15754,-5455,-9684.0,-4486,7.0,1,1,1,1,1,1,,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.8598545418581648,0.6884592692166412,0.34578480246959553,0.1485,0.0,0.9806,0.7348,0.2163,0.16,0.1379,0.3333,0.375,0.0,0.121,0.1025,0.0,0.0012,0.1513,0.0,0.9806,0.7452,0.2183,0.1611,0.1379,0.3333,0.375,0.0,0.1322,0.1068,0.0,0.0013,0.1499,0.0,0.9806,0.7383,0.2177,0.16,0.1379,0.3333,0.375,0.0,0.1231,0.1043,0.0,0.0013,reg oper account,block of flats,0.1182,Panel,No,0.0,0.0,0.0,0.0,-2566.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1485315,317384,Consumer loans,7033.365,76783.5,76783.5,0.0,76783.5,WEDNESDAY,7,Y,1,0.0,,,XAP,Approved,-1078,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,119,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-1045.0,-715.0,-715.0,-709.0,0.0,0,Revolving loans,F,Y,Y,0,121500.0,202500.0,10125.0,202500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.007305,-10806,-1640,-1847.0,-3092,11.0,1,1,1,1,1,0,Core staff,1.0,3,3,WEDNESDAY,14,0,0,0,0,1,1,Trade: type 7,0.6171228055514947,0.4895452362995084,0.7238369900414456,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1434.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1537767,356723,Consumer loans,18704.835,95346.0,90342.0,9535.5,95346.0,FRIDAY,12,Y,1,0.10397763624075856,,,XAP,Approved,-902,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Stone,150,Consumer electronics,6.0,high,POS household with interest,365243.0,-868.0,-718.0,-718.0,-709.0,0.0,0,Cash loans,F,N,N,0,76500.0,450000.0,25128.0,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.022625,-19648,-3016,-6525.0,-3170,,1,1,1,1,1,0,,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.8920981370126635,0.7689236453084107,,0.1031,,0.9762,,,,0.2069,0.1667,,,,0.0909,,0.0,0.105,,0.9762,,,,0.2069,0.1667,,,,0.0948,,0.0,0.1041,,0.9762,,,,0.2069,0.1667,,,,0.0926,,0.0,,block of flats,0.0715,,No,0.0,0.0,0.0,0.0,-1192.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1575643,280126,Consumer loans,3797.64,35086.5,34182.0,3510.0,35086.5,MONDAY,12,Y,1,0.10141964053138837,,,XAP,Approved,-2345,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,350,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2314.0,-2044.0,-2044.0,-2017.0,1.0,0,Cash loans,F,N,Y,0,180000.0,225000.0,22050.0,225000.0,Family,Pensioner,Higher education,Widow,House / apartment,0.0228,-24522,365243,-10309.0,-4555,,1,0,0,1,0,0,,1.0,2,2,MONDAY,11,0,0,0,0,0,0,XNA,0.7424745137641148,0.6355142553842564,0.7981372313187245,0.1072,0.1,0.9856,0.8028,0.0315,0.0,0.0345,0.2917,0.0417,0.0568,0.0874,0.0738,0.0039,0.0013,0.1092,0.1038,0.9856,0.8105,0.0317,0.0,0.0345,0.2917,0.0417,0.0581,0.0955,0.0769,0.0039,0.0014,0.1083,0.1,0.9856,0.8054,0.0317,0.0,0.0345,0.2917,0.0417,0.0578,0.0889,0.0752,0.0039,0.0013,reg oper account,block of flats,0.0752,Panel,No,5.0,2.0,5.0,2.0,-1881.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1835499,327844,Revolving loans,22500.0,0.0,450000.0,,,THURSDAY,15,Y,1,,,,XAP,Approved,-1160,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-1128.0,-1088.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,180000.0,728460.0,40806.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.030755,-18170,-2846,-8587.0,-1728,,1,1,0,1,0,0,Core staff,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Kindergarten,,0.5442930645167376,0.7862666146611379,0.0082,0.0,0.9722,0.6192,0.0,0.0,0.0345,0.0417,0.0833,0.0055,0.0067,0.0055,0.0,0.0,0.0084,0.0,0.9722,0.6341,0.0,0.0,0.0345,0.0417,0.0833,0.0056,0.0073,0.0058,0.0,0.0,0.0083,0.0,0.9722,0.6243,0.0,0.0,0.0345,0.0417,0.0833,0.0056,0.0068,0.0056,0.0,0.0,reg oper account,block of flats,0.0047,"Stone, brick",No,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,4.0,0.0,1.0 +1310341,453532,Revolving loans,9000.0,0.0,180000.0,,,WEDNESDAY,10,Y,1,,,,XAP,Approved,-2888,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card Street,-2887.0,-2822.0,365243.0,-1787.0,365243.0,0.0,0,Cash loans,F,N,N,2,202500.0,1070982.0,45504.0,909000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010556,-14642,-810,-41.0,-683,,1,1,0,1,0,1,Core staff,4.0,3,3,SUNDAY,12,0,0,0,0,0,0,Medicine,,0.4116694523803345,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-16.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1925623,378409,Revolving loans,9000.0,0.0,180000.0,,,FRIDAY,12,Y,1,,,,XAP,Approved,-532,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,270000.0,183384.0,10656.0,162000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.016612000000000002,-21290,365243,-3619.0,-3648,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,XNA,,0.7187388109071496,0.4794489811780563,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-2126.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +1602179,439699,Cash loans,,0.0,0.0,,,FRIDAY,15,Y,1,,,,XNA,Refused,-309,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,292500.0,523597.5,20763.0,468000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-22272,365243,-5695.0,-3977,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,15,0,0,0,0,0,0,XNA,,0.7543453960888398,,0.0082,0.0,0.9697,0.5852,0.0014,0.0,0.0345,0.0417,0.0833,0.0044,0.0067,0.0089,0.0,0.0,0.0084,0.0,0.9697,0.6014,0.0014,0.0,0.0345,0.0417,0.0833,0.0045,0.0073,0.0093,0.0,0.0,0.0083,0.0,0.9697,0.5907,0.0014,0.0,0.0345,0.0417,0.0833,0.0045,0.0068,0.009000000000000001,0.0,0.0,not specified,block of flats,0.0077,"Stone, brick",No,6.0,0.0,6.0,0.0,-1613.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2439868,158394,Cash loans,10907.775,135000.0,176157.0,,135000.0,SATURDAY,12,Y,1,,,,XNA,Approved,-837,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-807.0,-117.0,-567.0,-563.0,1.0,0,Cash loans,F,N,N,0,180000.0,314055.0,17167.5,238500.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.006207,-15017,-1260,-9154.0,-4498,,1,1,0,1,0,1,,1.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.6470509279107759,0.6312336209782871,0.38079968264891495,0.0979,0.1126,0.9776,,,0.0,0.1034,0.1667,,0.0414,,0.0837,,0.0156,0.0998,0.1168,0.9777,,,0.0,0.1034,0.1667,,0.0424,,0.0872,,0.0165,0.0989,0.1126,0.9776,,,0.0,0.1034,0.1667,,0.0421,,0.0852,,0.0159,,block of flats,0.0754,"Stone, brick",No,0.0,0.0,0.0,0.0,-1526.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,7.0 +1581226,135025,Consumer loans,2510.1,17586.0,15826.5,1759.5,17586.0,FRIDAY,17,Y,1,0.10896482739369123,,,XAP,Refused,-2629,Cash through the bank,SCO,Unaccompanied,New,Mobile,POS,XNA,Country-wide,25,Connectivity,8.0,low_normal,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,0,135000.0,518562.0,26604.0,463500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,Municipal apartment,0.008625,-19602,-2976,-8628.0,-3098,,1,1,0,1,0,0,Sales staff,1.0,2,2,TUESDAY,10,0,0,0,0,0,0,Self-employed,,0.3853377233788362,,0.068,0.0291,0.9757,0.6668,0.0913,0.0,0.1034,0.1667,0.2083,0.1145,0.0555,0.0551,0.0,0.0,0.0693,0.0302,0.9757,0.6798,0.0921,0.0,0.1034,0.1667,0.2083,0.1171,0.0606,0.0574,0.0,0.0,0.0687,0.0291,0.9757,0.6713,0.0919,0.0,0.1034,0.1667,0.2083,0.1165,0.0564,0.0561,0.0,0.0,reg oper account,block of flats,0.0499,"Stone, brick",No,0.0,0.0,0.0,0.0,-1002.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1688890,303851,Cash loans,33774.345,675000.0,744498.0,,675000.0,WEDNESDAY,14,Y,1,,,,XNA,Approved,-724,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-694.0,356.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,135000.0,1237032.0,41013.0,1012500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-21161,365243,-12579.0,-4662,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,XNA,,0.5608999162333163,0.7623356180684377,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,3.0,4.0,3.0,-2292.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2841194,281087,Cash loans,10084.32,135000.0,148365.0,,135000.0,THURSDAY,9,Y,1,,,,XNA,Approved,-980,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-950.0,-440.0,-621.0,-612.0,1.0,0,Cash loans,F,N,Y,0,171000.0,150768.0,6516.0,108000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-21878,365243,-15282.0,-4826,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,8,0,0,0,0,0,0,XNA,,0.26525634018619443,,0.0412,0.0292,0.9767,0.6804,0.0054,0.0,0.069,0.1667,0.2083,0.029,0.0336,0.0308,0.0,0.0,0.042,0.0303,0.9767,0.6929,0.0055,0.0,0.069,0.1667,0.2083,0.0297,0.0367,0.0321,0.0,0.0,0.0416,0.0292,0.9767,0.6847,0.0055,0.0,0.069,0.1667,0.2083,0.0295,0.0342,0.0314,0.0,0.0,reg oper account,block of flats,0.0292,"Stone, brick",No,2.0,0.0,2.0,0.0,-980.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1348608,388257,Cash loans,53671.5,1350000.0,1350000.0,,1350000.0,MONDAY,15,Y,1,,,,XNA,Refused,-129,Cash through the bank,HC,Unaccompanied,XNA,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,1,450000.0,123993.0,10737.0,103500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.030755,-16199,-3423,-6812.0,-4054,,1,1,0,1,0,0,High skill tech staff,3.0,2,2,THURSDAY,18,0,0,0,0,0,0,Other,0.5692478240134701,0.6256066024245561,0.6397075677637197,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-131.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1200039,421423,Cash loans,26446.5,900000.0,900000.0,,900000.0,THURSDAY,11,Y,1,,,,XNA,Refused,-41,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,585000.0,1506816.0,49927.5,1350000.0,Unaccompanied,Pensioner,Higher education,Civil marriage,House / apartment,0.030755,-22523,365243,-1588.0,-4513,4.0,1,0,0,1,0,1,,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,XNA,,0.7724942625706958,0.656158373001177,0.0804,0.1091,,,0.0045,0.0,0.2069,0.125,,0.0518,,0.0731,,0.0,0.0819,0.1132,,,0.0046,0.0,0.2069,0.125,,0.053,,0.0761,,0.0,0.0812,0.1091,,,0.0046,0.0,0.2069,0.125,,0.0527,,0.0744,,0.0,reg oper spec account,block of flats,0.0575,"Stone, brick",No,4.0,0.0,4.0,0.0,-1094.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,3.0,2.0 +1325268,416907,Consumer loans,11856.33,118575.0,106717.5,11857.5,118575.0,SATURDAY,14,Y,1,0.1089090909090909,,,XAP,Refused,-2903,XNA,HC,,Repeater,XNA,POS,XNA,Stone,54,Furniture,10.0,low_normal,POS industry with interest,,,,,,,0,Cash loans,M,N,Y,2,112500.0,268164.0,13171.5,175500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-12994,-2817,-2617.0,-4399,,1,1,0,1,0,0,,4.0,2,2,THURSDAY,8,0,0,0,0,0,0,Business Entity Type 2,,0.19282267058179808,0.25259869783397665,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-727.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1529142,235714,Cash loans,42393.42,1147500.0,1314117.0,,1147500.0,WEDNESDAY,17,Y,1,,,,XNA,Refused,-330,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,N,0,225000.0,1056447.0,34209.0,922500.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.010643000000000001,-17352,-2338,-9416.0,-884,1.0,1,1,0,1,1,0,,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,Trade: type 3,,0.5785023140586426,0.2225807646753351,0.1814,0.1696,0.9801,0.728,0.0281,0.0,0.4138,0.1667,0.2083,0.1699,0.1479,0.179,0.0039,0.0096,0.1849,0.17600000000000002,0.9801,0.7387,0.0284,0.0,0.4138,0.1667,0.2083,0.1738,0.1616,0.1865,0.0039,0.0101,0.1832,0.1696,0.9801,0.7316,0.0283,0.0,0.4138,0.1667,0.2083,0.1729,0.1505,0.1823,0.0039,0.0098,reg oper spec account,block of flats,0.1583,Panel,No,3.0,0.0,3.0,0.0,-1280.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2015405,383028,Consumer loans,28175.31,301986.0,301986.0,0.0,301986.0,FRIDAY,11,Y,1,0.0,,,XAP,Approved,-929,Cash through the bank,XAP,Family,Repeater,Construction Materials,POS,XNA,Regional / Local,40,Construction,12.0,low_normal,POS industry with interest,365243.0,-891.0,-561.0,-561.0,-556.0,0.0,1,Cash loans,F,N,N,1,247500.0,276277.5,17991.0,238500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010032,-11343,-2992,-4913.0,-3443,,1,1,0,1,0,0,Accountants,3.0,2,2,SUNDAY,3,0,0,0,0,0,0,Business Entity Type 3,0.4731080621503574,0.5313842847877407,0.6706517530862718,0.1165,0.0,0.9846,0.7892,0.0564,0.16,0.1379,0.3333,0.375,0.3048,0.0941,0.1144,0.0039,0.1261,0.1187,0.0,0.9846,0.7975,0.0569,0.1611,0.1379,0.3333,0.375,0.3117,0.1028,0.1192,0.0039,0.1335,0.1176,0.0,0.9846,0.792,0.0567,0.16,0.1379,0.3333,0.375,0.3101,0.0958,0.1164,0.0039,0.1288,,block of flats,0.1482,"Stone, brick",No,1.0,0.0,1.0,0.0,-1445.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1338214,387078,Cash loans,13776.21,180000.0,203760.0,,180000.0,SATURDAY,11,Y,1,,,,XNA,Approved,-2831,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash Street: high,365243.0,-2801.0,-2111.0,-2561.0,-2557.0,1.0,0,Cash loans,M,N,Y,0,180000.0,328851.0,28354.5,274500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-21207,-3362,-7563.0,-4260,,1,1,0,1,0,1,Laborers,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,Transport: type 4,,0.4957815402323064,0.6246146584503397,0.2134,0.1619,0.9871,0.8232,0.0884,0.24,0.2069,0.3333,0.375,0.057,0.174,0.2336,0.0,0.0,0.2174,0.168,0.9871,0.8301,0.0892,0.2417,0.2069,0.3333,0.375,0.0583,0.1901,0.2434,0.0,0.0,0.2155,0.1619,0.9871,0.8256,0.08900000000000001,0.24,0.2069,0.3333,0.375,0.058,0.177,0.2378,0.0,0.0,reg oper account,block of flats,0.2321,Panel,No,0.0,0.0,0.0,0.0,-2570.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,3.0 +2199658,381904,Revolving loans,14625.0,0.0,292500.0,,,WEDNESDAY,16,Y,1,,,,XAP,Approved,-974,XNA,XAP,,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),2,XNA,0.0,XNA,Card X-Sell,-974.0,-945.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,225000.0,573408.0,25389.0,495000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.009334,-19449,-3088,-8779.0,-2996,,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,18,0,0,0,0,0,0,Self-employed,,0.5287042902639261,0.3092753558842053,0.0619,0.0521,0.9737,0.6396,,0.0,0.1034,0.1667,0.2083,0.0432,,0.0503,,0.0,0.063,0.0541,0.9737,0.6537,,0.0,0.1034,0.1667,0.2083,0.0442,,0.0524,,0.0,0.0625,0.0521,0.9737,0.6444,,0.0,0.1034,0.1667,0.2083,0.044,,0.0512,,0.0,reg oper account,block of flats,0.0431,"Stone, brick",No,0.0,0.0,0.0,0.0,-974.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2178122,423485,Consumer loans,6082.875,60839.64,54751.5,6088.14,60839.64,SUNDAY,11,Y,1,0.10898384552033387,,,XAP,Approved,-2839,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,2140,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2808.0,-2538.0,-2538.0,-2531.0,0.0,0,Cash loans,F,N,Y,0,495000.0,748512.0,69394.5,720000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.007305,-21858,365243,-2974.0,-4809,,1,0,0,1,0,0,,2.0,3,3,THURSDAY,12,0,0,0,0,0,0,XNA,,0.687919637654036,0.6910212267577837,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1455.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,4.0 +1066164,144872,Cash loans,31243.905,450000.0,481185.0,,450000.0,SUNDAY,14,Y,1,,,,XNA,Refused,-220,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,270000.0,902209.5,35910.0,729000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.072508,-18348,-3795,-41.0,-1808,3.0,1,1,0,1,0,0,,2.0,1,1,WEDNESDAY,16,1,0,1,0,0,0,Advertising,0.7547019875420664,0.6721103287060048,0.5424451438613613,0.0825,0.0822,0.9742,0.6464,0.0303,0.0,0.1379,0.1667,0.2083,0.0,0.0672,0.0694,0.0,0.0005,0.084,0.0849,0.9742,0.6602,0.0306,0.0,0.1379,0.1667,0.2083,0.0,0.0735,0.0719,0.0,0.0005,0.0833,0.0822,0.9742,0.6511,0.0305,0.0,0.1379,0.1667,0.2083,0.0,0.0684,0.0707,0.0,0.0005,reg oper account,block of flats,0.0544,Panel,No,0.0,0.0,0.0,0.0,-2408.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,7.0 +2475249,179452,Cash loans,,0.0,0.0,,,WEDNESDAY,8,Y,1,,,,XNA,Refused,-269,XNA,HC,,Refreshed,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,N,0,71100.0,571446.0,18562.5,477000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.031329,-22207,365243,-14010.0,-4876,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,10,0,0,0,0,0,0,XNA,0.8300732829141237,0.5372660777555683,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-2272.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2299317,420638,Consumer loans,1621.395,12988.26,14275.26,0.0,12988.26,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-324,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,40,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-281.0,-11.0,-11.0,-8.0,0.0,0,Cash loans,F,N,Y,0,202500.0,328500.0,19980.0,328500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-10174,-1792,-4787.0,-867,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,13,0,0,0,0,1,1,Self-employed,,0.5118846755870349,0.16640554618393638,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2460190,410236,Revolving loans,11250.0,225000.0,225000.0,,225000.0,SATURDAY,18,Y,1,,,,XAP,Refused,-683,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,Y,Y,0,405000.0,537471.0,58014.0,495000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.022625,-11597,-2090,-2869.0,-1953,4.0,1,1,0,1,0,0,Managers,1.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Construction,,0.7386151747321587,0.36227724703843145,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1181.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2691716,341268,Consumer loans,7644.735,76455.0,68809.5,7645.5,76455.0,MONDAY,13,Y,1,0.1089090909090909,,,XAP,Refused,-2607,Cash through the bank,SCO,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,1000,Consumer electronics,10.0,low_normal,POS household without interest,,,,,,,0,Cash loans,F,N,Y,1,112500.0,755190.0,36459.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-17217,-249,-7553.0,-756,,1,1,1,1,1,0,,3.0,2,2,THURSDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.423635670729988,0.5352762504724826,0.0082,0.0,0.9861,0.8096,0.0013,0.0,0.069,0.0,0.0417,0.0069,0.0067,0.0065,0.0,0.0,0.0084,0.0,0.9861,0.8171,0.0014,0.0,0.069,0.0,0.0417,0.0071,0.0073,0.0067,0.0,0.0,0.0083,0.0,0.9861,0.8121,0.0014,0.0,0.069,0.0,0.0417,0.006999999999999999,0.0068,0.0066,0.0,0.0,,block of flats,0.0058,Wooden,No,0.0,0.0,0.0,0.0,-1356.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2425012,292909,Revolving loans,13500.0,0.0,270000.0,,,MONDAY,18,Y,1,,,,XAP,Approved,-1218,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-1214.0,-1168.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,175500.0,592560.0,32274.0,450000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.006207,-18748,-11581,-11486.0,-2188,,1,1,1,1,1,0,High skill tech staff,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Security Ministries,0.6232755036973833,0.10797735833083656,0.3280631605201915,0.0186,0.0,0.9781,0.7008,0.01,0.0,0.1034,0.0417,0.0833,0.0088,0.0151,0.0152,0.0,0.0,0.0189,0.0,0.9782,0.7125,0.0101,0.0,0.1034,0.0417,0.0833,0.009000000000000001,0.0165,0.0158,0.0,0.0,0.0187,0.0,0.9781,0.7048,0.0101,0.0,0.1034,0.0417,0.0833,0.0089,0.0154,0.0155,0.0,0.0,reg oper account,block of flats,0.0174,"Stone, brick",No,1.0,0.0,1.0,0.0,-1577.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,3.0 +1234683,157707,Revolving loans,2250.0,45000.0,45000.0,,45000.0,MONDAY,13,Y,1,,,,XAP,Approved,-268,XNA,XAP,Other_A,Repeater,XNA,Cards,walk-in,Country-wide,60,Connectivity,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,675000.0,32472.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-14656,-279,-532.0,-534,3.0,1,1,0,1,0,0,Security staff,2.0,2,2,WEDNESDAY,8,0,0,0,1,1,0,Business Entity Type 3,,0.02960898426905878,0.6479768603302221,,,0.9588,,,,0.1379,0.0,,0.0,,0.0032,,,,,0.9588,,,,0.1379,0.0,,0.0,,0.0034,,,,,0.9588,,,,0.1379,0.0,,0.0,,0.0033,,,,block of flats,0.0025,Wooden,Yes,0.0,0.0,0.0,0.0,-268.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2333112,212606,Consumer loans,4075.11,36445.05,35505.0,3644.55,36445.05,SATURDAY,8,Y,1,0.1013867662010744,,,XAP,Approved,-1438,Cash through the bank,XAP,Family,Repeater,Photo / Cinema Equipment,POS,XNA,Regional / Local,465,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1407.0,-1137.0,-1137.0,-1129.0,0.0,0,Cash loans,F,N,Y,1,121500.0,490495.5,27517.5,454500.0,Family,Working,Higher education,Separated,House / apartment,0.015221,-10942,-3965,-5156.0,-2344,,1,1,1,1,0,0,Laborers,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Transport: type 2,,0.30115896519935303,0.2622489709189549,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1482301,379545,Consumer loans,5284.395,30105.0,28228.5,6021.0,30105.0,MONDAY,10,Y,1,0.191460207116494,,,XAP,Approved,-1691,Cash through the bank,XAP,"Spouse, partner",Repeater,Computers,POS,XNA,Regional / Local,90,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1660.0,-1510.0,-1510.0,-1503.0,0.0,0,Revolving loans,M,Y,Y,1,225000.0,270000.0,13500.0,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,With parents,0.025164,-9229,-2259,-3392.0,-1920,1.0,1,1,0,1,0,0,Laborers,3.0,2,2,FRIDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.18034244686191966,0.516019869436448,0.4938628816996244,0.2474,0.1606,0.9871,0.8232,0.0898,0.24,0.2069,0.375,0.4167,0.0,0.2,0.1812,0.0077,0.0063,0.2521,0.1667,0.9871,0.8301,0.0906,0.2417,0.2069,0.375,0.4167,0.0,0.2185,0.1888,0.0078,0.0066,0.2498,0.1606,0.9871,0.8256,0.0903,0.24,0.2069,0.375,0.4167,0.0,0.2035,0.1844,0.0078,0.0064,reg oper account,block of flats,0.1929,Panel,No,1.0,0.0,1.0,0.0,-1148.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2397493,390842,Consumer loans,34746.3,191250.0,191250.0,0.0,191250.0,WEDNESDAY,18,Y,1,0.0,,,XAP,Refused,-434,Cash through the bank,LIMIT,Unaccompanied,Repeater,Photo / Cinema Equipment,POS,XNA,Regional / Local,100,Consumer electronics,6.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,N,1,225000.0,900000.0,43299.0,900000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.035792000000000004,-14410,-469,-4131.0,-5430,,1,1,1,1,0,0,Accountants,3.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.8190092700029521,0.7249775828555678,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-543.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1163048,272026,Cash loans,8085.735,135000.0,170640.0,,135000.0,SATURDAY,7,Y,1,,,,XNA,Refused,-288,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,N,Y,0,202500.0,225000.0,17775.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-9552,-1793,-1131.0,-2239,,1,1,0,1,1,0,Laborers,2.0,3,3,SUNDAY,9,0,0,0,0,0,0,Industry: type 11,,0.10797946459612424,,0.0825,0.0802,0.9747,0.6532,0.0077,0.0,0.1379,0.1667,0.2083,0.0542,0.0664,0.0414,0.0039,0.0794,0.084,0.0832,0.9747,0.6668,0.0078,0.0,0.1379,0.1667,0.2083,0.0554,0.0725,0.0432,0.0039,0.0841,0.0833,0.0802,0.9747,0.6578,0.0078,0.0,0.1379,0.1667,0.2083,0.0551,0.0676,0.0422,0.0039,0.0811,reg oper account,block of flats,0.0499,"Stone, brick",No,2.0,0.0,2.0,0.0,-337.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2604518,355088,Cash loans,47261.655,225000.0,232425.0,,225000.0,TUESDAY,11,Y,1,,,,Urgent needs,Refused,-608,Cash through the bank,LIMIT,Family,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),605,XNA,6.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,N,0,103500.0,508495.5,21672.0,454500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,With parents,0.002042,-14170,-2293,-8279.0,-4486,,1,1,1,1,1,0,Sales staff,1.0,3,3,MONDAY,11,0,0,0,0,0,0,Business Entity Type 1,0.8317572982341633,0.3139268756652709,0.6446794549585961,0.0619,0.0691,0.9861,,,,0.2069,0.1667,,0.0935,,0.0724,,0.0304,0.063,0.0717,0.9861,,,,0.2069,0.1667,,0.0956,,0.0754,,0.0322,0.0625,0.0691,0.9861,,,,0.2069,0.1667,,0.0951,,0.0737,,0.0311,,block of flats,0.0624,Panel,No,0.0,0.0,0.0,0.0,-663.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1420463,350416,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,13,Y,1,,,,XAP,Approved,-336,XNA,XAP,Children,Repeater,XNA,Cards,walk-in,Country-wide,1200,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,3,112500.0,900000.0,45954.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-14594,-874,-782.0,-2280,2.0,1,1,0,1,0,0,Laborers,5.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.17683365279418908,0.3841730194037993,0.4471785780453068,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2247.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,2.0,0.0,2.0,6.0 +1178238,168157,Cash loans,58969.53,1125000.0,1223010.0,,1125000.0,TUESDAY,18,Y,1,,,,XNA,Refused,-737,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,Y,Y,2,202500.0,1113840.0,47322.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.032561,-12605,-1231,-3065.0,-4294,8.0,1,1,0,1,0,0,Accountants,4.0,1,1,THURSDAY,18,0,0,0,0,0,0,Business Entity Type 3,0.7043934359334973,0.6827417776932894,0.7992967832109371,,,0.9791,,,,,,,,,0.2748,,,,,0.9791,,,,,,,,,0.2863,,,,,0.9791,,,,,,,,,0.2798,,,,,0.2162,,No,0.0,0.0,0.0,0.0,-13.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1686923,187553,Consumer loans,29814.75,112500.0,112500.0,0.0,112500.0,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-626,Cash through the bank,XAP,,New,Clothing and Accessories,POS,XNA,Stone,80,Clothing,4.0,low_normal,POS industry with interest,365243.0,-595.0,-505.0,-505.0,-499.0,0.0,0,Cash loans,F,N,Y,0,118350.0,1125000.0,33025.5,1125000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.02461,-19935,-700,-2043.0,-3478,,1,1,1,1,0,0,Laborers,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Other,,0.6530325829631157,0.7738956942145427,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-238.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2479261,142754,Cash loans,14202.675,247500.0,274288.5,,247500.0,WEDNESDAY,11,Y,1,,,,XNA,Refused,-329,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,20,Connectivity,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,112500.0,787131.0,26145.0,679500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-20635,365243,-145.0,-3551,,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,XNA,0.6640009399445057,0.17070078585779758,0.4048783643353997,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,6.0 +2249948,329103,Revolving loans,2250.0,45000.0,45000.0,,45000.0,THURSDAY,13,Y,1,,,,XAP,Refused,-201,XNA,HC,,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),10,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,Y,Y,0,270000.0,1228500.0,39627.0,1228500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.025164,-16560,-5351,-1240.0,-105,8.0,1,1,1,1,1,0,Accountants,2.0,2,2,TUESDAY,8,0,0,0,0,1,1,Business Entity Type 3,,0.022538256679297455,0.6109913280868294,0.0165,0.0,0.9727,0.626,0.0013,0.0,0.069,0.0417,0.0833,0.0196,0.0134,0.0124,0.0,0.0,0.0168,0.0,0.9727,0.6406,0.0014,0.0,0.069,0.0417,0.0833,0.02,0.0147,0.0129,0.0,0.0,0.0167,0.0,0.9727,0.631,0.0014,0.0,0.069,0.0417,0.0833,0.0199,0.0137,0.0126,0.0,0.0,reg oper spec account,block of flats,0.0098,"Stone, brick",No,4.0,0.0,4.0,0.0,-230.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,3.0 +2209547,362427,Revolving loans,4500.0,270000.0,270000.0,,270000.0,MONDAY,11,N,0,,,,XAP,Refused,-240,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,112500.0,553806.0,26770.5,495000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-20000,-7424,-7432.0,-3562,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Business Entity Type 1,,0.21984620543688813,0.7407990879702335,0.0784,0.1307,0.9891,0.8504,0.0562,0.0,0.2069,0.1667,0.2083,0.0192,0.0639,0.0747,0.0,0.0,0.0798,0.1356,0.9891,0.8563,0.0567,0.0,0.2069,0.1667,0.2083,0.0197,0.0698,0.0778,0.0,0.0,0.0791,0.1307,0.9891,0.8524,0.0565,0.0,0.2069,0.1667,0.2083,0.0196,0.065,0.076,0.0,0.0,org spec account,block of flats,0.0894,"Stone, brick",No,0.0,0.0,0.0,0.0,-2104.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +2494238,173912,Cash loans,37199.835,1170000.0,1322896.5,,1170000.0,MONDAY,12,Y,1,,,,Business development,Refused,-751,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,54.0,low_action,Cash Street: low,,,,,,,0,Cash loans,M,Y,N,1,540000.0,1002456.0,42601.5,810000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0228,-16793,-2671,-5283.0,-303,6.0,1,1,0,1,1,1,Laborers,3.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Construction,,0.646088788571964,0.4956658291397297,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-908.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2107943,149179,Consumer loans,7311.735,38475.0,38709.0,3847.5,38475.0,SUNDAY,15,Y,1,0.09846386034394912,,,XAP,Approved,-370,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Stone,18,Connectivity,6.0,middle,POS mobile with interest,365243.0,-340.0,-190.0,-220.0,-216.0,1.0,0,Cash loans,F,Y,N,1,211500.0,728460.0,44563.5,675000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.009175,-13717,-1385,-4942.0,-669,7.0,1,1,1,1,1,0,Accountants,3.0,2,2,THURSDAY,13,0,0,0,0,0,0,Transport: type 4,0.7308079853756516,0.5872798368749895,0.4794489811780563,0.0907,0.0804,0.9732,,,,0.1379,0.1667,,0.0753,,0.0458,,,0.0924,0.0834,0.9732,,,,0.1379,0.1667,,0.077,,0.0477,,,0.0916,0.0804,0.9732,,,,0.1379,0.1667,,0.0766,,0.0466,,,,block of flats,0.0534,"Stone, brick",No,1.0,0.0,1.0,0.0,-1464.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1469536,298950,Cash loans,10492.02,90000.0,95940.0,0.0,90000.0,FRIDAY,10,Y,1,0.0,,,XNA,Approved,-2353,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-2323.0,-1993.0,-1993.0,-1987.0,1.0,0,Cash loans,M,Y,Y,0,157500.0,276277.5,22279.5,238500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-15476,-2141,-4820.0,-4763,6.0,1,1,0,1,1,0,Drivers,2.0,2,2,SATURDAY,9,0,0,0,0,1,1,Transport: type 4,,0.7327001517115781,0.0005272652387098817,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1995.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1499994,401341,Consumer loans,3994.695,88672.5,88672.5,0.0,88672.5,MONDAY,15,Y,1,0.0,,,XAP,Approved,-149,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Country-wide,4000,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-119.0,571.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,270000.0,355536.0,18283.5,270000.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.02461,-19233,-389,-9626.0,-2672,,1,1,0,1,1,0,Private service staff,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Services,,0.7869392493713377,0.5478104658520093,0.1856,0.1067,0.9816,0.7484,,0.2,0.1724,0.3333,0.0417,,0.1513,0.18600000000000005,0.0,0.0,0.1891,0.1107,0.9816,0.7583,,0.2014,0.1724,0.3333,0.0417,,0.1653,0.1938,0.0,0.0,0.1874,0.1067,0.9816,0.7518,,0.2,0.1724,0.3333,0.0417,,0.1539,0.1893,0.0,0.0,reg oper account,block of flats,0.1822,Others,No,1.0,1.0,1.0,1.0,-312.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2230675,345103,Cash loans,43443.0,1575000.0,1575000.0,,1575000.0,MONDAY,11,Y,1,,,,Buying a used car,Refused,-194,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,202500.0,781920.0,28215.0,675000.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.002042,-21118,365243,-6522.0,-4298,,1,0,0,1,0,0,,1.0,3,3,SATURDAY,16,0,0,0,0,0,0,XNA,0.8975421520691551,0.6252018853686186,0.5424451438613613,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1008.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1450482,158220,Consumer loans,6158.745,99760.5,79807.5,19953.0,99760.5,SUNDAY,12,Y,1,0.2178280071680765,,,XAP,Approved,-664,Cash through the bank,XAP,,New,Computers,POS,XNA,Country-wide,72,Connectivity,24.0,high,POS mobile with interest,365243.0,-622.0,68.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,Y,0,76500.0,247500.0,12375.0,247500.0,Unaccompanied,State servant,Higher education,Married,Co-op apartment,0.010966,-12814,-43,-3200.0,-810,,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,17,0,0,0,1,0,1,Postal,,0.44565776409546987,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,-664.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2138183,405021,Cash loans,56187.855,553500.0,575419.5,,553500.0,TUESDAY,12,Y,1,,,,XNA,Approved,-478,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-448.0,-118.0,-358.0,-354.0,1.0,0,Cash loans,F,Y,N,0,315000.0,1113399.0,47304.0,945000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.04622,-21499,365243,-12774.0,-4675,11.0,1,0,0,1,0,0,,2.0,1,1,THURSDAY,9,0,0,0,0,0,0,XNA,0.6595234753597289,0.7453342300664821,0.520897599048938,0.0082,,0.9608,,,,0.069,0.0417,,0.1006,,,,,0.0084,,0.9608,,,,0.069,0.0417,,0.1029,,,,,0.0083,,0.9608,,,,0.069,0.0417,,0.1024,,,,,,block of flats,0.0085,Wooden,No,0.0,0.0,0.0,0.0,-822.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,1.0,0.0,0.0,0.0,5.0 +1724974,205207,Cash loans,31184.19,886500.0,1062027.0,,886500.0,TUESDAY,16,Y,1,,,,XNA,Refused,-97,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,N,Y,1,405000.0,269550.0,21739.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Separated,With parents,0.030755,-15763,-7467,-7534.0,-1337,,1,1,0,1,0,0,Managers,2.0,2,2,MONDAY,16,0,0,0,0,0,0,Trade: type 7,0.2888976714899945,0.7044472328645561,0.2910973802776635,0.0299,0.0235,0.9518,0.3404,0.002,0.04,0.069,0.0833,,0.0282,,0.0264,,0.0054,0.0305,0.0244,0.9518,0.3662,0.002,0.0403,0.069,0.0833,,0.0288,,0.0275,,0.0057,0.0302,0.0235,0.9518,0.3492,0.002,0.04,0.069,0.0833,,0.0287,,0.0268,,0.0055,reg oper spec account,block of flats,0.0207,"Stone, brick",No,1.0,0.0,1.0,0.0,-1004.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,3.0,5.0 +2258890,254651,Consumer loans,8084.475,136125.0,136125.0,0.0,136125.0,MONDAY,14,Y,1,0.0,,,XAP,Approved,-102,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,50,Furniture,24.0,middle,POS industry with interest,365243.0,-70.0,620.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,2,135000.0,258709.5,27859.5,234000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-13298,-5744,-1500.0,-4148,22.0,1,1,0,1,0,0,Laborers,4.0,2,2,FRIDAY,15,0,0,0,0,0,0,Business Entity Type 1,,0.26651977539251576,0.39449540531239935,0.0488,0.0166,0.9747,0.6532,0.0107,0.0,0.1148,0.1388,0.1804,0.067,0.0387,0.0379,0.0051,0.0683,0.0389,0.003,0.9742,0.6602,0.0055,0.0,0.1034,0.125,0.1667,0.0598,0.0331,0.0316,0.0039,0.0536,0.0406,0.0223,0.9747,0.6578,0.0127,0.0,0.1034,0.125,0.1667,0.0719,0.0325,0.0323,0.0039,0.0766,reg oper account,block of flats,0.0428,Block,No,0.0,0.0,0.0,0.0,-2475.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2132741,295564,Consumer loans,3189.87,24025.5,15768.0,9000.0,24025.5,SATURDAY,13,Y,1,0.3957452431289639,,,XAP,Approved,-1507,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Stone,12,Connectivity,6.0,high,POS mobile with interest,365243.0,-1475.0,-1325.0,-1325.0,-1317.0,0.0,0,Cash loans,M,Y,N,0,99000.0,135000.0,9396.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.010276,-12306,-5038,-4668.0,-4678,2.0,1,1,1,1,0,0,Laborers,1.0,2,2,MONDAY,13,0,0,0,0,0,0,Housing,0.2502479483394546,0.6212738055670513,0.7016957740576931,0.0722,0.0672,0.9811,0.7416,0.0274,0.0,0.1379,0.1667,0.2083,0.0,0.0588,0.0661,0.0,0.0,0.0735,0.0698,0.9811,0.7517,0.0277,0.0,0.1379,0.1667,0.2083,0.0,0.0643,0.0688,0.0,0.0,0.0729,0.0672,0.9811,0.7451,0.0276,0.0,0.1379,0.1667,0.2083,0.0,0.0599,0.0673,0.0,0.0,reg oper account,block of flats,0.067,"Stone, brick",No,0.0,0.0,0.0,0.0,-1507.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2247973,260403,Cash loans,38356.785,744684.525,846915.525,,744684.525,THURSDAY,12,Y,1,,,,XNA,Approved,-480,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash Street: middle,365243.0,-450.0,960.0,-180.0,-176.0,1.0,0,Revolving loans,M,Y,N,0,112500.0,360000.0,18000.0,360000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007305,-20370,-768,-2253.0,-3860,13.0,1,1,0,1,0,0,Drivers,2.0,3,3,MONDAY,14,0,0,0,0,1,1,Other,,0.6060017714318168,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1173.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2007733,188355,Cash loans,14588.055,180000.0,215640.0,,180000.0,THURSDAY,8,Y,1,,,,Other,Approved,-541,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,high,Cash Street: high,365243.0,-511.0,539.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,1,180000.0,348264.0,25366.5,315000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.002506,-10607,-1623,-1456.0,-2500,15.0,1,1,0,1,0,0,Drivers,2.0,2,2,SATURDAY,6,0,0,0,0,0,0,Emergency,,0.14266748964342735,0.4848514754962666,0.1227,,0.9801,0.728,0.0,0.0,0.2759,0.1667,0.0417,,0.1,0.1129,0.0,0.0044,0.125,,0.9801,0.7387,0.0,0.0,0.2759,0.1667,0.0417,,0.1093,0.1176,0.0,0.0047,0.1239,,0.9801,0.7316,0.0,0.0,0.2759,0.1667,0.0417,,0.1018,0.1149,0.0,0.0045,reg oper account,block of flats,0.0898,,No,3.0,0.0,3.0,0.0,-1176.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2287568,439561,Revolving loans,6750.0,0.0,135000.0,,,FRIDAY,15,Y,1,,,,XAP,Approved,-2846,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,600,Consumer electronics,0.0,XNA,Card Street,-2841.0,-2783.0,365243.0,-2692.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,540000.0,1096020.0,56092.5,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.010276,-18101,-378,-4402.0,-1658,3.0,1,1,0,1,0,1,Managers,2.0,2,2,TUESDAY,15,0,0,0,0,1,1,Business Entity Type 3,0.4916988611600273,0.6612846602867897,0.42765737003502935,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-3389.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1692221,273069,Consumer loans,6578.865,59575.5,58041.0,5958.0,59575.5,WEDNESDAY,19,Y,1,0.10138914102351028,,,XAP,Approved,-1481,XNA,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,2441,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1450.0,-1180.0,-1180.0,-1175.0,0.0,0,Cash loans,F,N,Y,0,135000.0,66222.0,6579.0,58500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.010643000000000001,-20377,-13409,-106.0,-3723,,1,1,0,1,0,0,Core staff,1.0,2,2,SUNDAY,11,0,0,0,0,0,0,Kindergarten,,0.6991064706105116,0.6380435278721609,0.0495,0.0636,0.9767,0.6804,0.004,0.0,0.1034,0.125,0.1667,0.0474,0.0403,0.0394,0.0,0.0,0.0504,0.066,0.9767,0.6929,0.004,0.0,0.1034,0.125,0.1667,0.0485,0.0441,0.0411,0.0,0.0,0.05,0.0636,0.9767,0.6847,0.004,0.0,0.1034,0.125,0.1667,0.0482,0.041,0.0401,0.0,0.0,reg oper spec account,block of flats,0.031,"Stone, brick",No,4.0,1.0,4.0,0.0,-1481.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2350211,336345,Consumer loans,5192.01,35955.0,38920.5,0.0,35955.0,FRIDAY,11,Y,1,0.0,,,XAP,Approved,-2463,Cash through the bank,XAP,"Spouse, partner",New,Mobile,POS,XNA,Stone,32,Connectivity,10.0,high,POS mobile with interest,365243.0,-2432.0,-2162.0,-2162.0,-2153.0,1.0,0,Cash loans,F,N,Y,0,90000.0,540000.0,17847.0,540000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-23771,365243,-14572.0,-4709,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,XNA,,0.6180836881053707,0.7062051096536562,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-2463.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2674699,127301,Consumer loans,35526.645,392850.0,442975.5,0.0,392850.0,MONDAY,19,Y,1,0.0,,,XAP,Approved,-2602,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Stone,46,Consumer electronics,20.0,high,POS household with interest,365243.0,-2571.0,-2001.0,-2001.0,-1973.0,1.0,0,Cash loans,M,Y,Y,0,202500.0,239850.0,27189.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-15792,-4140,-571.0,-4027,22.0,1,1,0,1,0,0,Drivers,2.0,2,2,SATURDAY,13,0,0,0,1,1,0,Government,0.6876335657432691,0.6926973247711901,0.6006575372857061,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1654.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1107073,236552,Revolving loans,18000.0,0.0,360000.0,,,TUESDAY,11,Y,1,,,,XAP,Approved,-1005,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-967.0,-937.0,365243.0,-906.0,365243.0,0.0,0,Cash loans,F,N,N,1,180000.0,675000.0,41427.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,Rented apartment,0.0038179999999999998,-10176,-2797,-4664.0,-2854,,1,1,1,1,1,0,Laborers,3.0,2,2,SATURDAY,5,0,0,0,1,1,0,Business Entity Type 3,,0.08794993043405812,0.7476633896301825,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-782.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1481178,390482,Cash loans,47041.335,450000.0,470790.0,,450000.0,WEDNESDAY,16,Y,1,,,,XNA,Approved,-740,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-710.0,-380.0,-380.0,-372.0,1.0,0,Cash loans,F,Y,Y,0,247500.0,1022022.0,43429.5,913500.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.030755,-23171,365243,-6054.0,-6212,12.0,1,0,0,1,1,0,,1.0,2,2,MONDAY,11,0,0,0,0,0,0,XNA,0.5990781768030127,0.6303627556709629,0.2678689358444539,0.1124,0.1477,0.9856,0.8028,0.1248,0.0,0.1724,0.1667,0.2083,0.0749,0.0908,0.1071,0.0039,0.0087,0.1145,0.1532,0.9856,0.8105,0.126,0.0,0.1724,0.1667,0.2083,0.0766,0.0992,0.1116,0.0039,0.0092,0.1135,0.1477,0.9856,0.8054,0.1256,0.0,0.1724,0.1667,0.2083,0.0762,0.0923,0.109,0.0039,0.0089,org spec account,block of flats,0.154,"Stone, brick",No,0.0,0.0,0.0,0.0,-2097.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2544455,289909,Cash loans,13261.5,157500.0,157500.0,0.0,157500.0,SATURDAY,9,Y,1,0.0,,,XNA,Refused,-2278,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,,,,,,,0,Cash loans,F,Y,Y,0,180000.0,781879.5,45715.5,724500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-11444,-4631,-5338.0,-2943,3.0,1,1,0,1,1,0,Sales staff,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.6974663400220183,,0.2948,,0.9901,,,0.28,0.2414,0.375,,,,0.2945,,0.0246,0.3004,,0.9901,,,0.282,0.2414,0.375,,,,0.3068,,0.026,0.2977,,0.9901,,,0.28,0.2414,0.375,,,,0.2997,,0.0251,,block of flats,0.2369,Panel,No,1.0,0.0,1.0,0.0,-199.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1714526,322610,Consumer loans,4985.235,52380.0,52587.0,5238.0,52380.0,FRIDAY,11,Y,1,0.09865383799080296,,,XAP,Approved,-1524,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Regional / Local,500,Consumer electronics,14.0,middle,POS household with interest,365243.0,-1493.0,-1103.0,-1373.0,-1368.0,0.0,0,Cash loans,F,N,Y,0,112500.0,454500.0,13419.0,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.018209,-22786,365243,-14551.0,-4439,,1,0,0,1,0,0,,1.0,3,3,WEDNESDAY,7,0,0,0,0,0,0,XNA,,0.2607802453858663,,0.0495,0.0383,0.9742,0.6464,0.0293,0.0,0.1034,0.125,0.1667,0.0447,0.0395,0.0391,0.0039,0.0029,0.0504,0.0397,0.9742,0.6602,0.0295,0.0,0.1034,0.125,0.1667,0.0457,0.0432,0.0407,0.0039,0.0031,0.05,0.0383,0.9742,0.6511,0.0294,0.0,0.1034,0.125,0.1667,0.0455,0.0402,0.0398,0.0039,0.003,reg oper account,block of flats,0.0474,"Stone, brick",No,1.0,0.0,1.0,0.0,-57.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1669389,234253,Consumer loans,11195.685,54337.5,57208.5,0.0,54337.5,SUNDAY,7,Y,1,0.0,,,XAP,Approved,-935,XNA,XAP,Family,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,1084,Consumer electronics,6.0,high,POS household with interest,365243.0,-904.0,-754.0,-754.0,-746.0,0.0,0,Cash loans,F,N,Y,0,202500.0,615109.5,31536.0,531000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018029,-19832,-8577,-9578.0,-3355,,1,1,0,1,0,1,Laborers,2.0,3,3,THURSDAY,8,0,0,0,0,0,0,Housing,0.2297365046124452,0.32691063926232994,0.4596904504249018,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1111722,377543,Consumer loans,9287.685,90000.0,99504.0,0.0,90000.0,TUESDAY,7,Y,1,0.0,,,XAP,Approved,-425,Non-cash from your account,XAP,Unaccompanied,Refreshed,Furniture,POS,XNA,Stone,68,Furniture,12.0,low_normal,POS industry with interest,365243.0,-392.0,-62.0,-62.0,-49.0,0.0,0,Cash loans,F,Y,Y,0,45000.0,225000.0,12694.5,225000.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-21601,365243,-9386.0,-3971,9.0,1,0,0,1,0,0,,2.0,2,2,SUNDAY,7,0,0,0,0,0,0,XNA,,0.6218756164695088,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1628.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2445643,298750,Cash loans,44344.755,900000.0,978408.0,,900000.0,MONDAY,12,Y,1,,,,XNA,Approved,-876,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-846.0,204.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,198000.0,694773.0,33552.0,621000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.009549,-14580,-4030,-7098.0,-1643,,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,Other,,0.7588555918396279,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-876.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2388400,417138,Cash loans,26133.615,454500.0,490495.5,,454500.0,WEDNESDAY,12,Y,1,,,,XNA,Approved,-11,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,365243.0,709.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,99000.0,652500.0,25875.0,652500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00702,-19829,-5825,-6968.0,-3325,,1,1,0,1,1,0,Medicine staff,2.0,2,2,FRIDAY,17,0,0,0,0,0,0,Medicine,0.6689269594537622,0.5710467108965571,0.3123653692278984,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-212.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1972106,186882,Cash loans,30031.785,270000.0,284611.5,,270000.0,MONDAY,16,Y,1,,,,XNA,Refused,-822,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,,,,,,,1,Cash loans,M,Y,Y,0,180000.0,1129500.0,31059.0,1129500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.026392000000000002,-16401,-1763,-6819.0,-4514,7.0,1,1,1,1,1,0,,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,School,,0.7106731973560749,0.1997705696341145,0.0567,0.0844,0.9781,,,0.0,0.1379,0.1667,,0.0517,,0.053,,0.0601,0.0578,0.0876,0.9782,,,0.0,0.1379,0.1667,,0.0529,,0.0552,,0.0636,0.0573,0.0844,0.9781,,,0.0,0.1379,0.1667,,0.0526,,0.0539,,0.0614,,block of flats,0.0547,"Stone, brick",No,1.0,0.0,1.0,0.0,-2064.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,1.0,0.0,2.0,0.0,3.0 +2389181,234703,Cash loans,18274.545,180000.0,197820.0,0.0,180000.0,TUESDAY,12,Y,1,0.0,,,Other,Refused,-1680,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,18.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,67500.0,225000.0,14778.0,225000.0,Family,Working,Secondary / secondary special,Single / not married,House / apartment,0.028663,-19925,-4503,-4109.0,-2619,,1,1,1,1,1,0,Sales staff,1.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Self-employed,0.7518005725256958,0.63086704469499,0.2353105173615833,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1682.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1009766,344502,Consumer loans,17416.53,160303.5,120114.0,48091.5,160303.5,TUESDAY,9,Y,1,0.3113811109300555,,,XAP,Approved,-786,Cash through the bank,XAP,"Spouse, partner",Repeater,Construction Materials,POS,XNA,Country-wide,2000,Consumer electronics,8.0,middle,POS household with interest,365243.0,-754.0,-544.0,-544.0,-536.0,0.0,0,Cash loans,M,Y,N,2,195750.0,495351.0,33102.0,459000.0,Unaccompanied,Commercial associate,Lower secondary,Married,House / apartment,0.002134,-10483,-933,-3998.0,-3030,16.0,1,1,1,1,0,0,Laborers,4.0,3,3,THURSDAY,7,0,0,0,0,1,1,Self-employed,0.12621551279563364,0.5511347646080127,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1097.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2183986,211952,Consumer loans,4130.82,21555.0,20259.0,2250.0,21555.0,TUESDAY,8,Y,1,0.10886554469121444,,,XAP,Approved,-2066,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Stone,306,Connectivity,6.0,high,POS mobile with interest,365243.0,-2032.0,-1882.0,-1912.0,-1907.0,0.0,1,Cash loans,F,Y,N,0,90000.0,448056.0,16222.5,315000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.030755,-19101,-190,-2203.0,-2647,24.0,1,1,1,1,1,0,Cleaning staff,1.0,2,2,WEDNESDAY,9,0,0,0,0,1,1,Business Entity Type 3,,0.2901849586261712,0.14287252304131962,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1546.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,4.0,0.0,1.0 +2387046,345423,Consumer loans,3889.8,33700.5,33331.5,3370.5,33700.5,TUESDAY,10,Y,1,0.10001582772303708,,,XAP,Approved,-2675,XNA,XAP,,New,Mobile,POS,XNA,Country-wide,25,Connectivity,12.0,low_normal,POS mobile with interest,365243.0,-2635.0,-2305.0,-2305.0,-2299.0,1.0,0,Revolving loans,F,N,Y,0,112500.0,135000.0,6750.0,135000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.02461,-20932,365243,-4095.0,-3548,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,XNA,0.7717796867219693,0.6914017480709688,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-970.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2378869,325789,Cash loans,34960.05,675000.0,732915.0,,675000.0,FRIDAY,8,Y,1,,,,XNA,Approved,-665,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,low_normal,Cash X-Sell: low,365243.0,-635.0,235.0,-545.0,-537.0,1.0,0,Cash loans,F,N,Y,0,157500.0,254700.0,15709.5,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.031329,-23958,-425,-10958.0,-4546,,1,1,0,1,0,0,Security staff,1.0,2,2,FRIDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.5408304727060897,,0.001,,0.9603,,,0.0,0.0345,0.0,,,,,,,0.0011,,0.9603,,,0.0,0.0345,0.0,,,,,,,0.001,,0.9603,,,0.0,0.0345,0.0,,,,,,,,block of flats,0.0008,,No,2.0,1.0,2.0,0.0,-246.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,12.0 +1360065,341924,Consumer loans,18043.74,153090.0,164034.0,0.0,153090.0,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-606,Cash through the bank,XAP,Family,Repeater,Clothing and Accessories,POS,XNA,Stone,124,Clothing,10.0,low_normal,POS industry with interest,365243.0,-574.0,-304.0,-364.0,-346.0,0.0,0,Cash loans,F,N,Y,1,90000.0,273636.0,29164.5,247500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010966,-15693,-6190,-1163.0,-4307,,1,1,0,1,0,0,,3.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Industry: type 11,,0.6296644317341322,0.7180328113294772,0.0722,,0.9861,,,0.0,0.1379,0.1667,,0.0583,,0.0669,,0.0,0.0735,,0.9861,,,0.0,0.1379,0.1667,,0.0597,,0.0697,,0.0,0.0729,,0.9861,,,0.0,0.1379,0.1667,,0.0593,,0.0681,,0.0,,block of flats,0.0573,Panel,No,2.0,0.0,1.0,0.0,-1779.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2174416,430660,Cash loans,16839.09,270000.0,299223.0,,270000.0,TUESDAY,16,Y,1,,,,XNA,Approved,-1050,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-1020.0,-330.0,-330.0,-324.0,1.0,0,Cash loans,F,N,Y,1,67500.0,101880.0,10827.0,90000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.0060079999999999995,-17546,-125,-9931.0,-1083,,1,1,0,1,0,0,Sales staff,3.0,2,2,TUESDAY,15,0,0,0,0,0,0,Self-employed,0.5930402422753748,0.7111450848362874,0.6769925032909132,0.2598,0.0,0.9861,0.8096,0.1317,0.28,0.2414,0.3333,0.375,0.0326,0.2118,0.2714,0.0,0.0,0.2647,0.0,0.9861,0.8171,0.1329,0.282,0.2414,0.3333,0.375,0.0333,0.2314,0.2827,0.0,0.0,0.2623,0.0,0.9861,0.8121,0.1326,0.28,0.2414,0.3333,0.375,0.0332,0.2155,0.2763,0.0,0.0,reg oper account,block of flats,0.2855,Panel,No,1.0,0.0,1.0,0.0,-2440.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1109593,363953,Consumer loans,3184.2,28975.5,28660.5,2898.0,28975.5,TUESDAY,12,Y,1,0.10001062960994517,,,XAP,Approved,-2264,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,16,Connectivity,12.0,high,POS mobile with interest,365243.0,-2233.0,-1903.0,-1903.0,-1895.0,1.0,0,Cash loans,M,N,N,0,157500.0,621621.0,34839.0,576000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-13854,-1430,-8764.0,-3776,,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Industry: type 9,,0.6771072545926382,0.5902333386185574,0.1237,0.1302,0.9876,,,,0.2759,0.1667,,,,0.1273,,,0.1261,0.1351,0.9876,,,,0.2759,0.1667,,,,0.1326,,,0.1249,0.1302,0.9876,,,,0.2759,0.1667,,,,0.1295,,,,block of flats,0.1001,Panel,No,1.0,0.0,1.0,0.0,-2264.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1856252,432372,Cash loans,13692.825,112500.0,119925.0,0.0,112500.0,WEDNESDAY,8,Y,1,0.0,,,XNA,Approved,-1724,Cash through the bank,XAP,Children,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-1693.0,-1363.0,-1423.0,-1419.0,0.0,0,Cash loans,F,N,N,0,99000.0,555273.0,16362.0,463500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-21781,365243,-67.0,-4328,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,8,0,0,0,0,0,0,XNA,0.7170660376186664,0.2653117484731741,0.5316861425197883,0.1041,0.081,0.9732,0.6328,0.0103,0.0,0.1379,0.25,0.2917,0.1125,0.0849,0.0861,0.0,0.0,0.1061,0.0841,0.9732,0.6472,0.0104,0.0,0.1379,0.25,0.2917,0.1151,0.0927,0.0897,0.0,0.0,0.1051,0.081,0.9732,0.6377,0.0104,0.0,0.1379,0.25,0.2917,0.1145,0.0864,0.0877,0.0,0.0,reg oper account,block of flats,0.0734,Block,No,1.0,0.0,1.0,0.0,-1425.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1440956,270350,Cash loans,37607.445,585000.0,654498.0,,585000.0,MONDAY,13,Y,1,,,,XNA,Approved,-885,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,36.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,M,Y,Y,0,180000.0,850500.0,33858.0,850500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-14757,-2821,-1024.0,-4740,22.0,1,1,0,1,1,0,Drivers,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.395409359592734,0.6786257285798789,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-969.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2527571,158073,Cash loans,14967.315,247500.0,288666.0,0.0,247500.0,THURSDAY,9,Y,1,0.0,,,XNA,Approved,-2539,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,36.0,middle,Cash Street: middle,365243.0,-2509.0,-1459.0,-1519.0,-1514.0,1.0,0,Cash loans,F,Y,Y,0,180000.0,2156400.0,59431.5,1800000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-19125,-7984,-5638.0,-2688,5.0,1,1,1,1,1,0,Medicine staff,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Medicine,,0.6238430141034935,0.39277386060313396,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,5.0,0.0,-2539.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,5.0,0.0,0.0 +1884886,421227,Consumer loans,3932.82,22482.0,21235.5,2250.0,22482.0,SATURDAY,16,Y,1,0.1043390409169294,,,XAP,Approved,-2531,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,951,Consumer electronics,6.0,middle,POS household without interest,365243.0,-2500.0,-2350.0,-2350.0,-2341.0,1.0,0,Cash loans,F,Y,Y,0,360000.0,1138900.5,33430.5,994500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.072508,-19882,-697,-3550.0,-3434,12.0,1,1,0,1,1,0,Cleaning staff,2.0,1,1,WEDNESDAY,16,0,0,0,0,0,0,School,,0.756249000853457,0.3139166772114369,0.2474,0.0649,0.995,,,0.16,0.0345,1.0,,,,0.2342,,0.0709,0.2521,0.0674,0.995,,,0.1611,0.0345,1.0,,,,0.244,,0.0751,0.2498,0.0649,0.995,,,0.16,0.0345,1.0,,,,0.2384,,0.0724,,block of flats,0.2072,Monolithic,No,0.0,0.0,0.0,0.0,-664.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1184715,439132,Consumer loans,7711.425,67455.0,74578.5,0.0,67455.0,THURSDAY,13,Y,1,0.0,,,XAP,Approved,-399,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Stone,142,Consumer electronics,12.0,middle,POS household with interest,365243.0,-369.0,-39.0,-69.0,-67.0,1.0,0,Cash loans,M,Y,N,0,135000.0,117162.0,12433.5,103500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.030755,-12892,-3216,-6894.0,-4657,7.0,1,1,0,1,0,0,Laborers,1.0,2,2,THURSDAY,10,0,0,0,0,0,0,Housing,0.24600490318278165,0.7549608168018513,0.6971469077844458,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1583168,399405,Cash loans,12477.33,103500.0,110331.0,0.0,103500.0,THURSDAY,14,Y,1,0.0,,,XNA,Refused,-2006,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,F,Y,Y,0,189000.0,225000.0,24363.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Separated,Co-op apartment,0.011656999999999999,-17010,-857,-9113.0,-573,16.0,1,1,1,1,0,0,Accountants,1.0,1,1,MONDAY,14,0,1,1,0,1,1,Transport: type 2,,0.670976831989264,0.8633633824101478,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2358.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1096857,155668,Cash loans,30267.585,900000.0,1030680.0,,900000.0,MONDAY,16,Y,1,,,,XNA,Refused,-947,Cash through the bank,LIMIT,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,1,Cash loans,M,N,N,0,135000.0,659610.0,21406.5,472500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-18580,-209,-5608.0,-2119,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.6201308823908414,0.2721336844147212,0.0619,0.0303,0.9717,0.6124,0.0003,0.0,0.1034,0.0833,0.125,0.047,0.0488,0.0205,0.0077,0.014,0.063,0.0314,0.9717,0.6276,0.0004,0.0,0.1034,0.0833,0.125,0.048,0.0533,0.0213,0.0078,0.0148,0.0625,0.0303,0.9717,0.6176,0.0004,0.0,0.1034,0.0833,0.125,0.0478,0.0496,0.0208,0.0078,0.0143,reg oper account,block of flats,0.0193,"Stone, brick",No,9.0,1.0,8.0,1.0,-1872.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1641178,175179,Consumer loans,9894.51,98955.0,89059.5,9895.5,98955.0,MONDAY,7,Y,1,0.1089090909090909,,,XAP,Approved,-1617,XNA,XAP,Unaccompanied,New,Computers,POS,XNA,Regional / Local,150,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1586.0,-1316.0,-1316.0,-1310.0,0.0,0,Cash loans,F,N,N,0,180000.0,814041.0,23931.0,679500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,Municipal apartment,0.014464,-20513,-4308,-9722.0,-3896,,1,1,0,1,0,0,Core staff,1.0,2,2,MONDAY,6,0,0,0,0,0,0,Kindergarten,,0.713716637761164,0.7136313997323308,0.0103,0.0124,0.9707,,,0.0,0.0345,0.0417,,0.0154,,0.0081,,0.0,0.0105,0.0128,0.9707,,,0.0,0.0345,0.0417,,0.0158,,0.0085,,0.0,0.0104,0.0124,0.9707,,,0.0,0.0345,0.0417,,0.0157,,0.0083,,0.0,,block of flats,0.0064,Wooden,Yes,2.0,0.0,2.0,0.0,-1617.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1195500,311556,Cash loans,27436.365,414000.0,461817.0,0.0,414000.0,TUESDAY,17,Y,1,0.0,,,XNA,Approved,-1159,Cash through the bank,XAP,"Spouse, partner",Refreshed,XNA,Cash,walk-in,Credit and cash offices,0,XNA,30.0,middle,Cash Street: middle,365243.0,-1129.0,-259.0,-259.0,-244.0,1.0,0,Cash loans,M,N,Y,1,112500.0,244584.0,16051.5,193500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.02461,-15664,-486,-2102.0,-2853,,1,1,0,1,0,0,Laborers,3.0,2,2,SATURDAY,13,0,0,0,0,1,1,Industry: type 4,,0.696334663073126,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,2.0,2.0,2.0,-1339.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1783669,273325,Cash loans,119100.915,1129500.0,1162300.5,,1129500.0,FRIDAY,19,Y,1,,,,XNA,Approved,-725,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-695.0,-365.0,-425.0,-415.0,1.0,0,Cash loans,F,N,N,0,315000.0,460692.0,13333.5,301500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.072508,-18420,-3246,-12220.0,-1968,,1,1,0,1,1,0,,2.0,1,1,SUNDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.731486380932085,0.40314167665875134,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1088.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,8.0 +1728261,162474,Revolving loans,7875.0,0.0,157500.0,,,SATURDAY,9,Y,1,,,,XAP,Approved,-1068,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-1052.0,-1014.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,M,Y,Y,0,180000.0,891126.0,37885.5,796500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.006852,-9955,-1910,-3219.0,-2613,29.0,1,1,0,1,0,0,Laborers,2.0,3,3,WEDNESDAY,4,0,0,0,0,1,1,Business Entity Type 3,,0.4461224108696508,0.5656079814115492,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,2.0,0.0,2.0,0.0,-2372.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2491681,307972,Consumer loans,14047.875,116500.5,75042.0,45000.0,116500.5,MONDAY,13,Y,1,0.4082661977398819,,,XAP,Approved,-1282,XNA,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,100,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1240.0,-1090.0,-1090.0,-1038.0,0.0,0,Cash loans,F,Y,N,2,81000.0,808650.0,26086.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,Co-op apartment,0.020713,-13727,-192,-6988.0,-4563,19.0,1,1,0,1,0,0,Medicine staff,4.0,3,3,SUNDAY,12,0,0,0,0,1,1,Other,,0.07081740090424761,0.15663982703141147,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1282.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2539946,158063,Consumer loans,12165.435,62955.0,59652.0,6295.5,62955.0,WEDNESDAY,12,Y,1,0.10396712260785954,,,XAP,Approved,-438,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Regional / Local,150,Consumer electronics,6.0,high,POS household with interest,365243.0,-407.0,-257.0,-257.0,-252.0,0.0,0,Cash loans,M,Y,N,0,157500.0,239850.0,25447.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.035792000000000004,-8733,-1696,-2363.0,-1360,21.0,1,1,1,1,1,0,IT staff,1.0,2,2,SUNDAY,16,0,0,0,0,1,1,Business Entity Type 3,0.3057497410637441,0.7114324871980113,0.6722428897082422,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-607.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,0.0,0.0,2.0 +1058524,421589,Cash loans,22900.905,180000.0,191880.0,,180000.0,MONDAY,13,Y,1,,,,XNA,Approved,-960,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-930.0,-600.0,-630.0,-625.0,1.0,0,Cash loans,F,N,Y,0,202500.0,565380.0,30798.0,423000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.072508,-19421,-904,-6669.0,-2973,,1,1,0,1,1,0,Laborers,1.0,1,1,TUESDAY,11,0,0,0,0,0,0,Government,,0.7256833509352717,0.7826078370261895,0.333,0.1702,0.9806,0.7348,0.2078,0.36,0.3103,0.3333,0.375,0.0,0.2713,0.3165,0.001,0.0009,0.3004,0.0518,0.9816,0.7583,0.1771,0.3222,0.2759,0.3333,0.375,0.0,0.3306,0.2904,0.0,0.0,0.3362,0.1895,0.9806,0.7383,0.2183,0.36,0.3103,0.3333,0.375,0.0,0.2762,0.321,0.0,0.0,reg oper account,block of flats,0.2197,Panel,No,0.0,0.0,0.0,0.0,-631.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,4.0 +2250930,124991,Cash loans,45801.045,810000.0,893398.5,,810000.0,FRIDAY,12,Y,1,,,,XNA,Refused,-1537,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,36.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,180000.0,900000.0,39645.0,900000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-20509,365243,-144.0,-3883,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,16,0,0,0,0,0,0,XNA,0.6987656121718359,0.6181456299376225,0.6769925032909132,0.0814,,0.9737,,,0.0,0.1379,0.1667,,,,0.0559,,0.0214,0.083,,0.9737,,,0.0,0.1379,0.1667,,,,0.0583,,0.0226,0.0822,,0.9737,,,0.0,0.1379,0.1667,,,,0.057,,0.0218,,block of flats,0.0486,"Stone, brick",No,4.0,0.0,4.0,0.0,-3176.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,5.0 +1820052,244253,Revolving loans,2250.0,45000.0,45000.0,,45000.0,FRIDAY,14,Y,1,,,,XAP,Approved,-200,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,0,XNA,0.0,XNA,Card Street,-200.0,-155.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,135000.0,900000.0,26446.5,900000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.026392000000000002,-10499,-806,-4266.0,-2888,,1,1,0,1,0,1,Sales staff,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.5661279429119164,0.11104240226943142,0.1,,0.9881,,,0.08,0.0345,0.5833,,,,0.0966,,0.0,0.1019,,0.9881,,,0.0806,0.0345,0.5833,,,,0.1006,,0.0,0.101,,0.9881,,,0.08,0.0345,0.5833,,,,0.0983,,0.0,,block of flats,0.076,"Stone, brick",No,0.0,0.0,0.0,0.0,-200.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1596678,267531,Consumer loans,14767.695,121455.0,121455.0,0.0,121455.0,SUNDAY,15,Y,1,0.0,,,XAP,Approved,-536,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,40,Connectivity,12.0,high,POS mobile with interest,365243.0,-495.0,-165.0,-255.0,-249.0,0.0,0,Cash loans,F,Y,Y,0,427500.0,1024740.0,49297.5,900000.0,Unaccompanied,State servant,Higher education,Married,With parents,0.010006000000000001,-11549,-3477,-11537.0,-769,3.0,1,1,1,1,1,0,Accountants,2.0,2,1,THURSDAY,13,0,0,0,0,1,1,Industry: type 9,0.2739069713362857,0.6344346634151493,0.3201633668633456,0.1433,0.1261,0.9806,0.7348,0.0292,0.0,0.3448,0.1667,0.2083,0.0783,0.116,0.1321,0.0039,0.0045,0.146,0.1308,0.9806,0.7452,0.0295,0.0,0.3448,0.1667,0.2083,0.0801,0.1267,0.1376,0.0039,0.0048,0.1447,0.1261,0.9806,0.7383,0.0294,0.0,0.3448,0.1667,0.2083,0.0797,0.118,0.1345,0.0039,0.0046,reg oper account,block of flats,0.1283,Panel,No,0.0,0.0,0.0,0.0,-536.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2624692,178728,Revolving loans,6750.0,135000.0,135000.0,,135000.0,FRIDAY,16,Y,1,,,,XAP,Refused,-733,XNA,SCOFR,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,126000.0,309420.0,11794.5,202500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010966,-19593,-1321,-6684.0,-3127,,1,1,0,1,0,0,Cooking staff,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Trade: type 7,0.7683048267558502,0.3146243409982624,0.5814837058057234,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1058.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2714212,188207,Consumer loans,2906.325,28795.5,28795.5,0.0,28795.5,WEDNESDAY,15,Y,1,0.0,,,XAP,Approved,-153,Cash through the bank,XAP,Unaccompanied,Refreshed,Clothing and Accessories,POS,XNA,Stone,150,Clothing,12.0,middle,POS industry with interest,365243.0,-122.0,208.0,-32.0,-30.0,0.0,0,Revolving loans,F,N,Y,0,112500.0,225000.0,11250.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.019688999999999998,-16189,-1362,-8575.0,-4207,,1,1,0,1,1,0,High skill tech staff,1.0,2,2,TUESDAY,14,0,0,0,0,0,0,Business Entity Type 2,0.252550323581949,0.1966287653792793,0.6109913280868294,0.132,0.1536,0.9776,0.6940000000000001,0.0151,0.0,0.2759,0.1667,0.0417,0.0799,0.1076,0.12,0.0039,0.0037,0.1345,0.1594,0.9777,0.706,0.0153,0.0,0.2759,0.1667,0.0417,0.0817,0.1175,0.1251,0.0039,0.0039,0.1332,0.1536,0.9776,0.6981,0.0152,0.0,0.2759,0.1667,0.0417,0.0813,0.1095,0.1222,0.0039,0.0038,reg oper spec account,block of flats,0.1047,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +2516780,302010,Consumer loans,3648.735,35617.5,30843.0,7123.5,35617.5,FRIDAY,17,Y,1,0.20434169836326999,,,XAP,Approved,-2072,Cash through the bank,XAP,Children,New,Audio/Video,POS,XNA,Country-wide,651,Consumer electronics,10.0,middle,POS household with interest,365243.0,-2041.0,-1771.0,-1951.0,-1944.0,0.0,0,Cash loans,F,N,N,1,112500.0,835380.0,35523.0,675000.0,Children,Working,Secondary / secondary special,Widow,House / apartment,0.009175,-15112,-2652,-7716.0,-1816,,1,1,0,1,0,0,Medicine staff,2.0,2,2,FRIDAY,16,0,0,0,0,1,1,Government,,0.3967305647047897,0.746300213050371,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1865028,220484,Revolving loans,22500.0,0.0,450000.0,,,MONDAY,16,Y,1,,,,XAP,Approved,-873,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,-214.0,0.0,0,Cash loans,F,N,Y,0,180000.0,348264.0,35815.5,315000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00702,-19296,-7389,-4393.0,-2850,,1,1,0,1,0,1,Private service staff,2.0,2,2,SATURDAY,16,0,0,0,0,0,0,Services,0.8962703712827945,0.6568674411423872,0.6956219298394389,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1647.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1211038,422446,Cash loans,25198.65,225000.0,239850.0,,225000.0,TUESDAY,11,Y,1,,,,XNA,Approved,-1228,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1198.0,-868.0,-898.0,-894.0,1.0,0,Cash loans,M,Y,Y,0,180000.0,402696.0,42858.0,382500.0,Unaccompanied,Commercial associate,Incomplete higher,Single / not married,House / apartment,0.020713,-12255,-2120,-48.0,-4116,10.0,1,1,0,1,0,0,,1.0,3,2,FRIDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.5165495957446885,0.6577838002083306,0.5598,0.4574,0.9995,0.9932,0.1416,0.4,0.1724,0.6667,0.7083,0.1789,0.4505,0.4891,0.027000000000000003,0.0408,0.5704,0.4746,0.9995,0.9935,0.1429,0.4028,0.1724,0.6667,0.7083,0.183,0.4922,0.5096,0.0272,0.0432,0.5652,0.4574,0.9995,0.9933,0.1425,0.4,0.1724,0.6667,0.7083,0.182,0.4583,0.4979,0.0272,0.0416,reg oper account,block of flats,0.471,Monolithic,No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1490725,269118,Consumer loans,7526.655,53955.0,40014.0,16186.5,53955.0,SATURDAY,17,Y,1,0.3136728320922413,,,XAP,Approved,-229,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Regional / Local,150,Consumer electronics,6.0,middle,POS household with interest,365243.0,-199.0,-49.0,-49.0,-46.0,1.0,0,Cash loans,M,N,N,0,112500.0,182016.0,8482.5,144000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-10545,-2086,-2673.0,-3194,,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Industry: type 7,0.22054977102448972,0.6451431813501036,0.4241303111942548,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-3.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1306874,361425,Consumer loans,10041.975,65155.5,49644.0,18000.0,65155.5,TUESDAY,11,Y,1,0.2898059896463301,,,XAP,Approved,-727,XNA,XAP,,New,Mobile,POS,XNA,Country-wide,42,Connectivity,6.0,high,POS mobile with interest,365243.0,-666.0,-516.0,-516.0,-512.0,0.0,0,Cash loans,F,N,N,0,76500.0,297000.0,15547.5,297000.0,Family,State servant,Secondary / secondary special,Separated,Municipal apartment,0.006305,-13759,-236,-2827.0,-4508,,1,1,1,1,1,0,,1.0,3,3,FRIDAY,9,0,0,0,0,0,0,Medicine,0.5398198673681203,0.6310299861626085,,0.0928,0.1275,0.9856,0.8028,0.0157,0.0,0.2069,0.1667,0.0417,0.0888,0.07400000000000001,0.1038,0.0077,0.0078,0.0945,0.1323,0.9856,0.8105,0.0159,0.0,0.2069,0.1667,0.0417,0.0908,0.0808,0.1082,0.0078,0.0082,0.0937,0.1275,0.9856,0.8054,0.0158,0.0,0.2069,0.1667,0.0417,0.0903,0.0752,0.1057,0.0078,0.0079,reg oper account,block of flats,0.0924,Panel,No,0.0,0.0,0.0,0.0,-727.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1871633,334896,Cash loans,4727.475,45000.0,45000.0,0.0,45000.0,SATURDAY,11,Y,1,0.0,,,XNA,Approved,-2344,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,middle,Cash Street: middle,365243.0,-2314.0,-1984.0,-1984.0,-1979.0,0.0,0,Cash loans,M,N,N,0,69750.0,135000.0,13149.0,135000.0,"Spouse, partner",Pensioner,Higher education,Single / not married,House / apartment,0.072508,-20230,365243,-14324.0,-3178,,1,0,0,1,1,0,,1.0,1,1,FRIDAY,12,0,0,0,0,0,0,XNA,,0.7360529243880746,,0.0718,0.081,0.9707,0.5988,0.0,0.12,0.069,0.2917,0.3333,0.0898,0.0569,0.0944,0.0077,0.0678,0.0389,0.0456,0.9707,0.6145,0.0,0.0403,0.0345,0.25,0.2917,0.0459,0.0321,0.0477,0.0078,0.0414,0.0708,0.0812,0.9707,0.6042,0.0,0.12,0.069,0.2917,0.3333,0.0861,0.0564,0.0922,0.0078,0.0591,reg oper spec account,block of flats,0.0445,"Stone, brick",No,0.0,0.0,0.0,0.0,-2344.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1979472,101069,Consumer loans,,114660.0,114660.0,0.0,114660.0,FRIDAY,13,Y,1,0.0,,,XAP,Refused,-712,Cash through the bank,HC,,Repeater,Computers,XNA,XNA,Country-wide,80,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,M,Y,Y,0,225000.0,679500.0,45724.5,679500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.02461,-18735,-1717,-11293.0,-2269,3.0,1,1,1,1,1,0,Sales staff,2.0,2,2,WEDNESDAY,16,0,0,0,0,1,1,Trade: type 7,,0.5109120741947333,0.5262949398096192,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-721.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,1.0,2.0 +1781230,110719,Cash loans,37801.845,1125000.0,1288350.0,,1125000.0,WEDNESDAY,10,Y,1,,,,XNA,Refused,-306,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,270000.0,405000.0,20808.0,405000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-17703,-5351,-8859.0,-1265,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,15,0,0,0,0,0,0,Industry: type 1,0.6538338900801232,0.6657907477096863,0.4578995512067301,0.1794,0.1668,0.9881,0.83,0.1072,0.2,0.1724,0.3333,0.0,0.1246,0.1437,0.1208,0.0116,0.2696,0.1828,0.1731,0.9881,0.8367,0.1082,0.2014,0.1724,0.3333,0.0,0.1275,0.157,0.1258,0.0117,0.2854,0.1811,0.1668,0.9881,0.8323,0.1079,0.2,0.1724,0.3333,0.0,0.1268,0.1462,0.1229,0.0116,0.2752,org spec account,block of flats,0.1536,Panel,No,3.0,0.0,3.0,0.0,-3432.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2800312,197422,Consumer loans,15065.64,158175.0,171747.0,0.0,158175.0,TUESDAY,19,Y,1,0.0,,,XAP,Approved,-506,Cash through the bank,XAP,,Refreshed,Consumer Electronics,POS,XNA,Country-wide,300,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-475.0,-145.0,-145.0,-137.0,0.0,0,Revolving loans,F,N,N,1,175500.0,337500.0,16875.0,337500.0,Unaccompanied,State servant,Higher education,Separated,With parents,0.04622,-11303,-735,-5586.0,-3753,,1,1,0,1,0,0,Managers,2.0,1,1,THURSDAY,13,0,0,0,0,0,0,Government,0.5721823041514609,0.738682718158831,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2558.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1894192,111647,Consumer loans,6596.64,89622.0,100620.0,0.0,89622.0,SATURDAY,15,Y,1,0.0,,,XAP,Approved,-458,Cash through the bank,XAP,,Repeater,Clothing and Accessories,POS,XNA,Country-wide,130,Clothing,18.0,low_normal,POS industry with interest,365243.0,-427.0,83.0,-247.0,-240.0,0.0,0,Revolving loans,F,N,Y,1,90000.0,180000.0,9000.0,180000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.009175,-7989,-542,-2738.0,-332,,1,1,0,1,1,0,Core staff,3.0,2,2,TUESDAY,17,0,0,0,1,1,0,Bank,,0.2877004517508649,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-46.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1115532,138363,Consumer loans,15276.735,118359.0,147744.0,0.0,118359.0,MONDAY,11,Y,1,0.0,,,XAP,Refused,-597,Cash through the bank,LIMIT,,Repeater,Construction Materials,POS,XNA,Stone,300,Consumer electronics,12.0,middle,POS household with interest,,,,,,,1,Revolving loans,F,N,N,0,157500.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.031329,-9291,-2695,-9212.0,-1771,,1,1,0,1,0,0,,1.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,Business Entity Type 2,,0.1620346784028127,0.2764406945454034,0.0722,0.0623,0.9826,0.762,0.0068,0.0,0.1379,0.1667,0.0417,0.0,0.0588,0.0635,0.0,0.0,0.0735,0.0646,0.9826,0.7713,0.0068,0.0,0.1379,0.1667,0.0417,0.0,0.0643,0.0662,0.0,0.0,0.0729,0.0623,0.9826,0.7652,0.0068,0.0,0.1379,0.1667,0.0417,0.0,0.0599,0.0646,0.0,0.0,reg oper account,block of flats,0.0644,Mixed,No,1.0,1.0,1.0,1.0,-525.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1800554,183220,Consumer loans,9401.805,49599.0,46845.0,4963.5,49599.0,WEDNESDAY,11,Y,1,0.1043400740664703,,,XAP,Approved,-2601,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,2200,Consumer electronics,6.0,high,POS household with interest,365243.0,-2570.0,-2420.0,-2420.0,-2415.0,1.0,0,Cash loans,F,N,Y,2,157500.0,227520.0,12834.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008019,-13811,-3989,-7124.0,-3796,,1,1,0,1,0,0,Sales staff,4.0,2,2,SUNDAY,11,0,0,0,0,1,1,Self-employed,0.4335233943948201,0.5067858842831048,0.6738300778602003,0.0237,0.0776,0.9707,0.5988,0.0038,0.0,0.1034,0.0833,0.0417,0.0158,0.0168,0.029,0.0116,0.0388,0.0242,0.0805,0.9707,0.6145,0.0038,0.0,0.1034,0.0833,0.0417,0.0162,0.0184,0.0302,0.0117,0.0411,0.0239,0.0776,0.9707,0.6042,0.0038,0.0,0.1034,0.0833,0.0417,0.0161,0.0171,0.0295,0.0116,0.0396,reg oper account,block of flats,0.0333,"Stone, brick",No,1.0,0.0,1.0,0.0,-1279.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1972923,270046,Consumer loans,13931.55,135000.0,149256.0,0.0,135000.0,THURSDAY,9,Y,1,0.0,,,XAP,Approved,-529,Cash through the bank,XAP,,New,Furniture,POS,XNA,Stone,100,Furniture,12.0,low_normal,POS industry with interest,365243.0,-498.0,-168.0,-168.0,-162.0,0.0,0,Cash loans,M,N,Y,0,253467.0,610335.0,24633.0,463500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0228,-21967,-8616,-391.0,-1161,,1,1,0,1,0,0,,2.0,2,2,MONDAY,9,0,0,0,0,1,1,Other,,0.7438954204179241,0.33125086459090186,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-529.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1619862,388664,Consumer loans,10393.83,86544.0,85599.0,8658.0,86544.0,FRIDAY,7,Y,1,0.10003871426959364,,,XAP,Approved,-1182,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Regional / Local,40,Consumer electronics,12.0,high,POS household with interest,365243.0,-1151.0,-821.0,-821.0,-816.0,0.0,0,Cash loans,F,Y,N,0,441000.0,2250000.0,83515.5,2250000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.001276,-15838,-1380,-5006.0,-4180,6.0,1,1,1,1,1,0,Managers,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,Government,0.6221395055755923,0.08743209903846456,0.5531646987710016,0.0866,0.0655,0.9816,,,0.0,0.2414,0.1667,,0.0416,,0.0873,,0.0968,0.0882,0.068,0.9816,,,0.0,0.2414,0.1667,,0.0426,,0.0909,,0.1025,0.0874,0.0655,0.9816,,,0.0,0.2414,0.1667,,0.0424,,0.0888,,0.0989,,block of flats,0.0832,Block,No,0.0,0.0,0.0,0.0,-1577.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2469129,199751,Cash loans,,0.0,0.0,,,WEDNESDAY,10,Y,1,,,,XNA,Refused,-233,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,Y,Y,0,360000.0,900000.0,31887.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-15321,-4966,-1019.0,-4628,8.0,1,1,0,1,0,0,Managers,2.0,2,2,FRIDAY,16,0,1,1,0,1,1,Business Entity Type 3,0.507096051072904,0.4336770314978805,0.11612491427195998,0.0814,0.0782,0.9757,0.6668,0.008,0.0,0.1379,0.1667,0.2083,0.0685,0.0664,0.0698,0.0039,0.0033,0.083,0.0811,0.9757,0.6798,0.0081,0.0,0.1379,0.1667,0.2083,0.07,0.0725,0.0727,0.0039,0.0035,0.0822,0.0782,0.9757,0.6713,0.0081,0.0,0.1379,0.1667,0.2083,0.0697,0.0676,0.071,0.0039,0.0034,,block of flats,0.06,Panel,No,0.0,0.0,0.0,0.0,-405.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2283032,396004,Cash loans,25193.925,245331.72,258611.22,,245331.72,SUNDAY,14,Y,1,,,,XNA,Approved,-583,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash Street: low,365243.0,-553.0,-223.0,-223.0,-212.0,1.0,0,Cash loans,F,N,Y,0,225000.0,728460.0,44694.0,675000.0,Family,Pensioner,Secondary / secondary special,Separated,House / apartment,0.002042,-23582,365243,-7560.0,-2012,,1,0,0,1,0,0,,1.0,3,3,TUESDAY,12,0,0,0,0,0,0,XNA,0.813472856168783,0.34372765612597106,0.6263042766749393,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-699.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1357612,378776,Cash loans,34205.535,1021500.0,1169820.0,,1021500.0,TUESDAY,9,Y,1,,,,XNA,Refused,-148,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,247500.0,970380.0,28503.0,810000.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.0038130000000000004,-20358,-4955,-1321.0,-3488,,1,1,0,1,0,0,Managers,1.0,2,2,WEDNESDAY,8,0,0,0,0,1,1,Other,0.5335579085330207,0.5635318300352679,0.4507472818545589,0.0619,0.0585,0.9781,0.7008,0.1159,0.0,0.1034,0.1667,0.0417,0.0269,0.0504,0.0505,,0.0162,0.063,0.0607,0.9782,0.7125,0.1169,0.0,0.1034,0.1667,0.0417,0.0276,0.0551,0.0526,,0.0171,0.0625,0.0585,0.9781,0.7048,0.1166,0.0,0.1034,0.1667,0.0417,0.0274,0.0513,0.0514,,0.0165,reg oper account,block of flats,0.0432,Panel,No,2.0,1.0,2.0,1.0,-1647.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2119132,351152,Consumer loans,4184.1,38655.9,37660.5,3866.4,38655.9,SATURDAY,17,Y,1,0.10140080504225184,,,XAP,Approved,-2698,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,3189,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2667.0,-2397.0,-2397.0,-2389.0,1.0,0,Cash loans,F,N,N,0,135000.0,1125000.0,33025.5,1125000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.0228,-22330,365243,-7.0,-3870,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,,0.6219270359172268,,0.0247,,0.9801,,,,,0.0417,,0.0117,,0.0134,,,0.0252,,0.9801,,,,,0.0417,,0.0119,,0.014,,,0.025,,0.9801,,,,,0.0417,,0.0119,,0.0136,,,,block of flats,0.0135,Wooden,No,3.0,2.0,3.0,2.0,-822.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2221362,343807,Cash loans,14871.24,229500.0,254340.0,,229500.0,SUNDAY,10,Y,1,,,,XNA,Approved,-630,XNA,XAP,Family,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,157500.0,283500.0,10818.0,283500.0,Family,Working,Secondary / secondary special,Widow,House / apartment,0.026392000000000002,-20957,-2200,-13816.0,-4101,,1,1,1,1,1,0,,1.0,2,2,SUNDAY,10,0,0,0,0,1,1,Other,,0.7311039448090176,0.622922000268356,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1351.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2410240,427347,Cash loans,32991.795,157500.0,162697.5,,157500.0,MONDAY,11,Y,1,,,,XNA,Refused,-632,XNA,HC,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,6.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,M,Y,N,2,360000.0,450000.0,50904.0,450000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.006670999999999999,-16814,-1429,-638.0,-250,11.0,1,1,1,1,0,0,Laborers,4.0,2,2,WEDNESDAY,14,0,1,1,0,1,1,Business Entity Type 3,,0.6410023183276151,0.13680052191177486,0.0103,0.0193,0.9657,,,0.0,0.069,0.0417,,0.0154,,0.0086,,0.0,0.0105,0.02,0.9657,,,0.0,0.069,0.0417,,0.0158,,0.0089,,0.0,0.0104,0.0193,0.9657,,,0.0,0.069,0.0417,,0.0157,,0.0087,,0.0,,block of flats,0.0125,"Stone, brick",No,0.0,0.0,0.0,0.0,-888.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1659826,135233,Consumer loans,2070.81,17928.0,17464.5,1795.5,17928.0,SATURDAY,16,Y,1,0.10152973661852166,,,XAP,Approved,-1311,Cash through the bank,XAP,"Spouse, partner",Repeater,Photo / Cinema Equipment,POS,XNA,Stone,1615,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1280.0,-1010.0,-1010.0,-981.0,0.0,0,Cash loans,M,Y,Y,0,90000.0,126000.0,9549.0,126000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.028663,-11060,-203,-6240.0,-3429,10.0,1,1,0,1,0,1,Laborers,2.0,2,2,MONDAY,15,0,0,0,0,0,0,Construction,,0.3234221738452569,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1823.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1096831,225495,Cash loans,12003.75,436500.0,436500.0,,436500.0,THURSDAY,11,Y,1,,,,XNA,Refused,-364,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,171000.0,229500.0,11848.5,229500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.014519999999999996,-23176,365243,-5132.0,-5188,,1,0,0,1,1,0,,1.0,2,2,THURSDAY,11,0,0,0,0,0,0,XNA,0.8560944629799091,0.4774225676851008,0.475849908720221,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-696.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2727894,341505,Cash loans,15076.17,571500.0,571500.0,,571500.0,FRIDAY,11,Y,1,,,,XNA,Approved,-206,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_action,Cash X-Sell: low,365243.0,-176.0,1594.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,112500.0,261000.0,9504.0,261000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-22649,365243,-8586.0,-4322,,1,0,0,1,0,0,,2.0,2,2,MONDAY,8,0,0,0,0,0,0,XNA,0.8447804584567231,0.34112290759888264,0.7662336700704004,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1015.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2418102,297645,Cash loans,32226.345,463500.0,491031.0,,463500.0,TUESDAY,10,Y,1,,,,XNA,Approved,-328,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-298.0,212.0,-58.0,-50.0,1.0,0,Cash loans,F,N,N,0,135000.0,760225.5,32206.5,679500.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.0105,-22824,365243,-10796.0,-5082,,1,0,0,1,1,0,,2.0,3,3,THURSDAY,11,0,0,0,0,0,0,XNA,,0.5856410798063704,0.520897599048938,0.0742,0.0475,0.9851,0.7959999999999999,0.0317,0.08,0.069,0.3333,0.0,0.0582,0.0605,0.0744,0.0,0.0,0.0756,0.0455,0.9851,0.804,0.032,0.0806,0.069,0.3333,0.0,0.0595,0.0661,0.0769,0.0,0.0,0.0749,0.0475,0.9851,0.7987,0.0319,0.08,0.069,0.3333,0.0,0.0592,0.0616,0.0757,0.0,0.0,org spec account,block of flats,0.0667,Panel,No,0.0,0.0,0.0,0.0,-329.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1398737,164392,Consumer loans,2705.76,20163.915,23822.415,0.0,20163.915,THURSDAY,12,Y,1,0.0,,,XAP,Approved,-12,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,46,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,365243.0,301.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,157500.0,1303200.0,46809.0,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.019688999999999998,-16821,-1270,-6150.0,-313,,1,1,0,1,0,0,Sales staff,1.0,2,2,TUESDAY,9,0,0,0,0,0,0,Trade: type 3,,0.6524823983607057,0.5814837058057234,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,3.0,0.0,3.0,0.0,-1804.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1547443,201880,Consumer loans,6915.33,42970.5,34375.5,8595.0,42970.5,FRIDAY,9,Y,1,0.21784099239330154,,,XAP,Approved,-502,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,60,Connectivity,6.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,Y,Y,3,112500.0,511249.5,26230.5,382500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0228,-12305,-1765,-6308.0,-1238,7.0,1,1,0,1,0,1,Laborers,5.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Industry: type 9,,0.4580059495201679,,0.0711,0.0748,0.9876,0.83,,0.04,0.1379,0.25,0.2917,0.0411,,0.0861,,0.017,0.0662,0.0489,0.9871,0.8301,,0.0,0.069,0.1667,0.2083,0.0382,,0.0708,,0.0091,0.0718,0.0748,0.9876,0.8323,,0.04,0.1379,0.25,0.2917,0.0418,,0.0877,,0.0173,reg oper account,block of flats,0.0683,"Stone, brick",No,0.0,0.0,0.0,0.0,-887.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1942926,340848,Cash loans,30259.035,481500.0,557770.5,,481500.0,FRIDAY,15,Y,1,,,,XNA,Refused,-25,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,,,,,,,1,Cash loans,F,N,Y,4,112500.0,616756.5,33588.0,490500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-15698,-553,-9653.0,-633,,1,1,0,1,1,1,Sales staff,6.0,2,2,TUESDAY,8,0,0,0,0,0,0,Business Entity Type 3,0.35725987288697914,0.6202339032792111,0.08226850764912726,0.0206,0.0,0.9692,0.5784,0.0058,0.0,0.1034,0.0833,0.125,0.0386,0.0168,0.0324,0.0,0.0125,0.021,0.0,0.9692,0.5949,0.0058,0.0,0.1034,0.0833,0.125,0.0395,0.0184,0.0338,0.0,0.0132,0.0208,0.0,0.9692,0.584,0.0058,0.0,0.1034,0.0833,0.125,0.0392,0.0171,0.033,0.0,0.0128,reg oper account,block of flats,0.0315,Block,No,0.0,0.0,0.0,0.0,-1720.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1681098,188784,Cash loans,30137.085,900000.0,1030680.0,,900000.0,MONDAY,8,Y,1,,,,XNA,Refused,-183,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,85500.0,544491.0,17563.5,454500.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.015221,-23468,365243,-6394.0,-4467,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,8,0,0,0,0,0,0,XNA,,0.3711604367649814,0.19747451156854226,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-257.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1942546,119439,Cash loans,39474.0,1350000.0,1350000.0,,1350000.0,TUESDAY,8,Y,1,,,,XNA,Refused,-7,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,N,N,0,180000.0,1305000.0,38286.0,1305000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-19618,-1617,-2107.0,-3164,,1,1,1,1,1,0,Laborers,2.0,2,2,MONDAY,16,0,0,0,0,1,1,Business Entity Type 3,,0.5491702502391056,0.6212263380626669,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1629.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1211966,425593,Cash loans,36467.595,450000.0,570073.5,,450000.0,SATURDAY,10,Y,1,,,,XNA,Approved,-566,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,Y,N,0,180000.0,1350000.0,39604.5,1350000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.02461,-18699,-2415,-10993.0,-2247,11.0,1,1,0,1,0,0,Drivers,2.0,2,2,FRIDAY,17,0,0,0,0,0,0,Business Entity Type 3,,0.6926414631124714,0.5567274263630174,0.0082,0.0,0.9632,0.4968,0.0015,0.0,0.069,0.0417,0.0833,,0.0067,0.0085,0.0,0.0,0.0084,0.0,0.9633,0.5165,0.0015,0.0,0.069,0.0417,0.0833,,0.0073,0.0089,0.0,0.0,0.0083,0.0,0.9632,0.5035,0.0015,0.0,0.069,0.0417,0.0833,,0.0068,0.0087,0.0,0.0,reg oper account,block of flats,0.0075,Wooden,No,2.0,0.0,2.0,0.0,-2351.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1325419,284229,Cash loans,25830.0,360000.0,384948.0,,360000.0,MONDAY,12,Y,1,,,,XNA,Refused,-1064,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,N,N,0,202500.0,814041.0,28840.5,679500.0,Unaccompanied,State servant,Incomplete higher,Single / not married,House / apartment,0.008068,-10234,-2205,-1403.0,-2574,,1,1,1,1,0,0,Core staff,1.0,3,3,THURSDAY,10,0,0,0,0,1,1,Police,0.3070158525052952,0.07935916550352283,0.2067786544915716,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1372.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2757938,222871,Cash loans,25512.165,675000.0,790830.0,,675000.0,SATURDAY,10,Y,1,,,,XNA,Refused,-601,XNA,HC,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,225000.0,1800000.0,62568.0,1800000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-15625,-5311,-3010.0,-4917,,1,1,1,1,1,0,Medicine staff,2.0,2,2,MONDAY,16,0,0,0,0,0,0,Medicine,,0.6906967696501873,0.5226973172821112,0.0206,,0.9916,,,0.0,0.0345,0.1667,,,,0.0135,,0.0314,0.021,,0.9916,,,0.0,0.0345,0.1667,,,,0.0141,,0.0332,0.0208,,0.9916,,,0.0,0.0345,0.1667,,,,0.0138,,0.032,,block of flats,0.0175,Panel,No,0.0,0.0,0.0,0.0,-2507.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,4.0 +2445872,225506,Consumer loans,9576.09,87142.5,87142.5,0.0,87142.5,TUESDAY,17,Y,1,0.0,,,XAP,Approved,-412,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,57,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-290.0,-20.0,-50.0,-43.0,0.0,1,Cash loans,F,N,Y,2,99000.0,199080.0,11556.0,157500.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.0060079999999999995,-13708,-335,-4052.0,-4057,,1,1,0,1,0,0,Sales staff,4.0,2,2,MONDAY,17,0,0,0,1,1,0,Self-employed,,0.6878163456135402,0.38079968264891495,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1178.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1818045,160883,Consumer loans,15721.515,80955.0,76464.0,8095.5,80955.0,MONDAY,9,Y,1,0.10426664602493456,,,XAP,Approved,-1328,Cash through the bank,XAP,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Country-wide,38,Connectivity,6.0,high,POS mobile with interest,365243.0,-1297.0,-1147.0,-1147.0,-1139.0,0.0,0,Cash loans,M,N,N,3,112500.0,780363.0,31077.0,697500.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.018029,-15464,365243,-7946.0,-4700,,1,0,0,1,1,0,,5.0,3,3,SATURDAY,10,0,0,0,0,0,0,XNA,0.4385054416141185,0.3808622209550989,,0.1015,,0.9886,,,0.12,0.1034,0.3333,,0.0105,,0.0997,,0.0404,0.0378,,0.9881,,,0.0403,0.0345,0.3333,,0.0107,,0.039,,0.0,0.1025,,0.9886,,,0.12,0.1034,0.3333,,0.0107,,0.1015,,0.0413,,block of flats,0.031,Panel,No,0.0,0.0,0.0,0.0,-1608.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1915015,299909,Cash loans,45864.36,450000.0,470790.0,,450000.0,WEDNESDAY,18,Y,1,,,,XNA,Approved,-317,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-287.0,43.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,0,225000.0,472500.0,22860.0,472500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-21589,-2534,-1955.0,-4250,,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.4649619367813978,0.19633396621345675,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-1639.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +2321724,409075,Cash loans,44370.765,1440000.0,1677037.5,,1440000.0,WEDNESDAY,17,Y,1,,,,XNA,Refused,-1152,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_action,Cash Street: low,,,,,,,0,Cash loans,M,N,Y,0,342000.0,273636.0,15835.5,247500.0,Unaccompanied,Commercial associate,Incomplete higher,Single / not married,House / apartment,0.072508,-11111,-138,-5465.0,-3089,,1,1,0,1,0,0,Core staff,1.0,1,1,SUNDAY,16,0,0,0,0,0,0,Business Entity Type 2,0.264508192408203,0.753367495995059,0.7517237147741489,0.2959,0.1875,0.9786,0.7076,0.043,0.32,0.2759,0.3333,0.375,0.0,0.2412,0.2784,0.0,0.0,0.3015,0.1946,0.9786,0.7190000000000001,0.0434,0.3222,0.2759,0.3333,0.375,0.0,0.2635,0.29,0.0,0.0,0.2987,0.1875,0.9786,0.7115,0.0433,0.32,0.2759,0.3333,0.375,0.0,0.2454,0.2834,0.0,0.0,,block of flats,0.2189,Panel,No,0.0,0.0,0.0,0.0,-1857.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1204412,208296,Consumer loans,37132.785,161365.5,189076.5,0.0,161365.5,SUNDAY,12,Y,1,0.0,,,XAP,Refused,-1851,Cash through the bank,LIMIT,Unaccompanied,Repeater,Computers,POS,XNA,Stone,158,Consumer electronics,6.0,high,POS household with interest,,,,,,,0,Cash loans,M,Y,N,1,135000.0,247275.0,19417.5,225000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018634,-9439,-2217,-373.0,-2106,9.0,1,1,0,1,0,0,Managers,3.0,2,2,FRIDAY,15,0,0,0,0,0,0,Self-employed,0.18459351930378665,0.4319914041149541,0.4686596550493113,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-429.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2223525,194322,Cash loans,17302.545,247500.0,267592.5,,247500.0,TUESDAY,14,Y,1,,,,XNA,Refused,-291,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,18.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,157500.0,263686.5,16978.5,238500.0,Family,Working,Secondary / secondary special,Single / not married,House / apartment,0.020713,-17038,-2019,-8851.0,-570,,1,1,0,1,0,0,,1.0,3,3,SATURDAY,7,0,0,0,0,0,0,Transport: type 1,,0.6170920979166994,0.6769925032909132,0.0918,0.1023,0.9821,0.7552,,0.0,0.2069,0.1667,0.0417,,0.0748,0.0821,0.0,0.0,0.0935,0.1062,0.9821,0.7648,,0.0,0.2069,0.1667,0.0417,,0.0817,0.0856,0.0,0.0,0.0926,0.1023,0.9821,0.7585,,0.0,0.2069,0.1667,0.0417,,0.0761,0.0836,0.0,0.0,reg oper account,block of flats,0.0646,Panel,No,2.0,1.0,2.0,1.0,-1753.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1683213,166689,Consumer loans,7259.175,47160.0,59697.0,0.0,47160.0,THURSDAY,19,Y,1,0.0,,,XAP,Approved,-1800,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Regional / Local,150,Consumer electronics,12.0,high,POS household with interest,365243.0,-1769.0,-1439.0,-1439.0,-1433.0,0.0,0,Cash loans,F,N,Y,0,121500.0,568908.0,24232.5,508500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.035792000000000004,-16861,365243,-1067.0,-400,,1,0,0,1,1,0,,1.0,2,2,FRIDAY,13,0,0,0,0,0,0,XNA,0.25446903122025344,0.4581253752369374,0.324891229465852,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-891.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1945526,102133,Consumer loans,2601.9,22180.5,21901.5,2250.0,22180.5,FRIDAY,17,Y,1,0.10146179514541724,,,XAP,Approved,-1880,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,71,Connectivity,12.0,high,POS mobile with interest,365243.0,-1845.0,-1515.0,-1515.0,-1507.0,0.0,1,Cash loans,F,N,Y,0,90000.0,540000.0,25978.5,540000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0105,-16996,-3195,-2386.0,-544,,1,1,1,1,1,0,Sales staff,2.0,3,3,TUESDAY,14,0,0,0,0,1,1,Self-employed,,0.3369039103392858,0.5989262182569273,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1880.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1487303,198380,Consumer loans,7568.325,43195.5,40927.5,4320.0,43195.5,THURSDAY,10,Y,1,0.10398083269291622,,,XAP,Approved,-717,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Country-wide,800,Consumer electronics,6.0,middle,POS household with interest,365243.0,-685.0,-535.0,-535.0,-532.0,0.0,0,Cash loans,F,N,Y,1,360000.0,893254.5,48586.5,733500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-12423,-1875,-4827.0,-2938,,1,1,0,1,1,0,Laborers,3.0,2,2,SUNDAY,11,0,0,0,0,0,0,Self-employed,,0.7471934055841541,0.3996756156233169,0.107,0.0465,0.9791,0.7144,0.0347,0.064,0.1517,0.2333,0.275,0.0653,0.0869,0.0942,0.0019,0.0229,0.0735,0.0734,0.9772,0.6994,0.0154,0.0,0.1379,0.1667,0.2083,0.0,0.0643,0.053,0.0,0.0,0.0937,0.0603,0.9771,0.6914,0.0254,0.0,0.1379,0.1667,0.2083,0.0758,0.077,0.0786,0.0019,0.0209,reg oper account,block of flats,0.04,Panel,No,1.0,1.0,1.0,1.0,-717.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2056471,139938,Consumer loans,7565.85,80505.0,80104.5,8050.5,80505.0,SATURDAY,14,Y,1,0.09945807230033876,,,XAP,Approved,-886,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,250,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-855.0,-525.0,-525.0,-521.0,0.0,0,Cash loans,M,N,Y,1,202500.0,562491.0,27189.0,454500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.00963,-9843,-350,-175.0,-2512,,1,1,0,1,0,0,,3.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.4554486049722649,0.7326658880769141,0.4436153084085652,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-637.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +1188059,294510,Consumer loans,14396.805,135900.0,150250.5,0.0,135900.0,THURSDAY,8,Y,1,0.0,,,XAP,Approved,-44,Cash through the bank,XAP,Unaccompanied,Repeater,Construction Materials,POS,XNA,Stone,40,Construction,12.0,low_normal,POS industry with interest,365243.0,-14.0,316.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,157500.0,254700.0,17149.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018029,-17824,-935,-4051.0,-667,,1,1,1,1,0,0,Laborers,2.0,3,3,SATURDAY,6,0,0,0,0,1,1,Business Entity Type 3,,0.15492562128284715,0.6785676886853644,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,4.0,4.0,3.0,-44.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1163962,301480,Consumer loans,11480.49,103009.5,92659.5,10350.0,103009.5,SUNDAY,14,Y,1,0.10942768297187062,,,XAP,Approved,-1618,Cash through the bank,XAP,"Spouse, partner",Repeater,Furniture,POS,XNA,Stone,25,Furniture,10.0,middle,POS industry with interest,365243.0,-1583.0,-1313.0,-1343.0,-1338.0,0.0,0,Cash loans,F,Y,N,1,112500.0,312840.0,18090.0,247500.0,Family,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.025164,-15181,-924,-6097.0,-4564,17.0,1,1,0,1,0,0,Drivers,3.0,2,2,MONDAY,14,0,0,0,0,0,0,Other,,0.2488768316573363,0.7380196196295241,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2330.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2478321,438465,Consumer loans,7425.585,74250.0,66825.0,7425.0,74250.0,SATURDAY,14,Y,1,0.1089090909090909,,,XAP,Approved,-311,Cash through the bank,XAP,Unaccompanied,Repeater,Office Appliances,POS,XNA,Stone,151,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-278.0,-8.0,-98.0,-93.0,0.0,0,Cash loans,F,N,Y,0,135000.0,251091.0,24588.0,238500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.020713,-23620,365243,-11284.0,-4614,,1,0,0,1,0,0,,1.0,3,3,TUESDAY,7,0,0,0,0,0,0,XNA,0.8265497895843855,0.30827495588961085,0.5495965024956946,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1406909,326380,Consumer loans,9423.135,42709.5,35365.5,8545.5,42709.5,TUESDAY,15,Y,1,0.21194749296614432,,,XAP,Approved,-1039,Cash through the bank,XAP,Other_B,New,Mobile,POS,XNA,Country-wide,50,Connectivity,4.0,middle,POS mobile without interest,365243.0,-1008.0,-918.0,-918.0,-915.0,0.0,0,Cash loans,F,N,Y,0,112500.0,450000.0,22977.0,450000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.028663,-9870,-2765,-2261.0,-524,,1,1,0,1,1,1,Laborers,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,Business Entity Type 1,0.4895803341667153,0.6871350905026973,0.5316861425197883,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1293.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1448481,124991,Consumer loans,9920.97,95382.0,104823.0,0.0,95382.0,TUESDAY,13,Y,1,0.0,,,XAP,Approved,-1547,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,1000,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-1515.0,-1185.0,-1275.0,-1269.0,0.0,0,Cash loans,F,N,Y,0,180000.0,900000.0,39645.0,900000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-20509,365243,-144.0,-3883,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,16,0,0,0,0,0,0,XNA,0.6987656121718359,0.6181456299376225,0.6769925032909132,0.0814,,0.9737,,,0.0,0.1379,0.1667,,,,0.0559,,0.0214,0.083,,0.9737,,,0.0,0.1379,0.1667,,,,0.0583,,0.0226,0.0822,,0.9737,,,0.0,0.1379,0.1667,,,,0.057,,0.0218,,block of flats,0.0486,"Stone, brick",No,4.0,0.0,4.0,0.0,-3176.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,5.0 +2166380,107868,Cash loans,113231.295,1129500.0,1162300.5,,1129500.0,SUNDAY,10,Y,1,,,,Other,Approved,-774,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-744.0,-414.0,-444.0,-438.0,1.0,0,Cash loans,M,Y,Y,1,270000.0,780363.0,33061.5,697500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010276,-16198,-200,-2501.0,-4090,0.0,1,1,0,1,1,0,Laborers,3.0,2,2,THURSDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.7626125769896855,0.5596392505407153,0.2636468134452008,,,0.9742,,,,0.2069,0.1667,,,,0.0804,,,,,0.9742,,,,0.2069,0.1667,,,,0.0838,,,,,0.9742,,,,0.2069,0.1667,,,,0.0819,,,,,0.0764,"Stone, brick",No,0.0,0.0,0.0,0.0,-1877.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,5.0 +1623576,189376,Consumer loans,6990.525,68175.0,74925.0,0.0,68175.0,WEDNESDAY,5,Y,1,0.0,,,XAP,Approved,-1601,Cash through the bank,XAP,,New,Furniture,POS,XNA,Stone,237,Furniture,12.0,low_normal,POS industry with interest,365243.0,-1568.0,-1238.0,-1268.0,-1261.0,0.0,0,Cash loans,F,N,Y,1,112500.0,239787.0,24700.5,207000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.018029,-12580,-1107,-2002.0,-1482,,1,1,0,1,0,0,Sales staff,3.0,3,2,MONDAY,12,0,0,0,0,0,0,Trade: type 7,,0.4367462063621908,0.375711009574066,0.1804,0.0556,0.9816,0.7484,0.057,0.08,0.069,0.3333,0.375,0.0803,,0.073,,,0.1838,0.0577,0.9816,0.7583,0.0575,0.0806,0.069,0.3333,0.375,0.0822,,0.0628,,,0.1822,0.0556,0.9816,0.7518,0.0573,0.08,0.069,0.3333,0.375,0.0817,,0.0744,,,reg oper account,block of flats,0.0675,"Stone, brick",No,0.0,0.0,0.0,0.0,-315.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1698216,256636,Consumer loans,5200.425,51525.0,51525.0,0.0,51525.0,FRIDAY,13,Y,1,0.0,0.19690014734217387,0.8673361522198731,XAP,Approved,-224,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,25,Connectivity,12.0,middle,POS mobile with interest,365243.0,-190.0,140.0,365243.0,365243.0,0.0,0,Revolving loans,F,Y,Y,0,135000.0,405000.0,20250.0,405000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.032561,-13085,-2978,-6335.0,-4541,0.0,1,1,0,1,0,0,Accountants,2.0,1,1,FRIDAY,16,0,0,0,0,0,0,Other,,0.5989683322339109,0.2851799046358216,0.1093,0.0177,0.9846,0.8096,0.0282,0.12,0.1121,0.3125,0.4025,0.0652,0.095,0.1057,0.0064,0.0032,0.084,0.0067,0.9782,0.7125,0.0223,0.0806,0.069,0.375,0.4167,0.0433,0.0735,0.0729,0.0,0.0,0.0833,0.0095,0.9901,0.8658,0.0288,0.08,0.1034,0.3542,0.4167,0.0696,0.0684,0.0902,0.0,0.0017,reg oper account,block of flats,0.1639,Panel,No,1.0,0.0,1.0,0.0,-224.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1404802,204438,Consumer loans,5751.855,124119.0,124119.0,0.0,124119.0,SATURDAY,17,Y,1,0.0,,,XAP,Approved,-168,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,939,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-138.0,552.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,1,135000.0,521280.0,28408.5,450000.0,Family,Working,Secondary / secondary special,Married,Rented apartment,0.030755,-12116,-1348,-4102.0,-303,25.0,1,1,0,1,0,0,Laborers,3.0,2,2,SATURDAY,17,0,0,0,1,1,0,Industry: type 4,0.3193872805011117,0.671097511677999,0.6380435278721609,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2336425,239989,Consumer loans,85664.475,822352.5,822352.5,0.0,822352.5,SATURDAY,16,Y,1,0.0,,,XAP,Refused,-1314,Cash through the bank,LIMIT,,Refreshed,Furniture,POS,XNA,Stone,120,Furniture,10.0,low_action,POS industry without interest,,,,,,,0,Cash loans,M,Y,N,0,337500.0,1006920.0,51412.5,900000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.04622,-16195,-2919,-555.0,-4697,3.0,1,1,1,1,0,0,Core staff,2.0,1,1,MONDAY,15,0,1,1,0,1,1,Business Entity Type 3,0.6307341140410235,0.714216802699586,,0.2433,,0.9975,,,0.32,0.1379,0.5833,,,,0.2732,,,0.2479,,0.9975,,,0.3222,0.1379,0.5833,,,,0.2846,,,0.2457,,0.9975,,,0.32,0.1379,0.5833,,,,0.2781,,,,block of flats,0.2825,Panel,No,0.0,0.0,0.0,0.0,-1314.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2638415,403986,Consumer loans,6398.505,53955.0,53365.5,5395.5,53955.0,WEDNESDAY,9,Y,1,0.10000153162812064,,,XAP,Approved,-2187,XNA,XAP,,New,Mobile,POS,XNA,Country-wide,46,Connectivity,12.0,high,POS mobile with interest,365243.0,-2154.0,-1824.0,-1824.0,-1819.0,0.0,0,Cash loans,F,N,N,0,112500.0,526491.0,22437.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-20764,-2888,-5422.0,-4294,,1,1,0,1,0,0,Waiters/barmen staff,2.0,2,2,FRIDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.7388392894558452,0.5237540502174016,0.11465249430297055,0.0189,0.0,0.9911,0.8776,0.0029,0.0,0.0345,0.0554,0.0971,0.0125,0.0154,0.0143,0.0,0.0,0.0053,0.0,0.9995,0.9935,0.0,0.0,0.0,0.0833,0.125,0.0098,0.0046,0.0038,0.0,0.0,0.025,0.0,0.9995,0.9933,0.0039,0.0,0.0345,0.0833,0.125,0.0136,0.0205,0.0192,0.0,0.0,reg oper account,block of flats,0.0174,Block,No,0.0,0.0,0.0,0.0,-257.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +2477975,114471,Cash loans,27424.71,450000.0,521280.0,,450000.0,SUNDAY,9,Y,1,,,,XNA,Approved,-322,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-292.0,758.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,495000.0,550980.0,40221.0,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.006629,-16087,-2926,-3449.0,-3574,,1,1,0,1,0,0,,2.0,2,2,SUNDAY,7,0,0,0,0,0,0,Government,0.6389835838733239,0.6813855538131901,0.5884877883422673,0.0478,0.0,0.9776,0.7008,,0.0,0.1379,0.0971,,0.0173,,0.068,,0.0,0.0042,0.0,0.9752,0.7125,,0.0,0.1379,0.0,,0.0167,,0.0707,,0.0,0.0666,0.0,0.9781,0.7048,,0.0,0.1379,0.125,,0.0176,,0.0693,,0.0,reg oper account,block of flats,0.0023,Block,No,0.0,0.0,0.0,0.0,-626.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2728691,102639,Revolving loans,11250.0,225000.0,225000.0,,225000.0,FRIDAY,6,Y,1,,,,XAP,Approved,-649,XNA,XAP,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,1,315000.0,1024290.0,29484.0,855000.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.006629,-11199,-2580,-3435.0,-195,3.0,1,1,0,1,0,0,Managers,2.0,2,2,WEDNESDAY,3,0,0,0,0,0,0,Business Entity Type 3,0.3754852750564417,0.6733139768917695,0.3280631605201915,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1830534,166034,Consumer loans,13141.845,145858.5,145858.5,0.0,145858.5,FRIDAY,18,Y,1,0.0,,,XAP,Approved,-1039,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Country-wide,250,Furniture,12.0,low_action,POS industry without interest,365243.0,-1005.0,-675.0,-675.0,-672.0,0.0,0,Cash loans,F,N,N,1,270000.0,152820.0,16587.0,135000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.04622,-13647,-118,-7718.0,-1592,,1,1,0,1,0,0,Private service staff,3.0,1,1,MONDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.6527203660925831,0.10344905212675168,0.0031,,0.9682,,,,,0.0,,0.0146,,0.0031,,,0.0032,,0.9682,,,,,0.0,,0.0149,,0.0032,,,0.0031,,0.9682,,,,,0.0,,0.0148,,0.0031,,,,block of flats,0.0024,Others,No,3.0,1.0,3.0,0.0,-901.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +2829761,114344,Cash loans,28438.38,270000.0,284611.5,,270000.0,FRIDAY,19,Y,1,,,,XNA,Approved,-685,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-655.0,-325.0,-355.0,-328.0,1.0,0,Cash loans,F,N,N,0,83700.0,254700.0,24939.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.00963,-24326,-6083,-6190.0,-4433,,1,1,0,1,1,0,Core staff,1.0,2,2,THURSDAY,17,0,0,0,0,0,0,Kindergarten,,0.6287716230038538,0.7636399214572418,0.2969,0.1578,0.9846,0.7892,,0.36,0.2069,0.4583,0.5,0.1259,,0.2922,,0.0034,0.3025,0.1638,0.9846,0.7975,,0.2417,0.2069,0.4583,0.5,0.1288,,0.3045,,0.0036,0.2998,0.1578,0.9846,0.792,,0.36,0.2069,0.4583,0.5,0.1281,,0.2975,,0.0035,,block of flats,0.2306,Panel,No,1.0,0.0,1.0,0.0,-1631.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1151612,158084,Cash loans,9842.4,90000.0,90000.0,0.0,90000.0,TUESDAY,9,Y,1,0.0,,,XNA,Approved,-2277,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,high,Cash Street: high,365243.0,-2247.0,-1917.0,-1917.0,-1915.0,0.0,0,Revolving loans,F,N,Y,0,135000.0,225000.0,11250.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.007305,-18140,-3638,-3158.0,-1701,,1,1,1,1,1,0,,2.0,3,3,THURSDAY,10,0,0,0,0,0,0,Other,0.7389876524408634,0.501740349304867,0.5762088360175724,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-2277.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2126353,109511,Cash loans,50272.785,994500.0,1110019.5,,994500.0,FRIDAY,14,Y,1,,,,XNA,Approved,-745,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-715.0,695.0,-655.0,-652.0,1.0,1,Cash loans,M,N,Y,0,252000.0,555273.0,18040.5,463500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-19636,-6095,-643.0,-3169,,1,1,0,1,0,0,Drivers,2.0,2,2,MONDAY,13,0,0,0,0,0,0,Self-employed,,0.5526436002567325,0.6263042766749393,0.0247,0.031,0.9712,0.6056,0.0049,0.0,0.069,0.125,0.1667,0.0153,0.0202,0.0297,0.0,0.0,0.0252,0.0322,0.9712,0.621,0.0049,0.0,0.069,0.125,0.1667,0.0156,0.022,0.0309,0.0,0.0,0.025,0.031,0.9712,0.6109,0.0049,0.0,0.069,0.125,0.1667,0.0155,0.0205,0.0302,0.0,0.0,,block of flats,0.026,"Stone, brick",No,5.0,0.0,5.0,0.0,-1348.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1249694,178815,Cash loans,9814.5,135000.0,135000.0,0.0,135000.0,WEDNESDAY,14,Y,1,0.0,,,XNA,Approved,-2778,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,20.0,middle,Cash Street: middle,365243.0,-2748.0,-2178.0,-2178.0,-2165.0,0.0,0,Cash loans,F,N,Y,0,76500.0,225000.0,12564.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-24145,365243,-4967.0,-4214,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,XNA,,0.5677225198780571,0.746300213050371,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-806.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2791433,395125,Consumer loans,7339.77,67810.5,66064.5,6781.5,67810.5,SATURDAY,19,Y,1,0.10138744749196936,,,XAP,Approved,-1816,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Country-wide,1000,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1785.0,-1515.0,-1515.0,-1507.0,0.0,0,Cash loans,F,N,N,0,99000.0,225000.0,22252.5,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.006207,-15696,-1641,-6195.0,-4483,,1,1,1,1,0,0,Managers,2.0,2,2,MONDAY,20,0,0,0,0,0,0,Business Entity Type 3,0.8109923431577958,0.723138196715902,0.4543210601605785,0.2464,,0.9896,,,0.24,0.2069,0.375,,0.0598,,0.2547,,0.0038,0.2511,,0.9896,,,0.2417,0.2069,0.375,,0.0611,,0.2654,,0.004,0.2488,,0.9896,,,0.24,0.2069,0.375,,0.0608,,0.2593,,0.0038,,,0.2013,Block,No,7.0,0.0,7.0,0.0,-1580.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,3.0 +1258605,356669,Cash loans,21913.02,270000.0,381361.5,,270000.0,WEDNESDAY,6,Y,1,,,,XNA,Approved,-970,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash X-Sell: high,365243.0,-940.0,110.0,-310.0,-301.0,1.0,0,Cash loans,F,N,Y,0,225000.0,824823.0,24246.0,688500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010032,-13071,-2159,-1069.0,-230,,1,1,0,1,0,0,Accountants,2.0,2,2,SUNDAY,4,0,0,0,0,0,0,Government,0.7362469997612383,0.5540974386447864,0.4902575124990026,0.3072,0.1636,0.9975,,,0.24,0.2069,0.375,,,,0.3192,,0.0083,0.313,0.1698,0.9975,,,0.2417,0.2069,0.375,,,,0.3325,,0.0088,0.3102,0.1636,0.9975,,,0.24,0.2069,0.375,,,,0.3249,,0.0085,,block of flats,0.2528,Panel,No,0.0,0.0,0.0,0.0,-1924.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2596969,264669,Consumer loans,10824.75,94770.0,101137.5,4725.0,94770.0,WEDNESDAY,15,Y,1,0.04860979615496085,,,XAP,Approved,-205,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,14.0,high,POS mobile with interest,365243.0,-168.0,222.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,Y,0,243000.0,270000.0,13500.0,270000.0,Family,State servant,Higher education,Married,House / apartment,0.003069,-10259,-1051,-504.0,-4,,1,1,0,1,0,0,Accountants,2.0,3,3,FRIDAY,18,0,0,0,0,0,0,Military,,0.6327593878298269,0.6296742509538716,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-300.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1896236,301046,Cash loans,32678.505,225000.0,275373.0,,225000.0,THURSDAY,16,Y,1,,,,XNA,Approved,-819,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,AP+ (Cash loan),6,XNA,12.0,high,Cash Street: high,365243.0,-789.0,-459.0,-549.0,-543.0,1.0,0,Cash loans,M,Y,Y,0,90000.0,1078200.0,31653.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.04622,-16792,-4902,-7898.0,-125,18.0,1,1,0,1,0,0,Drivers,1.0,1,1,THURSDAY,14,0,1,1,0,0,0,Business Entity Type 3,,0.5819536400000636,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,2.0,2.0,1.0,-456.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2350163,408772,Consumer loans,10684.8,121806.0,121806.0,0.0,121806.0,THURSDAY,6,Y,1,0.0,,,XAP,Approved,-432,Cash through the bank,XAP,,Repeater,Photo / Cinema Equipment,POS,XNA,Regional / Local,100,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-401.0,-71.0,-221.0,-219.0,0.0,0,Cash loans,M,N,Y,0,283500.0,1350000.0,53541.0,1350000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-11208,-3429,-3287.0,-3287,,1,1,0,1,1,0,Laborers,2.0,3,2,TUESDAY,6,0,0,0,0,0,0,Business Entity Type 3,,0.6492225772994004,0.5352762504724826,0.0825,0.103,0.9876,0.83,0.0513,0.0,0.1724,0.1667,0.2083,0.0692,0.0664,0.0863,0.0039,0.0129,0.084,0.1069,0.9876,0.8367,0.0517,0.0,0.1724,0.1667,0.2083,0.0707,0.0725,0.0899,0.0039,0.0137,0.0833,0.103,0.9876,0.8323,0.0516,0.0,0.1724,0.1667,0.2083,0.0704,0.0676,0.0878,0.0039,0.0132,reg oper account,block of flats,0.0987,Panel,No,0.0,0.0,0.0,0.0,-1552.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1170354,343887,Consumer loans,7020.585,55035.0,59877.0,0.0,55035.0,FRIDAY,5,Y,1,0.0,,,XAP,Approved,-796,Cash through the bank,XAP,Family,Refreshed,Consumer Electronics,POS,XNA,Stone,695,Consumer electronics,10.0,middle,POS household with interest,365243.0,-765.0,-495.0,-495.0,-493.0,0.0,0,Cash loans,F,N,Y,0,112500.0,719946.0,30631.5,643500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.018029,-20010,365243,-2536.0,-3281,,1,0,0,1,0,0,,1.0,3,3,WEDNESDAY,5,0,0,0,0,0,0,XNA,,0.3306651419984322,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2085982,242431,Revolving loans,22500.0,0.0,450000.0,,,THURSDAY,10,Y,1,,,,XAP,Approved,-1201,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,1200,Consumer electronics,0.0,XNA,Card X-Sell,-1162.0,-1112.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,2,225000.0,935640.0,98379.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008865999999999999,-12834,-2596,-6621.0,-4240,,1,1,1,1,0,0,Laborers,4.0,2,2,MONDAY,16,0,0,0,0,0,0,Construction,,0.7338292856284281,0.5549467685334323,0.0237,0.033,0.9881,0.8368,0.0107,0.0,0.069,0.1667,0.2083,0.0242,0.0193,0.0269,0.0,0.0,0.0242,0.0342,0.9881,0.8432,0.0108,0.0,0.069,0.1667,0.2083,0.0247,0.0211,0.0281,0.0,0.0,0.0239,0.033,0.9881,0.8390000000000001,0.0108,0.0,0.069,0.1667,0.2083,0.0246,0.0197,0.0274,0.0,0.0,reg oper account,block of flats,0.027000000000000003,"Stone, brick",No,0.0,0.0,0.0,0.0,-627.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1537077,225987,Cash loans,38244.195,742500.0,844429.5,,742500.0,THURSDAY,18,Y,1,,,,XNA,Approved,-632,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-602.0,808.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,N,0,360000.0,1308964.5,38403.0,1143000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.072508,-23583,365243,-7521.0,-3944,6.0,1,0,0,1,1,1,,2.0,1,1,FRIDAY,19,0,0,0,0,0,0,XNA,0.7903950214188183,0.7368720507135366,0.7517237147741489,0.066,,0.9727,,,,0.1379,0.125,,,,0.0316,,,0.0672,,0.9727,,,,0.1379,0.125,,,,0.0329,,,0.0666,,0.9727,,,,0.1379,0.125,,,,0.0322,,,,block of flats,0.039,"Stone, brick",No,0.0,0.0,0.0,0.0,-2648.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1232186,422840,Consumer loans,6239.34,87790.5,101695.5,0.0,87790.5,FRIDAY,13,Y,1,0.0,,,XAP,Approved,-244,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Country-wide,2226,Consumer electronics,18.0,low_action,POS household without interest,365243.0,-210.0,300.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,90000.0,276277.5,17784.0,238500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-22338,365243,-7440.0,-5123,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,XNA,,0.15357057289804046,0.3723336657058204,0.1155,0.239,0.9866,,,0.16,0.1379,0.3333,,0.0504,,0.1208,,0.153,0.1176,0.248,0.9866,,,0.1611,0.1379,0.3333,,0.0516,,0.1259,,0.1619,0.1166,0.239,0.9866,,,0.16,0.1379,0.3333,,0.0513,,0.123,,0.1562,,block of flats,0.1283,"Stone, brick",No,0.0,0.0,0.0,0.0,-1669.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2769227,126104,Revolving loans,7875.0,0.0,157500.0,,,TUESDAY,15,Y,1,,,,XAP,Approved,-2583,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,35,Connectivity,0.0,XNA,Card Street,-2577.0,-2524.0,365243.0,-635.0,-111.0,0.0,0,Cash loans,F,N,Y,1,135000.0,814041.0,23931.0,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-16814,-422,-1673.0,-341,,1,1,0,1,0,0,Private service staff,3.0,2,2,TUESDAY,11,0,0,0,0,1,1,Services,,0.6752015007785725,0.3046721837533529,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-1582.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,2.0,0.0 +1663450,173481,Consumer loans,,86148.0,86148.0,0.0,86148.0,MONDAY,16,Y,1,0.0,,,XAP,Refused,-2086,Cash through the bank,XNA,Other_B,Repeater,Computers,XNA,XNA,Country-wide,30,Consumer electronics,,XNA,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,144000.0,495000.0,26500.5,495000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.01885,-15536,-2804,-13866.0,-2978,,1,1,0,1,0,0,Managers,2.0,2,2,MONDAY,18,0,0,0,0,1,1,Business Entity Type 3,0.7520726271403795,0.4218533216541613,,0.0722,0.0496,0.9811,0.7416,0.0089,0.0,0.1379,0.1667,0.2083,0.0224,0.0588,0.0515,0.0,0.0,0.0735,0.0515,0.9811,0.7517,0.009000000000000001,0.0,0.1379,0.1667,0.2083,0.023,0.0643,0.0536,0.0,0.0,0.0729,0.0496,0.9811,0.7451,0.009000000000000001,0.0,0.1379,0.1667,0.2083,0.0228,0.0599,0.0524,0.0,0.0,reg oper spec account,block of flats,0.0454,Panel,No,0.0,0.0,0.0,0.0,-2086.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1993836,102008,Consumer loans,3502.8,33463.125,33462.0,1.125,33463.125,SUNDAY,13,Y,1,3.661425144027264e-05,,,XAP,Approved,-267,Cash through the bank,XAP,Family,Refreshed,Construction Materials,POS,XNA,Regional / Local,200,Construction,12.0,middle,POS industry with interest,365243.0,-237.0,93.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,90000.0,269550.0,11871.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.031329,-16271,-1684,-6977.0,-1904,,1,1,0,1,0,0,Sales staff,1.0,2,2,THURSDAY,12,0,0,0,0,0,0,Self-employed,,0.060466013724056876,0.6894791426446275,0.067,0.0536,0.9747,0.6532,0.0075,0.0,0.1379,0.1667,0.2083,0.0912,0.0538,0.0505,0.0039,0.0487,0.0683,0.0556,0.9747,0.6668,0.0076,0.0,0.1379,0.1667,0.2083,0.0933,0.0588,0.0526,0.0039,0.0515,0.0677,0.0536,0.9747,0.6578,0.0076,0.0,0.1379,0.1667,0.2083,0.0928,0.0547,0.0514,0.0039,0.0497,reg oper account,block of flats,0.0503,"Stone, brick",No,1.0,1.0,1.0,1.0,-267.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1993484,240723,Consumer loans,3159.18,28750.5,28435.5,2875.5,28750.5,MONDAY,15,Y,1,0.10001855287569576,,,XAP,Approved,-1597,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,12.0,high,POS mobile with interest,365243.0,-1554.0,-1224.0,-1464.0,-1458.0,0.0,0,Cash loans,F,N,N,1,225000.0,565380.0,27328.5,423000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.019688999999999998,-17222,-8051,-4102.0,-774,,1,1,0,1,0,0,,3.0,2,2,TUESDAY,14,0,0,0,0,0,0,Business Entity Type 2,0.625930542524105,0.6503124080458572,0.5937175866150576,0.2598,0.0,0.9871,,,0.2,0.1724,0.3333,,0.0868,,0.243,,0.0012,0.2647,0.0,0.9871,,,0.2014,0.1724,0.3333,,0.0887,,0.2531,,0.0012,0.2623,0.0,0.9871,,,0.2,0.1724,0.3333,,0.0883,,0.2473,,0.0012,,block of flats,0.1914,Panel,No,0.0,0.0,0.0,0.0,-2112.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +2366661,273437,Consumer loans,13267.44,134955.0,134955.0,0.0,134955.0,TUESDAY,14,Y,1,0.0,,,XAP,Approved,-827,Cash through the bank,XAP,Unaccompanied,Repeater,Clothing and Accessories,POS,XNA,Stone,70,Clothing,12.0,middle,POS industry with interest,365243.0,-796.0,-466.0,-616.0,-612.0,0.0,0,Cash loans,F,Y,N,1,157500.0,1258650.0,53325.0,1125000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.006670999999999999,-13203,-3895,-1358.0,-5454,6.0,1,1,1,1,0,0,,3.0,2,2,TUESDAY,12,0,0,0,0,0,0,Security Ministries,0.5421860906126791,0.707583510349662,0.11987796089553485,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-827.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1114901,139153,Cash loans,25447.5,225000.0,225000.0,,225000.0,SATURDAY,8,Y,1,,,,XNA,Refused,-592,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,,,,,,,0,Revolving loans,F,N,Y,0,90000.0,180000.0,9000.0,180000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.015221,-20848,365243,-1059.0,-4326,,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,XNA,,0.6426863355048417,0.4920600938649263,0.0495,0.0643,0.9752,,,0.0,0.1034,0.1667,,0.0513,,0.0397,,0.0,0.0504,0.0667,0.9752,,,0.0,0.1034,0.1667,,0.0525,,0.0414,,0.0,0.05,0.0643,0.9752,,,0.0,0.1034,0.1667,,0.0522,,0.0405,,0.0,,block of flats,0.0346,"Stone, brick",No,1.0,0.0,1.0,0.0,-927.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,4.0,4.0 +1206182,382657,Consumer loans,3950.415,32310.0,31477.5,3231.0,32310.0,FRIDAY,7,Y,1,0.10138302511698076,,,XAP,Approved,-2665,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Regional / Local,60,Consumer electronics,10.0,high,POS household with interest,365243.0,-2634.0,-2364.0,-2364.0,-2362.0,1.0,0,Cash loans,M,Y,Y,0,67500.0,271066.5,13171.5,234000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.0228,-20555,-5071,-8471.0,-4079,11.0,1,1,1,1,0,0,Security staff,2.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,School,,0.5838410383335041,0.6626377922738201,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-405.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2522995,450199,Consumer loans,10531.62,60210.0,59400.0,3613.5,60210.0,TUESDAY,10,Y,1,0.06245375990859101,,,XAP,Approved,-2711,XNA,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,19,Consumer electronics,6.0,low_normal,POS household without interest,365243.0,-2680.0,-2530.0,-2560.0,-2552.0,1.0,0,Cash loans,F,N,Y,0,46800.0,158301.0,14800.5,148500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.025164,-22100,365243,-4532.0,-3327,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,9,0,0,0,0,0,0,XNA,,0.6506554549902132,0.6706517530862718,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,0.0,9.0,0.0,-2711.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1782274,343410,Cash loans,8709.795,90000.0,97425.0,0.0,90000.0,WEDNESDAY,11,Y,1,0.0,,,XNA,Approved,-2828,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,15.0,middle,Cash Street: middle,365243.0,-2798.0,-2378.0,-2378.0,-2369.0,1.0,0,Cash loans,F,N,Y,0,135000.0,225000.0,21919.5,225000.0,Unaccompanied,Pensioner,Higher education,Single / not married,House / apartment,0.018029,-24778,365243,-1693.0,-2420,,1,0,0,1,1,0,,1.0,3,3,WEDNESDAY,12,0,0,0,0,0,0,XNA,0.8734326794048562,0.5633274312548525,0.5779691187553125,,,0.9781,,,,0.2069,0.1667,,,,,,,,,0.9782,,,,0.2069,0.1667,,,,,,,,,0.9781,,,,0.2069,0.1667,,,,,,,,block of flats,0.0758,"Stone, brick",No,0.0,0.0,0.0,0.0,-1119.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2707515,179232,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SATURDAY,11,Y,1,,,,XAP,Approved,-549,XNA,XAP,,New,XNA,Cards,walk-in,AP+ (Cash loan),6,XNA,0.0,XNA,Card Street,-549.0,-507.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,2,225000.0,382500.0,20880.0,382500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.018209,-12871,-691,-4845.0,-5157,,1,1,0,1,0,0,Sales staff,4.0,3,3,TUESDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.4658229787948475,0.7482205613747759,,0.0928,0.1146,0.9786,0.7076,0.1251,0.0,0.2069,0.1667,0.2083,0.0581,0.0756,0.087,0.0,0.0,0.0945,0.119,0.9786,0.7190000000000001,0.1262,0.0,0.2069,0.1667,0.2083,0.0594,0.0826,0.0906,0.0,0.0,0.0937,0.1146,0.9786,0.7115,0.1259,0.0,0.2069,0.1667,0.2083,0.0591,0.077,0.0885,0.0,0.0,reg oper account,block of flats,0.0684,Panel,No,8.0,0.0,8.0,0.0,-549.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2585834,426780,Cash loans,19180.17,247500.0,274941.0,0.0,247500.0,WEDNESDAY,9,Y,1,0.0,,,XNA,Approved,-2222,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,24.0,high,Cash Street: high,365243.0,-2192.0,-1502.0,-1532.0,-1525.0,1.0,0,Revolving loans,F,N,Y,0,135000.0,225000.0,11250.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020246,-21097,365243,-3894.0,-4642,,1,0,0,1,1,1,,2.0,3,3,SATURDAY,6,0,0,0,0,0,0,XNA,0.7946232950878142,0.3892970831161652,0.3280631605201915,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2222.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1530265,318596,Consumer loans,3749.04,45625.5,32125.5,13500.0,45625.5,FRIDAY,7,Y,1,0.322248025177308,,,XAP,Refused,-2627,Cash through the bank,SCO,Family,Repeater,XNA,POS,XNA,Country-wide,38,Connectivity,12.0,low_normal,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,0,157500.0,454500.0,18022.5,454500.0,Other_B,Pensioner,Secondary / secondary special,Widow,House / apartment,0.014519999999999996,-23572,365243,-10196.0,-5230,,1,0,0,1,0,0,,1.0,2,2,SUNDAY,12,0,0,0,0,0,0,XNA,,0.5400483895034189,0.6092756673894402,0.0928,0.0939,0.9861,0.8096,0.0865,0.0,0.2069,0.1667,0.2083,0.0,0.0756,0.0928,0.0,0.1495,0.0945,0.0974,0.9861,0.8171,0.0873,0.0,0.2069,0.1667,0.2083,0.0,0.0826,0.0967,0.0,0.1583,0.0937,0.0939,0.9861,0.8121,0.0871,0.0,0.2069,0.1667,0.2083,0.0,0.077,0.0945,0.0,0.1526,reg oper account,block of flats,0.073,Panel,No,0.0,0.0,0.0,0.0,-2627.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1743140,444324,Consumer loans,8956.53,47245.5,44626.5,4725.0,47245.5,WEDNESDAY,14,Y,1,0.10427149216243776,,,XAP,Approved,-2670,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,750,Consumer electronics,6.0,high,POS household with interest,365243.0,-2639.0,-2489.0,-2489.0,-2484.0,1.0,0,Cash loans,M,Y,Y,0,112500.0,256500.0,9796.5,256500.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.009334,-21397,365243,-9108.0,-4131,7.0,1,0,0,1,0,0,,1.0,2,2,SATURDAY,11,0,0,0,0,0,0,XNA,,0.2265988359266469,,0.067,0.0791,0.9757,0.6668,0.0082,0.0,0.1379,0.1667,0.2083,0.0569,0.0538,0.0505,0.0039,0.0525,0.0683,0.0821,0.9757,0.6798,0.0083,0.0,0.1379,0.1667,0.2083,0.0582,0.0588,0.0526,0.0039,0.0556,0.0677,0.0791,0.9757,0.6713,0.0083,0.0,0.1379,0.1667,0.2083,0.0578,0.0547,0.0514,0.0039,0.0536,reg oper account,block of flats,0.0557,"Stone, brick",No,0.0,0.0,0.0,0.0,-2445.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1769523,228558,Cash loans,16591.5,135000.0,135000.0,,135000.0,TUESDAY,14,Y,1,,,,XNA,Approved,-2643,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,10.0,middle,Cash Street: middle,365243.0,-2613.0,-2343.0,-2373.0,-2365.0,0.0,1,Cash loans,F,N,Y,1,292500.0,808650.0,29839.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,With parents,0.011656999999999999,-12421,-2060,-891.0,-4336,,1,1,0,1,0,0,Managers,3.0,1,1,SATURDAY,18,1,1,0,0,0,0,Insurance,0.7112612922587809,0.13444266625119106,0.10015182033723906,0.0515,0.0486,0.9757,,0.0073,0.0,0.1724,0.1667,0.2083,0.0505,,0.0483,,,0.0525,0.0504,0.9757,,0.0074,0.0,0.1724,0.1667,0.2083,0.0516,,0.0503,,,0.052000000000000005,0.0486,0.9757,,0.0073,0.0,0.1724,0.1667,0.2083,0.0513,,0.0492,,,reg oper account,block of flats,0.0503,Panel,No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1436699,116924,Consumer loans,6330.285,51545.7,50985.0,5155.2,51545.7,SUNDAY,9,Y,1,0.10000821968118127,,,XAP,Approved,-1733,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Regional / Local,145,Consumer electronics,12.0,high,POS household with interest,365243.0,-1702.0,-1372.0,-1372.0,-1369.0,0.0,0,Cash loans,F,N,Y,0,72000.0,66222.0,6579.0,58500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-23766,365243,-3746.0,-3642,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,8,0,0,0,0,0,0,XNA,0.8999393036798428,0.6570892025044635,0.2314393514998941,0.0124,0.0,0.9682,0.5648,0.002,0.0,0.069,0.0417,0.0833,0.0229,0.0101,0.0109,0.0,0.0,0.0126,0.0,0.9682,0.5818,0.002,0.0,0.069,0.0417,0.0833,0.0234,0.011,0.0114,0.0,0.0,0.0125,0.0,0.9682,0.5706,0.002,0.0,0.069,0.0417,0.0833,0.0233,0.0103,0.0111,0.0,0.0,reg oper account,block of flats,0.0097,"Stone, brick",No,4.0,0.0,4.0,0.0,-1733.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,9.0 +1100513,167707,Revolving loans,6750.0,0.0,135000.0,,,TUESDAY,10,Y,1,,,,XAP,Approved,-2691,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,45,Connectivity,0.0,XNA,Card Street,-2689.0,-2653.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,171000.0,820638.0,32674.5,733500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.025164,-22230,365243,-4832.0,-4159,,1,0,0,1,1,0,,1.0,2,2,FRIDAY,13,0,0,0,0,0,0,XNA,0.5733827975701797,0.2631435910213423,0.7886807751817684,0.0124,0.0,0.9702,0.5920000000000001,0.0027,0.0,0.069,0.0417,0.0833,0.0472,0.0101,0.0176,0.0,0.0,0.0126,0.0,0.9702,0.608,0.0027,0.0,0.069,0.0417,0.0833,0.0483,0.011,0.0183,0.0,0.0,0.0125,0.0,0.9702,0.5975,0.0027,0.0,0.069,0.0417,0.0833,0.048,0.0103,0.0179,0.0,0.0,reg oper account,block of flats,0.0153,"Stone, brick",No,0.0,0.0,0.0,0.0,-752.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2399844,120775,Consumer loans,3622.5,22442.4,18828.0,4500.9,22442.4,WEDNESDAY,13,Y,1,0.21012089180061105,,,XAP,Approved,-2833,Cash through the bank,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Country-wide,1678,Consumer electronics,6.0,high,POS household with interest,365243.0,-2802.0,-2652.0,-2712.0,-2703.0,1.0,0,Cash loans,F,N,Y,0,157500.0,1493086.5,52029.0,1363500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-16871,-1124,-62.0,-410,,1,1,0,1,0,1,Laborers,2.0,2,2,MONDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.5349238059421788,0.6098795586082937,0.5136937663039473,0.0742,0.0,0.9757,0.6668,,0.0,0.1379,0.1667,,0.0311,0.0605,0.0413,,0.0,0.0756,0.0,0.9757,0.6798,,0.0,0.1379,0.1667,,0.0318,0.0661,0.043,,0.0,0.0749,0.0,0.9757,0.6713,,0.0,0.1379,0.1667,,0.0316,0.0616,0.0421,,0.0,,block of flats,0.0498,"Stone, brick",No,6.0,0.0,6.0,0.0,-1574.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1005705,360895,Consumer loans,9731.205,112455.0,94477.5,27000.0,112455.0,MONDAY,11,Y,1,0.24206502887740144,,,XAP,Approved,-785,Cash through the bank,XAP,Unaccompanied,Refreshed,Computers,POS,XNA,Country-wide,118,Consumer electronics,12.0,middle,POS household with interest,365243.0,-742.0,-412.0,-502.0,-499.0,0.0,0,Cash loans,M,N,Y,1,180000.0,1288350.0,37800.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-18895,-1886,-6199.0,-2344,,1,1,0,1,0,0,Drivers,3.0,2,2,TUESDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.7049659942073304,0.6430255641096323,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-785.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1182102,269472,Consumer loans,15265.485,157455.0,155358.0,13500.0,157455.0,TUESDAY,20,Y,1,0.08707154693723293,,,XAP,Approved,-317,Cash through the bank,XAP,Family,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,10,Connectivity,12.0,low_normal,POS mobile with interest,365243.0,-286.0,44.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,225000.0,450000.0,24543.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-11977,-3988,-2787.0,-2883,,1,1,0,1,0,1,Sales staff,2.0,2,2,THURSDAY,16,0,0,0,0,0,0,Business Entity Type 2,,0.4214107163057384,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-436.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,4.0,0.0 +2637020,392696,Revolving loans,4500.0,405000.0,405000.0,,405000.0,WEDNESDAY,17,N,0,,,,XAP,Refused,-118,XNA,HC,Unaccompanied,Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,270000.0,545040.0,20677.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.022625,-19719,-1199,-12289.0,-3272,,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.7783809958947562,,0.0598,0.045,0.9771,0.6464,0.0184,0.02,0.069,0.25,0.2083,0.0559,0.0504,0.0475,0.0,0.0069,0.0588,0.0333,0.9742,0.6602,0.0186,0.0,0.0345,0.1667,0.2083,0.0572,0.0551,0.045,0.0,0.0,0.0604,0.045,0.9771,0.6511,0.0185,0.02,0.069,0.25,0.2083,0.0569,0.0513,0.0483,0.0,0.0071,reg oper account,block of flats,0.0419,"Stone, brick",No,0.0,0.0,0.0,0.0,-2243.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1880769,226253,Consumer loans,8278.155,82791.0,74511.0,8280.0,82791.0,SATURDAY,14,Y,1,0.10892093014062787,,,XAP,Approved,-2793,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,900,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2758.0,-2488.0,-2488.0,-2477.0,0.0,0,Cash loans,F,N,Y,0,135000.0,607500.0,34875.0,607500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-20569,-3168,-11427.0,-4118,,1,1,0,1,0,0,Core staff,2.0,2,2,SATURDAY,15,0,0,0,0,0,0,Postal,,0.7236982426360444,0.6380435278721609,0.0151,0.0,0.9717,0.6124,0.0098,0.0,0.1838,0.0417,0.0833,,0.0101,0.0085,0.0,0.0,0.0084,0.0,0.9717,0.6276,0.006999999999999999,0.0,0.069,0.0417,0.0833,,0.0073,0.0064,0.0,0.0,0.0167,0.0,0.9717,0.6176,0.0098,0.0,0.1379,0.0417,0.0833,,0.0103,0.008,0.0,0.0,reg oper account,block of flats,0.0159,"Stone, brick",No,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1871191,305401,Consumer loans,4797.135,40455.0,40009.5,4050.0,40455.0,FRIDAY,16,Y,1,0.1001104910817912,,,XAP,Approved,-2107,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Stone,21,Connectivity,12.0,high,POS mobile with interest,365243.0,-2072.0,-1742.0,-1742.0,-1734.0,0.0,0,Cash loans,F,Y,Y,0,99000.0,408330.0,20979.0,292500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-18133,-5929,-4032.0,-1156,14.0,1,1,0,1,0,0,Cleaning staff,2.0,2,1,FRIDAY,15,0,0,0,0,0,0,School,,0.5224338846241938,0.5136937663039473,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-591.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2619319,187275,Revolving loans,13500.0,0.0,135000.0,,,WEDNESDAY,13,Y,1,,,,XAP,Approved,-2854,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-2695.0,-2659.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,157500.0,640080.0,31261.5,450000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.01885,-16866,-4272,-6795.0,-411,16.0,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Self-employed,0.6253218528918706,0.7154649186684087,0.4740512892789932,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1561.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,1.0,2.0 +2567827,221476,Revolving loans,4500.0,90000.0,90000.0,,90000.0,SATURDAY,11,Y,1,,,,XAP,Approved,-366,XNA,XAP,Family,Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-361.0,-316.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,N,2,58500.0,494550.0,45490.5,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.025164,-10073,-2114,-4696.0,-2748,15.0,1,1,0,1,0,0,,4.0,2,2,MONDAY,15,0,0,0,0,0,0,Other,0.6381491613206682,0.4098487509592458,,0.0186,0.0545,0.9851,0.7959999999999999,,0.0,0.1034,0.0417,,0.01,0.0151,0.0102,,0.0,0.0189,0.0566,0.9851,0.804,,0.0,0.1034,0.0417,,0.0103,0.0165,0.0107,,0.0,0.0187,0.0545,0.9851,0.7987,,0.0,0.1034,0.0417,,0.0102,0.0154,0.0104,,0.0,reg oper account,block of flats,0.0137,Block,No,0.0,0.0,0.0,0.0,-366.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,3.0 +1135880,205978,Cash loans,31406.31,450000.0,560097.0,,450000.0,WEDNESDAY,16,Y,1,,,,XNA,Approved,-479,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-449.0,241.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,0,157500.0,268659.0,15552.0,243000.0,Unaccompanied,State servant,Secondary / secondary special,Widow,House / apartment,0.007273999999999998,-19336,-2008,-10186.0,-2896,24.0,1,1,0,1,0,0,Security staff,1.0,2,2,SATURDAY,10,0,0,0,0,0,0,Security,,0.14147872574426312,0.6296742509538716,0.0804,0.0976,0.9831,0.7688,,0.0,0.2069,0.1667,,0.0563,0.0656,0.0442,0.0,0.0,0.0819,0.1013,0.9831,0.7779,,0.0,0.2069,0.1667,,0.0576,0.0716,0.0461,0.0,0.0,0.0812,0.0976,0.9831,0.7719,,0.0,0.2069,0.1667,,0.0573,0.0667,0.045,0.0,0.0,reg oper account,block of flats,0.0587,"Stone, brick",No,0.0,0.0,0.0,0.0,-718.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1109569,426850,Cash loans,113231.295,1129500.0,1162300.5,,1129500.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-632,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-602.0,-272.0,-272.0,-264.0,1.0,0,Cash loans,F,N,Y,1,202500.0,1125000.0,44617.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-15829,-1856,-4242.0,-4263,,1,1,0,1,0,0,Laborers,3.0,2,2,FRIDAY,11,0,0,0,0,0,0,Self-employed,,0.4985094254528836,0.6879328378491735,0.0,,0.0,,,,,,,,,,,,0.0,,0.0005,,,,,,,,,,,,0.0,,0.0,,,,,,,,,,,,,block of flats,0.0,,No,3.0,0.0,2.0,0.0,-2182.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2700407,411564,Consumer loans,10619.19,103860.0,103347.0,10386.0,103860.0,SATURDAY,18,Y,1,0.09945484759760302,,,XAP,Approved,-709,Cash through the bank,XAP,,New,Photo / Cinema Equipment,POS,XNA,Country-wide,30,Connectivity,12.0,middle,POS mobile with interest,365243.0,-678.0,-348.0,-468.0,-456.0,0.0,1,Cash loans,M,Y,Y,1,450000.0,746280.0,54436.5,675000.0,Family,Working,Secondary / secondary special,Separated,House / apartment,0.00733,-8208,-147,-6178.0,-804,5.0,1,1,0,1,0,1,Managers,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.1842186098062416,0.3866126373508525,0.2778856891082046,0.1454,,0.9861,,,0.08,0.069,0.3333,,,,0.1456,,0.0136,0.1481,,0.9861,,,0.0806,0.069,0.3333,,,,0.1517,,0.0144,0.1468,,0.9861,,,0.08,0.069,0.3333,,,,0.1483,,0.0139,,block of flats,0.1336,"Stone, brick",No,0.0,0.0,0.0,0.0,-709.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1802191,369382,Consumer loans,11405.925,98995.5,122197.5,0.0,98995.5,FRIDAY,19,Y,1,0.0,,,XAP,Approved,-833,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Regional / Local,900,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-802.0,-472.0,-472.0,-467.0,0.0,0,Cash loans,F,N,Y,0,135000.0,472500.0,48546.0,454500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.006233,-15549,-2220,-8529.0,-1185,,1,1,0,1,0,0,Cooking staff,2.0,2,2,FRIDAY,14,0,0,0,0,1,1,Business Entity Type 3,,0.4439134918479772,0.3706496323299817,0.0021,,0.9697,,,,,0.0,,,,0.0016,,,0.0021,,0.9697,,,,,0.0,,,,0.0017,,,0.0021,,0.9697,,,,,0.0,,,,0.0016,,,,block of flats,0.0013,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1610720,423834,Consumer loans,12716.1,116955.0,129307.5,0.0,116955.0,SUNDAY,16,Y,1,0.0,,,XAP,Approved,-335,XNA,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Regional / Local,600,Consumer electronics,12.0,middle,POS household with interest,365243.0,-303.0,27.0,-303.0,-300.0,0.0,0,Revolving loans,M,N,Y,2,121500.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-11450,-1550,-771.0,-4124,,1,1,1,1,1,0,Managers,4.0,2,2,SATURDAY,16,0,0,0,0,0,0,Self-employed,0.42509685114754187,0.6113197925372308,,0.1,0.1146,0.9811,0.7416,0.0,0.0,0.2069,0.1667,0.2083,0.0809,0.0815,0.0867,0.0,0.0,0.1019,0.119,0.9811,0.7517,0.0,0.0,0.2069,0.1667,0.2083,0.0828,0.0891,0.0903,0.0,0.0,0.101,0.1146,0.9811,0.7451,0.0,0.0,0.2069,0.1667,0.2083,0.0824,0.0829,0.0883,0.0,0.0,reg oper account,block of flats,0.0682,"Stone, brick",No,1.0,0.0,1.0,0.0,-3066.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2306564,305934,Consumer loans,3035.61,29610.0,29610.0,0.0,29610.0,WEDNESDAY,11,Y,1,0.0,,,XAP,Approved,-661,Cash through the bank,XAP,,New,Construction Materials,POS,XNA,Stone,1313,Construction,12.0,middle,POS industry with interest,365243.0,-624.0,-294.0,-474.0,-468.0,0.0,0,Cash loans,M,Y,Y,0,121500.0,942300.0,30528.0,675000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.007305,-21070,-3117,-1668.0,-3970,16.0,1,1,1,1,1,0,Laborers,2.0,3,3,SATURDAY,10,0,0,0,0,0,0,Trade: type 7,,0.6427917839774704,0.4170996682522097,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-661.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2384861,428304,Consumer loans,3096.72,24750.0,26928.0,0.0,24750.0,TUESDAY,8,Y,1,0.0,,,XAP,Approved,-477,Non-cash from your account,XAP,,Repeater,Furniture,POS,XNA,Stone,55,Furniture,10.0,middle,POS industry with interest,365243.0,-434.0,-164.0,-164.0,-157.0,0.0,0,Cash loans,F,N,N,1,67500.0,225000.0,8613.0,225000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.0228,-16796,-2440,-6256.0,-254,,1,1,0,1,0,0,Accountants,3.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.7246006777036533,0.6223177340430339,0.6041125998015721,0.134,0.272,0.9896,,,0.0,0.3448,0.1667,,0.0899,,0.1486,,0.0026,0.1366,0.2823,0.9896,,,0.0,0.3448,0.1667,,0.0919,,0.1548,,0.0028,0.1353,0.272,0.9896,,,0.0,0.3448,0.1667,,0.0914,,0.1513,,0.0027,,block of flats,0.1309,"Stone, brick",No,0.0,0.0,0.0,0.0,-271.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1306903,426090,Consumer loans,30463.74,257850.0,246870.0,25785.0,257850.0,FRIDAY,14,Y,1,0.10299539377935152,,,XAP,Approved,-1816,Cash through the bank,XAP,Family,New,Furniture,POS,XNA,Stone,111,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1780.0,-1510.0,-1510.0,-1436.0,0.0,0,Cash loans,F,N,Y,0,315000.0,1223010.0,51948.0,1125000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-23211,365243,-7170.0,-5338,,1,0,0,1,0,0,,2.0,2,2,MONDAY,12,0,0,0,0,0,0,XNA,,0.4017866587217658,0.633031641417419,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-912.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +2507683,297278,Consumer loans,3305.61,18191.25,17181.0,1820.25,18191.25,TUESDAY,10,Y,1,0.10433091124387747,,,XAP,Approved,-2702,XNA,XAP,,New,Audio/Video,POS,XNA,Stone,54,Connectivity,6.0,high,POS mobile with interest,365243.0,-2665.0,-2515.0,-2515.0,-2508.0,1.0,0,Cash loans,F,N,Y,1,184500.0,284400.0,13963.5,225000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.011703,-20347,-12190,-1889.0,-3601,,1,1,0,1,0,0,Core staff,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,School,,0.7533309262336673,0.5280927512030451,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1038020,329042,Cash loans,,0.0,0.0,,,SATURDAY,11,Y,1,,,,XNA,Refused,-109,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,1,Cash loans,F,Y,Y,0,405000.0,76410.0,9067.5,67500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.010556,-15023,-572,-972.0,-313,6.0,1,1,1,1,1,0,,2.0,3,3,WEDNESDAY,12,1,1,0,1,1,0,Other,0.7791971936702122,0.45291331594032397,0.11987796089553485,0.1577,0.2042,0.996,,,0.0,0.2414,0.2083,,0.0461,,0.1419,,0.0332,0.1607,0.2119,0.996,,,0.0,0.2414,0.2083,,0.0471,,0.1479,,0.0352,0.1593,0.2042,0.996,,,0.0,0.2414,0.2083,,0.0469,,0.1445,,0.0339,,block of flats,0.1189,"Stone, brick",No,3.0,2.0,3.0,1.0,-1.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,3.0 +2223651,364346,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,7,Y,1,,,,XAP,Refused,-293,XNA,HC,Unaccompanied,Refreshed,XNA,Cards,walk-in,AP+ (Cash loan),3,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,Y,Y,0,67500.0,50940.0,4153.5,45000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018801,-22052,-1615,-8088.0,-17,10.0,1,1,1,1,1,0,Drivers,2.0,2,2,TUESDAY,7,0,0,0,0,0,0,Business Entity Type 3,0.6120096676895919,0.38174953745847495,0.7194907850918436,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1962.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2363649,287600,Cash loans,49976.235,900000.0,1103472.0,,900000.0,WEDNESDAY,8,Y,1,,,,XNA,Approved,-718,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-688.0,722.0,-238.0,-231.0,1.0,0,Cash loans,F,N,Y,0,90000.0,727785.0,28332.0,607500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.031329,-17906,-1047,-6009.0,-1447,,1,1,0,1,0,0,Cooking staff,2.0,2,2,SUNDAY,13,0,0,0,0,1,1,Business Entity Type 3,0.2811682382788493,0.5863625808871824,0.5352762504724826,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-792.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1718261,256991,Consumer loans,15189.345,78606.0,74479.5,7861.5,78606.0,TUESDAY,4,Y,1,0.1039808622899671,,,XAP,Approved,-741,XNA,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,6.0,high,POS mobile with interest,365243.0,-710.0,-560.0,-560.0,-554.0,0.0,1,Revolving loans,F,N,Y,2,144000.0,360000.0,18000.0,360000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.001276,-15891,-247,-6103.0,-4784,,1,1,1,1,0,0,,4.0,2,2,MONDAY,9,0,0,0,0,0,0,Government,0.7431196293713699,0.3746325645176218,0.6413682574954046,0.0577,0.0699,0.9791,,,0.0,0.1379,0.1667,,0.0809,,0.0523,,0.0505,0.0588,0.0725,0.9791,,,0.0,0.1379,0.1667,,0.0828,,0.0544,,0.0534,0.0583,0.0699,0.9791,,,0.0,0.1379,0.1667,,0.0823,,0.0532,,0.0515,,block of flats,0.0518,"Stone, brick",No,0.0,0.0,0.0,0.0,-477.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2614952,225535,Consumer loans,2972.79,25150.5,25150.5,0.0,25150.5,SATURDAY,14,Y,1,0.0,,,XAP,Refused,-2281,Cash through the bank,LIMIT,Other_A,Repeater,Mobile,POS,XNA,Country-wide,1117,Consumer electronics,12.0,high,POS household with interest,,,,,,,0,Cash loans,F,Y,N,0,112500.0,562500.0,16119.0,562500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-9855,-755,-2807.0,-907,5.0,1,1,1,1,0,0,Cleaning staff,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Business Entity Type 2,,0.31682587344297364,0.2750003523983893,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-31.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1674709,233667,Consumer loans,6420.195,124182.0,124182.0,0.0,124182.0,SATURDAY,15,Y,1,0.0,,,XAP,Approved,-987,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,1600,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-956.0,-266.0,-956.0,-950.0,0.0,0,Cash loans,M,Y,N,1,180000.0,770292.0,30676.5,688500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.04622,-13664,-853,-1355.0,-3938,39.0,1,1,0,1,0,0,Managers,3.0,1,1,SATURDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.7151900033825359,0.7403844478657494,0.6674577419214722,0.2825,0.0503,0.9975,0.966,0.134,0.2,0.1724,0.375,0.4167,0.0798,0.2261,0.246,0.0193,0.1216,0.2878,0.0522,0.9975,0.9673,0.1353,0.2014,0.1724,0.375,0.4167,0.0816,0.247,0.2563,0.0195,0.1287,0.2852,0.0503,0.9975,0.9665,0.1349,0.2,0.1724,0.375,0.4167,0.0812,0.23,0.2504,0.0194,0.1241,reg oper account,block of flats,0.2199,"Stone, brick",No,0.0,0.0,0.0,0.0,-1555.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2835284,199514,Cash loans,50005.125,1350000.0,1546020.0,,1350000.0,SATURDAY,13,Y,1,,,,XNA,Approved,-499,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-469.0,1301.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,180000.0,526500.0,19039.5,526500.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.026392000000000002,-21675,-4053,-6730.0,-4423,,1,1,0,1,0,1,Managers,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Self-employed,0.7620215761613371,0.4679606337568043,0.7583930617144343,0.0278,,0.9717,,,0.0,0.1034,0.0833,,0.0313,,0.0344,,0.0,0.0284,,0.9717,,,0.0,0.1034,0.0833,,0.0321,,0.0358,,0.0,0.0281,,0.9717,,,0.0,0.1034,0.0833,,0.0319,,0.035,,0.0,,block of flats,0.027000000000000003,"Stone, brick",No,0.0,0.0,0.0,0.0,-2117.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1383568,113179,Consumer loans,22323.825,550350.0,495315.0,55035.0,550350.0,MONDAY,13,Y,1,0.1089090909090909,,,XAP,Approved,-146,Cash through the bank,XAP,Unaccompanied,Repeater,Homewares,POS,XNA,Stone,79,MLM partners,30.0,low_normal,POS other with interest,365243.0,-115.0,755.0,365243.0,365243.0,0.0,0,Revolving loans,F,Y,Y,0,360000.0,585000.0,29250.0,585000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.031329,-20061,-538,-4296.0,-814,3.0,1,1,0,1,0,0,Core staff,2.0,2,2,SUNDAY,11,0,0,0,0,1,1,Medicine,,0.6841988631039662,0.3706496323299817,0.0784,0.1035,0.9737,,,0.0,0.1724,0.125,,0.0,,0.0647,,0.0272,0.0798,0.1075,0.9737,,,0.0,0.1724,0.125,,0.0,,0.0674,,0.0288,0.0791,0.1035,0.9737,,,0.0,0.1724,0.125,,0.0,,0.0659,,0.0278,,block of flats,0.0568,"Stone, brick",No,0.0,0.0,0.0,0.0,-488.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2051089,200535,Consumer loans,9108.0,82800.0,82800.0,0.0,82800.0,TUESDAY,10,Y,1,0.0,,,XAP,Approved,-371,XNA,XAP,,New,Consumer Electronics,POS,XNA,Stone,50,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-339.0,-69.0,-159.0,-156.0,0.0,0,Revolving loans,F,N,Y,0,45000.0,135000.0,6750.0,135000.0,Unaccompanied,Pensioner,Higher education,Widow,House / apartment,0.018209,-23441,365243,-3548.0,-4164,,1,0,0,1,0,0,,1.0,3,3,TUESDAY,7,0,0,0,0,0,0,XNA,0.772027147915466,0.3793576693389088,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-371.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2060943,368795,Revolving loans,,0.0,0.0,,,FRIDAY,13,Y,1,,,,XAP,Refused,-124,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Card Street,,,,,,,0,Revolving loans,F,N,Y,0,225000.0,405000.0,20250.0,405000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.019101,-17690,-3117,-10739.0,-1240,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Housing,,0.6130434341994769,0.15193454904964762,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,0.0,-383.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1348141,130420,Consumer loans,5442.84,49486.5,48946.5,4950.0,49486.5,SATURDAY,17,Y,1,0.10002504800868332,,,XAP,Approved,-2540,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,10,Connectivity,12.0,high,POS mobile with interest,365243.0,-2509.0,-2179.0,-2179.0,-2175.0,1.0,0,Cash loans,F,N,N,1,135000.0,1724688.0,54283.5,1575000.0,Family,Working,Higher education,Married,House / apartment,0.007120000000000001,-9429,-498,-517.0,-1485,,1,1,0,1,0,0,High skill tech staff,3.0,2,2,FRIDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.4436058213081225,0.6446794549585961,0.333,0.3511,0.9871,0.8232,,0.4,0.3448,0.3333,0.375,0.2287,0.2707,0.1943,0.0039,0.014,0.3393,0.3643,0.9871,0.8301,,0.4028,0.3448,0.3333,0.375,0.2339,0.2957,0.2024,0.0039,0.0149,0.3362,0.3511,0.9871,0.8256,,0.4,0.3448,0.3333,0.375,0.2327,0.2753,0.1978,0.0039,0.0143,reg oper spec account,block of flats,0.2596,Panel,No,1.0,0.0,1.0,0.0,-2070.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1597473,204942,Consumer loans,22873.185,114660.0,111240.0,9000.0,114660.0,MONDAY,12,Y,1,0.08151878062057699,,,XAP,Approved,-658,Cash through the bank,XAP,,New,Photo / Cinema Equipment,POS,XNA,Stone,41,Connectivity,6.0,high,POS mobile with interest,365243.0,-604.0,-454.0,-454.0,-449.0,0.0,0,Cash loans,F,Y,Y,1,157500.0,607050.0,37269.0,562500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018029,-11455,-2729,-5561.0,-4105,4.0,1,1,0,1,0,0,High skill tech staff,3.0,3,3,MONDAY,11,0,0,0,0,0,0,Self-employed,0.5142372131186369,0.5228430612347231,0.5370699579791587,0.0722,,0.9771,,,,0.1379,0.1667,,,,,,,0.0735,,0.9772,,,,0.1379,0.1667,,,,,,,0.0729,,0.9771,,,,0.1379,0.1667,,,,,,,,block of flats,0.0512,"Stone, brick",No,6.0,0.0,6.0,0.0,-658.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1630913,170020,Consumer loans,21171.78,113400.0,113400.0,0.0,113400.0,TUESDAY,13,Y,1,0.0,,,XAP,Refused,-1537,Cash through the bank,SCO,,Repeater,Construction Materials,POS,XNA,Stone,40,Construction,6.0,middle,POS industry with interest,,,,,,,0,Cash loans,M,Y,Y,3,112500.0,640080.0,29970.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-12788,-670,-347.0,-4509,19.0,1,1,0,1,0,0,Core staff,5.0,2,2,SATURDAY,9,0,0,0,0,1,1,Agriculture,,0.1252643176837739,0.2807895743848605,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-990.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1467560,308061,Consumer loans,8174.475,44590.5,40090.5,4500.0,44590.5,SUNDAY,18,Y,1,0.10990926522261672,,,XAP,Approved,-1431,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,33,Connectivity,6.0,high,POS mobile with interest,365243.0,-1391.0,-1241.0,-1241.0,-1234.0,0.0,1,Cash loans,F,N,Y,0,234000.0,454500.0,20020.5,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.035792000000000004,-23048,365243,-2072.0,-2066,,1,0,0,1,1,0,,1.0,2,2,WEDNESDAY,10,0,0,0,1,0,0,XNA,,0.4549405713280285,0.5673792367572691,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-218.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1543927,358692,Consumer loans,16124.805,132871.5,143833.5,0.0,132871.5,TUESDAY,4,Y,1,0.0,,,XAP,Approved,-1669,XNA,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,181,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-1638.0,-1368.0,-1458.0,-1454.0,0.0,0,Cash loans,F,N,N,0,135000.0,1258650.0,53455.5,1125000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,Municipal apartment,0.010032,-19464,365243,-87.0,-2992,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,5,0,0,0,0,0,0,XNA,0.6755080986300763,0.6282253002044904,0.6594055320683344,0.0216,,0.9995,0.9932,0.0364,0.0,0.0862,0.0833,0.0417,,0.0177,0.0156,0.0,0.0,0.0189,,0.9995,0.9935,0.0319,0.0,0.069,0.0833,0.0417,,0.0165,0.014,0.0,0.0,0.0219,,0.9995,0.9933,0.0367,0.0,0.0862,0.0833,0.0417,,0.018000000000000002,0.0159,0.0,0.0,reg oper account,block of flats,0.0173,"Stone, brick",No,0.0,0.0,0.0,0.0,-1669.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1928518,278026,Consumer loans,5509.17,28075.5,28332.0,2808.0,28075.5,SATURDAY,19,Y,1,0.0982070415133999,,,XAP,Approved,-628,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,30,Connectivity,6.0,high,POS mobile with interest,365243.0,-595.0,-445.0,-445.0,-438.0,0.0,0,Cash loans,M,Y,N,0,144000.0,948055.5,48537.0,778500.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.00496,-12766,-1907,-6666.0,-2542,14.0,1,1,0,1,0,0,High skill tech staff,2.0,2,2,THURSDAY,12,0,0,0,0,1,1,Self-employed,0.5830275765233769,0.6213355469824348,0.5046813193144684,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-1367.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2769969,455030,Consumer loans,4313.385,22405.5,21154.5,2250.0,22405.5,WEDNESDAY,14,Y,1,0.10470014507699564,,,XAP,Approved,-1811,Cash through the bank,XAP,"Spouse, partner",Refreshed,Mobile,POS,XNA,Stone,24,Connectivity,6.0,high,POS mobile with interest,365243.0,-1772.0,-1622.0,-1622.0,-1618.0,0.0,0,Cash loans,M,Y,Y,0,247500.0,675000.0,32602.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-14803,-642,-1369.0,-4276,14.0,1,1,0,1,0,0,High skill tech staff,2.0,2,2,MONDAY,8,0,0,0,0,1,1,Business Entity Type 3,0.4674620085624612,0.5631014917867404,0.2707073872651806,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-910.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1143387,126171,Consumer loans,16273.035,153362.25,153360.0,2.25,153362.25,MONDAY,11,Y,1,1.597821201406829e-05,,,XAP,Approved,-455,Cash through the bank,XAP,,New,Computers,POS,XNA,Country-wide,20,Connectivity,12.0,middle,POS mobile with interest,365243.0,-417.0,-87.0,-327.0,-316.0,0.0,0,Cash loans,F,N,Y,0,189000.0,781920.0,39924.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-10334,-3481,-5161.0,-2475,,1,1,1,1,0,0,,2.0,1,1,MONDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.7621930344542782,0.4489622731076524,0.11,0.105,0.9767,0.6804,0.0121,0.0,0.1838,0.1667,0.0417,0.0515,0.0894,0.0921,0.0013,0.0014,0.1261,0.0843,0.9772,0.6994,0.0096,0.0,0.2069,0.1667,0.0417,0.0482,0.0735,0.0734,0.0,0.0,0.1249,0.1167,0.9771,0.6914,0.0121,0.0,0.2069,0.1667,0.0417,0.0527,0.1018,0.1044,0.0,0.0,reg oper account,block of flats,0.0554,Panel,No,2.0,0.0,2.0,0.0,-635.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1419862,264027,Cash loans,12255.345,144000.0,158256.0,,144000.0,TUESDAY,6,Y,1,,,,XNA,Approved,-1581,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,18.0,middle,Cash X-Sell: middle,365243.0,-1551.0,-1041.0,-1041.0,-1037.0,1.0,1,Cash loans,M,Y,N,1,225000.0,900000.0,46084.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-14151,-6483,-2236.0,-5271,12.0,1,1,0,1,1,0,Laborers,3.0,3,3,FRIDAY,6,0,0,0,0,1,1,Business Entity Type 1,,0.3096288896302463,0.31703177858344445,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1901.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2632648,123017,Consumer loans,5068.305,60021.0,64521.0,0.0,60021.0,MONDAY,14,Y,1,0.0,,,XAP,Approved,-191,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Regional / Local,142,Consumer electronics,16.0,low_normal,POS household with interest,365243.0,-161.0,289.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,67500.0,358344.0,21919.5,283500.0,Family,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-20728,365243,-1930.0,-3631,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,XNA,,0.2386629286685639,0.524496446363472,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1510018,383905,Consumer loans,4024.575,23805.45,25375.5,0.45,23805.45,MONDAY,8,Y,1,1.931320439593036e-05,,,XAP,Approved,-2828,Cash through the bank,XAP,Other_B,Repeater,Audio/Video,POS,XNA,Stone,220,Consumer electronics,8.0,high,POS household with interest,365243.0,-2797.0,-2587.0,-2587.0,-2584.0,1.0,0,Cash loans,F,N,Y,0,45000.0,545040.0,19705.5,450000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-14126,-3318,-3875.0,-4294,,1,1,1,1,1,0,Cleaning staff,2.0,2,2,MONDAY,8,0,0,0,0,1,1,Business Entity Type 1,0.3564483732509897,0.3423428548036219,0.7597121819739279,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1217636,255276,Revolving loans,2250.0,45000.0,45000.0,,45000.0,MONDAY,15,Y,1,,,,XAP,Approved,-290,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-243.0,-160.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,67500.0,144000.0,7132.5,144000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-13148,-1409,-5783.0,-434,,1,1,0,1,0,0,Waiters/barmen staff,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.6193372595472497,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,3.0,4.0,2.0,-1663.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2507204,380389,Cash loans,37671.345,1125000.0,1288350.0,,1125000.0,WEDNESDAY,12,Y,1,,,,XNA,Refused,-242,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,40,Consumer electronics,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,157500.0,755190.0,30078.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.00496,-20610,365243,-11055.0,-4075,,1,0,0,1,0,0,,1.0,2,2,SUNDAY,11,0,0,0,0,0,0,XNA,,0.5678620461912127,0.5172965813614878,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,0.0,9.0,0.0,-1651.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2369949,339887,Revolving loans,4500.0,90000.0,90000.0,,90000.0,WEDNESDAY,10,Y,1,,,,XAP,Approved,-448,XNA,XAP,"Spouse, partner",Repeater,XNA,Cards,x-sell,AP+ (Cash loan),10,XNA,0.0,XNA,Card X-Sell,-430.0,-404.0,365243.0,-70.0,-51.0,0.0,0,Cash loans,M,N,Y,1,112500.0,273636.0,21748.5,247500.0,Other_B,Working,Secondary / secondary special,Married,House / apartment,0.00733,-9911,-307,-8191.0,-2603,,1,1,0,1,0,1,Core staff,3.0,2,2,WEDNESDAY,16,0,1,1,0,0,0,Police,0.13103999970937685,0.2036469268966941,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-369.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1417735,237854,Consumer loans,6631.605,58455.0,56826.0,6750.0,58455.0,MONDAY,11,Y,1,0.1156311129414187,,,XAP,Approved,-2805,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,42,Connectivity,12.0,low_normal,POS mobile with interest,365243.0,-2774.0,-2444.0,-2444.0,365243.0,1.0,0,Cash loans,F,N,Y,1,112500.0,723604.5,46372.5,670500.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.018029,-16627,-235,-3987.0,-171,,1,1,1,1,0,0,High skill tech staff,3.0,3,3,SATURDAY,8,0,1,1,0,1,1,Business Entity Type 3,0.4261881576403096,0.4936223622842182,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2805.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1380258,263496,Cash loans,29250.0,900000.0,900000.0,,900000.0,WEDNESDAY,10,Y,1,,,,Repairs,Refused,-641,Cash through the bank,SCO,,New,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,48.0,low_normal,Cash Street: low,,,,,,,0,Revolving loans,F,Y,Y,0,301500.0,270000.0,13500.0,270000.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.026392000000000002,-12243,-987,-1170.0,-1164,2.0,1,1,0,1,0,0,,1.0,2,2,SUNDAY,16,0,0,0,0,1,1,Transport: type 4,0.435056620791161,0.7318384329492704,0.2580842039460289,0.0031,,0.9876,,,0.0,0.0345,0.0,,,,,,,0.0032,,0.9876,,,0.0,0.0345,0.0,,,,,,,0.0031,,0.9876,,,0.0,0.0345,0.0,,,,,,,,terraced house,0.0031,"Stone, brick",No,2.0,0.0,2.0,0.0,-641.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2226489,446457,Consumer loans,4516.47,38538.0,37543.5,3856.5,38538.0,WEDNESDAY,16,Y,1,0.10145118577075099,,,XAP,Approved,-1990,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Stone,80,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1954.0,-1684.0,-1684.0,-1678.0,0.0,0,Cash loans,F,N,Y,0,402376.5,1170000.0,44563.5,1170000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.025164,-18963,-2411,-12609.0,-2520,,1,1,1,1,1,0,Accountants,2.0,2,2,FRIDAY,7,0,0,0,0,0,0,Self-employed,,0.5502961139173264,0.3979463219016906,0.0825,0.0767,0.9742,0.6464,0.0071,0.0,0.1379,0.1667,0.2083,0.0,0.0672,0.066,0.0,0.0,0.084,0.0796,0.9742,0.6602,0.0072,0.0,0.1379,0.1667,0.2083,0.0,0.0735,0.0688,0.0,0.0,0.0833,0.0767,0.9742,0.6511,0.0072,0.0,0.1379,0.1667,0.2083,0.0,0.0684,0.0672,0.0,0.0,reg oper account,block of flats,0.0558,Block,No,0.0,0.0,0.0,0.0,-876.0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,4.0,0.0,3.0 +1653027,154148,Revolving loans,2250.0,45000.0,45000.0,,45000.0,TUESDAY,17,Y,1,,,,XAP,Approved,-318,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,N,0,315000.0,583834.5,31671.0,504000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-17074,-798,-1660.0,-602,8.0,1,1,0,1,0,0,Accountants,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.4723403242668902,0.5797274227921155,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-774.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,2.0 +2340307,340799,Cash loans,31887.0,900000.0,900000.0,,900000.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-838,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,43,Connectivity,60.0,middle,Cash X-Sell: middle,365243.0,-808.0,962.0,-448.0,-442.0,0.0,0,Cash loans,M,N,N,0,228600.0,700830.0,20214.0,585000.0,Unaccompanied,Pensioner,Higher education,Married,Municipal apartment,0.020713,-22028,365243,-2877.0,-452,,1,0,0,1,0,0,,2.0,3,3,MONDAY,5,0,0,0,1,0,0,XNA,,0.25268966874266624,,0.0825,,0.9821,,,,0.2069,0.1667,,,,0.0824,,,0.084,,0.9821,,,,0.2069,0.1667,,,,0.0859,,,0.0833,,0.9821,,,,0.2069,0.1667,,,,0.0839,,,,block of flats,0.0651,"Stone, brick",No,1.0,1.0,1.0,1.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2610200,243159,Cash loans,16164.0,450000.0,450000.0,,450000.0,THURSDAY,6,Y,1,,,,XNA,Approved,-199,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-169.0,1241.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,0,315000.0,931500.0,27364.5,931500.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.020713,-13196,-1797,-591.0,-4091,36.0,1,1,0,1,0,0,Laborers,2.0,3,3,SUNDAY,7,0,0,0,0,1,1,Self-employed,,0.3425348916476302,0.6363761710860439,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1358.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1191901,221005,Consumer loans,10275.84,107950.5,107415.0,10795.5,107950.5,SATURDAY,14,Y,1,0.09946054630587732,,,XAP,Approved,-544,Cash through the bank,XAP,,New,Computers,POS,XNA,Country-wide,2000,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-513.0,-183.0,-183.0,-179.0,0.0,0,Cash loans,F,Y,Y,1,315000.0,592560.0,32274.0,450000.0,Family,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.008575,-12661,-1332,-1648.0,-59,9.0,1,1,0,1,0,0,Laborers,3.0,2,2,THURSDAY,10,0,0,0,0,0,0,Self-employed,,0.52039847645546,,0.1649,0.0764,0.9752,,,,0.1034,0.1667,,0.0263,,0.0417,,0.0537,0.1681,0.0792,0.9752,,,,0.1034,0.1667,,0.0269,,0.0435,,0.0569,0.1665,0.0764,0.9752,,,,0.1034,0.1667,,0.0267,,0.0425,,0.0549,,block of flats,0.0472,"Stone, brick",No,0.0,0.0,0.0,0.0,-544.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1875769,209635,Consumer loans,5144.175,114061.5,114061.5,0.0,114061.5,FRIDAY,14,Y,1,0.0,,,XAP,Approved,-1497,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Regional / Local,117,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1465.0,-775.0,-805.0,-802.0,0.0,0,Cash loans,F,N,Y,2,47250.0,227520.0,8707.5,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-15287,-2895,-8189.0,-4674,,1,1,0,1,1,0,Laborers,4.0,2,2,THURSDAY,10,0,0,0,0,0,0,Housing,0.6149629665420906,0.6517084775578259,0.7165702448010511,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1846.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2114280,435414,Cash loans,6098.715,49500.0,59517.0,,49500.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-553,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-523.0,-193.0,-403.0,-390.0,1.0,0,Cash loans,F,Y,Y,0,157500.0,450000.0,21109.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.0228,-12673,-3680,-258.0,-5339,4.0,1,1,0,1,1,0,Private service staff,1.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,Self-employed,0.8145474932942471,0.5338665699964551,0.39277386060313396,0.189,0.195,0.9935,0.8436,0.0241,0.2,0.1607,0.3608,0.0,0.0582,0.1076,0.1959,0.0965,0.2303,0.0945,0.0724,0.9886,0.8497,0.0243,0.0806,0.069,0.375,0.0,0.0595,0.1175,0.0987,0.0973,0.2438,0.1593,0.1491,0.996,0.8457,0.0243,0.16,0.1379,0.375,0.0,0.0592,0.1095,0.1365,0.097,0.2351,reg oper account,block of flats,0.1687,"Stone, brick",No,9.0,0.0,9.0,0.0,-553.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1107049,186904,Consumer loans,18181.26,272250.0,243000.0,29250.0,272250.0,WEDNESDAY,20,Y,1,0.11700976709241175,,,XAP,Approved,-326,XNA,XAP,,New,Furniture,POS,XNA,Stone,20,Furniture,18.0,middle,POS industry with interest,365243.0,-283.0,227.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,90000.0,238500.0,11727.0,238500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-17506,-5405,-4491.0,-1031,,1,1,0,1,0,0,,2.0,2,2,SUNDAY,11,0,0,0,0,0,0,Government,,0.6989868573182564,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-326.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1936931,275799,Consumer loans,5182.425,38061.0,41827.5,0.0,38061.0,THURSDAY,8,Y,1,0.0,,,XAP,Approved,-1496,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,32,Connectivity,12.0,high,POS mobile with interest,365243.0,-1465.0,-1135.0,-1255.0,-1248.0,0.0,0,Cash loans,F,N,N,1,121500.0,1097676.0,32224.5,958500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.020713,-19844,-4024,-8414.0,-3345,,1,1,0,1,0,0,Cleaning staff,3.0,3,2,TUESDAY,14,0,0,0,0,0,0,Security Ministries,0.6684373691875927,0.5664877831235009,,0.1041,0.0394,0.9786,0.7076,0.0124,0.0,0.2069,0.1667,0.2083,0.0499,0.0849,0.0928,0.0,0.0,0.1061,0.0408,0.9786,0.7190000000000001,0.0125,0.0,0.2069,0.1667,0.2083,0.051,0.0927,0.0967,0.0,0.0,0.1051,0.0394,0.9786,0.7115,0.0125,0.0,0.2069,0.1667,0.2083,0.0508,0.0864,0.0945,0.0,0.0,reg oper account,block of flats,0.0798,Panel,No,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1603148,253415,Consumer loans,22942.35,227295.0,195921.0,47295.0,227295.0,SATURDAY,14,Y,1,0.21178111039345493,,,XAP,Approved,-2292,Cash through the bank,XAP,Family,New,Furniture,POS,XNA,Country-wide,150,Furniture,12.0,high,POS industry with interest,365243.0,-2261.0,-1931.0,-1931.0,-1927.0,0.0,0,Cash loans,F,Y,Y,0,117000.0,1006920.0,42790.5,900000.0,Family,Pensioner,Higher education,Married,House / apartment,0.009549,-22580,365243,-10106.0,-3394,3.0,1,0,0,1,1,0,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,0.6619151952628085,0.6873231038301393,0.4866531565147181,0.0742,0.0491,0.9856,0.8028,0.0191,0.08,0.069,0.3333,0.0417,0.0693,0.0605,0.0802,0.0,0.0,0.0756,0.0509,0.9856,0.8105,0.0193,0.0806,0.069,0.3333,0.0417,0.0709,0.0661,0.0835,0.0,0.0,0.0749,0.0491,0.9856,0.8054,0.0192,0.08,0.069,0.3333,0.0417,0.0705,0.0616,0.0816,0.0,0.0,not specified,block of flats,0.0735,"Stone, brick",No,1.0,0.0,1.0,0.0,-2049.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2246377,341611,Consumer loans,31925.79,300141.0,287361.0,30015.0,300141.0,THURSDAY,10,Y,1,0.10299790669856454,,,XAP,Approved,-1820,Cash through the bank,XAP,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Country-wide,30180,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1789.0,-1519.0,-1549.0,-1544.0,0.0,0,Cash loans,M,N,Y,0,180000.0,1762110.0,65430.0,1575000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-16434,-716,-684.0,-5354,,1,1,0,1,0,0,Managers,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,Transport: type 4,0.3653988065177789,0.5196780053906226,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-173.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2783986,146423,Consumer loans,10228.14,111685.5,111685.5,0.0,111685.5,SUNDAY,15,Y,1,0.0,,,XAP,Approved,-211,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Regional / Local,300,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-181.0,149.0,-91.0,-85.0,0.0,0,Cash loans,F,N,Y,0,112500.0,679500.0,19998.0,679500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.007114,-20134,-4088,-6921.0,-2985,,1,1,0,1,0,0,,1.0,2,2,MONDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.5839526108445331,,0.3041,0.2303,0.9841,0.7824,0.08199999999999999,0.32,0.2759,0.3333,0.375,0.1614,,0.3324,,0.0,0.3099,0.239,0.9841,0.7909,0.0827,0.3222,0.2759,0.3333,0.375,0.165,,0.3464,,0.0,0.3071,0.2303,0.9841,0.7853,0.0825,0.32,0.2759,0.3333,0.375,0.1642,,0.3384,,0.0,reg oper account,block of flats,0.2615,Panel,No,0.0,0.0,0.0,0.0,-582.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1563288,177161,Cash loans,23301.0,450000.0,450000.0,,450000.0,THURSDAY,15,Y,1,,,,XNA,Approved,-379,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Regional / Local,890,Consumer electronics,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,67500.0,172597.5,8433.0,117000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.005313,-21472,365243,-8368.0,-4651,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,XNA,,0.16301987879595622,0.656158373001177,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,0.0,9.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +1410989,254277,Consumer loans,5838.885,27720.0,29092.5,0.0,27720.0,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-2428,XNA,XAP,Family,New,Mobile,POS,XNA,Country-wide,40,Connectivity,6.0,high,POS mobile with interest,365243.0,-2397.0,-2247.0,-2247.0,-2238.0,1.0,0,Cash loans,F,N,Y,0,112500.0,284400.0,15880.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.020246,-24787,365243,-6555.0,-4204,,1,0,0,1,0,0,,1.0,3,3,FRIDAY,12,1,0,0,1,0,0,XNA,0.7814171499692394,0.6230010733527698,0.722392890081304,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1611.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2170819,399137,Cash loans,,0.0,0.0,,,TUESDAY,12,Y,1,,,,XNA,Refused,-149,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,1,225000.0,254700.0,30357.0,225000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.007114,-14597,-3977,-2967.0,-211,,1,1,0,1,1,0,HR staff,3.0,2,2,THURSDAY,17,0,0,0,0,0,0,Transport: type 2,0.4878310057055106,0.7144756105709066,0.4507472818545589,0.0722,0.0665,,0.7144,,,0.1379,0.1667,0.2083,0.0384,,0.0665,,0.0078,0.0735,0.069,,0.7256,,,0.1379,0.1667,0.2083,0.0393,,0.0693,,0.0083,0.0729,0.0665,,0.7182,,,0.1379,0.1667,0.2083,0.0391,,0.0677,,0.008,,block of flats,0.054000000000000006,Panel,No,1.0,0.0,1.0,0.0,-1122.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1328760,319694,Consumer loans,11157.255,131170.5,157144.5,0.0,131170.5,WEDNESDAY,13,Y,1,0.0,,,XAP,Approved,-1616,XNA,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Country-wide,116,Consumer electronics,24.0,high,POS household with interest,365243.0,-1585.0,-895.0,-895.0,-884.0,0.0,0,Cash loans,M,N,Y,0,117000.0,1339884.0,39307.5,1170000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-22136,365243,-2867.0,-4276,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,,0.16318703546427088,0.8193176922872417,0.0165,0.0,0.9757,0.6668,,0.0,0.069,0.0417,0.0833,0.0174,0.0134,0.0128,0.0,0.0,0.0168,0.0,0.9757,0.6798,,0.0,0.069,0.0417,0.0833,0.0178,0.0147,0.0133,0.0,0.0,0.0167,0.0,0.9757,0.6713,,0.0,0.069,0.0417,0.0833,0.0177,0.0137,0.013,0.0,0.0,reg oper account,block of flats,0.0101,"Stone, brick",No,7.0,0.0,7.0,0.0,-427.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2682009,287041,Revolving loans,9000.0,0.0,180000.0,,,MONDAY,10,Y,1,,,,XAP,Approved,-2570,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card Street,-2533.0,-2495.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,0,121500.0,195543.0,15579.0,148500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014464,-13883,-2280,-2221.0,-4871,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,2,0,0,0,0,1,1,Government,0.3338912859743061,0.6270396251344414,0.2405414172860865,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2817.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2789563,415805,Consumer loans,4518.765,37570.5,37161.0,3757.5,37570.5,WEDNESDAY,17,Y,1,0.10000999770052886,,,XAP,Approved,-1699,Cash through the bank,XAP,Other_B,New,Consumer Electronics,POS,XNA,Stone,139,Consumer electronics,12.0,high,POS household with interest,365243.0,-1668.0,-1338.0,-1338.0,-1331.0,0.0,0,Cash loans,F,N,N,0,180000.0,327024.0,18391.5,270000.0,Unaccompanied,Working,Higher education,Single / not married,Municipal apartment,0.04622,-23219,-2024,-9358.0,-4140,,1,1,0,1,1,0,Core staff,1.0,1,1,MONDAY,13,0,0,0,0,0,0,Kindergarten,,0.5419380787926289,0.6296742509538716,0.101,0.0959,0.9886,,,0.064,0.1241,0.2417,,0.0179,,0.0999,,0.0022,0.0599,0.087,0.9871,,,0.0,0.1034,0.1667,,0.0094,,0.0681,,0.0,0.0822,0.0839,0.9871,,,0.0,0.1034,0.1667,,0.0154,,0.0914,,0.0,,block of flats,0.2096,Panel,No,0.0,0.0,0.0,0.0,-184.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2315385,226723,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SATURDAY,13,Y,1,,,,XAP,Approved,-170,XNA,XAP,"Spouse, partner",Repeater,XNA,Cards,walk-in,Regional / Local,1175,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,2,270000.0,1615500.0,42745.5,1615500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018209,-16081,365243,-3077.0,-4907,14.0,1,0,0,1,0,0,,4.0,3,3,MONDAY,9,0,0,0,0,0,0,XNA,,0.3914099014081141,0.746300213050371,0.0928,0.1004,0.9776,0.6940000000000001,0.018000000000000002,0.0,0.2069,0.1667,0.0417,0.0902,0.0756,0.08800000000000001,0.0,0.0,0.0945,0.1042,0.9777,0.706,0.0182,0.0,0.2069,0.1667,0.0417,0.0922,0.0826,0.0917,0.0,0.0,0.0937,0.1004,0.9776,0.6981,0.0181,0.0,0.2069,0.1667,0.0417,0.0917,0.077,0.0896,0.0,0.0,reg oper account,block of flats,0.0791,Panel,No,0.0,0.0,0.0,0.0,-2879.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,2.0,3.0 +1436486,191554,Consumer loans,4334.13,35500.5,35059.5,3600.0,35500.5,THURSDAY,7,Y,1,0.1014169162231087,,,XAP,Approved,-1734,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,12.0,high,POS mobile with interest,365243.0,-1703.0,-1373.0,-1493.0,-1486.0,0.0,0,Cash loans,F,N,Y,0,126000.0,585000.0,18868.5,585000.0,Unaccompanied,State servant,Incomplete higher,Married,House / apartment,0.018801,-17615,-933,-5145.0,-1168,,1,1,0,1,0,0,Security staff,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Kindergarten,,0.34597558702168113,0.108924403541012,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,3.0,6.0,2.0,-1734.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2067214,401112,Cash loans,28485.0,900000.0,900000.0,,900000.0,MONDAY,11,Y,1,,,,Repairs,Refused,-268,Cash through the bank,VERIF,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,Y,Y,0,135000.0,414000.0,22590.0,414000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-10093,-375,-6041.0,-2762,19.0,1,1,0,1,0,0,Security staff,2.0,2,2,WEDNESDAY,7,0,0,0,0,1,1,Business Entity Type 3,0.09508386364835872,0.5827354769124312,0.248535557339522,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1001.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,1.0,0.0,5.0 +1121166,125969,Cash loans,17900.91,225000.0,254700.0,,225000.0,THURSDAY,15,Y,1,,,,XNA,Approved,-454,XNA,XAP,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),3,XNA,24.0,high,Cash X-Sell: high,365243.0,-424.0,266.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,1,112500.0,589045.5,24889.5,508500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009549,-11105,-1691,-9554.0,-2041,,1,1,0,1,0,0,Laborers,3.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.3493029196645187,0.16457435219182734,0.31703177858344445,0.0186,0.0,0.9871,0.8232,0.0025,0.0,0.069,0.0417,0.0417,0.0201,0.0151,0.0163,0.0,0.0,0.0189,0.0,0.9871,0.8301,0.0025,0.0,0.069,0.0417,0.0417,0.0206,0.0165,0.017,0.0,0.0,0.0187,0.0,0.9871,0.8256,0.0025,0.0,0.069,0.0417,0.0417,0.0205,0.0154,0.0166,0.0,0.0,not specified,block of flats,0.0142,"Stone, brick",No,0.0,0.0,0.0,0.0,-2559.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1253875,236519,Revolving loans,22500.0,0.0,450000.0,,,TUESDAY,17,Y,1,,,,XAP,Refused,-618,XNA,HC,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,1,202500.0,1190340.0,63549.0,1125000.0,Family,Working,Higher education,Married,House / apartment,0.00733,-13107,-5580,-1717.0,-4542,,1,1,0,1,0,0,Managers,3.0,2,2,THURSDAY,18,0,0,0,0,0,0,Bank,,0.6871868003063729,0.4794489811780563,0.1237,0.0711,0.997,0.9592,,0.12,0.1034,0.375,0.0417,0.06,0.1009,0.1072,0.0,0.0,0.1261,0.0738,0.997,0.9608,,0.1208,0.1034,0.375,0.0417,0.0613,0.1102,0.1117,0.0,0.0,0.1249,0.0711,0.997,0.9597,,0.12,0.1034,0.375,0.0417,0.061,0.1026,0.1091,0.0,0.0,,block of flats,0.0843,Panel,No,0.0,0.0,0.0,0.0,-416.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1814667,136254,Cash loans,28889.685,360000.0,401580.0,,360000.0,WEDNESDAY,9,Y,1,,,,XNA,Approved,-461,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,high,Cash X-Sell: high,365243.0,-431.0,439.0,-221.0,-219.0,1.0,0,Cash loans,F,N,Y,0,202500.0,1166724.0,34245.0,913500.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.018801,-19734,-1438,-182.0,-529,,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,11,0,0,0,0,1,1,Business Entity Type 3,0.6307073492624102,0.7628741019873402,,0.0247,0.0,0.9781,,,0.0,0.1379,0.0417,,0.0748,,0.0227,,0.0,0.0252,0.0,0.9782,,,0.0,0.1379,0.0417,,0.0765,,0.0237,,0.0,0.025,0.0,0.9781,,,0.0,0.1379,0.0417,,0.0761,,0.0232,,0.0,,block of flats,0.0185,"Stone, brick",No,0.0,0.0,0.0,0.0,-1221.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2257419,351029,Consumer loans,4304.79,68787.0,83313.0,0.0,68787.0,SUNDAY,10,Y,1,0.0,,,XAP,Approved,-544,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Regional / Local,130,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-513.0,177.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,202500.0,338314.5,22608.0,306000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018029,-9569,-978,-4322.0,-2247,,1,1,0,1,0,0,,2.0,3,3,FRIDAY,10,0,0,0,0,1,1,Other,0.36556075026204,0.25970252363014523,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-61.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2390402,168509,Consumer loans,7118.64,64125.0,54801.0,13500.0,64125.0,WEDNESDAY,11,Y,1,0.21526371901915445,,,XAP,Approved,-2079,Cash through the bank,XAP,Other_B,New,Furniture,POS,XNA,Country-wide,998,Furniture,10.0,high,POS other with interest,365243.0,-2048.0,-1778.0,-1808.0,-1802.0,0.0,0,Revolving loans,F,N,N,0,135000.0,135000.0,6750.0,135000.0,Unaccompanied,Pensioner,Higher education,Widow,House / apartment,0.018801,-22054,365243,-14778.0,-4314,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,0.7965023339099845,0.5922477532172029,0.6313545365850379,0.0268,,0.9747,,,,0.069,0.125,,,,0.0205,,,0.0273,,0.9747,,,,0.069,0.125,,,,0.0214,,,0.0271,,0.9747,,,,0.069,0.125,,,,0.0209,,,,block of flats,0.0189,"Stone, brick",No,4.0,0.0,4.0,0.0,-2079.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1331595,293090,Consumer loans,12426.75,77769.0,67500.0,10269.0,77769.0,SUNDAY,16,Y,1,0.14380890258913628,,,XAP,Approved,-2203,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Stone,60,Consumer electronics,6.0,middle,POS household with interest,365243.0,-2169.0,-2019.0,-2019.0,-2014.0,0.0,0,Cash loans,F,N,N,0,157500.0,781920.0,25969.5,675000.0,Unaccompanied,Working,Higher education,Separated,Municipal apartment,0.008865999999999999,-15965,-212,-6597.0,-3881,,1,1,0,1,0,0,Managers,1.0,2,2,FRIDAY,13,0,0,0,0,1,1,School,0.8238261704006192,0.08516138108160884,0.18848953379516772,0.1485,0.0814,0.9856,0.8028,,0.04,0.0345,0.3333,0.375,0.0148,0.121,0.0969,0.0,0.0,0.1513,0.0845,0.9856,0.8105,,0.0403,0.0345,0.3333,0.375,0.0152,0.1322,0.1009,0.0,0.0,0.1499,0.0814,0.9856,0.8054,,0.04,0.0345,0.3333,0.375,0.0151,0.1231,0.0986,0.0,0.0,reg oper account,block of flats,0.0762,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1054110,127648,Consumer loans,15742.395,90000.0,88789.5,5400.0,90000.0,SATURDAY,12,Y,1,0.062438922694046675,,,XAP,Approved,-2607,Cash through the bank,XAP,Family,New,Clothing and Accessories,POS,XNA,Stone,500,Clothing,6.0,low_normal,POS industry without interest,365243.0,-2576.0,-2426.0,-2426.0,-2424.0,1.0,0,Cash loans,F,N,Y,0,166500.0,180000.0,9765.0,180000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.018209,-16152,-659,-10232.0,-2063,,1,1,0,1,0,1,Accountants,1.0,3,3,TUESDAY,12,0,0,0,0,0,0,Self-employed,0.7656713653557918,0.26288926389892764,0.3280631605201915,,0.0709,0.9806,,,,0.069,0.3333,,,,0.0875,,,,0.0735,0.9806,,,,0.069,0.3333,,,,0.0911,,,,0.0709,0.9806,,,,0.069,0.3333,,,,0.0891,,,,,0.0766,"Stone, brick",No,3.0,0.0,3.0,0.0,-1573.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2111770,354671,Cash loans,25945.605,450000.0,491580.0,,450000.0,MONDAY,13,Y,1,,,,Urgent needs,Refused,-326,Cash through the bank,VERIF,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,Y,Y,1,157500.0,497520.0,39438.0,450000.0,"Spouse, partner",Working,Higher education,Married,House / apartment,0.006852,-12348,-1386,-114.0,-1056,16.0,1,1,0,1,0,0,,3.0,3,3,SUNDAY,11,0,0,0,0,0,0,Industry: type 7,0.3868292962174352,0.018700618916839242,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2758706,147748,Consumer loans,,47286.0,47286.0,,47286.0,FRIDAY,14,Y,1,,,,XAP,Refused,-1355,Cash through the bank,HC,Unaccompanied,Refreshed,Mobile,XNA,XNA,Country-wide,15,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,0,130500.0,630000.0,20952.0,630000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.028663,-22291,365243,-8814.0,-4333,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,8,0,0,0,0,0,0,XNA,,0.6543988360045198,0.108924403541012,0.1392,0.1054,0.9811,0.7416,0.0341,0.16,0.1379,0.3333,0.375,0.099,0.1059,0.1397,0.0347,0.0321,0.1418,0.1093,0.9811,0.7517,0.0344,0.1611,0.1379,0.3333,0.375,0.1013,0.1157,0.1456,0.035,0.0339,0.1405,0.1054,0.9811,0.7451,0.0343,0.16,0.1379,0.3333,0.375,0.1008,0.1077,0.1422,0.0349,0.0327,reg oper account,block of flats,0.1551,Panel,No,0.0,0.0,0.0,0.0,-303.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1948995,103148,Consumer loans,2624.625,19750.5,19242.0,1975.5,19750.5,THURSDAY,8,Y,1,0.10140210160994888,,,XAP,Approved,-1866,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,4,Connectivity,10.0,high,POS mobile with interest,365243.0,-1829.0,-1559.0,-1559.0,-1478.0,0.0,1,Cash loans,M,Y,Y,0,180000.0,592560.0,31153.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-22542,-740,-12001.0,-3698,17.0,1,1,0,1,0,0,Security staff,2.0,2,2,MONDAY,9,0,0,0,0,0,0,Housing,,0.17014429641071435,0.2340151665320674,,,0.9737,,,,,,,,,0.002,,,,,0.9737,,,,,,,,,0.0021,,,,,0.9737,,,,,,,,,0.002,,,,block of flats,0.0016,,Yes,1.0,1.0,1.0,1.0,-355.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2385757,416364,Revolving loans,4500.0,0.0,90000.0,,,FRIDAY,10,Y,1,,,,XAP,Approved,-774,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,-140.0,0.0,0,Cash loans,M,N,Y,0,180000.0,857169.0,25191.0,715500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-16116,-1897,-8755.0,-5069,,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,16,0,0,0,0,1,1,Transport: type 1,,0.5520650559170411,0.2910973802776635,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,12.0,0.0,11.0,0.0,-2677.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1156342,373724,Consumer loans,3754.35,83245.5,83245.5,0.0,83245.5,WEDNESDAY,20,Y,1,0.0,,,XAP,Approved,-1366,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,600,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1334.0,-644.0,-644.0,-640.0,0.0,0,Cash loans,F,N,Y,2,135000.0,143910.0,13455.0,135000.0,Unaccompanied,Commercial associate,Incomplete higher,Civil marriage,House / apartment,0.072508,-11707,-3803,-4258.0,-4258,,1,1,1,1,0,0,Core staff,4.0,1,1,THURSDAY,19,0,0,0,0,0,0,Trade: type 2,0.6389489179387798,0.6744193209245021,0.5334816299804352,0.1124,0.1074,0.9876,0.83,0.0722,0.16,0.069,0.5417,0.0,0.0,0.0874,0.0934,0.0193,0.1055,0.1145,0.1114,0.9876,0.8367,0.0728,0.1611,0.069,0.5417,0.0,0.0,0.0955,0.0973,0.0195,0.1117,0.1135,0.1074,0.9876,0.8323,0.0726,0.16,0.069,0.5417,0.0,0.0,0.0889,0.0951,0.0194,0.1077,reg oper account,block of flats,0.0964,Panel,No,1.0,0.0,1.0,0.0,-858.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1202375,380238,Cash loans,41728.41,1129500.0,1293502.5,,1129500.0,SUNDAY,10,Y,1,,,,XNA,Approved,-697,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-667.0,1103.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,112500.0,371245.5,13464.0,261000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-22624,-2027,-8056.0,-4734,,1,1,1,1,1,0,Core staff,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Postal,,0.35728197361233577,0.8224987619370829,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,0.0,8.0,0.0,-1921.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1151620,260697,Consumer loans,5387.085,34870.5,33336.0,3600.0,34870.5,WEDNESDAY,10,Y,1,0.10614921141236933,,,XAP,Approved,-1027,XNA,XAP,,Repeater,Mobile,POS,XNA,Stone,18,Connectivity,8.0,high,POS mobile with interest,365243.0,-981.0,-771.0,-771.0,-764.0,0.0,0,Cash loans,M,Y,N,0,225000.0,239850.0,25447.5,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.014519999999999996,-17900,-794,-3371.0,-1322,11.0,1,1,1,1,1,0,Managers,2.0,2,2,SATURDAY,16,0,0,0,0,1,1,Trade: type 7,0.5165112313707417,0.20561867186342309,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1494.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1945977,267186,Consumer loans,3464.91,26662.5,25974.0,2668.5,26662.5,FRIDAY,9,Y,1,0.10146597157751913,,,XAP,Approved,-2286,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,58,Connectivity,10.0,high,POS mobile with interest,365243.0,-2255.0,-1985.0,-1985.0,-1983.0,1.0,0,Cash loans,M,Y,Y,0,171000.0,1762110.0,46611.0,1575000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020246,-22623,365243,-9122.0,-4050,15.0,1,0,0,1,1,0,,2.0,3,3,TUESDAY,12,0,0,0,0,0,0,XNA,0.7204271784141393,0.03434931206004393,,0.1649,0.226,0.9821,0.7552,0.0331,0.0,0.3793,0.1667,0.2083,0.1997,0.1345,0.1777,0.0,0.019,0.1681,0.2345,0.9821,0.7648,0.0334,0.0,0.3793,0.1667,0.2083,0.2043,0.1469,0.1851,0.0,0.0201,0.1665,0.226,0.9821,0.7585,0.0333,0.0,0.3793,0.1667,0.2083,0.2032,0.1368,0.1809,0.0,0.0194,reg oper account,block of flats,0.1636,Panel,No,2.0,1.0,2.0,0.0,-2286.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1127947,154276,Cash loans,13772.295,450000.0,450000.0,0.0,450000.0,THURSDAY,10,Y,1,0.0,,,XNA,Approved,-1406,Cash through the bank,XAP,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,low_action,Cash Street: low,365243.0,-1369.0,41.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,121500.0,135000.0,13279.5,135000.0,Children,Commercial associate,Secondary / secondary special,Married,House / apartment,0.028663,-17481,-2782,-8260.0,-1013,13.0,1,1,0,1,0,0,Private service staff,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Services,0.7437097748444923,0.5484230043339112,0.6161216908872079,0.4268,0.3246,0.9851,0.7959999999999999,0.0884,0.44,0.3793,0.3333,0.375,0.2653,0.3463,0.442,0.0077,0.0089,0.4349,0.3368,0.9851,0.804,0.0892,0.4431,0.3793,0.3333,0.375,0.2714,0.3783,0.4605,0.0078,0.0094,0.4309,0.3246,0.9851,0.7987,0.08900000000000001,0.44,0.3793,0.3333,0.375,0.2699,0.3523,0.45,0.0078,0.009000000000000001,reg oper account,block of flats,0.3979,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2725208,422416,Cash loans,23698.35,229500.0,241920.0,,229500.0,WEDNESDAY,15,Y,1,,,,XNA,Approved,-664,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-634.0,-304.0,-304.0,-296.0,1.0,0,Cash loans,F,N,Y,0,261000.0,900000.0,50386.5,900000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-21171,365243,-82.0,-4158,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,XNA,,0.590255383876552,,0.068,0.0455,0.9856,0.8028,0.0074,0.0,0.0517,0.1667,0.2083,0.0396,0.0555,0.0427,0.0,0.0,0.0105,0.0234,0.9816,0.7583,0.0028,0.0,0.0345,0.1667,0.2083,0.0218,0.0092,0.0229,0.0,0.0,0.0687,0.0455,0.9856,0.8054,0.0074,0.0,0.0517,0.1667,0.2083,0.0403,0.0564,0.0435,0.0,0.0,reg oper spec account,block of flats,0.0188,"Stone, brick",No,0.0,0.0,0.0,0.0,-1057.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2693433,420524,Consumer loans,11305.17,98955.0,96898.5,9895.5,98955.0,WEDNESDAY,18,Y,1,0.10091483689073437,,,XAP,Approved,-635,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Stone,141,Consumer electronics,10.0,middle,POS household with interest,365243.0,-602.0,-332.0,-332.0,-330.0,0.0,0,Cash loans,M,Y,N,0,157500.0,656811.0,27742.5,567000.0,Unaccompanied,Working,Incomplete higher,Single / not married,House / apartment,0.00496,-8091,-1119,-2329.0,-745,7.0,1,1,0,1,0,0,Drivers,1.0,2,2,MONDAY,15,0,0,0,0,1,1,Business Entity Type 3,0.1755339848288968,0.6678555294591682,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-635.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2712837,328229,Cash loans,32287.5,450000.0,481185.0,,450000.0,THURSDAY,16,Y,1,,,,XNA,Approved,-517,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-487.0,23.0,-187.0,-185.0,1.0,0,Cash loans,F,N,Y,0,121500.0,549882.0,16078.5,459000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-21957,-1828,-1395.0,-3947,,1,1,1,1,0,0,Medicine staff,2.0,2,2,WEDNESDAY,12,0,0,0,0,1,1,Medicine,,0.6652552930504879,0.4902575124990026,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2270410,184563,Consumer loans,5380.155,59517.0,59220.0,5953.5,59517.0,SATURDAY,16,Y,1,0.09948679643218064,,,XAP,Approved,-331,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,3303,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-299.0,31.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,180000.0,225000.0,15034.5,225000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.015221,-10020,-511,-1014.0,-1015,8.0,1,1,0,1,0,0,Security staff,2.0,2,2,MONDAY,8,0,0,0,0,0,0,Security,0.35565187671743825,0.2726685597246794,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-995.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,2.0 +1499864,130219,Cash loans,29812.5,450000.0,450000.0,,450000.0,THURSDAY,12,Y,1,,,,Other,Approved,-509,Cash through the bank,XAP,,New,XNA,Cash,walk-in,Country-wide,83,Connectivity,24.0,middle,Cash Street: middle,365243.0,-479.0,211.0,-329.0,-324.0,0.0,0,Cash loans,M,Y,Y,3,540000.0,790830.0,62613.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.032561,-15658,-2457,-1054.0,-2215,11.0,1,1,0,1,0,0,Laborers,5.0,1,1,TUESDAY,18,0,0,0,0,0,0,Business Entity Type 3,0.5854109414403341,0.6101084609764765,0.13259749523614614,0.2763,,0.9841,,,0.12,0.0345,0.625,,0.2031,,0.2406,,0.0997,0.2815,,0.9841,,,0.1208,0.0345,0.625,,0.2078,,0.2507,,0.1056,0.279,,0.9841,,,0.12,0.0345,0.625,,0.2067,,0.245,,0.1018,,block of flats,0.2109,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2829780,108399,Cash loans,8981.82,45000.0,46485.0,0.0,45000.0,FRIDAY,7,Y,1,0.0,,,XNA,Approved,-2118,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,365243.0,-2088.0,-1938.0,-1938.0,-1920.0,1.0,0,Cash loans,F,N,Y,0,81000.0,225000.0,11893.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-23677,365243,-12951.0,-4295,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,XNA,,0.7038048752258632,,0.2289,0.2026,0.9826,0.762,0.036000000000000004,0.0,0.4828,0.1667,0.2083,0.2061,0.1841,0.2053,0.0116,0.0259,0.2332,0.2103,0.9826,0.7713,0.0364,0.0,0.4828,0.1667,0.2083,0.2108,0.2011,0.2139,0.0117,0.0275,0.2311,0.2026,0.9826,0.7652,0.0363,0.0,0.4828,0.1667,0.2083,0.2097,0.1873,0.209,0.0116,0.0265,reg oper account,block of flats,0.1868,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1596389,367101,Consumer loans,24012.585,218700.0,191335.5,40500.0,218700.0,SUNDAY,14,Y,1,0.19025637496492892,,,XAP,Approved,-2733,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Country-wide,1339,Furniture,10.0,high,POS industry with interest,365243.0,-2702.0,-2432.0,-2432.0,-2425.0,1.0,0,Cash loans,F,N,Y,0,180000.0,770292.0,51813.0,688500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.010006000000000001,-18097,-9705,-7256.0,-1647,,1,1,0,1,0,0,,1.0,2,1,WEDNESDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.7982286226377925,,0.0637,0.098,0.9866,0.8164,0.0099,0.0,0.1655,0.15,0.1042,0.0695,0.0496,0.0646,0.0051,0.008,0.0672,0.0995,0.9841,0.7909,0.0149,0.0,0.2069,0.1667,0.0,0.0826,0.0808,0.0766,0.0078,0.0086,0.0666,0.0959,0.9841,0.7853,0.0149,0.0,0.2069,0.1667,0.1042,0.0822,0.0752,0.0748,0.0078,0.0083,org spec account,block of flats,0.077,Panel,No,0.0,0.0,0.0,0.0,-1601.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1397783,371877,Cash loans,16688.07,247500.0,310765.5,,247500.0,TUESDAY,11,Y,1,,,,XNA,Approved,-374,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-344.0,346.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,1,157500.0,502497.0,30870.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-20683,-374,-5887.0,-4235,25.0,1,1,0,1,0,0,Laborers,3.0,2,2,FRIDAY,17,0,0,0,0,0,0,Electricity,,0.4768279233478164,0.2636468134452008,0.0546,0.0364,0.9821,0.7552,0.0277,0.04,0.0345,0.3333,0.375,0.0338,0.0445,0.0675,0.0,0.0,0.0557,0.0377,0.9821,0.7648,0.0279,0.0403,0.0345,0.3333,0.375,0.0346,0.0487,0.0703,0.0,0.0,0.0552,0.0364,0.9821,0.7585,0.0279,0.04,0.0345,0.3333,0.375,0.0344,0.0453,0.0687,0.0,0.0,reg oper account,block of flats,0.0682,"Stone, brick",No,1.0,0.0,1.0,0.0,-1573.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,7.0 +1822752,218383,Cash loans,25996.365,337500.0,384277.5,,337500.0,THURSDAY,9,Y,1,,,,Repairs,Approved,-446,XNA,XAP,,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,high,Cash Street: high,365243.0,-416.0,634.0,-356.0,-352.0,1.0,0,Cash loans,M,Y,Y,1,202500.0,1288350.0,37669.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014464,-15207,-2102,-4538.0,-1385,12.0,1,1,1,1,1,0,Drivers,3.0,2,2,TUESDAY,6,0,0,0,0,0,0,Transport: type 3,,0.6530276281672284,0.5100895276257282,0.0619,0.0704,0.993,0.9048,0.0151,0.0,0.1379,0.1667,0.2083,0.0569,0.0504,0.064,0.0,0.0,0.063,0.073,0.993,0.9085,0.0152,0.0,0.1379,0.1667,0.2083,0.0582,0.0551,0.0667,0.0,0.0,0.0625,0.0704,0.993,0.9061,0.0152,0.0,0.1379,0.1667,0.2083,0.0579,0.0513,0.0651,0.0,0.0,reg oper account,block of flats,0.0586,Panel,No,0.0,0.0,0.0,0.0,-446.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1972818,220703,Consumer loans,9075.195,44820.0,48370.5,0.0,44820.0,TUESDAY,15,Y,1,0.0,,,XAP,Approved,-148,Cash through the bank,XAP,Family,Repeater,Auto Accessories,POS,XNA,Stone,50,Auto technology,6.0,middle,POS other with interest,365243.0,-118.0,32.0,-28.0,-24.0,1.0,0,Cash loans,F,N,N,1,90000.0,450000.0,22977.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-10264,-789,-810.0,-2035,,1,1,1,1,1,0,Managers,3.0,2,2,TUESDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.3065703142392697,0.3208579375878014,0.1694287272664794,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-407.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +2011129,249759,Consumer loans,14583.42,156240.0,156240.0,0.0,156240.0,WEDNESDAY,11,Y,1,0.0,,,XAP,Approved,-853,XNA,XAP,Children,Repeater,Vehicles,POS,XNA,Regional / Local,100,Industry,12.0,low_normal,POS industry with interest,365243.0,-821.0,-491.0,-641.0,-631.0,0.0,0,Cash loans,F,Y,N,0,112500.0,101880.0,10053.0,90000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.020713,-21095,365243,-9036.0,-4443,11.0,1,0,0,1,0,0,,2.0,3,3,TUESDAY,5,0,0,0,0,0,0,XNA,0.7898159777888303,0.3998067745969012,0.6313545365850379,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2017614,365997,Consumer loans,4487.58,37323.0,42138.0,0.0,37323.0,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-303,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Country-wide,100,Consumer electronics,12.0,middle,POS household with interest,365243.0,-272.0,58.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,3,67500.0,314100.0,16573.5,225000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.019101,-12694,-5346,-937.0,-4839,,1,1,1,1,1,0,Laborers,5.0,2,2,MONDAY,12,0,0,0,0,0,0,Other,,0.20434645416455105,0.6212263380626669,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-749.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1484548,246919,Consumer loans,3362.67,15525.0,12510.0,4657.5,15525.0,TUESDAY,6,Y,1,0.29546765161444044,,,XAP,Approved,-640,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Stone,40,Consumer electronics,4.0,middle,POS mobile without interest,365243.0,-609.0,-519.0,-519.0,-516.0,0.0,0,Cash loans,F,N,Y,0,76500.0,67500.0,4441.5,67500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.008068,-14577,-2446,-4934.0,-4928,,1,1,0,1,0,0,Cleaning staff,1.0,3,3,FRIDAY,10,0,0,0,0,0,0,Government,0.291800886789984,0.25078253809431345,0.28371188263500075,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1599.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2507788,241798,Consumer loans,10588.635,154350.0,156793.5,15435.0,154350.0,SUNDAY,15,Y,1,0.0976035800219951,,,XAP,Approved,-985,Cash through the bank,XAP,Unaccompanied,New,Furniture,POS,XNA,Stone,50,Furniture,18.0,low_normal,POS industry with interest,365243.0,-954.0,-444.0,-534.0,-529.0,0.0,0,Revolving loans,F,N,Y,1,90000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.018634,-11439,-2344,-2212.0,-3585,,1,1,1,1,0,0,Laborers,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.2397841598121778,0.4597054993369279,,0.0495,0.0,0.9752,,,0.0,0.1034,0.125,,0.0108,,0.0387,,0.0,0.0504,0.0,0.9752,,,0.0,0.1034,0.125,,0.011,,0.0403,,0.0,0.05,0.0,0.9752,,,0.0,0.1034,0.125,,0.011,,0.0394,,0.0,,block of flats,0.0326,"Stone, brick",No,0.0,0.0,0.0,0.0,-985.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1418080,274651,Cash loans,16762.905,135000.0,162315.0,,135000.0,MONDAY,16,Y,1,,,,XNA,Approved,-998,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-968.0,-638.0,-638.0,-635.0,1.0,0,Cash loans,F,N,N,0,135000.0,1076287.5,45729.0,913500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,With parents,0.030755,-13613,-2483,-946.0,-4744,,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,18,0,0,0,0,1,1,Self-employed,,0.2165560620714969,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2515956,250482,Cash loans,40181.625,337500.0,337500.0,,337500.0,TUESDAY,10,Y,1,,,,XNA,Refused,-1389,Cash through the bank,HC,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,M,N,Y,1,405000.0,1096020.0,56092.5,900000.0,Other_A,Commercial associate,Secondary / secondary special,Married,House / apartment,0.030755,-20382,-5245,-5369.0,-3856,,1,1,0,1,0,0,Managers,3.0,2,2,FRIDAY,11,0,0,0,0,0,0,Self-employed,0.5786114177685534,0.6657031570419407,,0.0134,0.0092,0.9513,0.3336,0.0,0.0,0.0345,0.125,0.1667,0.0016,0.0109,0.0164,0.0,0.0,0.0137,0.0095,0.9513,0.3597,0.0,0.0,0.0345,0.125,0.1667,0.0016,0.0119,0.0171,0.0,0.0,0.0135,0.0092,0.9513,0.3425,0.0,0.0,0.0345,0.125,0.1667,0.0016,0.0111,0.0167,0.0,0.0,reg oper account,block of flats,0.0145,"Stone, brick",No,0.0,0.0,0.0,0.0,-1389.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1940208,387235,Consumer loans,8591.31,67365.0,65632.5,6736.5,67365.0,MONDAY,11,Y,1,0.10137850335213844,,,XAP,Approved,-2676,XNA,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,-1,Consumer electronics,10.0,high,POS household with interest,365243.0,-2645.0,-2375.0,-2435.0,-2432.0,1.0,0,Cash loans,M,Y,Y,0,247500.0,835380.0,40320.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00963,-20285,-1398,-434.0,-3696,8.0,1,1,0,1,0,0,Drivers,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.6559945161488663,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1574948,222556,Cash loans,9819.09,45000.0,50463.0,,45000.0,WEDNESDAY,9,Y,1,,,,XNA,Approved,-881,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,6.0,high,Cash X-Sell: high,365243.0,-851.0,-701.0,-701.0,-695.0,1.0,0,Cash loans,F,N,Y,0,94500.0,405000.0,32125.5,405000.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.015221,-14837,-193,-2640.0,-4592,,1,1,0,1,1,0,Sales staff,2.0,2,2,TUESDAY,9,0,0,0,0,1,1,Business Entity Type 3,,0.424890913578726,0.3506958432829587,,,0.9747,,,,0.069,0.0417,,,,0.0083,,0.0026,,,0.9747,,,,0.069,0.0417,,,,0.0087,,0.0027,,,0.9747,,,,0.069,0.0417,,,,0.0085,,0.0026,,block of flats,0.0102,Panel,No,0.0,0.0,0.0,0.0,-881.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1487453,163966,Consumer loans,3928.635,31455.0,34186.5,3145.5,31455.0,FRIDAY,11,Y,1,0.09176404839133864,,,XAP,Approved,-1702,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Regional / Local,88,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1671.0,-1401.0,-1491.0,-1483.0,0.0,0,Cash loans,F,N,Y,2,81000.0,66222.0,7987.5,58500.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-11712,-472,-5752.0,-4015,,1,1,0,1,0,0,Sales staff,4.0,2,2,SATURDAY,10,0,0,0,0,1,1,Business Entity Type 3,,0.7041193214799232,0.10211878786358386,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-1126.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2438062,285198,Consumer loans,3094.605,18909.0,14652.0,4950.0,18909.0,TUESDAY,9,Y,1,0.27502295684113864,,,XAP,Approved,-1234,Cash through the bank,XAP,Family,Refreshed,Mobile,POS,XNA,Country-wide,30,Connectivity,6.0,high,POS mobile with interest,365243.0,-1203.0,-1053.0,-1083.0,-1075.0,0.0,0,Cash loans,F,Y,Y,2,90000.0,254700.0,17149.5,225000.0,Family,Working,Higher education,Married,House / apartment,0.020713,-11222,-1440,-1344.0,-3678,21.0,1,1,1,1,0,0,Core staff,4.0,3,3,THURSDAY,7,0,0,0,0,1,1,Government,,0.0972340082478035,0.5602843280409464,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-427.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2235613,317524,Consumer loans,5233.59,34870.5,25870.5,9000.0,34870.5,WEDNESDAY,20,Y,1,0.2810919884090615,,,XAP,Approved,-1911,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,6.0,high,POS mobile with interest,365243.0,-1871.0,-1721.0,-1721.0,-1718.0,0.0,0,Cash loans,M,Y,Y,1,225000.0,1107000.0,36585.0,1107000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.030755,-14150,-3972,-8156.0,-3115,8.0,1,1,0,1,0,0,Laborers,3.0,2,2,WEDNESDAY,19,0,0,0,0,1,1,Business Entity Type 1,0.7572848414297262,0.7011586560354696,0.7981372313187245,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,0.0,8.0,0.0,-1911.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,3.0 +1343538,338072,Consumer loans,30973.95,116874.0,116874.0,0.0,116874.0,SUNDAY,14,Y,1,0.0,,,XAP,Approved,-455,Cash through the bank,XAP,,New,Furniture,POS,XNA,Country-wide,100,Furniture,4.0,low_normal,POS industry with interest,365243.0,-421.0,-331.0,-331.0,-329.0,0.0,0,Cash loans,F,N,N,0,202500.0,1546020.0,45333.0,1350000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.072508,-13925,-668,-7926.0,-1943,,1,1,0,1,1,0,HR staff,1.0,1,1,FRIDAY,20,0,0,0,0,0,0,Business Entity Type 3,0.8524644173129897,0.7030064995147489,0.190705947811054,0.2144,0.1214,0.9871,0.8232,0.0,0.32,0.1379,0.5417,0.5833,0.0,0.1748,0.2536,0.0,0.0623,0.2185,0.126,0.9871,0.8301,0.0,0.3222,0.1379,0.5417,0.5833,0.0,0.191,0.2642,0.0,0.0659,0.2165,0.1214,0.9871,0.8256,0.0,0.32,0.1379,0.5417,0.5833,0.0,0.1779,0.2582,0.0,0.0636,reg oper account,block of flats,0.213,Panel,No,0.0,0.0,0.0,0.0,-455.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,0.0,0.0,2.0 +1009075,416583,Consumer loans,11809.935,79155.0,84726.0,0.0,79155.0,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-375,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Regional / Local,100,Consumer electronics,8.0,low_normal,POS household with interest,365243.0,-345.0,-135.0,-195.0,-193.0,1.0,0,Cash loans,F,Y,N,1,135000.0,225000.0,23755.5,225000.0,Unaccompanied,Commercial associate,Incomplete higher,Single / not married,Rented apartment,0.0105,-12415,-2251,-5075.0,-5075,2.0,1,1,0,1,0,0,Realty agents,2.0,3,3,THURSDAY,10,0,0,0,1,1,0,Services,0.7317095579703221,0.481930732091844,0.5902333386185574,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-2070.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1629711,333924,Cash loans,58205.475,1350000.0,1467612.0,,1350000.0,FRIDAY,12,Y,1,,,,XNA,Approved,-221,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-191.0,859.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,0,360000.0,454500.0,14661.0,454500.0,Family,Commercial associate,Higher education,Married,House / apartment,0.072508,-13394,-3013,-7358.0,-3966,7.0,1,1,0,1,0,1,Managers,2.0,1,1,TUESDAY,13,0,0,0,0,0,0,School,,0.7230418683013636,0.1895952597360396,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-978.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1491156,273145,Consumer loans,14954.625,202500.0,157500.0,45000.0,202500.0,SATURDAY,13,Y,1,0.24202020202020194,,,XAP,Approved,-143,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,80,Furniture,12.0,low_normal,POS industry with interest,365243.0,-112.0,218.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,103500.0,143910.0,14148.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-20560,-10988,-8373.0,-4054,,1,1,1,1,1,0,,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,Government,0.7166749171332034,0.5380542803385404,0.7738956942145427,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-393.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2477562,434628,Revolving loans,2250.0,45000.0,45000.0,,45000.0,THURSDAY,13,Y,1,,,,XAP,Approved,-366,XNA,XAP,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,-144.0,0.0,0,Cash loans,F,Y,Y,0,135000.0,840996.0,24718.5,702000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00733,-18200,-683,-3943.0,-1747,16.0,1,1,0,1,0,0,Cooking staff,2.0,2,2,SATURDAY,17,0,0,0,0,0,0,Business Entity Type 2,0.5909735182352015,0.5120158061316245,0.6848276586890367,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-384.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2629511,104342,Consumer loans,10522.575,119956.5,119956.5,0.0,119956.5,THURSDAY,10,Y,1,0.0,,,XAP,Approved,-403,Cash through the bank,XAP,,New,Computers,POS,XNA,Regional / Local,60,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-372.0,-42.0,-42.0,-36.0,0.0,0,Revolving loans,F,N,Y,1,90000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-7859,-765,-5666.0,-301,,1,1,0,1,0,0,Private service staff,3.0,3,2,MONDAY,8,0,0,0,0,0,0,Self-employed,,0.426639180175858,0.08616166238092926,0.2031,0.1231,0.9856,0.8028,0.0917,0.16,0.2069,0.3333,0.2083,0.2502,0.1639,0.1727,0.0077,0.0171,0.2069,0.1277,0.9856,0.8105,0.0926,0.1611,0.2069,0.3333,0.2083,0.2559,0.1791,0.1799,0.0078,0.0181,0.2051,0.1231,0.9856,0.8054,0.0923,0.16,0.2069,0.3333,0.2083,0.2546,0.1667,0.1758,0.0078,0.0174,reg oper account,block of flats,0.1897,Panel,No,0.0,0.0,0.0,0.0,-403.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2025156,438772,Cash loans,29336.04,828000.0,828000.0,,828000.0,THURSDAY,10,Y,1,,,,XNA,Refused,-1365,Cash through the bank,LIMIT,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,60.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,144000.0,1264500.0,36972.0,1264500.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.026392000000000002,-21614,365243,-5746.0,-4364,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,XNA,,0.7238731132883803,0.39449540531239935,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1444.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2618049,168743,Cash loans,14658.795,67500.0,77845.5,,67500.0,FRIDAY,12,Y,1,,,,XNA,Approved,-1106,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-1076.0,-926.0,-926.0,-921.0,1.0,0,Cash loans,F,Y,Y,0,117000.0,247500.0,24610.5,247500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-16226,-3312,-10328.0,-4664,2.0,1,1,0,1,1,0,High skill tech staff,2.0,2,2,FRIDAY,18,0,0,0,0,0,0,Business Entity Type 3,0.9129387830837546,0.6376743966229461,0.13680052191177486,0.2227,,0.9856,,,0.24,0.2069,0.3333,,0.187,,0.2284,,0.0537,0.2269,,0.9856,,,0.2417,0.2069,0.3333,,0.1913,,0.238,,0.0568,0.2248,,0.9856,,,0.24,0.2069,0.3333,,0.1903,,0.2325,,0.0548,,block of flats,0.1913,"Stone, brick",No,0.0,0.0,0.0,0.0,-1822.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,9.0 +1722575,234037,Cash loans,18274.545,180000.0,197820.0,0.0,180000.0,TUESDAY,18,Y,1,0.0,,,Journey,Refused,-2047,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,N,0,391500.0,1113840.0,47191.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.072508,-19540,-3438,-4713.0,-3082,,1,1,0,1,1,0,Accountants,1.0,1,1,FRIDAY,18,0,0,0,0,0,0,Culture,0.6620674949888482,0.7534568733917718,0.6769925032909132,0.0861,0.0,0.993,0.9048,0.0488,0.16,0.069,0.4583,0.5,0.0,0.0702,0.0698,0.0,0.0237,0.0588,0.0,0.993,0.9085,0.0354,0.0806,0.0345,0.375,0.4167,0.0,0.0514,0.0442,0.0,0.0027,0.0869,0.0,0.993,0.9061,0.0491,0.16,0.069,0.4583,0.5,0.0,0.0714,0.071,0.0,0.0242,reg oper account,block of flats,0.0557,Panel,No,3.0,0.0,3.0,0.0,-2047.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2413250,117022,Revolving loans,9000.0,180000.0,180000.0,,180000.0,TUESDAY,8,Y,1,,,,XAP,Approved,-3,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,0,112500.0,450000.0,30073.5,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018029,-11598,-529,-6018.0,-4000,8.0,1,1,0,1,0,0,Core staff,2.0,3,3,FRIDAY,8,0,0,0,0,0,0,Government,0.2885473189786804,0.3725753174285131,,0.0928,,0.9821,,,0.0,0.2069,0.1667,,,,0.0844,,0.0,0.0945,,0.9821,,,0.0,0.2069,0.1667,,,,0.0879,,0.0,0.0937,,0.9821,,,0.0,0.2069,0.1667,,,,0.0859,,0.0,,block of flats,0.0664,Panel,No,0.0,0.0,0.0,0.0,-671.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2287816,119472,Consumer loans,14687.64,124965.0,122499.0,13500.0,124965.0,MONDAY,10,Y,1,0.10810908368978643,,,XAP,Approved,-1873,XNA,XAP,"Spouse, partner",New,Mobile,POS,XNA,Country-wide,20,Connectivity,12.0,high,POS mobile with interest,365243.0,-1842.0,-1512.0,-1512.0,-1503.0,0.0,0,Cash loans,M,Y,Y,0,270000.0,704844.0,34038.0,630000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010032,-19838,-1837,-2191.0,-3376,15.0,1,1,0,1,0,0,Drivers,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,Government,,0.6620972615744479,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1873.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2733324,253823,Consumer loans,4488.93,39141.0,22189.5,18000.0,39141.0,MONDAY,15,Y,1,0.4877800510988286,,,XAP,Approved,-1996,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,107,Connectivity,6.0,high,POS mobile with interest,365243.0,-1942.0,-1792.0,-1822.0,-1815.0,0.0,0,Cash loans,F,Y,Y,0,202500.0,444420.0,21510.0,337500.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018634,-17723,-732,-6299.0,-1278,18.0,1,1,1,1,0,0,Laborers,2.0,2,2,TUESDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.8727185915252613,0.7708374711124097,0.6801388218428291,0.0619,0.0763,0.9806,0.0,0.0334,0.0,0.1379,0.1667,0.2083,0.037000000000000005,0.0504,0.0545,0.0,0.0,0.063,0.0792,0.9806,0.0,0.0337,0.0,0.1379,0.1667,0.2083,0.0378,0.0551,0.0567,0.0,0.0,0.0625,0.0763,0.9806,0.0,0.0336,0.0,0.1379,0.1667,0.2083,0.0376,0.0513,0.0554,0.0,0.0,reg oper account,block of flats,0.0611,"Stone, brick",No,0.0,0.0,0.0,0.0,-1996.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1641511,155716,Consumer loans,4592.43,35806.5,39352.5,0.0,35806.5,WEDNESDAY,16,Y,1,0.0,,,XAP,Approved,-2267,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,4000,Consumer electronics,12.0,high,POS household with interest,365243.0,-2236.0,-1906.0,-1906.0,-1899.0,1.0,0,Cash loans,F,N,Y,0,90000.0,66222.0,6678.0,58500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.008575,-17888,-298,-7119.0,-1443,,1,1,0,1,0,0,Sales staff,1.0,2,2,TUESDAY,13,0,0,0,0,1,1,Trade: type 3,,0.6741023330868122,0.7958031328748403,0.0186,,0.9831,,,0.0,0.1034,0.0417,,,,0.0169,,,0.0189,,0.9831,,,0.0,0.1034,0.0417,,,,0.0176,,,0.0187,,0.9831,,,0.0,0.1034,0.0417,,,,0.0172,,,,block of flats,0.0146,"Stone, brick",No,0.0,0.0,0.0,0.0,-2267.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1045697,154883,Consumer loans,18220.815,191821.5,159808.5,45000.0,191821.5,THURSDAY,9,Y,1,0.23929227014059906,,,XAP,Approved,-1796,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,652,Consumer electronics,12.0,high,POS household with interest,365243.0,-1762.0,-1432.0,-1432.0,-1429.0,0.0,0,Cash loans,F,N,N,0,76500.0,943425.0,26073.0,787500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.020246,-22516,365243,-1147.0,-4667,,1,0,0,1,0,0,,1.0,3,3,MONDAY,10,0,0,0,0,0,0,XNA,,0.3576737448849325,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1796.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2110689,298915,Consumer loans,17956.305,172260.0,180103.5,9000.0,172260.0,TUESDAY,7,Y,1,0.05183308707569231,,,XAP,Approved,-1542,Cash through the bank,XAP,Family,New,Furniture,POS,XNA,Stone,2,Clothing,14.0,high,POS industry with interest,365243.0,-1510.0,-1120.0,-1120.0,-1117.0,0.0,0,Cash loans,F,Y,Y,0,120150.0,835605.0,24561.0,697500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.020713,-20252,-9776,-7057.0,-2473,3.0,1,1,0,1,0,0,Laborers,2.0,3,2,THURSDAY,10,0,0,0,0,0,0,Transport: type 2,0.5203710308519613,0.5915822023932055,0.7850520263728172,0.0041,0.0,0.9702,0.5920000000000001,0.0015,0.0,0.0345,0.0417,0.0833,0.0066,0.0034,0.0087,0.0,0.0,0.0042,0.0,0.9702,0.608,0.0015,0.0,0.0345,0.0417,0.0833,0.0067,0.0037,0.0091,0.0,0.0,0.0042,0.0,0.9702,0.5975,0.0015,0.0,0.0345,0.0417,0.0833,0.0067,0.0034,0.0089,0.0,0.0,reg oper account,block of flats,0.0077,"Stone, brick",No,5.0,3.0,5.0,3.0,-3807.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2708576,297227,Cash loans,,0.0,0.0,,,TUESDAY,11,Y,1,,,,XNA,Refused,-157,XNA,HC,,Repeater,XNA,XNA,XNA,AP+ (Cash loan),3,XNA,,XNA,Cash,,,,,,,0,Revolving loans,F,Y,Y,0,121500.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.006852,-17898,-365,-1459.0,-1451,13.0,1,1,1,1,1,0,Core staff,1.0,3,3,FRIDAY,10,0,0,0,0,0,0,School,,0.1303287818831746,0.08788069918013308,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1948.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1054547,408948,Consumer loans,5285.07,28800.0,25920.0,2880.0,28800.0,SUNDAY,14,Y,1,0.1089090909090909,,,XAP,Approved,-1539,Cash through the bank,XAP,Unaccompanied,Repeater,Photo / Cinema Equipment,POS,XNA,Stone,206,Consumer electronics,6.0,high,POS household with interest,365243.0,-1460.0,-1310.0,-1310.0,-1308.0,0.0,1,Cash loans,M,Y,Y,0,405000.0,1078200.0,38200.5,900000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.035792000000000004,-13182,-226,-7102.0,-4348,14.0,1,1,0,1,1,0,Laborers,2.0,2,2,SATURDAY,9,0,0,0,1,1,1,Business Entity Type 3,,0.4135190914672341,0.04062003958287359,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1539.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1129663,196536,Consumer loans,10440.45,96457.5,93973.5,9648.0,96457.5,WEDNESDAY,13,Y,1,0.10140317492903583,,,XAP,Approved,-2455,Cash through the bank,XAP,Family,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,2500,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2424.0,-2154.0,-2154.0,-2143.0,1.0,0,Cash loans,F,N,Y,1,157500.0,646920.0,25195.5,540000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.035792000000000004,-11056,-197,-5011.0,-3098,,1,1,0,1,0,0,Accountants,3.0,2,2,MONDAY,11,0,0,0,0,0,0,School,0.4795198768333007,0.5903611549300781,0.17456426555726348,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-2143.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1034993,223043,Consumer loans,4217.085,84501.0,90495.0,8964.0,84501.0,THURSDAY,17,Y,1,0.09815713921405714,,,XAP,Approved,-2644,Cash through the bank,XAP,"Spouse, partner",Repeater,Other,POS,XNA,Country-wide,1674,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-2613.0,-1923.0,-1923.0,-1920.0,1.0,0,Cash loans,M,Y,N,0,198000.0,1107981.0,32395.5,967500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.035792000000000004,-13643,-2956,-2944.0,-4183,20.0,1,1,0,1,0,0,Managers,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.5706582941430339,0.6605250464830694,0.34090642641523844,0.2928,0.1915,0.9891,0.8504,0.063,0.28,0.2414,0.375,0.4167,0.1286,0.2387,0.3018,0.0,0.0,0.2983,0.1987,0.9891,0.8563,0.0636,0.282,0.2414,0.375,0.4167,0.1315,0.2608,0.3144,0.0,0.0,0.2956,0.1915,0.9891,0.8524,0.0634,0.28,0.2414,0.375,0.4167,0.1308,0.2428,0.3072,0.0,0.0,reg oper account,block of flats,0.2718,Panel,No,0.0,0.0,0.0,0.0,-1895.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,2.0 +2342808,126386,Cash loans,17079.255,135000.0,143910.0,,135000.0,WEDNESDAY,11,Y,1,,,,Car repairs,Refused,-524,XNA,LIMIT,,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),4,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,M,Y,Y,0,202500.0,414792.0,22630.5,315000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.005084,-20100,-707,-417.0,-3536,9.0,1,1,0,1,0,0,Security staff,1.0,2,2,TUESDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.5204366809118744,0.5971924268337128,0.0825,,0.9771,,,,0.1379,0.1667,,,,0.063,,0.0,0.084,,0.9772,,,,0.1379,0.1667,,,,0.0656,,0.0,0.0833,,0.9771,,,,0.1379,0.1667,,,,0.0641,,0.0,,block of flats,0.0589,Panel,No,0.0,0.0,0.0,0.0,-635.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1139264,193220,Consumer loans,9008.055,110146.5,127593.0,0.0,110146.5,SATURDAY,7,Y,1,0.0,,,XAP,Approved,-902,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Regional / Local,100,Consumer electronics,18.0,middle,POS household with interest,365243.0,-871.0,-361.0,-751.0,-747.0,0.0,0,Cash loans,F,N,N,2,216000.0,450000.0,35685.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-10496,-2652,-2853.0,-1607,,1,1,1,1,0,0,Managers,4.0,3,3,WEDNESDAY,10,0,0,0,0,0,0,Military,0.5748287290750368,0.4748099057619369,0.13177013253138142,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2171.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1870853,192142,Cash loans,13098.6,180000.0,180000.0,0.0,180000.0,SATURDAY,8,Y,1,0.0,,,XNA,Approved,-1987,Cash through the bank,XAP,"Spouse, partner",Refreshed,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,high,Cash Street: high,365243.0,-1957.0,-1267.0,-1777.0,-1769.0,0.0,0,Cash loans,F,N,Y,0,135000.0,225000.0,22383.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-15253,-3890,-6048.0,-6042,,1,1,0,1,0,0,Managers,2.0,3,3,FRIDAY,14,0,0,0,0,0,0,Trade: type 7,0.7323199396834581,0.6160426371474671,0.6642482627052363,0.0722,0.0673,0.9811,0.7416,0.0076,0.0,0.1379,0.1667,0.2083,0.0,0.0588,0.0667,0.0,0.0,0.0735,0.0698,0.9811,0.7517,0.0076,0.0,0.1379,0.1667,0.2083,0.0,0.0643,0.0695,0.0,0.0,0.0729,0.0673,0.9811,0.7451,0.0076,0.0,0.1379,0.1667,0.2083,0.0,0.0599,0.0679,0.0,0.0,reg oper account,block of flats,0.0566,Panel,No,6.0,0.0,6.0,0.0,-3381.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +2345098,248653,Consumer loans,4341.15,35505.0,35118.0,3550.5,35505.0,THURSDAY,15,Y,1,0.09999915364514456,,,XAP,Approved,-1860,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,1300,Consumer electronics,12.0,high,POS household with interest,365243.0,-1829.0,-1499.0,-1529.0,-1521.0,0.0,0,Cash loans,F,N,N,0,112500.0,312768.0,13248.0,270000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.0060079999999999995,-21263,365243,-14255.0,-2569,,1,0,0,1,0,0,,1.0,2,2,MONDAY,14,0,0,0,0,0,0,XNA,,0.7456578499621883,0.7662336700704004,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1860.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1633382,256672,Cash loans,13504.545,180000.0,257917.5,,180000.0,MONDAY,12,Y,1,,,,Urgent needs,Refused,-401,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,middle,Cash Street: middle,,,,,,,0,Cash loans,M,Y,Y,0,135000.0,515529.0,31279.5,391500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.019688999999999998,-9112,-1215,-3681.0,-1783,7.0,1,1,0,1,0,0,Drivers,1.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Self-employed,,0.2174180298941161,,0.0124,0.0,0.9702,0.5920000000000001,,0.0,0.0345,0.0417,,0.008,,0.0093,,0.0009,0.0126,0.0,0.9702,0.608,,0.0,0.0345,0.0417,,0.0082,,0.0097,,0.001,0.0125,0.0,0.9702,0.5975,,0.0,0.0345,0.0417,,0.0082,,0.0094,,0.0009,,block of flats,0.0075,Wooden,No,0.0,0.0,0.0,0.0,-619.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2663120,304293,Consumer loans,39596.04,396000.0,356400.0,39600.0,396000.0,MONDAY,18,Y,1,0.1089090909090909,,,XAP,Approved,-759,Cash through the bank,XAP,Family,Repeater,Clothing and Accessories,POS,XNA,Regional / Local,65,Clothing,10.0,low_normal,POS industry with interest,365243.0,-728.0,-458.0,-458.0,-452.0,0.0,0,Cash loans,M,Y,Y,0,211500.0,1886850.0,49905.0,1575000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.019101,-18383,-4725,-1475.0,-1926,10.0,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,Military,,0.7872543936757679,0.7862666146611379,0.3907,0.182,0.998,0.966,0.1895,0.36,0.2069,0.4583,0.4167,0.0,0.3144,0.3127,0.0193,0.0344,0.3981,0.1889,0.998,0.9673,0.1912,0.3625,0.2069,0.4583,0.4167,0.0,0.3434,0.3258,0.0195,0.0364,0.3945,0.182,0.998,0.9665,0.1907,0.36,0.2069,0.4583,0.4167,0.0,0.3198,0.3184,0.0194,0.0351,reg oper account,block of flats,0.3689,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2703468,186544,Consumer loans,11830.545,75960.0,63976.5,15192.0,75960.0,SUNDAY,15,Y,1,0.20899055926168966,,,XAP,Approved,-157,Cash through the bank,XAP,Other_A,Repeater,Audio/Video,POS,XNA,Stone,300,Consumer electronics,6.0,middle,POS household with interest,365243.0,-127.0,23.0,365243.0,365243.0,1.0,0,Revolving loans,F,Y,Y,2,202500.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.031329,-11036,-2081,-4219.0,-896,0.0,1,1,0,1,0,1,Sales staff,4.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.6783826275672546,0.6944123079923215,0.22888341670067305,0.2216,,0.9826,,,0.24,0.2069,0.3333,,0.218,,0.2058,,,0.2258,,0.9826,,,0.2417,0.2069,0.3333,,0.223,,0.2144,,,0.2238,,0.9826,,,0.24,0.2069,0.3333,,0.2218,,0.2095,,,,block of flats,0.1619,Panel,No,0.0,0.0,0.0,0.0,-285.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1083061,159207,Revolving loans,4500.0,90000.0,90000.0,,90000.0,SATURDAY,12,Y,1,,,,XAP,Approved,-353,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-349.0,-304.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,M,Y,Y,0,225000.0,256500.0,30568.5,256500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.015221,-13190,-1300,-588.0,-2995,12.0,1,1,0,1,0,0,Laborers,1.0,2,2,TUESDAY,12,0,0,0,0,0,0,Self-employed,,0.5217573135102741,0.20092608771597092,0.1784,0.0769,0.9816,0.7484,0.0186,0.2,0.1724,0.3333,0.0417,0.0502,0.1454,0.1704,0.0,0.0692,0.1817,0.0798,0.9816,0.7583,0.0188,0.2014,0.1724,0.3333,0.0417,0.0514,0.1589,0.1775,0.0,0.0732,0.1801,0.0769,0.9816,0.7518,0.0187,0.2,0.1724,0.3333,0.0417,0.0511,0.1479,0.1735,0.0,0.0706,reg oper account,block of flats,0.1491,"Stone, brick",No,0.0,0.0,0.0,0.0,-585.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2408301,319427,Consumer loans,8934.75,74655.0,81225.0,0.0,74655.0,MONDAY,19,Y,1,0.0,,,XAP,Approved,-368,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Regional / Local,168,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-337.0,-67.0,-217.0,-208.0,0.0,0,Cash loans,F,N,Y,0,45000.0,157050.0,7047.0,112500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-19978,-157,-3849.0,-3480,,1,1,0,1,0,0,Security staff,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,Kindergarten,0.7785242542649362,0.6528938361461942,0.3441550073724169,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2525.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2274417,370092,Cash loans,8847.855,81000.0,86346.0,,81000.0,MONDAY,13,Y,1,,,,XNA,Approved,-396,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-366.0,-36.0,-36.0,-33.0,1.0,0,Cash loans,F,N,Y,2,112500.0,67500.0,6705.0,67500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-16741,-620,-4558.0,-297,,1,1,1,1,0,0,Private service staff,4.0,2,2,FRIDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.2755358466931539,0.7713615919194317,0.0722,,0.9831,,,,0.1379,0.1667,,,,0.0618,,0.0194,0.0735,,0.9831,,,,0.1379,0.1667,,,,0.0644,,0.0205,0.0729,,0.9831,,,,0.1379,0.1667,,,,0.0629,,0.0198,,block of flats,0.0528,"Stone, brick",No,0.0,0.0,0.0,0.0,-823.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1718004,429391,Consumer loans,9115.425,90234.0,90234.0,0.0,90234.0,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-940,Cash through the bank,XAP,Unaccompanied,Refreshed,Consumer Electronics,POS,XNA,Country-wide,496,Consumer electronics,12.0,middle,POS household with interest,365243.0,-904.0,-574.0,-604.0,-596.0,0.0,0,Cash loans,F,N,Y,0,90000.0,568197.0,24201.0,490500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.004849,-16495,-231,-256.0,-38,,1,1,0,1,0,0,Medicine staff,2.0,2,2,MONDAY,16,0,0,0,0,0,0,Other,,0.04305650055753457,0.7530673920730478,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1880231,191433,Consumer loans,16937.955,148410.0,161145.0,0.0,148410.0,TUESDAY,10,Y,1,0.0,,,XAP,Approved,-780,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,30,Consumer electronics,12.0,middle,POS household with interest,365243.0,-749.0,-419.0,-419.0,-411.0,0.0,0,Cash loans,M,N,Y,0,90000.0,305221.5,11092.5,252000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-22406,365243,-9912.0,-4046,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,8,0,0,0,0,0,0,XNA,,0.7103538526552721,0.6848276586890367,0.1165,0.0801,0.9866,0.8164,0.0297,0.12,0.1034,0.3333,0.375,0.0265,0.0908,0.1119,0.0193,0.049,0.1187,0.0832,0.9866,0.8236,0.03,0.1208,0.1034,0.3333,0.375,0.0271,0.0992,0.1166,0.0195,0.0519,0.1176,0.0801,0.9866,0.8189,0.0299,0.12,0.1034,0.3333,0.375,0.027000000000000003,0.0923,0.114,0.0194,0.05,reg oper account,block of flats,0.115,Block,No,0.0,0.0,0.0,0.0,-780.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2546206,411498,Consumer loans,13027.86,120132.0,135990.0,0.0,120132.0,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-2400,XNA,XAP,"Spouse, partner",Repeater,Computers,POS,XNA,Country-wide,1079,Consumer electronics,16.0,high,POS household with interest,365243.0,-2369.0,-1919.0,-1919.0,-1912.0,1.0,0,Cash loans,M,Y,Y,0,157500.0,906615.0,30091.5,688500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-11477,-4757,-537.0,-3903,23.0,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,13,0,0,0,0,1,1,Military,,0.2722567594870311,0.6879328378491735,0.1031,0.1123,0.9871,0.8232,0.0388,0.0,0.2069,0.1667,0.0417,0.0903,0.0841,0.0934,0.0,0.1189,0.105,0.1165,0.9871,0.8301,0.0391,0.0,0.2069,0.1667,0.0417,0.0923,0.0918,0.0973,0.0,0.1258,0.1041,0.1123,0.9871,0.8256,0.039,0.0,0.2069,0.1667,0.0417,0.0919,0.0855,0.0951,0.0,0.1214,reg oper account,block of flats,0.0993,Panel,No,2.0,0.0,2.0,0.0,-2400.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1084659,286355,Cash loans,22800.645,733500.0,859369.5,,733500.0,WEDNESDAY,18,Y,1,,,,XNA,Approved,-282,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_action,Cash X-Sell: low,365243.0,-252.0,1518.0,365243.0,365243.0,1.0,0,Revolving loans,F,N,Y,0,135000.0,405000.0,20250.0,405000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-23041,365243,-3215.0,-4153,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,XNA,,0.5726422083421745,,0.0082,0.0049,0.9588,,,0.0,0.069,0.0417,,,,0.0051,,,0.0084,0.0051,0.9588,,,0.0,0.069,0.0417,,,,0.0053,,,0.0083,0.0049,0.9588,,,0.0,0.069,0.0417,,,,0.0052,,,,block of flats,0.004,Wooden,No,,,,,-1712.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,2.0 +2657706,325065,Consumer loans,2575.755,25761.33,23184.0,2577.33,25761.33,FRIDAY,10,Y,1,0.1089596955097921,,,XAP,Approved,-2736,Non-cash from your account,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Stone,146,Furniture,10.0,low_normal,POS industry without interest,365243.0,-2695.0,-2425.0,-2425.0,-2419.0,0.0,0,Cash loans,M,N,Y,0,135000.0,127350.0,13500.0,112500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010147,-11692,-617,-3598.0,-4171,,1,1,1,1,1,0,Laborers,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.4004666126071926,0.02315974345033676,0.07698446914647789,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1252.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1300740,242061,Cash loans,28504.395,810000.0,970380.0,,810000.0,MONDAY,16,Y,1,,,,XNA,Refused,-233,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,1,Cash loans,M,Y,Y,0,337500.0,344043.0,27310.5,297000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-15796,-1937,-9938.0,-4808,11.0,1,1,0,1,0,0,Drivers,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.6092862684287851,0.3077366963789207,0.0588,0.0849,0.9811,0.7416,0.0228,0.0,0.1379,0.1667,0.2083,0.0506,0.0471,0.0542,0.0039,0.0566,0.0599,0.0881,0.9811,0.7517,0.023,0.0,0.1379,0.1667,0.2083,0.0518,0.0514,0.0565,0.0039,0.0599,0.0593,0.0849,0.9811,0.7451,0.023,0.0,0.1379,0.1667,0.2083,0.0515,0.0479,0.0552,0.0039,0.0578,reg oper account,block of flats,0.055,"Stone, brick",No,0.0,0.0,0.0,0.0,-1940.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1030319,343485,Consumer loans,9901.485,67495.5,52839.0,22500.0,67495.5,SUNDAY,15,Y,1,0.32525711058741746,,,XAP,Approved,-633,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,1500,Consumer electronics,6.0,middle,POS household with interest,365243.0,-602.0,-452.0,-482.0,-472.0,0.0,0,Cash loans,M,N,Y,0,135000.0,882000.0,25789.5,882000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.011703,-9860,-3284,-3907.0,-2449,,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Other,0.14365802336245684,0.7551428138108375,,0.0124,0.0805,0.9821,,,0.04,0.0345,0.3333,,0.0,,0.0649,,0.0649,0.0126,0.0835,0.9821,,,0.0403,0.0345,0.3333,,0.0,,0.0676,,0.0687,0.0125,0.0805,0.9821,,,0.04,0.0345,0.3333,,0.0,,0.0661,,0.0663,,specific housing,0.0962,"Stone, brick",No,0.0,0.0,0.0,0.0,-1165.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1611308,300477,Consumer loans,5901.435,57492.0,63184.5,0.0,57492.0,THURSDAY,15,Y,1,0.0,,,XAP,Approved,-1332,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,3855,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-1301.0,-971.0,-971.0,-958.0,0.0,0,Cash loans,F,N,Y,1,135000.0,450000.0,20979.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018209,-16562,-3653,-1850.0,-99,,1,1,1,1,1,0,Sales staff,3.0,3,3,SATURDAY,14,0,0,0,0,0,0,Self-employed,0.4464995402722559,0.4384899069235533,0.6956219298394389,0.1216,0.1291,0.9722,0.6124,0.0031,0.0,0.069,0.125,0.1667,0.0849,0.0992,0.057,0.0,0.0248,0.1239,0.134,0.9722,0.6276,0.0032,0.0,0.069,0.125,0.1667,0.0868,0.1084,0.0594,0.0,0.0263,0.1228,0.1291,0.9722,0.6176,0.0032,0.0,0.069,0.125,0.1667,0.0864,0.1009,0.058,0.0,0.0253,reg oper account,specific housing,0.0391,"Stone, brick",No,6.0,0.0,6.0,0.0,-1009.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2567280,122887,Consumer loans,9489.42,52231.5,52231.5,0.0,52231.5,FRIDAY,14,Y,1,0.0,,,XAP,Approved,-237,Cash through the bank,XAP,Unaccompanied,Repeater,Jewelry,POS,XNA,Regional / Local,50,Industry,6.0,middle,POS other with interest,365243.0,-207.0,-57.0,-57.0,-53.0,0.0,0,Cash loans,F,N,N,1,112500.0,835380.0,33259.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.0105,-10158,-1813,-4826.0,-1618,,1,1,0,1,1,0,Laborers,3.0,3,3,THURSDAY,15,0,0,0,1,1,0,Agriculture,,0.4477440037569261,0.4382813743111921,0.0031,,0.9702,0.5920000000000001,0.0,0.0,,0.0,0.0417,0.021,0.0025,0.0021,0.0,0.0,0.0032,,0.9702,0.608,0.0,0.0,,0.0,0.0417,0.0215,0.0028,0.0022,0.0,0.0,0.0031,,0.9702,0.5975,0.0,0.0,,0.0,0.0417,0.0214,0.0026,0.0022,0.0,0.0,not specified,terraced house,0.0017,Wooden,No,3.0,1.0,3.0,1.0,-1708.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1637851,448936,Consumer loans,9930.105,305730.0,244584.0,61146.0,305730.0,MONDAY,12,Y,1,0.2178181818181818,,,XAP,Refused,-1689,Cash through the bank,LIMIT,,Repeater,Homewares,POS,XNA,Country-wide,30,Construction,36.0,low_normal,POS other with interest,,,,,,,0,Cash loans,F,N,Y,0,144000.0,1282500.0,35266.5,1282500.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.0228,-20175,-1762,-9230.0,-3665,,1,1,1,1,1,0,High skill tech staff,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Government,0.8164374560992266,0.4832084303125909,0.6863823354047934,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-711.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2376674,296020,Revolving loans,11250.0,225000.0,225000.0,,225000.0,FRIDAY,12,Y,1,,,,XAP,Refused,-941,XNA,HC,,Refreshed,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,Y,N,0,81000.0,900000.0,23742.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-18082,-4611,-1736.0,-1633,18.0,1,1,0,1,1,1,Managers,2.0,3,3,SATURDAY,13,0,0,0,0,1,1,Self-employed,0.5610865449755142,0.3225232344605078,0.4101025731788671,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-941.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1661811,274377,Consumer loans,9673.155,71955.0,79555.5,0.0,71955.0,WEDNESDAY,13,Y,1,0.0,,,XAP,Refused,-526,Cash through the bank,SCOFR,,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,12.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,Y,Y,0,94500.0,333621.0,20290.5,288000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-10214,-1284,-317.0,-871,2.0,1,1,0,1,0,0,Core staff,2.0,2,2,THURSDAY,8,0,0,0,1,1,0,Trade: type 3,0.10627275261217058,0.5602319679954458,0.6706517530862718,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-850.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1148258,169321,Revolving loans,9000.0,180000.0,180000.0,,180000.0,MONDAY,12,Y,1,,,,XAP,Refused,-711,XNA,SCOFR,,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,Y,N,1,144000.0,319500.0,9283.5,319500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.018209,-9512,-1312,-3420.0,-2174,5.0,1,1,1,1,1,0,Medicine staff,2.0,3,3,THURSDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.26127253331283856,0.5545782459173029,0.7544061731797895,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1069.0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1365457,246866,Consumer loans,8370.27,65695.5,58945.5,6750.0,65695.5,SATURDAY,12,Y,1,0.11190056604126053,,,XAP,Approved,-1304,Cash through the bank,XAP,Unaccompanied,Refreshed,Computers,POS,XNA,Country-wide,1512,Consumer electronics,8.0,middle,POS household with interest,365243.0,-1273.0,-1063.0,-1183.0,-1177.0,0.0,0,Cash loans,M,Y,Y,2,135000.0,675000.0,22437.0,675000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.0105,-12532,-709,-2694.0,-3993,7.0,1,1,1,1,1,0,Core staff,4.0,3,3,MONDAY,17,0,0,0,0,0,0,Bank,,0.6577146923705848,0.43473324875017305,0.1701,0.1409,0.9831,0.7688,0.0311,0.04,0.0345,0.2917,0.3333,0.0255,0.1387,0.091,0.0193,0.039,0.1733,0.1462,0.9831,0.7779,0.0314,0.0403,0.0345,0.2917,0.3333,0.0261,0.1515,0.0948,0.0195,0.0413,0.1718,0.1409,0.9831,0.7719,0.0313,0.04,0.0345,0.2917,0.3333,0.026,0.1411,0.0926,0.0194,0.0398,reg oper account,block of flats,0.0824,"Stone, brick",No,0.0,0.0,0.0,0.0,-2396.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2809698,273365,Consumer loans,8542.8,88605.0,82539.0,13500.0,88605.0,SATURDAY,8,Y,1,0.15309121578449658,,,XAP,Approved,-2081,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,356,Consumer electronics,12.0,middle,POS household with interest,365243.0,-2050.0,-1720.0,-1720.0,-1282.0,0.0,0,Cash loans,M,N,Y,0,112500.0,312768.0,24691.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-11755,-4117,-3148.0,-3722,,1,1,0,1,1,0,Laborers,2.0,3,3,MONDAY,6,0,0,0,0,0,0,Construction,,0.7139578541562436,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1277.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2647672,237849,Consumer loans,14233.05,143910.0,142330.5,14400.0,143910.0,THURSDAY,6,Y,1,0.10006290473717044,,,XAP,Approved,-1502,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Stone,400,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1471.0,-1141.0,-1171.0,-1163.0,0.0,0,Revolving loans,F,N,N,1,67500.0,270000.0,13500.0,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Rented apartment,0.020713,-12964,-345,-2456.0,-4161,,1,1,0,1,0,0,Sales staff,3.0,3,3,MONDAY,6,1,1,0,1,1,0,Self-employed,0.3097967972756085,0.3423970138159031,0.746300213050371,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-1502.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1803899,130632,Cash loans,,0.0,0.0,,,SATURDAY,15,Y,1,,,,XNA,Refused,-441,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,157500.0,260640.0,18270.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.00823,-21706,365243,-13000.0,-4971,,1,0,0,1,0,1,,2.0,2,2,SATURDAY,16,0,0,0,0,0,0,XNA,,0.4306826380796692,0.16441417882990705,0.0918,0.0816,0.9816,,,0.0,0.2069,0.1667,,0.065,,0.0865,,0.0033,0.0935,0.0847,0.9816,,,0.0,0.2069,0.1667,,0.0665,,0.0901,,0.0035,0.0926,0.0816,0.9816,,,0.0,0.2069,0.1667,,0.0661,,0.08800000000000001,,0.0034,,block of flats,0.0687,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1239631,437655,Revolving loans,11250.0,0.0,225000.0,,,TUESDAY,11,Y,1,,,,XAP,Approved,-463,XNA,XAP,,Refreshed,XNA,Cards,x-sell,Country-wide,500,Consumer electronics,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,-134.0,0.0,0,Cash loans,F,N,Y,0,90000.0,253737.0,24849.0,229500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.0060079999999999995,-21212,365243,-2539.0,-4706,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,XNA,,0.6495163384532108,0.4418358231994413,0.1485,0.1305,0.9806,0.7348,0.0672,0.16,0.1379,0.3333,0.375,0.0611,0.121,0.1674,0.0,0.0,0.1513,0.1354,0.9806,0.7452,0.0678,0.1611,0.1379,0.3333,0.375,0.0625,0.1322,0.1744,0.0,0.0,0.1499,0.1305,0.9806,0.7383,0.0677,0.16,0.1379,0.3333,0.375,0.0621,0.1231,0.1704,0.0,0.0,reg oper account,block of flats,0.1684,Panel,No,2.0,0.0,2.0,0.0,-1547.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2831146,210105,Cash loans,13155.75,225000.0,225000.0,,225000.0,FRIDAY,12,Y,1,,,,XNA,Approved,-1098,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-1068.0,-378.0,-768.0,-760.0,0.0,0,Cash loans,F,N,N,0,157500.0,284400.0,16456.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.025164,-24293,365243,-8980.0,-4105,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,10,0,0,0,0,0,0,XNA,,0.1973725062365204,0.4135967602644276,0.0619,0.0524,0.9881,0.8368,0.0325,0.0,0.1379,0.1667,0.2083,0.0558,0.0504,0.0558,0.0,0.0,0.063,0.0544,0.9881,0.8432,0.0328,0.0,0.1379,0.1667,0.2083,0.057,0.0551,0.0581,0.0,0.0,0.0625,0.0524,0.9881,0.8390000000000001,0.0327,0.0,0.1379,0.1667,0.2083,0.0567,0.0513,0.0568,0.0,0.0,reg oper account,block of flats,0.0616,"Stone, brick",No,2.0,1.0,2.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2653419,370403,Revolving loans,2250.0,45000.0,45000.0,,45000.0,TUESDAY,16,Y,1,,,,XAP,Approved,-228,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Country-wide,2547,Consumer electronics,0.0,XNA,Card Street,-200.0,-154.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,211500.0,993082.5,40576.5,913500.0,Unaccompanied,Working,Incomplete higher,Civil marriage,House / apartment,0.018634,-10648,-583,-7157.0,-912,9.0,1,1,0,1,0,0,,2.0,2,2,SATURDAY,11,0,0,0,0,1,1,Business Entity Type 3,0.6710631468135863,0.3735266096422682,0.12373532211307872,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-625.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1421196,331028,Cash loans,6956.775,90000.0,116748.0,,90000.0,SATURDAY,12,Y,1,,,,XNA,Approved,-1154,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,202500.0,1214100.0,67923.0,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.032561,-20344,-13523,-8659.0,-3710,,1,1,0,1,1,0,,2.0,1,1,FRIDAY,12,0,0,0,0,0,0,Business Entity Type 2,,0.6656544906221126,0.5154953751603267,0.1398,0.0996,0.9757,0.6668,0.0136,0.0456,0.1624,0.2142,0.2558,0.1236,0.11,0.119,0.0182,0.0112,0.1071,0.0884,0.9752,0.6733,0.011,0.0,0.1724,0.1667,0.2083,0.0808,0.0918,0.0937,0.0078,0.0068,0.1062,0.0855,0.9752,0.6645,0.0109,0.0,0.1724,0.1667,0.2083,0.1278,0.0855,0.0919,0.0078,0.011,reg oper account,block of flats,0.0721,Panel,No,1.0,0.0,1.0,0.0,-999.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,8.0 +1198892,125457,Cash loans,24180.39,225000.0,263632.5,,225000.0,SATURDAY,3,Y,1,,,,Other,Refused,-354,Cash through the bank,LIMIT,,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),3,XNA,18.0,high,Cash Street: high,,,,,,,1,Cash loans,F,Y,Y,1,180000.0,1078200.0,38331.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.002506,-17196,-433,-6244.0,-740,9.0,1,1,0,1,0,0,Sales staff,3.0,2,2,WEDNESDAY,3,0,0,0,0,0,0,Trade: type 7,,0.6976693268523538,0.6313545365850379,0.0561,,0.9871,0.8232,0.0,0.0,0.1379,0.1667,0.0417,,0.0457,0.055,0.0,0.0,0.0305,,0.9871,0.8301,0.0,0.0,0.069,0.1667,0.0417,,0.0266,0.0284,0.0,0.0,0.0562,,0.9871,0.8256,0.0,0.0,0.1379,0.1667,0.0417,,0.0462,0.0561,0.0,0.0,reg oper account,block of flats,0.0214,,No,0.0,0.0,0.0,0.0,-412.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2198110,345613,Revolving loans,45000.0,900000.0,900000.0,,900000.0,MONDAY,18,Y,1,,,,XAP,Refused,-434,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,N,0,270000.0,364896.0,28827.0,315000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,Municipal apartment,0.035792000000000004,-18118,-940,-3170.0,-1657,,1,1,1,1,0,0,Sales staff,2.0,2,2,SATURDAY,15,0,0,0,1,1,0,Self-employed,0.32935367207161353,0.4220133304229564,0.3910549766342248,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,1.0,9.0,0.0,-1060.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +1305471,421495,Consumer loans,6138.9,112410.0,58410.0,54000.0,112410.0,FRIDAY,17,Y,1,0.5231821821093238,,,XAP,Approved,-1042,XNA,XAP,,New,Clothing and Accessories,POS,XNA,Regional / Local,2000,Clothing,12.0,middle,POS industry with interest,365243.0,-997.0,-667.0,-787.0,-781.0,0.0,0,Cash loans,M,Y,Y,0,157500.0,900000.0,35347.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-22352,-865,-12476.0,-5150,17.0,1,1,1,1,1,0,Drivers,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Emergency,,0.3365571482651695,0.4436153084085652,0.1082,0.0276,0.9791,,,0.08,0.069,0.3333,,0.0194,,0.0886,,0.0461,0.1103,0.0287,0.9791,,,0.0806,0.069,0.3333,,0.0198,,0.0923,,0.0488,0.1093,0.0276,0.9791,,,0.08,0.069,0.3333,,0.0197,,0.0902,,0.047,,block of flats,0.0928,"Stone, brick",No,1.0,0.0,1.0,0.0,-1452.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1597410,446902,Cash loans,21699.72,180000.0,191880.0,0.0,180000.0,TUESDAY,8,Y,1,0.0,,,Other,Approved,-1931,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,12.0,high,Cash Street: high,365243.0,-1900.0,-1570.0,-1600.0,-1597.0,0.0,0,Cash loans,F,Y,Y,0,180000.0,719860.5,48429.0,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-14936,-2376,-1283.0,-4154,4.0,1,1,0,1,1,0,Sales staff,2.0,2,2,MONDAY,13,0,0,0,0,0,0,Business Entity Type 1,,0.3783027740460345,0.3791004853998145,0.5773,0.3218,0.9806,0.7348,0.215,0.64,0.5517,0.3333,0.375,0.4508,0.4707,0.5926,0.0,0.0,0.5882,0.334,0.9806,0.7452,0.217,0.6445,0.5517,0.3333,0.375,0.4611,0.5142,0.6174,0.0,0.0,0.5829,0.3218,0.9806,0.7383,0.2164,0.64,0.5517,0.3333,0.375,0.4587,0.4788,0.6032,0.0,0.0,reg oper account,block of flats,0.5811,Panel,No,0.0,0.0,0.0,0.0,-1473.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1972813,321700,Consumer loans,8660.115,80010.0,77949.0,8001.0,80010.0,SATURDAY,9,Y,1,0.10138238933841026,,,XAP,Approved,-2656,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,584,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2625.0,-2355.0,-2355.0,-2347.0,1.0,0,Cash loans,F,N,Y,0,112500.0,296280.0,14382.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018634,-23518,365243,-11332.0,-5107,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,XNA,,0.5146817433121449,0.475849908720221,0.1536,0.1182,0.9826,,,0.0,0.3448,0.1667,,0.0333,,0.1409,,0.0,0.1565,0.1226,0.9826,,,0.0,0.3448,0.1667,,0.034,,0.1468,,0.0,0.1551,0.1182,0.9826,,,0.0,0.3448,0.1667,,0.0339,,0.1434,,0.0,,block of flats,0.1244,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1416940,241815,Revolving loans,2250.0,45000.0,45000.0,,45000.0,THURSDAY,15,Y,1,,,,XAP,Approved,-514,XNA,XAP,,Refreshed,XNA,Cards,walk-in,Country-wide,22,Connectivity,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,162000.0,270000.0,17383.5,270000.0,Unaccompanied,State servant,Incomplete higher,Married,House / apartment,0.01885,-11971,-3974,-4150.0,-4148,2.0,1,1,1,1,1,0,High skill tech staff,2.0,2,2,SUNDAY,14,0,0,0,0,0,0,Security Ministries,,0.6297868051370032,0.7252764347002191,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1445235,454540,Cash loans,15001.74,229500.0,254340.0,,229500.0,WEDNESDAY,13,Y,1,,,,XNA,Approved,-992,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-962.0,-272.0,-932.0,-925.0,1.0,0,Cash loans,F,N,Y,0,103500.0,76410.0,4396.5,67500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.022625,-24239,365243,-2400.0,-4146,,1,0,0,1,1,0,,2.0,2,2,MONDAY,10,0,0,0,0,0,0,XNA,,0.660284738308482,0.8193176922872417,0.3948,0.4964,0.9821,0.7552,0.1878,0.0,0.8966,0.1667,0.2083,0.3471,0.3219,0.2488,0.0,0.313,0.4023,0.5151,0.9821,0.7648,0.1895,0.0,0.8966,0.1667,0.2083,0.355,0.3517,0.2592,0.0,0.3314,0.3987,0.4964,0.9821,0.7585,0.189,0.0,0.8966,0.1667,0.2083,0.3531,0.3275,0.2533,0.0,0.3196,reg oper account,block of flats,0.3003,Panel,No,0.0,0.0,0.0,0.0,-935.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +1868647,345358,Consumer loans,2143.35,16600.5,17352.0,810.0,16600.5,WEDNESDAY,15,Y,1,0.04857194341832597,,,XAP,Approved,-1770,Cash through the bank,XAP,"Spouse, partner",Refreshed,Mobile,POS,XNA,Regional / Local,50,Connectivity,12.0,high,POS mobile with interest,365243.0,-1739.0,-1409.0,-1649.0,-1647.0,0.0,0,Cash loans,F,Y,N,3,81000.0,225000.0,10039.5,225000.0,"Spouse, partner",Working,Incomplete higher,Married,House / apartment,0.026392000000000002,-13003,-265,-2797.0,-4128,8.0,1,1,0,1,0,0,Accountants,5.0,2,2,TUESDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.6919592705767478,0.7131891115619489,0.8128226070575616,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1634839,275816,Cash loans,17541.675,90000.0,95940.0,,90000.0,TUESDAY,12,Y,1,,,,XNA,Approved,-104,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Stone,90,Furniture,6.0,low_normal,Cash X-Sell: low,365243.0,-74.0,76.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,69750.0,112500.0,11088.0,112500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-14189,-1214,-3359.0,-2176,,1,1,1,1,0,0,,2.0,2,2,MONDAY,10,0,0,0,1,1,0,Bank,,0.5349602101927431,0.4614823912998385,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-104.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1841784,179517,Consumer loans,22763.07,124560.0,124560.0,0.0,124560.0,WEDNESDAY,17,Y,1,0.0,,,XAP,Refused,-1159,Cash through the bank,LIMIT,Family,Repeater,Clothing and Accessories,POS,XNA,Stone,40,Clothing,6.0,middle,POS industry with interest,,,,,,,0,Cash loans,F,N,Y,0,94500.0,454500.0,21996.0,454500.0,Unaccompanied,Working,Incomplete higher,Single / not married,House / apartment,0.026392000000000002,-10676,-1584,-4229.0,-3355,,1,1,1,1,1,0,Drivers,1.0,2,2,SUNDAY,14,0,0,0,0,0,0,Industry: type 7,,0.7037547282298383,0.43473324875017305,0.3711,0.2403,0.9796,,,0.0,0.3448,0.3333,,0.3091,,0.4083,,1.0,0.3782,0.2494,0.9796,,,0.0,0.3448,0.3333,,0.3162,,0.4254,,1.0,0.3747,0.2403,0.9796,,,0.0,0.3448,0.3333,,0.3145,,0.4156,,1.0,,block of flats,0.5513,Panel,No,0.0,0.0,0.0,0.0,-1201.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2610623,158590,Cash loans,10322.505,94500.0,100737.0,,94500.0,WEDNESDAY,12,Y,1,,,,XNA,Approved,-278,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-248.0,82.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,84600.0,134775.0,6066.0,112500.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-23260,365243,-3633.0,-4469,,1,0,0,1,0,0,,2.0,2,2,MONDAY,7,0,0,0,0,0,0,XNA,,0.24246616332317594,0.5902333386185574,0.0093,0.0,0.9702,0.5920000000000001,0.001,0.0,0.0345,0.0417,0.0833,0.0079,0.0076,0.006999999999999999,0.0,0.0,0.0095,0.0,0.9702,0.608,0.001,0.0,0.0345,0.0417,0.0833,0.008,0.0083,0.0073,0.0,0.0,0.0094,0.0,0.9702,0.5975,0.001,0.0,0.0345,0.0417,0.0833,0.008,0.0077,0.0072,0.0,0.0,reg oper account,block of flats,0.0061,Wooden,Yes,0.0,0.0,0.0,0.0,-278.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1919128,410509,Consumer loans,9851.805,218443.5,218443.5,0.0,218443.5,THURSDAY,16,Y,1,0.0,,,XAP,Approved,-1559,Cash through the bank,XAP,Children,New,Consumer Electronics,POS,XNA,Regional / Local,450,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1528.0,-838.0,-838.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,720000.0,48442.5,720000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-21526,-7925,-11584.0,-2391,11.0,1,1,0,1,0,0,Managers,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.7105382884435781,,0.3464,0.0836,0.9796,0.7212,0.0928,0.28,0.2414,0.3333,0.375,0.1903,0.2824,0.2949,0.0,0.0537,0.3529,0.0868,0.9796,0.7321,0.0936,0.282,0.2414,0.3333,0.375,0.1947,0.3085,0.3072,0.0,0.0568,0.3497,0.0836,0.9796,0.7249,0.0933,0.28,0.2414,0.3333,0.375,0.1936,0.2873,0.3002,0.0,0.0548,reg oper account,block of flats,0.2943,"Stone, brick",No,0.0,0.0,0.0,0.0,-1559.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1245687,218453,Consumer loans,51868.71,2115000.0,2026201.5,270000.0,2115000.0,FRIDAY,10,Y,1,0.12806129838977348,,,XAP,Approved,-2261,Cash through the bank,XAP,,Repeater,XNA,Cars,XNA,Car dealer,200,Industry,72.0,low_normal,POS industry with interest,365243.0,-2230.0,-100.0,-1240.0,-1237.0,1.0,0,Cash loans,F,Y,N,2,225000.0,1078200.0,28570.5,900000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.04622,-11907,-971,-5692.0,-288,2.0,1,1,0,1,1,0,Sales staff,4.0,1,1,WEDNESDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.526302582268574,0.6519318063381965,0.41534714488434,0.0862,0.0631,0.9786,0.7076,0.0332,0.016,0.1517,0.2333,0.275,0.0466,0.0699,0.0689,0.0015,0.0043,0.0567,0.0221,0.9782,0.7125,0.0226,0.0,0.0345,0.1667,0.2083,0.0226,0.0496,0.0401,0.0,0.0,0.0833,0.0601,0.9786,0.7115,0.0277,0.0,0.2069,0.1667,0.2083,0.0374,0.0684,0.0585,0.0,0.0,reg oper account,block of flats,0.0489,"Stone, brick",No,2.0,0.0,2.0,0.0,-2.0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2607430,437388,Consumer loans,13473.9,122490.0,122490.0,0.0,122490.0,SUNDAY,10,Y,1,0.0,,,XAP,Approved,-614,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Regional / Local,221,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-583.0,-313.0,-403.0,-397.0,0.0,0,Cash loans,F,N,Y,1,135000.0,640080.0,24259.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-12160,-3236,-2683.0,-452,,1,1,0,1,1,1,Medicine staff,3.0,3,3,FRIDAY,6,0,0,0,0,0,0,Medicine,0.3124510295502124,0.2566035347924928,0.5442347412142162,0.067,0.056,0.9846,0.7892,0.0173,0.08,0.069,0.3333,0.375,0.0594,0.0538,0.0552,0.0039,0.0798,0.0683,0.0582,0.9846,0.7975,0.0175,0.0806,0.069,0.3333,0.375,0.0608,0.0588,0.0575,0.0039,0.0845,0.0677,0.056,0.9846,0.792,0.0174,0.08,0.069,0.3333,0.375,0.0604,0.0547,0.0562,0.0039,0.0815,reg oper account,block of flats,0.0702,Panel,No,0.0,0.0,0.0,0.0,-2462.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2653584,339894,Revolving loans,22500.0,0.0,450000.0,,,THURSDAY,15,Y,1,,,,XAP,Approved,-861,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,0,112500.0,1456587.0,45733.5,1305000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-13858,-3020,-7913.0,-4431,,1,1,1,1,0,0,Drivers,2.0,2,2,WEDNESDAY,10,0,0,0,0,1,1,Self-employed,0.39767268505438585,0.7069677848821279,0.4525335592581747,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1477.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1066142,246156,Revolving loans,6750.0,135000.0,135000.0,,135000.0,THURSDAY,15,Y,1,,,,XAP,Refused,-551,XNA,SCOFR,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,1,Cash loans,F,N,Y,2,231300.0,810000.0,23814.0,810000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0228,-16546,-821,-6350.0,-42,,1,1,0,1,0,0,Cleaning staff,4.0,2,2,TUESDAY,17,0,0,0,0,0,0,Other,0.5804552078562869,0.6042931566899297,0.14916746132334885,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-641.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1038910,299471,Consumer loans,5620.545,31500.0,29754.0,3150.0,31500.0,SATURDAY,10,Y,1,0.1042619852794907,,,XAP,Approved,-1425,Cash through the bank,XAP,Unaccompanied,New,Furniture,POS,XNA,Stone,52,Furniture,6.0,middle,POS industry with interest,365243.0,-1381.0,-1231.0,-1231.0,-1227.0,0.0,0,Cash loans,M,N,Y,1,202500.0,314100.0,21375.0,225000.0,Unaccompanied,Working,Lower secondary,Civil marriage,House / apartment,0.019688999999999998,-11810,-1098,-4025.0,-4037,,1,1,0,1,0,0,Laborers,3.0,2,2,WEDNESDAY,15,0,0,0,1,1,0,Housing,0.5765733782735971,0.26447714704301944,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,0.0,9.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1979270,123727,Consumer loans,5732.46,33750.0,28336.5,6750.0,33750.0,SATURDAY,8,Y,1,0.2095211444961347,,,XAP,Approved,-1818,XNA,XAP,Family,Refreshed,Mobile,POS,XNA,Regional / Local,31,Connectivity,6.0,high,POS mobile with interest,365243.0,-1782.0,-1632.0,-1632.0,-1628.0,0.0,1,Cash loans,M,N,Y,0,175500.0,1024290.0,30078.0,855000.0,"Spouse, partner",Working,Secondary / secondary special,Civil marriage,House / apartment,0.020713,-16240,-5498,-3809.0,-5602,,1,1,1,1,1,0,Laborers,2.0,3,2,THURSDAY,6,0,0,0,0,0,0,Other,,0.5684844167326941,0.6075573001388961,0.0619,0.0622,0.9767,0.6804,0.0518,0.0,0.1379,0.1667,0.2083,0.069,0.0504,0.0538,0.2317,0.0,0.063,0.0646,0.9767,0.6929,0.0523,0.0,0.1379,0.1667,0.2083,0.0706,0.0551,0.0561,0.2335,0.0,0.0625,0.0622,0.9767,0.6847,0.0522,0.0,0.1379,0.1667,0.2083,0.0702,0.0513,0.0548,0.2329,0.0,reg oper account,block of flats,0.0423,Panel,No,6.0,0.0,6.0,0.0,-814.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2064091,371950,Cash loans,,0.0,0.0,,,THURSDAY,12,Y,1,,,,XNA,Refused,-157,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,N,0,130500.0,508495.5,24462.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.009656999999999999,-17375,-482,-1801.0,-916,,1,1,1,1,0,0,Sales staff,1.0,2,2,FRIDAY,15,0,0,0,0,1,1,Self-employed,0.5274197562944871,0.5823047200093102,0.2405414172860865,0.0412,0.0,0.9747,0.6532,0.0043,0.0,0.069,0.1667,0.2083,0.012,0.0336,0.036000000000000004,0.0,0.0,0.042,0.0,0.9747,0.6668,0.0044,0.0,0.069,0.1667,0.2083,0.0123,0.0367,0.0375,0.0,0.0,0.0416,0.0,0.9747,0.6578,0.0043,0.0,0.069,0.1667,0.2083,0.0122,0.0342,0.0366,0.0,0.0,reg oper account,block of flats,0.0306,Panel,No,1.0,0.0,1.0,0.0,-727.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,1.0,7.0 +2182047,329202,Consumer loans,20226.6,110488.5,118512.0,0.0,110488.5,MONDAY,19,Y,1,0.0,,,XAP,Approved,-162,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,330,Furniture,6.0,low_action,POS industry without interest,365243.0,-130.0,20.0,-100.0,-93.0,0.0,0,Cash loans,M,Y,N,2,180000.0,199467.0,17064.0,166500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-12338,-1055,-6367.0,-3087,7.0,1,1,0,1,0,0,Managers,4.0,2,2,TUESDAY,14,0,0,0,0,0,0,Self-employed,0.3157074060954013,0.7107721068622256,0.14375805349116522,0.1381,0.1273,0.9856,,,0.0,0.3448,0.1667,,0.1658,,0.0842,,,0.1408,0.1321,0.9856,,,0.0,0.3448,0.1667,,0.1696,,0.0878,,,0.1395,0.1273,0.9856,,,0.0,0.3448,0.1667,,0.1687,,0.0857,,,,block of flats,0.1129,Panel,No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1967904,231283,Cash loans,,0.0,0.0,,,THURSDAY,13,Y,1,,,,XNA,Refused,-163,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,Y,N,0,157500.0,517500.0,20182.5,517500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-18107,-438,-8767.0,-1661,2.0,1,1,0,1,0,0,,2.0,2,2,SATURDAY,14,0,0,0,0,0,0,Other,,0.4200410431605487,0.10684194768082178,0.0825,0.0664,0.9737,0.6396,0.0064,0.0,0.1379,0.1667,0.2083,0.0308,0.0664,0.0698,0.0039,0.0031,0.084,0.0689,0.9737,0.6537,0.0065,0.0,0.1379,0.1667,0.2083,0.0315,0.0725,0.0728,0.0039,0.0033,0.0833,0.0664,0.9737,0.6444,0.0065,0.0,0.1379,0.1667,0.2083,0.0314,0.0676,0.0711,0.0039,0.0032,reg oper account,block of flats,0.0621,Panel,No,2.0,0.0,2.0,0.0,-809.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2350693,386909,Cash loans,37500.3,1282500.0,1282500.0,,1282500.0,MONDAY,15,Y,1,,,,XNA,Refused,-245,Cash through the bank,HC,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,0,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,180000.0,536917.5,23778.0,463500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.02461,-16863,-933,-1595.0,-409,,1,1,1,1,1,1,,2.0,2,2,MONDAY,17,0,0,0,0,0,0,Trade: type 6,0.7704864015653502,0.659077047461674,0.41534714488434,0.1375,0.0762,0.9801,0.6192,,0.1332,0.1379,0.2638,,0.0847,,0.1333,,0.0,0.0252,0.0,0.9722,0.6341,,0.0,0.069,0.0833,,0.0243,,0.017,,0.0,0.1665,0.0912,0.9821,0.6243,,0.16,0.1379,0.3333,,0.1088,,0.1651,,0.0,,block of flats,0.2039,Panel,No,0.0,0.0,0.0,0.0,-2694.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1192541,294179,Cash loans,56459.565,900000.0,1117197.0,,900000.0,MONDAY,12,Y,1,,,,XNA,Approved,-1064,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,365243.0,-1034.0,-164.0,-734.0,-729.0,1.0,0,Cash loans,F,N,Y,1,90000.0,269550.0,24853.5,225000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.011703,-19565,-12570,-13572.0,-180,,1,1,0,1,1,0,,3.0,2,2,MONDAY,16,0,0,0,0,0,0,Industry: type 7,0.4302354172954658,0.7217745452581065,,0.033,0.0591,0.9732,0.6328,0.0061,0.0,0.1034,0.1667,0.0417,0.0641,0.0235,0.0558,0.0154,0.0069,0.0336,0.0613,0.9732,0.6472,0.0062,0.0,0.1034,0.1667,0.0417,0.0656,0.0257,0.0581,0.0156,0.0073,0.0333,0.0591,0.9732,0.6377,0.0062,0.0,0.1034,0.1667,0.0417,0.0652,0.0239,0.0568,0.0155,0.0071,reg oper spec account,block of flats,0.0487,"Stone, brick",No,0.0,0.0,0.0,0.0,-1315.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2639579,323356,Cash loans,28742.67,450000.0,491580.0,,450000.0,TUESDAY,11,Y,1,,,,XNA,Refused,-484,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),2,XNA,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,405000.0,1303812.0,38250.0,1138500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009175,-19754,-11541,-6823.0,-1754,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.42282962915281547,0.4294236843421945,0.1031,0.1172,0.9906,,,0.0,0.1724,0.1667,,0.1523,,0.1083,,,0.105,0.1216,0.9906,,,0.0,0.1724,0.1667,,0.1558,,0.1129,,,0.1041,0.1172,0.9906,,,0.0,0.1724,0.1667,,0.1549,,0.1103,,,,block of flats,0.0931,Panel,No,2.0,0.0,2.0,0.0,-334.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1360555,348393,Consumer loans,24948.99,249516.0,224563.5,24952.5,249516.0,THURSDAY,13,Y,1,0.1089130192416154,,,XAP,Approved,-2621,Cash through the bank,XAP,Children,New,Computers,POS,XNA,Country-wide,2226,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2590.0,-2320.0,-2320.0,-2317.0,0.0,0,Cash loans,F,N,Y,0,135000.0,679500.0,19867.5,679500.0,Other_B,Working,Higher education,Married,House / apartment,0.025164,-22837,-4526,-3982.0,-4869,,1,1,0,1,0,0,,2.0,2,2,SUNDAY,14,0,0,0,0,0,0,Self-employed,,0.16214456766623808,0.7557400501752248,0.2103,0.1545,0.9925,0.898,0.0381,0.24,0.2069,0.375,0.375,0.0843,0.1706,0.2407,0.0039,0.0048,0.2143,0.1604,0.9926,0.902,0.0384,0.2417,0.2069,0.375,0.375,0.0862,0.1864,0.2508,0.0039,0.0051,0.2123,0.1545,0.9925,0.8994,0.0383,0.24,0.2069,0.375,0.375,0.0857,0.1736,0.245,0.0039,0.0049,reg oper account,block of flats,0.2112,Panel,No,4.0,0.0,4.0,0.0,-1616.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1157027,129462,Cash loans,15221.25,225000.0,225000.0,,225000.0,FRIDAY,13,Y,1,,,,XNA,Approved,-867,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Stone,180,Consumer electronics,36.0,high,Cash X-Sell: high,365243.0,-837.0,213.0,-27.0,-18.0,0.0,0,Cash loans,F,N,N,2,58500.0,161730.0,13095.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.002042,-12028,-5316,-5820.0,-1309,,1,1,1,1,0,0,Cooking staff,4.0,3,3,THURSDAY,14,0,0,0,0,0,0,School,,0.2906220636158431,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,0.0,9.0,0.0,-1181.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1600696,377675,Consumer loans,6577.65,66510.0,65776.5,6660.0,66510.0,SUNDAY,11,Y,1,0.10013384763959404,,,XAP,Approved,-2321,Cash through the bank,XAP,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Country-wide,1650,Consumer electronics,12.0,middle,POS household with interest,365243.0,-2289.0,-1959.0,-1959.0,-1957.0,0.0,0,Cash loans,M,Y,Y,0,270000.0,135000.0,14670.0,135000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.010006000000000001,-16532,-2784,-3782.0,-58,5.0,1,1,1,1,1,0,Security staff,2.0,2,2,THURSDAY,17,0,0,0,0,0,0,Government,0.4431159797410533,0.5201419546626572,0.363945238612397,0.1196,0.065,0.9851,0.7959999999999999,0.0104,0.08,0.0345,0.2917,0.3333,0.0237,0.0958,0.068,0.0077,0.0071,0.1218,0.0675,0.9851,0.804,0.0105,0.0806,0.0345,0.2917,0.3333,0.0242,0.1047,0.0709,0.0078,0.0075,0.1207,0.065,0.9851,0.7987,0.0105,0.08,0.0345,0.2917,0.3333,0.0241,0.0975,0.0692,0.0078,0.0072,reg oper spec account,block of flats,0.055,Block,No,4.0,1.0,4.0,0.0,-1992.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1478129,125229,Consumer loans,,62095.5,62095.5,0.0,62095.5,SUNDAY,15,Y,1,0.0,,,XAP,Refused,-1622,Cash through the bank,XNA,"Spouse, partner",Repeater,Mobile,XNA,XNA,Country-wide,500,Consumer electronics,,XNA,POS household with interest,,,,,,,0,Cash loans,F,N,N,0,180000.0,481855.5,47070.0,463500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018801,-10218,-1740,-3755.0,-2899,,1,1,0,1,1,0,Security staff,2.0,2,2,FRIDAY,8,0,0,0,0,0,0,Security,0.1841535261053085,0.11593826951165415,0.5531646987710016,0.0763,0.0613,0.9771,0.6872,0.0013,0.0,0.1379,0.1667,0.2083,0.0561,0.0588,0.0652,0.0154,0.0119,0.0777,0.0636,0.9772,0.6994,0.0014,0.0,0.1379,0.1667,0.2083,0.0574,0.0643,0.068,0.0156,0.0126,0.077,0.0613,0.9771,0.6914,0.0014,0.0,0.1379,0.1667,0.2083,0.0571,0.0599,0.0664,0.0155,0.0121,reg oper account,block of flats,0.0628,"Stone, brick",No,0.0,0.0,0.0,0.0,-112.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +2619309,426805,Revolving loans,11250.0,0.0,225000.0,,0.0,TUESDAY,10,Y,1,,,,XAP,Approved,-1263,XNA,XAP,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,67500.0,86598.0,9454.5,76500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-17190,-102,-3026.0,-718,,1,1,0,1,0,0,Core staff,2.0,2,2,FRIDAY,16,0,0,0,0,0,0,School,0.6346720121932502,0.2564200353094168,0.21885908222837447,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-1940.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1085891,146926,Consumer loans,13809.51,131742.0,157248.0,0.0,131742.0,MONDAY,12,Y,1,0.0,,,XAP,Approved,-115,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,2300,Consumer electronics,16.0,middle,POS household with interest,365243.0,-85.0,365.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,315000.0,509400.0,32683.5,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.00823,-23880,365243,-3055.0,-4790,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,XNA,,0.3510996397614474,0.3360615207658242,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1586.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2432089,195575,Consumer loans,13496.355,118827.0,118827.0,0.0,118827.0,THURSDAY,19,Y,1,0.0,,,XAP,Approved,-544,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,20,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-509.0,-239.0,-239.0,-233.0,0.0,0,Cash loans,F,N,N,0,301500.0,720000.0,28552.5,720000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.008865999999999999,-10129,-1537,-4113.0,-461,,1,1,1,1,1,0,Core staff,2.0,2,2,MONDAY,17,1,1,1,0,1,0,Bank,,0.7059020606932481,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-218.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2709804,331183,Consumer loans,2657.745,22050.0,19485.0,4050.0,22050.0,SUNDAY,13,Y,1,0.1874152616026421,,,XAP,Approved,-2039,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Regional / Local,10,Connectivity,10.0,high,POS mobile with interest,365243.0,-1999.0,-1729.0,-1729.0,-1724.0,0.0,1,Cash loans,M,N,Y,0,202500.0,592560.0,31153.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.01885,-15546,-1243,-5478.0,-3878,,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,11,0,0,0,0,1,1,Business Entity Type 3,,0.3304280319962261,0.5190973382084597,0.1237,0.0903,0.9762,0.6736,0.0152,0.0,0.2759,0.1667,0.2083,0.0434,0.1009,0.1039,0.0,0.0,0.1261,0.0937,0.9762,0.6864,0.0154,0.0,0.2759,0.1667,0.2083,0.0444,0.1102,0.1083,0.0,0.0,0.1249,0.0903,0.9762,0.6779999999999999,0.0153,0.0,0.2759,0.1667,0.2083,0.0442,0.1026,0.1058,0.0,0.0,reg oper account,block of flats,0.0901,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1032215,290249,Consumer loans,15906.24,94455.0,75564.0,18891.0,94455.0,SATURDAY,12,Y,1,0.2178181818181818,,,XAP,Approved,-1207,XNA,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Stone,50,Consumer electronics,5.0,low_normal,POS others without interest,,,,,,,1,Cash loans,M,N,Y,0,202500.0,1033213.5,81760.5,976500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,With parents,0.010032,-10826,-2765,-4718.0,-3484,,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,4,0,0,0,0,0,0,Agriculture,0.2452547342305176,0.6088020289766206,0.622922000268356,,,0.9836,,,,,,,,,0.2357,,,,,0.9836,,,,,,,,,0.2455,,,,,0.9836,,,,,,,,,0.2399,,,,,0.2046,,No,7.0,0.0,7.0,0.0,-998.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1316218,116225,Consumer loans,6233.76,60741.0,60741.0,0.0,60741.0,WEDNESDAY,18,Y,1,0.0,,,XAP,Approved,-819,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,1500,Consumer electronics,12.0,middle,POS household with interest,365243.0,-788.0,-458.0,-518.0,-514.0,0.0,0,Cash loans,F,N,Y,0,180000.0,531706.5,21478.5,459000.0,Unaccompanied,State servant,Higher education,Married,Rented apartment,0.00702,-11509,-3692,-4319.0,-3611,,1,1,0,1,1,0,Core staff,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Police,0.2761576821570836,0.3993188684107746,0.2340151665320674,0.0942,0.0947,0.9816,0.7484,0.0063,0.0,0.2069,0.1667,0.125,0.0341,0.0735,0.0827,0.0058,0.033,0.084,0.0908,0.9816,0.7583,0.0,0.0,0.2069,0.1667,0.0417,0.0,0.0725,0.0787,0.0039,0.0163,0.0999,0.0875,0.9816,0.7518,0.0063,0.0,0.2069,0.1667,0.125,0.0347,0.0748,0.0843,0.0058,0.0158,reg oper spec account,block of flats,0.069,Panel,No,4.0,0.0,4.0,0.0,-1258.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1457655,354261,Cash loans,,0.0,0.0,,,TUESDAY,12,Y,1,,,,XNA,Refused,-190,XNA,HC,,Repeater,XNA,XNA,XNA,AP+ (Cash loan),10,XNA,,XNA,Cash,,,,,,,1,Cash loans,F,N,Y,1,92250.0,284400.0,13257.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-10900,-2165,-3669.0,-442,,1,1,1,1,1,0,High skill tech staff,3.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Self-employed,,0.3738234497302287,0.1766525794312139,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-190.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1220167,122532,Cash loans,16632.405,135000.0,162315.0,,135000.0,WEDNESDAY,9,Y,1,,,,XNA,Approved,-740,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-710.0,-380.0,-380.0,-372.0,1.0,0,Cash loans,F,N,Y,0,94500.0,277969.5,16087.5,229500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-16757,365243,-1423.0,-291,,1,0,0,1,0,0,,2.0,2,2,MONDAY,10,0,0,0,0,0,0,XNA,,0.4834432453876801,0.5172965813614878,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1435418,325283,Consumer loans,7273.71,53955.0,35955.0,18000.0,53955.0,WEDNESDAY,17,Y,1,0.3633330805974676,,,XAP,Approved,-1647,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,5,Connectivity,6.0,high,POS mobile with interest,365243.0,-1614.0,-1464.0,-1464.0,-1461.0,0.0,0,Cash loans,M,Y,Y,1,270000.0,318528.0,20484.0,252000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.035792000000000004,-11687,-1788,-128.0,-3985,6.0,1,1,0,1,0,1,,3.0,2,2,FRIDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.2814398778413901,0.7881284146681473,0.7490217048463391,0.1732,0.055,0.9995,0.9932,,0.16,0.069,0.5417,0.5833,0.1037,0.1412,0.1569,0.0,0.0435,0.1765,0.0571,0.9995,0.9935,,0.1611,0.069,0.5417,0.5833,0.1061,0.1543,0.1634,0.0,0.046,0.1749,0.055,0.9995,0.9933,,0.16,0.069,0.5417,0.5833,0.1055,0.1437,0.1597,0.0,0.0444,not specified,block of flats,0.1681,Block,No,0.0,0.0,0.0,0.0,-1647.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2174131,326949,Consumer loans,2722.05,21550.5,21312.0,2160.0,21550.5,SATURDAY,16,Y,1,0.1002230897936419,,,XAP,Approved,-2022,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,high,POS mobile with interest,365243.0,-1991.0,-1661.0,-1751.0,-1748.0,0.0,0,Cash loans,F,N,Y,0,112500.0,373500.0,13545.0,373500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.030755,-22376,-932,-11035.0,-4715,,1,1,0,1,0,0,Laborers,1.0,2,2,FRIDAY,16,0,0,0,0,0,0,Housing,,0.6529830335120981,0.5691487713619409,0.0711,0.0831,0.9846,0.7892,0.0336,0.0,0.2069,0.1667,0.2083,0.026,0.0572,0.0707,0.0039,0.0044,0.0725,0.0863,0.9846,0.7975,0.0339,0.0,0.2069,0.1667,0.2083,0.0266,0.0624,0.0737,0.0039,0.0047,0.0718,0.0831,0.9846,0.792,0.0338,0.0,0.2069,0.1667,0.2083,0.0265,0.0581,0.07200000000000001,0.0039,0.0045,org spec account,block of flats,0.0749,"Stone, brick",No,0.0,0.0,0.0,0.0,-211.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1675552,233299,Consumer loans,16919.775,94050.0,90792.0,9405.0,94050.0,SUNDAY,11,Y,1,0.10222761160513784,,,XAP,Approved,-148,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,85,Consumer electronics,6.0,middle,POS household with interest,365243.0,-118.0,32.0,365243.0,365243.0,1.0,1,Cash loans,M,N,Y,0,90000.0,213948.0,17032.5,189000.0,Family,Working,Secondary / secondary special,Single / not married,House / apartment,0.018634,-8102,-268,-4042.0,-753,,1,1,1,1,1,0,Laborers,1.0,2,2,MONDAY,13,0,0,0,0,0,0,Industry: type 7,0.17089839051051264,0.12261933810577587,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2549186,187959,Consumer loans,23854.5,135000.0,135000.0,0.0,135000.0,SATURDAY,16,Y,1,0.0,,,XAP,Refused,-1238,Cash through the bank,SCO,Unaccompanied,New,Clothing and Accessories,POS,XNA,Stone,145,Clothing,6.0,low_normal,POS industry with interest,,,,,,,0,Cash loans,F,N,Y,0,225000.0,211500.0,13068.0,211500.0,Unaccompanied,Pensioner,Higher education,Single / not married,House / apartment,0.032561,-20740,365243,-969.0,-4259,,1,0,0,1,0,0,,1.0,1,1,FRIDAY,15,0,0,0,0,0,0,XNA,,0.6905893108135239,,0.1216,0.1112,0.9771,0.6872,0.014,0.0,0.2069,0.1667,0.2083,0.0754,0.0992,0.1078,0.0,0.0,0.1239,0.1082,0.9772,0.6994,0.0136,0.0,0.2069,0.1667,0.2083,0.0728,0.1084,0.1122,0.0,0.0,0.1228,0.1043,0.9771,0.6914,0.0136,0.0,0.2069,0.1667,0.2083,0.0743,0.1009,0.1097,0.0,0.0,reg oper account,block of flats,0.0921,Panel,No,0.0,0.0,0.0,0.0,-1238.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2696912,168292,Consumer loans,8410.05,76455.0,76455.0,0.0,76455.0,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-1029,Cash through the bank,XAP,Group of people,New,Computers,POS,XNA,Stone,36,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-997.0,-727.0,-727.0,-720.0,0.0,0,Cash loans,M,N,Y,0,121500.0,1078200.0,38331.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009656999999999999,-16579,-2881,-188.0,-122,,1,1,0,1,0,0,Low-skill Laborers,2.0,2,2,SUNDAY,12,0,0,0,0,0,0,Trade: type 7,0.5604355493382419,0.5963286312256408,,0.2268,0.141,0.9881,0.8368,0.1412,0.2,0.1724,0.375,0.4167,0.1407,0.1849,0.228,0.0,0.0,0.2311,0.1463,0.9881,0.8432,0.1425,0.2014,0.1724,0.375,0.4167,0.1439,0.202,0.2376,0.0,0.0,0.229,0.141,0.9881,0.8390000000000001,0.1421,0.2,0.1724,0.375,0.4167,0.1431,0.1881,0.2321,0.0,0.0,reg oper spec account,block of flats,0.2566,Panel,No,0.0,0.0,0.0,0.0,-1029.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1392927,322164,Cash loans,9814.5,135000.0,135000.0,0.0,135000.0,TUESDAY,15,Y,1,0.0,,,XNA,Approved,-2741,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,20.0,middle,Cash Street: middle,365243.0,-2711.0,-2141.0,-2141.0,-2120.0,0.0,0,Cash loans,F,N,Y,0,81000.0,625536.0,20803.5,540000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.011656999999999999,-23560,365243,-15500.0,-4342,,1,0,0,1,1,0,,1.0,1,1,SATURDAY,12,0,0,0,0,0,0,XNA,,0.6755466928465069,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-4.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1508941,108628,Consumer loans,3950.64,76459.5,76459.5,0.0,76459.5,FRIDAY,12,Y,1,0.0,,,XAP,Approved,-821,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,584,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-789.0,-99.0,-99.0,-91.0,0.0,0,Cash loans,M,N,N,0,260613.0,1129500.0,29794.5,1129500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.01885,-14141,-3721,-277.0,-2473,,1,1,1,1,0,0,Managers,2.0,2,2,THURSDAY,16,0,0,0,0,0,0,Trade: type 2,0.3793131825474847,0.4786011329200636,0.5442347412142162,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,11.0,0.0,11.0,0.0,-4.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2733538,336890,Consumer loans,14626.665,120982.5,131629.5,0.0,120982.5,SUNDAY,10,Y,1,0.0,,,XAP,Approved,-752,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Regional / Local,30,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-721.0,-451.0,-481.0,-465.0,0.0,0,Cash loans,F,N,Y,2,202500.0,733500.0,29218.5,733500.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.010032,-15164,-1561,-6965.0,-4620,,1,1,0,1,0,0,Core staff,3.0,2,2,WEDNESDAY,7,0,0,0,0,0,0,Kindergarten,0.6405359418468097,0.4856060588069038,0.6817058776720116,0.0629,0.0683,0.9881,0.8368,0.0338,0.0,0.1034,0.1667,0.2083,0.049,0.0504,0.065,0.0039,0.0012,0.0641,0.0709,0.9881,0.8432,0.0341,0.0,0.1034,0.1667,0.2083,0.0501,0.0551,0.0677,0.0039,0.0013,0.0635,0.0683,0.9881,0.8390000000000001,0.034,0.0,0.1034,0.1667,0.2083,0.0498,0.0513,0.0661,0.0039,0.0012,,block of flats,0.0699,"Stone, brick",No,5.0,0.0,4.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1436154,329711,Revolving loans,38250.0,0.0,765000.0,,,WEDNESDAY,13,Y,1,,,,XAP,Approved,-506,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-503.0,-472.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,135000.0,398016.0,25591.5,360000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.019101,-11738,-1601,-5873.0,-1687,,1,1,0,1,0,0,Private service staff,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.8229301786857665,0.5192576926116766,,0.0856,0.1311,0.9717,0.6124,0.0616,0.0,0.2759,0.125,0.1667,0.0776,0.0656,0.1001,0.0193,0.05,0.0872,0.136,0.9717,0.6276,0.0621,0.0,0.2759,0.125,0.1667,0.0794,0.0716,0.1043,0.0195,0.0529,0.0864,0.1311,0.9717,0.6176,0.062,0.0,0.2759,0.125,0.1667,0.079,0.0667,0.1019,0.0194,0.051,reg oper account,block of flats,0.0978,"Stone, brick",No,9.0,0.0,9.0,0.0,-850.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2694210,192215,Cash loans,21365.01,481500.0,538704.0,,481500.0,SATURDAY,18,Y,1,,,,XNA,Approved,-237,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-207.0,843.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,144000.0,661500.0,21339.0,661500.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.008625,-21640,-2513,-2985.0,-2838,,1,1,0,1,1,0,Core staff,1.0,2,2,WEDNESDAY,18,0,0,0,0,0,0,School,0.8172441776413107,0.624058513016689,0.3556387169923543,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1629.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2632603,438712,Consumer loans,4942.44,43515.0,43515.0,0.0,43515.0,SUNDAY,20,Y,1,0.0,,,XAP,Approved,-11,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,15,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,365243.0,301.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,117000.0,360000.0,17509.5,360000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.0031219999999999998,-22569,365243,-6232.0,-3898,,1,0,0,1,0,0,,2.0,3,3,THURSDAY,15,0,0,0,0,0,0,XNA,0.7559109282613304,0.6948297827977801,0.21155076420525776,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-561.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2108349,161505,Consumer loans,8525.655,34425.0,29925.0,4500.0,34425.0,FRIDAY,2,Y,1,0.14236482471776588,,,XAP,Approved,-2548,XNA,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,17,Connectivity,4.0,high,POS mobile with interest,365243.0,-2517.0,-2427.0,-2427.0,-2420.0,0.0,1,Cash loans,F,N,Y,0,166500.0,380533.5,35032.5,328500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.002506,-18499,-2666,-653.0,-2003,,1,1,0,1,0,0,Cleaning staff,1.0,2,2,FRIDAY,2,0,0,0,0,0,0,Security Ministries,,0.7348744326908445,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-241.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2262206,108257,Consumer loans,5954.22,27333.0,28957.5,0.0,27333.0,SATURDAY,6,Y,1,0.0,,,XAP,Approved,-265,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,32,Connectivity,6.0,high,POS mobile with interest,365243.0,-235.0,-85.0,-205.0,-201.0,1.0,0,Cash loans,F,Y,Y,0,247500.0,986553.0,31954.5,823500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.0038130000000000004,-12873,-1524,-1136.0,-1322,6.0,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,Self-employed,0.37656583765485024,0.4175021633809135,0.2940831009471255,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-1273.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1369524,320250,Cash loans,48206.61,675000.0,721332.0,,675000.0,WEDNESDAY,10,Y,1,,,,Repairs,Approved,-570,Cash through the bank,XAP,,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,middle,Cash Street: middle,365243.0,-540.0,150.0,-360.0,-356.0,1.0,1,Cash loans,F,N,Y,2,315000.0,534451.5,39019.5,436500.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.010147,-13360,-1229,-669.0,-4152,,1,1,0,1,0,1,Managers,4.0,2,2,SATURDAY,11,0,0,0,0,1,1,Business Entity Type 3,0.4324057648894762,0.53854884851985,0.17560597946937906,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-570.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1090364,329664,Consumer loans,20146.86,107928.0,113625.0,0.0,107928.0,SATURDAY,7,Y,1,0.0,,,XAP,Approved,-788,XNA,XAP,Unaccompanied,Refreshed,Audio/Video,POS,XNA,Regional / Local,320,Consumer electronics,6.0,low_normal,POS household without interest,365243.0,-757.0,-607.0,-697.0,-689.0,0.0,0,Cash loans,F,Y,N,3,180000.0,675000.0,32472.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,Office apartment,0.010032,-13128,-1702,-7049.0,-5000,13.0,1,1,1,1,1,0,Laborers,5.0,2,2,SUNDAY,8,0,0,0,0,1,1,Business Entity Type 2,0.4093909530273307,0.4771825199709577,0.511891801533151,0.0619,0.0494,0.9791,0.7144,0.0235,0.0,0.1379,0.1667,0.2083,0.0316,0.0504,0.0365,0.0,0.0,0.063,0.0512,0.9791,0.7256,0.0237,0.0,0.1379,0.1667,0.2083,0.0323,0.0551,0.038,0.0,0.0,0.0625,0.0494,0.9791,0.7182,0.0236,0.0,0.1379,0.1667,0.2083,0.0321,0.0513,0.0371,0.0,0.0,,block of flats,0.0415,"Stone, brick",No,0.0,0.0,0.0,0.0,-2027.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2334693,104065,Consumer loans,19345.635,98865.0,104085.0,0.0,98865.0,THURSDAY,17,Y,1,0.0,,,XAP,Approved,-622,Cash through the bank,XAP,Other_A,Repeater,Computers,POS,XNA,Regional / Local,103,Consumer electronics,6.0,middle,POS household with interest,365243.0,-591.0,-441.0,-441.0,-437.0,0.0,0,Revolving loans,F,N,N,0,90000.0,202500.0,10125.0,202500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018634,-16946,-643,-91.0,-432,,1,1,0,1,0,0,Managers,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Self-employed,,0.30687779533650283,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-90.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1641381,174758,Consumer loans,5304.96,53055.0,47749.5,5305.5,53055.0,SATURDAY,14,Y,1,0.1089090909090909,,,XAP,Approved,-2684,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Stone,315,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-2650.0,-2380.0,-2380.0,-2375.0,0.0,0,Cash loans,F,N,N,0,112500.0,254700.0,24808.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-24751,365243,-9310.0,-4037,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,,0.38101177107595857,0.7136313997323308,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,15.0,1.0,15.0,1.0,-1439.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1309250,255026,Consumer loans,7831.53,76450.5,69183.0,13500.0,76450.5,SUNDAY,16,Y,1,0.1778204379706502,,,XAP,Approved,-1794,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Country-wide,2155,Consumer electronics,12.0,high,POS household with interest,365243.0,-1762.0,-1432.0,-1492.0,-1486.0,0.0,1,Cash loans,M,N,Y,0,225000.0,450000.0,24412.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-10816,-2084,-4767.0,-2952,,1,1,1,1,0,0,Sales staff,2.0,2,2,TUESDAY,13,0,0,0,0,1,1,Self-employed,0.2216793649825087,0.5437289125431072,0.6363761710860439,0.0928,,0.9861,,,,0.2069,0.1667,,,,0.0837,,,0.0945,,0.9861,,,,0.2069,0.1667,,,,0.0872,,,0.0937,,0.9861,,,,0.2069,0.1667,,,,0.0852,,,,block of flats,0.0685,Panel,No,4.0,3.0,4.0,1.0,-603.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1273478,356740,Cash loans,,0.0,0.0,,,THURSDAY,13,Y,1,,,,XNA,Refused,-134,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Revolving loans,F,Y,N,0,405000.0,900000.0,45000.0,900000.0,Unaccompanied,Working,Higher education,Widow,House / apartment,0.04622,-22555,-1976,-4819.0,-4392,2.0,1,1,0,1,1,0,Accountants,1.0,1,1,FRIDAY,19,0,0,0,0,0,0,Business Entity Type 3,0.8290609645241678,0.7554418991144568,0.30162489168411943,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1748.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1773041,380170,Consumer loans,10018.44,89505.0,100174.5,8950.5,89505.0,FRIDAY,9,Y,1,0.08932791002811621,,,XAP,Approved,-658,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Regional / Local,140,XNA,12.0,middle,POS household with interest,365243.0,-627.0,-297.0,-537.0,-530.0,0.0,0,Cash loans,F,N,Y,1,108000.0,521280.0,28408.5,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010032,-9883,-975,-4488.0,-358,,1,1,0,1,1,0,Core staff,3.0,2,2,FRIDAY,5,0,0,0,0,0,0,Kindergarten,0.4275419429569211,0.3838678272245281,0.4614823912998385,0.0814,0.0584,0.9861,0.8096,0.0197,0.08,0.069,0.375,0.4167,0.0258,0.0656,0.0836,0.0039,0.0083,0.083,0.0607,0.9861,0.8171,0.0199,0.0806,0.069,0.375,0.4167,0.0264,0.0716,0.0871,0.0039,0.0087,0.0822,0.0584,0.9861,0.8121,0.0198,0.08,0.069,0.375,0.4167,0.0263,0.0667,0.0851,0.0039,0.0084,reg oper account,block of flats,0.0675,Panel,No,0.0,0.0,0.0,0.0,-658.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1343793,387270,Cash loans,19493.55,315000.0,349096.5,,315000.0,MONDAY,9,Y,1,,,,XNA,Approved,-291,Non-cash from your account,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),5,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-261.0,429.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,N,0,252000.0,1557000.0,42948.0,1557000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.014464,-15227,-5300,-7815.0,-4732,11.0,1,1,1,1,1,0,Laborers,2.0,2,2,FRIDAY,8,0,0,0,0,1,1,Business Entity Type 2,,0.3480765750725461,0.42765737003502935,0.0515,0.061,0.9881,0.8368,0.0295,0.0,0.1379,0.1667,0.0417,0.0592,0.042,0.0568,0.0,0.0,0.0525,0.0633,0.9881,0.8432,0.0297,0.0,0.1379,0.1667,0.0417,0.0605,0.0459,0.0592,0.0,0.0,0.052000000000000005,0.061,0.9881,0.8390000000000001,0.0296,0.0,0.1379,0.1667,0.0417,0.0602,0.0428,0.0578,0.0,0.0,reg oper account,block of flats,0.0608,,No,1.0,0.0,1.0,0.0,-491.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1820177,146853,Consumer loans,17551.395,175500.0,157950.0,17550.0,175500.0,SUNDAY,6,Y,1,0.1089090909090909,,,XAP,Approved,-258,Cash through the bank,XAP,,Repeater,Clothing and Accessories,POS,XNA,Stone,66,Clothing,10.0,low_normal,POS industry with interest,365243.0,-225.0,45.0,-15.0,-13.0,0.0,0,Cash loans,F,Y,N,0,225000.0,582768.0,34699.5,540000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.006629,-16355,-7428,-5329.0,-4330,5.0,1,1,0,1,1,0,Managers,2.0,2,2,SATURDAY,5,0,0,0,0,0,0,Business Entity Type 3,,0.7354279340597742,0.5744466170995097,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2432.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2701680,438186,Consumer loans,16188.21,122710.5,137713.5,0.0,122710.5,WEDNESDAY,11,Y,1,0.0,,,XAP,Approved,-177,Cash through the bank,XAP,Children,Repeater,Computers,POS,XNA,Stone,250,Consumer electronics,10.0,middle,POS household with interest,365243.0,-147.0,123.0,-57.0,-54.0,1.0,0,Cash loans,F,Y,Y,1,148500.0,1193580.0,38632.5,855000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-10327,-857,-5810.0,-2997,10.0,1,1,0,1,0,0,Sales staff,3.0,2,2,FRIDAY,10,0,0,0,0,0,0,Self-employed,0.31854624189987835,0.6816940575892927,0.6313545365850379,0.0124,0.0,0.9732,0.6328,,0.0,0.069,0.0417,0.0833,0.0128,0.0101,0.009000000000000001,0.0,0.0,0.0126,0.0,0.9732,0.6472,,0.0,0.069,0.0417,0.0833,0.0131,0.011,0.0094,0.0,0.0,0.0125,0.0,0.9732,0.6377,,0.0,0.069,0.0417,0.0833,0.013,0.0103,0.0092,0.0,0.0,reg oper account,block of flats,0.008,"Stone, brick",No,12.0,0.0,12.0,0.0,-1868.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1300607,405227,Cash loans,21763.665,315000.0,374665.5,,315000.0,WEDNESDAY,9,Y,1,,,,XNA,Refused,-386,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,42.0,high,Cash X-Sell: high,,,,,,,1,Cash loans,F,N,N,1,202500.0,521280.0,27423.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00702,-14481,-385,-4143.0,-4430,,1,1,0,1,0,0,,3.0,2,2,THURSDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.44932883329251,0.4561097392782771,0.0909,,0.998,0.9388,0.0247,0.16,0.1666,0.325,0.3125,0.1467,0.087,0.0801,0.0,0.0589,0.0756,,0.9975,0.9216,0.0249,0.1611,0.1379,0.3333,0.25,0.224,0.0661,0.0165,0.0,0.0,0.0843,,0.9975,0.9396,0.0249,0.16,0.1379,0.3333,0.3125,0.2228,0.0885,0.0938,0.0,0.0278,reg oper account,block of flats,0.0727,Panel,No,1.0,0.0,1.0,0.0,-2522.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1085345,160637,Consumer loans,5503.365,57105.0,50355.0,6750.0,57105.0,SATURDAY,10,Y,1,0.1287341500107457,,,XAP,Approved,-1824,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Stone,20,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1793.0,-1463.0,-1463.0,-1459.0,0.0,0,Cash loans,M,Y,Y,0,247500.0,719365.5,56965.5,621000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-11075,-641,-4832.0,-3406,65.0,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,12,0,1,1,0,1,1,Business Entity Type 3,0.15332874795024845,0.638320855844589,0.4507472818545589,0.1412,0.0465,0.9826,0.7824,0.0086,0.04,0.0345,0.3333,0.375,0.0161,0.0412,0.0569,0.0116,0.0093,0.0546,0.0182,0.9811,0.7909,0.0087,0.0403,0.0345,0.3333,0.375,0.0162,0.045,0.0401,0.0117,0.0045,0.1426,0.0465,0.9826,0.7853,0.0087,0.04,0.0345,0.3333,0.375,0.0164,0.0419,0.058,0.0116,0.0095,reg oper account,block of flats,0.0381,"Stone, brick",No,4.0,1.0,4.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1170715,174472,Consumer loans,,80955.0,80955.0,0.0,80955.0,TUESDAY,13,Y,1,0.0,,,XAP,Refused,-219,Cash through the bank,SCO,,Repeater,Computers,XNA,XNA,Country-wide,15,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,F,N,N,0,148500.0,215640.0,17289.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.007305,-8253,-469,-8225.0,-877,,1,1,0,1,1,0,Sales staff,1.0,3,3,WEDNESDAY,15,0,0,0,0,0,0,Trade: type 2,0.3035158699362445,0.4791195595867268,0.3556387169923543,0.0557,0.0292,0.9881,0.8368,0.0102,0.04,0.0345,0.3333,0.0417,0.0225,0.0454,0.0481,0.0,0.0,0.0567,0.0303,0.9881,0.8432,0.0103,0.0403,0.0345,0.3333,0.0417,0.023,0.0496,0.0501,0.0,0.0,0.0562,0.0292,0.9881,0.8390000000000001,0.0103,0.04,0.0345,0.3333,0.0417,0.0229,0.0462,0.049,0.0,0.0,reg oper account,block of flats,0.0434,"Stone, brick",No,0.0,0.0,0.0,0.0,-450.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2500329,236502,Consumer loans,4774.32,21789.0,17428.5,4360.5,21789.0,SATURDAY,13,Y,1,0.21795313732116708,,,XAP,Approved,-1075,XNA,XAP,,New,Mobile,POS,XNA,Country-wide,30,Connectivity,4.0,middle,POS mobile without interest,365243.0,-1004.0,-914.0,-1004.0,-997.0,0.0,0,Cash loans,F,N,N,1,112500.0,254700.0,14350.5,225000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.00496,-14673,-1790,-4670.0,-4682,,1,1,0,1,0,0,Core staff,3.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,School,0.6910560268814335,0.6518027800708549,0.5989262182569273,0.0598,,0.9781,,,0.0,0.1379,0.1667,,0.0052,,,,,0.0609,,0.9782,,,0.0,0.1379,0.1667,,0.0054,,,,,0.0604,,0.9781,,,0.0,0.1379,0.1667,,0.0053,,,,,,block of flats,0.0357,,No,0.0,0.0,0.0,0.0,-1075.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2058646,418204,Consumer loans,10419.3,101259.0,114624.0,0.0,101259.0,MONDAY,8,Y,1,0.0,,,XAP,Approved,-2286,Cash through the bank,XAP,Family,Refreshed,Computers,POS,XNA,Regional / Local,505,Consumer electronics,16.0,high,POS household with interest,365243.0,-2255.0,-1805.0,-1805.0,-1797.0,0.0,0,Cash loans,F,Y,Y,0,180000.0,450000.0,22977.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-17848,-1011,-1001.0,-1392,15.0,1,1,0,1,0,0,Accountants,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.5514319571927059,0.5523029791544647,0.4650692149562261,0.1467,0.1026,0.9896,0.8572,0.0186,0.16,0.1379,0.3471,0.3888,0.0719,0.1194,0.1506,0.0013,0.0183,0.084,0.0493,0.9901,0.8693,0.0,0.0806,0.069,0.3333,0.375,0.0501,0.0735,0.0882,0.0,0.0,0.1124,0.078,0.9901,0.8658,0.0,0.12,0.1034,0.3333,0.375,0.0654,0.0923,0.1156,0.0,0.0,reg oper spec account,block of flats,0.2731,Panel,No,0.0,0.0,0.0,0.0,-1659.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1092144,160779,Revolving loans,11250.0,225000.0,225000.0,,225000.0,FRIDAY,14,Y,1,,,,XAP,Approved,-841,XNA,XAP,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-839.0,-795.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,315000.0,314055.0,16164.0,238500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.020713,-20588,-1995,-9223.0,-4047,,1,1,0,1,0,0,,2.0,3,2,SATURDAY,7,0,0,0,0,0,0,Kindergarten,,0.5974335766807336,0.5316861425197883,0.1794,0.15,0.9806,0.7348,0.0415,0.08,0.3103,0.3333,0.2083,0.1011,0.1463,0.203,0.0,0.0,0.1828,0.1557,0.9806,0.7452,0.0418,0.0806,0.3103,0.3333,0.2083,0.1034,0.1598,0.2115,0.0,0.0,0.1811,0.15,0.9806,0.7383,0.0417,0.08,0.3103,0.3333,0.2083,0.1028,0.1488,0.2066,0.0,0.0,reg oper spec account,block of flats,0.1823,Panel,No,5.0,0.0,5.0,0.0,-1646.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1182506,368962,Cash loans,52156.665,1129500.0,1227901.5,,1129500.0,THURSDAY,11,Y,1,,,,XNA,Approved,-739,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-709.0,341.0,-289.0,-281.0,1.0,0,Cash loans,F,N,N,0,135000.0,675000.0,20596.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.005144,-17981,-619,-12.0,-1536,,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,Self-employed,0.4082607993116636,0.5622190020053357,0.3606125659189888,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-802.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2032204,423879,Revolving loans,3150.0,51160.5,45000.0,10233.0,51160.5,WEDNESDAY,17,Y,1,0.20177551957574769,,,XAP,Approved,-2527,XNA,XAP,,Repeater,Audio/Video,Cards,x-sell,Regional / Local,800,Consumer electronics,0.0,XNA,Card Street,-2527.0,-2487.0,365243.0,-2030.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,135000.0,1710000.0,59566.5,1710000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.028663,-13440,-4828,-7495.0,-4327,2.0,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.7849459893097227,0.6664375908416086,0.6817058776720116,0.1485,,0.9846,,,0.16,0.1379,0.3333,,,,0.1489,,0.1126,0.1513,,0.9846,,,0.1611,0.1379,0.3333,,,,0.1551,,0.1192,0.1499,,0.9846,,,0.16,0.1379,0.3333,,,,0.1516,,0.1149,,block of flats,0.1416,Panel,No,2.0,0.0,2.0,0.0,-1817.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2138820,307121,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SATURDAY,11,Y,1,,,,XAP,Approved,-167,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Country-wide,30,Connectivity,0.0,XNA,Card Street,-165.0,-120.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,M,Y,N,2,450000.0,900000.0,90058.5,900000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.003540999999999999,-12509,-112,-1694.0,-2458,3.0,1,1,1,1,1,0,Managers,4.0,1,1,FRIDAY,8,0,0,0,0,0,0,Construction,,0.6186358670770137,0.4418358231994413,,,0.9826,,,,,,,,,0.0173,,,,,0.9826,,,,,,,,,0.018000000000000002,,,,,0.9826,,,,,,,,,0.0176,,,,block of flats,0.0186,,No,0.0,0.0,0.0,0.0,-947.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1768661,307155,Cash loans,36000.99,630000.0,673245.0,,630000.0,FRIDAY,10,Y,1,,,,XNA,Approved,-318,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-288.0,402.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,1,270000.0,2085120.0,63351.0,1800000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.04622,-18106,365243,-2834.0,-1553,7.0,1,0,0,1,0,0,,3.0,1,1,MONDAY,15,0,0,0,0,0,0,XNA,,0.7639523358783705,,0.0186,0.0389,0.9687,0.5716,0.0039,0.0,0.1034,0.0417,0.0833,,0.0151,0.0282,0.0,0.0,0.0189,0.0403,0.9687,0.5884,0.0039,0.0,0.1034,0.0417,0.0833,,0.0165,0.0294,0.0,0.0,0.0187,0.0389,0.9687,0.5773,0.0039,0.0,0.1034,0.0417,0.0833,,0.0154,0.0287,0.0,0.0,reg oper account,block of flats,0.0247,"Stone, brick",No,1.0,0.0,1.0,0.0,-588.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1869541,115702,Cash loans,42727.5,450000.0,450000.0,,450000.0,WEDNESDAY,13,Y,1,,,,Other,Approved,-585,Cash through the bank,XAP,Other_B,Repeater,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,12.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,Y,Y,1,198256.5,630000.0,27045.0,630000.0,Unaccompanied,Commercial associate,Higher education,Married,With parents,0.028663,-12776,-1897,-3821.0,-4543,7.0,1,1,1,1,0,0,,3.0,2,2,MONDAY,9,0,0,0,0,0,0,Other,0.2208431895788052,0.7770351665306717,0.4135967602644276,0.0165,0.0041,0.9737,,,0.0,0.069,0.0417,,,,0.0082,,0.0296,0.0168,0.0043,0.9737,,,0.0,0.069,0.0417,,,,0.0085,,0.0313,0.0167,0.0041,0.9737,,,0.0,0.069,0.0417,,,,0.0083,,0.0302,,block of flats,0.0097,"Stone, brick",No,0.0,0.0,0.0,0.0,-586.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2193006,269624,Consumer loans,8360.145,83610.0,75249.0,8361.0,83610.0,FRIDAY,13,Y,1,0.1089090909090909,,,XAP,Approved,-2542,XNA,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,140,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2506.0,-2236.0,-2236.0,-2225.0,0.0,0,Cash loans,M,Y,Y,0,157500.0,1017544.5,40482.0,936000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.028663,-17621,-700,-8588.0,-1173,3.0,1,1,1,1,1,0,Laborers,2.0,2,2,SATURDAY,8,0,1,1,0,1,1,Construction,0.3774066639767665,0.43650414833733936,0.6528965519806539,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-770.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1797068,443088,Consumer loans,10011.915,64755.0,53482.5,22500.0,64755.0,TUESDAY,16,Y,1,0.32250249010687265,,,XAP,Approved,-1532,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,116,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1501.0,-1351.0,-1351.0,-1345.0,0.0,0,Cash loans,F,N,Y,2,225000.0,284400.0,19134.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-15220,-2832,-1735.0,-2646,,1,1,0,1,0,0,Sales staff,4.0,2,2,MONDAY,14,0,0,0,0,0,0,Self-employed,0.4813380243363386,0.05914061429057499,0.35895122857839673,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1532.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2060583,128372,Consumer loans,24246.72,167031.0,122706.0,50112.0,167031.0,FRIDAY,17,Y,1,0.31580346744183835,,,XAP,Approved,-2561,Cash through the bank,XAP,Other_B,New,Computers,POS,XNA,Stone,100,Consumer electronics,6.0,high,POS household with interest,365243.0,-2530.0,-2380.0,-2380.0,-2370.0,1.0,0,Revolving loans,M,Y,Y,1,135000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Higher education,Married,With parents,0.01885,-15494,-858,-4826.0,-4835,2.0,1,1,0,1,0,0,Laborers,3.0,2,2,THURSDAY,9,0,0,0,1,1,0,Construction,,0.6023044091972052,0.4418358231994413,0.0722,,0.9811,,,0.0,0.1379,0.1667,,,,0.0457,,0.078,0.0735,,0.9811,,,0.0,0.1379,0.1667,,,,0.0476,,0.0825,0.0729,,0.9811,,,0.0,0.1379,0.1667,,,,0.0465,,0.0796,,block of flats,0.0535,Panel,No,0.0,0.0,0.0,0.0,-2561.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1049096,282062,Cash loans,,0.0,0.0,,,THURSDAY,15,Y,1,,,,XNA,Refused,-355,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,2,202500.0,436032.0,34578.0,360000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.018634,-10766,-954,-3868.0,-1166,,1,1,0,1,0,0,,4.0,2,2,TUESDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.31202202739545204,0.3483594726328587,0.28961123838200553,0.0639,0.0375,0.9747,0.6532,0.0051,0.0,0.1034,0.1667,0.2083,0.0329,0.0521,0.0537,0.0,0.0,0.0651,0.0389,0.9747,0.6668,0.0052,0.0,0.1034,0.1667,0.2083,0.0336,0.0569,0.056,0.0,0.0,0.0645,0.0375,0.9747,0.6578,0.0052,0.0,0.1034,0.1667,0.2083,0.0334,0.053,0.0547,0.0,0.0,,block of flats,0.0451,"Stone, brick",No,5.0,1.0,5.0,1.0,-355.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1283033,409752,Consumer loans,6605.28,43506.0,47812.5,0.0,43506.0,WEDNESDAY,11,Y,1,0.0,,,XAP,Approved,-373,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,23,Connectivity,10.0,high,POS mobile with interest,365243.0,-342.0,-72.0,-162.0,-159.0,0.0,1,Cash loans,F,N,Y,1,67500.0,274500.0,15021.0,274500.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.018209,-8421,-211,-435.0,-724,,1,1,0,1,0,0,,3.0,3,3,FRIDAY,8,0,0,0,0,0,0,Business Entity Type 3,0.08776180093829578,0.12462834306896164,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-373.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1224605,104413,Cash loans,11772.54,180000.0,209700.0,,180000.0,TUESDAY,7,Y,1,,,,XNA,Approved,-378,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,365243.0,-348.0,522.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,67500.0,297000.0,13972.5,297000.0,Unaccompanied,Working,Secondary / secondary special,Married,Rented apartment,0.014519999999999996,-17508,-1357,-880.0,-1070,,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,7,0,0,0,0,0,0,Self-employed,,0.6526360945733339,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-378.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2682011,421056,Revolving loans,5625.0,0.0,112500.0,,,WEDNESDAY,7,Y,0,,,,XAP,Approved,-547,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-546.0,-499.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,157500.0,942300.0,30528.0,675000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.010147,-15547,-1942,-9497.0,-2799,19.0,1,1,0,1,0,0,,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,Agriculture,,0.5840535499898397,0.7209441499436497,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-974.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2647637,309909,Consumer loans,10808.235,219469.5,237019.5,0.0,219469.5,WEDNESDAY,16,Y,1,0.0,,,XAP,Approved,-21,Cash through the bank,XAP,Family,Refreshed,Consumer Electronics,POS,XNA,Regional / Local,242,Consumer electronics,24.0,low_action,POS household without interest,365243.0,365243.0,699.0,365243.0,365243.0,1.0,1,Cash loans,M,Y,Y,1,211500.0,450000.0,21109.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-9188,-2156,-4884.0,-1862,9.0,1,1,1,1,1,0,Drivers,3.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.7077282765627312,0.5046813193144684,0.0412,0.0438,0.9781,0.7008,0.0173,0.0,0.2759,0.1667,0.2083,0.0672,0.0336,0.0357,0.0,0.0,0.042,0.0455,0.9782,0.7125,0.0175,0.0,0.2759,0.1667,0.2083,0.0687,0.0367,0.0372,0.0,0.0,0.0416,0.0438,0.9781,0.7048,0.0175,0.0,0.2759,0.1667,0.2083,0.0684,0.0342,0.0364,0.0,0.0,reg oper account,block of flats,0.0376,"Stone, brick",No,0.0,0.0,0.0,0.0,-820.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1305651,357144,Consumer loans,7547.67,43155.0,42570.0,2592.0,43155.0,THURSDAY,7,Y,1,0.06250661255842603,,,XAP,Approved,-2447,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Regional / Local,130,Consumer electronics,6.0,low_normal,POS household without interest,365243.0,-2416.0,-2266.0,-2266.0,-2262.0,1.0,0,Cash loans,F,Y,Y,0,540000.0,1347466.5,69898.5,1273500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018029,-15630,-3085,-4436.0,-4459,1.0,1,1,0,1,0,0,Managers,2.0,3,3,MONDAY,11,0,0,0,0,0,0,Government,0.7209378623278101,0.6481860434860937,0.4650692149562261,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2127.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1182173,311752,Consumer loans,3982.68,31990.5,34632.0,0.0,31990.5,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-1353,Cash through the bank,XAP,Unaccompanied,New,Office Appliances,POS,XNA,Regional / Local,1,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1322.0,-1052.0,-1052.0,-1046.0,0.0,0,Cash loans,F,Y,N,0,216000.0,1305000.0,38155.5,1305000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018209,-14775,-4327,-968.0,-4000,15.0,1,1,1,1,0,0,Medicine staff,2.0,3,3,WEDNESDAY,16,0,0,0,0,0,0,Medicine,0.4824988994431118,0.45029754828287305,0.5226973172821112,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1353.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,0.0 +1912590,103088,Consumer loans,5188.725,39195.0,26968.5,13500.0,39195.0,THURSDAY,7,Y,1,0.3633128797145253,,,XAP,Approved,-2643,XNA,XAP,Family,New,Photo / Cinema Equipment,POS,XNA,Regional / Local,100,Consumer electronics,6.0,high,POS household with interest,365243.0,-2612.0,-2462.0,-2462.0,-2437.0,1.0,0,Cash loans,F,N,Y,0,180000.0,1288350.0,37800.0,1125000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.006629,-22633,365243,-11067.0,-4731,,1,0,0,1,0,0,,1.0,2,2,MONDAY,5,0,0,0,0,0,0,XNA,,0.6286950555032058,0.6144143775673561,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1386995,391313,Consumer loans,10164.465,81238.5,79546.5,8127.0,81238.5,SUNDAY,13,Y,1,0.10095458511616187,,,XAP,Approved,-491,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,10.0,high,POS mobile with interest,365243.0,-460.0,-190.0,-220.0,-218.0,0.0,0,Revolving loans,M,N,Y,0,135000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.035792000000000004,-9847,-1007,-4601.0,-2384,,1,1,0,1,0,0,Laborers,1.0,2,2,MONDAY,14,0,0,0,0,0,0,Trade: type 7,0.1851276513200367,0.5925645634368617,0.6413682574954046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-673.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2424671,222502,Cash loans,12189.195,247500.0,287685.0,,247500.0,FRIDAY,9,Y,1,,,,XNA,Approved,-1070,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),25,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-1040.0,10.0,-380.0,-375.0,1.0,0,Cash loans,F,N,N,0,157500.0,1258650.0,53455.5,1125000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-22074,365243,-148.0,-2141,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,XNA,,0.4257567953079256,0.6413682574954046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1426.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1636995,363060,Consumer loans,5177.43,35230.5,31707.0,3523.5,35230.5,TUESDAY,18,Y,1,0.10892300189272976,,,XAP,Refused,-742,Cash through the bank,LIMIT,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,8.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,0,90000.0,490536.0,15795.0,405000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.010147,-20234,365243,-8559.0,-3581,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,13,0,0,0,0,0,0,XNA,0.7446555191661602,0.5649136413519339,0.5190973382084597,0.1227,0.0,0.9886,0.8436,0.0207,0.0,0.2759,0.1667,0.2083,,0.1,0.1227,0.0,0.0,0.125,0.0,0.9886,0.8497,0.0209,0.0,0.2759,0.1667,0.2083,,0.1093,0.1279,0.0,0.0,0.1239,0.0,0.9886,0.8457,0.0208,0.0,0.2759,0.1667,0.2083,,0.1018,0.1249,0.0,0.0,reg oper spec account,block of flats,0.1078,Panel,No,1.0,0.0,1.0,0.0,-595.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2630115,252738,Consumer loans,9504.315,208075.5,208075.5,0.0,208075.5,WEDNESDAY,20,Y,1,0.0,,,XAP,Approved,-878,Cash through the bank,XAP,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Country-wide,1354,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-847.0,-157.0,-187.0,-181.0,0.0,0,Cash loans,F,N,Y,0,180000.0,1006920.0,37444.5,900000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.009334,-17104,-836,-5127.0,-645,,1,1,0,1,1,0,Medicine staff,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,Medicine,,0.6576211499451409,0.3556387169923543,0.032,0.0287,0.9717,0.6124,0.0091,0.0,0.1034,0.125,0.1667,0.0408,0.0235,0.038,0.0116,0.0,0.0326,0.0298,0.9717,0.6276,0.0092,0.0,0.1034,0.125,0.1667,0.0417,0.0257,0.0396,0.0117,0.0,0.0323,0.0287,0.9717,0.6176,0.0091,0.0,0.1034,0.125,0.1667,0.0415,0.0239,0.0387,0.0116,0.0,,block of flats,0.0348,"Stone, brick",No,1.0,0.0,1.0,0.0,-1417.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2546033,102498,Consumer loans,11483.235,58495.5,42295.5,17550.0,58495.5,SUNDAY,10,Y,1,0.31938149826712864,,,XAP,Approved,-1291,XNA,XAP,Family,Refreshed,Consumer Electronics,POS,XNA,Regional / Local,60,Consumer electronics,4.0,middle,POS household with interest,365243.0,-1260.0,-1170.0,-1170.0,-1165.0,0.0,0,Cash loans,M,Y,N,0,148500.0,508495.5,21541.5,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-22042,365243,-2779.0,-4234,13.0,1,0,0,1,0,0,,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,XNA,,0.7178272696960442,0.6956219298394389,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2367.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2261454,130326,Cash loans,16172.64,135000.0,161856.0,,135000.0,THURSDAY,15,Y,1,,,,XNA,Approved,-1461,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1431.0,-1101.0,-1221.0,-1213.0,1.0,1,Cash loans,M,Y,Y,0,112500.0,619254.0,24687.0,553500.0,Unaccompanied,Commercial associate,Higher education,Widow,House / apartment,0.019688999999999998,-19992,-2999,-8037.0,-1169,10.0,1,1,0,1,0,0,High skill tech staff,1.0,2,2,TUESDAY,14,0,0,0,0,1,1,Construction,,0.11455363238087565,0.7016957740576931,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,0.0,-1739.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2261807,431135,Consumer loans,11033.685,136080.0,105313.5,40824.0,136080.0,FRIDAY,16,Y,1,0.3042411925257191,,,XAP,Approved,-860,Cash through the bank,XAP,,New,Furniture,POS,XNA,Stone,1250,Furniture,12.0,middle,POS industry with interest,365243.0,-823.0,-493.0,-583.0,-564.0,0.0,0,Cash loans,F,N,Y,0,180000.0,781920.0,34573.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.00496,-22665,365243,-5966.0,-4558,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,XNA,,0.5688277011574078,0.0005272652387098817,0.001,,0.9767,,,,,0.0,,,,,,,0.0011,,0.9767,,,,,0.0,,,,,,,0.001,,0.9767,,,,,0.0,,,,,,,,terraced house,0.0011,,No,0.0,0.0,0.0,0.0,-860.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1296366,264942,Consumer loans,6749.325,67500.0,60750.0,6750.0,67500.0,MONDAY,12,Y,1,0.1089090909090909,,,XAP,Refused,-2871,XNA,HC,,Repeater,Consumer Electronics,POS,XNA,Country-wide,60,Consumer electronics,10.0,low_normal,POS other with interest,,,,,,,0,Cash loans,F,N,Y,0,112500.0,490495.5,26262.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-13362,-5695,-6720.0,-4186,,1,1,1,1,1,1,Managers,2.0,2,2,TUESDAY,8,0,0,0,0,0,0,Postal,,0.5020792918735825,0.8128226070575616,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-1.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1493603,384156,Cash loans,3216.555,67500.0,85320.0,,67500.0,WEDNESDAY,9,Y,1,,,,XNA,Approved,-181,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-151.0,1259.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,0,180000.0,296280.0,23539.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-16219,-8274,-5160.0,-4697,10.0,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,15,0,1,1,0,1,1,Business Entity Type 3,,0.6570990569745189,0.6690566947824041,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1878.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2562626,352227,Consumer loans,29987.37,702000.0,793737.0,0.0,702000.0,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-480,Cash through the bank,XAP,,New,Clothing and Accessories,POS,XNA,Stone,20,Clothing,36.0,low_normal,POS industry with interest,365243.0,-449.0,601.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,180000.0,909000.0,26707.5,909000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-20657,365243,-6231.0,-4202,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,17,0,0,0,0,0,0,XNA,,0.35748285816363684,0.2866524828090694,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2064614,225120,Cash loans,5246.01,45000.0,47970.0,0.0,45000.0,WEDNESDAY,11,Y,1,0.0,,,XNA,Approved,-2344,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,53,Consumer electronics,12.0,high,Cash Street: high,365243.0,-2314.0,-1984.0,-1984.0,-1976.0,1.0,1,Cash loans,F,N,Y,0,144000.0,364896.0,26680.5,315000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.020713,-14449,-4352,-1440.0,-5054,,1,1,1,1,1,0,Core staff,2.0,3,2,TUESDAY,6,0,0,0,0,0,0,Kindergarten,0.18117759174960868,0.14324083314705988,0.09322509537747448,0.1845,0.1431,0.9836,0.7756,0.0425,0.2,0.1724,0.3333,0.375,0.0753,0.1505,0.1949,0.0,0.0,0.188,0.1485,0.9836,0.7844,0.0429,0.2014,0.1724,0.3333,0.375,0.077,0.1644,0.2031,0.0,0.0,0.1863,0.1431,0.9836,0.7786,0.0427,0.2,0.1724,0.3333,0.375,0.0766,0.1531,0.1984,0.0,0.0,not specified,block of flats,0.1765,Panel,No,0.0,0.0,0.0,0.0,-381.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1193028,273677,Consumer loans,4407.885,80356.5,97326.0,0.0,80356.5,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-628,Cash through the bank,XAP,,Refreshed,Computers,POS,XNA,Country-wide,550,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-596.0,94.0,365243.0,365243.0,0.0,0,Revolving loans,M,Y,N,0,180000.0,405000.0,20250.0,405000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-19883,-1095,-8394.0,-3414,15.0,1,1,0,1,0,0,Sales staff,2.0,2,2,SUNDAY,10,0,0,0,0,0,0,Self-employed,,0.4584511061544818,0.816092360478441,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1661.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1489940,130377,Consumer loans,8938.485,42435.0,44536.5,0.0,42435.0,WEDNESDAY,12,Y,1,0.0,,,XAP,Approved,-2617,Cash through the bank,XAP,Other_B,New,Mobile,POS,XNA,Country-wide,334,Connectivity,6.0,high,POS mobile with interest,365243.0,-2586.0,-2436.0,-2436.0,-2431.0,1.0,0,Cash loans,F,N,Y,0,112500.0,261000.0,13662.0,261000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.035792000000000004,-24753,365243,-341.0,-3737,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,18,0,0,0,0,0,0,XNA,,0.4397879071909187,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2126536,178287,Consumer loans,11641.05,128686.5,111753.0,27000.0,128686.5,SUNDAY,8,Y,1,0.2119266217339772,,,XAP,Approved,-1643,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,1600,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1612.0,-1282.0,-1282.0,-1279.0,0.0,0,Cash loans,M,Y,N,1,312750.0,273024.0,15804.0,216000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.001417,-23049,-2422,-913.0,-3993,10.0,1,1,0,1,1,0,Managers,3.0,2,2,FRIDAY,8,0,0,0,1,1,0,Business Entity Type 2,,0.5751074249508871,0.7503751495159068,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1643.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1440277,236265,Cash loans,15172.02,144000.0,182839.5,,144000.0,MONDAY,10,Y,1,,,,XNA,Approved,-579,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-549.0,-39.0,-39.0,-34.0,1.0,0,Revolving loans,F,N,Y,1,76500.0,247500.0,12375.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.026392000000000002,-9583,-1206,-4034.0,-2266,,1,1,0,1,1,0,Cooking staff,3.0,2,2,SATURDAY,10,0,0,0,0,1,1,Self-employed,0.27846597077637264,0.6284244652483817,0.21155076420525776,0.0186,,0.9851,,,0.0,0.1034,0.0417,,0.0021,,0.0172,,0.0,0.0189,,0.9851,,,0.0,0.1034,0.0417,,0.0021,,0.018000000000000002,,0.0,0.0187,,0.9851,,,0.0,0.1034,0.0417,,0.0021,,0.0176,,0.0,,block of flats,0.0136,"Stone, brick",No,1.0,1.0,1.0,1.0,-1643.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1864293,207771,Cash loans,11061.0,90000.0,90000.0,0.0,90000.0,TUESDAY,9,Y,1,0.0,,,XNA,Approved,-2897,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,10.0,middle,Cash Street: middle,365243.0,-2867.0,-2597.0,-2597.0,-2591.0,0.0,0,Cash loans,F,N,N,0,112500.0,251091.0,23724.0,238500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.00702,-24177,365243,-10739.0,-4503,,1,0,0,1,0,0,,1.0,2,2,MONDAY,11,0,0,0,0,0,0,XNA,,0.568318114661022,0.6610235391308081,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1634.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2484662,418754,Revolving loans,4500.0,90000.0,90000.0,,90000.0,SUNDAY,13,Y,1,,,,XAP,Refused,-848,XNA,SCOFR,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,Y,N,0,337500.0,539100.0,29376.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007273999999999998,-17079,-681,-600.0,-586,6.0,1,1,1,1,1,0,Laborers,2.0,2,2,SUNDAY,12,0,0,0,0,1,1,Business Entity Type 3,0.3655710008896815,0.34233793146071845,0.3979463219016906,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-297.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,2.0 +2435715,359178,Cash loans,21325.5,675000.0,675000.0,,675000.0,FRIDAY,12,Y,1,,,,XNA,Approved,-166,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),5,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-136.0,1274.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,135000.0,135000.0,13482.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-18987,-4301,-3306.0,-427,,1,1,1,1,0,0,Accountants,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.6942080928560951,0.7136313997323308,0.0268,0.0143,0.9702,0.5920000000000001,0.0028,0.0,0.069,0.125,0.1667,0.028,0.0202,0.02,0.0077,0.0273,0.0273,0.0149,0.9702,0.608,0.0028,0.0,0.069,0.125,0.1667,0.0286,0.022,0.0209,0.0078,0.0289,0.0271,0.0143,0.9702,0.5975,0.0028,0.0,0.069,0.125,0.1667,0.0285,0.0205,0.0204,0.0078,0.0279,reg oper account,block of flats,0.022,"Stone, brick",No,4.0,0.0,4.0,0.0,-729.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1216742,328666,Consumer loans,3909.24,35086.5,38790.0,0.0,35086.5,TUESDAY,11,Y,1,0.0,,,XAP,Approved,-709,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Stone,500,Consumer electronics,12.0,middle,POS household with interest,365243.0,-678.0,-348.0,-438.0,-430.0,0.0,0,Cash loans,F,N,Y,0,130500.0,835380.0,36927.0,675000.0,Family,Pensioner,Higher education,Separated,House / apartment,0.016612000000000002,-22086,365243,-49.0,-4277,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,15,0,0,0,0,0,0,XNA,,0.5670569392362769,0.746300213050371,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-709.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2774798,370126,Cash loans,,0.0,0.0,,,FRIDAY,11,Y,1,,,,XNA,Refused,-515,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,180000.0,78192.0,8550.0,67500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-18258,-1031,-3905.0,-1812,,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Trade: type 7,0.5923339087397889,0.3340909698437661,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-744.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2057978,447690,Consumer loans,7796.61,60021.0,65961.0,0.0,60021.0,THURSDAY,19,Y,1,0.0,,,XAP,Approved,-2278,Cash through the bank,XAP,Other_B,Repeater,Consumer Electronics,POS,XNA,Stone,126,Consumer electronics,12.0,high,POS household with interest,365243.0,-2247.0,-1917.0,-1917.0,-1904.0,1.0,1,Cash loans,F,N,Y,0,67500.0,942300.0,27549.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.01885,-12249,-3756,-3022.0,-3231,,1,1,1,1,0,0,Managers,2.0,2,2,SUNDAY,11,0,0,0,0,1,1,Other,0.14312274741107106,0.6009679538029786,0.21396685226179807,0.0928,0.1078,0.9806,0.7348,0.0,0.0,0.2069,0.1667,0.2083,0.0,0.0756,0.0848,0.0,0.0,0.0945,0.1119,0.9806,0.7452,0.0,0.0,0.2069,0.1667,0.2083,0.0,0.0826,0.0884,0.0,0.0,0.0937,0.1078,0.9806,0.7383,0.0,0.0,0.2069,0.1667,0.2083,0.0,0.077,0.0863,0.0,0.0,reg oper account,block of flats,0.0667,Panel,No,0.0,0.0,0.0,0.0,-2885.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1535234,294438,Consumer loans,6493.5,64336.5,64336.5,0.0,64336.5,WEDNESDAY,12,Y,1,0.0,,,XAP,Approved,-160,XNA,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,70,Connectivity,12.0,middle,POS mobile with interest,365243.0,-129.0,201.0,-39.0,-37.0,0.0,0,Cash loans,M,Y,Y,0,202500.0,1467612.0,62311.5,1350000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.031329,-9917,-1212,-2533.0,-2532,7.0,1,1,0,1,0,0,Laborers,1.0,2,2,TUESDAY,11,0,0,0,0,0,0,Construction,0.3949445545256345,0.6479815615057863,,0.0598,0.0308,0.9786,0.7076,,0.0,0.1379,0.1667,0.0417,0.0473,0.0471,0.0505,0.0077,0.0611,0.0609,0.032,0.9786,0.7190000000000001,,0.0,0.1379,0.1667,0.0417,0.0484,0.0514,0.0526,0.0078,0.0647,0.0604,0.0308,0.9786,0.7115,,0.0,0.1379,0.1667,0.0417,0.0482,0.0479,0.0514,0.0078,0.0624,reg oper spec account,block of flats,0.048,Panel,No,1.0,1.0,1.0,1.0,-1436.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1155747,409870,Consumer loans,10273.905,52191.0,54945.0,0.0,52191.0,WEDNESDAY,15,Y,1,0.0,,,XAP,Approved,-836,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,2178,Consumer electronics,6.0,middle,POS household with interest,365243.0,-805.0,-655.0,-655.0,-650.0,0.0,0,Cash loans,M,N,N,0,157500.0,242595.0,12384.0,202500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-21312,-105,-4938.0,-4804,,1,1,1,1,1,0,Drivers,2.0,2,2,FRIDAY,20,0,0,0,0,0,0,Transport: type 4,,0.6457587058932504,0.7062051096536562,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-836.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2060454,433868,Cash loans,61871.535,630000.0,651622.5,,630000.0,MONDAY,14,Y,1,,,,XNA,Approved,-788,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-758.0,-428.0,-488.0,-481.0,1.0,0,Cash loans,F,N,Y,0,112500.0,62361.0,6520.5,58500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.04622,-23919,365243,-85.0,-4848,,1,0,0,1,0,0,,2.0,1,1,FRIDAY,11,0,0,0,0,0,0,XNA,,0.18558415379431376,0.6894791426446275,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1431.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1188301,145003,Consumer loans,5098.005,46345.5,46345.5,0.0,46345.5,SUNDAY,16,Y,1,0.0,,,XAP,Approved,-608,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Country-wide,2000,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-577.0,-307.0,-307.0,-300.0,0.0,0,Cash loans,F,Y,N,0,180000.0,1550655.0,42642.0,1386000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018801,-9731,-2082,-358.0,-1804,2.0,1,1,1,1,1,0,Accountants,2.0,2,2,MONDAY,17,0,0,0,0,1,1,Business Entity Type 3,0.21249795119300324,0.3053589182717415,,0.2227,0.1296,0.9866,0.8164,0.094,0.24,0.2069,0.3333,0.375,0.0301,0.1816,0.2192,0.0,0.0,0.2269,0.1345,0.9866,0.8236,0.0948,0.2417,0.2069,0.3333,0.375,0.0308,0.1983,0.2284,0.0,0.0,0.2248,0.1296,0.9866,0.8189,0.0945,0.24,0.2069,0.3333,0.375,0.0306,0.1847,0.2231,0.0,0.0,reg oper account,block of flats,0.1724,Panel,No,0.0,0.0,0.0,0.0,-1581.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1480282,230430,Cash loans,44268.75,225000.0,225000.0,0.0,225000.0,MONDAY,16,Y,1,0.0,,,XNA,Approved,-485,XNA,XAP,,Repeater,XNA,Cash,walk-in,Country-wide,39,Connectivity,6.0,high,Cash Street: high,365243.0,-455.0,-305.0,-305.0,-297.0,0.0,0,Cash loans,M,Y,N,1,135000.0,270000.0,30537.0,270000.0,Other_B,Working,Higher education,Married,With parents,0.019101,-9966,-956,-1157.0,-1163,10.0,1,1,1,1,1,0,Cooking staff,3.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.1994872101019756,0.25670557243930026,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-485.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1303308,344607,Consumer loans,4034.61,31045.5,30244.5,3105.0,31045.5,FRIDAY,11,Y,1,0.10139963935673016,,,XAP,Refused,-2797,Cash through the bank,SCO,,Repeater,XNA,POS,XNA,Country-wide,21,Connectivity,10.0,low_normal,POS mobile with interest,,,,,,,1,Cash loans,F,N,Y,0,315000.0,1236816.0,36292.5,1080000.0,Family,Working,Higher education,Separated,House / apartment,0.030755,-16929,-6612,-1883.0,-482,,1,1,0,1,0,0,Managers,1.0,2,2,TUESDAY,15,0,0,0,0,0,0,Kindergarten,0.8827693269217421,0.6435997622454364,0.4614823912998385,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,1.0,-2014.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1378732,357734,Cash loans,11045.7,360000.0,360000.0,,360000.0,FRIDAY,17,Y,1,,,,Other,Refused,-42,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,48.0,low_action,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,67500.0,112500.0,8131.5,112500.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.026392000000000002,-24330,365243,-857.0,-2565,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,XNA,,0.6737996051416081,,0.0825,0.0804,0.9732,,,0.0,0.1379,0.1667,,,,0.0652,,0.0,0.084,0.0834,0.9732,,,0.0,0.1379,0.1667,,,,0.068,,0.0,0.0833,0.0804,0.9732,,,0.0,0.1379,0.1667,,,,0.0664,,0.0,,block of flats,0.0513,"Stone, brick",No,3.0,0.0,3.0,0.0,-748.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2612378,326322,Cash loans,76915.845,900000.0,1066054.5,,900000.0,WEDNESDAY,14,Y,1,,,,XNA,Refused,-590,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,N,0,216000.0,393219.0,44496.0,373500.0,Family,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-17855,-2725,-7627.0,-1402,,1,1,0,1,0,0,,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.6706591198257507,0.7274818534697667,,0.0103,0.0183,0.9811,0.7416,0.0012,0.0,0.0517,0.0417,0.0833,0.0245,0.0084,0.0098,0.0,0.0,0.0084,0.0,0.9811,0.7517,0.001,0.0,0.0345,0.0417,0.0833,0.0093,0.0073,0.008,0.0,0.0,0.0104,0.0183,0.9811,0.7451,0.0012,0.0,0.0517,0.0417,0.0833,0.0249,0.0086,0.01,0.0,0.0,reg oper account,block of flats,0.006,"Stone, brick",No,2.0,0.0,2.0,0.0,-2882.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1000276,365320,Cash loans,51496.56,1314000.0,1428475.5,,1314000.0,THURSDAY,10,Y,1,,,,XNA,Approved,-259,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_action,Cash X-Sell: low,365243.0,-229.0,821.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,0,247500.0,1039500.0,30393.0,1039500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010032,-21660,-7721,-737.0,-4689,16.0,1,1,0,1,0,0,Core staff,2.0,2,2,THURSDAY,2,0,0,0,0,0,0,Government,,0.4977604713174077,0.7544061731797895,0.0825,0.067,0.9757,0.6668,0.029,0.0,0.1379,0.1667,0.2083,0.0849,0.0672,0.0705,0.0,0.0,0.084,0.0695,0.9757,0.6798,0.0293,0.0,0.1379,0.1667,0.2083,0.0869,0.0735,0.0735,0.0,0.0,0.0833,0.067,0.9757,0.6713,0.0292,0.0,0.1379,0.1667,0.2083,0.0864,0.0684,0.0718,0.0,0.0,,block of flats,0.0713,Panel,No,0.0,0.0,0.0,0.0,-259.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1651782,306035,Cash loans,11401.245,112500.0,142195.5,,112500.0,WEDNESDAY,6,Y,1,,,,XNA,Approved,-633,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-603.0,-93.0,-243.0,-237.0,1.0,0,Cash loans,F,N,Y,1,180000.0,755190.0,31995.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.006305,-15737,-2159,-926.0,-3988,,1,1,0,1,0,0,,2.0,3,3,SATURDAY,7,0,0,0,0,0,0,School,0.7539238516243814,0.6676129466626316,0.1500851762342935,0.0619,0.0613,0.9767,0.6804,0.0055,0.0,0.1379,0.125,0.1667,0.0257,0.0471,0.0461,0.0154,0.0172,0.063,0.0637,0.9767,0.6929,0.0055,0.0,0.1379,0.125,0.1667,0.0263,0.0514,0.0481,0.0156,0.0182,0.0625,0.0613,0.9767,0.6847,0.0055,0.0,0.1379,0.125,0.1667,0.0261,0.0479,0.047,0.0155,0.0175,reg oper spec account,block of flats,0.0536,"Stone, brick",No,0.0,0.0,0.0,0.0,-1263.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,4.0,2.0 +2473897,100078,Cash loans,25769.25,585000.0,585000.0,,585000.0,MONDAY,8,Y,1,,,,XNA,Refused,-22,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,Y,Y,0,180000.0,1035000.0,43983.0,1035000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.028663,-19550,-4856,-6836.0,-3084,21.0,1,1,0,1,0,0,Core staff,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,Government,0.7961611232881004,0.5172704004425673,0.4294236843421945,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1594.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1919878,123947,Consumer loans,11697.21,128508.3,100233.0,28275.3,128508.3,TUESDAY,18,Y,1,0.2396294416922345,,,XAP,Approved,-2825,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Stone,180,Connectivity,12.0,low_normal,POS mobile with interest,365243.0,-2794.0,-2464.0,-2464.0,-2456.0,0.0,0,Cash loans,M,Y,Y,2,225000.0,312768.0,24691.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008019,-15774,-3763,-8999.0,-490,6.0,1,1,0,1,0,0,Drivers,4.0,2,2,SATURDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.2472300998924541,0.4947374574138761,0.520897599048938,0.0021,,0.9583,0.4288,,0.0,0.069,0.0,0.0417,0.0213,0.0017,0.0029,0.0,0.0,0.0021,,0.9583,0.4512,,0.0,0.069,0.0,0.0417,0.0218,0.0018,0.0031,0.0,0.0,0.0021,,0.9583,0.4364,,0.0,0.069,0.0,0.0417,0.0217,0.0017,0.003,0.0,0.0,reg oper account,block of flats,0.0023,Wooden,No,0.0,0.0,0.0,0.0,-3262.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2218719,242426,Cash loans,11651.085,135000.0,148365.0,,135000.0,TUESDAY,10,Y,1,,,,Other,Refused,-247,Cash through the bank,HC,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,135000.0,344043.0,18792.0,297000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.00733,-20296,-1770,-10653.0,-3452,,1,1,0,1,0,0,Security staff,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.22745842803130514,0.6313545365850379,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-632.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2825130,439885,Consumer loans,11924.145,107743.5,114948.0,5400.0,107743.5,TUESDAY,17,Y,1,0.04886737552008265,,,XAP,Approved,-1429,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,1550,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1398.0,-1068.0,-1128.0,-1123.0,0.0,0,Cash loans,F,N,N,0,99000.0,270000.0,11893.5,270000.0,Other_B,Pensioner,Secondary / secondary special,Separated,Municipal apartment,0.018634,-21007,365243,-10203.0,-4442,,1,0,0,1,1,0,,1.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,XNA,0.8890157088127374,0.503910634140305,0.7992967832109371,0.3809,0.3164,0.9861,0.8096,0.1144,0.4,0.3448,0.3333,0.375,0.0628,0.3026,0.3876,0.0695,0.1588,0.3792,0.3283,0.9861,0.8171,0.1155,0.4028,0.3448,0.3333,0.375,0.0642,0.3306,0.4038,0.07,0.1682,0.3846,0.3164,0.9861,0.8121,0.1152,0.4,0.3448,0.3333,0.375,0.0639,0.3078,0.3946,0.0699,0.1622,reg oper spec account,block of flats,0.402,"Stone, brick",No,1.0,0.0,1.0,0.0,-1429.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2056884,125244,Consumer loans,10294.83,200250.0,195093.0,40050.0,200250.0,THURSDAY,17,Y,1,0.18549602118324127,,,XAP,Approved,-1349,Cash through the bank,XAP,Unaccompanied,Refreshed,Furniture,POS,XNA,Stone,10,Industry,30.0,middle,POS industry with interest,365243.0,-1318.0,-448.0,-598.0,-590.0,0.0,0,Cash loans,F,Y,Y,0,157500.0,512446.5,37417.5,463500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.019101,-10162,-2037,-4998.0,-2853,10.0,1,1,0,1,0,0,Core staff,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,School,0.7106073240249768,0.5612068830992819,,0.0619,0.0495,0.9757,0.6668,,0.0,0.1379,0.1667,,0.0402,,0.0526,,0.0029,0.063,0.0513,0.9757,0.6798,,0.0,0.1379,0.1667,,0.0412,,0.0548,,0.0031,0.0625,0.0495,0.9757,0.6713,,0.0,0.1379,0.1667,,0.0409,,0.0535,,0.003,,block of flats,0.0463,"Stone, brick",No,0.0,0.0,0.0,0.0,-589.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1694995,277887,Consumer loans,4374.405,46984.5,42048.0,9400.5,46984.5,MONDAY,17,Y,1,0.1989950939465502,,,XAP,Approved,-265,XNA,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,12,Connectivity,12.0,middle,POS mobile with interest,365243.0,-235.0,95.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,157500.0,544491.0,17563.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-9267,-2343,-4155.0,-1802,,1,1,0,1,0,0,Sales staff,2.0,2,2,SUNDAY,12,0,0,0,0,0,0,Self-employed,0.5835926389544173,0.4884359950002818,0.4938628816996244,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1153.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2026265,236652,Revolving loans,,0.0,0.0,,,MONDAY,14,Y,1,,,,XAP,Refused,-417,XNA,HC,,Refreshed,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Card Street,,,,,,,0,Cash loans,M,N,Y,0,157500.0,266652.0,16443.0,202500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.0105,-20839,-2384,-10346.0,-4270,,1,1,0,1,0,0,Core staff,2.0,3,3,FRIDAY,11,0,0,0,0,0,0,Culture,,0.4229470402125777,0.16342569473134347,0.1031,0.1156,0.9796,0.7212,0.0127,0.0,0.2069,0.1667,0.2083,0.1059,0.0841,0.0902,0.0,0.0,0.105,0.12,0.9796,0.7321,0.0128,0.0,0.2069,0.1667,0.2083,0.1083,0.0918,0.094,0.0,0.0,0.1041,0.1156,0.9796,0.7249,0.0127,0.0,0.2069,0.1667,0.2083,0.1077,0.0855,0.0918,0.0,0.0,reg oper account,block of flats,0.0778,"Stone, brick",No,2.0,0.0,2.0,0.0,-444.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1430959,317992,Consumer loans,8073.045,51120.0,46008.0,5112.0,51120.0,SATURDAY,13,Y,1,0.1089090909090909,,,XAP,Approved,-1090,Cash through the bank,XAP,Children,Repeater,Clothing and Accessories,POS,XNA,Country-wide,146,Clothing,6.0,low_action,POS industry without interest,365243.0,-1059.0,-909.0,-909.0,-907.0,0.0,0,Cash loans,F,Y,Y,0,81000.0,343800.0,13090.5,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0228,-15262,-1527,-197.0,-5271,1.0,1,1,0,1,1,0,High skill tech staff,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.4864485381894691,0.5408902069541275,0.7194907850918436,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1576.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2558643,297324,Consumer loans,21840.66,119250.0,119250.0,0.0,119250.0,WEDNESDAY,4,Y,1,0.0,,,XAP,Approved,-481,Cash through the bank,XAP,,New,Construction Materials,POS,XNA,Regional / Local,60,Construction,6.0,middle,POS industry without interest,365243.0,-449.0,-299.0,-299.0,-295.0,0.0,0,Cash loans,M,N,Y,0,225000.0,497520.0,49338.0,450000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.001333,-15757,-1623,-3989.0,-4141,,1,1,0,1,0,0,Laborers,2.0,3,3,MONDAY,4,0,1,1,0,1,1,Self-employed,0.4507151456009473,0.413694112902296,,0.0835,0.0702,0.9851,0.7959999999999999,0.0,0.0,0.2069,0.1667,0.0417,0.0928,0.0681,0.0779,0.0,0.0322,0.0851,0.0729,0.9851,0.804,0.0,0.0,0.2069,0.1667,0.0417,0.0949,0.0744,0.0811,0.0,0.0341,0.0843,0.0702,0.9851,0.7987,0.0,0.0,0.2069,0.1667,0.0417,0.0944,0.0693,0.0793,0.0,0.0329,reg oper account,block of flats,0.0746,"Stone, brick",No,0.0,0.0,0.0,0.0,-481.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2571121,278820,Consumer loans,7334.55,67365.0,77368.5,0.0,67365.0,FRIDAY,12,Y,1,0.0,,,XAP,Approved,-1613,XNA,XAP,Other_A,Repeater,Auto Accessories,POS,XNA,Stone,60,Industry,18.0,high,POS other with interest,365243.0,-1578.0,-1068.0,-1068.0,-1030.0,0.0,0,Cash loans,F,N,Y,0,135000.0,938034.0,30388.5,783000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.025164,-17520,-3120,-986.0,-1047,,1,1,0,1,0,0,,2.0,2,2,MONDAY,15,0,0,0,0,1,1,Business Entity Type 2,,0.4897966061712482,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-412.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1153856,301946,Consumer loans,6672.6,61245.0,60385.5,6300.0,61245.0,WEDNESDAY,20,Y,1,0.10289002447717607,,,XAP,Approved,-1268,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,25,Connectivity,12.0,high,POS mobile with interest,365243.0,-1227.0,-897.0,-1047.0,-1040.0,0.0,0,Cash loans,F,N,Y,0,202500.0,254700.0,14220.0,225000.0,Unaccompanied,State servant,Higher education,Civil marriage,House / apartment,0.04622,-14751,-893,-8477.0,-5529,,1,1,1,1,1,0,Managers,2.0,1,1,THURSDAY,14,0,0,0,0,1,1,Government,0.7268106836824785,0.7425850748099941,0.5567274263630174,0.2206,0.1332,0.9791,0.7144,0.0592,0.24,0.2069,0.3333,0.375,0.0,0.1799,0.2233,0.0,0.0,0.2248,0.1382,0.9791,0.7256,0.0598,0.2417,0.2069,0.3333,0.375,0.0,0.1965,0.2327,0.0,0.0,0.2228,0.1332,0.9791,0.7182,0.0596,0.24,0.2069,0.3333,0.375,0.0,0.183,0.2273,0.0,0.0,reg oper account,block of flats,0.2329,Panel,No,0.0,0.0,0.0,0.0,-1268.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1006241,107836,Consumer loans,5110.74,27990.0,25065.0,2925.0,27990.0,SATURDAY,13,Y,1,0.11381175095001465,,,XAP,Approved,-1068,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,34,Connectivity,6.0,high,POS mobile with interest,365243.0,-1026.0,-876.0,-876.0,-871.0,0.0,0,Revolving loans,M,N,Y,0,225000.0,405000.0,20250.0,405000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.030755,-21124,-12248,-12284.0,-4390,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Housing,,0.7174860880139582,0.7738956942145427,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-891.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1050264,148280,Consumer loans,6158.205,28894.5,23112.0,5782.5,28894.5,FRIDAY,13,Y,1,0.21795387294530733,,,XAP,Approved,-1084,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,68,Connectivity,4.0,middle,POS mobile without interest,365243.0,-1032.0,-942.0,-942.0,-935.0,0.0,0,Cash loans,F,N,N,1,157500.0,943425.0,27585.0,787500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-9645,-2555,-5209.0,-800,,1,1,0,1,0,0,Private service staff,3.0,2,2,THURSDAY,14,0,0,0,0,0,0,Other,0.2287603276860029,0.6683210387885224,0.4014074137749511,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1854.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2000320,388064,Consumer loans,18991.26,172800.0,153900.0,18900.0,172800.0,SATURDAY,8,Y,1,0.11911931818181815,,,XAP,Approved,-1697,XNA,XAP,Unaccompanied,Repeater,Construction Materials,POS,XNA,Regional / Local,100,Construction,10.0,middle,POS industry with interest,365243.0,-1663.0,-1393.0,-1393.0,-1388.0,0.0,0,Cash loans,F,N,Y,1,405000.0,763870.5,39001.5,607500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.010032,-18335,-9086,-1329.0,-1866,,1,1,0,1,0,0,Core staff,3.0,2,2,TUESDAY,9,0,0,0,0,0,0,Medicine,,0.5945903164058016,,0.0856,,0.9806,,,0.0,0.0345,0.1667,,,,0.0186,,,0.0872,,0.9806,,,0.0,0.0345,0.1667,,,,0.0194,,,0.0864,,0.9806,,,0.0,0.0345,0.1667,,,,0.019,,,,block of flats,0.0455,"Stone, brick",No,0.0,0.0,0.0,0.0,-1722.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2652186,170053,Consumer loans,13856.535,139149.0,151272.0,0.0,139149.0,FRIDAY,5,Y,1,0.0,,,XAP,Approved,-1399,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Regional / Local,340,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-1368.0,-1038.0,-1038.0,-1033.0,0.0,0,Cash loans,F,N,Y,0,180000.0,1305000.0,55291.5,1305000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0038179999999999998,-15722,-3242,-5221.0,-1260,,1,1,1,1,1,0,Private service staff,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,Services,,0.6801880058612138,0.5172965813614878,0.0021,,0.993,,,0.0,0.069,0.0,,,,0.0026,,0.0,0.0021,,0.993,,,0.0,0.069,0.0,,,,0.0027,,0.0,0.0021,,0.993,,,0.0,0.069,0.0,,,,0.0026,,0.0,,block of flats,0.002,Monolithic,No,0.0,0.0,0.0,0.0,-739.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2291949,407476,Consumer loans,1619.82,16200.0,14580.0,1620.0,16200.0,FRIDAY,11,Y,1,0.1089090909090909,,,XAP,Approved,-2877,Cash through the bank,XAP,,New,Furniture,POS,XNA,Country-wide,20,Furniture,10.0,low_normal,POS industry with interest,365243.0,-2839.0,-2569.0,-2659.0,-2651.0,0.0,0,Revolving loans,F,N,N,0,225000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.018029,-14360,-1914,-242.0,-4259,,1,1,0,1,0,0,,1.0,3,3,FRIDAY,12,0,0,0,0,0,0,Kindergarten,0.7602666768596256,0.7155272382200811,0.6785676886853644,0.2825,0.2385,0.9836,0.7756,0.0798,0.32,0.2759,0.3333,0.0417,,,0.3135,,0.0414,0.2878,0.2475,0.9836,0.7844,0.0806,0.3222,0.2759,0.3333,0.0417,,,0.3266,,0.0438,0.2852,0.2385,0.9836,0.7786,0.0803,0.32,0.2759,0.3333,0.0417,,,0.3191,,0.0422,,block of flats,0.2992,Panel,No,0.0,0.0,0.0,0.0,-2364.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1946602,131739,Cash loans,8744.625,94500.0,103855.5,0.0,94500.0,MONDAY,16,Y,1,0.0,,,XNA,Approved,-2401,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,365243.0,-2370.0,-1860.0,-1860.0,-1856.0,1.0,0,Cash loans,F,N,N,0,112500.0,345510.0,14769.0,247500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010966,-13166,-599,-147.0,-4634,,1,1,0,1,0,1,Core staff,2.0,2,2,MONDAY,16,0,0,0,0,0,0,School,0.3699137195330381,0.6388911423298937,0.3506958432829587,0.1876,0.0394,0.9767,0.6804,0.0139,0.0,0.1034,0.1667,0.2083,0.0678,0.1521,0.0675,0.0039,0.0387,0.1912,0.0409,0.9767,0.6929,0.014,0.0,0.1034,0.1667,0.2083,0.0694,0.1662,0.0703,0.0039,0.0409,0.1894,0.0394,0.9767,0.6847,0.014,0.0,0.1034,0.1667,0.2083,0.069,0.1548,0.0687,0.0039,0.0395,reg oper account,block of flats,0.0691,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,3.0 +1274896,201760,Consumer loans,11824.515,69997.5,58770.0,13999.5,69997.5,SUNDAY,17,Y,1,0.2095208594509812,,,XAP,Approved,-1783,Cash through the bank,XAP,,New,Computers,POS,XNA,Country-wide,30,Connectivity,6.0,high,POS mobile with interest,365243.0,-1747.0,-1597.0,-1597.0,-1594.0,0.0,0,Cash loans,M,Y,Y,0,202500.0,474048.0,21010.5,360000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.00733,-9923,-602,-627.0,-1549,25.0,1,1,0,1,0,0,Laborers,1.0,2,2,FRIDAY,18,0,0,0,0,0,0,Transport: type 4,0.4335820073259545,0.6712181687927595,0.3910549766342248,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1783.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1810903,390352,Consumer loans,6222.555,67441.5,60696.0,6745.5,67441.5,SUNDAY,13,Y,1,0.1089308916212232,,,XAP,Approved,-588,Cash through the bank,XAP,,New,Computers,POS,XNA,Stone,486,Consumer electronics,12.0,middle,POS household with interest,365243.0,-557.0,-227.0,-407.0,-399.0,0.0,0,Cash loans,F,Y,Y,2,90000.0,553806.0,26770.5,495000.0,Unaccompanied,State servant,Incomplete higher,Married,House / apartment,0.00963,-11942,-3337,-173.0,-1339,1.0,1,1,0,1,1,0,Core staff,4.0,2,2,SUNDAY,14,0,0,0,0,0,0,School,0.5949098400803542,0.4462845191483935,0.3723336657058204,0.0598,,0.9856,,,,0.1379,0.1667,,,,0.0522,,,0.0609,,0.9856,,,,0.1379,0.1667,,,,0.0544,,,0.0604,,0.9856,,,,0.1379,0.1667,,,,0.0532,,,,block of flats,0.0452,"Stone, brick",No,1.0,0.0,1.0,0.0,-588.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2396849,243615,Consumer loans,9030.195,65070.0,70438.5,0.0,65070.0,MONDAY,13,Y,1,0.0,,,XAP,Approved,-1365,Cash through the bank,XAP,,Repeater,Construction Materials,POS,XNA,Stone,103,Construction,10.0,high,POS industry with interest,365243.0,-1233.0,-963.0,-1053.0,-1051.0,0.0,0,Cash loans,F,Y,Y,0,112500.0,1602000.0,48699.0,1602000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.018209,-21381,365243,-10083.0,-4686,13.0,1,0,0,1,0,0,,2.0,3,3,MONDAY,15,0,0,0,0,0,0,XNA,,0.5629347101367803,0.475849908720221,0.1113,0.0811,0.9866,0.8164,0.0423,0.12,0.1034,0.3333,0.0417,0.0935,0.0908,0.1019,0.0,0.0,0.1134,0.0842,0.9866,0.8236,0.0427,0.1208,0.1034,0.3333,0.0417,0.0957,0.0992,0.1061,0.0,0.0,0.1124,0.0811,0.9866,0.8189,0.0425,0.12,0.1034,0.3333,0.0417,0.0952,0.0923,0.1037,0.0,0.0,reg oper account,block of flats,0.1032,Panel,No,0.0,0.0,0.0,0.0,-1581.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1721060,399543,Consumer loans,13496.895,118831.5,118831.5,0.0,118831.5,FRIDAY,17,Y,1,0.0,,,XAP,Approved,-229,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,10.0,low_normal,POS mobile without interest,,,,,,,0,Cash loans,F,N,N,1,202500.0,436032.0,31860.0,360000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,Municipal apartment,0.007273999999999998,-12631,-1433,-1510.0,-4321,,1,1,0,1,0,0,,3.0,2,2,WEDNESDAY,12,0,1,1,0,0,0,Construction,0.626584336212125,0.2976865328090612,0.2925880073368475,0.0247,0.0423,0.9896,,,0.0,0.1034,0.0833,,0.0,,0.026,,0.0064,0.0252,0.0439,0.9896,,,0.0,0.1034,0.0833,,0.0,,0.027000000000000003,,0.0068,0.025,0.0423,0.9896,,,0.0,0.1034,0.0833,,0.0,,0.0264,,0.0066,,block of flats,0.0218,"Stone, brick",No,0.0,0.0,0.0,0.0,-489.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2651816,379149,Consumer loans,12517.875,82431.0,68931.0,13500.0,82431.0,FRIDAY,13,Y,1,0.1783640532412232,,,XAP,Approved,-2302,XNA,XAP,Family,New,Gardening,POS,XNA,Regional / Local,10,Industry,6.0,middle,POS industry with interest,365243.0,-2269.0,-2119.0,-2119.0,-2111.0,0.0,0,Cash loans,M,Y,Y,1,292500.0,194076.0,17928.0,162000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.0038130000000000004,-13718,-488,-11722.0,-48,25.0,1,1,0,1,0,0,Laborers,3.0,2,2,THURSDAY,12,0,1,1,0,1,1,Construction,,0.014521063879199676,0.3139166772114369,0.0897,0.0946,0.9841,,,,,0.1667,,,,0.0839,,0.0165,0.0914,0.0982,0.9841,,,,,0.1667,,,,0.0874,,0.0174,0.0906,0.0946,0.9841,,,,,0.1667,,,,0.0854,,0.0168,,block of flats,0.0696,Panel,No,3.0,0.0,3.0,0.0,-1493.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2182075,221127,Consumer loans,,43092.0,43092.0,0.0,43092.0,SUNDAY,15,Y,1,0.0,,,XAP,Refused,-1168,Cash through the bank,SCO,,New,Photo / Cinema Equipment,XNA,XNA,Country-wide,50,Connectivity,,XNA,POS mobile with interest,,,,,,,1,Revolving loans,F,N,Y,0,90000.0,180000.0,9000.0,180000.0,Family,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.028663,-10039,-2161,-2544.0,-2707,,1,1,0,1,0,0,,1.0,2,2,SATURDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.21383057605376896,0.4776491548517548,0.0722,0.0076,0.9767,0.6804,0.0085,0.0,0.1379,0.1667,0.2083,0.054000000000000006,0.0572,0.0643,0.0077,0.0082,0.0735,0.0079,0.9767,0.6929,0.0086,0.0,0.1379,0.1667,0.2083,0.0553,0.0624,0.0669,0.0078,0.0086,0.0729,0.0076,0.9767,0.6847,0.0086,0.0,0.1379,0.1667,0.2083,0.055,0.0581,0.0654,0.0078,0.0083,reg oper account,block of flats,0.057,"Stone, brick",No,2.0,0.0,2.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2083417,221251,Consumer loans,10144.08,131850.0,86850.0,45000.0,131850.0,THURSDAY,16,Y,1,0.37170338194228986,,,XAP,Approved,-2416,XNA,XAP,Family,New,Computers,POS,XNA,Stone,77,Consumer electronics,10.0,middle,POS household with interest,365243.0,-2380.0,-2110.0,-2110.0,-2105.0,0.0,0,Cash loans,M,Y,Y,1,157500.0,225000.0,8212.5,225000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.0228,-14201,-6883,-350.0,-4831,13.0,1,1,0,1,0,0,,3.0,2,2,FRIDAY,12,0,0,0,0,0,0,Other,,0.6843264227574261,0.7435593141311444,0.1485,0.0768,0.9811,,,0.0,0.0345,0.1667,,0.1143,,0.0496,,0.0,0.1513,0.0797,0.9811,,,0.0,0.0345,0.1667,,0.1169,,0.0517,,0.0,0.1499,0.0768,0.9811,,,0.0,0.0345,0.1667,,0.1163,,0.0505,,0.0,,block of flats,0.0615,Panel,No,0.0,0.0,0.0,0.0,-441.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1755687,446862,Cash loans,,0.0,0.0,,,SUNDAY,13,Y,1,,,,XNA,Refused,-382,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,Y,Y,0,243000.0,142213.5,10476.0,108000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-19775,-1606,-9646.0,-3312,3.0,1,1,0,1,0,1,Drivers,2.0,2,2,THURSDAY,10,0,0,0,0,1,1,Business Entity Type 3,0.3622909329735808,0.35961530252328205,0.248535557339522,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1220.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,5.0 +2077414,386723,Cash loans,30661.47,720000.0,794133.0,,720000.0,FRIDAY,12,Y,1,,,,Wedding / gift / holiday,Approved,-378,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,135000.0,1242000.0,49387.5,1242000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.018634,-21053,365243,-3971.0,-4611,,1,0,0,1,0,0,,2.0,2,2,MONDAY,11,0,0,0,0,0,0,XNA,0.5915438998773349,0.32619890041512833,0.7121551551910698,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-690.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1136992,184266,Cash loans,9426.24,45000.0,46485.0,,45000.0,SATURDAY,8,Y,1,,,,Urgent needs,Approved,-759,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,365243.0,-729.0,-579.0,-579.0,-576.0,1.0,0,Cash loans,F,N,Y,0,36000.0,297130.5,14292.0,256500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.018209,-20913,365243,-3133.0,-4059,,1,0,0,1,0,0,,1.0,3,3,TUESDAY,13,0,0,0,0,0,0,XNA,,0.5828524508415448,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-759.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2514592,200476,Cash loans,,0.0,0.0,,,THURSDAY,17,Y,1,,,,XNA,Refused,-258,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,Y,Y,0,292500.0,675000.0,28377.0,675000.0,Unaccompanied,Commercial associate,Higher education,Married,Rented apartment,0.02461,-17998,-430,-988.0,-1531,6.0,1,1,0,1,0,0,Managers,2.0,2,2,WEDNESDAY,17,0,0,0,1,1,0,Business Entity Type 3,,0.5541460642214799,0.4794489811780563,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-699.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2411549,202249,Consumer loans,12760.2,117360.0,116082.0,11736.0,117360.0,TUESDAY,16,Y,1,0.09999820767881602,,,XAP,Approved,-1864,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,1750,Consumer electronics,12.0,high,POS household with interest,365243.0,-1833.0,-1503.0,-1563.0,-1558.0,0.0,0,Cash loans,M,Y,Y,0,360000.0,2013840.0,59013.0,1800000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.009334,-15930,-1273,-6819.0,-4096,10.0,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Construction,,0.7300580133133316,0.7789040389824382,0.0619,0.0628,0.9821,0.7552,0.0087,0.0,0.1379,0.1667,0.0,0.0417,0.0504,0.0537,0.0,0.0,0.063,0.0652,0.9821,0.7648,0.0088,0.0,0.1379,0.1667,0.0,0.0427,0.0551,0.056,0.0,0.0,0.0625,0.0628,0.9821,0.7585,0.0088,0.0,0.1379,0.1667,0.0,0.0424,0.0513,0.0547,0.0,0.0,reg oper account,block of flats,0.047,Panel,No,0.0,0.0,0.0,0.0,-1864.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2474058,379932,Cash loans,12347.55,382500.0,382500.0,,382500.0,WEDNESDAY,10,Y,1,,,,Repairs,Refused,-153,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,135000.0,270000.0,21330.0,270000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.015221,-21884,365243,-9111.0,-496,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,XNA,0.4378678435022425,0.35402466951194683,0.41184855592423975,0.1485,0.1036,0.9871,0.8232,0.1023,0.16,0.1379,0.3333,0.375,0.0448,0.121,0.1468,0.0,0.0,0.1513,0.1075,0.9871,0.8301,0.1032,0.1611,0.1379,0.3333,0.375,0.0458,0.1322,0.153,0.0,0.0,0.1499,0.1036,0.9871,0.8256,0.1029,0.16,0.1379,0.3333,0.375,0.0456,0.1231,0.1494,0.0,0.0,reg oper account,block of flats,0.1714,Panel,No,12.0,0.0,12.0,0.0,-1319.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,8.0 +1161082,199032,Consumer loans,20532.6,186660.0,186660.0,0.0,186660.0,THURSDAY,18,Y,1,0.0,,,XAP,Approved,-245,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,200,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-215.0,55.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,94500.0,697302.0,20515.5,499500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.04622,-20007,365243,-9715.0,-1995,,1,0,0,1,0,0,,1.0,1,1,THURSDAY,16,0,0,0,0,0,0,XNA,0.7742689586207407,0.7736910985430301,0.6279908192952864,0.1141,0.0936,0.9871,,,0.0932,0.1262,0.2775,,0.0176,,0.123,,0.0,0.084,0.0786,0.9866,,,0.0,0.1379,0.3333,,0.0134,,0.0935,,0.0,0.1124,0.0986,0.9866,,,0.12,0.1379,0.3333,,0.0201,,0.1219,,0.0,,block of flats,0.1593,Panel,No,1.0,0.0,1.0,0.0,-843.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,5.0 +1669760,165727,Consumer loans,6853.905,183141.0,146511.0,36630.0,183141.0,SUNDAY,17,Y,1,0.21782888594034105,,,XAP,Approved,-232,Cash through the bank,XAP,Children,Repeater,Audio/Video,POS,XNA,Country-wide,1100,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-202.0,488.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,270000.0,675000.0,36747.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018634,-14879,-1754,-7096.0,-4248,,1,1,1,1,1,0,Laborers,2.0,2,2,SUNDAY,15,1,1,0,1,1,0,Business Entity Type 3,0.4747543520765936,0.6988764210233496,0.5585066276769286,0.0557,,0.9776,,,0.04,0.0345,0.3333,,,,0.0452,,0.0206,0.0567,,0.9777,,,0.0403,0.0345,0.3333,,,,0.0471,,0.0218,0.0562,,0.9776,,,0.04,0.0345,0.3333,,,,0.046,,0.0211,,,0.0536,"Stone, brick",No,0.0,0.0,0.0,0.0,-1028.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2807845,229294,Consumer loans,14802.57,144387.0,144387.0,0.0,144387.0,THURSDAY,12,Y,1,0.0,,,XAP,Approved,-460,Cash through the bank,XAP,,Refreshed,Consumer Electronics,POS,XNA,Regional / Local,114,Consumer electronics,12.0,middle,POS household with interest,365243.0,-427.0,-97.0,-367.0,-352.0,0.0,0,Cash loans,F,N,Y,0,202500.0,1546020.0,42642.0,1350000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-16812,-336,-3150.0,-347,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,11,0,0,0,1,1,0,Business Entity Type 3,0.5662238006578195,0.4607159021492954,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-460.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +2574542,170174,Consumer loans,11447.505,98995.5,109449.0,0.0,98995.5,TUESDAY,18,Y,1,0.0,,,XAP,Refused,-326,Cash through the bank,HC,,Repeater,Computers,POS,XNA,Regional / Local,1450,Consumer electronics,12.0,middle,POS household with interest,,,,,,,0,Cash loans,F,Y,Y,1,405000.0,229230.0,27333.0,202500.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.011656999999999999,-12316,-592,-270.0,-4755,1.0,1,1,0,1,0,0,,2.0,1,1,SATURDAY,10,1,1,0,0,0,0,Business Entity Type 3,0.6689915580861663,0.5972179265554542,0.3344541255096772,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-649.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,4.0,0.0,1.0 +1697807,252106,Cash loans,25024.68,382500.0,435514.5,,382500.0,THURSDAY,11,Y,1,,,,XNA,Approved,-776,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash X-Sell: high,365243.0,-746.0,304.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,1,234000.0,1133748.0,33277.5,990000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.02461,-14642,-1237,-7732.0,-706,,1,1,0,1,0,0,,3.0,2,2,WEDNESDAY,11,0,0,0,0,1,1,Other,,0.6350582553999751,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1079.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1332565,328375,Cash loans,26539.65,346500.0,378517.5,,346500.0,MONDAY,11,Y,1,,,,XNA,Approved,-659,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-629.0,61.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,0,216000.0,225000.0,13045.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-24079,365243,-16366.0,-4477,28.0,1,0,0,1,1,0,,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,XNA,,0.6071550598752345,0.4436153084085652,0.1031,,0.9762,,,0.0,0.2069,0.1667,,,,0.0912,,,0.105,,0.9762,,,0.0,0.2069,0.1667,,,,0.0951,,,0.1041,,0.9762,,,0.0,0.2069,0.1667,,,,0.0929,,,,block of flats,0.0911,"Stone, brick",No,0.0,0.0,0.0,0.0,-262.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2678108,397099,Cash loans,13864.5,337500.0,337500.0,0.0,337500.0,SATURDAY,11,Y,1,0.0,,,XNA,Refused,-2600,XNA,SCO,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,60.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,N,0,67500.0,225000.0,15034.5,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-12018,-4628,-1308.0,-4032,,1,1,1,1,0,0,Laborers,2.0,2,2,SUNDAY,12,0,0,0,0,1,1,Business Entity Type 3,0.21278654332697727,0.6743520944057028,0.5406544504453575,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1778.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1420673,124373,Consumer loans,3455.55,28201.5,30991.5,0.0,28201.5,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-1226,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Stone,151,Consumer electronics,12.0,high,POS household with interest,365243.0,-1192.0,-862.0,-862.0,-855.0,0.0,0,Cash loans,M,N,Y,0,180000.0,808650.0,26217.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.025164,-16138,-5261,-7195.0,-4095,,1,1,0,1,0,0,,1.0,2,2,MONDAY,10,0,0,0,0,0,0,Business Entity Type 2,,0.16219210595922867,0.5136937663039473,0.0,,0.0,,,0.0,,,,,,,,,0.0,,0.0005,,,0.0,,,,,,,,,0.0,,0.0,,,0.0,,,,,,,,,,block of flats,0.0,,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1061523,125412,Consumer loans,13623.975,265738.5,300816.0,0.0,265738.5,SUNDAY,19,Y,1,0.0,,,XAP,Approved,-382,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Country-wide,3125,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-351.0,339.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,1,202500.0,521280.0,28408.5,450000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.030755,-14514,-2012,-3932.0,-4100,21.0,1,1,0,1,0,0,Laborers,3.0,2,2,THURSDAY,16,0,0,0,0,0,0,Self-employed,,0.6594552875097445,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-382.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2702322,335783,Consumer loans,6957.225,67941.0,67941.0,0.0,67941.0,THURSDAY,19,Y,1,0.0,,,XAP,Approved,-763,Cash through the bank,XAP,"Spouse, partner",Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,1500,Consumer electronics,12.0,middle,POS household with interest,365243.0,-731.0,-401.0,-401.0,-396.0,0.0,0,Cash loans,F,N,N,1,117000.0,646920.0,17919.0,540000.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.011703,-10713,-4116,-10713.0,-3227,,1,1,0,1,1,0,Sales staff,2.0,2,2,TUESDAY,18,0,0,0,0,0,0,Business Entity Type 3,0.45977733165005696,0.5015599437172107,0.34741822720026416,0.0701,0.0603,0.9781,,,0.0,0.1379,0.1667,,0.0718,,0.0638,,0.0,0.0714,0.0626,0.9782,,,0.0,0.1379,0.1667,,0.0735,,0.0665,,0.0,0.0708,0.0603,0.9781,,,0.0,0.1379,0.1667,,0.0731,,0.065,,0.0,,block of flats,0.0545,Panel,No,4.0,0.0,4.0,0.0,-384.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +2133229,424336,Consumer loans,4497.435,36985.5,36985.5,0.0,36985.5,TUESDAY,10,Y,1,0.0,,,XAP,Refused,-2034,Cash through the bank,SCO,Unaccompanied,New,Photo / Cinema Equipment,POS,XNA,Country-wide,94,Connectivity,12.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,Y,N,0,157500.0,900000.0,26316.0,900000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.018029,-9754,-154,-9534.0,-2418,13.0,1,1,0,1,0,0,,1.0,3,2,SATURDAY,10,0,0,0,0,0,0,Industry: type 1,0.3326244339246991,0.5693746738997837,0.3572932680336494,0.0629,0.0628,0.9762,0.6736,0.0277,0.0,0.1379,0.1667,0.2083,0.0484,0.0488,0.0517,0.0116,0.0112,0.0641,0.0652,0.9762,0.6864,0.028,0.0,0.1379,0.1667,0.2083,0.0495,0.0533,0.0539,0.0117,0.0118,0.0635,0.0628,0.9762,0.6779999999999999,0.0279,0.0,0.1379,0.1667,0.2083,0.0492,0.0496,0.0527,0.0116,0.0114,reg oper account,block of flats,0.0583,Panel,No,4.0,0.0,4.0,0.0,-1784.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1373872,256313,Cash loans,23311.485,432000.0,511834.5,,432000.0,SUNDAY,10,Y,1,,,,XNA,Approved,-789,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-759.0,651.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,135000.0,545040.0,39627.0,450000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.008019,-15992,-2305,-3318.0,-4344,,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,11,0,1,1,0,0,0,Business Entity Type 2,,0.17756193144999474,0.4920600938649263,0.0619,0.0739,0.9836,0.7756,0.0528,0.0,0.1379,0.1667,0.0417,0.0647,0.0488,0.059,0.0077,0.0048,0.063,0.0767,0.9836,0.7844,0.0533,0.0,0.1379,0.1667,0.0417,0.0661,0.0533,0.0614,0.0078,0.0051,0.0625,0.0739,0.9836,0.7786,0.0532,0.0,0.1379,0.1667,0.0417,0.0658,0.0496,0.06,0.0078,0.0049,reg oper account,block of flats,0.0474,Panel,No,0.0,0.0,0.0,0.0,-155.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1547080,130632,Cash loans,26792.37,360000.0,384948.0,,360000.0,SUNDAY,15,Y,1,,,,XNA,Refused,-636,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,157500.0,260640.0,18270.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.00823,-21706,365243,-13000.0,-4971,,1,0,0,1,0,1,,2.0,2,2,SATURDAY,16,0,0,0,0,0,0,XNA,,0.4306826380796692,0.16441417882990705,0.0918,0.0816,0.9816,,,0.0,0.2069,0.1667,,0.065,,0.0865,,0.0033,0.0935,0.0847,0.9816,,,0.0,0.2069,0.1667,,0.0665,,0.0901,,0.0035,0.0926,0.0816,0.9816,,,0.0,0.2069,0.1667,,0.0661,,0.08800000000000001,,0.0034,,block of flats,0.0687,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1878800,327694,Revolving loans,22500.0,0.0,450000.0,,,MONDAY,11,Y,1,,,,XAP,Approved,-830,XNA,XAP,,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),1,XNA,0.0,XNA,Card X-Sell,365243.0,-739.0,365243.0,-678.0,365243.0,0.0,0,Cash loans,F,N,Y,1,180000.0,1160248.5,41805.0,1039500.0,"Spouse, partner",Working,Secondary / secondary special,Married,With parents,0.035792000000000004,-15003,-1159,-5610.0,-2297,,1,1,0,1,1,0,Sales staff,3.0,2,2,FRIDAY,15,0,0,0,0,0,0,Self-employed,0.3734106001655592,0.6301742108744546,0.6785676886853644,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-830.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2648888,200706,Consumer loans,5043.285,34560.0,37413.0,0.0,34560.0,SUNDAY,15,Y,1,0.0,,,XAP,Approved,-2192,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,30,Connectivity,10.0,high,POS mobile with interest,365243.0,-2161.0,-1891.0,-1891.0,-1884.0,1.0,0,Cash loans,F,Y,Y,0,135000.0,862560.0,25218.0,720000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.020246,-11732,-335,-5683.0,-2510,0.0,1,1,0,1,1,0,Core staff,2.0,3,3,MONDAY,8,0,0,0,0,0,0,Bank,0.2849010262049915,0.4863708230026502,0.6178261467332483,0.1237,0.0951,0.9767,,,0.0,0.2069,0.1667,,0.0209,,0.1005,,0.0033,0.1261,0.0987,0.9767,,,0.0,0.2069,0.1667,,0.0214,,0.1047,,0.0034,0.1249,0.0951,0.9767,,,0.0,0.2069,0.1667,,0.0213,,0.1023,,0.0033,,block of flats,0.0797,Panel,No,1.0,0.0,1.0,0.0,-1784.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2395634,304772,Consumer loans,3225.015,36765.0,36765.0,0.0,36765.0,TUESDAY,13,Y,1,0.0,,,XAP,Approved,-417,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,1512,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-387.0,-57.0,-57.0,-55.0,0.0,0,Revolving loans,F,N,Y,1,180000.0,157500.0,7875.0,157500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0105,-13121,-3262,-410.0,-4509,,1,1,0,1,0,0,Sales staff,3.0,3,3,SATURDAY,14,0,0,0,0,0,0,Self-employed,,0.35026311180474273,0.6496203111237195,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-17.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,2.0,0.0,0.0,4.0 +2314993,370085,Consumer loans,,35010.0,35010.0,0.0,35010.0,SUNDAY,18,Y,1,0.0,,,XAP,Refused,-1122,Cash through the bank,LIMIT,,Repeater,Mobile,XNA,XNA,Country-wide,25,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,M,Y,Y,0,157500.0,296280.0,23539.5,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,With parents,0.019101,-18548,-2667,-5145.0,-2054,65.0,1,1,0,1,0,0,Drivers,1.0,2,2,TUESDAY,10,0,0,0,0,1,1,Business Entity Type 3,0.4662189197361456,0.2459371106874712,0.6006575372857061,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1149.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2445566,396828,Consumer loans,8098.245,85455.0,75123.0,17100.0,85455.0,SATURDAY,15,Y,1,0.20193937028132408,,,XAP,Approved,-2056,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Regional / Local,308,Consumer electronics,12.0,middle,POS household with interest,365243.0,-2025.0,-1695.0,-1935.0,-1908.0,0.0,0,Cash loans,M,Y,N,0,110250.0,490495.5,27517.5,454500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,Municipal apartment,0.032561,-21824,-877,-14038.0,-3789,10.0,1,1,0,1,0,0,,1.0,1,1,THURSDAY,15,0,0,0,0,0,0,Other,,0.7740967006918776,0.501075160239048,0.5175,0.3348,0.9806,0.7348,,0.56,0.4828,0.3333,0.375,0.1656,0.4228,0.5077,0.0039,0.0034,0.5273,0.3474,0.9806,0.7452,,0.5639,0.4828,0.3333,0.375,0.1694,0.4619,0.5289,0.0039,0.0036,0.5225,0.3348,0.9806,0.7383,,0.56,0.4828,0.3333,0.375,0.1685,0.4301,0.5168,0.0039,0.0035,reg oper account,block of flats,0.2653,Panel,No,0.0,0.0,0.0,0.0,-1536.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1333812,346493,Consumer loans,17133.75,225000.0,225000.0,0.0,225000.0,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-806,Cash through the bank,XAP,Unaccompanied,Repeater,Construction Materials,POS,XNA,Stone,50,Construction,18.0,middle,POS industry with interest,365243.0,-774.0,-264.0,-264.0,-259.0,0.0,0,Cash loans,F,N,Y,0,135000.0,212656.5,17181.0,193500.0,Family,Pensioner,Secondary / secondary special,Separated,House / apartment,0.009334,-20581,365243,-10379.0,-4142,,1,0,0,1,0,0,,1.0,2,2,SUNDAY,12,0,0,0,0,0,0,XNA,,0.3813264156612074,0.2032521136204725,0.044,0.0442,0.9786,0.6668,0.0065,0.0,0.1148,0.125,0.0275,0.0128,0.0359,0.0448,0.0,0.0,0.063,0.0689,0.9826,0.7713,0.0091,0.0,0.1379,0.1667,0.0,0.0161,0.0551,0.0562,0.0,0.0,0.0625,0.0664,0.9826,0.7652,0.0091,0.0,0.1379,0.1667,0.0,0.016,0.0513,0.0549,0.0,0.0,reg oper account,block of flats,0.0424,Panel,No,3.0,0.0,3.0,0.0,-1188.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1030403,400552,Consumer loans,2546.91,20758.5,20340.0,2250.0,20758.5,SUNDAY,12,Y,1,0.1084751901484969,,,XAP,Approved,-2026,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,16,Connectivity,12.0,high,POS mobile with interest,365243.0,-1995.0,-1665.0,-1665.0,-1662.0,0.0,0,Cash loans,F,N,Y,0,45000.0,310500.0,8842.5,310500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.016612000000000002,-22812,-4802,-7177.0,-4927,,1,1,0,1,0,0,,1.0,2,2,WEDNESDAY,11,0,0,0,0,1,1,Business Entity Type 2,,0.2298031879319179,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1488243,135211,Consumer loans,14429.475,144679.5,156136.5,0.0,144679.5,WEDNESDAY,11,Y,1,0.0,,,XAP,Approved,-27,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,179,Consumer electronics,12.0,low_action,POS household without interest,365243.0,365243.0,335.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,157500.0,387000.0,23512.5,387000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-15973,-3527,-7930.0,-1259,,1,1,0,1,1,0,Waiters/barmen staff,3.0,2,2,TUESDAY,12,0,0,0,0,0,0,Restaurant,0.5925878914753512,0.5076877328474321,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,1.0,0.0,-2030.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1524558,260687,Cash loans,,0.0,0.0,,,FRIDAY,14,Y,1,,,,XNA,Refused,-200,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,0,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,Y,Y,0,135000.0,814041.0,23931.0,679500.0,Unaccompanied,State servant,Incomplete higher,Married,Office apartment,0.01885,-13851,-4088,-112.0,-4618,16.0,1,1,1,1,0,1,Core staff,2.0,2,2,TUESDAY,10,0,0,0,1,1,0,Military,,0.5475671939230627,0.4525335592581747,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-371.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,5.0 +1644482,404203,Consumer loans,13386.42,108327.96,117858.96,0.0,108327.96,THURSDAY,7,Y,1,0.0,,,XAP,Approved,-271,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-174.0,96.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,180000.0,536917.5,30109.5,463500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.0038179999999999998,-20034,-1836,-2225.0,-2436,,1,1,0,1,0,0,Laborers,1.0,2,2,TUESDAY,5,0,0,0,0,0,0,Business Entity Type 3,,0.5785716302550952,,0.0887,,0.9767,,,,,,,,,,,,0.0903,,0.9767,,,,,,,,,,,,0.0895,,0.9767,,,,,,,,,,,,,block of flats,0.068,Panel,No,1.0,0.0,1.0,0.0,-271.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2756463,152160,Consumer loans,3011.715,37297.71,29839.5,7458.21,37297.71,SATURDAY,13,Y,1,0.21777928749756773,0.17600306018361106,0.8350951374207188,XAP,Approved,-65,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,35,Connectivity,12.0,middle,POS mobile with interest,365243.0,-30.0,300.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,157500.0,231097.5,18387.0,175500.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.031329,-10989,-1549,-5302.0,-2756,0.0,1,1,0,1,0,0,High skill tech staff,1.0,2,2,MONDAY,12,0,0,0,0,0,0,Transport: type 2,0.48324716891106,0.6321493982845404,0.4974688893052743,0.0619,0.079,0.9742,0.6464,0.0135,0.0,0.1034,0.1667,0.2083,0.0,0.0504,0.0504,0.0,0.0,0.063,0.08199999999999999,0.9742,0.6602,0.0136,0.0,0.1034,0.1667,0.2083,0.0,0.0551,0.0525,0.0,0.0,0.0625,0.079,0.9742,0.6511,0.0136,0.0,0.1034,0.1667,0.2083,0.0,0.0513,0.0513,0.0,0.0,reg oper account,block of flats,0.0396,Others,No,0.0,0.0,0.0,0.0,-65.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1224545,320671,Consumer loans,14563.89,129537.0,143217.0,0.0,129537.0,SUNDAY,17,Y,1,0.0,,,XAP,Approved,-268,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,4000,Consumer electronics,12.0,middle,POS household with interest,365243.0,-238.0,92.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,0,202500.0,619254.0,43227.0,553500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-11791,-2666,-4358.0,-3454,10.0,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.6791167546422947,0.38079968264891495,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1346.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1611082,118397,Consumer loans,9428.85,95476.5,108918.0,0.0,95476.5,FRIDAY,20,Y,1,0.0,,,XAP,Approved,-92,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,4000,Consumer electronics,16.0,middle,POS household with interest,365243.0,-62.0,388.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,0,135000.0,970380.0,34380.0,810000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-15284,-1466,-7844.0,-4546,,1,1,1,1,0,0,Security staff,2.0,2,2,SATURDAY,8,0,0,0,0,1,1,Agriculture,,0.3512441332127575,0.5656079814115492,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1424.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2772628,444388,Revolving loans,2250.0,45000.0,45000.0,,45000.0,THURSDAY,9,Y,1,,,,XAP,Approved,-250,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-250.0,-209.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,2,157500.0,398808.0,10647.0,261000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-14339,-707,-1611.0,-3722,,1,1,0,1,0,0,Laborers,4.0,2,2,MONDAY,14,0,0,0,0,0,0,Other,0.5325700126312184,0.25103736445126484,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-397.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2224856,345083,Consumer loans,7686.855,80955.0,80955.0,0.0,80955.0,WEDNESDAY,11,Y,1,0.0,,,XAP,Approved,-434,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Stone,300,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-403.0,-73.0,-223.0,-220.0,0.0,0,Cash loans,F,N,N,0,135000.0,625536.0,19093.5,540000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.010006000000000001,-22234,365243,-6181.0,-4912,,1,0,0,1,0,1,,1.0,2,2,MONDAY,8,1,0,0,1,0,0,XNA,0.803302929167611,0.7194764618220678,0.6279908192952864,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-792.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1224027,278234,Consumer loans,1771.56,33534.0,36234.0,0.0,33534.0,FRIDAY,15,Y,1,0.0,,,XAP,Refused,-957,Cash through the bank,SCO,Family,Repeater,Audio/Video,POS,XNA,Country-wide,550,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,0,Cash loans,M,Y,Y,0,157500.0,225000.0,17775.0,225000.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.00733,-8603,-1231,-8521.0,-1287,12.0,1,1,1,1,1,0,Security staff,2.0,2,2,WEDNESDAY,14,0,0,0,0,1,1,Security,,0.5500904654009298,0.511891801533151,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,0.0,-1128.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1531118,322528,Consumer loans,15160.185,90000.0,85275.0,9000.0,90000.0,SATURDAY,7,Y,1,0.1039704925146453,,,XAP,Approved,-770,Cash through the bank,XAP,Unaccompanied,New,Clothing and Accessories,POS,XNA,Stone,16,Clothing,6.0,low_normal,POS industry with interest,365243.0,-739.0,-589.0,-589.0,-573.0,0.0,0,Cash loans,F,Y,N,1,148500.0,1886850.0,51885.0,1575000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-11675,-3779,-2511.0,-2542,21.0,1,1,1,1,0,0,Sales staff,3.0,3,3,TUESDAY,14,0,0,0,0,0,0,Self-employed,0.4819846474441819,0.6079006698990997,0.4776491548517548,0.0979,,0.9821,,,,,0.1667,,,,,,,0.0998,,0.9821,,,,,0.1667,,,,,,,0.0989,,0.9821,,,,,0.1667,,,,,,,,block of flats,0.0762,Panel,No,0.0,0.0,0.0,0.0,-770.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1480587,446805,Cash loans,4031.415,90000.0,106933.5,,90000.0,MONDAY,11,Y,1,,,,XNA,Approved,-302,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-272.0,1138.0,-92.0,-86.0,1.0,0,Revolving loans,M,N,Y,2,135000.0,405000.0,20250.0,405000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-14120,-1066,-12654.0,-1723,,1,1,0,1,0,0,Laborers,4.0,2,2,TUESDAY,17,0,0,0,0,1,1,Housing,,0.6061636164757538,0.7194907850918436,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-302.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2805007,425684,Cash loans,26181.99,472500.0,519277.5,,472500.0,TUESDAY,9,Y,1,,,,XNA,Approved,-675,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,365243.0,-645.0,225.0,-375.0,-369.0,1.0,0,Cash loans,F,N,Y,0,157500.0,536917.5,23778.0,463500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-20739,365243,-6741.0,-4171,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,8,0,0,0,0,0,0,XNA,,0.689040559948627,0.6075573001388961,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-1988.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,8.0 +2463184,156446,Revolving loans,13500.0,0.0,270000.0,,,SATURDAY,16,Y,1,,,,XAP,Approved,-1231,XNA,XAP,,Refreshed,XNA,Cards,x-sell,AP+ (Cash loan),4,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,2,225000.0,310671.0,24673.5,256500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-13773,-3575,-7364.0,-4270,11.0,1,1,0,1,0,0,Core staff,4.0,2,2,FRIDAY,10,0,0,0,0,0,0,Self-employed,0.7607400199764892,0.5637200729792761,0.5762088360175724,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2409.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2777398,205301,Cash loans,27201.915,450000.0,599058.0,,450000.0,FRIDAY,11,Y,1,,,,XNA,Approved,-659,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-629.0,421.0,-89.0,-83.0,1.0,0,Cash loans,F,Y,Y,0,157500.0,327024.0,18904.5,270000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.018634,-13332,-2307,-6566.0,-4324,19.0,1,1,0,1,0,0,High skill tech staff,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,Business Entity Type 1,0.4268130117930236,0.6866600829796583,0.5136937663039473,0.2227,0.1662,0.9831,0.7688,0.1054,0.24,0.2069,0.3333,0.375,0.1079,0.1782,0.2203,0.0154,0.0158,0.2269,0.1724,0.9831,0.7779,0.1063,0.2417,0.2069,0.3333,0.375,0.1104,0.1947,0.2296,0.0156,0.0167,0.2248,0.1662,0.9831,0.7719,0.1061,0.24,0.2069,0.3333,0.375,0.1098,0.1813,0.2243,0.0155,0.0161,reg oper account,block of flats,0.2343,Panel,No,2.0,0.0,2.0,0.0,-1468.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1697973,220165,Cash loans,25783.02,202500.0,244170.0,,202500.0,FRIDAY,12,Y,1,,,,XNA,Approved,-1108,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1078.0,-748.0,-748.0,-742.0,1.0,0,Cash loans,F,N,Y,0,112500.0,497520.0,48595.5,450000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.018634,-13623,-2802,-7495.0,-1699,,1,1,0,1,0,0,Sales staff,2.0,2,2,SUNDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.5893742951724203,0.5602858429097418,,,,0.9836,,,,,,,,,0.0831,,,,,0.9836,,,,,,,,,0.0866,,,,,0.9836,,,,,,,,,0.0846,,,,,0.0654,,No,1.0,1.0,1.0,1.0,-1109.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2821786,167820,Consumer loans,2529.36,56083.5,56083.5,0.0,56083.5,SATURDAY,10,Y,1,0.0,,,XAP,Approved,-1528,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,2500,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1497.0,-807.0,-957.0,-953.0,0.0,0,Cash loans,F,N,Y,0,270000.0,1006920.0,67693.5,900000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.016612000000000002,-9780,-1294,-3209.0,-2434,,1,1,0,1,0,0,Managers,1.0,2,2,MONDAY,16,0,0,0,0,0,0,Industry: type 11,,0.2422453211117744,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1327825,221266,Cash loans,31243.905,450000.0,481185.0,,450000.0,SUNDAY,13,Y,1,,,,XNA,Approved,-169,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,AP+ (Cash loan),8,XNA,18.0,low_action,Cash X-Sell: low,365243.0,-139.0,371.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,N,0,180000.0,885501.0,35248.5,715500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,Municipal apartment,0.009549,-15128,-455,-1800.0,-4051,1.0,1,1,1,1,1,0,Laborers,2.0,2,2,MONDAY,17,0,1,1,0,1,1,Military,0.4273537316542129,0.5178873959718876,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-169.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2645289,207103,Consumer loans,44384.445,446265.0,475717.5,0.0,446265.0,WEDNESDAY,14,Y,1,0.0,,,XAP,Approved,-1053,Cash through the bank,XAP,Family,New,Furniture,POS,XNA,Stone,3214,Furniture,12.0,low_normal,POS industry with interest,365243.0,-1022.0,-692.0,-692.0,-684.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,1314117.0,38551.5,1147500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.003069,-18384,-8627,-508.0,-1930,1.0,1,1,0,1,1,0,Managers,2.0,3,3,SATURDAY,12,0,0,0,0,1,1,Business Entity Type 3,,0.7359339516488991,0.6956219298394389,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1053.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2422712,426445,Consumer loans,18914.535,97155.0,102285.0,0.0,97155.0,WEDNESDAY,7,Y,1,0.0,,,XAP,Refused,-327,XNA,HC,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,96,Consumer electronics,6.0,middle,POS household with interest,,,,,,,0,Cash loans,M,Y,Y,2,405000.0,545040.0,43191.0,450000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.020713,-13150,-2878,-2433.0,-4730,8.0,1,1,0,1,0,0,,4.0,3,1,MONDAY,7,0,0,0,0,0,0,Business Entity Type 2,0.6341266568880672,0.4685595689138781,0.1997705696341145,0.1454,0.1321,0.9861,0.8096,0.0423,0.16,0.1379,0.3333,0.375,0.0976,0.1177,0.1701,0.0039,0.006,0.1103,0.1088,0.9861,0.8171,0.0325,0.1208,0.1034,0.3333,0.375,0.0624,0.0955,0.1395,0.0039,0.0064,0.1468,0.1321,0.9861,0.8121,0.0426,0.16,0.1379,0.3333,0.375,0.0993,0.1197,0.1731,0.0039,0.0062,reg oper account,block of flats,0.1922,Panel,No,0.0,0.0,0.0,0.0,-1692.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1492615,102639,Consumer loans,9525.06,69840.0,60057.0,13500.0,69840.0,MONDAY,8,Y,1,0.1998820951469917,,,XAP,Approved,-2256,XNA,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,26,Connectivity,8.0,high,POS mobile with interest,365243.0,-2225.0,-2015.0,-2015.0,-2012.0,1.0,0,Cash loans,M,Y,N,1,315000.0,1024290.0,29484.0,855000.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.006629,-11199,-2580,-3435.0,-195,3.0,1,1,0,1,0,0,Managers,2.0,2,2,WEDNESDAY,3,0,0,0,0,0,0,Business Entity Type 3,0.3754852750564417,0.6733139768917695,0.3280631605201915,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2841855,117152,Consumer loans,10466.505,50958.0,53482.5,0.0,50958.0,WEDNESDAY,15,Y,1,0.0,,,XAP,Approved,-1710,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,137,Consumer electronics,6.0,high,POS household with interest,365243.0,-1677.0,-1527.0,-1527.0,-1524.0,0.0,0,Cash loans,F,N,Y,0,160560.0,188685.0,13549.5,157500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.025164,-21818,-5704,-11686.0,-4658,,1,1,1,1,1,0,Cooking staff,1.0,2,2,FRIDAY,12,0,0,0,0,0,0,Kindergarten,,0.12670664083887553,0.5406544504453575,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-218.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2079300,388569,Consumer loans,1960.065,17820.0,17626.5,1782.0,17820.0,THURSDAY,8,Y,1,0.0999953628564804,,,XAP,Approved,-2588,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,28,Connectivity,12.0,high,POS mobile with interest,365243.0,-2557.0,-2227.0,-2227.0,-2221.0,1.0,0,Cash loans,F,Y,Y,0,216000.0,755190.0,36459.0,675000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018801,-12700,-2113,-8335.0,-3464,3.0,1,1,0,1,0,1,,2.0,2,2,TUESDAY,11,0,0,0,0,1,1,Business Entity Type 3,0.7235887769826552,0.4070537247980415,0.5478104658520093,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-390.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2466918,144120,Cash loans,56560.23,1170000.0,1254942.0,,1170000.0,FRIDAY,12,Y,1,,,,XNA,Approved,-893,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,low_normal,Cash X-Sell: low,365243.0,-863.0,7.0,-173.0,-170.0,1.0,0,Cash loans,F,N,Y,0,112500.0,540000.0,31000.5,540000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.02461,-20429,365243,-8873.0,-3955,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,17,0,0,0,0,0,0,XNA,,0.5172758608137266,,0.0825,0.0892,0.9866,0.8164,0.0,0.0,0.1379,0.1667,0.0417,0.0664,0.0672,0.0852,0.0,0.0,0.084,0.0926,0.9866,0.8236,0.0,0.0,0.1379,0.1667,0.0417,0.0679,0.0735,0.0888,0.0,0.0,0.0833,0.0892,0.9866,0.8189,0.0,0.0,0.1379,0.1667,0.0417,0.0675,0.0684,0.0868,0.0,0.0,reg oper account,block of flats,0.0755,Panel,No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2600068,278026,Consumer loans,8450.775,81441.0,81094.5,7650.0,81441.0,TUESDAY,18,Y,1,0.09388238656531336,,,XAP,Approved,-1367,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,3268,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1334.0,-1004.0,-1004.0,-998.0,0.0,0,Cash loans,M,Y,N,0,144000.0,948055.5,48537.0,778500.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.00496,-12766,-1907,-6666.0,-2542,14.0,1,1,0,1,0,0,High skill tech staff,2.0,2,2,THURSDAY,12,0,0,0,0,1,1,Self-employed,0.5830275765233769,0.6213355469824348,0.5046813193144684,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-1367.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1620025,359499,Consumer loans,4901.805,21865.5,22950.0,0.0,21865.5,MONDAY,11,Y,1,0.0,,,XAP,Approved,-1703,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,15,Connectivity,6.0,high,POS mobile with interest,365243.0,-1672.0,-1522.0,-1522.0,-1515.0,0.0,1,Cash loans,F,N,Y,0,76500.0,808650.0,23643.0,675000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.010966,-15612,-8785,-4229.0,-4229,,1,1,1,1,1,0,,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Kindergarten,,0.2007754035972499,0.4048783643353997,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-1871.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1824787,312287,Consumer loans,9755.415,162319.5,162319.5,0.0,162319.5,FRIDAY,15,Y,1,0.0,,,XAP,Approved,-1278,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,200,Consumer electronics,18.0,low_action,POS household without interest,365243.0,-1247.0,-737.0,-737.0,-730.0,0.0,0,Cash loans,F,N,Y,0,135000.0,397881.0,14418.0,328500.0,Family,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.02461,-22434,365243,-6713.0,-4240,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,15,0,0,0,0,0,0,XNA,,0.6358839434613006,0.470456116119975,0.1299,0.1125,0.9861,0.8096,0.0738,0.16,0.1379,0.3333,0.375,0.0,0.1059,0.1473,0.0,0.0,0.1324,0.1167,0.9861,0.8171,0.0745,0.1611,0.1379,0.3333,0.375,0.0,0.1157,0.1535,0.0,0.0,0.1312,0.1125,0.9861,0.8121,0.0743,0.16,0.1379,0.3333,0.375,0.0,0.1077,0.1499,0.0,0.0,reg oper account,block of flats,0.1562,"Stone, brick",No,0.0,0.0,0.0,0.0,-1278.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1932694,363034,Consumer loans,3053.745,23530.5,22891.5,2385.0,23530.5,FRIDAY,14,Y,1,0.10276271707640763,,,XAP,Approved,-2878,XNA,XAP,Children,Repeater,Mobile,POS,XNA,Country-wide,204,Connectivity,10.0,low_normal,POS mobile with interest,365243.0,-2847.0,-2577.0,-2697.0,-2687.0,1.0,0,Cash loans,F,Y,Y,0,72000.0,454500.0,45081.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-18313,-10834,-10193.0,-1839,3.0,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,8,0,0,0,0,0,0,Business Entity Type 3,0.8068415783621393,0.5245994376317491,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2714.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2266843,154954,Consumer loans,23477.895,201184.65,201181.5,3.15,201184.65,FRIDAY,11,Y,1,1.7052177507758985e-05,,,XAP,Refused,-2519,Cash through the bank,SCO,"Spouse, partner",Repeater,XNA,POS,XNA,Regional / Local,531,Construction,12.0,high,POS industry with interest,,,,,,,0,Cash loans,F,N,Y,0,247500.0,225000.0,11911.5,225000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010006000000000001,-11270,-3297,-8220.0,-1501,,1,1,0,1,0,0,Managers,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.7576932144565904,0.7726311345553628,0.2557,0.1642,0.9886,0.8436,0.227,0.28,0.2414,0.3333,0.375,0.1324,0.2085,0.2815,,0.016,0.2605,0.1704,0.9886,0.8497,0.2291,0.282,0.2414,0.3333,0.375,0.1354,0.2277,0.2933,,0.0169,0.2581,0.1642,0.9886,0.8457,0.2285,0.28,0.2414,0.3333,0.375,0.1347,0.2121,0.2865,,0.0163,reg oper account,block of flats,0.349,Panel,No,4.0,0.0,4.0,0.0,-2519.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,0.0 +2785149,325805,Consumer loans,3403.17,31441.14,30631.5,3145.14,31441.14,MONDAY,16,Y,1,0.10141160819484056,,,XAP,Approved,-2217,Cash through the bank,XAP,Family,New,Office Appliances,POS,XNA,Country-wide,3198,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-2186.0,-1916.0,-1916.0,-1910.0,0.0,0,Revolving loans,F,N,Y,2,112500.0,337500.0,16875.0,337500.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.031329,-14458,-784,-5146.0,-5881,,1,1,0,1,0,0,,4.0,2,2,SATURDAY,15,0,0,0,0,0,0,Other,0.6054642149302244,0.6307091666866205,0.3962195720630885,0.0371,0.0201,0.9796,0.7212,0.0064,0.04,0.0345,0.3333,0.375,0.0285,0.0303,0.0395,0.0,0.0,0.0378,0.0208,0.9796,0.7321,0.0065,0.0403,0.0345,0.3333,0.375,0.0291,0.0331,0.0411,0.0,0.0,0.0375,0.0201,0.9796,0.7249,0.0064,0.04,0.0345,0.3333,0.375,0.029,0.0308,0.0402,0.0,0.0,reg oper account,block of flats,0.0345,Block,No,7.0,1.0,7.0,0.0,-1895.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2150016,116924,Consumer loans,2201.355,17595.0,16186.5,1408.5,17595.0,SUNDAY,9,Y,1,0.08718298070216228,,,XAP,Approved,-2867,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Stone,153,Consumer electronics,8.0,low_normal,POS household without interest,365243.0,-2835.0,-2625.0,-2625.0,-2615.0,0.0,0,Cash loans,F,N,Y,0,72000.0,66222.0,6579.0,58500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-23766,365243,-3746.0,-3642,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,8,0,0,0,0,0,0,XNA,0.8999393036798428,0.6570892025044635,0.2314393514998941,0.0124,0.0,0.9682,0.5648,0.002,0.0,0.069,0.0417,0.0833,0.0229,0.0101,0.0109,0.0,0.0,0.0126,0.0,0.9682,0.5818,0.002,0.0,0.069,0.0417,0.0833,0.0234,0.011,0.0114,0.0,0.0,0.0125,0.0,0.9682,0.5706,0.002,0.0,0.069,0.0417,0.0833,0.0233,0.0103,0.0111,0.0,0.0,reg oper account,block of flats,0.0097,"Stone, brick",No,4.0,0.0,4.0,0.0,-1733.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,9.0 +1891736,245435,Consumer loans,19219.77,175639.5,190710.0,0.0,175639.5,SATURDAY,15,Y,1,0.0,,,XAP,Approved,-391,Cash through the bank,XAP,,Refreshed,Consumer Electronics,POS,XNA,Country-wide,1722,Consumer electronics,12.0,middle,POS household with interest,365243.0,-359.0,-29.0,-89.0,-82.0,0.0,0,Revolving loans,F,N,Y,0,270000.0,225000.0,11250.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-18532,-6780,-5595.0,-2041,,1,1,1,1,1,0,Accountants,2.0,1,1,FRIDAY,17,0,0,0,0,0,0,Construction,0.7410929257846339,0.7311254391116622,0.42589289800515295,0.2165,0.336,0.9632,0.4968,0.0019,0.44,0.3793,0.2917,0.3333,0.13699999999999998,0.1689,0.3239,0.0347,0.1688,0.2206,0.3487,0.9633,0.5165,0.0019,0.4431,0.3793,0.2917,0.3333,0.1401,0.1846,0.3375,0.035,0.1787,0.2186,0.336,0.9632,0.5035,0.0019,0.44,0.3793,0.2917,0.3333,0.1393,0.1719,0.3298,0.0349,0.1723,reg oper account,block of flats,0.2915,"Stone, brick",No,0.0,0.0,0.0,0.0,-2861.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2524747,318723,Cash loans,34767.495,675000.0,767664.0,,675000.0,WEDNESDAY,9,Y,1,,,,XNA,Approved,-1016,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-986.0,424.0,-836.0,-830.0,1.0,1,Cash loans,M,Y,N,0,328500.0,1762110.0,48586.5,1575000.0,Unaccompanied,Working,Secondary / secondary special,Married,Rented apartment,0.031329,-14214,-1228,-2669.0,-4733,7.0,1,1,1,1,1,0,Laborers,2.0,2,2,WEDNESDAY,18,1,1,0,1,1,0,Military,0.17540737305025894,0.47139209638608703,0.3996756156233169,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1135.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2136542,228719,Consumer loans,36770.625,398520.0,358668.0,39852.0,398520.0,MONDAY,13,Y,1,0.1089090909090909,,,XAP,Approved,-376,Cash through the bank,XAP,,New,Furniture,POS,XNA,Stone,50,Furniture,12.0,middle,POS industry with interest,365243.0,-342.0,-12.0,-282.0,-279.0,0.0,0,Revolving loans,M,Y,Y,0,216000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-22360,-151,-1312.0,-4648,6.0,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.7046884772392844,0.7136313997323308,0.2969,,0.997,,,0.24,0.2069,0.3333,,0.2666,,0.4087,,0.0098,0.3025,,0.997,,,0.2417,0.2069,0.3333,,0.2727,,0.4258,,0.0103,0.2998,,0.997,,,0.24,0.2069,0.3333,,0.2713,,0.416,,0.01,,block of flats,0.3185,"Stone, brick",No,0.0,0.0,0.0,0.0,-376.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2692709,421372,Cash loans,25505.1,499500.0,499500.0,,499500.0,THURSDAY,13,Y,1,,,,Repairs,Refused,-119,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,low_action,Cash Street: low,,,,,,,0,Cash loans,F,Y,Y,0,135000.0,112500.0,12852.0,112500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.015221,-16943,-2865,-8021.0,-499,3.0,1,1,0,1,1,0,Low-skill Laborers,1.0,2,2,THURSDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.3536469614984257,0.249953491791798,0.3740208032583212,0.0165,0.0415,0.9866,,,,0.069,0.0417,,0.0625,,0.0161,,,0.0168,0.043,0.9866,,,,0.069,0.0417,,0.064,,0.0168,,,0.0167,0.0415,0.9866,,,,0.069,0.0417,,0.0636,,0.0164,,,,block of flats,0.0127,"Stone, brick",No,1.0,1.0,1.0,1.0,-1429.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1685359,333137,Cash loans,32503.41,1003500.0,1003500.0,,1003500.0,FRIDAY,12,Y,1,,,,XNA,Approved,-17,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,365243.0,1783.0,365243.0,365243.0,0.0,1,Cash loans,F,Y,Y,1,157500.0,459000.0,14935.5,459000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.025164,-11065,-1708,-2714.0,-2714,14.0,1,1,0,1,0,0,,3.0,2,2,MONDAY,13,0,0,0,0,0,0,Government,0.18583945512450706,0.08725255519224888,0.2678689358444539,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,0.0,9.0,0.0,-1064.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1950635,202016,Consumer loans,3076.2,33868.8,30478.5,3390.3,33868.8,SUNDAY,11,Y,1,0.10901906501236856,,,XAP,Approved,-116,XNA,XAP,,Refreshed,Mobile,POS,XNA,Regional / Local,70,Connectivity,12.0,middle,POS mobile with interest,365243.0,-83.0,247.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,202500.0,1665000.0,43920.0,1665000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.01885,-17558,-8743,-2767.0,-1106,,1,1,1,1,0,0,Core staff,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,School,0.8482908881880288,0.588921956149435,0.4902575124990026,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-116.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2326923,310268,Cash loans,34117.155,1125000.0,1288350.0,,1125000.0,WEDNESDAY,10,Y,1,,,,Buying a used car,Refused,-742,Cash through the bank,SCO,,Refreshed,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_action,Cash Street: low,,,,,,,0,Cash loans,M,Y,N,0,202500.0,67500.0,5769.0,67500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.025164,-15288,-1475,-7628.0,-4765,27.0,1,1,1,1,0,0,,1.0,2,2,TUESDAY,12,0,0,0,0,0,0,Other,,0.5056325477167014,0.04662933597041705,0.368,0.2025,0.9826,0.762,0.1403,0.4,0.3448,0.3333,0.375,0.0,0.3001,0.3965,0.0,0.0,0.375,0.2101,0.9826,0.7713,0.1416,0.4028,0.3448,0.3333,0.375,0.0,0.3278,0.4131,0.0,0.0,0.3716,0.2025,0.9826,0.7652,0.1412,0.4,0.3448,0.3333,0.375,0.0,0.3053,0.4036,0.0,0.0,reg oper account,block of flats,0.3886,Panel,No,0.0,0.0,0.0,0.0,-2444.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2679180,345435,Consumer loans,3057.48,16065.0,16065.0,0.0,16065.0,THURSDAY,8,Y,1,0.0,,,XAP,Approved,-427,XNA,XAP,,Repeater,Mobile,POS,XNA,Regional / Local,10,Connectivity,6.0,middle,POS mobile with interest,365243.0,-385.0,-235.0,-325.0,-319.0,0.0,0,Cash loans,F,N,Y,0,117000.0,272578.5,19831.5,207000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007305,-16370,-2279,-2425.0,-1830,,1,1,1,1,1,1,Sales staff,2.0,3,3,THURSDAY,10,0,0,0,0,1,1,Trade: type 7,0.3434911897475885,0.5750112384277183,0.18629294965553744,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-565.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1676136,341449,Consumer loans,17872.785,178402.5,174334.5,17842.5,178402.5,SUNDAY,6,Y,1,0.1011156618401502,,,XAP,Approved,-359,Cash through the bank,XAP,,Repeater,Clothing and Accessories,POS,XNA,Regional / Local,300,Clothing,12.0,middle,POS industry with interest,365243.0,-328.0,2.0,-178.0,-170.0,0.0,0,Cash loans,F,N,N,1,67500.0,436032.0,15790.5,360000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.006852,-14366,-7390,-4831.0,-4828,,1,1,0,1,0,0,Core staff,3.0,3,3,TUESDAY,8,0,0,0,0,0,0,School,0.5221379425795498,0.5598601924719782,0.7713615919194317,0.0577,0.0477,0.9826,,,0.04,0.0345,0.1667,,,,0.0301,,0.004,0.0588,0.0495,0.9826,,,0.0403,0.0345,0.1667,,,,0.0314,,0.0043,0.0583,0.0477,0.9826,,,0.04,0.0345,0.1667,,,,0.0307,,0.0041,,block of flats,0.0432,"Stone, brick",No,0.0,0.0,0.0,0.0,-2578.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2791556,363373,Consumer loans,6133.455,24880.5,29502.0,0.0,24880.5,SATURDAY,9,Y,1,0.0,,,XAP,Approved,-1539,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,30200,Consumer electronics,6.0,high,POS household with interest,365243.0,-1508.0,-1358.0,-1358.0,-1349.0,0.0,0,Cash loans,M,N,N,1,225000.0,1125000.0,36423.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-11818,-496,-5404.0,-4257,,1,1,0,1,0,0,Laborers,3.0,2,2,FRIDAY,12,0,0,0,0,0,0,Construction,0.26403555381901145,0.6468334631150922,0.4294236843421945,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2268.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1633304,120041,Cash loans,12781.035,292500.0,355819.5,,292500.0,MONDAY,8,Y,1,,,,XNA,Refused,-446,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,180000.0,679500.0,19998.0,679500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018209,-20025,-448,-7584.0,-3571,0.0,1,1,0,1,0,0,Accountants,2.0,3,3,SATURDAY,8,0,0,0,0,0,0,Housing,,0.5257173133617878,0.33125086459090186,0.0773,0.0713,0.9896,,,0.0,0.1724,0.1667,,0.0571,,0.0714,,0.0,0.0788,0.07400000000000001,0.9896,,,0.0,0.1724,0.1667,,0.0584,,0.0744,,0.0,0.0781,0.0713,0.9896,,,0.0,0.1724,0.1667,,0.0581,,0.0727,,0.0,,block of flats,0.0613,"Stone, brick",No,6.0,1.0,6.0,1.0,-446.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2220554,108628,Consumer loans,4121.1,45000.0,45000.0,0.0,45000.0,SATURDAY,17,Y,1,0.0,,,XAP,Approved,-204,Cash through the bank,XAP,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Country-wide,1326,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-174.0,156.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,0,260613.0,1129500.0,29794.5,1129500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.01885,-14141,-3721,-277.0,-2473,,1,1,1,1,0,0,Managers,2.0,2,2,THURSDAY,16,0,0,0,0,0,0,Trade: type 2,0.3793131825474847,0.4786011329200636,0.5442347412142162,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,11.0,0.0,11.0,0.0,-4.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2436105,241478,Revolving loans,13500.0,0.0,270000.0,,,TUESDAY,15,Y,1,,,,XAP,Approved,-1366,XNA,XAP,,Refreshed,XNA,Cards,x-sell,Country-wide,28,Connectivity,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,-271.0,0.0,0,Revolving loans,F,N,Y,0,135000.0,135000.0,6750.0,135000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.019101,-17774,-1843,-2948.0,-1321,,1,1,0,1,0,0,,1.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.7031251939256017,0.10411991642915908,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0408,,No,4.0,0.0,4.0,0.0,-2511.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2075381,357603,Consumer loans,9518.58,112500.0,130320.0,0.0,112500.0,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-327,Cash through the bank,XAP,Family,Refreshed,Computers,POS,XNA,Regional / Local,200,Consumer electronics,18.0,middle,POS household with interest,365243.0,-294.0,216.0,365243.0,365243.0,0.0,0,Revolving loans,M,N,Y,0,138172.5,135000.0,6750.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-16238,-1839,-6415.0,-1018,,1,1,1,1,1,0,Laborers,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.5450852900736269,0.5945428743703011,,0.0619,0.0575,0.9851,,,0.0,0.1379,0.1667,,0.0526,0.0504,0.0542,0.0,0.0,0.063,0.0597,0.9851,,,0.0,0.1379,0.1667,,0.0537,0.0551,0.0564,0.0,0.0,0.0625,0.0575,0.9851,,,0.0,0.1379,0.1667,,0.0535,0.0513,0.0551,0.0,0.0,,block of flats,0.0569,Panel,No,1.0,0.0,1.0,0.0,-710.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,,,,,, +1642684,437289,Cash loans,25829.46,225000.0,239850.0,,225000.0,THURSDAY,6,Y,1,,,,XNA,Approved,-998,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-968.0,-638.0,-848.0,-841.0,1.0,0,Cash loans,F,N,Y,0,202500.0,518562.0,20695.5,463500.0,Unaccompanied,State servant,Secondary / secondary special,Widow,House / apartment,0.006629,-18464,-2506,-1746.0,-2019,,1,1,0,1,0,0,,1.0,2,2,MONDAY,7,0,0,0,0,0,0,Government,,0.7030156308270482,0.5531646987710016,0.0031,,0.9826,,,0.0,0.0724,0.05,,,,,,,0.0032,,0.9791,,,0.0,0.069,0.0417,,,,,,,0.0031,,0.9821,,,0.0,0.069,0.0417,,,,,,,,block of flats,0.0022,Wooden,No,1.0,0.0,1.0,0.0,-1572.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,2.0,0.0,6.0 +1491662,335625,Cash loans,41455.125,900000.0,978408.0,,900000.0,FRIDAY,15,Y,1,,,,XNA,Refused,-1004,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,low_normal,Cash Street: low,,,,,,,0,Revolving loans,M,Y,Y,0,135000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Rented apartment,0.031329,-9058,-1744,-3729.0,-1728,64.0,1,1,0,1,0,0,Laborers,1.0,2,2,MONDAY,14,0,0,0,0,1,1,Business Entity Type 3,0.4046823922905089,0.5843244570249809,,0.0093,,0.9627,0.49,,0.0,0.069,0.0417,,0.0083,,0.0084,,0.0,0.0095,,0.9628,0.51,,0.0,0.069,0.0417,,0.0085,,0.0088,,0.0,0.0094,,0.9627,0.4968,,0.0,0.069,0.0417,,0.0084,,0.0086,,0.0,reg oper account,block of flats,0.0066,Panel,No,,,,,-1371.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2259351,290984,Consumer loans,4981.05,43155.0,42682.5,4315.5,43155.0,FRIDAY,11,Y,1,0.10000365586156464,,,XAP,Approved,-2334,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,65,Connectivity,12.0,low_normal,POS mobile with interest,365243.0,-2303.0,-1973.0,-1973.0,-1968.0,1.0,0,Cash loans,F,N,Y,1,112500.0,319500.0,15538.5,319500.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.025164,-12818,-469,-2873.0,-4198,,1,1,0,1,0,0,Laborers,3.0,2,2,MONDAY,16,0,0,0,0,0,0,Business Entity Type 2,0.4999122144950988,0.7025451574871318,0.5082869913916046,0.0866,0.1162,0.9767,0.6804,0.0102,0.0,0.2069,0.1667,0.2083,0.0,0.0706,0.0867,0.0116,0.0328,0.0882,0.1205,0.9767,0.6929,0.0103,0.0,0.2069,0.1667,0.2083,0.0,0.0771,0.0904,0.0117,0.0347,0.0874,0.1162,0.9767,0.6847,0.0103,0.0,0.2069,0.1667,0.2083,0.0,0.0718,0.0883,0.0116,0.0335,reg oper account,block of flats,0.0809,"Stone, brick",No,1.0,0.0,1.0,0.0,-2334.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +2331567,323940,Consumer loans,9756.63,97191.0,81441.0,15750.0,97191.0,TUESDAY,13,Y,1,0.17648940558469214,,,XAP,Approved,-2076,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,3185,Consumer electronics,10.0,middle,POS household with interest,365243.0,-2045.0,-1775.0,-1805.0,-1798.0,0.0,0,Cash loans,M,N,Y,1,157500.0,1078200.0,31653.0,900000.0,Children,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018801,-15157,-400,-4635.0,-4750,,1,1,0,1,1,0,High skill tech staff,3.0,2,2,SATURDAY,10,0,0,0,0,0,0,Construction,0.4404586599213616,0.5440598230725491,0.7421816117614419,0.2072,0.1,0.9916,0.8844,0.0391,0.2,0.1724,0.375,0.4167,,0.1681,0.2171,0.0039,0.0011,0.2111,0.1038,0.9916,0.8889,0.0395,0.2014,0.1724,0.375,0.4167,,0.1837,0.2261,0.0039,0.0012,0.2092,0.1,0.9916,0.8859,0.0394,0.2,0.1724,0.375,0.4167,,0.171,0.221,0.0039,0.0011,org spec account,block of flats,0.1924,Panel,No,0.0,0.0,0.0,0.0,-1614.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2475708,163171,Consumer loans,3585.51,17437.5,17437.5,0.0,17437.5,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-601,XNA,XAP,,New,Mobile,POS,XNA,Regional / Local,16,Connectivity,6.0,high,POS mobile with interest,365243.0,-553.0,-403.0,-403.0,-397.0,0.0,0,Cash loans,F,Y,Y,2,126000.0,247986.0,16776.0,207000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018209,-10442,-673,-934.0,-2565,11.0,1,1,1,1,1,0,,4.0,3,3,FRIDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.4406220568891839,0.506966257716816,0.4135967602644276,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-601.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2768354,372088,Cash loans,10648.575,157500.0,157500.0,0.0,157500.0,THURSDAY,12,Y,1,0.0,,,XNA,Approved,-2218,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,high,Cash Street: high,365243.0,-2188.0,-1498.0,-1498.0,-1487.0,0.0,0,Cash loans,F,Y,Y,0,135000.0,284400.0,16326.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.035792000000000004,-24366,365243,-12879.0,-4045,4.0,1,0,0,1,1,0,,1.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,,0.4075182701006786,0.6363761710860439,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1576.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,7.0 +2740569,113137,Cash loans,20254.365,225000.0,254700.0,,225000.0,MONDAY,13,Y,1,,,,XNA,Refused,-94,Cash through the bank,HC,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,Y,0,202500.0,148500.0,11862.0,148500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.011703,-18658,-4292,-4650.0,-2186,,1,1,0,1,1,0,Sales staff,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Trade: type 7,,0.6680883251894207,0.7121551551910698,0.0577,0.0738,0.9786,,,0.0,0.1379,0.1667,,0.0647,,0.0529,,0.1033,0.0588,0.0766,0.9786,,,0.0,0.1379,0.1667,,0.0662,,0.0551,,0.1093,0.0583,0.0738,0.9786,,,0.0,0.1379,0.1667,,0.0659,,0.0538,,0.1054,,block of flats,0.0688,"Stone, brick",No,0.0,0.0,0.0,0.0,-108.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1577834,237016,Cash loans,15372.855,337500.0,387616.5,,337500.0,FRIDAY,11,Y,1,,,,Medicine,Approved,-651,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,low_normal,Cash Street: low,365243.0,-619.0,431.0,-289.0,-286.0,0.0,0,Revolving loans,M,Y,Y,0,180000.0,225000.0,11250.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.04622,-16575,-127,-4182.0,-101,7.0,1,1,0,1,0,0,,2.0,1,1,SATURDAY,10,0,1,1,0,0,0,Security,0.3137780290359377,0.6266099512368051,0.4206109640437848,0.0773,0.065,0.9786,0.7076,0.0099,0.0,0.0345,0.1667,0.2083,0.0112,0.063,0.0629,0.0,0.0,0.0788,0.0674,0.9786,0.7190000000000001,0.01,0.0,0.0345,0.1667,0.2083,0.0115,0.0689,0.0655,0.0,0.0,0.0781,0.065,0.9786,0.7115,0.01,0.0,0.0345,0.1667,0.2083,0.0114,0.0641,0.064,0.0,0.0,not specified,block of flats,0.0515,Panel,No,1.0,0.0,1.0,0.0,-652.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1259961,380587,Cash loans,12074.31,135000.0,152820.0,,135000.0,FRIDAY,10,Y,1,,,,Other,Approved,-564,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,24.0,high,Cash Street: high,365243.0,-534.0,156.0,-531.0,-527.0,1.0,0,Cash loans,F,N,N,0,247500.0,599116.5,23571.0,535500.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.018634,-20883,365243,-4830.0,-4368,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,,0.48818465526419297,0.7958031328748403,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1496.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1194081,177882,Revolving loans,38250.0,0.0,765000.0,,,FRIDAY,16,Y,1,,,,XAP,Approved,-724,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,135000.0,878733.0,25821.0,733500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-13945,-317,-4287.0,-3584,,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,12,0,0,0,0,0,0,School,0.3684562242895525,0.5584371304216363,0.511891801533151,0.6139,0.1773,0.9856,0.8028,0.1243,0.34,0.2931,0.3333,0.375,0.076,0.5001,0.3343,0.0097,0.0126,0.3015,0.1778,0.9851,0.804,0.1183,0.3222,0.2759,0.3333,0.375,0.0626,0.2626,0.3247,0.0039,0.0084,0.6199,0.1773,0.9856,0.8054,0.1251,0.34,0.2931,0.3333,0.375,0.0773,0.5088,0.3403,0.0097,0.0128,reg oper account,block of flats,0.2468,Panel,No,5.0,1.0,5.0,1.0,-2783.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2784103,232397,Cash loans,47998.395,1215000.0,1338493.5,,1215000.0,TUESDAY,16,Y,1,,,,XNA,Approved,-536,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,42.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,174150.0,1312110.0,52038.0,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.006233,-21004,-1292,-4687.0,-2123,,1,1,0,1,0,0,Managers,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,Business Entity Type 2,0.7760391474801065,0.6868717684311407,0.5172965813614878,0.0773,0.0033,0.9821,0.7552,0.0139,0.0,0.1724,0.1667,0.0,0.0475,0.063,0.0685,0.0,0.0,0.0788,0.0035,0.9821,0.7648,0.014,0.0,0.1724,0.1667,0.0,0.0486,0.0689,0.0714,0.0,0.0,0.0781,0.0033,0.9821,0.7585,0.014,0.0,0.1724,0.1667,0.0,0.0484,0.0641,0.0698,0.0,0.0,not specified,block of flats,0.0626,Panel,No,2.0,1.0,2.0,0.0,-2514.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1812370,319810,Consumer loans,4699.08,25411.5,25411.5,0.0,25411.5,MONDAY,13,Y,1,0.0,,,XAP,Approved,-600,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,2929,Consumer electronics,6.0,middle,POS household with interest,365243.0,-568.0,-418.0,-418.0,-412.0,0.0,1,Cash loans,F,Y,N,0,112500.0,1006920.0,51543.0,900000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.008068,-8477,-197,-67.0,-992,17.0,1,1,0,1,0,0,Laborers,2.0,3,3,SATURDAY,11,0,0,0,0,0,0,Medicine,,0.02655377264347401,0.2851799046358216,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-56.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +2463162,353143,Cash loans,79090.965,1129500.0,1178703.0,,1129500.0,MONDAY,11,Y,1,,,,XNA,Approved,-731,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-701.0,-191.0,-311.0,-305.0,1.0,0,Cash loans,F,N,N,0,315000.0,499500.0,28804.5,499500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.006296,-23503,365243,-6.0,-53,,1,0,0,1,0,0,,1.0,3,3,THURSDAY,15,0,0,0,0,0,0,XNA,,0.5930343568080985,0.3842068130556564,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-965.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2304440,415760,Revolving loans,38250.0,765000.0,765000.0,,765000.0,FRIDAY,17,Y,1,,,,XAP,Approved,-306,XNA,XAP,Family,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-303.0,-266.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,112500.0,152820.0,10080.0,135000.0,Unaccompanied,State servant,Higher education,Married,With parents,0.006296,-10655,-2012,-1384.0,-1384,,1,1,0,1,0,0,Accountants,2.0,3,3,WEDNESDAY,14,0,0,0,0,0,0,Medicine,0.4212561513551135,0.446565533877582,0.3572932680336494,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1207.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2088799,219076,Consumer loans,9369.27,81958.5,90612.0,0.0,81958.5,FRIDAY,11,Y,1,0.0,,,XAP,Approved,-352,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,501,Consumer electronics,12.0,middle,POS household with interest,365243.0,-321.0,9.0,-51.0,-49.0,0.0,0,Cash loans,F,N,N,0,99000.0,217602.0,14197.5,198000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.020246,-24438,365243,-16518.0,-5126,,1,0,0,1,1,0,,2.0,3,3,FRIDAY,13,0,0,0,0,0,0,XNA,,0.35202686366303554,0.7062051096536562,,,0.9742,,,,0.1379,0.1667,,,,,,,,,0.9742,,,,0.1379,0.1667,,,,,,,,,0.9742,,,,0.1379,0.1667,,,,,,,,block of flats,0.0503,"Stone, brick",No,1.0,0.0,1.0,0.0,-1868.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2407805,174807,Consumer loans,4165.65,17055.0,20259.0,0.0,17055.0,SATURDAY,14,Y,1,0.0,,,XAP,Approved,-616,Cash through the bank,XAP,,New,Computers,POS,XNA,Regional / Local,80,Consumer electronics,6.0,high,POS household with interest,365243.0,-585.0,-435.0,-435.0,-433.0,0.0,0,Cash loans,M,N,Y,0,114750.0,225000.0,14647.5,225000.0,Family,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.030755,-13158,-276,-6587.0,-4084,,1,1,0,1,0,0,Sales staff,1.0,2,2,SATURDAY,10,1,1,0,1,1,1,Trade: type 7,,0.1801569182557042,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-213.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2552112,165581,Consumer loans,4373.595,40770.0,32445.0,8325.0,40770.0,SUNDAY,14,Y,1,0.22238611278346376,,,XAP,Approved,-1831,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,81,Connectivity,10.0,high,POS mobile with interest,365243.0,-1790.0,-1520.0,-1520.0,-1516.0,0.0,0,Cash loans,F,N,Y,1,112500.0,247275.0,19548.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.011703,-11109,-385,-3157.0,-3137,,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,16,0,0,0,0,1,1,Business Entity Type 3,,0.5361187753687989,0.7366226976503176,0.0021,0.0033,0.9861,,,0.0,0.069,0.0,,0.0262,,0.0038,,0.0,0.0021,0.0034,0.9861,,,0.0,0.069,0.0,,0.0268,,0.0039,,0.0,0.0021,0.0033,0.9861,,,0.0,0.069,0.0,,0.0266,,0.0038,,0.0,,terraced house,0.003,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2293033,238207,Cash loans,34253.1,1129500.0,1293502.5,,1129500.0,TUESDAY,12,Y,1,,,,XNA,Approved,-700,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_action,Cash X-Sell: low,365243.0,-669.0,1101.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,144000.0,367389.0,15696.0,279000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.00702,-21415,365243,-4802.0,-4823,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,XNA,0.8094346724052288,0.7079046534883128,0.5280927512030451,0.0887,0.0764,0.9831,0.7348,0.0,0.04,0.1034,0.25,0.0417,0.0288,0.0588,0.0773,0.0,0.0234,0.0735,0.0792,0.9806,0.7452,0.0,0.0,0.069,0.1667,0.0417,0.0136,0.0643,0.0699,0.0,0.0,0.0895,0.0764,0.9831,0.7383,0.0,0.04,0.1034,0.25,0.0417,0.0293,0.0599,0.0787,0.0,0.0238,reg oper spec account,block of flats,0.0528,"Stone, brick",No,1.0,0.0,1.0,0.0,-50.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,1.0,1.0 +1887176,110423,Revolving loans,11250.0,0.0,225000.0,,,FRIDAY,11,Y,1,,,,XAP,Approved,-1216,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,180000.0,610335.0,21919.5,463500.0,Unaccompanied,State servant,Secondary / secondary special,Married,Municipal apartment,0.035792000000000004,-18979,-4399,-4907.0,-2522,,1,1,0,1,0,0,Cleaning staff,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Government,,0.6640270114551131,0.7151031019926098,0.0557,0.0532,0.9836,0.7756,0.0129,0.0,0.0345,0.1667,0.2083,0.0585,0.0437,0.0449,0.0077,0.0103,0.0567,0.0552,0.9836,0.7844,0.013,0.0,0.0345,0.1667,0.2083,0.0598,0.0478,0.0468,0.0078,0.0109,0.0562,0.0532,0.9836,0.7786,0.0129,0.0,0.0345,0.1667,0.2083,0.0595,0.0445,0.0457,0.0078,0.0105,reg oper account,block of flats,0.0376,"Stone, brick",No,0.0,0.0,0.0,0.0,-1582.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1448265,193861,Consumer loans,10652.265,123700.5,148194.0,0.0,123700.5,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-1906,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,1000,Consumer electronics,24.0,high,POS household with interest,365243.0,-1875.0,-1185.0,-1755.0,-1751.0,0.0,0,Cash loans,F,N,Y,0,112500.0,243000.0,23670.0,243000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.015221,-22272,-2059,-5803.0,-4564,,1,1,0,1,0,0,Security staff,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Kindergarten,,0.058215416287405876,0.6894791426446275,0.1113,0.0367,0.9841,,,0.12,0.1034,0.3333,,0.0409,,0.1113,,0.0012,0.1134,0.0381,0.9841,,,0.1208,0.1034,0.3333,,0.0418,,0.116,,0.0012,0.1124,0.0367,0.9841,,,0.12,0.1034,0.3333,,0.0416,,0.1133,,0.0012,,,0.0878,Panel,No,0.0,0.0,0.0,0.0,-1071.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,2.0 +1302755,401600,Consumer loans,5584.68,69165.0,55332.0,13833.0,69165.0,SATURDAY,12,Y,1,0.2178181818181818,0.1891363481808909,0.8350951374207188,XAP,Approved,-354,XNA,XAP,,Repeater,Computers,POS,XNA,Country-wide,52,Connectivity,12.0,middle,POS mobile with interest,365243.0,-292.0,38.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,2,135000.0,900000.0,46084.5,900000.0,Family,State servant,Secondary / secondary special,Married,House / apartment,0.020713,-11157,-1030,-496.0,-566,,1,1,0,1,0,0,Security staff,4.0,3,1,WEDNESDAY,10,0,0,0,0,0,0,Security,0.5769962993861472,0.5923269629722103,0.4740512892789932,0.1082,0.1042,0.9856,0.8028,0.0353,0.12,0.1034,0.3333,0.375,0.0381,0.0883,0.1337,,0.0,0.1103,0.1082,0.9856,0.8105,0.0356,0.1208,0.1034,0.3333,0.375,0.039,0.0964,0.1393,,0.0,0.1093,0.1042,0.9856,0.8054,0.0355,0.12,0.1034,0.3333,0.375,0.0388,0.0898,0.1361,,0.0,reg oper account,block of flats,0.1245,Panel,No,4.0,0.0,4.0,0.0,-975.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2346781,396540,Cash loans,22368.6,765000.0,765000.0,,765000.0,FRIDAY,7,Y,1,,,,Repairs,Refused,-1358,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,Y,Y,2,90000.0,225000.0,17905.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.018209,-11348,-287,-1857.0,-2607,20.0,1,1,0,1,0,1,Laborers,4.0,3,3,FRIDAY,11,0,0,0,0,0,0,Business Entity Type 2,0.22000017536754285,0.4978807407348486,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-835.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2578382,109922,Revolving loans,36000.0,720000.0,720000.0,,720000.0,MONDAY,11,Y,1,,,,XAP,Approved,-91,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,247500.0,463500.0,24691.5,463500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.032561,-23396,365243,-6033.0,-3292,,1,0,0,1,1,0,,2.0,1,1,MONDAY,15,0,0,0,0,0,0,XNA,,0.7462173206214505,,0.132,0.1396,0.9752,0.66,0.022,0.0,0.3103,0.1667,0.2083,0.0604,0.1067,0.119,0.0039,0.0073,0.1345,0.1448,0.9752,0.6733,0.0222,0.0,0.3103,0.1667,0.2083,0.0617,0.1166,0.124,0.0039,0.0077,0.1332,0.1396,0.9752,0.6645,0.0221,0.0,0.3103,0.1667,0.2083,0.0614,0.1086,0.1211,0.0039,0.0074,reg oper account,block of flats,0.0952,Panel,No,1.0,0.0,1.0,0.0,-997.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1579762,445655,Cash loans,25245.0,270000.0,270000.0,,270000.0,TUESDAY,14,Y,1,,,,XNA,Refused,-377,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,Contact center,0,XNA,12.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,1,90000.0,336204.0,40027.5,297000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.020246,-11211,-4123,-7424.0,-1706,14.0,1,1,0,1,0,0,Core staff,3.0,3,3,MONDAY,7,0,0,0,1,1,0,School,0.5977335094065838,0.4354233266798684,0.5424451438613613,0.0742,0.0644,0.9786,0.7076,0.0091,0.0,0.1379,0.1667,0.2083,0.0601,0.0605,0.0654,0.0,0.0,0.0756,0.0668,0.9786,0.7190000000000001,0.0092,0.0,0.1379,0.1667,0.2083,0.0614,0.0661,0.0681,0.0,0.0,0.0749,0.0644,0.9786,0.7115,0.0092,0.0,0.1379,0.1667,0.2083,0.0611,0.0616,0.0666,0.0,0.0,reg oper account,block of flats,0.0514,"Stone, brick",No,4.0,0.0,4.0,0.0,-1379.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1627704,364585,Cash loans,,0.0,0.0,,,TUESDAY,10,Y,1,,,,XNA,Refused,-154,XNA,HC,,Repeater,XNA,XNA,XNA,Contact center,0,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,Y,Y,0,112500.0,308461.5,20214.0,279000.0,Children,Pensioner,Secondary / secondary special,Married,House / apartment,0.018634,-20617,365243,-1086.0,-4164,28.0,1,0,0,1,1,0,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,0.8185042536051995,0.6251660159109561,0.10411991642915908,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-9.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1788980,134817,Cash loans,11420.82,225000.0,269550.0,,225000.0,TUESDAY,9,Y,1,,,,XNA,Refused,-150,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),100,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,67500.0,225000.0,14778.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008575,-18396,-2198,-3363.0,-1919,,1,1,1,1,0,0,Waiters/barmen staff,2.0,2,2,FRIDAY,9,0,0,0,1,1,1,Self-employed,,0.5609914726423234,0.5513812618027899,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-689.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2306943,455204,Consumer loans,9172.755,86743.71,78066.0,8677.71,86743.71,SUNDAY,19,Y,1,0.10895101296367514,,,XAP,Approved,-1812,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,4009,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1781.0,-1511.0,-1511.0,-1504.0,0.0,0,Cash loans,M,Y,N,1,193500.0,1515415.5,44307.0,1354500.0,Unaccompanied,Commercial associate,Higher education,Married,With parents,0.030755,-13132,-2574,-7141.0,-4779,7.0,1,1,0,1,0,0,Core staff,3.0,2,2,SATURDAY,16,0,0,0,0,0,0,Advertising,0.230351819819918,0.6518027800708549,0.34741822720026416,0.1113,0.1548,0.9851,0.7959999999999999,0.0667,0.0,0.2759,0.1667,0.2083,0.0458,0.0908,0.1181,0.0,0.0,0.1134,0.1606,0.9851,0.804,0.0673,0.0,0.2759,0.1667,0.2083,0.0468,0.0992,0.1231,0.0,0.0,0.1124,0.1548,0.9851,0.7987,0.0671,0.0,0.2759,0.1667,0.2083,0.0466,0.0923,0.1203,0.0,0.0,reg oper account,block of flats,0.1293,"Stone, brick",No,0.0,0.0,0.0,0.0,-387.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2561949,350276,Consumer loans,9146.475,55935.0,59625.0,0.0,55935.0,MONDAY,15,Y,1,0.0,,,XAP,Approved,-1416,Cash through the bank,XAP,Unaccompanied,Repeater,Auto Accessories,POS,XNA,Stone,100,Industry,8.0,high,POS other with interest,365243.0,-1378.0,-1168.0,-1168.0,-1150.0,0.0,0,Cash loans,M,N,N,1,292500.0,315000.0,25015.5,315000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,With parents,0.014519999999999996,-16022,-349,-2113.0,-2357,,1,1,0,1,0,0,Drivers,3.0,2,2,WEDNESDAY,12,0,0,0,1,1,0,Business Entity Type 3,0.5606271684142549,0.5348677261243138,0.5406544504453575,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1770.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2257993,441505,Consumer loans,5908.725,34560.0,42786.0,0.0,34560.0,MONDAY,14,Y,1,0.0,,,XAP,Approved,-1423,Cash through the bank,XAP,Unaccompanied,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,50,Connectivity,10.0,high,POS mobile with interest,365243.0,-1391.0,-1121.0,-1121.0,-1116.0,0.0,0,Cash loans,F,N,Y,0,157500.0,144486.0,7506.0,103500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.025164,-19170,-6911,-9147.0,-2718,,1,1,1,1,0,0,Laborers,1.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Industry: type 7,,0.15426542413276212,0.0005272652387098817,0.1495,0.098,0.9871,0.8232,0.0271,0.16,0.1379,0.3333,0.375,0.1435,0.121,0.1609,0.0039,0.0011,0.1523,0.1017,0.9871,0.8301,0.0273,0.1611,0.1379,0.3333,0.375,0.1468,0.1322,0.1676,0.0039,0.0012,0.1509,0.098,0.9871,0.8256,0.0272,0.16,0.1379,0.3333,0.375,0.146,0.1231,0.1638,0.0039,0.0012,reg oper account,block of flats,0.1416,Panel,No,6.0,0.0,6.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1932200,442450,Cash loans,21569.22,202500.0,215865.0,,202500.0,THURSDAY,13,Y,1,,,,XNA,Approved,-1124,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1094.0,-764.0,-794.0,-791.0,1.0,0,Cash loans,F,N,Y,0,180000.0,1002870.0,48244.5,922500.0,Family,Pensioner,Secondary / secondary special,Separated,House / apartment,0.01885,-23750,365243,-1125.0,-4594,,1,0,0,1,0,0,,1.0,2,2,MONDAY,16,0,0,0,0,0,0,XNA,,0.7246548202547639,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,10.0,0.0,10.0,0.0,-1927.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1545408,103738,Cash loans,18614.115,254781.72,275463.72,,254781.72,TUESDAY,6,Y,1,,,,XNA,Approved,-651,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash Street: low,365243.0,-621.0,-111.0,-291.0,-289.0,1.0,0,Cash loans,F,N,Y,0,90000.0,163098.0,16015.5,153000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020246,-24144,365243,-12870.0,-4886,,1,0,0,1,0,0,,2.0,3,3,TUESDAY,7,0,0,0,0,0,0,XNA,,0.31820008671947303,0.746300213050371,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-475.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2083940,256363,Cash loans,68220.0,2250000.0,2250000.0,,2250000.0,MONDAY,12,Y,1,,,,Other,Refused,-210,XNA,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,48.0,low_action,Cash Street: low,,,,,,,1,Cash loans,F,Y,Y,0,202500.0,1078200.0,38331.0,900000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.020713,-14654,-181,-8629.0,-5276,7.0,1,1,0,1,0,1,Accountants,2.0,3,2,MONDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.5552486570935622,0.3090635736447169,0.3092753558842053,0.1227,0.1325,0.9771,0.6872,0.0163,0.0,0.2759,0.1667,0.2083,0.2381,0.1,0.1155,0.0,0.0,0.125,0.1375,0.9772,0.6994,0.0165,0.0,0.2759,0.1667,0.2083,0.2436,0.1093,0.1203,0.0,0.0,0.1239,0.1325,0.9771,0.6914,0.0164,0.0,0.2759,0.1667,0.2083,0.2423,0.1018,0.1175,0.0,0.0,reg oper account,block of flats,0.0908,Panel,No,1.0,0.0,1.0,0.0,-1530.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2684251,185148,Revolving loans,6750.0,0.0,135000.0,,,THURSDAY,14,Y,1,,,,XAP,Refused,-467,XNA,HC,,Repeater,XNA,Cards,x-sell,Country-wide,2000,Consumer electronics,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,Y,Y,0,112500.0,1125000.0,33025.5,1125000.0,Unaccompanied,Working,Higher education,Married,Rented apartment,0.011703,-17727,-324,-2308.0,-1252,6.0,1,1,0,1,1,0,High skill tech staff,2.0,2,2,TUESDAY,10,0,0,0,0,1,1,Government,,0.7390413534391698,0.4974688893052743,0.101,0.4615,0.9881,0.8368,0.0155,0.0,0.2759,0.1667,0.0417,0.0463,0.0824,0.0978,0.0,0.0,0.1029,0.479,0.9881,0.8432,0.0157,0.0,0.2759,0.1667,0.0417,0.0474,0.09,0.1019,0.0,0.0,0.102,0.4615,0.9881,0.8390000000000001,0.0156,0.0,0.2759,0.1667,0.0417,0.0471,0.0838,0.0995,0.0,0.0,reg oper spec account,block of flats,0.0854,"Stone, brick",No,3.0,1.0,3.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,2.0,3.0 +2610619,206458,Cash loans,12177.0,180000.0,180000.0,,180000.0,FRIDAY,8,Y,1,,,,Payments on other loans,Approved,-683,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),3,XNA,36.0,high,Cash Street: high,365243.0,-653.0,397.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,90000.0,641529.0,18756.0,535500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.020246,-22185,365243,-5475.0,-4236,,1,0,0,1,1,0,,1.0,3,3,TUESDAY,8,0,0,0,0,0,0,XNA,0.7309888005586592,0.07761628037302502,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-2587.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1375382,380567,Consumer loans,9867.51,105570.0,104418.0,10557.0,105570.0,THURSDAY,14,Y,1,0.10000028464686,,,XAP,Approved,-1489,Cash through the bank,XAP,,Repeater,Photo / Cinema Equipment,POS,XNA,Stone,57,Connectivity,12.0,low_normal,POS household with interest,365243.0,-1453.0,-1123.0,-1123.0,-1115.0,0.0,0,Cash loans,M,N,Y,0,126000.0,182448.0,20763.0,157500.0,Family,Working,Secondary / secondary special,Married,With parents,0.030755,-14495,-2214,-7173.0,-4667,,1,1,0,1,0,0,Security staff,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,Security,,0.5856463863065492,0.4668640059537032,0.1052,0.0473,0.9821,0.7484,0.0373,0.0,0.1379,0.1667,0.2083,0.014,0.0941,0.0701,0.0,0.0,0.0966,0.0,0.9816,0.7583,0.0377,0.0,0.069,0.1667,0.2083,0.0144,0.1028,0.0636,0.0,0.0,0.1062,0.0473,0.9821,0.7518,0.0376,0.0,0.1379,0.1667,0.2083,0.0143,0.0958,0.0714,0.0,0.0,reg oper account,block of flats,0.0684,"Stone, brick",No,0.0,0.0,0.0,0.0,-1142.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2350970,360353,Consumer loans,,31550.4,31550.4,0.0,31550.4,THURSDAY,16,Y,1,0.0,,,XAP,Refused,-1367,Cash through the bank,LIMIT,,Repeater,Mobile,XNA,XNA,Country-wide,-1,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,M,N,Y,0,157500.0,474048.0,28773.0,360000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.02461,-9628,-565,-4414.0,-1632,,1,1,0,1,0,0,Sales staff,1.0,2,2,SATURDAY,14,0,0,0,1,1,0,Self-employed,,0.608406147222984,0.4382813743111921,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1367.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1866211,405050,Cash loans,46800.63,787500.0,895608.0,,787500.0,SATURDAY,10,Y,1,,,,XNA,Approved,-248,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,high,Cash X-Sell: high,365243.0,-218.0,1192.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,225000.0,592560.0,26230.5,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.006207,-17505,-435,-9064.0,-1034,,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Self-employed,,0.6158460658997459,0.4776491548517548,0.0639,0.0796,0.9781,0.7008,,0.0,0.1379,0.1667,0.2083,0.063,0.0496,0.0703,0.0116,0.0027,0.0651,0.0826,0.9782,0.7125,,0.0,0.1379,0.1667,0.2083,0.0645,0.0542,0.0732,0.0117,0.0029,0.0645,0.0796,0.9781,0.7048,,0.0,0.1379,0.1667,0.2083,0.0641,0.0504,0.0715,0.0116,0.0028,reg oper account,block of flats,0.0611,Panel,No,3.0,0.0,3.0,0.0,-1306.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1825585,323186,Consumer loans,7124.94,69498.0,69498.0,0.0,69498.0,FRIDAY,12,Y,1,0.0,,,XAP,Approved,-530,Cash through the bank,XAP,,New,Furniture,POS,XNA,Stone,568,Furniture,12.0,middle,POS industry with interest,365243.0,-495.0,-165.0,-345.0,-313.0,0.0,1,Cash loans,F,N,Y,0,135000.0,450000.0,21109.5,450000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.014519999999999996,-13793,-346,-3612.0,-8,,1,1,0,1,0,0,Medicine staff,2.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,Other,0.44751996144589,,0.03297727450494574,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-530.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1957492,199821,Consumer loans,8643.735,71995.5,64795.5,7200.0,71995.5,SATURDAY,13,Y,1,0.1089158981527254,,,XAP,Refused,-2671,Cash through the bank,HC,Unaccompanied,Repeater,XNA,POS,XNA,Country-wide,30,Connectivity,10.0,low_normal,POS mobile with interest,,,,,,,0,Cash loans,M,Y,Y,1,3375000.0,900000.0,46084.5,900000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.028663,-12516,-474,-6636.0,-4585,9.0,1,1,0,1,1,0,Managers,3.0,2,2,WEDNESDAY,14,0,0,0,0,1,1,Business Entity Type 3,,0.6462687750304356,0.7623356180684377,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-1403.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1283946,362485,Consumer loans,9259.605,101011.5,80806.5,20205.0,101011.5,THURSDAY,13,Y,1,0.2178472928149945,,,XAP,Approved,-618,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,50,Connectivity,12.0,high,POS household with interest,,,,,,,0,Cash loans,F,N,N,0,180000.0,900000.0,45954.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.072508,-16251,-1629,-4154.0,-4349,,1,1,1,1,1,0,,2.0,1,1,MONDAY,10,0,0,0,0,0,0,Business Entity Type 2,,0.7633524189429732,0.3139166772114369,0.1072,,0.994,,,0.24,0.1034,0.5833,,,,0.1939,,0.0267,0.1092,,0.994,,,0.1611,0.069,0.5417,,,,0.1204,,0.0112,0.1083,,0.994,,,0.16,0.069,0.5417,,,,0.118,,0.0355,,block of flats,0.2779,Panel,No,0.0,0.0,0.0,0.0,-1731.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1666072,101405,Consumer loans,11213.1,83655.0,75289.5,8365.5,83655.0,WEDNESDAY,19,Y,1,0.1089090909090909,,,XAP,Approved,-1678,Cash through the bank,XAP,"Spouse, partner",Repeater,Computers,POS,XNA,Country-wide,20,Connectivity,8.0,middle,POS mobile with interest,365243.0,-1647.0,-1437.0,-1437.0,-1268.0,0.0,0,Cash loans,F,N,N,0,270000.0,285723.0,22239.0,238500.0,Unaccompanied,Working,Higher education,Married,With parents,0.016612000000000002,-11686,-2753,-2432.0,-3437,,1,1,0,1,0,0,Accountants,2.0,2,2,MONDAY,18,0,0,0,1,1,0,Business Entity Type 3,0.7325607282964622,0.5754707448786739,0.4974688893052743,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,0.0,-2216.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2609870,281910,Consumer loans,6153.075,40230.0,30415.5,11250.0,40230.0,TUESDAY,11,Y,1,0.2940627792123633,,,XAP,Approved,-1525,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,45,Connectivity,6.0,high,POS mobile with interest,365243.0,-1487.0,-1337.0,-1337.0,-1331.0,0.0,0,Cash loans,F,N,Y,0,112500.0,673875.0,26239.5,562500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00823,-11669,-1941,-5220.0,-2600,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,16,0,0,0,0,1,1,Self-employed,0.5892630485661735,0.3705277743617232,0.05168176743672944,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1525.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2715025,156735,Consumer loans,13173.21,74565.0,70650.0,7456.5,74565.0,SATURDAY,16,Y,1,0.1039709417735574,,,XAP,Approved,-997,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Regional / Local,260,Consumer electronics,6.0,middle,POS household with interest,365243.0,-966.0,-816.0,-816.0,-807.0,0.0,0,Cash loans,F,N,N,1,135000.0,113760.0,6660.0,90000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,With parents,0.019101,-13156,-1883,-2315.0,-3926,,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,16,0,0,0,1,1,0,Self-employed,0.2580253348272541,0.6433489245593724,0.7352209993926424,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1690.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,6.0,0.0,2.0 +1685076,342704,Consumer loans,43879.77,434367.0,434367.0,0.0,434367.0,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-218,Cash through the bank,XAP,Family,Refreshed,Clothing and Accessories,POS,XNA,Regional / Local,100,Clothing,12.0,middle,POS industry with interest,365243.0,-188.0,142.0,-8.0,365243.0,0.0,0,Revolving loans,F,N,Y,0,315000.0,450000.0,22500.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.072508,-21437,-3714,-9048.0,-2230,,1,1,0,1,1,0,Secretaries,2.0,1,1,SUNDAY,15,0,0,0,0,0,0,Business Entity Type 2,,0.7030156308270482,0.4365064990977374,0.032,0.0,0.9732,,,0.04,0.1034,0.1667,,0.097,,0.0594,,0.0414,0.0326,0.0,0.9732,,,0.0403,0.1034,0.1667,,0.0992,,0.0619,,0.0438,0.0323,0.0,0.9732,,,0.04,0.1034,0.1667,,0.0986,,0.0605,,0.0422,,terraced house,0.0558,Others,No,1.0,0.0,1.0,0.0,-2513.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1638953,345701,Consumer loans,10554.705,70605.0,76428.0,0.0,70605.0,SUNDAY,19,Y,1,0.0,,,XAP,Approved,-2214,Cash through the bank,XAP,,New,Photo / Cinema Equipment,POS,XNA,Country-wide,42,Connectivity,10.0,high,POS mobile with interest,365243.0,-2179.0,-1909.0,-1909.0,-1906.0,0.0,0,Cash loans,F,N,Y,0,225000.0,494550.0,45490.5,450000.0,"Spouse, partner",Commercial associate,Higher education,Married,House / apartment,0.04622,-13146,-362,-3661.0,-4904,,1,1,0,1,0,1,Accountants,2.0,1,1,TUESDAY,19,0,0,0,0,0,0,Industry: type 1,,0.17616436389895795,0.13426542355494275,0.2227,,0.9791,,,0.24,0.2069,0.3333,,,,0.2248,,,0.2269,,0.9791,,,0.2417,0.2069,0.3333,,,,0.2342,,,0.2248,,0.9791,,,0.24,0.2069,0.3333,,,,0.2289,,,,block of flats,0.2063,,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1629976,200997,Cash loans,52026.165,1129500.0,1227901.5,,1129500.0,SATURDAY,11,Y,1,,,,XNA,Approved,-881,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-851.0,199.0,-191.0,-187.0,1.0,0,Cash loans,F,N,Y,0,247500.0,629325.0,32260.5,562500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.030755,-22183,365243,-7462.0,-4201,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,13,0,0,0,0,0,0,XNA,,0.5100377550261811,0.1940678276718812,0.1206,0.0772,0.9896,0.8572,0.0399,0.12,0.1034,0.375,0.4167,0.0236,0.0983,0.1264,0.0,0.0,0.1229,0.0801,0.9896,0.8628,0.0402,0.1208,0.1034,0.375,0.4167,0.0241,0.1074,0.1317,0.0,0.0,0.1218,0.0772,0.9896,0.8591,0.0401,0.12,0.1034,0.375,0.4167,0.024,0.1,0.1287,0.0,0.0,reg oper account,block of flats,0.1212,Panel,No,9.0,1.0,9.0,1.0,-1719.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2011362,137334,Consumer loans,2821.635,19215.0,22131.0,0.0,19215.0,FRIDAY,10,Y,1,0.0,,,XAP,Approved,-826,Cash through the bank,XAP,Family,Refreshed,Photo / Cinema Equipment,POS,XNA,Country-wide,62,Connectivity,12.0,high,POS mobile with interest,365243.0,-795.0,-465.0,-465.0,-460.0,0.0,0,Cash loans,F,N,Y,0,67500.0,418500.0,17860.5,418500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.028663,-15842,-7601,-2807.0,-4166,,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,8,0,0,0,0,0,0,Postal,0.6294753025722585,0.6564680981857541,0.7544061731797895,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-632.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1020134,323294,Consumer loans,49196.88,472275.0,472275.0,0.0,472275.0,FRIDAY,11,Y,1,0.0,,,XAP,Refused,-864,Cash through the bank,SCO,Unaccompanied,Repeater,Furniture,POS,XNA,Country-wide,140,Furniture,10.0,low_action,POS industry without interest,,,,,,,0,Cash loans,F,N,N,0,76500.0,514777.5,26280.0,477000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.02461,-21749,365243,-3596.0,-2047,,1,0,0,1,1,0,,2.0,2,2,MONDAY,11,0,0,0,0,0,0,XNA,,0.7235189291823482,0.7490217048463391,0.2289,0.1319,0.9945,0.9252,0.1144,0.2,0.1724,0.375,0.4167,0.0343,0.1849,0.2747,0.0077,0.0136,0.2332,0.1368,0.9945,0.9281,0.1154,0.2014,0.1724,0.375,0.4167,0.035,0.202,0.2862,0.0078,0.0144,0.2311,0.1319,0.9945,0.9262,0.1151,0.2,0.1724,0.375,0.4167,0.0349,0.1881,0.2797,0.0078,0.0139,org spec account,block of flats,0.2877,Panel,No,0.0,0.0,0.0,0.0,-1414.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1585066,193923,Revolving loans,2250.0,45000.0,45000.0,,45000.0,MONDAY,5,Y,1,,,,XAP,Approved,-172,XNA,XAP,Family,Repeater,XNA,Cards,walk-in,Regional / Local,150,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,180000.0,314100.0,13963.5,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.014464,-13169,-1103,-7037.0,-1138,,1,1,0,1,0,0,Sales staff,2.0,2,2,FRIDAY,3,0,0,0,0,0,0,Self-employed,0.37462751489686014,0.6921431137369282,0.7281412993111438,0.1237,0.1109,0.9791,0.7144,0.0847,0.0,0.2069,0.1667,0.2083,0.0892,0.0983,0.0995,0.0116,0.0597,0.1261,0.1151,0.9791,0.7256,0.0854,0.0,0.2069,0.1667,0.2083,0.0912,0.1074,0.0976,0.0117,0.0632,0.1249,0.1109,0.9791,0.7182,0.0852,0.0,0.2069,0.1667,0.2083,0.0908,0.1,0.1013,0.0116,0.0609,reg oper account,block of flats,0.0867,"Stone, brick",No,2.0,0.0,2.0,0.0,-470.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2270615,224317,Revolving loans,2250.0,45000.0,45000.0,,45000.0,TUESDAY,14,Y,1,,,,XAP,Approved,-143,XNA,XAP,Unaccompanied,Refreshed,XNA,Cards,walk-in,Credit and cash offices,0,XNA,0.0,XNA,Card Street,-141.0,-103.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,135000.0,208854.0,22491.0,184500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-10757,-896,-4836.0,-3082,,1,1,0,1,0,0,Drivers,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.6125089906132202,0.3791004853998145,0.032,0.0,0.9732,0.6328,0.0037,0.0,0.069,0.0417,0.0833,0.0634,0.0261,0.0153,0.0,0.0,0.0326,0.0,0.9732,0.6472,0.0037,0.0,0.069,0.0417,0.0833,0.0649,0.0285,0.016,0.0,0.0,0.0323,0.0,0.9732,0.6377,0.0037,0.0,0.069,0.0417,0.0833,0.0645,0.0265,0.0156,0.0,0.0,reg oper account,block of flats,0.0141,"Stone, brick",No,3.0,1.0,3.0,0.0,-1049.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1259114,114309,Consumer loans,46145.295,239278.5,247176.0,0.0,239278.5,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-1203,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,1,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1172.0,-1022.0,-1022.0,-1016.0,0.0,0,Cash loans,F,N,N,0,562500.0,1800000.0,62698.5,1800000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.015221,-19451,-1236,-9138.0,-2649,,1,1,0,1,0,0,Managers,2.0,2,2,MONDAY,11,0,1,1,0,0,0,Trade: type 7,0.40675828130553465,0.6861328838424886,0.5744466170995097,0.1062,0.1015,0.9757,0.6668,,0.0,0.1724,0.1667,0.2083,0.0701,0.0832,0.0821,0.0154,0.0169,0.1082,0.1053,0.9757,0.6798,,0.0,0.1724,0.1667,0.2083,0.0717,0.0909,0.0856,0.0156,0.0179,0.1072,0.1015,0.9757,0.6713,,0.0,0.1724,0.1667,0.2083,0.0713,0.0847,0.0836,0.0155,0.0173,reg oper account,block of flats,0.0732,Block,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1379718,221591,Cash loans,12074.31,135000.0,152820.0,,135000.0,SUNDAY,9,Y,1,,,,Urgent needs,Refused,-328,Cash through the bank,LIMIT,,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),5,XNA,24.0,high,Cash Street: high,,,,,,,0,Cash loans,F,Y,Y,2,135000.0,76410.0,8235.0,67500.0,Unaccompanied,State servant,Secondary / secondary special,Separated,With parents,0.018029,-10949,-934,-4903.0,-3512,64.0,1,1,0,1,0,1,Medicine staff,3.0,3,3,SATURDAY,5,0,0,0,0,0,0,Medicine,0.5739859633376889,0.2622583692422573,0.511891801533151,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1846385,111385,Consumer loans,21660.435,197955.0,213633.0,0.0,197955.0,MONDAY,14,Y,1,0.0,,,XAP,Approved,-103,XNA,XAP,,Repeater,Computers,POS,XNA,Stone,50,Consumer electronics,12.0,middle,POS household with interest,365243.0,-70.0,260.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,157500.0,450000.0,25128.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008575,-15101,-792,-967.0,-4472,,1,1,1,1,1,1,Sales staff,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,Self-employed,0.7787147138896945,0.5589385471215105,0.5136937663039473,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-3050.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,3.0 +2595700,100949,Consumer loans,3986.415,28705.5,19705.5,9000.0,28705.5,MONDAY,13,Y,1,0.3414613290769428,,,XAP,Approved,-1306,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,6.0,high,POS mobile with interest,365243.0,-1209.0,-1059.0,-1119.0,-1110.0,0.0,0,Cash loans,F,N,Y,1,315000.0,657886.5,44140.5,621000.0,Other_A,Working,Secondary / secondary special,Single / not married,House / apartment,0.020713,-13850,-7107,-5260.0,-3803,,1,1,0,1,0,0,Laborers,2.0,3,3,FRIDAY,14,0,0,0,0,1,1,Business Entity Type 2,0.6311519519413151,0.5574447299329154,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1847.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2480105,284131,Cash loans,13562.325,112500.0,119925.0,0.0,112500.0,SATURDAY,11,Y,1,0.0,,,Everyday expenses,Approved,-2103,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,12.0,high,Cash Street: high,365243.0,-2073.0,-1743.0,-1743.0,-1740.0,1.0,0,Cash loans,F,Y,Y,0,405000.0,760225.5,32337.0,679500.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.022625,-16825,-108,-9226.0,-378,4.0,1,1,1,1,1,0,Accountants,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,Agriculture,,0.4333387079943911,0.5620604831738043,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2347.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1907951,196329,Consumer loans,3711.375,23350.5,29448.0,2335.5,23350.5,SUNDAY,15,Y,1,0.08002805915590848,,,XAP,Approved,-1222,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,38,Connectivity,12.0,high,POS mobile with interest,365243.0,-1191.0,-861.0,-861.0,-858.0,0.0,0,Cash loans,M,N,N,0,121500.0,1125000.0,32895.0,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,With parents,0.019101,-20941,-795,-1468.0,-3835,,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,8,0,0,0,0,1,1,Self-employed,,0.6826517747511359,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,2.0,3.0,2.0,-2131.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2723947,101049,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SUNDAY,9,Y,1,,,,XAP,Refused,-438,XNA,SCOFR,Unaccompanied,Repeater,XNA,Cards,walk-in,Regional / Local,100,Consumer electronics,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,Y,Y,0,99000.0,104256.0,12501.0,90000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-10729,-411,-4930.0,-3295,1.0,1,1,1,1,0,0,Drivers,2.0,2,2,THURSDAY,15,0,0,0,0,1,1,Government,0.33229878167601584,0.3136443584940441,0.4866531565147181,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1203.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +2554802,126143,Consumer loans,,29106.45,29106.45,0.0,29106.45,FRIDAY,12,Y,1,0.0,,,XAP,Refused,-1131,Cash through the bank,HC,,Repeater,Mobile,XNA,XNA,Country-wide,50,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,M,Y,Y,1,225000.0,497520.0,53712.0,450000.0,Family,Working,Higher education,Married,House / apartment,0.020246,-10879,-2236,-1867.0,-3504,17.0,1,1,0,1,0,0,Accountants,3.0,3,3,TUESDAY,10,0,0,0,0,1,1,Industry: type 12,0.484768215956029,0.17378733230644772,0.5954562029091491,0.0825,0.0801,0.9727,0.626,0.0114,0.0,0.1379,0.1667,0.2083,0.0817,0.0656,0.0613,0.0077,0.006,0.084,0.0831,0.9727,0.6406,0.0115,0.0,0.1379,0.1667,0.2083,0.0835,0.0716,0.0638,0.0078,0.0064,0.0833,0.0801,0.9727,0.631,0.0114,0.0,0.1379,0.1667,0.2083,0.0831,0.0667,0.0624,0.0078,0.0062,reg oper account,block of flats,0.0557,"Stone, brick",No,1.0,1.0,1.0,1.0,-1469.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2661862,146300,Consumer loans,8687.34,39559.14,37062.0,3964.14,39559.14,SATURDAY,14,Y,1,0.10523312298850528,,,XAP,Approved,-2837,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,2667,Consumer electronics,5.0,high,POS household with interest,365243.0,-2806.0,-2686.0,-2686.0,-2682.0,1.0,1,Cash loans,M,Y,N,1,252000.0,490495.5,34884.0,454500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.019101,-17046,-5347,-9596.0,-550,9.0,1,1,0,1,0,0,Drivers,3.0,2,2,MONDAY,14,0,0,0,0,0,0,Transport: type 4,,0.6279239164560811,0.7194907850918436,0.0742,0.0524,0.9851,0.7959999999999999,0.1055,0.08,0.069,0.3333,0.375,0.032,0.0605,0.0737,0.0,0.0,0.0756,0.0539,0.9851,0.804,0.1057,0.0806,0.069,0.3333,0.375,0.0228,0.0661,0.0759,0.0,0.0,0.0749,0.0523,0.9851,0.7987,0.1062,0.08,0.069,0.3333,0.375,0.0269,0.0616,0.0752,0.0,0.0,reg oper account,block of flats,0.0573,Panel,No,0.0,0.0,0.0,0.0,-1308.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1212285,425769,Revolving loans,3150.0,82350.0,45000.0,45000.0,82350.0,SUNDAY,13,Y,1,0.5445454545454544,,,XAP,Approved,-2575,XNA,XAP,,New,Consumer Electronics,Cards,x-sell,Country-wide,500,Consumer electronics,0.0,XNA,Card Street,-2575.0,-2515.0,365243.0,-1907.0,365243.0,0.0,0,Cash loans,F,Y,Y,1,180000.0,1285866.0,54612.0,1102500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.010276,-12796,-1390,-4239.0,-2915,1.0,1,1,0,1,0,0,Accountants,3.0,2,2,SATURDAY,12,0,0,0,0,0,0,Other,0.3693308469389156,0.7503730641732569,0.511891801533151,,,0.9762,,,,,,,,,0.067,,,,,0.9762,,,,,,,,,0.0698,,,,,0.9762,,,,,,,,,0.0682,,,,,0.0527,,No,0.0,0.0,0.0,0.0,-1752.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1771745,131254,Consumer loans,6744.105,69156.0,84217.5,0.0,69156.0,SUNDAY,11,Y,1,0.0,,,XAP,Refused,-149,Cash through the bank,HC,Unaccompanied,XNA,Audio/Video,POS,XNA,Country-wide,1108,Consumer electronics,18.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,135000.0,453514.5,21145.5,391500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.035792000000000004,-20084,-9804,-9237.0,-3422,,1,1,0,1,0,0,Core staff,1.0,2,2,TUESDAY,14,0,0,0,0,0,0,Postal,,0.10571324539368562,,0.0144,,0.9513,,,0.0,0.0345,0.0417,,0.0068,0.005,0.0043,0.0,0.0,0.0147,,0.9513,,,0.0,0.0345,0.0417,,0.006999999999999999,0.0055,0.0045,0.0,0.0,0.0146,,0.9513,,,0.0,0.0345,0.0417,,0.0069,0.0051,0.0044,0.0,0.0,reg oper account,block of flats,0.0036,"Stone, brick",No,4.0,1.0,4.0,1.0,-1485.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1101988,368291,Consumer loans,8135.775,162337.5,180594.0,0.0,162337.5,TUESDAY,13,Y,1,0.0,,,XAP,Approved,-330,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,150,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-299.0,391.0,365243.0,365243.0,0.0,0,Revolving loans,M,Y,Y,0,112500.0,202500.0,10125.0,202500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-18279,-1305,-8219.0,-1681,22.0,1,1,0,1,0,0,Drivers,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Industry: type 3,,0.14666105988803202,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-330.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1271545,241074,Consumer loans,6725.655,100233.0,100233.0,0.0,100233.0,FRIDAY,15,Y,1,0.0,,,XAP,Approved,-264,XNA,XAP,,Refreshed,Homewares,POS,XNA,Regional / Local,100,MLM partners,18.0,low_normal,POS other with interest,365243.0,-231.0,279.0,-111.0,-108.0,0.0,0,Cash loans,F,Y,Y,0,135000.0,1288350.0,37800.0,1125000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.031329,-18695,-1531,-7652.0,-2241,4.0,1,1,0,1,0,0,Core staff,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Other,0.8490050457876414,0.40284356202321936,0.8128226070575616,0.1485,,0.9891,,,0.16,0.1379,0.3333,,,,0.1532,,0.0,0.1513,,0.9891,,,0.1611,0.1379,0.3333,,,,0.1596,,0.0,0.1499,,0.9891,,,0.16,0.1379,0.3333,,,,0.1559,,0.0,,block of flats,0.1205,,No,1.0,0.0,1.0,0.0,-2360.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2027014,450300,Consumer loans,16309.89,170910.0,146803.5,34182.0,170910.0,SUNDAY,17,Y,1,0.20569219884767256,,,XAP,Approved,-2420,Cash through the bank,XAP,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Country-wide,2230,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2389.0,-2119.0,-2119.0,-2091.0,1.0,0,Cash loans,F,N,N,0,675000.0,1575000.0,43443.0,1575000.0,Family,Working,Higher education,Married,House / apartment,0.025164,-13034,-4814,-2534.0,-3941,,1,1,0,1,0,0,Core staff,2.0,2,2,THURSDAY,16,0,0,0,0,0,0,Government,0.6579257851570735,0.6880088293880456,0.11104240226943142,0.2546,0.1408,0.9881,0.8368,0.1527,0.28,0.2414,0.3333,0.375,0.0446,0.2059,0.2613,0.0077,0.0128,0.2595,0.1461,0.9881,0.8432,0.1541,0.282,0.2414,0.3333,0.375,0.0456,0.225,0.2722,0.0078,0.0135,0.2571,0.1408,0.9881,0.8390000000000001,0.1536,0.28,0.2414,0.3333,0.375,0.0454,0.2095,0.2659,0.0078,0.013,reg oper account,block of flats,0.2917,Panel,No,6.0,1.0,6.0,1.0,-626.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2682759,242197,Consumer loans,27388.215,139950.0,139950.0,0.0,139950.0,WEDNESDAY,16,Y,1,0.0,,,XAP,Approved,-856,XNA,XAP,,New,Consumer Electronics,POS,XNA,Stone,93,Construction,6.0,high,POS household with interest,365243.0,-818.0,-668.0,-668.0,-663.0,0.0,0,Cash loans,M,Y,Y,1,270000.0,1223010.0,51948.0,1125000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.035792000000000004,-11357,-262,-707.0,-3866,16.0,1,1,0,1,0,0,,3.0,2,2,FRIDAY,16,0,1,1,0,0,0,Business Entity Type 3,,0.26510294044720273,0.6363761710860439,0.0412,0.0591,0.9757,0.66,0.0045,0.0,0.069,0.1667,0.0417,0.0247,0.0336,0.037000000000000005,0.0,0.0,0.042,0.0613,0.9757,0.6733,0.0045,0.0,0.069,0.1667,0.0417,0.0253,0.0367,0.0385,0.0,0.0,0.0416,0.0591,0.9757,0.6645,0.0045,0.0,0.069,0.1667,0.0417,0.0252,0.0342,0.0377,0.0,0.0,reg oper account,block of flats,0.0316,"Stone, brick",No,10.0,0.0,10.0,0.0,-3.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2345253,441862,Revolving loans,6750.0,135000.0,135000.0,,135000.0,SUNDAY,14,Y,1,,,,XAP,Approved,-44,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Regional / Local,1000,Consumer electronics,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,99000.0,327024.0,18904.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009175,-19058,-2429,-739.0,-2596,,1,1,1,1,0,0,Laborers,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Medicine,,0.7447069652514268,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1525.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1231119,150969,Cash loans,21237.75,90000.0,104733.0,,90000.0,THURSDAY,15,Y,1,,,,Furniture,Approved,-571,Cash through the bank,XAP,,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,365243.0,-541.0,-391.0,-391.0,-386.0,1.0,0,Cash loans,M,Y,Y,1,180000.0,1256400.0,44514.0,900000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.011656999999999999,-13215,-509,-93.0,-3952,9.0,1,1,0,1,0,0,Secretaries,3.0,1,1,MONDAY,18,0,0,0,0,1,1,Business Entity Type 3,,0.3191639245349149,0.6738300778602003,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1207052,137564,Consumer loans,2652.435,22378.5,22122.0,2250.0,22378.5,WEDNESDAY,17,Y,1,0.10054384315831877,,,XAP,Approved,-1778,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,10,Connectivity,12.0,high,POS mobile with interest,365243.0,-1742.0,-1412.0,-1442.0,-1438.0,0.0,1,Cash loans,F,N,Y,1,90000.0,282690.0,15462.0,202500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.008019,-13016,-252,-2533.0,-4741,,1,1,0,1,0,0,Laborers,3.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,Self-employed,,0.4011561059176687,,0.1866,0.0728,0.9791,0.7144,0.0293,0.0,0.1034,0.1667,0.2083,0.0673,0.1513,0.0964,0.0039,0.0258,0.1901,0.0755,0.9791,0.7256,0.0296,0.0,0.1034,0.1667,0.2083,0.0689,0.1653,0.1004,0.0039,0.0274,0.1884,0.0728,0.9791,0.7182,0.0295,0.0,0.1034,0.1667,0.2083,0.0685,0.1539,0.0981,0.0039,0.0264,not specified,block of flats,0.0837,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,1.0,0.0,0.0,0.0,1.0 +1644140,427275,Consumer loans,14860.71,122220.0,122220.0,0.0,122220.0,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-327,Cash through the bank,XAP,Unaccompanied,Repeater,Jewelry,POS,XNA,Stone,30,Jewelry,12.0,high,POS other with interest,365243.0,-297.0,33.0,-267.0,-264.0,0.0,0,Cash loans,F,N,Y,0,225000.0,333000.0,26437.5,333000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.028663,-10550,-1883,-3202.0,-3228,,1,1,0,1,0,1,Secretaries,1.0,2,2,FRIDAY,12,0,1,1,0,0,0,Industry: type 9,0.3877228552071122,0.3890943449585623,0.2580842039460289,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-270.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1774887,117963,Revolving loans,29250.0,585000.0,585000.0,,585000.0,TUESDAY,11,Y,1,,,,XAP,Approved,-728,XNA,XAP,,Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-252.0,-230.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,F,N,Y,0,135000.0,346968.0,25375.5,274500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.005313,-17647,-1206,-8586.0,-1181,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,17,0,0,0,0,0,0,Industry: type 7,0.421333735735079,0.6126439243121187,0.2353105173615833,0.0464,0.057,0.9881,0.8368,0.0074,0.0,0.1034,0.1667,0.2083,0.0598,0.0378,0.0462,0.0,0.0,0.0473,0.0592,0.9881,0.8432,0.0074,0.0,0.1034,0.1667,0.2083,0.0611,0.0413,0.0481,0.0,0.0,0.0468,0.057,0.9881,0.8390000000000001,0.0074,0.0,0.1034,0.1667,0.2083,0.0608,0.0385,0.047,0.0,0.0,reg oper spec account,block of flats,0.0404,Panel,No,3.0,0.0,3.0,0.0,-2694.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1445529,413002,Consumer loans,4783.545,106065.0,106065.0,0.0,106065.0,SUNDAY,9,Y,1,0.0,,,XAP,Approved,-1334,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,645,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1274.0,-584.0,-614.0,-605.0,0.0,0,Cash loans,F,N,Y,0,112500.0,1061599.5,31171.5,927000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018801,-19574,-100,-2135.0,-3118,,1,1,0,1,0,0,Accountants,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.7698855995232359,0.5975072046843826,0.5638350489514956,,,0.9831,,,,,,,,,0.1546,,,,,0.9831,,,,,,,,,0.1611,,,,,0.9831,,,,,,,,,0.1574,,,,,0.1635,,No,3.0,0.0,3.0,0.0,-1518.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,3.0 +1063068,310953,Cash loans,25454.025,450000.0,491580.0,,450000.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-199,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-169.0,521.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,270000.0,772686.0,25056.0,553500.0,Family,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.018801,-16782,-412,-1.0,-327,,1,1,0,1,0,0,Sales staff,1.0,2,2,SATURDAY,12,0,0,0,0,0,0,Self-employed,,0.4481766177567945,0.6313545365850379,0.3505,0.1839,0.999,0.9864,,0.28,0.2414,0.375,0.0417,0.2004,0.2858,0.3272,0.0,0.4839,0.3571,0.1908,0.999,0.9869,,0.282,0.2414,0.375,0.0417,0.2049,0.3122,0.3409,0.0,0.5123,0.3539,0.1839,0.999,0.9866,,0.28,0.2414,0.375,0.0417,0.2039,0.2907,0.3331,0.0,0.4941,,block of flats,0.3626,Panel,No,2.0,0.0,2.0,0.0,-1141.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1083569,184104,Consumer loans,3106.485,28246.5,27936.0,2826.0,28246.5,SUNDAY,12,Y,1,0.10005106654609283,,,XAP,Approved,-2535,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,24,Connectivity,12.0,high,POS mobile with interest,365243.0,-2504.0,-2174.0,-2174.0,-2171.0,1.0,1,Cash loans,M,N,Y,0,225000.0,900000.0,26316.0,900000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.031329,-13245,-393,-3715.0,-4074,,1,1,1,1,0,0,Laborers,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.6896446576633094,0.40314167665875134,0.1964,,0.9955,0.9456,,0.16,0.2586,0.1458,0.0833,,0.0008,0.2145,0.0,0.0,0.0011,,0.995,0.9477,,0.0,0.0,0.0417,0.0833,,0.0009,0.0027,0.0,0.0,0.1983,,0.9955,0.9463,,0.16,0.2586,0.1458,0.0833,,0.0009,0.2183,0.0,0.0,reg oper account,terraced house,0.0021,"Stone, brick",No,0.0,0.0,0.0,0.0,-2910.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2177767,184190,Consumer loans,18352.665,203737.5,162990.0,40747.5,203737.5,SATURDAY,16,Y,1,0.2178181818181818,,,XAP,Approved,-1029,Cash through the bank,XAP,Family,New,Furniture,POS,XNA,Stone,400,Furniture,10.0,low_normal,POS industry with interest,365243.0,-998.0,-728.0,-728.0,-719.0,0.0,0,Cash loans,F,N,Y,0,126000.0,900000.0,26446.5,900000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.026392000000000002,-10187,-1970,-4749.0,-407,,1,1,1,1,1,0,,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.7342476593703394,0.4223696523543468,0.2103,0.1925,0.9881,,,0.24,0.2069,0.3333,,0.1471,,0.2302,,0.0943,0.2143,0.1998,0.9881,,,0.2417,0.2069,0.3333,,0.1505,,0.2399,,0.0999,0.2123,0.1925,0.9881,,,0.24,0.2069,0.3333,,0.1497,,0.2344,,0.0963,,block of flats,0.2016,Panel,No,0.0,0.0,0.0,0.0,-1029.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2064783,332256,Cash loans,37288.665,450000.0,599400.0,,450000.0,MONDAY,8,Y,1,,,,XNA,Approved,-516,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,high,Cash X-Sell: high,365243.0,-486.0,384.0,365243.0,365243.0,1.0,1,Cash loans,M,Y,Y,0,360000.0,545040.0,26640.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010032,-16568,-447,-240.0,-110,22.0,1,1,0,1,0,0,Drivers,2.0,2,2,SATURDAY,4,0,0,0,0,0,0,Transport: type 3,,0.476233344693885,0.21518240418475384,0.1528,0.1061,0.9791,0.7144,0.0499,0.096,0.2345,0.2,0.0417,0.1044,0.1404,0.1438,0.0164,0.0997,0.105,0.0901,0.9782,0.7125,0.0088,0.0,0.2069,0.1667,0.0417,0.0154,0.0918,0.0567,0.0,0.0,0.1041,0.1146,0.9781,0.7048,0.0413,0.0,0.2069,0.1667,0.0417,0.1129,0.0855,0.092,0.0019,0.0038,reg oper account,block of flats,0.4592,"Stone, brick",No,0.0,0.0,0.0,0.0,-672.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1670362,276148,Consumer loans,12370.05,112455.0,112455.0,0.0,112455.0,MONDAY,12,Y,1,0.0,,,XAP,Approved,-335,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Regional / Local,260,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-305.0,-35.0,-35.0,-28.0,0.0,0,Revolving loans,F,N,N,1,45000.0,135000.0,6750.0,135000.0,Unaccompanied,Working,Higher education,Married,Municipal apartment,0.0038130000000000004,-13080,-2807,-3715.0,-2872,,1,1,0,1,1,0,,3.0,2,2,SUNDAY,9,0,0,0,1,1,0,University,0.5891389550433802,0.4329736031560826,0.6479768603302221,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1756.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1944926,263604,Consumer loans,11282.805,218236.5,218236.5,0.0,218236.5,FRIDAY,20,Y,1,0.0,,,XAP,Approved,-1268,Cash through the bank,XAP,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Country-wide,2100,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-1237.0,-547.0,-547.0,-538.0,0.0,0,Cash loans,F,N,Y,1,225000.0,706410.0,70713.0,679500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.00823,-10165,-1960,-1778.0,-2804,,1,1,0,1,0,0,Laborers,3.0,2,2,SATURDAY,14,0,0,0,0,0,0,Industry: type 3,,0.5181003287664474,0.5064842396679806,0.5155,0.3818,0.9836,,,0.56,0.4828,0.3333,,,,0.5331,,0.3343,0.5252,0.3962,0.9836,,,0.5639,0.4828,0.3333,,,,0.5554,,0.3539,0.5205,0.3818,0.9836,,,0.56,0.4828,0.3333,,,,0.5426,,0.3413,,block of flats,0.5021,Panel,No,0.0,0.0,0.0,0.0,-1268.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1138497,261374,Cash loans,47062.44,594000.0,594000.0,,594000.0,FRIDAY,8,Y,1,,,,XNA,Refused,-32,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,Y,0,162000.0,526500.0,28692.0,526500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.015221,-19232,-1345,-4625.0,-2786,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,8,0,0,0,0,0,0,Restaurant,0.7760714087198413,0.2527598753666401,0.2822484337007223,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-328.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,1.0 +2198080,140206,Revolving loans,2250.0,0.0,45000.0,,,TUESDAY,11,Y,1,,,,XAP,Refused,-1177,XNA,HC,,Repeater,XNA,Cards,x-sell,Country-wide,280,Consumer electronics,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,135000.0,787131.0,26145.0,679500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.019101,-17947,-315,-2423.0,-1488,,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Other,,0.6317577653195459,0.3572932680336494,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2192.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2266572,298406,Cash loans,34802.325,1152000.0,1319269.5,,1152000.0,TUESDAY,17,Y,1,,,,XNA,Refused,-245,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,60.0,low_action,Cash X-Sell: low,,,,,,,0,Revolving loans,F,N,N,0,85500.0,135000.0,6750.0,900000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.006296,-13787,-7111,-7713.0,-4822,,1,1,1,1,1,0,Secretaries,2.0,3,3,TUESDAY,18,0,0,0,0,0,0,Medicine,,0.4345956489529787,0.28961123838200553,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1508.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1031673,183093,Cash loans,16741.215,450000.0,533160.0,,450000.0,FRIDAY,14,Y,1,,,,XNA,Approved,-182,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-152.0,1258.0,-152.0,-145.0,1.0,0,Cash loans,F,Y,Y,0,202500.0,472500.0,13122.0,472500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.028663,-15063,-1680,-3611.0,-4234,9.0,1,1,1,1,0,0,Core staff,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,School,,0.5877196930857371,0.470456116119975,0.0474,0.0636,0.9667,0.5444,0.005,0.0,0.1207,0.0833,0.125,0.0408,0.0387,0.0499,0.0,0.0,0.0021,0.0,0.9518,0.3662,0.0,0.0,0.0345,0.0,0.0417,0.01,0.0018,0.0017,0.0,0.0,0.0479,0.0636,0.9667,0.5505,0.0051,0.0,0.1207,0.0833,0.125,0.0415,0.0393,0.0508,0.0,0.0,reg oper account,block of flats,0.0827,Wooden,No,3.0,0.0,3.0,0.0,-495.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,9.0 +1343498,269821,Consumer loans,3778.605,37791.0,34011.0,3780.0,37791.0,FRIDAY,20,Y,1,0.1089350278204767,,,XAP,Approved,-2451,Cash through the bank,XAP,"Spouse, partner",New,Audio/Video,POS,XNA,Country-wide,533,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2420.0,-2150.0,-2150.0,-2148.0,0.0,0,Cash loans,M,N,Y,0,112500.0,47970.0,4873.5,45000.0,Unaccompanied,Working,Secondary / secondary special,Married,Rented apartment,0.007114,-18060,-1047,-4000.0,-1612,,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.6857465937819092,0.7597121819739279,0.0804,,0.9866,,,0.04,0.0345,0.1667,,0.0275,,0.0196,,0.0,0.0819,,0.9866,,,0.0403,0.0345,0.1667,,0.0282,,0.0204,,0.0,0.0812,,0.9866,,,0.04,0.0345,0.1667,,0.028,,0.02,,0.0,,block of flats,0.0356,"Stone, brick",No,0.0,0.0,0.0,0.0,-1800.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2772493,345816,Revolving loans,13500.0,270000.0,270000.0,,270000.0,TUESDAY,5,Y,1,,,,XAP,Approved,-332,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,135000.0,280332.0,24187.5,234000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010032,-15171,-8372,-218.0,-4665,,1,1,1,1,1,0,Waiters/barmen staff,3.0,2,2,FRIDAY,8,0,0,0,0,0,0,Medicine,,0.3158658205681772,0.25259869783397665,0.1072,0.0892,0.9821,0.7552,0.0539,0.0,0.2414,0.1667,0.2083,0.0155,0.0874,0.0579,0.0,0.1355,0.1092,0.0926,0.9821,0.7648,0.0544,0.0,0.2414,0.1667,0.2083,0.0158,0.0955,0.0603,0.0,0.1435,0.1083,0.0892,0.9821,0.7585,0.0542,0.0,0.2414,0.1667,0.2083,0.0157,0.0889,0.059,0.0,0.1383,not specified,block of flats,0.075,"Stone, brick",No,1.0,0.0,1.0,0.0,-505.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1440679,394479,Consumer loans,9361.575,74821.5,81405.0,0.0,74821.5,FRIDAY,12,Y,1,0.0,,,XAP,Approved,-984,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Stone,642,Consumer electronics,10.0,middle,POS household with interest,365243.0,-953.0,-683.0,-683.0,-673.0,0.0,0,Cash loans,F,N,N,0,67500.0,135000.0,9018.0,135000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,Office apartment,0.031329,-12978,-6293,-1427.0,-2265,,1,1,0,1,1,0,Core staff,1.0,2,2,MONDAY,12,0,0,0,0,0,0,Agriculture,,0.16214456766623808,0.7136313997323308,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1444.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1401244,382428,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SATURDAY,13,Y,1,,,,XAP,Refused,-193,XNA,HC,Unaccompanied,Repeater,XNA,Cards,walk-in,Country-wide,70,Connectivity,0.0,XNA,Card Street,,,,,,,1,Cash loans,M,N,Y,0,360000.0,547344.0,29691.0,472500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018634,-11126,-2526,-10333.0,-1398,,1,1,0,1,1,0,Laborers,2.0,2,2,WEDNESDAY,12,1,1,0,1,1,0,Housing,0.13794188744034616,0.5525462849692974,,0.0165,,0.9767,,,0.0,0.069,0.0417,,0.0078,,0.0139,,,0.0168,,0.9767,,,0.0,0.069,0.0417,,0.008,,0.0145,,,0.0167,,0.9767,,,0.0,0.069,0.0417,,0.008,,0.0142,,,,block of flats,0.0119,"Stone, brick",No,0.0,0.0,0.0,0.0,-1006.0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2694433,221072,Consumer loans,19345.05,178726.5,174123.0,17874.0,178726.5,FRIDAY,15,Y,1,0.10138914102351028,,,XAP,Refused,-2862,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,POS,XNA,Stone,15,Consumer electronics,10.0,low_normal,POS household with interest,,,,,,,0,Cash loans,F,N,Y,2,135000.0,337500.0,21699.0,337500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-11620,-1974,-9115.0,-1622,,1,1,0,1,1,0,Laborers,4.0,2,2,THURSDAY,9,0,0,0,0,0,0,Agriculture,,0.31658453070085857,0.3842068130556564,0.0371,0.0475,0.9732,0.6328,0.0181,0.0,0.1034,0.0833,0.125,0.0212,0.0303,0.0304,0.0,0.0,0.0378,0.0493,0.9732,0.6472,0.0183,0.0,0.1034,0.0833,0.125,0.0216,0.0331,0.0316,0.0,0.0,0.0375,0.0475,0.9732,0.6377,0.0182,0.0,0.1034,0.0833,0.125,0.0215,0.0308,0.0309,0.0,0.0,reg oper account,block of flats,0.0338,Block,No,2.0,0.0,2.0,0.0,-903.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1567224,166689,Consumer loans,4021.605,26505.0,29484.0,2650.5,26505.0,SATURDAY,13,Y,1,0.08982979210958485,,,XAP,Approved,-1420,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Regional / Local,158,Consumer electronics,10.0,high,POS household with interest,365243.0,-1389.0,-1119.0,-1149.0,-1145.0,0.0,0,Cash loans,F,N,Y,0,121500.0,568908.0,24232.5,508500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.035792000000000004,-16861,365243,-1067.0,-400,,1,0,0,1,1,0,,1.0,2,2,FRIDAY,13,0,0,0,0,0,0,XNA,0.25446903122025344,0.4581253752369374,0.324891229465852,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-891.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2670888,423788,Consumer loans,38267.055,506178.0,506178.0,0.0,506178.0,SATURDAY,14,Y,1,0.0,,,XAP,Approved,-836,Cash through the bank,XAP,Family,New,Construction Materials,POS,XNA,Regional / Local,4500,Construction,18.0,middle,POS industry with interest,365243.0,-805.0,-295.0,-295.0,-289.0,0.0,0,Cash loans,F,Y,Y,0,180000.0,945000.0,50476.5,945000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.015221,-20084,-5407,-5545.0,-2597,7.0,1,1,0,1,0,0,Core staff,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,Self-employed,,0.10917316470741127,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2421127,441542,Cash loans,13979.655,171000.0,211018.5,,171000.0,MONDAY,12,Y,1,,,,XNA,Refused,-444,Cash through the bank,HC,Unaccompanied,Refreshed,XNA,Cash,x-sell,AP+ (Cash loan),6,XNA,18.0,low_normal,Cash X-Sell: low,,,,,,,1,Cash loans,F,N,Y,0,157500.0,265536.0,14535.0,180000.0,Unaccompanied,State servant,Secondary / secondary special,Separated,With parents,0.00702,-14116,-7000,-6676.0,-4691,,1,1,1,1,1,0,Medicine staff,1.0,2,2,THURSDAY,9,0,0,0,0,0,0,Medicine,0.3451116065642616,0.5950962547142861,0.24318648044201235,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,0.0,9.0,0.0,-2142.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2659289,428016,Consumer loans,3238.065,26055.0,26631.0,2250.0,26055.0,SATURDAY,12,Y,1,0.08484659622085612,,,XAP,Approved,-276,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,12.0,high,POS mobile with interest,365243.0,-242.0,88.0,-122.0,-114.0,0.0,0,Cash loans,F,Y,Y,1,81000.0,808650.0,26217.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.019688999999999998,-12682,-347,-5373.0,-4383,0.0,1,1,0,1,0,0,Core staff,2.0,2,2,TUESDAY,7,0,0,0,1,1,0,Hotel,0.6107936661819057,0.3939757206328055,0.7016957740576931,0.0619,0.0,0.9871,,,0.0,0.1379,0.1667,,0.047,,0.0529,,0.0,0.063,0.0,0.9871,,,0.0,0.1379,0.1667,,0.0481,,0.0551,,0.0,0.0625,0.0,0.9871,,,0.0,0.1379,0.1667,,0.0478,,0.0539,,0.0,,block of flats,0.0466,Panel,No,1.0,1.0,1.0,1.0,-276.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,0.0,0.0,2.0 +1483139,285796,Cash loans,22422.825,495000.0,691020.0,,495000.0,WEDNESDAY,13,Y,1,,,,XNA,Refused,-216,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),5,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,Y,N,2,99000.0,521280.0,28278.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010147,-15057,-433,-3165.0,-3165,13.0,1,1,1,1,0,0,Laborers,4.0,2,2,FRIDAY,17,0,0,0,0,0,0,Self-employed,,0.3517774999357671,0.21396685226179807,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2446.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1679333,158027,Consumer loans,13267.98,110862.0,120618.0,0.0,110862.0,MONDAY,8,Y,1,0.0,,,XAP,Approved,-546,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Regional / Local,300,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-515.0,-245.0,-245.0,-239.0,0.0,0,Cash loans,F,Y,Y,0,225000.0,1188094.5,77971.5,1138500.0,Unaccompanied,State servant,Secondary / secondary special,Widow,House / apartment,0.002506,-20605,-4147,-4186.0,-4153,10.0,1,1,0,1,0,0,,1.0,2,2,MONDAY,7,0,0,0,0,1,1,Other,,0.42457567576100935,,0.0371,,0.9747,,,,0.1034,0.0833,,,,0.0298,,,0.0378,,0.9747,,,,0.1034,0.0833,,,,0.0311,,,0.0375,,0.9747,,,,0.1034,0.0833,,,,0.0304,,,,block of flats,0.0235,Mixed,No,7.0,0.0,7.0,0.0,-546.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1494297,451684,Consumer loans,10941.93,99886.5,97312.5,9990.0,99886.5,TUESDAY,18,Y,1,0.10139575668617394,,,XAP,Approved,-1475,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,8025,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1444.0,-1174.0,-1174.0,-1168.0,0.0,0,Cash loans,F,N,N,0,135000.0,241618.5,23665.5,229500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Municipal apartment,0.008019,-18050,-1187,-146.0,-1500,,1,1,0,1,0,0,Laborers,1.0,2,2,SUNDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.7711828245479121,0.4141344146160117,0.4471785780453068,0.1186,0.0444,0.9801,0.728,0.0122,0.04,0.0345,0.3333,0.375,0.0611,0.0958,0.0694,0.0039,0.0151,0.1208,0.0461,0.9801,0.7387,0.0123,0.0403,0.0345,0.3333,0.375,0.0624,0.1047,0.0723,0.0039,0.016,0.1197,0.0444,0.9801,0.7316,0.0123,0.04,0.0345,0.3333,0.375,0.0621,0.0975,0.0706,0.0039,0.0154,reg oper account,block of flats,0.0578,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1873947,210721,Consumer loans,14415.93,279000.0,279000.0,0.0,279000.0,SUNDAY,14,Y,1,0.0,,,XAP,Approved,-645,Cash through the bank,XAP,Unaccompanied,New,Clothing and Accessories,POS,XNA,Regional / Local,310,Clothing,24.0,low_normal,POS industry with interest,365243.0,-614.0,76.0,365243.0,365243.0,0.0,1,Cash loans,F,N,N,0,90000.0,942300.0,30528.0,675000.0,"Spouse, partner",Working,Secondary / secondary special,Married,Municipal apartment,0.007305,-19921,-3292,-3399.0,-3409,,1,1,0,1,0,0,Sales staff,2.0,3,3,MONDAY,9,0,0,0,0,0,0,Self-employed,0.6198426635720796,0.14290570353620027,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2409081,106062,Cash loans,22236.93,391500.0,474183.0,,391500.0,TUESDAY,15,Y,1,,,,XNA,Approved,-95,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Revolving loans,F,N,Y,3,162000.0,270000.0,13500.0,270000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.009334,-12792,-683,-5737.0,-1605,,1,1,0,1,0,0,Laborers,5.0,2,2,SATURDAY,12,0,0,0,0,0,0,Postal,0.30127076794545793,0.6630896854570649,0.34090642641523844,0.0082,,0.9608,,,0.0,0.069,0.0417,,0.0187,,0.0065,,0.0117,0.0084,,0.9608,,,0.0,0.069,0.0417,,0.0192,,0.0068,,0.0124,0.0083,,0.9608,,,0.0,0.069,0.0417,,0.0191,,0.0066,,0.012,,block of flats,0.0077,Wooden,No,2.0,1.0,2.0,1.0,-513.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2764465,207385,Revolving loans,2250.0,45000.0,45000.0,,45000.0,MONDAY,17,Y,1,,,,XAP,Approved,-303,XNA,XAP,Family,Refreshed,XNA,Cards,walk-in,Country-wide,600,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,-228.0,0.0,0,Cash loans,M,N,Y,1,135000.0,1249740.0,66712.5,1125000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.04622,-12946,-2212,-4404.0,-4166,,1,1,0,1,0,0,,3.0,1,1,WEDNESDAY,18,0,0,0,0,1,1,Business Entity Type 2,0.2788764257746389,0.681371311334494,0.6212263380626669,0.0701,0.0668,0.9801,0.728,0.0288,0.0,0.1379,0.1667,0.2083,0.1173,0.0555,0.0626,0.0077,0.0162,0.0714,0.0693,0.9801,0.7387,0.0291,0.0,0.1379,0.1667,0.2083,0.12,0.0606,0.0652,0.0078,0.0171,0.0708,0.0668,0.9801,0.7316,0.029,0.0,0.1379,0.1667,0.2083,0.1194,0.0564,0.0637,0.0078,0.0165,reg oper account,block of flats,0.0685,"Stone, brick",No,1.0,0.0,1.0,0.0,-1813.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1123611,369738,Cash loans,25283.61,450000.0,593653.5,,450000.0,FRIDAY,11,Y,1,,,,XNA,Refused,-187,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),60,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,112500.0,312768.0,16506.0,270000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.006296,-12152,-4896,-2731.0,-2728,,1,1,1,1,0,0,Medicine staff,2.0,3,3,WEDNESDAY,12,0,0,0,0,1,1,Medicine,,0.5459197842346031,0.3740208032583212,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-467.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2667594,124373,Cash loans,40106.43,1125000.0,1255680.0,,1125000.0,WEDNESDAY,10,Y,1,,,,XNA,Refused,-1090,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),6,XNA,48.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,N,Y,0,180000.0,808650.0,26217.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.025164,-16138,-5261,-7195.0,-4095,,1,1,0,1,0,0,,1.0,2,2,MONDAY,10,0,0,0,0,0,0,Business Entity Type 2,,0.16219210595922867,0.5136937663039473,0.0,,0.0,,,0.0,,,,,,,,,0.0,,0.0005,,,0.0,,,,,,,,,0.0,,0.0,,,0.0,,,,,,,,,,block of flats,0.0,,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2601943,208268,Consumer loans,3278.655,32791.5,29511.0,3280.5,32791.5,MONDAY,11,Y,1,0.10895392791646392,,,XAP,Refused,-2412,XNA,SCO,,Repeater,Audio/Video,POS,XNA,Stone,41,Consumer electronics,10.0,low_normal,POS household with interest,,,,,,,0,Cash loans,M,N,Y,1,112500.0,668484.0,21694.5,558000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.010966,-12776,-1901,-1183.0,-4623,,1,1,0,1,0,0,Core staff,3.0,2,2,FRIDAY,13,0,0,0,1,0,1,Police,0.3875088354333573,0.2007754035972499,0.6986675550534175,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,1.0,6.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1203717,109019,Cash loans,45021.15,1521000.0,1701693.0,,1521000.0,FRIDAY,10,Y,1,,,,XNA,Refused,-147,Cash through the bank,HC,Group of people,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,270000.0,314055.0,17167.5,238500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.009656999999999999,-19372,-9805,-6443.0,-2893,,1,1,0,1,1,0,,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,Other,,0.6837829205874187,0.5549467685334323,0.1495,0.0,0.9901,0.8640000000000001,0.0216,0.08,0.069,0.3333,0.375,0.0,0.121,0.0536,0.0039,0.0,0.1523,0.0,0.9901,0.8693,0.0218,0.0806,0.069,0.3333,0.375,0.0,0.1322,0.0558,0.0039,0.0,0.1509,0.0,0.9901,0.8658,0.0218,0.08,0.069,0.3333,0.375,0.0,0.1231,0.0545,0.0039,0.0,reg oper spec account,block of flats,0.0846,Panel,No,1.0,0.0,1.0,0.0,-1334.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2833707,303238,Consumer loans,16525.665,148455.0,161194.5,0.0,148455.0,SUNDAY,9,Y,1,0.0,,,XAP,Approved,-402,Cash through the bank,XAP,,New,Furniture,POS,XNA,Stone,60,Furniture,12.0,middle,POS industry with interest,365243.0,-371.0,-41.0,-251.0,-248.0,0.0,0,Cash loans,F,N,Y,0,112500.0,545040.0,25537.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.006207,-16197,-8481,-6442.0,-4919,,1,1,0,1,0,0,High skill tech staff,1.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Industry: type 3,,0.2453495532540649,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-402.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1395971,277284,Cash loans,32681.25,225000.0,275373.0,,225000.0,FRIDAY,11,Y,1,,,,XNA,Approved,-1071,Cash through the bank,XAP,"Spouse, partner",New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-1041.0,-711.0,-861.0,-857.0,1.0,0,Cash loans,F,Y,Y,0,112500.0,521280.0,26743.5,450000.0,"Spouse, partner",Working,Incomplete higher,Married,House / apartment,0.025164,-12771,-1275,-6608.0,-4531,15.0,1,1,0,1,0,1,Laborers,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Trade: type 7,0.7157226656577386,0.6607946816888937,0.4135967602644276,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,13.0,0.0,13.0,0.0,-1071.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1685077,266011,Consumer loans,4932.09,26113.5,24574.5,2700.0,26113.5,THURSDAY,10,Y,1,0.10781299215550988,,,XAP,Approved,-2790,Cash through the bank,XAP,Children,New,Mobile,POS,XNA,Country-wide,40,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2759.0,-2609.0,-2669.0,-2563.0,1.0,0,Revolving loans,F,N,Y,0,292500.0,855000.0,42750.0,855000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-15757,-5062,-6054.0,-4275,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Cleaning,,0.7051842615636206,0.22888341670067305,0.1309,0.0508,0.9871,0.8232,0.0188,0.04,0.0345,0.3333,0.375,0.051,0.1053,0.0781,0.0064,0.0036,0.1418,0.0516,0.9871,0.8301,0.0165,0.0403,0.0345,0.3333,0.375,0.0489,0.1221,0.0789,0.0078,0.0002,0.1405,0.0512,0.9871,0.8256,0.0175,0.04,0.0345,0.3333,0.375,0.0525,0.1137,0.0802,0.0078,0.0037,reg oper account,block of flats,0.0699,"Stone, brick",No,0.0,0.0,0.0,0.0,-98.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1428043,199128,Cash loans,4106.88,90000.0,107820.0,,90000.0,MONDAY,16,Y,1,,,,XNA,Refused,-228,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,135000.0,470745.0,15034.5,388660.5,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.018634,-20928,365243,-9590.0,-4432,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,XNA,,0.5787475728412418,0.6380435278721609,,,0.9722,,,,,,,,,0.0123,,,,,0.9722,,,,,,,,,0.0128,,,,,0.9722,,,,,,,,,0.0125,,,,block of flats,0.0097,,Yes,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1320567,354883,Consumer loans,8524.35,85500.0,85500.0,0.0,85500.0,MONDAY,8,Y,1,0.0,,,XAP,Approved,-1361,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,469,Furniture,14.0,high,POS industry with interest,365243.0,-1328.0,-938.0,-938.0,-935.0,0.0,0,Cash loans,F,N,N,1,225000.0,590337.0,23539.5,477000.0,Unaccompanied,State servant,Secondary / secondary special,Civil marriage,With parents,0.018801,-15585,-2769,-9731.0,-4843,,1,1,0,1,0,0,Laborers,3.0,2,2,THURSDAY,7,0,0,0,0,1,1,Postal,,0.5455511457490333,0.722392890081304,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1361.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1415864,360577,Consumer loans,17334.09,174537.0,204318.0,0.0,174537.0,TUESDAY,11,Y,1,0.0,,,XAP,Approved,-1462,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Stone,50,Consumer electronics,18.0,high,POS household with interest,365243.0,-1431.0,-921.0,-921.0,-918.0,0.0,0,Cash loans,F,N,Y,0,67500.0,158301.0,15552.0,148500.0,Family,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.018634,-23862,365243,-6535.0,-3555,,1,0,0,1,0,0,,1.0,2,2,MONDAY,11,0,0,0,0,0,0,XNA,,0.6113457717730462,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1462.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1811653,338305,Cash loans,13600.71,261000.0,261000.0,,261000.0,SATURDAY,10,Y,1,,,,XNA,Approved,-678,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,48.0,high,Cash X-Sell: high,365243.0,-645.0,765.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,1,135000.0,535500.0,17401.5,535500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.020713,-15683,-5989,-1367.0,-4932,,1,1,1,1,1,0,Laborers,3.0,3,3,WEDNESDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.4214371876169513,0.5581189654962411,0.4223696523543468,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,1.0,-1746.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1647200,235911,Consumer loans,7727.355,45855.0,38502.0,9171.0,45855.0,SATURDAY,18,Y,1,0.20951173048209107,,,XAP,Approved,-2706,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,49,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2675.0,-2525.0,-2525.0,-2516.0,1.0,0,Cash loans,M,Y,N,0,157500.0,239850.0,29844.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,With parents,0.035792000000000004,-10706,-1489,-4466.0,-3302,65.0,1,1,0,1,1,0,Laborers,1.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.34652008164475256,0.520897599048938,,,0.9876,,,,,,,,,0.1202,,,,,0.9876,,,,,,,,,0.1253,,,,,0.9876,,,,,,,,,0.1224,,,,,0.158,,No,1.0,0.0,1.0,0.0,-1946.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1122502,246714,Consumer loans,10637.325,88609.14,79740.0,8869.14,88609.14,MONDAY,20,Y,1,0.10901019630090693,,,XAP,Approved,-2229,Cash through the bank,XAP,Unaccompanied,Refreshed,Mobile,POS,XNA,Country-wide,2100,Consumer electronics,10.0,high,POS household with interest,365243.0,-2198.0,-1928.0,-1928.0,-1922.0,0.0,0,Cash loans,M,Y,Y,1,135000.0,1125000.0,33025.5,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.04622,-16747,-2652,-5644.0,-294,8.0,1,1,0,1,0,0,Drivers,2.0,1,1,THURSDAY,11,1,0,1,1,0,1,Transport: type 3,0.6866587197794947,0.7526557635342199,0.5937175866150576,0.1237,0.1108,0.9876,0.83,,0.12,0.1034,0.375,0.4167,0.2906,0.1009,0.1331,0.0,0.0628,0.1261,0.115,0.9876,0.8367,,0.1208,0.1034,0.375,0.4167,0.2972,0.1102,0.1387,0.0,0.0664,0.1249,0.1108,0.9876,0.8323,,0.12,0.1034,0.375,0.4167,0.2956,0.1026,0.1355,0.0,0.0641,reg oper account,block of flats,0.1183,Panel,No,0.0,0.0,0.0,0.0,-1505.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +2541999,289700,Cash loans,37744.2,1170000.0,1170000.0,,1170000.0,MONDAY,11,Y,1,,,,XNA,Approved,-501,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-471.0,1299.0,-291.0,-284.0,0.0,0,Cash loans,F,N,Y,0,225000.0,545040.0,26640.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-20204,-961,-13034.0,-611,,1,1,0,1,0,0,Medicine staff,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Industry: type 3,,0.7462173206214505,0.3979463219016906,0.0722,,0.9821,,,0.0,0.1379,0.1667,,,,0.0319,,,0.0735,,0.9821,,,0.0,0.1379,0.1667,,,,0.0332,,,0.0729,,0.9821,,,0.0,0.1379,0.1667,,,,0.0325,,,,block of flats,0.0487,Panel,No,3.0,0.0,3.0,0.0,-1519.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +2341090,258266,Consumer loans,2848.23,47250.0,37800.0,9450.0,47250.0,WEDNESDAY,12,Y,1,0.2178181818181818,,,XAP,Approved,-832,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,18.0,middle,POS mobile with interest,365243.0,-781.0,-271.0,-661.0,-653.0,0.0,0,Cash loans,M,N,Y,0,202500.0,296280.0,16542.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00823,-13424,-4754,-535.0,-4521,,1,1,0,1,0,1,Laborers,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Medicine,0.07386697743863208,0.7718710698317045,0.5280927512030451,0.0727,0.0602,0.9757,,,0.0,0.1207,0.1667,,0.0867,,0.0608,,0.0,0.0641,0.0529,0.9757,,,0.0,0.1034,0.1667,,0.0807,,0.0536,,0.0,0.0734,0.0602,0.9757,,,0.0,0.1207,0.1667,,0.0882,,0.0618,,0.0,,block of flats,0.0405,"Stone, brick",No,3.0,0.0,3.0,0.0,-1512.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1183515,350199,Consumer loans,16078.14,113566.5,143028.0,0.0,113566.5,TUESDAY,9,Y,1,0.0,,,XAP,Approved,-984,XNA,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,2000,Consumer electronics,12.0,high,POS household with interest,365243.0,-953.0,-623.0,-623.0,-613.0,0.0,0,Cash loans,F,N,N,0,99000.0,505332.0,34038.0,477000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Municipal apartment,0.010032,-19205,-2892,-9691.0,-2738,,1,1,0,1,0,0,Cleaning staff,1.0,2,2,SATURDAY,6,0,0,0,0,0,0,School,,0.6106025164886261,0.7136313997323308,0.1113,0.0835,0.9851,,,0.12,0.1034,0.3333,,0.0502,,0.1138,,0.0666,0.0756,0.059,0.9851,,,0.0806,0.069,0.3333,,0.0325,,0.0802,,0.0467,0.1124,0.0835,0.9851,,,0.12,0.1034,0.3333,,0.0511,,0.1159,,0.068,,block of flats,0.0701,Panel,No,0.0,0.0,0.0,0.0,-1131.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2026989,154481,Consumer loans,14465.025,128047.5,126630.0,12825.0,128047.5,THURSDAY,8,Y,1,0.10015840887089676,,,XAP,Approved,-1174,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,230,Consumer electronics,12.0,high,POS household with interest,365243.0,-1142.0,-812.0,-902.0,-898.0,0.0,1,Cash loans,M,N,N,0,81000.0,343800.0,16852.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.002134,-9110,-1702,-2290.0,-1705,,1,1,0,1,0,0,Laborers,1.0,3,3,TUESDAY,13,0,0,0,1,1,1,Business Entity Type 3,,0.3681440001895929,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1053096,144940,Consumer loans,16846.2,136714.5,146488.5,0.0,136714.5,FRIDAY,5,Y,1,0.0,,,XAP,Approved,-466,Cash through the bank,XAP,,Repeater,Photo / Cinema Equipment,POS,XNA,Regional / Local,90,Consumer electronics,10.0,middle,POS household with interest,365243.0,-435.0,-165.0,-165.0,-163.0,0.0,0,Cash loans,F,N,Y,0,90000.0,239850.0,23850.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.018029,-24587,365243,-3562.0,-4505,,1,0,0,1,0,0,,1.0,3,3,TUESDAY,8,0,0,0,0,0,0,XNA,0.9017693367558882,0.6164821986800227,0.3556387169923543,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-2483.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,5.0 +2040394,159098,Cash loans,18827.415,248498.64,268672.14,,248498.64,WEDNESDAY,13,Y,1,,,,XNA,Approved,-1085,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash Street: low,365243.0,-1055.0,-545.0,-665.0,-660.0,1.0,0,Cash loans,F,N,Y,0,180000.0,225000.0,15790.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-24380,365243,-7880.0,-4156,,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,0.9165282508958448,0.6482907571233852,0.7121551551910698,0.1113,0.0851,0.9891,,,0.04,0.0345,0.3333,,0.0537,,0.0787,,0.0,0.1134,0.0883,0.9891,,,0.0403,0.0345,0.3333,,0.0549,,0.08199999999999999,,0.0,0.1124,0.0851,0.9891,,,0.04,0.0345,0.3333,,0.0546,,0.0801,,0.0,,block of flats,0.0619,Panel,No,0.0,0.0,0.0,0.0,-2474.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2495141,179440,Consumer loans,13307.355,144225.0,129802.5,14422.5,144225.0,TUESDAY,13,Y,1,0.1089090909090909,,,XAP,Approved,-457,XNA,XAP,,New,Construction Materials,POS,XNA,Stone,16,Construction,12.0,middle,POS industry with interest,365243.0,-425.0,-95.0,-305.0,-297.0,0.0,0,Revolving loans,F,Y,Y,0,202500.0,270000.0,13500.0,270000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.018209,-15123,-4292,-401.0,-4289,14.0,1,1,0,1,1,0,Realty agents,2.0,3,3,THURSDAY,15,0,0,0,0,0,0,Legal Services,0.5400065100263137,0.5574609140763926,0.42589289800515295,0.1237,0.1302,0.9781,0.7008,0.1096,0.0,0.2759,0.1667,0.2083,0.0663,0.0672,0.1143,0.0,0.0,0.1261,0.1351,0.9782,0.7125,0.1106,0.0,0.2759,0.1667,0.2083,0.0678,0.0735,0.1191,0.0,0.0,0.1249,0.1302,0.9781,0.7048,0.1103,0.0,0.2759,0.1667,0.2083,0.0674,0.0684,0.1163,0.0,0.0,reg oper account,block of flats,0.1539,Panel,No,3.0,0.0,2.0,0.0,-457.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1949233,207282,Consumer loans,5732.415,52960.5,51597.0,5296.5,52960.5,SUNDAY,9,Y,1,0.10138891085976433,,,XAP,Refused,-2809,Cash through the bank,SCO,Family,Repeater,XNA,POS,XNA,Country-wide,919,Consumer electronics,10.0,low_normal,POS household without interest,,,,,,,0,Cash loans,F,N,Y,0,144000.0,1154655.0,45922.5,990000.0,Family,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.020246,-22011,365243,-8834.0,-4274,,1,0,0,1,1,0,,2.0,3,3,TUESDAY,7,0,0,0,0,0,0,XNA,,0.4562911010223129,,,,0.9876,,,0.24,0.2069,0.3333,,,,0.226,,,,,0.9876,,,0.2417,0.2069,0.3333,,,,0.2355,,,,,0.9876,,,0.24,0.2069,0.3333,,,,0.2301,,,,,0.1778,,No,11.0,0.0,11.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1608960,105444,Cash loans,27062.73,720000.0,818842.5,,720000.0,TUESDAY,10,Y,1,,,,XNA,Refused,-230,Cash through the bank,HC,"Spouse, partner",Repeater,XNA,Cash,x-sell,Country-wide,346,Consumer electronics,48.0,low_normal,Cash X-Sell: low,,,,,,,1,Cash loans,F,N,Y,2,157500.0,808650.0,31464.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-13176,-944,-670.0,-740,,1,1,1,1,1,0,Sales staff,4.0,2,2,MONDAY,10,0,0,0,0,0,0,Self-employed,0.3981597699213419,0.4370582366965489,0.1895952597360396,0.1237,0.1696,0.9856,0.8028,0.0187,0.0,0.069,0.1667,0.2083,0.0305,0.095,0.0645,0.027000000000000003,0.0,0.1261,0.17600000000000002,0.9856,0.8105,0.0189,0.0,0.069,0.1667,0.2083,0.0312,0.1038,0.0672,0.0272,0.0,0.1249,0.1696,0.9856,0.8054,0.0188,0.0,0.069,0.1667,0.2083,0.031,0.0966,0.0656,0.0272,0.0,reg oper account,block of flats,0.0507,Block,No,3.0,2.0,3.0,0.0,-1619.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2121178,385780,Consumer loans,3209.175,30555.0,27499.5,3055.5,30555.0,SATURDAY,15,Y,1,0.1089090909090909,,,XAP,Approved,-2781,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,48,Connectivity,12.0,low_normal,POS mobile with interest,365243.0,-2725.0,-2395.0,-2395.0,-2388.0,0.0,0,Cash loans,M,N,N,2,225000.0,339241.5,16627.5,238500.0,Unaccompanied,Working,Lower secondary,Married,House / apartment,0.010276,-13298,-2908,-5983.0,-5051,,1,1,0,1,0,0,Security staff,4.0,2,2,MONDAY,15,0,1,1,0,0,0,Security,,0.574268273953927,0.3556387169923543,,,0.9806,,,,,,,,,0.0106,,,,,0.9806,,,,,,,,,0.011,,,,,0.9806,,,,,,,,,0.0108,,,,block of flats,0.0083,,Yes,0.0,0.0,0.0,0.0,-2411.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +2011791,275865,Consumer loans,4849.2,107640.0,107640.0,0.0,107640.0,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-376,Cash through the bank,XAP,,New,Computers,POS,XNA,Country-wide,3540,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-344.0,346.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,103500.0,974794.5,35145.0,841500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.009549,-17870,-6577,-9102.0,-1380,8.0,1,1,0,1,0,0,Core staff,2.0,2,2,THURSDAY,14,0,0,0,0,1,1,School,0.4680143785635025,0.6159495291728412,0.4489622731076524,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-376.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1579001,165299,Cash loans,,0.0,0.0,,,SATURDAY,11,Y,1,,,,XNA,Refused,-23,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,1,180000.0,1041219.0,53293.5,855000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-14113,-4942,-2856.0,-4372,,1,1,0,1,0,0,Laborers,3.0,3,3,MONDAY,9,0,0,0,0,0,0,Self-employed,0.11587229002775945,0.3755244261864689,0.266456808245056,0.0619,0.0946,0.9891,0.8504,0.01,0.0,0.1379,0.1667,0.2083,0.0347,0.0504,0.0695,0.0,0.0,0.063,0.0981,0.9891,0.8563,0.0101,0.0,0.1379,0.1667,0.2083,0.0355,0.0551,0.0725,0.0,0.0,0.0625,0.0946,0.9891,0.8524,0.01,0.0,0.1379,0.1667,0.2083,0.0353,0.0513,0.0708,0.0,0.0,reg oper account,block of flats,0.0547,"Stone, brick",No,1.0,1.0,1.0,0.0,-2396.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,6.0 +1320286,348170,Consumer loans,8478.135,31365.0,32607.0,0.0,31365.0,FRIDAY,11,Y,1,0.0,,,XAP,Approved,-271,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Stone,37,Consumer electronics,4.0,low_action,POS household with interest,365243.0,-238.0,-148.0,-148.0,-143.0,0.0,0,Cash loans,F,N,N,2,112500.0,273636.0,17946.0,247500.0,Family,Working,Secondary / secondary special,Single / not married,House / apartment,0.010276,-14103,-202,-8131.0,-1901,,1,1,0,1,0,0,Sales staff,3.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Self-employed,,0.3389979616905034,0.6413682574954046,0.1103,0.0789,0.9861,0.8096,0.032,0.12,0.1034,0.3333,0.0417,0.0,0.0899,0.1139,0.0,0.0,0.1124,0.0819,0.9861,0.8171,0.0323,0.1208,0.1034,0.3333,0.0417,0.0,0.0983,0.1186,0.0,0.0,0.1114,0.0789,0.9861,0.8121,0.0322,0.12,0.1034,0.3333,0.0417,0.0,0.0915,0.1159,0.0,0.0,reg oper account,block of flats,0.107,Panel,No,4.0,0.0,4.0,0.0,-271.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,0.0 +1698491,253134,Cash loans,10332.18,135000.0,152820.0,0.0,135000.0,MONDAY,10,Y,1,0.0,,,XNA,Approved,-2310,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,24.0,high,Cash Street: high,365243.0,-2280.0,-1590.0,-1590.0,-1261.0,1.0,0,Cash loans,F,N,N,0,112500.0,204858.0,14386.5,171000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.020246,-20853,-900,-10318.0,-4382,,1,1,0,1,1,0,Laborers,1.0,3,3,MONDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.7335708830030103,0.3698598795602021,0.5495965024956946,0.0835,,0.9871,,,0.12,0.1034,0.3333,,,,0.1046,,,0.0851,,0.9871,,,0.1208,0.1034,0.3333,,,,0.109,,,0.0843,,0.9871,,,0.12,0.1034,0.3333,,,,0.1065,,,,block of flats,0.0985,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1385837,297634,Consumer loans,5345.865,128331.0,114718.5,13612.5,128331.0,WEDNESDAY,13,Y,1,0.11552352899922858,,,XAP,Approved,-2571,Cash through the bank,XAP,Children,Repeater,Consumer Electronics,POS,XNA,Country-wide,-1,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-2540.0,-1850.0,-1850.0,-1846.0,0.0,0,Cash loans,F,N,Y,1,157500.0,679671.0,27810.0,607500.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.01885,-16837,-243,-2163.0,-380,,1,1,0,1,0,0,,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,Security,,0.5968654418083789,0.3672910183026313,0.1691,0.0453,0.9821,0.7552,0.0153,0.24,0.2069,0.3333,,0.141,0.1303,0.1483,0.0347,0.3773,0.1723,0.047,0.9821,0.7648,0.0155,0.2417,0.2069,0.3333,,0.1442,0.1423,0.1545,0.035,0.3995,0.1707,0.0453,0.9821,0.7585,0.0154,0.24,0.2069,0.3333,,0.1435,0.1325,0.151,0.0349,0.3853,,block of flats,0.2071,"Stone, brick",No,0.0,0.0,0.0,0.0,-1822.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2188939,162644,Consumer loans,5651.775,47655.0,47137.5,4765.5,47655.0,SATURDAY,11,Y,1,0.09999542853539732,,,XAP,Approved,-1833,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,112,Connectivity,12.0,high,POS mobile with interest,365243.0,-1802.0,-1472.0,-1652.0,-1650.0,0.0,0,Cash loans,M,N,Y,0,112500.0,485640.0,39069.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-20216,-1038,-224.0,-3311,,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,8,0,0,0,0,0,0,Business Entity Type 3,,0.6700589298631926,0.2636468134452008,0.0918,0.0583,0.9871,0.8232,0.0264,0.16,0.1379,0.3333,0.375,0.1098,0.0748,0.1145,0.0,0.0012,0.0935,0.0605,0.9871,0.8301,0.0266,0.1611,0.1379,0.3333,0.375,0.1123,0.0817,0.1192,0.0,0.0013,0.0926,0.0583,0.9871,0.8256,0.0265,0.16,0.1379,0.3333,0.375,0.1117,0.0761,0.1165,0.0,0.0012,reg oper account,block of flats,0.0903,Panel,No,5.0,0.0,5.0,0.0,-1833.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1298360,150395,Revolving loans,13500.0,270000.0,270000.0,,270000.0,WEDNESDAY,17,Y,1,,,,XAP,Approved,-356,XNA,XAP,,Repeater,XNA,Cards,walk-in,Channel of corporate sales,-1,XNA,0.0,XNA,Card Street,-353.0,-314.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,382500.0,1350000.0,37255.5,1350000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.018209,-16330,-2012,-672.0,-4684,9.0,1,1,1,1,1,0,Managers,2.0,3,3,WEDNESDAY,11,0,0,0,0,1,1,Business Entity Type 3,0.6132012134062396,0.5413354614774062,0.5549467685334323,0.1485,0.1137,0.9891,0.8504,0.0311,0.16,0.1379,0.3333,0.0,0.0741,0.1202,0.1647,0.0,0.0,0.1513,0.118,0.9891,0.8563,0.0314,0.1611,0.1379,0.3333,0.0,0.0758,0.1313,0.1716,0.0,0.0,0.1499,0.1137,0.9891,0.8524,0.0313,0.16,0.1379,0.3333,0.0,0.0754,0.1223,0.1677,0.0,0.0,reg oper account,block of flats,0.1296,Panel,No,3.0,2.0,3.0,2.0,-1785.0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2633085,418990,Consumer loans,6295.86,55431.0,55431.0,0.0,55431.0,TUESDAY,16,Y,1,0.0,,,XAP,Approved,-234,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,1,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-202.0,68.0,-22.0,-19.0,0.0,0,Revolving loans,M,Y,Y,0,139500.0,202500.0,10125.0,202500.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.030755,-21661,-978,-10366.0,-4175,1.0,1,1,0,1,0,0,Security staff,2.0,2,2,FRIDAY,17,0,0,0,0,0,0,Culture,,0.4368322787057188,0.28371188263500075,0.0674,0.0398,0.9886,0.7552,0.0212,0.08,0.0572,0.3608,0.375,0.0499,0.0605,0.0726,0.0,0.0171,0.063,0.0276,0.9821,0.7648,0.0214,0.0806,0.069,0.3333,0.375,0.0261,0.0661,0.0663,0.0,0.0,0.0666,0.0398,0.9861,0.7585,0.0213,0.08,0.069,0.3333,0.375,0.0515,0.0616,0.0779,0.0,0.0205,reg oper spec account,block of flats,0.0666,Panel,No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,0.0 +2678662,419303,Consumer loans,3948.12,46921.5,52267.5,2560.5,46921.5,THURSDAY,11,Y,1,0.05086118904076881,,,XAP,Refused,-277,Cash through the bank,LIMIT,Family,Repeater,Computers,POS,XNA,Country-wide,765,Consumer electronics,18.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,N,1,90000.0,180000.0,12159.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-11041,-647,-664.0,-889,,1,1,0,1,1,0,Core staff,3.0,2,2,MONDAY,9,0,0,0,0,0,0,Self-employed,0.7413811539255714,0.5934828770816909,,0.0719,0.065,0.9742,0.6464,0.0069,0.0,0.1207,0.1667,0.2083,0.0136,0.0584,0.0602,0.001,0.0014,0.084,0.0778,0.9747,0.6668,0.0042,0.0,0.1379,0.1667,0.2083,0.008,0.0735,0.0323,0.0,0.0,0.0833,0.075,0.9747,0.6578,0.0079,0.0,0.1379,0.1667,0.2083,0.0158,0.0684,0.071,0.0,0.0,reg oper account,block of flats,0.0256,Panel,No,3.0,0.0,3.0,0.0,-329.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1211778,370029,Consumer loans,10276.38,92533.5,83277.0,9256.5,92533.5,THURSDAY,12,Y,1,0.10894616544278554,,,XAP,Approved,-1525,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Stone,180,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1494.0,-1224.0,-1224.0,-1220.0,0.0,0,Cash loans,F,N,Y,0,90000.0,675000.0,22306.5,675000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-21545,365243,-10542.0,-4549,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,,0.5583131057184169,0.7421816117614419,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,0.0,9.0,0.0,-1700.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1769134,400256,Consumer loans,20829.195,480600.0,480600.0,0.0,480600.0,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-582,Cash through the bank,XAP,,Repeater,Construction Materials,POS,XNA,Stone,25,Construction,30.0,low_normal,POS industry with interest,365243.0,-540.0,330.0,-390.0,-378.0,0.0,0,Cash loans,F,N,Y,0,135000.0,832500.0,44482.5,832500.0,Unaccompanied,Working,Higher education,Married,Office apartment,0.020246,-11218,-201,-3580.0,-1543,,1,1,1,1,1,0,Sales staff,2.0,3,3,SUNDAY,12,0,0,0,0,0,0,Self-employed,0.31875735074491696,0.24521596570032084,0.3077366963789207,0.0082,0.0,0.9702,,,0.0,0.0517,0.0417,,0.0149,,0.0064,,0.0,0.0084,0.0,0.9702,,,0.0,0.0345,0.0417,,0.0052,,0.0067,,0.0,0.0083,0.0,0.9702,,,0.0,0.0517,0.0417,,0.0151,,0.0065,,0.0,,block of flats,0.005,"Stone, brick",Yes,0.0,0.0,0.0,0.0,-1287.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,1.0 +1591435,311225,Revolving loans,2250.0,45000.0,45000.0,,45000.0,MONDAY,13,Y,1,,,,XAP,Approved,-556,XNA,XAP,Unaccompanied,Refreshed,XNA,Cards,walk-in,Regional / Local,1600,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,-69.0,0.0,0,Revolving loans,M,N,N,0,270000.0,540000.0,27000.0,540000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-11345,-2265,-135.0,-3849,,1,1,0,1,0,0,Managers,2.0,3,3,THURSDAY,14,0,0,0,0,0,0,Self-employed,0.2351440963312081,0.323661473537592,0.3774042489507649,0.1014,0.114,0.9757,0.6668,0.0143,0.0,0.2207,0.1667,0.2083,0.1069,0.08199999999999999,0.0907,0.0031,0.0416,0.0945,0.1042,0.9757,0.6798,0.0147,0.0,0.2069,0.1667,0.2083,0.0903,0.0826,0.0895,0.0,0.0,0.0937,0.1005,0.9757,0.6713,0.0146,0.0,0.2069,0.1667,0.2083,0.1052,0.077,0.0889,0.0,0.0,reg oper account,block of flats,0.0675,Panel,No,0.0,0.0,0.0,0.0,-2069.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2348139,420464,Revolving loans,14625.0,0.0,292500.0,,,TUESDAY,13,Y,1,,,,XAP,Approved,-1247,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,-99.0,0.0,0,Cash loans,F,N,Y,0,157500.0,675000.0,21775.5,675000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.008473999999999999,-11002,-2191,-1195.0,-3355,,1,1,0,1,0,0,High skill tech staff,2.0,2,2,WEDNESDAY,18,0,0,0,1,1,0,Realtor,0.2430362733481508,0.6517233682188593,0.7544061731797895,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1505.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1685847,100498,Cash loans,9398.385,207000.0,261648.0,,207000.0,SATURDAY,11,Y,1,,,,XNA,Approved,-431,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-401.0,1009.0,-251.0,-248.0,1.0,0,Cash loans,M,N,Y,0,112500.0,485190.0,24903.0,405000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-16468,-1544,-5023.0,-21,,1,1,0,1,0,0,,2.0,3,3,WEDNESDAY,6,0,0,0,0,0,0,Business Entity Type 3,,0.3613343470040338,0.2750003523983893,0.0928,0.0973,0.9886,0.8436,0.0149,0.0,0.2069,0.1667,0.2083,0.0899,0.0748,0.099,0.0039,0.0047,0.0945,0.1009,0.9886,0.8497,0.015,0.0,0.2069,0.1667,0.2083,0.0919,0.0817,0.1031,0.0039,0.005,0.0937,0.0973,0.9886,0.8457,0.015,0.0,0.2069,0.1667,0.2083,0.0914,0.0761,0.1007,0.0039,0.0048,reg oper spec account,block of flats,0.0778,Panel,No,0.0,0.0,0.0,0.0,-1388.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2095424,315338,Cash loans,23751.0,450000.0,450000.0,,450000.0,THURSDAY,16,Y,1,,,,XNA,Approved,-792,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,24.0,low_normal,Cash Street: low,365243.0,-762.0,-72.0,-102.0,-97.0,0.0,0,Cash loans,F,N,N,0,171000.0,1288350.0,37665.0,1125000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.01885,-20313,-5525,-10074.0,-3519,,1,1,0,1,0,0,,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,Government,,0.7025999920291748,0.5154953751603267,0.1856,0.1028,0.9866,,,0.2,0.1724,0.3333,,0.0,,0.2014,,0.0,0.1891,0.1067,0.9866,,,0.2014,0.1724,0.3333,,0.0,,0.2098,,0.0,0.1874,0.1028,0.9866,,,0.2,0.1724,0.3333,,0.0,,0.205,,0.0,,block of flats,0.1825,Panel,No,5.0,0.0,5.0,0.0,-1441.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1554180,390995,Cash loans,10326.195,135000.0,148365.0,,135000.0,SUNDAY,10,Y,1,,,,XNA,Refused,-222,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,671,Consumer electronics,18.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,157500.0,314100.0,17167.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.010006000000000001,-18597,-7700,-10962.0,-2137,,1,1,1,1,1,0,Cooking staff,1.0,2,2,FRIDAY,9,0,0,0,0,0,0,Government,,0.4710324773693719,0.5064842396679806,0.099,0.1048,0.9851,0.7959999999999999,0.0115,0.0,0.2069,0.1667,0.2083,0.0193,0.0807,0.0887,0.0,0.062,0.1008,0.1088,0.9851,0.804,0.0116,0.0,0.2069,0.1667,0.2083,0.0198,0.0882,0.0924,0.0,0.0657,0.0999,0.1048,0.9851,0.7987,0.0115,0.0,0.2069,0.1667,0.2083,0.0196,0.0821,0.0903,0.0,0.0633,reg oper account,block of flats,0.0832,Panel,No,0.0,0.0,0.0,0.0,-1758.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1290390,290817,Consumer loans,6474.24,44370.0,48028.5,0.0,44370.0,WEDNESDAY,17,Y,1,0.0,,,XAP,Approved,-2360,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,4009,Consumer electronics,10.0,high,POS household with interest,365243.0,-2329.0,-2059.0,-2059.0,-2055.0,0.0,0,Cash loans,F,Y,Y,1,225000.0,457119.0,23467.5,342000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.030755,-14036,-1722,-3032.0,-1742,9.0,1,1,0,1,0,0,,3.0,2,2,THURSDAY,18,0,0,0,0,0,0,Business Entity Type 3,0.7935073819223962,0.7237069877945025,0.14825437906109115,0.1464,0.1082,0.9801,0.728,0.0114,0.16,0.1379,0.3333,0.375,0.048,0.1194,0.1569,0.0,0.0099,0.1492,0.1122,0.9801,0.7387,0.0116,0.1611,0.1379,0.3333,0.375,0.0491,0.1304,0.1635,0.0,0.0105,0.1478,0.1082,0.9801,0.7316,0.0115,0.16,0.1379,0.3333,0.375,0.0488,0.1214,0.1597,0.0,0.0101,reg oper spec account,block of flats,0.1569,Panel,No,1.0,0.0,1.0,0.0,-1901.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,0.0 +2098185,404581,Revolving loans,3375.0,0.0,67500.0,,,TUESDAY,12,Y,1,,,,XAP,Refused,-2446,XNA,SCO,,Repeater,XNA,Cards,x-sell,Country-wide,100,Connectivity,0.0,XNA,Card Street,,,,,,,0,Revolving loans,F,Y,Y,0,135000.0,405000.0,20250.0,405000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-13423,-2209,-5931.0,-4179,15.0,1,1,0,1,0,0,,2.0,2,2,FRIDAY,8,0,0,0,0,0,0,Business Entity Type 2,,0.344191494398425,0.4561097392782771,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2760.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1635663,179273,Consumer loans,34425.135,624600.0,444195.0,226161.0,624600.0,TUESDAY,10,Y,1,0.3674314678930434,,,XAP,Approved,-1493,Cash through the bank,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Regional / Local,183,Consumer electronics,18.0,middle,POS household with interest,365243.0,-1461.0,-951.0,-981.0,-977.0,0.0,0,Cash loans,M,Y,Y,0,157500.0,1762110.0,48586.5,1575000.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.010032,-23141,365243,-6511.0,-4649,14.0,1,0,0,1,0,0,,2.0,2,2,THURSDAY,8,0,0,0,0,0,0,XNA,0.7531769217228539,0.2721094729713854,0.8128226070575616,0.1485,0.1121,0.9846,0.7892,0.0354,0.16,0.1379,0.3333,0.0417,0.1164,0.121,0.1517,0.0,0.0,0.0756,0.059,0.9846,0.7975,0.0176,0.0806,0.069,0.3333,0.0417,0.0597,0.0661,0.0791,0.0,0.0,0.1499,0.1121,0.9846,0.792,0.0357,0.16,0.1379,0.3333,0.0417,0.1184,0.1231,0.1544,0.0,0.0,reg oper account,block of flats,0.2081,Panel,No,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1682659,411814,Consumer loans,5483.52,36450.0,44608.5,0.0,36450.0,WEDNESDAY,10,Y,1,0.0,,,XAP,Approved,-960,XNA,XAP,,New,Construction Materials,POS,XNA,Stone,145,Construction,10.0,middle,POS industry with interest,365243.0,-926.0,-656.0,-656.0,-648.0,0.0,0,Cash loans,M,Y,Y,0,67500.0,172692.0,20623.5,162000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.020246,-14279,-443,-297.0,-2213,15.0,1,1,0,1,0,0,Laborers,2.0,3,3,THURSDAY,14,0,0,0,0,1,1,Other,,0.3834800030927242,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-960.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2167571,304383,Cash loans,15281.01,162000.0,178038.0,0.0,162000.0,TUESDAY,14,Y,1,0.0,,,XNA,Approved,-1931,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,365243.0,-1901.0,-1391.0,-1691.0,-1688.0,1.0,0,Cash loans,F,N,Y,0,45000.0,225000.0,13045.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.026392000000000002,-19123,-1117,-3400.0,-2656,,1,1,1,1,1,0,,1.0,2,2,MONDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.5959127075516225,0.4902575124990026,0.1062,,0.9806,,,0.0,0.2069,0.1667,,0.1165,,0.0886,,0.0613,0.1082,,0.9806,,,0.0,0.2069,0.1667,,0.1191,,0.0923,,0.0649,0.1072,,0.9806,,,0.0,0.2069,0.1667,,0.1185,,0.0901,,0.0626,,block of flats,0.0992,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1498373,267249,Consumer loans,10445.22,96291.0,89505.0,14850.0,96291.0,SUNDAY,11,Y,1,0.15498059508408793,,,XAP,Approved,-2572,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,25,Connectivity,12.0,low_normal,POS mobile with interest,365243.0,-2541.0,-2211.0,-2271.0,-2264.0,1.0,0,Cash loans,F,N,Y,2,117000.0,900000.0,48082.5,900000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.010006000000000001,-12201,-4715,-2549.0,-3605,,1,1,0,1,0,0,High skill tech staff,4.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Government,,0.553719204439914,0.7503751495159068,0.0701,0.0444,0.9955,0.9388,0.0151,0.08,0.069,0.3333,0.375,0.0104,0.0563,0.0744,0.0039,0.0041,0.0714,0.046,0.9955,0.9412,0.0153,0.0806,0.069,0.3333,0.375,0.0106,0.0615,0.0775,0.0039,0.0043,0.0708,0.0444,0.9955,0.9396,0.0152,0.08,0.069,0.3333,0.375,0.0106,0.0573,0.0758,0.0039,0.0042,reg oper account,block of flats,0.0677,Others,No,1.0,0.0,1.0,0.0,-2572.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1382784,280856,Cash loans,53305.38,900000.0,952272.0,,900000.0,MONDAY,10,Y,1,,,,XNA,Approved,-364,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-334.0,356.0,-94.0,-92.0,1.0,0,Cash loans,F,N,N,0,198000.0,263686.5,26208.0,238500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,Municipal apartment,0.04622,-23702,365243,-11437.0,-3958,,1,0,0,1,0,0,,2.0,1,1,MONDAY,15,0,0,0,0,0,0,XNA,,0.7755845759524019,0.7047064232963289,0.0371,0.0276,0.9841,,,0.04,0.0345,0.3333,,0.0065,,0.0366,,0.0,0.0378,0.0286,0.9841,,,0.0403,0.0345,0.3333,,0.0067,,0.0381,,0.0,0.0375,0.0276,0.9841,,,0.04,0.0345,0.3333,,0.0066,,0.0372,,0.0,,block of flats,0.0333,Panel,No,0.0,0.0,0.0,0.0,-3223.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1077801,229681,Consumer loans,9602.64,51250.5,46705.5,6750.0,51250.5,WEDNESDAY,16,Y,1,0.13752305443525242,,,XAP,Approved,-1452,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,30,Connectivity,6.0,high,POS mobile with interest,365243.0,-1406.0,-1256.0,-1256.0,-1252.0,0.0,0,Revolving loans,F,N,Y,0,94500.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009334,-15072,-3262,-4888.0,-4904,,1,1,1,1,1,0,Core staff,2.0,2,2,SATURDAY,17,0,0,0,0,1,1,School,,0.1582700021587323,0.20559813854932085,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1878.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2798333,411342,Revolving loans,45000.0,900000.0,900000.0,,900000.0,WEDNESDAY,12,Y,1,,,,XAP,Approved,-454,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-397.0,-376.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,360000.0,1094688.0,39451.5,945000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0038130000000000004,-13543,-2572,-916.0,-2197,,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Self-employed,0.26094168407433344,0.2640222329339941,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1976.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2567443,422038,Consumer loans,3735.405,30006.0,43807.5,0.0,30006.0,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-1098,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,50,Connectivity,24.0,high,POS mobile with interest,365243.0,-1067.0,-377.0,-887.0,-880.0,0.0,0,Cash loans,M,Y,Y,3,157500.0,213322.5,13761.0,162000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-11776,-4864,-5106.0,-4405,8.0,1,1,0,1,0,0,,5.0,2,2,FRIDAY,11,0,0,0,0,0,0,Agriculture,,0.490752950667041,0.5673792367572691,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-2780.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1466633,378715,Cash loans,48588.525,1575000.0,1762110.0,,1575000.0,THURSDAY,14,Y,1,,,,Building a house or an annex,Refused,-398,Cash through the bank,VERIF,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,1,Cash loans,F,Y,Y,2,225000.0,597024.0,43573.5,540000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-15330,-935,-2534.0,-5031,5.0,1,1,0,1,1,1,,4.0,3,3,WEDNESDAY,6,0,0,0,0,0,0,Business Entity Type 3,0.7320582077422324,0.35182736621974425,0.5937175866150576,0.2062,0.1072,0.996,0.9456,0.0557,0.2,0.1724,0.375,0.4167,0.1751,0.1681,0.2216,0.0,0.0,0.2101,0.1112,0.996,0.9477,0.0562,0.2014,0.1724,0.375,0.4167,0.1791,0.1837,0.2309,0.0,0.0,0.2082,0.1072,0.996,0.9463,0.0561,0.2,0.1724,0.375,0.4167,0.1782,0.171,0.2256,0.0,0.0,reg oper account,block of flats,0.2048,Panel,No,0.0,0.0,0.0,0.0,-618.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1319148,273839,Cash loans,25546.77,540000.0,614844.0,,540000.0,TUESDAY,8,Y,1,,,,XNA,Approved,-844,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,42.0,middle,Cash X-Sell: middle,365243.0,-814.0,416.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,225000.0,545040.0,19705.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.010032,-22598,-118,-4386.0,-4428,,1,1,0,1,0,0,Laborers,1.0,2,2,SATURDAY,6,0,0,0,0,1,1,Business Entity Type 2,0.7807853859323701,0.5064415301346037,0.5513812618027899,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1759.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1179020,339848,Cash loans,51093.72,900000.0,1215360.0,,900000.0,TUESDAY,13,Y,1,,,,Building a house or an annex,Refused,-506,Cash through the bank,HC,,Refreshed,XNA,Cash,walk-in,AP+ (Cash loan),6,XNA,48.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,Y,N,1,225000.0,568800.0,15133.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-10898,-2309,-1165.0,-3290,11.0,1,1,0,1,0,0,Laborers,3.0,2,2,TUESDAY,11,0,0,0,0,1,1,Government,,0.6103633178975655,0.3859146722745145,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-520.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1214466,302015,Consumer loans,12069.765,112261.5,111037.5,11227.5,112261.5,FRIDAY,14,Y,1,0.10001037240271687,,,XAP,Approved,-2330,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Stone,142,Consumer electronics,12.0,high,POS household with interest,365243.0,-2299.0,-1969.0,-1969.0,-1964.0,1.0,0,Cash loans,F,Y,N,0,270000.0,1687500.0,44514.0,1687500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020713,-21726,365243,-1654.0,-5000,14.0,1,0,0,1,1,0,,2.0,3,1,TUESDAY,9,0,0,0,0,0,0,XNA,,0.7129922581952239,0.4614823912998385,0.1619,0.0,0.9861,0.8096,0.1281,0.24,0.1034,0.4583,0.0417,0.0865,0.132,0.221,0.0,0.0826,0.1649,0.0,0.9861,0.8171,0.1293,0.2417,0.1034,0.4583,0.0417,0.0885,0.1442,0.2302,0.0,0.0874,0.1634,0.0,0.9861,0.8121,0.1289,0.24,0.1034,0.4583,0.0417,0.0881,0.1342,0.2249,0.0,0.0843,reg oper account,block of flats,0.2618,"Stone, brick",No,0.0,0.0,0.0,0.0,-2330.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +2503556,323068,Cash loans,42075.0,450000.0,450000.0,,450000.0,TUESDAY,10,Y,1,,,,XNA,Approved,-187,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-157.0,173.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,247500.0,1129500.0,43150.5,1129500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-22984,365243,-13585.0,-4568,,1,0,0,1,0,0,,2.0,2,2,SUNDAY,15,0,0,0,0,0,0,XNA,0.6142468949007512,0.2258600491730981,0.5082869913916046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1763.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2584613,176563,Revolving loans,5625.0,112500.0,112500.0,,112500.0,WEDNESDAY,9,Y,1,,,,XAP,Approved,-1010,XNA,XAP,,Refreshed,XNA,Cards,walk-in,AP+ (Cash loan),4,XNA,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,81000.0,395766.0,16897.5,283500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.0228,-22173,365243,-899.0,-5426,5.0,1,0,0,1,0,0,,2.0,2,2,FRIDAY,8,0,0,0,0,0,0,XNA,,0.6889937037280274,0.7281412993111438,0.2206,0.1467,0.9806,0.7348,0.1382,0.24,0.2069,0.3333,0.375,0.1488,0.1782,0.231,0.0077,0.0071,0.2248,0.1523,0.9806,0.7452,0.1395,0.2417,0.2069,0.3333,0.375,0.1522,0.1947,0.2407,0.0078,0.0075,0.2228,0.1467,0.9806,0.7383,0.1391,0.24,0.2069,0.3333,0.375,0.1514,0.1813,0.2352,0.0078,0.0072,reg oper account,block of flats,0.2588,Panel,No,0.0,0.0,0.0,0.0,-3313.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +2049459,252828,Consumer loans,8516.295,56200.5,60700.5,0.0,56200.5,WEDNESDAY,16,Y,1,0.0,,,XAP,Approved,-52,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,142,Connectivity,10.0,high,POS mobile with interest,365243.0,-22.0,248.0,365243.0,365243.0,1.0,0,Cash loans,M,N,N,1,450000.0,816660.0,26473.5,585000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.035792000000000004,-11881,-2510,-161.0,-3707,,1,1,0,1,0,0,Managers,3.0,2,2,SATURDAY,16,0,0,0,0,0,0,Construction,0.2475954928483545,0.7226738787654976,0.13680052191177486,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1648.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2074346,324713,Consumer loans,3450.78,63243.0,76599.0,0.0,63243.0,FRIDAY,12,Y,1,0.0,,,XAP,Approved,-585,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Country-wide,980,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-554.0,136.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,225000.0,500490.0,48888.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-17257,-1118,-9867.0,-789,20.0,1,1,0,1,0,0,Private service staff,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Self-employed,0.6624135057455002,0.6018957720185646,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-585.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1870295,354655,Revolving loans,27000.0,540000.0,540000.0,,540000.0,TUESDAY,14,Y,1,,,,XAP,Approved,-429,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,67500.0,360000.0,28440.0,360000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-14919,-698,-1261.0,-2115,,1,1,0,1,1,0,Cleaning staff,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Business Entity Type 2,,0.465136022626886,0.34090642641523844,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1251.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1984025,205887,Consumer loans,8333.595,47925.0,40851.0,9000.0,47925.0,SATURDAY,16,Y,1,0.19662229808465592,,,XAP,Approved,-1882,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,50,Connectivity,6.0,high,POS mobile without interest,365243.0,-1847.0,-1697.0,-1727.0,-1720.0,0.0,0,Revolving loans,M,N,Y,1,225000.0,180000.0,9000.0,180000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.025164,-13279,-439,-210.0,-4720,,1,1,0,1,0,0,,2.0,2,2,FRIDAY,10,0,0,0,1,1,0,Construction,0.16390133850903416,0.6300926656844718,0.5726825047161584,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-778.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1386569,112370,Cash loans,125060.175,3150000.0,3374532.0,,3150000.0,MONDAY,13,Y,1,,,,Buying a home,Approved,-738,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,low_action,Cash Street: low,365243.0,-702.0,348.0,-552.0,-537.0,0.0,0,Cash loans,F,Y,Y,0,450000.0,1928304.0,78669.0,1800000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010147,-19221,-2857,-1933.0,-2761,0.0,1,1,0,1,0,0,Managers,2.0,2,2,FRIDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.7286462070392455,0.6127010064447169,0.6738300778602003,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1011.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2755278,115314,Consumer loans,6190.785,59215.5,52375.5,11844.0,59215.5,MONDAY,15,Y,1,0.20086099591670328,,,XAP,Approved,-960,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,28,Connectivity,12.0,high,POS mobile with interest,365243.0,-929.0,-599.0,-599.0,-589.0,0.0,0,Cash loans,F,N,Y,0,76500.0,1078200.0,31522.5,900000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.015221,-19027,-1422,-5419.0,-2584,,1,1,1,1,1,0,Sales staff,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Self-employed,0.6562826321780612,0.4156526460626983,0.21885908222837447,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-960.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2598897,422694,Consumer loans,7354.62,49455.0,49963.5,4945.5,49455.0,TUESDAY,19,Y,1,0.09809137101220364,,,XAP,Approved,-867,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,110,Connectivity,8.0,middle,POS mobile with interest,365243.0,-836.0,-626.0,-626.0,-616.0,0.0,0,Cash loans,F,N,N,0,225000.0,225000.0,17905.5,225000.0,Unaccompanied,State servant,Higher education,Single / not married,House / apartment,0.00496,-13285,-1602,-276.0,-1760,,1,1,1,1,1,0,Core staff,1.0,2,2,MONDAY,15,0,0,0,0,0,0,Security Ministries,,0.6864247857021064,0.41184855592423975,0.1485,0.0,0.9841,0.7824,0.0,0.16,0.1379,0.3333,0.375,0.0702,0.121,0.0885,0.0,0.2157,0.1513,0.0,0.9841,0.7909,0.0,0.1611,0.1379,0.3333,0.375,0.0718,0.1322,0.0922,0.0,0.2284,0.1499,0.0,0.9841,0.7853,0.0,0.16,0.1379,0.3333,0.375,0.0714,0.1231,0.0901,0.0,0.2202,reg oper spec account,block of flats,0.1224,Panel,No,0.0,0.0,0.0,0.0,-411.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2379976,228242,Consumer loans,6425.955,142641.0,142641.0,0.0,142641.0,THURSDAY,14,Y,1,0.0,,,XAP,Approved,-774,Cash through the bank,XAP,Children,Refreshed,Consumer Electronics,POS,XNA,Stone,149,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-743.0,-53.0,-323.0,-316.0,0.0,0,Cash loans,F,N,Y,0,153000.0,808650.0,23773.5,675000.0,Family,Working,Higher education,Separated,House / apartment,0.030755,-19227,-4074,-145.0,-2755,,1,1,1,1,1,0,Core staff,1.0,2,2,MONDAY,13,0,0,0,0,0,0,School,,0.7487516122174621,0.6894791426446275,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2634.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1916809,366117,Consumer loans,9042.615,39510.0,46827.0,0.0,39510.0,THURSDAY,19,Y,1,0.0,,,XAP,Refused,-364,Cash through the bank,LIMIT,Family,Repeater,Consumer Electronics,POS,XNA,Stone,100,Consumer electronics,6.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,N,2,67500.0,296505.0,25578.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.030755,-12308,-4464,-2894.0,-4735,,1,1,0,1,0,0,Laborers,4.0,2,2,THURSDAY,10,0,0,0,1,1,0,Culture,0.5327416478400077,0.7566075802432479,0.2103502286944494,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,2.0,0.0,-501.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,1.0 +2580393,372241,Consumer loans,14276.835,126963.0,140368.5,0.0,126963.0,SATURDAY,10,Y,1,0.0,,,XAP,Approved,-56,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Regional / Local,300,Furniture,12.0,middle,POS industry with interest,365243.0,-26.0,304.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,1,67500.0,450000.0,21109.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-15520,-3636,-4561.0,-4568,,1,1,0,1,0,0,Core staff,3.0,2,2,SATURDAY,7,0,0,0,0,1,1,Government,,0.6927904149816306,0.4170996682522097,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2202.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1697834,313551,Cash loans,33204.15,292500.0,308331.0,,292500.0,TUESDAY,11,Y,1,,,,XNA,Approved,-1134,Cash through the bank,XAP,Family,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1104.0,-774.0,-1044.0,-1038.0,1.0,1,Cash loans,F,N,Y,0,225000.0,2013840.0,53253.0,1800000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.006852,-15396,-3363,-3818.0,-2953,,1,1,0,1,0,0,Sales staff,2.0,3,3,TUESDAY,4,0,0,0,0,0,0,Self-employed,,0.6533694312411169,0.7394117535524816,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-2318.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2199344,294266,Cash loans,15918.705,162000.0,203850.0,,162000.0,WEDNESDAY,17,Y,1,,,,XNA,Approved,-415,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-385.0,125.0,-265.0,-257.0,1.0,0,Revolving loans,M,N,N,0,112500.0,247500.0,12375.0,247500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.009175,-16380,-1076,-10304.0,-4140,,1,1,1,1,1,0,Sales staff,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Trade: type 3,0.3511535826485811,0.7451889279329603,0.7981372313187245,0.1134,0.0795,0.9861,,,0.12,0.1034,0.3333,,,,0.1157,,0.0009,0.1155,0.0825,0.9861,,,0.1208,0.1034,0.3333,,,,0.1205,,0.001,0.1145,0.0795,0.9861,,,0.12,0.1034,0.3333,,,,0.1178,,0.001,,block of flats,0.0912,Panel,No,0.0,0.0,0.0,0.0,-1874.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1782257,267874,Consumer loans,7303.275,61195.5,46048.5,18000.0,61195.5,TUESDAY,16,Y,1,0.3060748708187757,,,XAP,Approved,-2349,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,30,Connectivity,8.0,low_normal,POS mobile with interest,365243.0,-2318.0,-2108.0,-2108.0,-2106.0,1.0,0,Cash loans,M,N,N,1,202500.0,225000.0,12915.0,225000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.0228,-13803,-5159,-3118.0,-4176,,1,1,1,1,1,0,Laborers,3.0,2,2,SATURDAY,13,0,0,0,0,1,1,Transport: type 4,0.7878443647041328,0.5019699557548879,0.4066174366275036,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1751.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,7.0,0.0,2.0 +2208485,133594,Consumer loans,3403.08,20655.0,16956.0,4500.0,20655.0,SUNDAY,11,Y,1,0.2284167175106772,,,XAP,Approved,-2410,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Country-wide,42,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2378.0,-2228.0,-2288.0,-2284.0,1.0,0,Cash loans,M,Y,Y,1,171000.0,1288350.0,37800.0,1125000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.030755,-21117,-3672,-153.0,-190,13.0,1,1,0,1,0,0,Core staff,3.0,2,2,TUESDAY,12,0,0,0,0,1,1,School,,0.6038486021938008,0.6594055320683344,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1594489,314479,Consumer loans,2779.875,15390.0,13851.0,1539.0,15390.0,TUESDAY,8,Y,1,0.1089090909090909,,,XAP,Approved,-2861,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Stone,15,Connectivity,6.0,high,POS mobile with interest,365243.0,-2814.0,-2664.0,-2664.0,-2576.0,0.0,0,Cash loans,F,N,Y,0,67500.0,135000.0,13279.5,135000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.028663,-24822,365243,-9550.0,-4581,,1,0,0,1,1,1,,1.0,2,2,SUNDAY,9,0,0,0,0,0,0,XNA,,0.6115899456525229,0.7544061731797895,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-44.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1157507,203972,Consumer loans,7144.155,34744.5,34744.5,0.0,34744.5,SATURDAY,14,Y,1,0.0,,,XAP,Approved,-313,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,25,Connectivity,6.0,high,POS mobile with interest,365243.0,-273.0,-123.0,-123.0,-116.0,0.0,0,Cash loans,M,Y,Y,2,247500.0,780363.0,31077.0,697500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.018634,-14852,-961,-2976.0,-3999,31.0,1,1,0,1,0,0,,4.0,2,2,THURSDAY,14,0,0,0,0,1,1,Self-employed,,0.4562151503832928,0.5656079814115492,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-313.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +1151493,254515,Cash loans,75192.48,675000.0,698166.0,,675000.0,MONDAY,15,Y,1,,,,Other,Approved,-714,Cash through the bank,XAP,,Refreshed,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,middle,Cash Street: middle,365243.0,-684.0,-354.0,-504.0,-498.0,1.0,0,Cash loans,M,Y,Y,2,202500.0,398160.0,31585.5,315000.0,Family,Working,Higher education,Married,House / apartment,0.019101,-10694,-1273,-598.0,-3341,4.0,1,1,0,1,0,0,Sales staff,4.0,2,2,MONDAY,16,0,0,0,0,1,1,Self-employed,,0.7106507151262413,0.6956219298394389,0.1031,0.1492,0.9846,0.7892,0.0147,0.0,0.2759,0.1667,0.2083,0.0377,0.0841,0.11,0.0,0.1524,0.105,0.1549,0.9846,0.7975,0.0149,0.0,0.2759,0.1667,0.2083,0.0385,0.0918,0.1146,0.0,0.1613,0.1041,0.1492,0.9846,0.792,0.0148,0.0,0.2759,0.1667,0.2083,0.0383,0.0855,0.112,0.0,0.1556,org spec account,block of flats,0.0865,"Stone, brick",No,2.0,2.0,2.0,2.0,-714.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +1975934,150247,Consumer loans,11192.04,103644.0,98869.5,13680.0,103644.0,SUNDAY,12,Y,1,0.1323752094532951,,,XAP,Approved,-1967,Cash through the bank,XAP,Other_A,Repeater,Computers,POS,XNA,Regional / Local,82,Consumer electronics,12.0,high,POS household with interest,365243.0,-1936.0,-1606.0,-1606.0,-1603.0,0.0,0,Cash loans,M,N,N,0,67500.0,225000.0,10944.0,225000.0,Unaccompanied,Working,Lower secondary,Single / not married,With parents,0.015221,-11687,-338,-5623.0,-4192,,1,1,1,1,1,0,Low-skill Laborers,1.0,2,2,SATURDAY,16,0,0,0,1,1,0,Restaurant,,0.29150195467526696,0.06380484447151785,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-2269.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2565821,160403,Consumer loans,4198.14,34155.0,39564.0,0.0,34155.0,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-219,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,middle,POS mobile with interest,365243.0,-161.0,169.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,202500.0,601470.0,29065.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.007305,-12576,-1364,-2207.0,-4794,,1,1,0,1,0,0,Sales staff,3.0,3,3,THURSDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.2921864727957453,0.6012563368737536,0.43473324875017305,0.2649,,0.9866,,0.0452,0.08,0.0345,0.3333,,,,0.1482,,0.0614,0.27,,0.9866,,0.0456,0.0806,0.0345,0.3333,,,,0.1544,,0.065,0.2675,,0.9866,,0.0454,0.08,0.0345,0.3333,,,,0.1508,,0.0627,,specific housing,0.1412,"Stone, brick",No,1.0,1.0,1.0,1.0,-1917.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2170380,232505,Cash loans,37515.825,1237500.0,1417185.0,,1237500.0,SUNDAY,11,Y,1,,,,Building a house or an annex,Refused,-10,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_action,Cash Street: low,,,,,,,1,Cash loans,F,Y,N,2,270000.0,723996.0,26959.5,585000.0,,State servant,Higher education,Married,House / apartment,0.006852,-10326,-404,-867.0,-498,9.0,1,1,0,1,0,0,,4.0,3,3,SUNDAY,8,0,0,0,0,1,1,Trade: type 6,0.07356699531449977,0.4451175966101917,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-547.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1359931,157884,Revolving loans,11250.0,225000.0,225000.0,0.0,225000.0,THURSDAY,11,Y,1,0.0,,,XAP,Approved,-397,XNA,XAP,,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),3,XNA,0.0,XNA,Card Street,-397.0,-357.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,90000.0,545040.0,20677.5,450000.0,Family,Pensioner,Incomplete higher,Married,House / apartment,0.008625,-21382,365243,-6552.0,-3983,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,XNA,,0.7266443392656633,0.722392890081304,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-823.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1476422,292959,Cash loans,15697.845,315000.0,374665.5,,315000.0,SUNDAY,9,Y,1,,,,XNA,Approved,-845,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),10,XNA,42.0,middle,Cash X-Sell: middle,365243.0,-815.0,415.0,-125.0,-117.0,1.0,0,Cash loans,F,N,Y,0,81000.0,350860.5,17010.0,283500.0,Unaccompanied,Pensioner,Higher education,Widow,House / apartment,0.025164,-23680,365243,-6905.0,-4571,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,15,0,0,0,0,0,0,XNA,0.6537718660125217,0.6087447391503361,0.6479768603302221,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1014.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1515882,209714,Consumer loans,12091.455,70875.0,67576.5,7087.5,70875.0,FRIDAY,19,Y,1,0.10338224335934072,,,XAP,Approved,-112,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Regional / Local,15,Auto technology,6.0,low_normal,POS other with interest,365243.0,-76.0,74.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,Y,1,189000.0,135000.0,6750.0,135000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.020246,-17283,-3237,-1174.0,-821,,1,1,0,1,0,1,,2.0,3,3,FRIDAY,8,0,0,0,0,0,0,Business Entity Type 3,,0.4052446468839319,0.5638350489514956,0.033,0.0798,0.9747,0.6532,0.0126,0.0,0.1379,0.1667,0.2083,0.0558,,0.051,,0.0887,0.0336,0.0828,0.9747,0.6668,0.0127,0.0,0.1379,0.1667,0.2083,0.0571,,0.0532,,0.094,0.0333,0.0798,0.9747,0.6578,0.0127,0.0,0.1379,0.1667,0.2083,0.0568,,0.0519,,0.0906,reg oper account,block of flats,0.0663,"Stone, brick",No,0.0,0.0,0.0,0.0,-963.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1232318,381894,Consumer loans,10269.45,45949.5,38052.0,9193.5,45949.5,THURSDAY,17,Y,1,0.21192615746954246,,,XAP,Approved,-839,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,30,Connectivity,4.0,middle,POS mobile without interest,365243.0,-808.0,-718.0,-718.0,-708.0,0.0,0,Cash loans,F,N,Y,0,171000.0,1205896.5,35388.0,1053000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00496,-11077,-880,-5227.0,-1343,,1,1,0,1,0,0,Realty agents,2.0,2,2,WEDNESDAY,13,0,0,0,1,1,0,Self-employed,0.3890078813153375,0.109351937332948,0.4938628816996244,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1984661,446596,Consumer loans,11301.03,95220.0,105273.0,0.0,95220.0,THURSDAY,15,Y,1,0.0,,,XAP,Approved,-251,Cash through the bank,XAP,Unaccompanied,New,Jewelry,POS,XNA,Country-wide,20,Jewelry,12.0,middle,POS other with interest,365243.0,-221.0,109.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,90000.0,544491.0,21226.5,454500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.031329,-11958,-430,-1064.0,-1072,,1,1,0,1,0,0,Core staff,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Business Entity Type 1,0.334017120334764,0.5869882890694587,0.06252447329197086,0.1021,0.0931,0.9901,0.8640000000000001,0.0186,0.0,0.2414,0.1667,0.2083,0.0699,0.079,0.0524,0.0193,0.0232,0.104,0.0966,0.9901,0.8693,0.0188,0.0,0.2414,0.1667,0.2083,0.0715,0.0863,0.0546,0.0195,0.0246,0.1031,0.0931,0.9901,0.8658,0.0187,0.0,0.2414,0.1667,0.2083,0.0711,0.0804,0.0534,0.0194,0.0237,reg oper account,block of flats,0.0713,Panel,No,2.0,0.0,2.0,0.0,-251.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1235491,109417,Consumer loans,1998.72,17316.0,17127.0,1732.5,17316.0,WEDNESDAY,10,Y,1,0.1000477213075638,,,XAP,Approved,-2823,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,low_normal,POS mobile with interest,365243.0,-2792.0,-2462.0,-2462.0,-2455.0,1.0,0,Cash loans,F,N,Y,2,67500.0,283419.0,13914.0,234000.0,Children,Working,Secondary / secondary special,Civil marriage,House / apartment,0.007120000000000001,-11911,-5265,-477.0,-4243,,1,1,1,1,1,0,Cooking staff,4.0,2,2,FRIDAY,12,0,0,0,0,0,0,Medicine,,0.16219210595922867,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-220.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1437681,451364,Consumer loans,7465.23,62955.0,62262.0,6300.0,62955.0,SATURDAY,13,Y,1,0.10007398744600113,,,XAP,Approved,-1665,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,20,Connectivity,12.0,high,POS mobile with interest,365243.0,-1615.0,-1285.0,-1525.0,-1517.0,0.0,0,Revolving loans,M,Y,Y,0,360000.0,540000.0,27000.0,540000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.020713,-14941,-2903,-2838.0,-3759,12.0,1,1,0,1,0,0,Managers,2.0,3,2,FRIDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.6385782901458846,0.2263473957097693,0.0381,0.0427,0.9737,0.6396,0.0103,0.0,0.069,0.1667,0.2083,0.0163,0.0286,0.026,0.0116,0.0175,0.0389,0.0443,0.9737,0.6537,0.0104,0.0,0.069,0.1667,0.2083,0.0167,0.0312,0.0271,0.0117,0.0185,0.0385,0.0427,0.9737,0.6444,0.0104,0.0,0.069,0.1667,0.2083,0.0166,0.0291,0.0265,0.0116,0.0178,reg oper account,block of flats,0.0299,"Stone, brick",No,0.0,0.0,0.0,0.0,-1665.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1240583,178532,Consumer loans,20775.06,104085.0,111640.5,0.0,104085.0,FRIDAY,15,Y,1,0.0,,,XAP,Approved,-130,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,144,Consumer electronics,6.0,middle,POS household with interest,365243.0,-100.0,50.0,-40.0,-37.0,1.0,0,Cash loans,F,N,Y,3,234000.0,579942.0,45949.5,495000.0,Family,State servant,Secondary / secondary special,Married,House / apartment,0.00496,-14244,-1512,-3427.0,-4695,,1,1,0,1,0,0,Medicine staff,5.0,2,2,TUESDAY,16,0,0,0,0,0,0,Medicine,0.4960936249652096,0.3995077116732952,,0.0268,,0.9513,,,,0.069,0.0417,,,,0.0137,,,0.0273,,0.9513,,,,0.069,0.0417,,,,0.0143,,,0.0271,,0.9513,,,,0.069,0.0417,,,,0.014,,,,block of flats,0.0181,,No,2.0,0.0,2.0,0.0,-196.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2001301,327161,Consumer loans,4028.265,24030.0,21078.0,4500.0,24030.0,THURSDAY,12,Y,1,0.19160642313351667,,,XAP,Approved,-145,Cash through the bank,XAP,Family,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,300,Consumer electronics,6.0,middle,POS household with interest,365243.0,-115.0,35.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,0,112500.0,441000.0,24052.5,441000.0,Family,Working,Secondary / secondary special,Married,Rented apartment,0.014519999999999996,-8423,-604,-2224.0,-1107,,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,8,0,0,0,0,1,1,Transport: type 4,,0.5744821112047114,0.5495965024956946,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-406.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2238579,266431,Consumer loans,3731.67,19417.5,18301.5,1980.0,19417.5,SATURDAY,9,Y,1,0.10632349678278234,,,XAP,Approved,-1615,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,20,Connectivity,6.0,high,POS mobile with interest,365243.0,-1581.0,-1431.0,-1431.0,-1425.0,0.0,0,Cash loans,F,N,N,0,112500.0,526491.0,19039.5,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018634,-22997,365243,-12796.0,-4650,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,XNA,,0.5325548615788461,0.6940926425266661,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1890713,156884,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,15,Y,1,,,,XAP,Approved,-306,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,-82.0,0.0,0,Cash loans,M,N,Y,0,360000.0,971280.0,51745.5,900000.0,"Spouse, partner",Commercial associate,Higher education,Married,House / apartment,0.04622,-18097,-4962,-494.0,-1623,,1,1,0,1,0,0,Laborers,2.0,1,1,MONDAY,14,0,1,1,0,0,0,Business Entity Type 3,0.7404784734046318,0.4399172140283413,0.41534714488434,0.2928,0.2765,0.9871,,,0.32,0.2759,0.3333,,,,0.2909,,0.0029,0.2983,0.287,0.9871,,,0.3222,0.2759,0.3333,,,,0.3031,,0.0031,0.2956,0.2765,0.9871,,,0.32,0.2759,0.3333,,,,0.2961,,0.003,,block of flats,0.3036,Panel,No,1.0,0.0,0.0,0.0,-1588.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2671010,116768,Consumer loans,3453.66,18220.5,17208.0,1822.5,18220.5,TUESDAY,7,Y,1,0.1042993185580085,,,XAP,Approved,-2583,Cash through the bank,XAP,Children,New,Mobile,POS,XNA,Regional / Local,15,Connectivity,6.0,high,POS mobile with interest,365243.0,-2552.0,-2402.0,-2402.0,-2396.0,1.0,0,Cash loans,F,N,N,0,112500.0,247275.0,17716.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Separated,Municipal apartment,0.031329,-14372,-1267,-7448.0,-4148,,1,1,1,1,1,0,,1.0,2,2,TUESDAY,8,0,0,0,0,0,0,Medicine,,0.41308958609526863,0.5567274263630174,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,4.0,0.0,4.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1653299,393504,Consumer loans,11369.745,67495.5,63954.0,6750.0,67495.5,MONDAY,8,Y,1,0.1039738011479356,,,XAP,Approved,-220,Cash through the bank,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Country-wide,1450,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-189.0,-39.0,-39.0,-32.0,0.0,0,Cash loans,M,N,N,0,90000.0,545040.0,35487.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.018029,-19131,-340,-2683.0,-2201,,1,1,0,1,0,0,Laborers,2.0,3,3,THURSDAY,7,0,0,0,1,1,1,Industry: type 3,,0.4887802306234124,0.7295666907060153,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-220.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2540432,125103,Consumer loans,,61380.0,61380.0,0.0,61380.0,WEDNESDAY,16,Y,1,0.0,,,XAP,Refused,-512,Cash through the bank,SCO,,Repeater,Mobile,XNA,XNA,Country-wide,34,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,M,N,Y,0,292500.0,1229944.5,36090.0,963000.0,Family,Working,Higher education,Married,House / apartment,0.030755,-14349,-926,-8162.0,-274,,1,1,1,1,1,1,,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,Business Entity Type 2,,0.6142358680790774,0.1455428133497032,0.2268,0.1591,0.9896,0.8572,0.147,0.24,0.2069,0.375,,0.0427,0.1849,0.1504,0.0,0.0,0.2311,0.1651,0.9896,0.8628,0.1484,0.2417,0.2069,0.375,,0.0437,0.202,0.1567,0.0,0.0,0.229,0.1591,0.9896,0.8591,0.1479,0.24,0.2069,0.375,,0.0435,0.1881,0.1531,0.0,0.0,,block of flats,0.1987,Panel,No,3.0,1.0,3.0,1.0,-125.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1395480,207670,Cash loans,22861.17,184500.0,221827.5,,184500.0,SATURDAY,9,Y,1,,,,XNA,Approved,-324,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,157500.0,966555.0,51498.0,913500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.04622,-16194,-1516,-8210.0,-4833,,1,1,0,1,0,0,Accountants,1.0,1,1,MONDAY,11,0,1,1,0,0,0,Transport: type 2,,0.5929974129203066,0.4400578303966329,0.1206,0.1122,0.9886,0.8436,0.0,0.12,0.1034,0.3333,0.0,0.1136,0.0983,0.1173,0.0,0.1805,0.1229,0.1164,0.9886,0.8497,0.0,0.1208,0.1034,0.3333,0.0,0.1162,0.1074,0.1222,0.0,0.1911,0.1218,0.1122,0.9886,0.8457,0.0,0.12,0.1034,0.3333,0.0,0.1156,0.1,0.1194,0.0,0.1843,org spec account,block of flats,0.1315,"Stone, brick",No,1.0,1.0,1.0,1.0,-1495.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2139049,223656,Consumer loans,2815.74,62433.36,62433.0,0.36,62433.36,THURSDAY,14,Y,1,6.279859473728904e-06,,,XAP,Approved,-1498,Cash through the bank,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Stone,300,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1467.0,-777.0,-807.0,-802.0,0.0,0,Cash loans,F,N,Y,1,234000.0,459000.0,25627.5,459000.0,Family,Working,Higher education,Married,House / apartment,0.00733,-10945,-1085,-8731.0,-2225,,1,1,1,1,0,0,Core staff,3.0,2,2,THURSDAY,18,0,0,0,0,1,1,Self-employed,0.5249470778486471,0.6361016299112368,0.5334816299804352,0.0082,,0.9747,,,,0.069,0.0417,,,,0.0077,,,0.0084,,0.9747,,,,0.069,0.0417,,,,0.0081,,,0.0083,,0.9747,,,,0.069,0.0417,,,,0.0079,,,,block of flats,0.0069,"Stone, brick",No,0.0,0.0,0.0,0.0,-1498.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2101406,325572,Consumer loans,3642.12,45109.89,36085.5,9024.39,45109.89,FRIDAY,19,Y,1,0.21787641488575787,0.1891363481808909,0.8350951374207188,XAP,Approved,-335,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,25,Connectivity,12.0,middle,POS mobile with interest,365243.0,-298.0,32.0,-268.0,-263.0,0.0,0,Cash loans,M,Y,Y,2,225000.0,486000.0,36468.0,486000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-15508,-1953,-1557.0,-4768,3.0,1,1,0,1,0,0,Drivers,4.0,2,2,THURSDAY,15,0,0,0,0,0,0,Self-employed,,0.6824954213846459,0.4489622731076524,0.0928,0.1126,0.9871,,,0.0,0.2069,0.1667,,0.0556,,0.0961,,0.0,0.0945,0.1169,0.9871,,,0.0,0.2069,0.1667,,0.0569,,0.1001,,0.0,0.0937,0.1126,0.9871,,,0.0,0.2069,0.1667,,0.0566,,0.0978,,0.0,,block of flats,0.0756,Panel,No,0.0,0.0,0.0,0.0,-335.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1110967,342330,Consumer loans,13297.86,103680.0,77044.5,31104.0,103680.0,TUESDAY,16,Y,1,0.31322749401391264,,,XAP,Approved,-1109,Cash through the bank,XAP,Unaccompanied,New,Jewelry,POS,XNA,Stone,5,Industry,7.0,high,POS other with interest,365243.0,-1076.0,-896.0,-896.0,-894.0,0.0,0,Cash loans,F,N,N,2,234000.0,855882.0,31846.5,765000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.01885,-10648,-1907,-1897.0,-2934,,1,1,0,1,0,0,Private service staff,4.0,2,2,MONDAY,15,0,0,0,0,0,0,Self-employed,0.2667843860464642,0.02016372773193336,0.3233112448967859,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1109.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2353557,432209,Revolving loans,22500.0,0.0,450000.0,,,SUNDAY,21,Y,1,,,,XAP,Approved,-981,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-871.0,-835.0,365243.0,-347.0,365243.0,0.0,0,Cash loans,F,N,Y,0,157500.0,263686.5,31423.5,238500.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-12505,-1476,-6607.0,-1230,,1,1,0,1,0,0,Sales staff,2.0,1,1,MONDAY,14,0,0,0,0,1,1,Business Entity Type 3,0.5115606300495702,0.7608984851733035,0.6706517530862718,0.0402,0.0982,0.9717,,,0.0,0.1034,0.125,,0.0,,0.063,,0.0,0.041,0.102,0.9717,,,0.0,0.1034,0.125,,0.0,,0.0656,,0.0,0.0406,0.0982,0.9717,,,0.0,0.1034,0.125,,0.0,,0.0641,,0.0,,block of flats,0.0495,"Stone, brick",No,1.0,1.0,1.0,1.0,-1157.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2077290,307126,Consumer loans,8356.23,165766.5,184504.5,0.0,165766.5,MONDAY,14,Y,1,0.0,,,XAP,Approved,-775,Cash through the bank,XAP,"Spouse, partner",New,Computers,POS,XNA,Country-wide,1552,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-744.0,-54.0,-54.0,-48.0,0.0,1,Cash loans,F,N,N,0,67500.0,227520.0,11196.0,180000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.0105,-10928,-947,-4525.0,-1416,,1,1,0,1,1,0,Core staff,2.0,3,3,SATURDAY,12,0,0,0,0,1,1,Self-employed,,0.2936790399299679,0.5656079814115492,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-775.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1477162,412198,Cash loans,26126.865,337500.0,384277.5,,337500.0,MONDAY,18,Y,1,,,,Repairs,Refused,-528,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,high,Cash Street: high,,,,,,,0,Cash loans,M,N,N,1,292500.0,900000.0,29745.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-13742,-626,-7552.0,-2683,,1,1,0,1,1,1,Managers,3.0,1,1,WEDNESDAY,15,0,0,0,0,0,0,Other,0.35623143652444056,0.7301441949777153,0.28812959991785075,0.2206,0.1136,0.9821,0.7552,0.0,0.24,0.2069,0.3333,0.0,0.1111,0.1799,0.2069,0.0039,0.1199,0.2248,0.1179,0.9821,0.7648,0.0,0.2417,0.2069,0.3333,0.0,0.1136,0.1965,0.2156,0.0039,0.127,0.2228,0.1136,0.9821,0.7585,0.0,0.24,0.2069,0.3333,0.0,0.113,0.183,0.2106,0.0039,0.1224,reg oper account,block of flats,0.2094,Panel,No,0.0,0.0,0.0,0.0,-2398.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2581781,399738,Cash loans,23960.655,540000.0,604152.0,,540000.0,WEDNESDAY,12,Y,1,,,,XNA,Approved,-903,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Country-wide,52,Connectivity,36.0,low_normal,Cash X-Sell: low,365243.0,-873.0,177.0,-573.0,-569.0,1.0,0,Cash loans,F,N,Y,0,81000.0,714915.0,28480.5,639000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.035792000000000004,-22385,365243,-9480.0,-4058,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,XNA,,0.7030567197257127,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,0.0,8.0,0.0,-1505.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2331627,130092,Consumer loans,17194.05,204210.0,240331.5,0.0,204210.0,MONDAY,16,Y,1,0.0,,,XAP,Approved,-1548,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,2000,Consumer electronics,24.0,high,POS household with interest,365243.0,-1517.0,-827.0,-827.0,-814.0,0.0,0,Cash loans,F,Y,Y,0,126000.0,679500.0,26946.0,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-14609,-2074,-3424.0,-3900,24.0,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,16,0,0,0,0,0,0,Self-employed,,0.7693973280885477,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,0.0,-1816.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1217958,235232,Consumer loans,6633.63,72624.87,65362.5,7262.37,72624.87,FRIDAY,12,Y,1,0.10890733636362508,0.14244021307945146,0.6379492600422833,XAP,Approved,-499,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,104,Connectivity,12.0,middle,POS mobile with interest,365243.0,-464.0,-134.0,-134.0,-126.0,0.0,0,Cash loans,F,Y,N,0,90000.0,485640.0,38938.5,450000.0,Unaccompanied,Commercial associate,Incomplete higher,Single / not married,House / apartment,0.035792000000000004,-12558,-173,-6658.0,-3826,4.0,1,1,1,1,0,0,Sales staff,1.0,2,2,SATURDAY,18,0,1,1,0,1,1,Business Entity Type 3,0.5311350206526931,0.7207986141988927,,0.0495,,0.9906,,,0.0,0.1379,0.125,,0.0356,,0.0449,,0.0,0.0504,,0.9906,,,0.0,0.1379,0.125,,0.0364,,0.0468,,0.0,0.05,,0.9906,,,0.0,0.1379,0.125,,0.0362,,0.0457,,0.0,,block of flats,0.0353,Panel,No,0.0,0.0,0.0,0.0,-499.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1674961,447625,Revolving loans,22500.0,0.0,450000.0,,,MONDAY,11,Y,1,,,,XAP,Approved,-836,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,20,Connectivity,0.0,XNA,Card X-Sell,-825.0,-788.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,247500.0,1209370.5,43569.0,1044000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007305,-16081,-1917,-622.0,-632,10.0,1,1,0,1,0,0,Drivers,2.0,3,3,THURSDAY,12,0,0,0,0,0,0,Transport: type 4,0.5167430119490553,0.5096005720773105,0.046951022396856334,0.1309,0.0487,0.9881,0.8368,0.0058,0.04,0.0345,0.3333,0.375,0.0224,0.1059,0.055,0.0039,0.0194,0.1334,0.0505,0.9881,0.8432,0.0059,0.0403,0.0345,0.3333,0.375,0.0229,0.1157,0.0573,0.0039,0.0206,0.1322,0.0487,0.9881,0.8390000000000001,0.0058,0.04,0.0345,0.3333,0.375,0.0228,0.1077,0.056,0.0039,0.0199,reg oper account,block of flats,0.0475,"Stone, brick",No,0.0,0.0,0.0,0.0,-1730.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1887884,283531,Cash loans,30319.74,585000.0,855765.0,,585000.0,TUESDAY,13,Y,1,,,,XNA,Approved,-539,XNA,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,Y,N,0,202500.0,675000.0,21775.5,675000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.019688999999999998,-9902,-1106,-620.0,-854,7.0,1,1,1,1,1,0,High skill tech staff,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Government,0.3167280477621666,0.4819580309250618,0.2079641743053816,0.0619,,0.9776,0.6940000000000001,,0.0,0.1379,0.1667,0.2083,,0.0504,,0.0,0.0,0.063,,0.9777,0.706,,0.0,0.1379,0.1667,0.2083,,0.0551,,0.0,0.0,0.0625,,0.9776,0.6981,,0.0,0.1379,0.1667,0.2083,,0.0513,,0.0,0.0,org spec account,block of flats,0.0424,Panel,No,0.0,0.0,0.0,0.0,-1623.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2474896,428617,Consumer loans,3397.095,26181.0,25465.5,2655.0,26181.0,TUESDAY,10,Y,1,0.10282663407963452,,,XAP,Approved,-2443,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,86,Connectivity,10.0,low_normal,POS mobile with interest,365243.0,-2412.0,-2142.0,-2142.0,-2137.0,1.0,0,Cash loans,F,N,Y,0,292500.0,1190434.5,38533.5,1039500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.006852,-18762,-3006,-8350.0,-2316,,1,1,0,1,0,1,,2.0,3,3,TUESDAY,8,0,0,0,0,0,0,Business Entity Type 3,0.6153270928962181,0.2380396640767785,0.6195277080511546,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2342169,156103,Consumer loans,16240.05,217705.5,245722.5,0.0,217705.5,FRIDAY,11,Y,1,0.0,,,XAP,Approved,-462,Cash through the bank,XAP,,New,Computers,POS,XNA,Regional / Local,149,Consumer electronics,18.0,low_normal,POS household with interest,365243.0,-431.0,79.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,1,180000.0,646920.0,20997.0,540000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00702,-16115,-6669,-8033.0,-4696,38.0,1,1,1,1,0,0,,3.0,2,2,FRIDAY,9,0,0,0,0,1,1,Business Entity Type 2,,0.423747801525798,0.4884551844437485,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-462.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2001408,349495,Consumer loans,7401.33,39042.0,36877.5,3906.0,39042.0,TUESDAY,12,Y,1,0.10430662132747537,,,XAP,Approved,-2307,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,75,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2246.0,-2096.0,-2126.0,-2120.0,1.0,0,Cash loans,M,Y,Y,0,202500.0,225000.0,10620.0,225000.0,Unaccompanied,Working,Higher education,Single / not married,Office apartment,0.026392000000000002,-10015,-455,-4770.0,-2689,1.0,1,1,0,1,0,0,Drivers,1.0,2,2,SATURDAY,12,0,0,0,0,1,1,Business Entity Type 3,0.4147940693543055,0.6728135353879603,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-325.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2297175,121070,Consumer loans,6276.645,96984.0,118881.0,0.0,96984.0,TUESDAY,14,Y,1,0.0,,,XAP,Refused,-1444,XNA,LIMIT,Unaccompanied,Refreshed,Audio/Video,POS,XNA,Stone,467,Consumer electronics,24.0,low_normal,POS household with interest,,,,,,,1,Cash loans,F,N,Y,0,85500.0,270000.0,21460.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.026392000000000002,-11593,-1623,-407.0,-4150,,1,1,1,1,1,0,Laborers,1.0,2,2,THURSDAY,14,0,0,0,0,0,0,Construction,0.3856160326312455,0.4398471718113469,0.6722428897082422,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2199027,127058,Revolving loans,22500.0,0.0,450000.0,,,MONDAY,13,Y,1,,,,XAP,Approved,-1003,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-1002.0,-957.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,2,135000.0,315000.0,11875.5,315000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.030755,-12956,-3161,-1282.0,-4032,,1,1,1,1,0,0,High skill tech staff,4.0,2,2,TUESDAY,9,0,0,0,0,1,1,Business Entity Type 3,,0.6537308768023133,0.7001838506835805,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1392.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1484031,184232,Revolving loans,2250.0,0.0,45000.0,,,FRIDAY,16,Y,1,,,,XAP,Refused,-2177,XNA,SCO,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,Y,Y,2,90000.0,598486.5,21496.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-13450,-2151,-1996.0,-4462,14.0,1,1,1,1,0,0,Laborers,4.0,2,2,FRIDAY,8,0,0,0,0,0,0,Self-employed,0.4176313331821613,0.3667868984006194,0.4722533429586386,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1995.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1973563,424983,Consumer loans,2455.245,24556.5,22099.5,2457.0,24556.5,WEDNESDAY,12,Y,1,0.10896896396621514,,,XAP,Approved,-2793,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Stone,197,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-2756.0,-2486.0,-2486.0,-2467.0,0.0,0,Revolving loans,F,N,N,0,112500.0,337500.0,16875.0,337500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018634,-16148,-1976,-4716.0,-4162,,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,12,0,0,0,1,1,0,Other,0.6548435445493547,0.6798311325946742,0.3296550543128238,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2793.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,3.0 +1472865,125418,Cash loans,113231.295,1129500.0,1162300.5,,1129500.0,SATURDAY,6,Y,1,,,,XNA,Refused,-307,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),12,XNA,12.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,N,0,135000.0,199467.0,8784.0,166500.0,Unaccompanied,Working,Higher education,Civil marriage,With parents,0.010032,-10792,-1072,-10335.0,-3358,20.0,1,1,0,1,0,0,Core staff,2.0,2,2,FRIDAY,6,0,0,0,0,0,0,School,0.2066919169035672,0.1946329587575477,0.22383131747015547,0.0082,0.0,0.9637,0.5036,0.0017,0.0,0.069,0.0417,0.0833,0.0513,0.0067,0.0117,0.0,0.0,0.0084,0.0,0.9638,0.523,0.0017,0.0,0.069,0.0417,0.0833,0.0225,0.0073,0.0118,0.0,0.0,0.0083,0.0,0.9637,0.5102,0.0017,0.0,0.069,0.0417,0.0833,0.0499,0.0068,0.0118,0.0,0.0,reg oper account,block of flats,0.0099,Wooden,No,1.0,0.0,1.0,0.0,-1075.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2415837,234728,Consumer loans,11758.86,55165.5,44131.5,11034.0,55165.5,TUESDAY,11,Y,1,0.2178359498401917,,,XAP,Approved,-958,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,41,Connectivity,4.0,middle,POS mobile without interest,365243.0,-912.0,-822.0,-822.0,-820.0,0.0,0,Cash loans,M,Y,Y,0,60750.0,127350.0,13639.5,112500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.0060079999999999995,-14211,-1228,-3958.0,-3989,64.0,1,1,0,1,1,0,Security staff,1.0,2,2,MONDAY,11,0,1,1,0,0,0,Security,0.6012566312331197,0.3444383380162341,0.7623356180684377,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-892.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1985409,243438,Consumer loans,21120.345,120789.0,114448.5,12082.5,120789.0,SATURDAY,12,Y,1,0.10399776267547801,,,XAP,Approved,-1140,Cash through the bank,XAP,Unaccompanied,New,Furniture,POS,XNA,Stone,150,Furniture,6.0,middle,POS industry with interest,365243.0,-1107.0,-957.0,-1047.0,-1041.0,0.0,0,Cash loans,F,N,Y,0,270000.0,584014.5,25852.5,522000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.030755,-22336,365243,-13194.0,-4252,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,11,0,0,0,1,0,0,XNA,0.5478916640538221,0.7526231942555667,0.6832688314232291,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1140.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1784691,305272,Consumer loans,11114.325,93555.0,93555.0,0.0,93555.0,SATURDAY,12,Y,1,0.0,,,XAP,Refused,-2173,Cash through the bank,SCO,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,400,Furniture,10.0,middle,POS industry with interest,,,,,,,0,Cash loans,F,Y,Y,0,81000.0,593010.0,19260.0,495000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.028663,-20477,365243,-7445.0,-3098,14.0,1,0,0,1,1,1,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,0.7973149326237514,0.6896633790563034,0.5954562029091491,0.0247,0.0,0.9896,0.8572,0.0458,0.0,0.069,0.0833,0.0833,0.0158,0.0202,0.0268,0.0,0.018000000000000002,0.0252,0.0,0.9896,0.8628,0.0462,0.0,0.069,0.0833,0.0833,0.0161,0.022,0.028,0.0,0.0191,0.025,0.0,0.9896,0.8591,0.0461,0.0,0.069,0.0833,0.0833,0.0161,0.0205,0.0273,0.0,0.0184,not specified,block of flats,0.025,Panel,No,0.0,0.0,0.0,0.0,-195.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2092471,123093,Cash loans,17533.845,184500.0,202765.5,0.0,184500.0,MONDAY,10,Y,1,0.0,,,Repairs,Approved,-1971,Cash through the bank,XAP,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,365243.0,-1939.0,-1429.0,-1429.0,-1405.0,0.0,1,Cash loans,F,N,N,0,67500.0,576000.0,31378.5,576000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-17714,-3055,-10124.0,-1250,,1,1,0,1,0,1,Cleaning staff,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.5758999256328118,0.0017074844650991176,,0.0897,0.0975,0.9861,,,0.0,0.2069,0.1667,,,,0.0464,,0.0342,0.0914,0.1012,0.9861,,,0.0,0.2069,0.1667,,,,0.0484,,0.0362,0.0906,0.0975,0.9861,,,0.0,0.2069,0.1667,,,,0.0472,,0.0349,,,0.0942,Mixed,No,6.0,0.0,6.0,0.0,-1582.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1065943,378526,Consumer loans,15751.215,82341.0,86688.0,0.0,82341.0,TUESDAY,8,Y,1,0.0,,,XAP,Refused,-793,Cash through the bank,HC,Unaccompanied,Repeater,Construction Materials,POS,XNA,Stone,15,Construction,6.0,middle,POS industry with interest,,,,,,,0,Cash loans,F,N,N,0,67500.0,337500.0,12852.0,337500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-21622,365243,-3950.0,-4438,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,XNA,,0.5529463331051101,0.7366226976503176,0.0021,,0.9851,,,0.0,,0.0,,,,0.0009,,,0.0021,,0.9851,,,0.0,,0.0,,,,0.001,,,0.0021,,0.9851,,,0.0,,0.0,,,,0.001,,,,block of flats,0.0012,"Stone, brick",No,0.0,0.0,0.0,0.0,-6.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2644689,258238,Revolving loans,6750.0,0.0,135000.0,,,MONDAY,9,Y,1,,,,XAP,Approved,-2565,XNA,XAP,,Repeater,XNA,Cards,x-sell,Stone,105,Furniture,0.0,XNA,Card Street,-2528.0,-2477.0,365243.0,-1260.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,157500.0,916470.0,26928.0,765000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-21001,-7924,-7542.0,-4472,23.0,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,13,0,0,0,0,1,1,Business Entity Type 3,,0.601177693902781,0.1168672659157136,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-595.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1794510,243535,Consumer loans,2619.9,24705.0,19435.5,6750.0,24705.0,FRIDAY,13,Y,1,0.28074177068849704,,,XAP,Approved,-1945,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,45,Connectivity,10.0,high,POS mobile with interest,365243.0,-1904.0,-1634.0,-1634.0,-1628.0,0.0,0,Cash loans,M,N,N,0,391500.0,1467612.0,54517.5,1350000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.031329,-16742,-8458,-2556.0,-287,,1,1,0,1,0,0,Managers,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Medicine,,0.6372448317832702,0.39277386060313396,0.0454,0.0374,0.9613,0.4696,0.0029,0.0,0.1379,0.1042,0.0208,0.002,0.037000000000000005,0.0415,0.0,0.0,0.0084,0.0,0.9598,0.4708,0.0023,0.0,0.069,0.0417,0.0,0.0,0.0073,0.0054,0.0,0.0,0.0458,0.0374,0.9613,0.4767,0.0029,0.0,0.1379,0.1042,0.0208,0.002,0.0376,0.0423,0.0,0.0,reg oper account,block of flats,0.006,Wooden,Yes,0.0,0.0,0.0,0.0,-1945.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,0.0 +2566890,368867,Revolving loans,2250.0,45000.0,45000.0,,45000.0,THURSDAY,13,Y,1,,,,XAP,Approved,-186,XNA,XAP,,Repeater,XNA,Cards,walk-in,Country-wide,5,Connectivity,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,211500.0,1035832.5,30415.5,904500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006670999999999999,-15700,-588,-4686.0,-3638,,1,1,1,1,0,0,,2.0,2,2,MONDAY,11,0,0,0,0,1,1,Self-employed,,0.3233408329903776,,0.0031,0.0059,0.9657,,,0.0,0.0345,0.0417,,0.0,,0.0013,,0.0,0.0032,0.0061,0.9657,,,0.0,0.0345,0.0417,,0.0,,0.0014,,0.0,0.0031,0.0059,0.9657,,,0.0,0.0345,0.0417,,0.0,,0.0013,,0.0,,block of flats,0.0014,"Stone, brick",No,0.0,0.0,0.0,0.0,-186.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2787265,425669,Cash loans,31156.92,450000.0,592560.0,,450000.0,THURSDAY,15,Y,1,,,,XNA,Refused,-127,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,Y,Y,0,189000.0,922500.0,29889.0,922500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-17606,-425,-1245.0,-1151,10.0,1,1,1,1,1,0,Laborers,2.0,2,2,FRIDAY,15,0,0,0,0,1,1,Other,,0.6891764210798433,0.3031463744186309,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-713.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1617109,206601,Consumer loans,,25146.0,25146.0,0.0,25146.0,THURSDAY,9,Y,1,0.0,,,XAP,Refused,-1692,Cash through the bank,LIMIT,Unaccompanied,Repeater,Mobile,XNA,XNA,Country-wide,94,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Revolving loans,F,N,N,0,128250.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.018029,-20185,-4408,-657.0,-2720,,1,1,0,1,0,0,Sales staff,1.0,3,2,TUESDAY,8,0,0,0,0,0,0,Self-employed,,0.326251772424907,0.7713615919194317,0.0732,0.0301,0.9871,0.8232,0.0229,0.04,0.0345,0.3333,0.375,0.0437,0.0597,0.0476,0.0,0.0,0.0746,0.0312,0.9871,0.8301,0.0231,0.0403,0.0345,0.3333,0.375,0.0447,0.0652,0.0496,0.0,0.0,0.0739,0.0301,0.9871,0.8256,0.0231,0.04,0.0345,0.3333,0.375,0.0445,0.0607,0.0484,0.0,0.0,reg oper account,block of flats,0.05,Panel,No,,,,,-1608.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2069173,294615,Consumer loans,1881.63,18630.0,18540.0,1863.0,18630.0,WEDNESDAY,8,Y,1,0.09944500140353686,,,XAP,Approved,-689,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,29,Connectivity,12.0,middle,POS mobile with interest,365243.0,-658.0,-328.0,-568.0,-566.0,0.0,0,Cash loans,F,N,N,0,130500.0,1298655.0,36463.5,1134000.0,Family,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.018029,-18829,-195,-3530.0,-2363,,1,1,0,1,0,0,Drivers,1.0,3,3,SATURDAY,10,0,0,0,0,1,1,Self-employed,,0.473321459633175,,0.033,0.0727,0.9767,,,0.0,0.069,0.125,,,,,,0.0315,0.0336,0.0755,0.9767,,,0.0,0.069,0.125,,,,,,0.0333,0.0333,0.0727,0.9767,,,0.0,0.069,0.125,,,,,,0.0322,,block of flats,0.0194,"Stone, brick",No,5.0,0.0,5.0,0.0,-1674.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2639935,364653,Cash loans,23834.43,315000.0,340573.5,,315000.0,MONDAY,12,Y,1,,,,XNA,Approved,-1107,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-1077.0,-567.0,-957.0,-954.0,1.0,0,Cash loans,F,N,Y,0,171000.0,657000.0,40324.5,657000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-21997,365243,-4201.0,-4226,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,XNA,,0.3310088622219809,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1721090,332262,Consumer loans,10117.935,38200.5,35514.0,3820.5,38200.5,THURSDAY,13,Y,1,0.10578173913947853,,,XAP,Approved,-2584,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,29,Connectivity,4.0,low_normal,POS mobile with interest,365243.0,-2552.0,-2462.0,-2462.0,-2455.0,1.0,0,Revolving loans,F,Y,Y,0,99000.0,337500.0,16875.0,337500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-10597,-871,-2124.0,-3275,18.0,1,1,0,1,1,0,High skill tech staff,2.0,3,3,FRIDAY,14,0,0,0,0,1,1,Government,0.09104659442418124,0.09208531242091406,0.24318648044201235,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1474.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,7.0 +1221639,174220,Consumer loans,11405.115,213246.0,204246.0,9000.0,213246.0,THURSDAY,16,Y,1,0.0459648395834772,,,XAP,Approved,-57,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,2400,Consumer electronics,24.0,low_normal,POS household with interest,,,,,,,0,Cash loans,M,N,Y,0,296316.0,675000.0,63112.5,675000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,With parents,0.01885,-9184,-188,-6317.0,-1852,,1,1,1,1,0,0,Sales staff,2.0,2,2,FRIDAY,17,1,1,0,1,1,0,Trade: type 2,,0.4333333382802097,0.22888341670067305,0.1474,0.065,0.9901,0.8640000000000001,0.0231,0.08,0.069,0.3333,0.375,0.042,0.1202,0.105,0.0,0.0,0.1502,0.0675,0.9901,0.8693,0.0233,0.0806,0.069,0.3333,0.375,0.043,0.1313,0.1094,0.0,0.0,0.1489,0.065,0.9901,0.8658,0.0232,0.08,0.069,0.3333,0.375,0.0428,0.1223,0.1069,0.0,0.0,reg oper account,block of flats,0.0952,Panel,No,9.0,0.0,9.0,0.0,-170.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1394480,279761,Consumer loans,3855.42,85581.0,85581.0,0.0,85581.0,THURSDAY,11,Y,1,0.0,,,XAP,Approved,-246,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Regional / Local,500,Furniture,24.0,low_action,POS industry without interest,365243.0,-216.0,474.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,112500.0,101880.0,11101.5,90000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.011703,-14778,-1177,-6528.0,-4490,,1,1,0,1,0,0,Medicine staff,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,Agriculture,,0.5659130796679341,0.7194907850918436,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-321.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,3.0,3.0 +1967202,164886,Revolving loans,2250.0,45000.0,45000.0,,45000.0,THURSDAY,10,Y,1,,,,XAP,Refused,-226,XNA,HC,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,N,Y,0,135000.0,290353.5,21258.0,220500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010147,-13158,-1112,-6983.0,-5086,,1,1,0,1,0,0,Core staff,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Construction,0.5504150233646138,0.0973934454700272,0.22888341670067305,0.2216,0.1745,0.9816,,,0.24,0.2069,0.3333,,0.1104,,0.2615,,,0.2258,0.1811,0.9816,,,0.2417,0.2069,0.3333,,0.113,,0.2724,,,0.2238,0.1745,0.9816,,,0.24,0.2069,0.3333,,0.1124,,0.2662,,,,block of flats,0.2057,Panel,No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1835842,363236,Consumer loans,15223.5,140643.45,137025.0,14062.95,140643.45,THURSDAY,14,Y,1,0.10137030120535752,,,XAP,Approved,-2771,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Stone,304,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-2739.0,-2469.0,-2469.0,-2453.0,1.0,0,Cash loans,F,N,N,1,135000.0,760225.5,32206.5,679500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.031329,-14683,-3292,-6434.0,-3964,,1,1,0,1,0,0,High skill tech staff,3.0,2,2,WEDNESDAY,13,0,0,0,1,1,0,Industry: type 5,0.5443881748138216,0.7160788522636613,0.6817058776720116,0.1031,0.1315,0.9771,0.6872,0.0113,0.0,0.2069,0.1667,0.2083,0.0494,0.0841,0.0909,0.0,0.0,0.105,0.1365,0.9772,0.6994,0.0114,0.0,0.2069,0.1667,0.2083,0.0505,0.0918,0.0947,0.0,0.0,0.1041,0.1315,0.9771,0.6914,0.0114,0.0,0.2069,0.1667,0.2083,0.0503,0.0855,0.0926,0.0,0.0,reg oper account,block of flats,0.0777,"Stone, brick",No,5.0,0.0,5.0,0.0,-2414.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1041019,113570,Revolving loans,2250.0,45000.0,45000.0,,45000.0,MONDAY,4,Y,1,,,,XAP,Refused,-336,XNA,HC,,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),3,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,Y,Y,0,135000.0,474183.0,23193.0,391500.0,Other_B,Working,Secondary / secondary special,Civil marriage,House / apartment,0.006305,-12032,-2254,-4695.0,-4320,2.0,1,1,0,1,0,0,Sales staff,2.0,3,3,MONDAY,4,0,0,0,1,1,0,Self-employed,0.2684562844619711,0.3463170865723626,0.4668640059537032,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,4.0,7.0,4.0,-705.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1488796,133790,Consumer loans,12351.06,107730.0,109156.5,9000.0,107730.0,TUESDAY,4,Y,1,0.08295623331613731,,,XAP,Approved,-863,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,high,POS mobile with interest,365243.0,-829.0,-499.0,-679.0,-676.0,0.0,0,Cash loans,F,N,Y,1,270000.0,628069.5,34200.0,499500.0,Children,State servant,Secondary / secondary special,Married,House / apartment,0.0038179999999999998,-13230,-2855,-1871.0,-2814,,1,1,1,1,0,0,,3.0,2,2,THURSDAY,5,0,0,0,0,0,0,Government,0.6613610952487512,0.6638513609346028,0.7238369900414456,0.0186,0.0539,0.9727,,,0.0,0.069,0.0833,,0.0416,,0.0206,,0.0014,0.0189,0.0559,0.9727,,,0.0,0.069,0.0833,,0.0426,,0.0215,,0.0015,0.0187,0.0539,0.9727,,,0.0,0.069,0.0833,,0.0423,,0.021,,0.0014,,block of flats,0.0162,Block,No,0.0,0.0,0.0,0.0,-863.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1536935,367019,Cash loans,14846.4,67500.0,78007.5,,67500.0,FRIDAY,12,Y,1,,,,Urgent needs,Approved,-237,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,middle,Cash Street: middle,365243.0,-207.0,-57.0,-57.0,-53.0,1.0,0,Cash loans,F,N,N,0,112500.0,239850.0,25960.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-10239,-712,-4847.0,-2915,,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,Industry: type 9,0.4338620725070073,0.5886837059456408,0.5531646987710016,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-237.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2461042,211246,Revolving loans,11250.0,225000.0,225000.0,,225000.0,SATURDAY,10,Y,1,,,,XAP,Refused,-603,XNA,HC,,Repeater,XNA,Cards,walk-in,Credit and cash offices,0,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,135000.0,157500.0,10656.0,157500.0,Unaccompanied,Commercial associate,Incomplete higher,Civil marriage,House / apartment,0.026392000000000002,-16284,-250,-5590.0,-4225,,1,1,0,1,1,0,Managers,2.0,2,2,SUNDAY,12,0,0,0,0,0,0,Security Ministries,,0.7224327700725479,,0.032,,0.9578,,,0.0,0.1034,0.125,,,,,,,0.0326,,0.9578,,,0.0,0.1034,0.125,,,,,,,0.0323,,0.9578,,,0.0,0.1034,0.125,,,,,,,,block of flats,0.0245,"Stone, brick",Yes,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2593250,130009,Cash loans,16118.37,180000.0,197820.0,0.0,180000.0,FRIDAY,10,Y,1,0.0,,,XNA,Approved,-2369,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,18.0,high,Cash Street: high,365243.0,-2339.0,-1829.0,-1829.0,-1821.0,1.0,0,Cash loans,M,N,N,0,81000.0,135000.0,13149.0,135000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.026392000000000002,-17704,365243,-7111.0,-1189,,1,0,0,1,1,0,,1.0,2,2,MONDAY,14,0,0,0,0,0,0,XNA,,0.53126993065287,0.5919766183185521,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-703.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2498621,274283,Consumer loans,37562.175,488205.0,390564.0,97641.0,488205.0,FRIDAY,18,Y,1,0.2178181818181818,,,XAP,Approved,-452,Cash through the bank,XAP,Unaccompanied,New,Clothing and Accessories,POS,XNA,Country-wide,10,Clothing,12.0,low_normal,POS industry with interest,365243.0,-421.0,-91.0,-121.0,-114.0,0.0,0,Revolving loans,M,Y,Y,0,270000.0,135000.0,6750.0,135000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.04622,-21482,-722,-6480.0,-4375,6.0,1,1,0,1,0,0,,2.0,1,1,TUESDAY,18,0,0,0,0,1,1,Other,,0.6370223826599463,0.6279908192952864,0.0887,,0.9886,,,0.08,0.0917,0.2917,,,,,,,0.0378,,0.9871,,,0.1208,0.1034,0.1667,,,,,,,0.1093,,0.9891,,,0.12,0.1034,0.3333,,,,,,,,block of flats,0.0515,Panel,No,0.0,0.0,0.0,0.0,-452.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,3.0 +1899935,453210,Consumer loans,4420.035,38970.0,37746.0,9000.0,38970.0,SATURDAY,12,Y,1,0.20968250078762207,,,XAP,Approved,-1674,Cash through the bank,XAP,,New,Photo / Cinema Equipment,POS,XNA,Country-wide,15,Connectivity,12.0,high,POS mobile with interest,365243.0,-1630.0,-1300.0,-1300.0,-1295.0,0.0,1,Cash loans,M,Y,Y,1,337500.0,781920.0,61906.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-14063,-685,-7578.0,-3651,13.0,1,1,0,1,1,0,Drivers,3.0,1,1,SUNDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.7275988906331544,0.5190973382084597,0.0622,0.069,0.9717,0.6124,0.0599,0.0264,0.0572,0.2221,0.2638,0.0373,0.049,0.0473,0.0077,0.0498,0.0515,0.0415,0.9682,0.5818,0.0373,0.0,0.069,0.1667,0.2083,0.0424,0.0432,0.0448,0.0,0.0,0.0656,0.0812,0.9692,0.584,0.0676,0.0,0.069,0.1667,0.2083,0.0422,0.0539,0.0459,0.0078,0.0598,reg oper account,block of flats,0.0422,"Stone, brick",No,3.0,1.0,3.0,0.0,-1674.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2397216,260971,Consumer loans,12924.9,114030.0,126072.0,0.0,114030.0,THURSDAY,11,Y,1,0.0,,,XAP,Approved,-943,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,300,Consumer electronics,12.0,middle,POS household with interest,365243.0,-912.0,-582.0,-582.0,-576.0,0.0,0,Cash loans,M,N,N,1,135000.0,474048.0,28773.0,360000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.01885,-8850,-339,-1175.0,-1539,,1,1,0,1,0,0,Laborers,3.0,2,2,TUESDAY,14,0,1,1,0,1,1,Industry: type 11,,0.2484437703899252,,0.001,,0.9737,,,0.0,0.069,0.0,,,,0.0045,,0.0,0.0011,,0.9732,,,0.0,0.069,0.0,,,,0.0012,,0.0,0.001,,0.9737,,,0.0,0.069,0.0,,,,0.0046,,0.0,,block of flats,0.0087,Wooden,No,2.0,1.0,2.0,1.0,-8.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1137725,155533,Consumer loans,3573.45,22810.5,29389.5,0.0,22810.5,SATURDAY,20,Y,1,0.0,,,XAP,Refused,-295,Cash through the bank,HC,,Repeater,Mobile,POS,XNA,Country-wide,27,Connectivity,12.0,high,POS mobile with interest,,,,,,,0,Cash loans,M,N,Y,0,202500.0,101880.0,12217.5,90000.0,Family,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.010643000000000001,-16194,-198,-1675.0,-1728,,1,1,0,1,0,0,Low-skill Laborers,1.0,2,2,SUNDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.30334772046546915,0.22046567884179208,0.3001077565791181,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-256.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2645719,248963,Consumer loans,14205.06,142065.0,127858.5,14206.5,142065.0,TUESDAY,18,Y,1,0.1089090909090909,,,XAP,Approved,-2654,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Stone,90,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-2623.0,-2353.0,-2353.0,-2341.0,0.0,0,Cash loans,F,N,Y,0,90000.0,247275.0,17716.5,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00702,-14942,-1800,-7049.0,-4762,,1,1,0,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Trade: type 3,0.8261895873491159,,0.29708661164720285,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2654.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1762279,177408,Consumer loans,2181.24,22455.0,17262.0,6750.0,22455.0,SUNDAY,11,Y,1,0.3061537413111625,,,XAP,Approved,-1493,Cash through the bank,XAP,Family,Refreshed,Mobile,POS,XNA,Country-wide,40,Connectivity,12.0,high,POS mobile with interest,365243.0,-1460.0,-1130.0,-1190.0,-1185.0,0.0,0,Cash loans,M,N,Y,2,180000.0,755190.0,30078.0,675000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.031329,-15314,-3907,-283.0,-4530,,1,1,0,1,0,0,Core staff,4.0,2,2,TUESDAY,9,0,0,0,0,1,1,Police,,0.3193682861871958,0.6690566947824041,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1701830,300623,Consumer loans,8200.98,37885.5,39888.0,0.0,37885.5,TUESDAY,14,Y,1,0.0,,,XAP,Approved,-1127,Cash through the bank,XAP,Family,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,36,Connectivity,6.0,high,POS mobile with interest,365243.0,-1096.0,-946.0,-946.0,-744.0,0.0,0,Cash loans,M,Y,N,0,135000.0,161730.0,9900.0,135000.0,Other_A,Working,Lower secondary,Civil marriage,House / apartment,0.01885,-10445,-742,-958.0,-1935,24.0,1,1,1,1,1,0,Laborers,2.0,2,2,TUESDAY,11,0,0,0,0,1,1,Construction,,0.2815605125657308,0.3910549766342248,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2213862,447171,Cash loans,31433.04,562500.0,607050.0,,562500.0,WEDNESDAY,13,Y,1,,,,XNA,Refused,-265,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,108000.0,253737.0,25227.0,229500.0,Unaccompanied,Pensioner,Higher education,Separated,House / apartment,0.006670999999999999,-23044,365243,-769.0,-3920,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,15,0,0,0,0,0,0,XNA,0.8750314483702344,0.7362355655686614,0.4507472818545589,0.1526,0.0,0.9767,0.6804,0.0063,0.0,0.069,0.1667,0.0417,0.0705,0.121,0.0452,0.0154,0.0493,0.1555,0.0,0.9767,0.6929,0.0064,0.0,0.069,0.1667,0.0417,0.0721,0.1322,0.0471,0.0156,0.0522,0.1541,0.0,0.9767,0.6847,0.0063,0.0,0.069,0.1667,0.0417,0.0717,0.1231,0.0461,0.0155,0.0504,,block of flats,0.0617,"Stone, brick",No,0.0,0.0,0.0,0.0,-1750.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +1557531,307990,Consumer loans,5103.405,28350.0,25029.0,4500.0,28350.0,FRIDAY,12,Y,1,0.16596935524091874,,,XAP,Approved,-1759,Cash through the bank,XAP,Unaccompanied,Repeater,Clothing and Accessories,POS,XNA,Country-wide,140,Consumer electronics,6.0,high,POS household with interest,365243.0,-1727.0,-1577.0,-1577.0,-1568.0,0.0,0,Cash loans,F,N,Y,0,90000.0,720000.0,21181.5,720000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-15080,-1125,-2504.0,-683,,1,1,1,1,0,0,Sales staff,2.0,2,2,SUNDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.16678510975516886,0.5422963337453443,0.6144143775673561,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1759.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +1098931,203066,Consumer loans,,20245.5,20245.5,,20245.5,FRIDAY,14,Y,1,,,,XAP,Refused,-1066,Cash through the bank,XNA,Unaccompanied,Repeater,Computers,XNA,XNA,Country-wide,2400,Consumer electronics,,XNA,POS household with interest,,,,,,,0,Revolving loans,M,Y,Y,0,157500.0,382500.0,19125.0,382500.0,Family,Working,Higher education,Married,House / apartment,0.031329,-23572,-1439,-2791.0,-4902,3.0,1,1,1,1,1,0,Laborers,2.0,2,2,SUNDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.8734414738592394,0.4567468474206666,0.7981372313187245,0.134,0.1466,0.9856,0.8028,0.0203,0.0,0.2759,0.1667,0.2083,0.0123,0.1067,0.1383,0.0116,0.0193,0.1366,0.1522,0.9856,0.8105,0.0204,0.0,0.2759,0.1667,0.2083,0.0125,0.1166,0.1441,0.0117,0.0204,0.1353,0.1466,0.9856,0.8054,0.0204,0.0,0.2759,0.1667,0.2083,0.0125,0.1086,0.1408,0.0116,0.0197,reg oper spec account,block of flats,0.124,Panel,No,0.0,0.0,0.0,0.0,-1770.0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,1.0,2.0 +1156800,133233,Cash loans,28786.5,450000.0,450000.0,,450000.0,THURSDAY,15,Y,1,,,,XNA,Approved,-460,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,40,Connectivity,24.0,middle,Cash X-Sell: middle,365243.0,-430.0,260.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,90000.0,9693.0,90000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-17425,-5246,-3646.0,-875,3.0,1,1,1,1,1,0,Laborers,2.0,2,2,TUESDAY,10,0,0,0,0,1,1,Business Entity Type 3,,0.7230768992081007,0.7517237147741489,0.1608,,0.9945,,,0.04,0.2414,0.25,,,,0.202,,0.0091,0.1639,,0.9945,,,0.0403,0.2414,0.25,,,,0.2104,,0.0097,0.1624,,0.9945,,,0.04,0.2414,0.25,,,,0.2056,,0.0093,,block of flats,0.1608,"Stone, brick",No,0.0,0.0,0.0,0.0,-1743.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2188203,100078,Cash loans,32543.55,765000.0,765000.0,,765000.0,MONDAY,8,Y,1,,,,XNA,Refused,-22,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,180000.0,1035000.0,43983.0,1035000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.028663,-19550,-4856,-6836.0,-3084,21.0,1,1,0,1,0,0,Core staff,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,Government,0.7961611232881004,0.5172704004425673,0.4294236843421945,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1594.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2083537,435022,Consumer loans,6486.075,71995.5,71995.5,0.0,71995.5,SATURDAY,14,Y,1,0.0,,,XAP,Approved,-3,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Regional / Local,50,Consumer electronics,12.0,low_action,POS household without interest,365243.0,365243.0,360.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,140850.0,555273.0,21645.0,463500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00702,-10855,-321,-983.0,-991,,1,1,0,1,0,0,Sales staff,3.0,2,2,TUESDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.27824401784054925,0.4637925209318071,0.2721336844147212,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-356.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2660008,428504,Consumer loans,4853.835,28305.0,23805.0,4500.0,28305.0,FRIDAY,12,Y,1,0.1731464084405261,,,XAP,Approved,-1742,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,26,Connectivity,6.0,high,POS mobile with interest,365243.0,-1700.0,-1550.0,-1610.0,-1607.0,0.0,0,Cash loans,M,Y,Y,0,292500.0,1071909.0,34578.0,936000.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,House / apartment,0.032561,-22404,-10293,-5195.0,-4252,0.0,1,1,0,1,1,0,Drivers,1.0,1,1,THURSDAY,11,0,0,0,0,0,0,Electricity,,0.6568575834920057,0.34578480246959553,0.1216,0.1112,0.9776,0.6940000000000001,0.014,0.0,0.2069,0.1667,0.2083,0.0754,0.0992,0.1078,0.0,0.0,0.1239,0.1082,0.9777,0.706,0.0136,0.0,0.2069,0.1667,0.2083,0.0728,0.1084,0.1122,0.0,0.0,0.1228,0.1043,0.9776,0.6981,0.0136,0.0,0.2069,0.1667,0.2083,0.0743,0.1009,0.1097,0.0,0.0,reg oper account,block of flats,0.0921,Panel,No,1.0,0.0,1.0,0.0,-1001.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2424954,152480,Consumer loans,7650.63,76500.0,68850.0,7650.0,76500.0,WEDNESDAY,15,Y,1,0.1089090909090909,,,XAP,Approved,-670,Cash through the bank,XAP,,New,Clothing and Accessories,POS,XNA,Regional / Local,86,Clothing,10.0,low_normal,POS industry with interest,365243.0,-639.0,-369.0,-429.0,-421.0,0.0,0,Cash loans,M,Y,Y,2,135000.0,755190.0,36459.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.019101,-13700,-3274,-691.0,-4946,8.0,1,1,0,1,0,0,Laborers,3.0,2,2,MONDAY,10,0,0,0,0,1,1,Medicine,,0.5443147604091407,0.5280927512030451,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-66.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1295253,432136,Consumer loans,4731.165,40275.0,26775.0,13500.0,40275.0,SUNDAY,16,Y,1,0.3650584052818688,,,XAP,Approved,-2916,Cash through the bank,XAP,,New,Mobile,POS,XNA,Stone,46,Connectivity,7.0,high,POS mobile with interest,365243.0,-2877.0,-2697.0,-2727.0,-2685.0,0.0,0,Cash loans,M,N,Y,0,135000.0,258709.5,25717.5,234000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009175,-17132,-1897,-3013.0,-677,,1,1,0,1,0,0,,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.7631706579086018,0.7490217048463391,0.0742,0.0569,0.9831,0.7688,0.0149,0.08,0.069,0.3333,0.0417,0.0441,0.0605,0.0777,0.0,0.0,0.0756,0.0591,0.9831,0.7779,0.015,0.0806,0.069,0.3333,0.0417,0.0451,0.0661,0.0809,0.0,0.0,0.0749,0.0569,0.9831,0.7719,0.0149,0.08,0.069,0.3333,0.0417,0.0449,0.0616,0.0791,0.0,0.0,reg oper spec account,block of flats,0.0611,Panel,No,4.0,0.0,4.0,0.0,-1718.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1775117,112969,Consumer loans,2179.215,17505.0,17505.0,0.0,17505.0,TUESDAY,15,Y,1,0.0,,,XAP,Approved,-558,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,35,Connectivity,12.0,high,POS mobile with interest,365243.0,-524.0,-194.0,-194.0,-189.0,0.0,1,Revolving loans,M,N,N,0,90000.0,157500.0,7875.0,157500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.030755,-13410,-729,-1755.0,-1768,,1,1,1,1,0,0,Laborers,1.0,2,2,SUNDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.2482861175489315,0.27233042145362546,0.4329616670974407,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-558.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1459321,171578,Consumer loans,4595.625,34155.0,33277.5,3415.5,34155.0,SATURDAY,7,Y,1,0.10137601177336276,,,XAP,Approved,-2145,Cash through the bank,XAP,Children,New,Mobile,POS,XNA,Stone,96,Connectivity,10.0,high,POS mobile with interest,365243.0,-2114.0,-1844.0,-1844.0,-1836.0,0.0,0,Cash loans,F,N,N,1,135000.0,640080.0,24129.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,Municipal apartment,0.0038179999999999998,-18850,-1467,-12947.0,-2384,,1,1,0,1,0,0,,3.0,2,2,TUESDAY,3,0,0,0,0,0,0,School,0.6564919696308161,0.5235958656954336,,,,0.9747,,,,,,,,,0.043,,,,,0.9747,,,,,,,,,0.0448,,,,,0.9747,,,,,,,,,0.0437,,,,,0.044,,No,0.0,0.0,0.0,0.0,-1935.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2736423,136535,Revolving loans,6750.0,0.0,135000.0,,,SATURDAY,16,Y,1,,,,XAP,Approved,-788,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-625.0,-595.0,365243.0,-139.0,-128.0,0.0,0,Cash loans,F,N,Y,2,112500.0,448056.0,21919.5,315000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.030755,-11622,-953,-2856.0,-465,,1,1,0,1,0,0,,4.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Self-employed,0.17190271505378873,0.5742468886994294,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1027165,180462,Consumer loans,4729.815,26955.0,23566.5,4500.0,26955.0,WEDNESDAY,16,Y,1,0.17461775037532612,,,XAP,Approved,-2915,XNA,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,105,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2884.0,-2734.0,-2734.0,-2659.0,1.0,0,Cash loans,F,Y,N,0,225000.0,495351.0,27657.0,459000.0,Unaccompanied,State servant,Higher education,Single / not married,Co-op apartment,0.030755,-12739,-2816,-4887.0,-4888,64.0,1,1,0,1,0,0,,1.0,2,2,SATURDAY,13,0,0,0,1,1,0,Government,0.5393455253041977,0.6760305990563302,0.5531646987710016,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2157.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,2.0 +1108407,455516,Consumer loans,18673.695,195804.0,221778.0,0.0,195804.0,FRIDAY,7,Y,1,0.0,,,XAP,Approved,-1767,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,2,Clothing,18.0,high,POS industry with interest,365243.0,-1731.0,-1221.0,-1221.0,-1218.0,0.0,0,Cash loans,F,N,Y,0,157500.0,462195.0,20488.5,351000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.020713,-20032,-83,-6753.0,-2952,,1,1,0,1,0,0,Laborers,1.0,3,2,MONDAY,5,0,0,0,0,0,0,Business Entity Type 3,,0.6736842420588163,,0.0814,0.0813,0.9737,0.6396,0.0077,0.0,0.1379,0.1667,0.2083,0.0731,0.0656,0.0638,0.0039,0.0023,0.083,0.0844,0.9737,0.6537,0.0078,0.0,0.1379,0.1667,0.2083,0.0748,0.0716,0.0665,0.0039,0.0024,0.0822,0.0813,0.9737,0.6444,0.0078,0.0,0.1379,0.1667,0.2083,0.0744,0.0667,0.065,0.0039,0.0023,reg oper account,block of flats,0.0549,"Stone, brick",No,1.0,0.0,1.0,0.0,-1767.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2768916,268418,Consumer loans,13753.17,303669.0,303669.0,0.0,303669.0,FRIDAY,17,Y,1,0.0,,,XAP,Refused,-665,Cash through the bank,SCO,,Repeater,Computers,POS,XNA,Country-wide,2500,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,0,Cash loans,F,N,N,0,301500.0,495000.0,25402.5,495000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009549,-17213,-1508,-6708.0,-679,,1,1,0,1,1,0,Managers,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.5493110109773539,0.18195910978627852,0.0691,,0.9796,0.7212,0.0102,0.0,0.1379,0.1667,0.2083,0.044,0.0563,0.0668,0.0,0.0,0.0704,,0.9796,0.7321,0.0103,0.0,0.1379,0.1667,0.2083,0.045,0.0615,0.0696,0.0,0.0,0.0697,,0.9796,0.7249,0.0103,0.0,0.1379,0.1667,0.2083,0.0447,0.0573,0.068,0.0,0.0,reg oper account,block of flats,0.0526,"Stone, brick",No,0.0,0.0,0.0,0.0,-402.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1362773,323203,Cash loans,14871.24,229500.0,254340.0,,229500.0,FRIDAY,14,Y,1,,,,XNA,Approved,-332,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-302.0,388.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,0,225000.0,101880.0,5818.5,90000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-23262,365243,-4146.0,-4080,14.0,1,0,0,1,0,0,,2.0,2,2,MONDAY,14,0,0,0,0,0,0,XNA,,0.3966520620582665,0.7922644738669378,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,3.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1782508,334329,Consumer loans,15278.49,137709.0,137709.0,0.0,137709.0,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-482,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Country-wide,2112,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-449.0,-179.0,-389.0,-383.0,0.0,0,Cash loans,F,N,Y,0,180000.0,1350000.0,37125.0,1350000.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.00702,-20747,-3256,-12418.0,-3958,,1,1,0,1,1,0,,1.0,2,2,FRIDAY,13,0,0,0,0,0,0,Construction,0.7399889513006712,0.5245667155493058,0.7151031019926098,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-731.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,7.0 +1462940,276727,Consumer loans,4284.225,45729.0,40927.5,9148.5,45729.0,WEDNESDAY,18,Y,1,0.19896853146853136,,,XAP,Approved,-362,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,12.0,middle,POS mobile with interest,365243.0,-331.0,-1.0,-241.0,-239.0,0.0,0,Cash loans,M,N,Y,0,112500.0,792477.0,25695.0,661500.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.002042,-17992,-4682,-9082.0,-1531,,1,1,0,1,0,0,,2.0,3,3,MONDAY,14,0,0,0,0,0,0,Self-employed,,0.511409313782359,0.7751552674785404,0.1031,0.0836,0.9791,,,0.0,0.2069,0.1667,,0.0,,0.0609,,0.104,0.105,0.0868,0.9791,,,0.0,0.2069,0.1667,,0.0,,0.0634,,0.1101,0.1041,0.0836,0.9791,,,0.0,0.2069,0.1667,,0.0,,0.062,,0.1062,,block of flats,0.0705,"Stone, brick",No,1.0,0.0,1.0,0.0,-537.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2163931,392220,Cash loans,31544.37,675000.0,744498.0,,675000.0,WEDNESDAY,15,Y,1,,,,XNA,Refused,-704,Cash through the bank,LIMIT,Family,Repeater,XNA,Cash,walk-in,Country-wide,1200,Furniture,36.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,157500.0,942300.0,30528.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-17421,-324,-411.0,-965,,1,1,0,1,0,0,Sales staff,2.0,2,2,SUNDAY,14,0,0,0,0,0,0,Business Entity Type 1,0.5582960450570295,0.7096920111592862,0.524496446363472,0.0124,0.0349,0.9831,0.7688,0.0021,0.0,0.069,0.0417,0.0833,0.0165,0.0101,0.0122,0.0,0.0,0.0126,0.0362,0.9831,0.7779,0.0021,0.0,0.069,0.0417,0.0833,0.0169,0.011,0.0127,0.0,0.0,0.0125,0.0349,0.9831,0.7719,0.0021,0.0,0.069,0.0417,0.0833,0.0168,0.0103,0.0124,0.0,0.0,reg oper account,block of flats,0.0096,"Stone, brick",No,0.0,0.0,0.0,0.0,-2134.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2498357,160126,Revolving loans,,0.0,0.0,,,FRIDAY,15,Y,1,,,,XAP,Refused,-218,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Card Street,,,,,,,0,Cash loans,F,Y,N,0,225000.0,450000.0,22018.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008473999999999999,-15523,-4922,-816.0,-4042,4.0,1,1,0,1,0,0,Sales staff,2.0,2,2,SATURDAY,16,0,0,0,0,0,0,Self-employed,,0.5832564707729591,0.0720131886405828,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-505.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1593388,328199,Cash loans,18380.7,90000.0,90000.0,,90000.0,THURSDAY,10,Y,1,,,,XNA,Approved,-1106,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Country-wide,79,Connectivity,6.0,high,Cash Street: high,365243.0,-1076.0,-926.0,-926.0,-921.0,0.0,0,Cash loans,F,N,N,0,81000.0,810000.0,23683.5,810000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.002042,-20319,365243,-3426.0,-3474,,1,0,0,1,0,0,,2.0,3,3,TUESDAY,9,0,0,0,0,0,0,XNA,0.7802296212947207,0.4022440129033229,0.6041125998015721,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-800.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2083419,448874,Revolving loans,22500.0,450000.0,450000.0,,450000.0,TUESDAY,14,Y,1,,,,XAP,Approved,-510,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-510.0,-440.0,365243.0,-378.0,365243.0,0.0,0,Cash loans,F,N,Y,0,337500.0,1061599.5,31171.5,927000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,Municipal apartment,0.072508,-20751,365243,-8858.0,-4245,,1,0,0,1,0,0,,2.0,1,1,MONDAY,13,0,0,0,0,0,0,XNA,,0.7396439856952464,0.6512602186973006,0.0907,0.0745,0.9876,0.83,0.0,0.16,0.069,0.4583,0.5,0.0,0.07400000000000001,0.1088,0.0,0.0329,0.0924,0.0774,0.9876,0.8367,0.0,0.1611,0.069,0.4583,0.5,0.0,0.0808,0.1134,0.0,0.0348,0.0916,0.0745,0.9876,0.8323,0.0,0.16,0.069,0.4583,0.5,0.0,0.0752,0.1108,0.0,0.0336,reg oper account,block of flats,0.0928,Panel,No,0.0,0.0,0.0,0.0,-788.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,3.0 +1330524,170064,Cash loans,30929.13,418500.0,548604.0,,418500.0,WEDNESDAY,8,Y,0,,,,XNA,Approved,-516,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,365243.0,-486.0,384.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,139500.0,284400.0,10849.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.015221,-20415,365243,-2518.0,-2215,,1,0,0,1,0,0,,2.0,2,2,MONDAY,13,0,0,0,0,0,0,XNA,0.7973135041210601,0.5752249785331207,0.4543210601605785,0.0495,0.0013,0.9747,0.6532,0.0046,0.0,0.1034,0.125,0.1667,0.0207,0.0403,0.0399,0.0,0.0,0.0504,0.0013,0.9747,0.6668,0.0046,0.0,0.1034,0.125,0.1667,0.0211,0.0441,0.0415,0.0,0.0,0.05,0.0013,0.9747,0.6578,0.0046,0.0,0.1034,0.125,0.1667,0.021,0.041,0.0406,0.0,0.0,reg oper account,block of flats,0.0339,Block,No,0.0,0.0,0.0,0.0,-1950.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1448833,139483,Consumer loans,4430.745,43438.5,38196.0,8685.0,43438.5,SATURDAY,12,Y,1,0.20176093823626945,,,XAP,Approved,-2049,XNA,XAP,"Spouse, partner",New,Mobile,POS,XNA,Country-wide,1763,Consumer electronics,12.0,high,POS household with interest,365243.0,-2017.0,-1687.0,-1687.0,-1684.0,0.0,0,Cash loans,M,Y,Y,0,306000.0,1125000.0,47794.5,1125000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.006629,-9967,-973,-2234.0,-2234,18.0,1,1,1,1,1,0,Core staff,2.0,2,2,THURSDAY,9,0,0,0,1,1,0,Police,,0.6761120116545714,0.6722428897082422,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1123.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +1031871,301036,Cash loans,16106.355,292500.0,357363.0,0.0,292500.0,WEDNESDAY,10,Y,1,0.0,,,XNA,Approved,-2358,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash Street: middle,365243.0,-2328.0,-918.0,-1128.0,-1122.0,1.0,0,Revolving loans,F,N,Y,0,112500.0,495000.0,24750.0,495000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018634,-19434,-3757,-1267.0,-2931,,1,1,0,1,1,0,Sales staff,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.3102275300282912,0.5585066276769286,0.1031,0.1217,0.9806,0.7348,0.0502,0.0,0.2069,0.1667,0.0417,0.0536,0.0841,0.0897,0.0,0.0,0.105,0.1263,0.9806,0.7452,0.0506,0.0,0.2069,0.1667,0.0417,0.0549,0.0918,0.0934,0.0,0.0,0.1041,0.1217,0.9806,0.7383,0.0505,0.0,0.2069,0.1667,0.0417,0.0546,0.0855,0.0913,0.0,0.0,org spec account,block of flats,0.098,"Stone, brick",No,3.0,0.0,3.0,0.0,-1645.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,3.0 +1129236,166877,Consumer loans,11633.31,62910.0,62910.0,0.0,62910.0,SUNDAY,10,Y,1,0.0,,,XAP,Approved,-156,Cash through the bank,XAP,,Repeater,Construction Materials,POS,XNA,Country-wide,2000,Construction,6.0,middle,POS industry with interest,365243.0,-124.0,26.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,Y,0,76500.0,247500.0,12375.0,247500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.008625,-21316,365243,-5180.0,-3928,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,,0.6163425938451033,0.5334816299804352,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-726.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1221974,222123,Revolving loans,2250.0,45000.0,45000.0,,45000.0,TUESDAY,16,Y,1,,,,XAP,Refused,-427,XNA,HC,Unaccompanied,Repeater,XNA,Cards,walk-in,Channel of corporate sales,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,495000.0,1350000.0,44617.5,1350000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.019688999999999998,-17106,-1173,-362.0,-638,,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.3900084144094812,0.7080086413368857,0.5316861425197883,0.0619,0.0495,0.9886,0.8436,0.0281,0.0,0.1379,0.1667,0.0417,0.0,0.0504,0.0521,0.0,0.0,0.063,0.0513,0.9886,0.8497,0.0283,0.0,0.1379,0.1667,0.0417,0.0,0.0551,0.0543,0.0,0.0,0.0625,0.0495,0.9886,0.8457,0.0283,0.0,0.1379,0.1667,0.0417,0.0,0.0513,0.0531,0.0,0.0,org spec account,block of flats,0.041,Panel,No,3.0,0.0,3.0,0.0,-2224.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1944892,326818,Consumer loans,5001.03,61938.0,49549.5,12388.5,61938.0,SUNDAY,13,Y,1,0.21783400702755545,0.1891363481808909,0.8350951374207188,XAP,Approved,-55,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,middle,POS mobile with interest,,,,,,,0,Cash loans,F,N,N,0,112500.0,497520.0,33376.5,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.020713,-9965,-382,-557.0,-747,,1,1,1,1,1,0,,2.0,3,3,FRIDAY,13,0,0,0,0,1,1,Bank,0.20793828414050533,0.15602531602948444,0.08503261489695353,0.0825,0.0675,0.9742,,,0.0,0.1379,0.1667,,0.0139,,0.0693,,0.0,0.084,0.0701,0.9742,,,0.0,0.1379,0.1667,,0.0143,,0.0723,,0.0,0.0833,0.0675,0.9742,,,0.0,0.1379,0.1667,,0.0142,,0.0706,,0.0,,terraced house,0.0602,Panel,No,0.0,0.0,0.0,0.0,-39.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2208550,441290,Cash loans,38934.18,900000.0,978408.0,,900000.0,THURSDAY,9,Y,1,,,,XNA,Approved,-775,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-745.0,305.0,-385.0,-380.0,1.0,0,Cash loans,M,Y,Y,0,157500.0,225000.0,23184.0,225000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.015221,-19188,-711,-1182.0,-2730,5.0,1,1,0,1,1,0,Core staff,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Government,0.5845611124397018,0.7231425747888868,0.7517237147741489,0.0928,0.0804,0.9801,0.728,0.0119,0.0,0.2069,0.1667,0.0417,0.039,0.0756,0.0875,0.0,0.0,0.0945,0.0834,0.9801,0.7387,0.012,0.0,0.2069,0.1667,0.0417,0.0398,0.0826,0.0912,0.0,0.0,0.0937,0.0804,0.9801,0.7316,0.012,0.0,0.2069,0.1667,0.0417,0.0396,0.077,0.0891,0.0,0.0,reg oper account,block of flats,0.0689,Panel,No,0.0,0.0,0.0,0.0,-2394.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1994394,294390,Consumer loans,11925.225,67500.0,67500.0,0.0,67500.0,THURSDAY,8,Y,1,0.0,,,XAP,Approved,-427,Cash through the bank,XAP,,Refreshed,Medical Supplies,POS,XNA,Country-wide,140,Industry,6.0,low_normal,POS other with interest,365243.0,-392.0,-242.0,-242.0,-235.0,0.0,0,Cash loans,F,N,N,0,63000.0,247275.0,17338.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.031329,-23985,365243,-14017.0,-4199,,1,0,0,1,1,0,,1.0,2,2,THURSDAY,8,0,0,0,0,0,0,XNA,,,,0.1485,0.0913,0.9806,0.7348,0.0277,0.16,0.1379,0.3333,0.375,0.0722,0.1194,0.1421,0.0077,0.0072,0.1513,0.0948,0.9806,0.7452,0.0279,0.1611,0.1379,0.3333,0.375,0.0738,0.1304,0.1481,0.0078,0.0077,0.1499,0.0913,0.9806,0.7383,0.0278,0.16,0.1379,0.3333,0.375,0.0734,0.1214,0.1447,0.0078,0.0074,reg oper account,block of flats,0.1285,Panel,No,2.0,0.0,2.0,0.0,-380.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1501951,251752,Consumer loans,8902.17,85455.0,93915.0,0.0,85455.0,TUESDAY,15,Y,1,0.0,,,XAP,Approved,-1212,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,146,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-1181.0,-851.0,-881.0,-878.0,0.0,0,Cash loans,F,N,N,1,157500.0,269550.0,11871.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.025164,-10294,-1237,-350.0,-2380,,1,1,1,1,1,0,Sales staff,3.0,2,2,SATURDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.44748936418935786,0.4687882772398851,0.5316861425197883,0.0794,0.041,0.9732,0.6328,0.0226,0.0,0.1379,0.1667,0.2083,0.0805,0.0639,0.0621,0.0039,0.0115,0.0809,0.0426,0.9732,0.6472,0.0228,0.0,0.1379,0.1667,0.2083,0.0823,0.0698,0.0647,0.0039,0.0121,0.0802,0.041,0.9732,0.6377,0.0228,0.0,0.1379,0.1667,0.2083,0.0819,0.065,0.0632,0.0039,0.0117,reg oper account,block of flats,0.0637,"Stone, brick",No,0.0,0.0,0.0,0.0,-1094.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2836055,392387,Consumer loans,4017.645,17955.0,18904.5,0.0,17955.0,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-498,XNA,XAP,,New,Mobile,POS,XNA,Country-wide,16,Connectivity,6.0,high,POS mobile with interest,365243.0,-467.0,-317.0,-317.0,-311.0,0.0,0,Cash loans,F,N,N,0,135000.0,202500.0,16366.5,202500.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,Municipal apartment,0.011703,-19683,-2840,-1279.0,-2914,,1,1,1,1,1,0,,1.0,2,2,TUESDAY,15,0,0,0,1,0,1,Government,,0.5794244982933493,0.6577838002083306,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0469,,No,0.0,0.0,0.0,0.0,-498.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1635012,171810,Consumer loans,7038.27,37125.0,35068.5,3712.5,37125.0,SUNDAY,11,Y,1,0.1042585286609422,,,XAP,Approved,-2194,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,18,Connectivity,6.0,high,POS mobile with interest,365243.0,-2133.0,-1983.0,-2013.0,-2005.0,1.0,0,Cash loans,F,N,Y,1,67500.0,282690.0,14931.0,202500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-11549,-1344,-8951.0,-4185,,1,1,0,1,0,0,High skill tech staff,3.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Business Entity Type 2,0.30004222480699,0.2622583692422573,,0.2062,0.116,0.9876,0.83,0.0642,0.2,0.1724,0.375,0.4167,0.1262,0.1681,0.2253,0.0,0.0,0.2101,0.1203,0.9876,0.8367,0.0648,0.2014,0.1724,0.375,0.4167,0.1291,0.1837,0.2347,0.0,0.0,0.2082,0.116,0.9876,0.8323,0.0646,0.2,0.1724,0.375,0.4167,0.1284,0.171,0.2293,0.0,0.0,reg oper account,block of flats,0.1828,Panel,No,2.0,1.0,2.0,1.0,-2194.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1239800,397099,Cash loans,9243.0,225000.0,225000.0,0.0,225000.0,SATURDAY,11,Y,1,0.0,,,XNA,Approved,-2600,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,60.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,N,0,67500.0,225000.0,15034.5,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-12018,-4628,-1308.0,-4032,,1,1,1,1,0,0,Laborers,2.0,2,2,SUNDAY,12,0,0,0,0,1,1,Business Entity Type 3,0.21278654332697727,0.6743520944057028,0.5406544504453575,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1778.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2253812,226089,Cash loans,13169.745,229500.0,254340.0,,229500.0,SUNDAY,9,Y,1,,,,XNA,Approved,-276,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-246.0,444.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,112500.0,824823.0,24246.0,688500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.02461,-22219,365243,-330.0,-4136,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,XNA,,0.6729579339358416,0.4014074137749511,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,1.0,9.0,0.0,-1159.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1919901,204393,Consumer loans,12492.81,63675.0,67459.5,0.0,63675.0,THURSDAY,6,Y,1,0.0,,,XAP,Approved,-79,Cash through the bank,XAP,,Refreshed,Jewelry,POS,XNA,Country-wide,25,Jewelry,6.0,middle,POS industry without interest,365243.0,-30.0,120.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,76500.0,364896.0,21078.0,315000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.008068,-21202,365243,-1010.0,-4512,,1,0,0,1,1,0,,2.0,3,3,FRIDAY,15,0,0,0,0,0,0,XNA,0.6853887610272642,0.56331667282778,0.4135967602644276,0.0722,0.085,0.9806,0.7348,0.0351,0.0,0.1379,0.1667,0.2083,0.0658,0.0588,0.0669,0.0,0.0,0.0735,0.0882,0.9806,0.7452,0.0354,0.0,0.1379,0.1667,0.2083,0.0673,0.0643,0.0697,0.0,0.0,0.0729,0.085,0.9806,0.7383,0.0353,0.0,0.1379,0.1667,0.2083,0.067,0.0599,0.0681,0.0,0.0,,block of flats,0.0718,"Stone, brick",No,0.0,0.0,0.0,0.0,-79.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1840797,110382,Consumer loans,8157.15,75685.5,78232.5,4500.0,75685.5,WEDNESDAY,13,Y,1,0.0592380151803595,,,XAP,Approved,-1896,Cash through the bank,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Country-wide,2661,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1865.0,-1535.0,-1535.0,-1528.0,0.0,0,Cash loans,F,N,N,0,85500.0,819792.0,39568.5,720000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-16391,-5707,-3345.0,-4547,,1,1,1,1,1,0,High skill tech staff,2.0,2,2,MONDAY,11,0,0,0,0,0,0,Medicine,,0.7609024635631745,0.5919766183185521,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1896.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2482835,148207,Consumer loans,7678.53,74898.0,74898.0,0.0,74898.0,THURSDAY,14,Y,1,0.0,,,XAP,Approved,-554,Cash through the bank,XAP,,Refreshed,Construction Materials,POS,XNA,Regional / Local,3710,Construction,12.0,middle,POS industry with interest,365243.0,-523.0,-193.0,-373.0,-369.0,0.0,0,Cash loans,F,N,Y,1,180000.0,540000.0,21546.0,540000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.028663,-12273,-3034,-3557.0,-3557,,1,1,0,1,0,0,Core staff,3.0,2,2,FRIDAY,13,0,0,0,0,0,0,Government,0.6282126647635445,0.4773570990877175,0.3425288720742255,0.0082,0.0,0.9801,,,0.0,0.069,0.0417,,0.0163,,0.0101,,0.004,0.0084,0.0,0.9801,,,0.0,0.069,0.0417,,0.0167,,0.0105,,0.0043,0.0083,0.0,0.9801,,,0.0,0.069,0.0417,,0.0166,,0.0103,,0.0041,,block of flats,0.0088,"Stone, brick",No,0.0,0.0,0.0,0.0,-4.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2500246,171953,Consumer loans,2755.53,15255.0,13729.5,1525.5,15255.0,SUNDAY,11,Y,1,0.1089090909090909,,,XAP,Approved,-2789,Cash through the bank,XAP,,New,Mobile,POS,XNA,Stone,15,Connectivity,6.0,high,POS mobile with interest,365243.0,-2754.0,-2604.0,-2604.0,-2600.0,0.0,0,Cash loans,F,N,N,0,81000.0,450000.0,35685.0,450000.0,Family,State servant,Incomplete higher,Married,With parents,0.028663,-10156,-969,-4257.0,-313,,1,1,0,1,0,0,Core staff,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,University,0.1823146859966597,0.4144474836744813,,0.1402,0.1374,0.9935,0.9116,0.0419,0.1732,0.1379,0.4025,0.4442,0.1266,0.1143,0.1794,0.0167,0.1087,0.042,0.0257,0.9945,0.9281,0.0114,0.2417,0.0345,0.375,0.4167,0.0253,0.0367,0.047,0.0,0.0,0.1301,0.1932,0.9945,0.9262,0.0405,0.24,0.1724,0.375,0.4167,0.1288,0.1069,0.2098,0.0078,0.1443,reg oper account,block of flats,0.2148,"Stone, brick",No,1.0,1.0,1.0,1.0,-2537.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1024832,109123,Cash loans,24577.425,225000.0,239850.0,,225000.0,SATURDAY,7,Y,1,,,,XNA,Approved,-360,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-330.0,0.0,-240.0,-233.0,1.0,0,Cash loans,F,N,Y,0,51750.0,203760.0,11506.5,180000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.031329,-24155,365243,-5548.0,-4248,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,,0.6966305151295921,0.7151031019926098,0.0701,0.0837,0.9786,0.7076,0.0063,0.0,0.1379,0.1667,,,0.0555,0.0616,0.0077,0.0191,0.0714,0.0869,0.9786,0.7190000000000001,0.0064,0.0,0.1379,0.1667,,,0.0606,0.0642,0.0078,0.0202,0.0708,0.0837,0.9786,0.7115,0.0064,0.0,0.1379,0.1667,,,0.0564,0.0628,0.0078,0.0195,reg oper account,block of flats,0.0526,"Stone, brick",No,6.0,0.0,6.0,0.0,-624.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +1131725,427695,Revolving loans,3375.0,0.0,67500.0,,,TUESDAY,12,Y,1,,,,XAP,Approved,-482,XNA,XAP,,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),45,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,54000.0,675000.0,19737.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-20635,365243,-11935.0,-4151,,1,0,0,1,0,0,,2.0,2,2,SUNDAY,12,0,0,0,0,0,0,XNA,0.600677935616665,0.476664271224388,0.5971924268337128,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-821.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1066313,105001,Cash loans,9410.13,112500.0,163768.5,,112500.0,MONDAY,12,Y,1,,,,XNA,Refused,-502,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,Y,1,72000.0,343800.0,16722.0,225000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.00823,-16064,-1696,-6086.0,-3628,,1,1,0,1,0,0,,3.0,2,2,SATURDAY,11,0,0,0,0,1,1,Business Entity Type 3,,0.6102957086647336,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1185.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2225639,373936,Cash loans,10681.875,112500.0,112500.0,,112500.0,SATURDAY,11,Y,1,,,,XNA,Approved,-169,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-139.0,191.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,2,225000.0,526491.0,32337.0,454500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.008625,-13235,-1451,-3610.0,-1522,,1,1,0,1,0,0,Sales staff,4.0,2,2,SUNDAY,13,0,0,0,0,1,1,Self-employed,,0.5246976026106065,0.6092756673894402,0.0464,0.0796,0.9871,,0.0114,0.0,0.0345,0.125,,0.0737,0.037000000000000005,0.0228,0.0039,0.063,0.0473,0.0826,0.9871,,0.0115,0.0,0.0345,0.125,,0.0754,0.0404,0.0237,0.0039,0.0667,0.0468,0.0796,0.9871,,0.0115,0.0,0.0345,0.125,,0.075,0.0376,0.0232,0.0039,0.0643,reg oper account,block of flats,0.0378,"Stone, brick",No,2.0,1.0,2.0,1.0,-1048.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1552688,405835,Cash loans,19737.0,675000.0,675000.0,,675000.0,TUESDAY,11,Y,1,,,,XNA,Refused,-462,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,256500.0,539100.0,27652.5,450000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.011703,-17845,-263,-273.0,-1383,1.0,1,1,0,1,0,1,Core staff,2.0,2,2,TUESDAY,12,1,1,0,0,0,0,Bank,0.4221615434270263,0.6601866296081499,0.4884551844437485,0.1237,0.0,0.9742,0.6464,,0.0,0.2069,0.1667,0.2083,0.0789,,0.0951,,,0.1261,0.0,0.9742,0.6602,,0.0,0.2069,0.1667,0.2083,0.0807,,0.099,,,0.1249,0.0,0.9742,0.6511,,0.0,0.2069,0.1667,0.2083,0.0803,,0.0968,,,reg oper account,block of flats,0.0811,"Stone, brick",No,0.0,0.0,0.0,0.0,-462.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +1086018,383716,Consumer loans,6444.9,61146.0,52677.0,13500.0,61146.0,SUNDAY,13,Y,1,0.22217276807240074,,,XAP,Approved,-374,XNA,XAP,Family,New,Computers,POS,XNA,Country-wide,3000,Consumer electronics,12.0,high,POS household with interest,365243.0,-343.0,-13.0,-133.0,-129.0,0.0,0,Cash loans,F,N,Y,0,135000.0,528633.0,20812.5,472500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.011703,-20996,365243,-446.0,-1777,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,XNA,0.7806976212152339,0.6765524124556574,0.7675231046555077,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-374.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,0.0 +1401360,365728,Cash loans,9842.4,90000.0,90000.0,0.0,90000.0,MONDAY,16,Y,1,0.0,,,XNA,Refused,-2277,Cash through the bank,LIMIT,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,270000.0,544068.0,20641.5,382500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-19636,-1379,-13696.0,-3186,,1,1,0,1,0,0,Cleaning staff,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.15727332954329926,0.6109913280868294,0.0619,0.0511,0.9771,0.6872,0.0036,0.0,0.1034,0.1667,0.2083,0.0102,0.0504,0.0513,0.0,0.0091,0.063,0.053,0.9772,0.6994,0.0037,0.0,0.1034,0.1667,0.2083,0.0105,0.0551,0.0535,0.0,0.0097,0.0625,0.0511,0.9771,0.6914,0.0036,0.0,0.1034,0.1667,0.2083,0.0104,0.0513,0.0522,0.0,0.0093,org spec account,block of flats,0.0523,Panel,No,0.0,0.0,0.0,0.0,-1495.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1843653,104419,Consumer loans,39532.59,564736.5,338841.0,225895.5,564736.5,SATURDAY,18,Y,1,0.4356380992808955,,,XAP,Approved,-209,Cash through the bank,XAP,Unaccompanied,Refreshed,Furniture,POS,XNA,Country-wide,100,Furniture,10.0,middle,POS industry with interest,365243.0,-176.0,94.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,675000.0,572076.0,39816.0,540000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.072508,-15604,-3044,-9680.0,-3913,4.0,1,1,1,1,1,0,,1.0,1,1,FRIDAY,9,0,0,0,0,0,0,Telecom,,0.4466195790923816,0.4471785780453068,0.0433,0.1151,0.9593,0.4356,0.0008,0.0932,0.109,0.1804,0.2,0.015,0.0281,0.0514,0.01,0.0387,0.0263,0.2392,0.9568,0.4316,0.0,0.0,0.069,0.1667,0.2083,0.0083,0.0404,0.0297,0.0117,0.0142,0.0411,0.0683,0.9583,0.4163,0.0,0.1,0.1034,0.1667,0.2083,0.0137,0.0257,0.0486,0.0116,0.0261,reg oper account,block of flats,0.026,"Stone, brick",No,0.0,0.0,0.0,0.0,-1804.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2315357,290015,Consumer loans,10657.935,96993.0,95931.0,9702.0,96993.0,FRIDAY,15,Y,1,0.10002896822015846,,,XAP,Approved,-2185,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,33,Connectivity,12.0,high,POS mobile with interest,365243.0,-2154.0,-1824.0,-1884.0,-1868.0,1.0,0,Revolving loans,F,N,N,0,180000.0,315000.0,15750.0,315000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.028663,-20370,-1104,-11180.0,-3532,,1,1,0,1,0,1,,1.0,2,2,SATURDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.7319971899047807,0.4866531565147181,0.0469,0.0241,0.9841,0.7824,0.0158,0.05,0.0431,0.3438,0.3854,0.0608,0.0368,0.0467,0.0068,0.0237,0.0357,0.02,0.9846,0.7975,0.0122,0.0403,0.0345,0.3333,0.375,0.04,0.0294,0.0369,0.0039,0.0,0.037000000000000005,0.0193,0.9841,0.7853,0.0122,0.04,0.0345,0.3333,0.375,0.0626,0.0286,0.037000000000000005,0.0058,0.0218,reg oper account,block of flats,0.0365,"Stone, brick",No,2.0,0.0,2.0,0.0,-2874.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2688278,172369,Cash loans,40662.0,900000.0,900000.0,,900000.0,MONDAY,12,Y,1,,,,XNA,Refused,-1153,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,36.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,108000.0,110331.0,10876.5,103500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.019688999999999998,-24621,-2043,-6165.0,-4687,,1,1,0,1,0,0,,1.0,2,2,SATURDAY,8,0,0,0,0,0,0,Business Entity Type 3,,0.6134479774909912,0.7267112092725122,0.0082,0.0,0.9682,0.5648,,0.0,0.0345,0.0417,,0.0273,,0.0063,,0.0164,0.0084,0.0,0.9682,0.5818,,0.0,0.0345,0.0417,,0.0279,,0.0066,,0.0173,0.0083,0.0,0.9682,0.5706,,0.0,0.0345,0.0417,,0.0278,,0.0065,,0.0167,not specified,block of flats,0.0082,Wooden,No,1.0,1.0,1.0,1.0,-1535.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1944850,305695,Consumer loans,5347.98,49410.0,48136.5,4941.0,49410.0,SATURDAY,15,Y,1,0.10138379128290104,,,XAP,Approved,-2494,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,621,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2463.0,-2193.0,-2193.0,-2185.0,1.0,0,Cash loans,M,Y,Y,0,99000.0,603792.0,17653.5,504000.0,"Spouse, partner",Working,Secondary / secondary special,Civil marriage,House / apartment,0.007305,-22079,-2163,-3905.0,-4654,14.0,1,1,0,1,1,0,Security staff,2.0,3,3,MONDAY,11,0,0,0,0,0,0,Security,,0.5701680193265148,,0.2588,0.1367,0.9821,0.7552,0.0537,0.28,0.2414,0.3333,0.375,0.0935,0.211,0.2791,0.0,0.0114,0.2637,0.1419,0.9821,0.7648,0.0542,0.282,0.2414,0.3333,0.375,0.0956,0.2305,0.2908,0.0,0.012,0.2613,0.1367,0.9821,0.7585,0.054000000000000006,0.28,0.2414,0.3333,0.375,0.0951,0.2146,0.2841,0.0,0.0116,reg oper account,block of flats,0.222,Panel,No,0.0,0.0,0.0,0.0,-1611.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1694060,340854,Cash loans,17974.575,315000.0,424228.5,,315000.0,TUESDAY,11,Y,1,,,,XNA,Approved,-673,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-643.0,407.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,315000.0,808650.0,23773.5,675000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-20400,-2929,-2532.0,-3004,,1,1,0,1,0,0,Medicine staff,2.0,2,2,WEDNESDAY,12,0,0,0,0,1,1,Medicine,,0.7132248944095707,0.6879328378491735,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2195.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1081441,235333,Consumer loans,7999.29,58486.5,56979.0,5850.0,58486.5,MONDAY,14,Y,1,0.10140511257829687,,,XAP,Approved,-1249,XNA,XAP,Family,Repeater,Mobile,POS,XNA,Stone,100,Consumer electronics,10.0,high,POS household with interest,365243.0,-1218.0,-948.0,-948.0,-942.0,0.0,0,Cash loans,F,N,Y,0,216000.0,629325.0,25087.5,562500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006670999999999999,-18976,-1051,-4434.0,-2511,,1,1,0,1,0,0,,2.0,2,2,THURSDAY,14,0,0,0,1,1,0,Trade: type 7,,0.510463993623965,0.6075573001388961,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1617.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +2745850,322653,Consumer loans,4251.06,20061.0,21055.5,0.0,20061.0,FRIDAY,16,Y,1,0.0,,,XAP,Approved,-1246,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,500,Consumer electronics,6.0,high,POS household with interest,365243.0,-1215.0,-1065.0,-1065.0,-1062.0,0.0,0,Cash loans,M,Y,N,1,90000.0,199080.0,12852.0,157500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0060079999999999995,-11415,-1577,-2641.0,-3507,3.0,1,1,0,1,0,1,Laborers,3.0,2,2,FRIDAY,15,0,0,0,0,0,0,Construction,0.11213599181359793,0.750086228022998,0.36227724703843145,0.2227,0.1872,0.9871,0.8232,,0.24,0.2069,0.3333,0.375,,0.1816,0.2355,0.0,0.0,0.2269,0.1942,0.9871,0.8301,,0.2417,0.2069,0.3333,0.375,,0.1983,0.2454,0.0,0.0,0.2248,0.1872,0.9871,0.8256,,0.24,0.2069,0.3333,0.375,,0.1847,0.2398,0.0,0.0,,block of flats,0.2154,"Stone, brick",No,1.0,0.0,1.0,0.0,-1464.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +2305837,417179,Cash loans,13522.455,342000.0,405202.5,,342000.0,TUESDAY,16,Y,1,,,,XNA,Approved,-1150,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,0,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-1120.0,290.0,-160.0,-158.0,1.0,0,Cash loans,F,N,Y,0,180000.0,253377.0,12933.0,211500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-21963,365243,-12385.0,-4174,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,XNA,0.7931479515229906,0.5876508091767181,0.5442347412142162,0.0804,0.0914,0.9821,0.7552,0.0116,0.0,0.2069,0.1667,0.2083,0.0296,0.0656,0.0777,0.0,0.0,0.0819,0.0948,0.9821,0.7648,0.0118,0.0,0.2069,0.1667,0.2083,0.0303,0.0716,0.0809,0.0,0.0,0.0812,0.0914,0.9821,0.7585,0.0117,0.0,0.2069,0.1667,0.2083,0.0301,0.0667,0.0791,0.0,0.0,reg oper account,block of flats,0.0675,Panel,No,0.0,0.0,0.0,0.0,-2511.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1330317,394454,Consumer loans,12983.22,175455.0,198036.0,0.0,175455.0,MONDAY,8,Y,1,0.0,,,XAP,Approved,-718,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Regional / Local,300,Consumer electronics,18.0,low_normal,POS household with interest,365243.0,-687.0,-177.0,-387.0,-383.0,0.0,0,Cash loans,M,N,Y,1,189000.0,826398.0,29812.5,697500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-16621,-3341,-4309.0,-175,,1,1,0,1,0,0,Managers,3.0,3,3,FRIDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.3562192735941807,0.5036482381510776,0.2067786544915716,0.0371,0.0355,0.9876,0.83,0.0051,0.04,0.0345,0.3333,0.375,0.0354,0.0294,0.0367,0.0039,0.0088,0.0378,0.0368,0.9876,0.8367,0.0051,0.0403,0.0345,0.3333,0.375,0.0362,0.0321,0.0382,0.0039,0.0093,0.0375,0.0355,0.9876,0.8323,0.0051,0.04,0.0345,0.3333,0.375,0.036000000000000004,0.0299,0.0373,0.0039,0.009000000000000001,reg oper account,block of flats,0.0335,Panel,No,0.0,0.0,0.0,0.0,-1815.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,2.0 +1192289,254677,Cash loans,23586.39,688500.0,806647.5,,688500.0,SUNDAY,10,Y,1,,,,XNA,Approved,-150,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-120.0,1650.0,365243.0,365243.0,1.0,1,Cash loans,F,N,N,0,90000.0,792477.0,25564.5,661500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-15166,-8406,-3778.0,-4316,,1,1,0,1,1,0,High skill tech staff,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Transport: type 4,,0.28574164053973483,0.3123653692278984,0.1278,0.0425,0.9866,0.8164,0.0559,0.08,0.0345,0.625,0.6667,0.0504,0.1042,0.1165,0.0,0.0206,0.1303,0.0441,0.9866,0.8236,0.0564,0.0806,0.0345,0.625,0.6667,0.0515,0.1139,0.1214,0.0,0.0218,0.1291,0.0425,0.9866,0.8189,0.0563,0.08,0.0345,0.625,0.6667,0.0513,0.106,0.1186,0.0,0.021,not specified,block of flats,0.0916,Panel,No,0.0,0.0,0.0,0.0,-799.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1421314,146616,Revolving loans,38250.0,765000.0,765000.0,,765000.0,TUESDAY,17,Y,1,,,,XAP,Approved,-540,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-534.0,-500.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,112500.0,568800.0,15133.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.01885,-16066,-209,-8741.0,-4661,,1,1,1,1,1,0,Core staff,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Trade: type 3,0.6150885419208342,0.0686457941829033,0.4311917977993083,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,3.0,0.0,-1756.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2533373,271295,Consumer loans,9309.51,44550.0,46903.5,0.0,44550.0,MONDAY,10,Y,1,0.0,,,XAP,Approved,-740,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,149,Consumer electronics,6.0,high,POS household with interest,365243.0,-709.0,-559.0,-559.0,-552.0,0.0,0,Cash loans,F,N,Y,0,202500.0,715095.0,48109.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-20303,365243,-1191.0,-3369,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,XNA,,0.5094858090925793,0.8128226070575616,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1179.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,2.0 +2476398,391618,Cash loans,43067.475,630000.0,673245.0,,630000.0,MONDAY,9,Y,1,,,,XNA,Approved,-874,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-844.0,-154.0,-154.0,-147.0,1.0,0,Cash loans,F,N,Y,0,180000.0,675000.0,19737.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Widow,With parents,0.018634,-16265,-2612,-7032.0,-4917,,1,1,1,1,1,0,Sales staff,1.0,2,2,SUNDAY,8,0,1,1,0,1,1,Self-employed,0.7786629204823751,0.7254307980336687,0.3740208032583212,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,3.0,9.0,2.0,-2051.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,2.0 +2708152,111275,Consumer loans,9636.165,49495.5,52110.0,0.0,49495.5,MONDAY,20,Y,1,0.0,,,XAP,Approved,-329,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,700,Consumer electronics,6.0,middle,POS household with interest,365243.0,-299.0,-149.0,-179.0,-176.0,1.0,0,Cash loans,F,N,N,0,99000.0,448299.0,30456.0,387000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.007114,-11736,-699,-2279.0,-2279,,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,13,0,0,0,1,1,0,Self-employed,0.21675628371652367,0.4987991688124354,0.3842068130556564,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-329.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2772309,108434,Consumer loans,2870.73,21694.5,21046.5,2250.0,21694.5,FRIDAY,11,Y,1,0.10518552338138967,,,XAP,Refused,-2057,Cash through the bank,LIMIT,,Repeater,Mobile,POS,XNA,Country-wide,34,Connectivity,10.0,high,POS mobile with interest,,,,,,,1,Cash loans,F,Y,Y,0,135000.0,405000.0,31995.0,405000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.028663,-11048,-466,-4161.0,-3621,7.0,1,1,0,1,0,0,Core staff,1.0,2,2,THURSDAY,11,0,0,0,0,1,1,Business Entity Type 3,0.2875539137782434,0.4132857635402992,0.266456808245056,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-376.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1123683,232306,Consumer loans,6921.0,56916.0,56916.0,0.0,56916.0,MONDAY,15,Y,1,0.0,,,XAP,Refused,-2052,XNA,LIMIT,Family,New,Audio/Video,POS,XNA,Country-wide,1236,Consumer electronics,12.0,high,POS household with interest,,,,,,,1,Cash loans,M,Y,N,1,157500.0,269550.0,18234.0,225000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-10878,-1813,-4942.0,-3402,10.0,1,1,0,1,1,0,Drivers,3.0,2,2,MONDAY,17,0,0,0,0,1,1,Business Entity Type 3,0.12701217115146612,0.5957863236657149,0.0005272652387098817,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-572.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2247152,240468,Consumer loans,5391.945,107865.0,43695.0,67500.0,107865.0,SUNDAY,15,Y,1,0.6611235789706043,,,XAP,Approved,-1933,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,2705,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1902.0,-1632.0,-1632.0,-1625.0,0.0,0,Cash loans,M,Y,N,0,225000.0,983160.0,62833.5,900000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.008865999999999999,-10854,-1999,-5312.0,-3339,9.0,1,1,1,1,0,0,Laborers,2.0,2,2,MONDAY,14,0,0,0,1,1,0,Construction,,0.3540946855724519,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-562.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1450229,338734,Cash loans,32820.885,585000.0,631332.0,,585000.0,MONDAY,10,Y,1,,,,XNA,Approved,-281,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-251.0,439.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,0,211500.0,673875.0,32548.5,544500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018634,-23721,-5349,-11016.0,-4159,3.0,1,1,0,1,0,0,Security staff,2.0,2,2,TUESDAY,9,0,0,0,0,1,1,Housing,,0.2900768689343453,0.4507472818545589,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-2940.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,5.0 +1370213,329983,Consumer loans,17689.5,90193.5,94954.5,0.0,90193.5,SUNDAY,16,Y,1,0.0,,,XAP,Approved,-562,Cash through the bank,XAP,,New,Photo / Cinema Equipment,POS,XNA,Country-wide,3093,Consumer electronics,6.0,middle,POS household with interest,365243.0,-531.0,-381.0,-381.0,-372.0,0.0,1,Cash loans,M,N,Y,0,135000.0,253737.0,17086.5,229500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.005313,-8947,-1659,-5479.0,-1618,,1,1,1,1,0,0,,1.0,2,2,TUESDAY,17,0,0,0,1,1,1,Industry: type 11,0.07354530984273891,0.27281169720536297,0.2392262794694045,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,2.0,9.0,0.0,-1541.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1067848,232479,Cash loans,16284.78,229500.0,248130.0,,229500.0,FRIDAY,12,Y,1,,,,XNA,Approved,-259,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-229.0,281.0,365243.0,365243.0,1.0,1,Cash loans,F,N,Y,0,67500.0,290088.0,7780.5,229500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.019101,-23683,365243,-14770.0,-4629,,1,0,0,1,1,0,,1.0,2,2,FRIDAY,10,0,0,0,0,0,0,XNA,,0.12523796295637374,0.813917469762627,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,0.0,9.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2014185,142023,Cash loans,11087.955,90000.0,108207.0,,90000.0,THURSDAY,9,Y,1,,,,XNA,Approved,-776,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-746.0,-416.0,-416.0,-409.0,1.0,0,Cash loans,F,N,Y,0,225000.0,417024.0,21420.0,360000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-17180,-409,-10846.0,-729,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,School,,0.31695368306353083,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1737.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1513524,301222,Consumer loans,2919.24,15700.5,14589.0,1800.0,15700.5,THURSDAY,11,Y,1,0.11961459737407015,,,XAP,Approved,-2370,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Stone,12,Connectivity,6.0,high,POS mobile with interest,365243.0,-2311.0,-2161.0,-2221.0,-2213.0,1.0,0,Cash loans,F,N,Y,0,90000.0,590337.0,30271.5,477000.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.022625,-16118,-7231,-10247.0,-4145,,1,1,0,1,1,0,Medicine staff,2.0,2,2,MONDAY,16,0,0,0,0,0,0,Other,,0.7360996542709435,0.2103502286944494,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1796.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1562069,129047,Revolving loans,9000.0,0.0,180000.0,,,MONDAY,18,Y,1,,,,XAP,Approved,-2433,XNA,XAP,,Repeater,XNA,Cards,x-sell,Stone,706,Consumer electronics,0.0,XNA,Card X-Sell,-2426.0,-2386.0,365243.0,-680.0,365243.0,0.0,1,Cash loans,F,N,Y,0,112500.0,1288350.0,41562.0,1125000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00963,-14524,-4485,-8175.0,-5036,,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.393041536404497,0.4066174366275036,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-898.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2595670,190496,Consumer loans,13912.2,115186.5,126589.5,0.0,115186.5,THURSDAY,15,Y,1,0.0,,,XAP,Approved,-2248,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Country-wide,1200,Consumer electronics,12.0,high,POS household with interest,365243.0,-2217.0,-1887.0,-1917.0,-1909.0,1.0,0,Cash loans,F,N,Y,2,135000.0,1062027.0,31180.5,886500.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.020713,-15765,-920,-5008.0,-3768,,1,1,0,1,1,0,Accountants,4.0,3,2,FRIDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.6401471084404899,0.4867805445886943,0.5531646987710016,0.2876,0.2337,0.9846,0.7892,0.0714,0.36,0.3103,0.3333,0.375,0.2804,0.2337,0.3356,0.0039,0.0055,0.2931,0.2425,0.9846,0.7975,0.07200000000000001,0.3625,0.3103,0.3333,0.375,0.2868,0.2553,0.3497,0.0039,0.0058,0.2904,0.2337,0.9846,0.792,0.0718,0.36,0.3103,0.3333,0.375,0.2853,0.2377,0.3416,0.0039,0.0056,reg oper account,block of flats,0.2652,Panel,No,0.0,0.0,0.0,0.0,-1813.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2199480,180613,Consumer loans,3037.275,17676.0,17676.0,0.0,17676.0,TUESDAY,16,Y,1,0.0,,,XAP,Approved,-1245,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,1552,Consumer electronics,6.0,low_action,POS household without interest,365243.0,-1214.0,-1064.0,-1064.0,-1057.0,0.0,0,Cash loans,F,N,N,0,157500.0,180000.0,17266.5,180000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.032561,-12223,-2331,-4792.0,-391,,1,1,0,1,1,0,Core staff,1.0,1,1,MONDAY,12,0,0,0,0,0,0,Trade: type 2,0.26913559155132,0.7009111677568011,0.6986675550534175,0.0722,,0.9757,,,,0.2414,0.1667,,0.0648,,0.0628,,0.0031,0.0735,,0.9757,,,,0.2414,0.1667,,0.0663,,0.0654,,0.0033,0.0729,,0.9757,,,,0.2414,0.1667,,0.066,,0.0639,,0.0032,,block of flats,0.0501,Panel,No,0.0,0.0,0.0,0.0,-1875.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1833229,133952,Consumer loans,10222.29,49500.0,57861.0,0.0,49500.0,WEDNESDAY,9,Y,1,0.0,,,XAP,Approved,-201,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,250,Clothing,6.0,low_normal,POS industry with interest,365243.0,-171.0,-21.0,-21.0,-15.0,1.0,0,Cash loans,F,Y,Y,0,85500.0,312768.0,13378.5,270000.0,Family,State servant,Secondary / secondary special,Married,House / apartment,0.001417,-16887,-1812,-11806.0,-447,11.0,1,1,1,1,1,0,,2.0,2,2,MONDAY,7,0,0,0,0,0,0,Trade: type 3,0.6596564532575381,0.08604632443892438,0.7850520263728172,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1580.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2491060,390649,Consumer loans,4347.72,38691.0,23616.0,16191.0,38691.0,TUESDAY,12,Y,1,0.4429741228701208,,,XAP,Approved,-2663,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,700,Consumer electronics,6.0,middle,POS household with interest,365243.0,-2632.0,-2482.0,-2512.0,-2504.0,1.0,0,Cash loans,F,N,N,0,157500.0,392238.0,22648.5,346500.0,Unaccompanied,Pensioner,Incomplete higher,Widow,House / apartment,0.020246,-19466,365243,-8163.0,-639,,1,0,0,1,1,1,,1.0,3,3,FRIDAY,8,0,0,0,0,0,0,XNA,0.8707875746048257,0.4670950638107434,0.41534714488434,0.0742,,0.9841,,,0.08,0.069,0.3333,,,,0.0761,,,0.0756,,0.9841,,,0.0806,0.069,0.3333,,,,0.0793,,,0.0749,,0.9841,,,0.08,0.069,0.3333,,,,0.0774,,,,block of flats,0.0598,Panel,No,0.0,0.0,0.0,0.0,-1980.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,2.0 +2573034,258435,Consumer loans,1873.755,13500.0,14616.0,0.0,13500.0,THURSDAY,6,Y,1,0.0,,,XAP,Approved,-2108,Cash through the bank,XAP,Other_B,Repeater,Furniture,POS,XNA,Stone,193,Furniture,10.0,high,POS industry with interest,365243.0,-2074.0,-1804.0,-1804.0,-1797.0,0.0,0,Cash loans,F,N,N,0,135000.0,590337.0,30271.5,477000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.020246,-15295,-544,-2194.0,-1095,,1,1,0,1,0,0,Medicine staff,1.0,3,3,FRIDAY,10,0,0,0,0,0,0,Medicine,,0.367488059569095,0.2458512138252296,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,0.0,8.0,0.0,-443.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1378163,349816,Cash loans,14791.005,180000.0,197820.0,,180000.0,TUESDAY,11,Y,1,,,,XNA,Approved,-307,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-277.0,233.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,135000.0,526491.0,17527.5,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,Municipal apartment,0.005002,-21809,365243,-4988.0,-4988,,1,0,0,1,0,1,,1.0,3,3,MONDAY,11,0,0,0,0,0,0,XNA,,0.09654325895455534,0.8193176922872417,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1184.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2568558,295196,Consumer loans,7330.995,57554.55,62613.0,4.05,57554.55,SATURDAY,15,Y,1,7.044116868837132e-05,,,XAP,Approved,-808,Cash through the bank,XAP,Family,Refreshed,Consumer Electronics,POS,XNA,Stone,90,Connectivity,10.0,middle,POS mobile with interest,365243.0,-777.0,-507.0,-507.0,-499.0,0.0,0,Revolving loans,M,Y,Y,2,180000.0,540000.0,27000.0,540000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-10736,-877,-333.0,-3391,8.0,1,1,0,1,0,0,Drivers,4.0,2,2,TUESDAY,10,0,0,0,0,0,0,Transport: type 3,,0.4135774295205428,0.7121551551910698,0.0619,0.0914,0.9876,0.83,0.0123,0.0,0.2069,0.1667,0.2083,0.0986,0.0504,0.0693,0.0,0.0,0.063,0.0949,0.9876,0.8367,0.0124,0.0,0.2069,0.1667,0.2083,0.1009,0.0551,0.0722,0.0,0.0,0.0625,0.0914,0.9876,0.8323,0.0124,0.0,0.2069,0.1667,0.2083,0.1003,0.0513,0.0706,0.0,0.0,reg oper spec account,block of flats,0.0613,"Stone, brick",No,0.0,0.0,0.0,0.0,-808.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2070420,151297,Cash loans,10690.335,225000.0,269550.0,,225000.0,FRIDAY,13,Y,1,,,,XNA,Approved,-1161,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-1131.0,-81.0,-651.0,-648.0,1.0,0,Cash loans,F,N,N,0,67500.0,568908.0,22689.0,508500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.00963,-17951,365243,-2187.0,-1470,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,XNA,,0.6226723092813284,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1431.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2252974,193824,Cash loans,18176.805,229500.0,266760.0,,229500.0,WEDNESDAY,17,Y,1,,,,Furniture,Approved,-448,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,high,Cash Street: high,365243.0,-417.0,633.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,247500.0,761067.0,46561.5,657000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.04622,-21110,-368,-10716.0,-4040,,1,1,0,1,1,0,Medicine staff,2.0,1,1,WEDNESDAY,17,0,0,0,0,0,0,Medicine,,0.1636384490747184,,0.1144,0.0349,0.9851,0.7959999999999999,0.0405,0.08,0.0345,0.625,0.6667,,0.0933,0.1069,0.0,,0.1166,0.0359,0.9851,0.804,0.0408,0.0806,0.0345,0.625,0.6667,,0.1019,0.1107,0.0,,0.1155,0.0349,0.9851,0.7987,0.0407,0.08,0.0345,0.625,0.6667,,0.0949,0.1089,0.0,,,block of flats,0.1116,Panel,No,0.0,0.0,0.0,0.0,-493.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2610560,246523,Consumer loans,15234.12,154903.5,164515.5,7740.0,154903.5,THURSDAY,12,Y,1,0.04893639759754338,,,XAP,Approved,-1927,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Stone,379,Consumer electronics,16.0,high,POS household with interest,365243.0,-1896.0,-1446.0,-1446.0,-1371.0,0.0,0,Cash loans,F,N,Y,0,157500.0,942300.0,30528.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.031329,-13409,-3003,-3161.0,-1542,,1,1,0,1,0,0,Sales staff,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.6415003471648455,0.6722428897082422,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1927.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2544844,272424,Cash loans,,0.0,0.0,,,MONDAY,18,Y,1,,,,XNA,Refused,-480,XNA,HC,,Refreshed,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,1,Cash loans,F,N,N,0,67500.0,225000.0,16501.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.008019,-10804,-1022,-5345.0,-3453,,1,1,0,1,0,0,Core staff,1.0,2,2,THURSDAY,13,0,0,0,0,0,0,Kindergarten,,0.5129500623253437,0.6706517530862718,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2748.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2369673,207136,Cash loans,16729.65,229500.0,254947.5,0.0,229500.0,MONDAY,12,Y,1,0.0,,,XNA,Approved,-2236,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,24.0,middle,Cash Street: middle,365243.0,-2206.0,-1516.0,-1516.0,-1509.0,1.0,0,Cash loans,F,N,N,0,94500.0,207306.0,8910.0,148500.0,Children,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-23181,365243,-15232.0,-4405,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,8,0,0,0,0,0,0,XNA,,0.3249408940282091,0.6594055320683344,0.0825,0.0801,0.9791,0.7144,0.0082,0.0,0.1379,0.1667,0.2083,0.0994,0.0672,0.0721,0.0,0.0,0.084,0.0831,0.9791,0.7256,0.0083,0.0,0.1379,0.1667,0.2083,0.1017,0.0735,0.0752,0.0,0.0,0.0833,0.0801,0.9791,0.7182,0.0082,0.0,0.1379,0.1667,0.2083,0.1012,0.0684,0.0734,0.0,0.0,reg oper account,block of flats,0.0645,Panel,No,5.0,0.0,5.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2191829,249957,Cash loans,14782.455,112500.0,136044.0,,112500.0,MONDAY,12,Y,1,,,,XNA,Approved,-924,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-894.0,-564.0,-594.0,-582.0,1.0,0,Cash loans,F,Y,Y,0,135000.0,247500.0,29502.0,247500.0,Family,Working,Incomplete higher,Civil marriage,House / apartment,0.015221,-10669,-3109,-10625.0,-3326,5.0,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Self-employed,,0.15782769664607538,,0.0082,0.0,0.9642,0.5104,0.0135,0.0,0.069,0.0417,0.0833,0.0183,0.0067,0.0115,0.0,0.0,0.0084,0.0,0.9643,0.5296,0.0136,0.0,0.069,0.0417,0.0833,0.0187,0.0073,0.012,0.0,0.0,0.0083,0.0,0.9642,0.5169,0.0136,0.0,0.069,0.0417,0.0833,0.0186,0.0068,0.0117,0.0,0.0,reg oper account,block of flats,0.01,"Stone, brick",No,0.0,0.0,0.0,0.0,-2050.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,8.0 +1697871,365603,Consumer loans,17846.01,130860.0,128029.5,11250.0,130860.0,SATURDAY,15,Y,1,0.0879689597340077,,,XAP,Approved,-255,Cash through the bank,XAP,Children,Repeater,Audio/Video,POS,XNA,Country-wide,440,Consumer electronics,8.0,low_normal,POS household with interest,365243.0,-224.0,-14.0,-134.0,-128.0,0.0,0,Cash loans,M,Y,N,0,180000.0,675000.0,34510.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-13084,-1087,-3423.0,-4432,7.0,1,1,0,1,0,0,,2.0,2,2,SUNDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.15867978296398874,0.5650372565725367,0.4400578303966329,0.0412,0.0,0.9831,0.7688,0.0046,0.0,0.069,0.1667,0.2083,0.0206,0.0336,0.0364,0.0,0.0234,0.042,0.0,0.9831,0.7779,0.0046,0.0,0.069,0.1667,0.2083,0.0211,0.0367,0.0379,0.0,0.0248,0.0416,0.0,0.9831,0.7719,0.0046,0.0,0.069,0.1667,0.2083,0.0209,0.0342,0.037000000000000005,0.0,0.0239,reg oper account,block of flats,0.0337,Block,No,2.0,0.0,2.0,0.0,-325.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2649778,167358,Cash loans,10379.16,225000.0,258412.5,,225000.0,MONDAY,15,Y,1,,,,XNA,Refused,-1255,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,1,202500.0,508495.5,24592.5,454500.0,Family,Commercial associate,Higher education,Married,House / apartment,0.025164,-15693,-3919,-2577.0,-5825,,1,1,0,1,0,0,Managers,3.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Industry: type 11,,0.196228371179552,0.3791004853998145,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2640.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2393177,294961,Cash loans,12150.0,135000.0,168399.0,,135000.0,THURSDAY,7,Y,1,,,,XNA,Approved,-980,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-950.0,-440.0,-440.0,-438.0,1.0,0,Cash loans,F,N,Y,0,135000.0,239850.0,25317.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.025164,-17132,-786,-7881.0,-661,,1,1,0,1,0,0,Security staff,1.0,2,2,THURSDAY,8,0,0,0,0,0,0,Business Entity Type 3,,0.6209238633686209,0.7850520263728172,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2621.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1288499,297453,Cash loans,52788.78,1125000.0,1255680.0,,1125000.0,SATURDAY,10,Y,1,,,,XNA,Approved,-683,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,middle,Cash Street: middle,365243.0,-653.0,757.0,-203.0,-199.0,1.0,0,Cash loans,F,N,Y,1,157500.0,528633.0,20263.5,472500.0,,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-13353,-4334,-803.0,-2094,,1,1,0,1,0,0,Laborers,3.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Business Entity Type 2,0.5249382603345842,0.542925887754423,0.5495965024956946,0.0175,0.0538,0.9702,0.5920000000000001,0.0019,0.0,0.069,0.0417,0.0833,0.0255,0.0143,0.0169,0.0,0.0,0.0179,0.0558,0.9702,0.608,0.002,0.0,0.069,0.0417,0.0833,0.0261,0.0156,0.0176,0.0,0.0,0.0177,0.0538,0.9702,0.5975,0.002,0.0,0.069,0.0417,0.0833,0.026,0.0145,0.0172,0.0,0.0,reg oper account,block of flats,0.0143,"Stone, brick",No,3.0,2.0,3.0,2.0,-1504.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +1711880,403186,Consumer loans,4573.845,98631.0,98631.0,0.0,98631.0,SUNDAY,8,Y,1,0.0,,,XAP,Approved,-962,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,1590,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-930.0,-240.0,-630.0,-619.0,0.0,0,Cash loans,F,Y,Y,0,315000.0,512446.5,40617.0,463500.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.007120000000000001,-15980,-417,-992.0,-1593,12.0,1,1,0,1,0,1,,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.2708708987787028,0.5819004388050107,0.445396241560834,0.0948,1.0,0.9806,0.8572,0.0872,0.16,0.0862,0.1875,,,0.121,0.0861,,0.0063,0.042,1.0,0.9722,0.8628,0.08800000000000001,0.1611,0.0345,0.0417,,,0.1322,0.0897,,0.0067,0.0958,1.0,0.9806,0.8591,0.0878,0.16,0.0862,0.1875,,,0.1231,0.0877,,0.0065,,block of flats,0.0068,"Stone, brick",No,0.0,0.0,0.0,0.0,-641.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,9.0 +2537483,322038,Cash loans,13700.925,225000.0,254700.0,,225000.0,SUNDAY,15,Y,1,,,,XNA,Approved,-211,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-181.0,509.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,90000.0,170640.0,9526.5,135000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.010147,-24137,365243,-13446.0,-4647,,1,0,0,1,0,0,,1.0,2,2,MONDAY,16,0,0,0,0,0,0,XNA,,0.27943772224887264,0.5370699579791587,0.0052,,0.9722,,,,,0.0,,,,,,,0.0053,,0.9722,,,,,0.0,,,,,,,0.0052,,0.9722,,,,,0.0,,,,,,,,block of flats,0.0045,"Stone, brick",No,0.0,0.0,0.0,0.0,-1185.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +1562089,389997,Cash loans,47455.65,877500.0,941206.5,,877500.0,MONDAY,6,Y,1,,,,XNA,Approved,-903,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,365243.0,-873.0,-3.0,-603.0,-596.0,1.0,0,Cash loans,F,N,N,0,135000.0,286704.0,13923.0,247500.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.018029,-20985,365243,-2649.0,-4409,,1,0,0,1,0,0,,1.0,3,3,MONDAY,7,0,0,0,0,0,0,XNA,0.8102555048773774,0.5160362532699648,0.7662336700704004,0.1113,0.0877,0.9826,0.762,0.0295,0.12,0.1034,0.3333,0.0417,0.0,,0.1232,,0.0,0.1134,0.0911,0.9826,0.7713,0.0298,0.1208,0.1034,0.3333,0.0417,0.0,,0.1284,,0.0,0.1124,0.0877,0.9826,0.7652,0.0297,0.12,0.1034,0.3333,0.0417,0.0,,0.1254,,0.0,,block of flats,0.113,Panel,No,0.0,0.0,0.0,0.0,-2268.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,1.0 +1968578,387904,Consumer loans,10009.26,56655.0,56655.0,0.0,56655.0,SUNDAY,15,Y,1,0.0,,,XAP,Approved,-873,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,200,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-842.0,-692.0,-692.0,-684.0,0.0,0,Cash loans,F,N,Y,1,81000.0,225000.0,14508.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.022625,-15952,-2938,-3717.0,-3657,,1,1,1,1,0,0,High skill tech staff,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Industry: type 9,0.6667975355892093,0.4258690727004633,0.32173528219668485,0.0165,0.0,0.9732,0.6328,0.0028,0.0,0.069,0.0417,0.0417,0.0,0.0134,0.0126,0.0,0.0,0.0168,0.0,0.9732,0.6472,0.0028,0.0,0.069,0.0417,0.0417,0.0,0.0147,0.0131,0.0,0.0,0.0167,0.0,0.9732,0.6377,0.0028,0.0,0.069,0.0417,0.0417,0.0,0.0137,0.0128,0.0,0.0,not specified,block of flats,0.0114,"Stone, brick",Yes,14.0,0.0,14.0,0.0,-1092.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2381635,366097,Cash loans,7939.665,135000.0,187389.0,,135000.0,SATURDAY,11,Y,1,,,,XNA,Refused,-346,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,90000.0,301464.0,22068.0,238500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-15877,-1877,-3743.0,-5732,,1,1,0,1,0,0,Managers,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Kindergarten,,0.194068000663164,0.5919766183185521,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-533.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1486027,210568,Cash loans,94554.0,900000.0,900000.0,,900000.0,MONDAY,14,Y,1,,,,XNA,Approved,-1424,Cash through the bank,XAP,Children,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1394.0,-1064.0,-1094.0,-1089.0,0.0,0,Cash loans,F,N,Y,0,135000.0,508495.5,34249.5,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-21663,365243,-2603.0,-5060,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,XNA,,0.5330665368302291,,0.0887,0.0,0.9811,0.7416,0.031,0.0,0.1034,0.3333,0.375,0.1451,0.0714,0.0782,0.0039,0.0422,0.0903,0.0,0.9811,0.7517,0.0313,0.0,0.1034,0.3333,0.375,0.1484,0.0781,0.0815,0.0039,0.0446,0.0895,0.0,0.9811,0.7451,0.0312,0.0,0.1034,0.3333,0.375,0.1476,0.0727,0.0796,0.0039,0.0431,reg oper account,block of flats,0.0877,"Stone, brick",No,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2570630,261200,Cash loans,28110.285,238500.0,263686.5,,238500.0,THURSDAY,9,Y,1,,,,XNA,Approved,-307,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-277.0,53.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,N,0,157500.0,454500.0,33201.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.031329,-11751,-2198,-3956.0,-335,4.0,1,1,0,1,1,0,Laborers,1.0,2,2,MONDAY,11,0,0,0,0,1,1,Business Entity Type 3,0.10173304754201054,0.3017529947609744,,0.2711,0.0,0.9876,0.83,0.0531,0.28,0.2414,0.3333,0.375,0.1181,0.2169,0.2506,0.0193,0.0046,0.2763,0.0,0.9876,0.8367,0.0536,0.282,0.2414,0.3333,0.375,0.1208,0.2369,0.2611,0.0195,0.0048,0.2738,0.0,0.9876,0.8323,0.0534,0.28,0.2414,0.3333,0.375,0.1202,0.2206,0.2551,0.0194,0.0047,reg oper account,block of flats,0.2271,Panel,No,0.0,0.0,0.0,0.0,-896.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1260515,348809,Cash loans,70054.245,1035000.0,1095111.0,,1035000.0,WEDNESDAY,5,Y,1,,,,XNA,Approved,-833,XNA,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-803.0,-113.0,-443.0,-437.0,1.0,0,Cash loans,F,N,Y,1,202500.0,268659.0,28633.5,243000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.006629,-13830,-1303,-2406.0,-119,,1,1,0,1,0,0,Cooking staff,3.0,2,2,WEDNESDAY,7,0,0,0,0,0,0,Business Entity Type 2,0.591678448431535,0.005332222017297618,0.7801436381572275,,,,,,0.0,,,,,,,,,,,,,,0.0,,,,,,,,,,,,,,0.0,,,,,,,,,reg oper account,,,,No,8.0,2.0,8.0,1.0,-991.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2573555,324813,Cash loans,,0.0,0.0,,,TUESDAY,11,Y,1,,,,XNA,Refused,-361,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,N,0,153000.0,755190.0,36459.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.014464,-17202,-384,-2634.0,-759,,1,1,1,1,0,0,Sales staff,2.0,2,2,FRIDAY,9,0,0,0,0,1,1,Self-employed,,0.4704004927959871,0.28371188263500075,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1038.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1726874,312864,Consumer loans,7551.18,53473.5,57883.5,0.0,53473.5,MONDAY,16,Y,1,0.0,,,XAP,Approved,-1407,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Regional / Local,46,Consumer electronics,10.0,high,POS household with interest,365243.0,-1376.0,-1106.0,-1106.0,-1100.0,0.0,0,Cash loans,M,N,N,0,202500.0,781920.0,25969.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,Rented apartment,0.00702,-17577,-66,-5701.0,-1115,,1,1,1,1,1,0,Laborers,2.0,2,2,MONDAY,17,0,0,0,0,0,0,Business Entity Type 3,,0.6680883251894207,0.4543210601605785,,0.1118,0.9856,0.8028,,,,0.3333,0.375,,,,,,,0.116,0.9856,0.8105,,,,0.3333,0.375,,,,,,,0.1118,0.9856,0.8054,,,,0.3333,0.375,,,,,,,,0.1128,Panel,No,0.0,0.0,0.0,0.0,-752.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2562313,108152,Cash loans,11288.385,49500.0,57343.5,,49500.0,TUESDAY,13,Y,1,,,,XNA,Approved,-940,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,high,Cash X-Sell: high,365243.0,-910.0,-760.0,-760.0,-751.0,1.0,0,Cash loans,F,N,Y,0,280350.0,787131.0,26145.0,679500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.011703,-15456,-6403,-6503.0,-5132,,1,1,0,1,1,0,Sales staff,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,Self-employed,0.2514273307644534,0.4200250619844873,0.4902575124990026,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-271.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2697005,225297,Cash loans,16083.405,405000.0,498555.0,,405000.0,MONDAY,15,Y,1,,,,XNA,Approved,-557,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-527.0,1243.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,135000.0,630747.0,18571.5,526500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,Municipal apartment,0.02461,-23249,365243,-8690.0,-4438,,1,0,0,1,1,0,,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,XNA,,0.4003053787172914,,0.0732,0.0606,0.9881,0.8368,0.0381,0.08,0.069,0.3333,0.375,0.0574,,0.0852,0.0,0.0,0.0746,0.0629,0.9881,0.8432,0.0384,0.0806,0.069,0.3333,0.375,0.0587,,0.0887,0.0,0.0,0.0739,0.0606,0.9881,0.8390000000000001,0.0383,0.08,0.069,0.3333,0.375,0.0584,,0.0867,0.0,0.0,reg oper account,block of flats,0.0885,Panel,No,1.0,0.0,1.0,0.0,-1266.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2594545,236694,Consumer loans,6736.275,67041.0,67041.0,0.0,67041.0,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-1084,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,7120,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1053.0,-723.0,-723.0,-720.0,0.0,0,Revolving loans,F,Y,Y,1,292500.0,810000.0,40500.0,810000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.04622,-13611,-3163,-7653.0,-5450,9.0,1,1,0,1,1,0,Accountants,3.0,1,1,SATURDAY,11,0,0,0,0,0,0,Business Entity Type 1,,0.7648581049633899,0.5316861425197883,0.1103,0.0662,0.9896,,,0.12,0.1034,0.3333,,,,0.1188,,0.0013,0.1124,0.0687,0.9896,,,0.1208,0.1034,0.3333,,,,0.1238,,0.0014,0.1114,0.0662,0.9896,,,0.12,0.1034,0.3333,,,,0.1209,,0.0013,,,0.0937,,No,0.0,0.0,0.0,0.0,-1084.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1895862,294374,Consumer loans,11617.785,104580.0,115623.0,0.0,104580.0,SUNDAY,14,Y,1,0.0,,,XAP,Approved,-1031,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Stone,110,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1000.0,-670.0,-670.0,-667.0,0.0,0,Cash loans,F,N,N,2,90000.0,508495.5,21672.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.035792000000000004,-11420,-872,-1877.0,-2527,,1,1,0,1,1,0,Sales staff,3.0,2,2,TUESDAY,14,0,0,0,1,1,0,Self-employed,0.2602093252374204,0.37579112383750396,0.6178261467332483,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-18.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2178322,396248,Consumer loans,4269.555,20151.0,21150.0,0.0,20151.0,TUESDAY,15,Y,1,0.0,,,XAP,Approved,-1722,Cash through the bank,XAP,Other_B,Repeater,Audio/Video,POS,XNA,Regional / Local,800,Consumer electronics,6.0,high,POS household with interest,365243.0,-1690.0,-1540.0,-1540.0,-1535.0,0.0,0,Cash loans,F,N,Y,1,81000.0,545040.0,20677.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00702,-10086,-457,-1302.0,-1302,,1,1,1,1,0,0,Drivers,3.0,2,2,TUESDAY,11,0,0,0,0,1,1,Housing,0.12836596470116549,0.12933317953116982,0.7136313997323308,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1288545,375641,Cash loans,29942.865,157500.0,162697.5,,157500.0,MONDAY,14,Y,1,,,,XNA,Approved,-777,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-747.0,-597.0,-687.0,-680.0,1.0,0,Cash loans,F,N,Y,0,112500.0,888840.0,29506.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.031329,-23020,-618,-11371.0,-4910,,1,1,0,1,0,0,Cleaning staff,1.0,2,2,MONDAY,11,0,0,0,0,0,0,Kindergarten,0.7784983426973149,0.499482528637636,0.7352209993926424,0.0495,0.0242,0.9747,0.6532,0.0041,0.0,0.1034,0.125,0.1667,0.0644,0.0403,0.0401,0.0,0.0,0.0504,0.0251,0.9747,0.6668,0.0041,0.0,0.1034,0.125,0.1667,0.0659,0.0441,0.0418,0.0,0.0,0.05,0.0242,0.9747,0.6578,0.0041,0.0,0.1034,0.125,0.1667,0.0655,0.041,0.0409,0.0,0.0,reg oper account,block of flats,0.0338,Block,No,7.0,0.0,7.0,0.0,-355.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2305504,359769,Consumer loans,6882.885,53955.0,58702.5,0.0,53955.0,MONDAY,11,Y,1,0.0,,,XAP,Approved,-952,Cash through the bank,XAP,"Spouse, partner",New,Audio/Video,POS,XNA,Regional / Local,43,Consumer electronics,10.0,middle,POS household with interest,365243.0,-920.0,-650.0,-650.0,-645.0,0.0,0,Cash loans,F,N,Y,1,202500.0,636138.0,23499.0,531000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.01885,-18454,-2163,-8648.0,-2009,,1,1,0,1,0,0,Sales staff,3.0,2,2,MONDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.4451392008287937,0.6940926425266661,0.0598,0.0639,0.9846,0.7892,0.0063,0.0,0.1379,0.1667,0.0417,0.0,0.0471,0.0532,0.0077,0.0494,0.0609,0.0663,0.9846,0.7975,0.0063,0.0,0.1379,0.1667,0.0417,0.0,0.0514,0.0555,0.0078,0.0523,0.0604,0.0639,0.9846,0.792,0.0063,0.0,0.1379,0.1667,0.0417,0.0,0.0479,0.0542,0.0078,0.0504,reg oper account,block of flats,0.0526,"Stone, brick",No,0.0,0.0,0.0,0.0,-65.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,0.0 +1062550,359282,Cash loans,31228.56,270000.0,319216.5,,270000.0,THURSDAY,11,Y,1,,,,XNA,Approved,-803,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-773.0,-443.0,-533.0,-515.0,1.0,0,Cash loans,M,N,Y,0,238500.0,135000.0,14175.0,135000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.028663,-15507,-4048,-9538.0,-4227,,1,1,0,1,1,0,IT staff,1.0,2,2,TUESDAY,11,0,0,0,0,0,0,Business Entity Type 1,,0.6941709546286029,,0.0794,0.0396,0.9747,0.6532,0.0,0.0,0.1379,0.1667,0.2083,0.0357,0.0647,0.0628,0.0,0.0619,0.0767,0.0,0.9742,0.6602,0.0,0.0,0.1379,0.1667,0.2083,0.0172,0.067,0.0578,0.0,0.0261,0.0802,0.0396,0.9747,0.6578,0.0,0.0,0.1379,0.1667,0.2083,0.0363,0.0658,0.0639,0.0,0.0632,reg oper account,block of flats,0.0532,"Stone, brick",No,1.0,0.0,1.0,0.0,-1716.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1702372,240402,Revolving loans,4500.0,90000.0,90000.0,,90000.0,SATURDAY,14,Y,1,,,,XAP,Refused,-226,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,N,N,0,135000.0,592560.0,32143.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,With parents,0.009175,-8257,-970,-2775.0,-670,,1,1,0,1,0,0,Laborers,1.0,2,2,MONDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.7400101805855508,0.08904388274986882,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-656.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2537644,123392,Cash loans,66734.46,1129500.0,1195101.0,,1129500.0,MONDAY,14,Y,1,,,,XNA,Approved,-569,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-539.0,151.0,-348.0,-339.0,1.0,0,Cash loans,M,Y,Y,1,315000.0,688500.0,20259.0,688500.0,"Spouse, partner",State servant,Secondary / secondary special,Married,House / apartment,0.009175,-16815,-4119,-9381.0,-362,1.0,1,1,0,1,0,0,,3.0,2,2,WEDNESDAY,14,0,0,0,0,1,1,Other,,0.2858978721410488,0.5280927512030451,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1738.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1083799,393242,Consumer loans,18818.19,180495.0,176382.0,18049.5,180495.0,THURSDAY,11,Y,1,0.10110268327733088,,,XAP,Approved,-1019,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Stone,3,Consumer electronics,12.0,middle,POS household with interest,365243.0,-980.0,-650.0,-650.0,-631.0,0.0,1,Cash loans,F,N,Y,0,94500.0,592560.0,35937.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006629,-15279,-1114,-4191.0,-4219,,1,1,1,1,0,0,Medicine staff,2.0,2,2,MONDAY,4,0,0,0,0,1,1,Kindergarten,,0.5442496722276691,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1019.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1531231,124714,Consumer loans,17439.75,162445.5,156973.5,16245.0,162445.5,SUNDAY,12,Y,1,0.10213852341511913,,,XAP,Approved,-2529,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Stone,70,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2498.0,-2228.0,-2228.0,-2221.0,1.0,0,Cash loans,M,Y,Y,0,144000.0,954207.0,28030.5,796500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-23403,365243,-15387.0,-4589,10.0,1,0,0,1,1,0,,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,XNA,,0.5685702440210428,0.15759499866631024,0.233,0.223,0.9821,0.7552,0.0339,0.0,0.5517,0.1667,0.0,0.068,0.19,0.236,0.0154,0.1075,0.2374,0.2314,0.9821,0.7648,0.0343,0.0,0.5517,0.1667,0.0,0.0695,0.2075,0.2459,0.0156,0.1138,0.2352,0.223,0.9821,0.7585,0.0342,0.0,0.5517,0.1667,0.0,0.0691,0.1932,0.2403,0.0155,0.1097,reg oper account,block of flats,0.209,Block,No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,1.0,0.0,0.0,1.0,1.0 +2134854,175153,Consumer loans,15274.17,188001.0,191646.0,18801.0,188001.0,WEDNESDAY,13,Y,1,0.09729764825261557,,,XAP,Approved,-1919,Cash through the bank,XAP,Unaccompanied,New,Furniture,POS,XNA,Stone,32,Furniture,18.0,middle,POS industry with interest,365243.0,-1878.0,-1368.0,-1428.0,-1425.0,0.0,0,Cash loans,F,N,Y,0,216000.0,270000.0,13117.5,270000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.018209,-22115,365243,-12348.0,-4378,,1,0,0,1,0,0,,2.0,3,3,THURSDAY,15,0,0,0,0,0,0,XNA,,0.3790230663239762,0.520897599048938,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-624.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,3.0 +1396359,304529,Cash loans,48331.35,675000.0,826600.5,,675000.0,THURSDAY,16,Y,1,,,,XNA,Approved,-851,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-821.0,-131.0,-131.0,-127.0,1.0,0,Cash loans,F,Y,Y,0,247500.0,518562.0,25078.5,463500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.035792000000000004,-15227,-1027,-3902.0,-2678,3.0,1,1,0,1,0,0,Sales staff,1.0,2,2,MONDAY,10,0,0,0,0,0,0,Trade: type 7,0.5353350131731727,0.7004066617288693,0.2650494299443805,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1390.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1852594,337509,Cash loans,20875.77,450000.0,533160.0,,450000.0,WEDNESDAY,12,Y,1,,,,XNA,Approved,-1136,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-1106.0,304.0,-956.0,-949.0,1.0,0,Cash loans,F,N,Y,0,189000.0,943425.0,27585.0,787500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-19696,-4536,-10451.0,-3213,,1,1,0,1,0,0,Cleaning staff,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Other,,0.3210724059485092,0.6925590674998008,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2396.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2609629,402323,Consumer loans,5591.43,51660.0,50328.0,5166.0,51660.0,SATURDAY,19,Y,1,0.10138471972399962,,,XAP,Approved,-2494,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,1550,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2463.0,-2193.0,-2193.0,-2185.0,1.0,0,Cash loans,M,Y,Y,1,225000.0,545040.0,26640.0,450000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.005084,-12221,-2705,-3062.0,-4225,9.0,1,1,1,1,1,0,Sales staff,3.0,2,2,MONDAY,15,0,0,0,0,0,0,Self-employed,0.35513346849065164,0.6585117662095962,0.0785361445733672,0.0557,0.0643,0.9955,0.9388,0.0077,0.0,0.1034,0.2083,0.25,0.012,0.0454,0.0589,0.0,0.0,0.0567,0.0667,0.9955,0.9412,0.0077,0.0,0.1034,0.2083,0.25,0.0123,0.0496,0.0614,0.0,0.0,0.0562,0.0643,0.9955,0.9396,0.0077,0.0,0.1034,0.2083,0.25,0.0122,0.0462,0.06,0.0,0.0,reg oper spec account,block of flats,0.0464,"Stone, brick",No,3.0,0.0,3.0,0.0,-2494.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1548176,407810,Consumer loans,4612.545,24255.0,22621.5,2700.0,24255.0,MONDAY,10,Y,1,0.11612840686947673,,,XAP,Approved,-2133,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,26,Consumer electronics,6.0,high,POS household with interest,365243.0,-2100.0,-1950.0,-1950.0,-1637.0,0.0,0,Cash loans,M,N,Y,0,76500.0,315000.0,19035.0,315000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0038130000000000004,-18810,-2299,-2880.0,-2364,,1,1,0,1,0,0,Drivers,2.0,2,2,SATURDAY,6,0,0,0,1,1,0,Security Ministries,,0.43793003286732896,0.7776594425716818,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,13.0,1.0,12.0,0.0,-2133.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2307670,103884,Revolving loans,5625.0,112500.0,112500.0,,112500.0,WEDNESDAY,9,Y,1,,,,XAP,Approved,-334,XNA,XAP,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-327.0,-293.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,180000.0,922500.0,30487.5,922500.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.035792000000000004,-13323,-2080,-7096.0,-4874,,1,1,0,1,1,0,Accountants,2.0,2,2,MONDAY,17,0,0,0,1,1,0,Government,0.4620879260220193,0.6421287356286325,0.23272477626794336,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2607.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,2.0,2.0 +1574733,372473,Revolving loans,10125.0,0.0,202500.0,,,MONDAY,16,Y,1,,,,XAP,Approved,-1223,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,0,135000.0,584766.0,24903.0,472500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.022625,-20541,-4810,-5496.0,-4008,,1,1,0,1,0,0,Low-skill Laborers,2.0,2,2,SATURDAY,12,0,0,0,0,1,1,Business Entity Type 3,0.6928986676850252,0.6550958324327675,,0.0082,0.0,0.9722,0.6192,0.0,0.0,0.0345,0.0417,0.0833,0.0,0.0067,0.0098,0.0,0.0,0.0084,0.0,0.9722,0.6341,0.0,0.0,0.0345,0.0417,0.0833,0.0,0.0073,0.0102,0.0,0.0,0.0083,0.0,0.9722,0.6243,0.0,0.0,0.0345,0.0417,0.0833,0.0,0.0068,0.0099,0.0,0.0,not specified,block of flats,0.0081,"Stone, brick",Yes,3.0,0.0,3.0,0.0,-2191.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1259856,320884,Cash loans,16471.665,112500.0,137691.0,,112500.0,THURSDAY,16,Y,1,,,,XNA,Approved,-776,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-746.0,-416.0,-716.0,-710.0,1.0,0,Cash loans,M,Y,N,0,202500.0,509400.0,37197.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.01885,-9791,-1694,-1.0,-2392,13.0,1,1,0,1,0,1,High skill tech staff,1.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Trade: type 7,,0.2609573352536596,0.5334816299804352,0.2598,0.097,0.9856,0.8028,0.0444,0.28,0.2414,0.3333,,0.1417,0.2118,0.2769,0.0077,0.0564,0.2647,0.1007,0.9856,0.8105,0.0448,0.282,0.2414,0.3333,,0.1449,0.2314,0.2885,0.0078,0.0597,0.2623,0.097,0.9856,0.8054,0.0446,0.28,0.2414,0.3333,,0.1441,0.2155,0.2819,0.0078,0.0576,,block of flats,0.2543,"Stone, brick",No,3.0,0.0,3.0,0.0,-205.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2158797,155244,Cash loans,11314.35,135000.0,157275.0,,135000.0,FRIDAY,13,Y,1,,,,XNA,Approved,-601,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Contact center,-1,XNA,30.0,high,Cash X-Sell: high,365243.0,-568.0,302.0,-58.0,-53.0,0.0,0,Cash loans,M,Y,Y,0,157500.0,314100.0,17037.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.020713,-11636,-1015,-3074.0,-993,13.0,1,1,1,1,0,0,Core staff,2.0,3,3,THURSDAY,8,0,0,0,1,1,1,Emergency,0.24866741893504474,0.20374979101374088,0.11761373170805695,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-617.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2754977,171338,Cash loans,26373.6,495000.0,495000.0,,495000.0,MONDAY,10,Y,1,,,,XNA,Approved,-704,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,135000.0,755190.0,30078.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00823,-17941,-7476,-9202.0,-1480,,1,1,0,1,1,0,Laborers,2.0,2,2,FRIDAY,12,0,0,0,0,1,1,Government,,0.4778754132682262,0.6528965519806539,0.3041,,0.9831,,,0.0,0.8621,0.1667,,,,,,,0.3099,,0.9831,,,0.0,0.8621,0.1667,,,,,,,0.3071,,0.9831,,,0.0,0.8621,0.1667,,,,,,,,block of flats,0.3505,"Stone, brick",No,3.0,0.0,3.0,0.0,-1611.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,9.0 +2171756,199154,Cash loans,16172.64,135000.0,161856.0,,135000.0,FRIDAY,11,Y,1,,,,XNA,Approved,-519,XNA,XAP,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,12.0,middle,Cash Street: middle,365243.0,-489.0,-159.0,-159.0,-153.0,1.0,0,Cash loans,F,N,Y,0,180000.0,942300.0,27679.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.035792000000000004,-18551,-134,-5860.0,-2084,,1,1,0,1,0,0,,1.0,2,2,SATURDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.6394761621147891,0.5867400085415683,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-3279.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2735240,219454,Cash loans,22425.975,225000.0,239850.0,,225000.0,FRIDAY,13,Y,1,,,,XNA,Refused,-176,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,292500.0,202500.0,20155.5,202500.0,Unaccompanied,State servant,Higher education,Single / not married,House / apartment,0.026392000000000002,-24900,-5609,-4644.0,-4018,,1,1,1,1,1,0,Core staff,1.0,2,2,SATURDAY,12,0,0,0,0,0,0,Medicine,,0.6488190938462047,0.19182160241360605,0.1649,,0.9871,,,0.16,0.1379,0.375,,,,0.1721,,0.0,0.1681,,0.9871,,,0.1611,0.1379,0.375,,,,0.1793,,0.0,0.1665,,0.9871,,,0.16,0.1379,0.375,,,,0.1751,,0.0,,block of flats,0.1353,Others,No,0.0,0.0,0.0,0.0,-176.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1190053,321735,Cash loans,10996.2,229500.0,279180.0,,229500.0,MONDAY,11,Y,1,,,,XNA,Approved,-928,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-898.0,512.0,-538.0,-530.0,1.0,0,Cash loans,F,N,Y,0,157500.0,942300.0,27679.5,675000.0,Family,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.00702,-20147,365243,-9548.0,-3535,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,10,0,0,0,0,0,0,XNA,,0.6498149623978808,0.4632753280912678,0.0956,0.1037,0.9856,0.7552,0.0023,0.11,0.1638,0.3021,0.1525,0.0921,0.0941,0.1054,0.0025,0.0229,0.104,0.078,0.9821,0.7648,0.0,0.2014,0.1724,0.3333,0.0417,0.0,0.0909,0.0641,0.0,0.0,0.1031,0.0845,0.9826,0.7585,0.0028,0.12,0.1724,0.3333,0.0417,0.0971,0.0847,0.1085,0.0,0.0097,reg oper account,block of flats,0.0714,Panel,No,1.0,0.0,1.0,0.0,-1693.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1034092,233767,Consumer loans,7823.925,38754.0,47115.0,0.0,38754.0,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-677,Cash through the bank,XAP,Family,Repeater,Auto Accessories,POS,XNA,Country-wide,75,Industry,8.0,high,POS other with interest,365243.0,-646.0,-436.0,-436.0,-431.0,0.0,0,Cash loans,M,Y,Y,2,139500.0,275040.0,13504.5,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-9932,-1205,-917.0,-2472,20.0,1,1,0,1,0,0,Laborers,4.0,2,2,THURSDAY,17,0,0,0,0,0,0,Industry: type 9,0.3097854568583758,0.6275866574145291,0.4418358231994413,0.0722,0.0858,0.9791,0.7144,0.0348,0.0,0.1379,0.1667,0.2083,0.0378,0.058,0.041,0.0039,0.0044,0.0735,0.08900000000000001,0.9791,0.7256,0.0352,0.0,0.1379,0.1667,0.2083,0.0386,0.0634,0.0427,0.0039,0.0047,0.0729,0.0858,0.9791,0.7182,0.0351,0.0,0.1379,0.1667,0.2083,0.0384,0.059,0.0417,0.0039,0.0045,reg oper account,block of flats,0.0523,"Stone, brick",No,2.0,0.0,2.0,0.0,-484.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1131761,415564,Consumer loans,4629.645,44550.0,39168.0,8910.0,44550.0,SATURDAY,11,Y,1,0.2018345189067764,,,XAP,Approved,-1971,Cash through the bank,XAP,Other_B,New,Mobile,POS,XNA,Stone,6,Connectivity,12.0,high,POS mobile with interest,365243.0,-1931.0,-1601.0,-1631.0,-1627.0,0.0,0,Cash loans,F,Y,Y,0,90000.0,653328.0,19233.0,468000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018029,-19749,-7707,-7516.0,-3281,22.0,1,1,0,1,0,0,Cooking staff,2.0,3,3,WEDNESDAY,9,0,0,0,0,0,0,School,,0.5593913363483417,0.7121551551910698,0.0289,0.0185,0.9752,0.66,0.0028,0.0,0.069,0.125,0.1667,0.0,,0.0225,,0.0106,0.0294,0.0192,0.9752,0.6733,0.0028,0.0,0.069,0.125,0.1667,0.0,,0.0235,,0.0112,0.0291,0.0185,0.9752,0.6645,0.0028,0.0,0.069,0.125,0.1667,0.0,,0.023,,0.0108,reg oper account,block of flats,0.0216,"Stone, brick",No,4.0,1.0,4.0,1.0,-1610.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1256820,234253,Consumer loans,3070.665,19530.0,17280.0,2250.0,19530.0,WEDNESDAY,9,Y,1,0.12547130289065775,,,XAP,Approved,-2206,XNA,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,21,Connectivity,8.0,high,POS mobile with interest,365243.0,-2175.0,-1965.0,-1995.0,-1992.0,0.0,0,Cash loans,F,N,Y,0,202500.0,615109.5,31536.0,531000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018029,-19832,-8577,-9578.0,-3355,,1,1,0,1,0,1,Laborers,2.0,3,3,THURSDAY,8,0,0,0,0,0,0,Housing,0.2297365046124452,0.32691063926232994,0.4596904504249018,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1748455,288163,Revolving loans,27000.0,540000.0,540000.0,,540000.0,WEDNESDAY,16,Y,1,,,,XAP,Approved,-313,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-312.0,-268.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,220500.0,675000.0,53460.0,675000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.032561,-14391,-2937,-8406.0,-5045,,1,1,1,1,1,0,Core staff,2.0,1,1,SATURDAY,9,0,0,0,0,0,0,University,,0.7853436782105548,0.5620604831738043,0.2206,0.0992,0.9811,0.7416,0.0248,0.11,0.1552,0.3646,0.4167,0.0476,0.1792,0.1573,0.0039,0.0174,0.0945,0.0358,0.9786,0.7190000000000001,0.0066,0.0,0.0345,0.3333,0.2083,0.0043,0.0826,0.0886,0.0,0.0045,0.2248,0.1118,0.9806,0.7316,0.0123,0.08,0.1724,0.3333,0.375,0.0588,0.1847,0.1529,0.0,0.0119,reg oper account,block of flats,0.2291,Panel,No,0.0,0.0,0.0,0.0,-522.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2551623,297319,Cash loans,,0.0,0.0,,,WEDNESDAY,11,Y,1,,,,XNA,Refused,-405,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,1,180000.0,474048.0,24331.5,360000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.004849,-12261,-115,-4718.0,-2713,,1,1,0,1,0,0,Core staff,3.0,2,2,TUESDAY,17,0,0,0,0,0,0,Kindergarten,0.711783834248925,0.387769697254916,0.5602843280409464,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-132.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +1067788,143068,Revolving loans,2250.0,45000.0,45000.0,,45000.0,THURSDAY,15,Y,1,,,,XAP,Approved,-260,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,292500.0,308133.0,16843.5,234000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-13749,-2317,-7420.0,-3396,,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,13,0,0,0,0,1,1,Business Entity Type 1,,0.3016193952621343,0.36896873825284665,0.0,,0.0,,,0.0,,,,,,,,,0.0,,0.0005,,,0.0,,,,,,,,,0.0,,0.0,,,0.0,,,,,,,,,,block of flats,0.0,,No,2.0,0.0,2.0,0.0,-380.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2270867,358491,Consumer loans,8131.725,180504.0,180504.0,0.0,180504.0,SUNDAY,15,Y,1,0.0,,,XAP,Approved,-849,Cash through the bank,XAP,Family,New,Photo / Cinema Equipment,POS,XNA,Regional / Local,145,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-817.0,-127.0,-127.0,-121.0,0.0,0,Revolving loans,M,Y,Y,1,135000.0,405000.0,20250.0,405000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-19983,-524,-3001.0,-3463,5.0,1,1,0,1,0,0,Laborers,3.0,2,2,TUESDAY,17,0,0,0,0,0,0,Business Entity Type 3,,0.6682531724778021,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-849.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2200290,282131,Cash loans,71356.59,1057500.0,1103566.5,,1057500.0,FRIDAY,18,Y,1,,,,XNA,Approved,-435,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,1,229500.0,805072.5,29047.5,679500.0,Children,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.009334,-15532,-3069,-613.0,-6163,,1,1,0,1,0,1,Accountants,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,Self-employed,0.8719813314302746,0.7615741592042597,0.4329616670974407,0.0912,0.0683,0.9791,0.7144,0.0074,0.12,0.1034,0.3542,0.0208,0.0236,0.0735,0.1315,0.0039,0.0205,0.0336,0.0289,0.9782,0.7125,0.0,0.0806,0.069,0.3333,0.0,0.019,0.0294,0.122,0.0,0.0042,0.0921,0.0683,0.9791,0.7182,0.0074,0.12,0.1034,0.3542,0.0208,0.024,0.0748,0.1339,0.0039,0.021,reg oper spec account,block of flats,0.1082,"Stone, brick",No,3.0,0.0,3.0,0.0,-1626.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2751378,311445,Cash loans,13375.98,148500.0,170329.5,,148500.0,THURSDAY,10,Y,1,,,,XNA,Approved,-300,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-270.0,240.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,1,135000.0,602194.5,47709.0,558000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-11930,-792,-1693.0,-1707,22.0,1,1,0,1,0,0,Laborers,3.0,3,2,WEDNESDAY,5,0,0,0,0,0,0,Self-employed,0.3516008291915889,0.37888411118515225,,0.0289,0.0,0.9697,0.5852,0.0011,0.0,0.069,0.0417,0.0833,0.012,0.0235,0.0153,0.0,0.0,0.0294,0.0,0.9697,0.6014,0.0011,0.0,0.069,0.0417,0.0833,0.0122,0.0257,0.0159,0.0,0.0,0.0291,0.0,0.9697,0.5907,0.0011,0.0,0.069,0.0417,0.0833,0.0122,0.0239,0.0155,0.0,0.0,reg oper account,block of flats,0.0126,"Stone, brick",No,2.0,0.0,2.0,0.0,-558.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2481033,452539,Cash loans,35105.265,382500.0,409009.5,,382500.0,FRIDAY,10,Y,1,,,,XNA,Refused,-271,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,M,Y,Y,0,112500.0,288873.0,19435.5,238500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.020246,-11093,-1218,-6259.0,-2137,13.0,1,1,0,1,0,0,Drivers,2.0,3,3,WEDNESDAY,8,0,0,0,0,0,0,Business Entity Type 3,0.26988042463838696,0.20118275352298026,0.633031641417419,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-1065.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +2110023,212883,Consumer loans,6886.395,63958.5,63639.0,6399.0,63958.5,FRIDAY,13,Y,1,0.09950445083058804,,,XAP,Approved,-654,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Stone,286,Consumer electronics,12.0,middle,POS household with interest,365243.0,-620.0,-290.0,-320.0,-316.0,0.0,0,Revolving loans,F,N,N,0,157500.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Incomplete higher,Single / not married,With parents,0.00702,-9550,-586,-1511.0,-2176,,1,1,0,1,1,0,High skill tech staff,1.0,2,2,MONDAY,13,0,0,0,0,0,0,Self-employed,,0.20016553725559064,0.4507472818545589,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-395.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2320827,172477,Revolving loans,6750.0,135000.0,135000.0,,135000.0,WEDNESDAY,11,Y,1,,,,XAP,Refused,-69,XNA,HC,Unaccompanied,Repeater,XNA,Cards,walk-in,Channel of corporate sales,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,Y,Y,1,108000.0,225000.0,9657.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-10732,-195,-13.0,-2684,13.0,1,1,1,1,1,1,Core staff,3.0,2,2,TUESDAY,14,0,0,0,0,0,0,Trade: type 2,0.2758291465762657,0.15357057289804046,0.3910549766342248,0.2232,0.1639,0.9811,0.7416,0.0,0.24,0.2069,0.3333,0.375,0.0,0.1807,0.2362,0.0077,0.0367,0.2269,0.1701,0.9811,0.7517,0.0,0.2417,0.2069,0.3333,0.375,0.0,0.1974,0.2461,0.0078,0.0388,0.2254,0.1639,0.9811,0.7451,0.0,0.24,0.2069,0.3333,0.375,0.0,0.1838,0.2404,0.0078,0.0374,reg oper account,block of flats,0.1874,Panel,No,2.0,0.0,2.0,0.0,-146.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0.0,0.0,0.0,0.0,5.0,2.0 +1488958,347655,Consumer loans,13495.05,122805.0,122805.0,0.0,122805.0,SUNDAY,18,Y,1,0.0,,,XAP,Approved,-647,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,25,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-611.0,-341.0,-341.0,-339.0,0.0,0,Cash loans,M,N,Y,2,900000.0,1006920.0,51412.5,900000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.072508,-18813,-2894,-3966.0,-1482,,1,1,0,1,1,1,Managers,4.0,1,1,WEDNESDAY,17,0,0,0,0,0,0,Other,,0.6911964157402487,0.6023863442690867,0.2711,0.1695,0.9811,0.7416,0.154,0.4,0.1724,0.4583,0.5,0.0,0.2211,0.1877,0.0,0.0039,0.2763,0.1758,0.9811,0.7517,0.1554,0.4028,0.1724,0.4583,0.5,0.0,0.2415,0.1955,0.0,0.0042,0.2738,0.1695,0.9811,0.7451,0.155,0.4,0.1724,0.4583,0.5,0.0,0.2249,0.191,0.0,0.004,reg oper account,block of flats,0.2327,Block,No,0.0,0.0,0.0,0.0,-647.0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2532619,186786,Cash loans,35317.935,495000.0,524403.0,,495000.0,SATURDAY,6,Y,1,,,,XNA,Approved,-194,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,112500.0,312682.5,30591.0,297000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.010032,-22400,365243,-12421.0,-4580,,1,0,0,1,1,0,,1.0,2,2,THURSDAY,4,0,0,0,0,0,0,XNA,,0.19904757240598486,0.7738956942145427,0.0928,,0.9806,,,0.0,0.2069,0.1667,,,,0.0602,,0.0436,0.0945,,0.9806,,,0.0,0.2069,0.1667,,,,0.0627,,0.0461,0.0937,,0.9806,,,0.0,0.2069,0.1667,,,,0.0613,,0.0445,,block of flats,0.0684,Panel,No,1.0,0.0,1.0,0.0,-548.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1000560,210339,Cash loans,27444.915,450000.0,491580.0,,450000.0,THURSDAY,7,Y,1,,,,XNA,Approved,-1154,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-1124.0,-434.0,-1094.0,-1088.0,1.0,0,Cash loans,M,Y,Y,1,270000.0,505066.5,53167.5,468000.0,Family,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.007305,-17843,-2758,-10435.0,-1380,14.0,1,1,0,1,0,0,,3.0,3,3,WEDNESDAY,7,0,0,0,0,0,0,Self-employed,,0.4451121955879481,0.6674577419214722,0.0619,0.0607,0.9796,0.7212,0.0067,0.0,0.1379,0.1667,0.0417,0.0105,0.0504,0.036000000000000004,0.0,0.0,0.063,0.063,0.9796,0.7321,0.0068,0.0,0.1379,0.1667,0.0417,0.0108,0.0551,0.0376,0.0,0.0,0.0625,0.0607,0.9796,0.7249,0.0068,0.0,0.1379,0.1667,0.0417,0.0107,0.0513,0.0367,0.0,0.0,reg oper account,block of flats,0.0413,Panel,No,0.0,0.0,0.0,0.0,-2031.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2180048,246714,Cash loans,16543.62,180000.0,197820.0,,180000.0,THURSDAY,17,Y,1,,,,XNA,Approved,-728,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-698.0,-188.0,-308.0,-305.0,1.0,0,Cash loans,M,Y,Y,1,135000.0,1125000.0,33025.5,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.04622,-16747,-2652,-5644.0,-294,8.0,1,1,0,1,0,0,Drivers,2.0,1,1,THURSDAY,11,1,0,1,1,0,1,Transport: type 3,0.6866587197794947,0.7526557635342199,0.5937175866150576,0.1237,0.1108,0.9876,0.83,,0.12,0.1034,0.375,0.4167,0.2906,0.1009,0.1331,0.0,0.0628,0.1261,0.115,0.9876,0.8367,,0.1208,0.1034,0.375,0.4167,0.2972,0.1102,0.1387,0.0,0.0664,0.1249,0.1108,0.9876,0.8323,,0.12,0.1034,0.375,0.4167,0.2956,0.1026,0.1355,0.0,0.0641,reg oper account,block of flats,0.1183,Panel,No,0.0,0.0,0.0,0.0,-1505.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +2586164,341023,Consumer loans,12005.73,144679.5,163300.5,0.0,144679.5,WEDNESDAY,13,Y,1,0.0,,,XAP,Approved,-649,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,3000,Consumer electronics,18.0,middle,POS household with interest,365243.0,-618.0,-108.0,-348.0,-337.0,0.0,0,Cash loans,F,N,Y,0,171000.0,835380.0,35523.0,675000.0,Family,Working,Higher education,Single / not married,House / apartment,0.020713,-15523,-855,-342.0,-4536,,1,1,0,1,1,0,Core staff,1.0,3,3,MONDAY,7,0,0,0,0,0,0,Government,,0.5109995025280041,0.5478104658520093,0.0206,0.0,0.9831,0.7688,0.0046,0.0,0.1034,0.0417,0.0833,0.0449,0.0311,0.0114,0.2471,0.0241,0.021,0.0,0.9831,0.7779,0.0046,0.0,0.1034,0.0417,0.0833,0.0459,0.034,0.0118,0.249,0.0255,0.0208,0.0,0.9831,0.7719,0.0046,0.0,0.1034,0.0417,0.0833,0.0456,0.0316,0.0116,0.2484,0.0246,reg oper account,block of flats,0.0167,Wooden,No,4.0,0.0,4.0,0.0,-1037.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2628911,415524,Consumer loans,18416.655,171540.0,165766.5,17154.0,171540.0,SUNDAY,11,Y,1,0.1021332516286882,,,XAP,Approved,-1471,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Regional / Local,1423,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1440.0,-1170.0,-1170.0,-1162.0,0.0,0,Cash loans,F,Y,N,0,166500.0,835605.0,24561.0,697500.0,"Spouse, partner",Pensioner,Higher education,Married,Rented apartment,0.04622,-21834,365243,-8203.0,-4996,18.0,1,0,0,1,1,0,,2.0,1,1,MONDAY,15,0,0,0,0,0,0,XNA,,0.2680701203558021,0.6144143775673561,0.1485,0.0813,0.9886,0.8436,0.0577,0.16,0.1379,0.3333,0.375,0.1512,0.121,0.1597,0.0,0.0,0.1513,0.0844,0.9886,0.8497,0.0582,0.1611,0.1379,0.3333,0.375,0.1547,0.1322,0.1664,0.0,0.0,0.1499,0.0813,0.9886,0.8457,0.058,0.16,0.1379,0.3333,0.375,0.1538,0.1231,0.1626,0.0,0.0,reg oper account,block of flats,0.1571,Panel,No,2.0,0.0,2.0,0.0,-3302.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1542206,391906,Consumer loans,2491.65,12960.0,13729.5,0.0,12960.0,MONDAY,5,Y,1,0.0,,,XAP,Approved,-116,XNA,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Regional / Local,120,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-68.0,82.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,718605.0,31783.5,571500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0038179999999999998,-15859,-4019,-7009.0,-4504,25.0,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,4,0,0,0,0,1,1,Business Entity Type 3,,0.6141166861064133,0.6397075677637197,0.0711,0.083,0.9776,,,0.0,0.1379,0.1667,,0.0931,,0.0642,,0.0212,0.0725,0.0862,0.9777,,,0.0,0.1379,0.1667,,0.0952,,0.0669,,0.0224,0.0718,0.083,0.9776,,,0.0,0.1379,0.1667,,0.0947,,0.0654,,0.0216,,block of flats,0.0551,Block,No,2.0,1.0,1.0,0.0,-2061.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1051102,217481,Cash loans,41696.01,315000.0,377784.0,,315000.0,TUESDAY,7,Y,1,,,,XNA,Approved,-855,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-825.0,-495.0,-525.0,-521.0,1.0,0,Cash loans,F,N,Y,0,184500.0,1113840.0,47322.0,900000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010006000000000001,-19717,-8017,-2923.0,-3114,,1,1,0,1,0,0,High skill tech staff,2.0,2,1,WEDNESDAY,10,0,0,0,0,0,0,Other,,0.7579821599876773,0.5136937663039473,0.1072,0.0662,0.9836,0.7756,0.0713,0.08,0.0345,0.2917,0.3333,0.0152,0.0731,0.0649,0.0656,0.034,0.1092,0.0687,0.9836,0.7844,0.0719,0.0806,0.0345,0.2917,0.3333,0.0155,0.0799,0.0676,0.0661,0.036000000000000004,0.1083,0.0662,0.9836,0.7786,0.0717,0.08,0.0345,0.2917,0.3333,0.0154,0.0744,0.0661,0.066,0.0347,reg oper account,block of flats,0.0589,Panel,No,2.0,0.0,2.0,0.0,-1198.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +1437198,328910,Consumer loans,6179.445,38106.0,30546.0,9000.0,38106.0,MONDAY,14,Y,1,0.24785865022551398,,,XAP,Approved,-1547,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,16,Connectivity,6.0,high,POS mobile with interest,365243.0,-1507.0,-1357.0,-1357.0,-1352.0,0.0,0,Cash loans,F,Y,N,1,135000.0,1281672.0,37606.5,1003500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-11642,-1598,-27.0,-53,1.0,1,1,0,1,0,0,Core staff,3.0,2,2,MONDAY,13,0,0,0,0,0,0,Trade: type 3,0.20560407956081125,0.5646448847839288,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2119751,142851,Cash loans,22210.38,315000.0,397750.5,,315000.0,FRIDAY,5,Y,1,,,,XNA,Approved,-887,Cash through the bank,XAP,Children,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-857.0,-167.0,-167.0,-164.0,1.0,0,Cash loans,F,Y,Y,1,270000.0,891072.0,35469.0,720000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-16479,-9086,-8016.0,-29,13.0,1,1,0,1,0,0,Laborers,3.0,3,3,WEDNESDAY,7,0,0,0,0,0,0,Telecom,,0.09831231918784104,0.7267112092725122,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1039.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2132207,153121,Consumer loans,14735.115,105165.0,97713.0,13500.0,105165.0,THURSDAY,15,Y,1,0.13220331501467694,,,XAP,Approved,-2258,Cash through the bank,XAP,Other_B,Repeater,Computers,POS,XNA,Stone,271,Consumer electronics,8.0,high,POS household with interest,365243.0,-2227.0,-2017.0,-2017.0,-2010.0,0.0,0,Cash loans,F,N,Y,1,85500.0,629320.5,34267.5,508500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.0105,-13427,-6634,-1484.0,-4165,,1,1,0,1,1,0,Laborers,3.0,3,3,MONDAY,16,0,0,0,0,0,0,Housing,,0.22263800757087931,,0.0577,,0.9886,,,0.08,0.069,0.3333,,,,,,,0.0588,,0.9886,,,0.0806,0.069,0.3333,,,,,,,0.0583,,0.9886,,,0.08,0.069,0.3333,,,,,,,,block of flats,0.07200000000000001,"Stone, brick",No,0.0,0.0,0.0,0.0,-95.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2669118,291269,Cash loans,19737.0,675000.0,675000.0,,675000.0,FRIDAY,16,Y,1,,,,XNA,Refused,-1310,Cash through the bank,LIMIT,Other_B,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,N,1,135000.0,159264.0,9270.0,126000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.018801,-12151,-965,-1740.0,-641,,1,1,0,1,0,0,,3.0,2,2,SATURDAY,9,0,0,0,0,0,0,Industry: type 9,0.4537895096841019,0.6122857931569791,0.20915469884100693,0.0082,0.0,0.9737,0.6396,0.001,0.0,0.0345,0.0417,0.0833,0.0061,0.0067,0.0075,0.0,0.0,0.0084,0.0,0.9737,0.6537,0.001,0.0,0.0345,0.0417,0.0833,0.0063,0.0073,0.0078,0.0,0.0,0.0083,0.0,0.9737,0.6444,0.001,0.0,0.0345,0.0417,0.0833,0.0062,0.0068,0.0076,0.0,0.0,reg oper account,block of flats,0.0064,"Stone, brick",No,0.0,0.0,0.0,0.0,-1619.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,0.0 +2627084,152545,Consumer loans,5993.415,66375.0,58707.0,13275.0,66375.0,SUNDAY,11,Y,1,0.2008513492009366,,,XAP,Approved,-468,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Stone,37,Consumer electronics,12.0,middle,POS household with interest,365243.0,-437.0,-107.0,-107.0,-104.0,0.0,0,Cash loans,F,N,Y,2,112500.0,508495.5,22527.0,454500.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.00496,-13331,-647,-3480.0,-3482,,1,1,0,1,0,0,Laborers,4.0,2,2,SATURDAY,11,0,0,0,0,1,1,Other,,0.5551129564493902,0.4632753280912678,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-468.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1280461,107547,Cash loans,46274.13,675000.0,721332.0,,675000.0,TUESDAY,15,Y,1,,,,XNA,Approved,-948,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-918.0,-228.0,-228.0,-222.0,1.0,0,Cash loans,F,N,N,0,157500.0,454500.0,21996.0,454500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.032561,-13034,-762,-7108.0,-4383,,1,1,1,1,1,0,Sales staff,2.0,1,1,WEDNESDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.6108936429332107,0.1940678276718812,0.1732,,0.9752,,,0.2,0.1724,0.25,,,,0.1947,,0.2655,0.1765,,0.9752,,,0.2014,0.1724,0.25,,,,0.2028,,0.2811,0.1749,,0.9752,,,0.2,0.1724,0.25,,,,0.1981,,0.2711,,block of flats,0.2108,"Stone, brick",No,0.0,0.0,0.0,0.0,-731.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2494444,331797,Consumer loans,,34110.0,34110.0,0.0,34110.0,WEDNESDAY,13,Y,1,0.0,,,XAP,Refused,-1023,Cash through the bank,HC,,Refreshed,Mobile,XNA,XNA,Country-wide,55,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,F,N,N,0,135000.0,490500.0,17748.0,490500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.031329,-18727,-2104,-6232.0,-2240,,1,1,1,1,1,0,Laborers,1.0,2,2,MONDAY,11,0,0,0,0,0,0,Construction,0.6890273848112809,0.6578180671049512,0.3842068130556564,0.0124,,0.9632,,,0.0,0.1034,0.0417,,0.019,,0.0118,,0.0,0.0126,,0.9633,,,0.0,0.1034,0.0417,,0.0195,,0.0123,,0.0,0.0125,,0.9632,,,0.0,0.1034,0.0417,,0.0194,,0.012,,0.0,,block of flats,0.0093,Wooden,No,2.0,0.0,2.0,0.0,-2145.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1185934,108108,Revolving loans,21375.0,0.0,427500.0,,,FRIDAY,15,Y,1,,,,XAP,Approved,-329,XNA,XAP,,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),6,XNA,0.0,XNA,Card X-Sell,-270.0,-227.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,157500.0,970380.0,28503.0,810000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-20579,-4359,-12889.0,-4099,,1,1,1,1,1,0,Cooking staff,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,School,,0.6109820049696578,0.3185955240537633,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-309.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1487831,201377,Consumer loans,7095.285,45715.5,44356.5,9144.0,45715.5,SUNDAY,14,Y,1,0.18614120003976165,,,XAP,Approved,-789,Cash through the bank,XAP,Other_A,New,Mobile,POS,XNA,Country-wide,45,Connectivity,8.0,high,POS mobile with interest,365243.0,-758.0,-548.0,-548.0,-544.0,0.0,0,Cash loans,M,N,Y,0,112500.0,352044.0,13401.0,247500.0,Other_A,Working,Higher education,Single / not married,Rented apartment,0.007120000000000001,-8800,-1184,-3510.0,-1442,,1,1,0,1,0,0,Core staff,1.0,2,2,FRIDAY,17,1,1,0,1,1,0,Culture,,0.3889124331063826,0.6109913280868294,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2608494,185889,Consumer loans,14925.105,104400.0,100575.0,10440.0,104400.0,MONDAY,12,Y,1,0.10241957475034086,,,XAP,Approved,-881,Cash through the bank,XAP,Family,New,Furniture,POS,XNA,Stone,1274,Furniture,8.0,middle,POS industry with interest,365243.0,-846.0,-636.0,-636.0,-629.0,0.0,0,Cash loans,F,N,Y,2,103500.0,456273.0,24880.5,346500.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.002134,-15593,365243,-4017.0,-4065,,1,0,0,1,0,0,,4.0,3,3,SUNDAY,10,0,0,0,0,0,0,XNA,,0.27402808446969096,0.11465249430297055,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-881.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1201018,250422,Consumer loans,5059.485,24606.0,24606.0,0.0,24606.0,WEDNESDAY,16,Y,1,0.0,,,XAP,Approved,-179,XNA,XAP,,New,Mobile,POS,XNA,Country-wide,24,Connectivity,6.0,high,POS mobile with interest,365243.0,-142.0,8.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,Y,1,135000.0,270000.0,13500.0,270000.0,Family,Commercial associate,Higher education,Married,With parents,0.018801,-9120,-1353,-650.0,-480,,1,1,0,1,0,0,Core staff,3.0,2,2,SUNDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.018333565129240458,0.2818968180089779,0.1245194708919845,0.1629,,0.9906,0.8708,0.1076,0.16,0.1379,0.375,0.4167,,0.1328,0.1789,0.0,0.0,0.166,,0.9906,0.8759,0.1086,0.1611,0.1379,0.375,0.4167,,0.1451,0.1863,0.0,0.0,0.1645,,0.9906,0.8725,0.1083,0.16,0.1379,0.375,0.4167,,0.1351,0.1821,0.0,0.0,org spec account,block of flats,0.1473,Panel,No,2.0,1.0,2.0,1.0,-179.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,2.0 +1338504,401341,Consumer loans,8424.18,84235.5,75811.5,8424.0,84235.5,SUNDAY,18,Y,1,0.10891490901320487,,,XAP,Approved,-927,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Regional / Local,82,Consumer electronics,10.0,low_normal,POS industry with interest,365243.0,-895.0,-625.0,-625.0,-619.0,0.0,0,Cash loans,F,N,Y,1,270000.0,355536.0,18283.5,270000.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.02461,-19233,-389,-9626.0,-2672,,1,1,0,1,1,0,Private service staff,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Services,,0.7869392493713377,0.5478104658520093,0.1856,0.1067,0.9816,0.7484,,0.2,0.1724,0.3333,0.0417,,0.1513,0.18600000000000005,0.0,0.0,0.1891,0.1107,0.9816,0.7583,,0.2014,0.1724,0.3333,0.0417,,0.1653,0.1938,0.0,0.0,0.1874,0.1067,0.9816,0.7518,,0.2,0.1724,0.3333,0.0417,,0.1539,0.1893,0.0,0.0,reg oper account,block of flats,0.1822,Others,No,1.0,1.0,1.0,1.0,-312.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1561689,219046,Cash loans,75192.48,675000.0,698166.0,,675000.0,SUNDAY,14,Y,1,,,,Other,Approved,-697,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,middle,Cash Street: middle,365243.0,-667.0,-337.0,-337.0,-333.0,1.0,0,Cash loans,F,N,N,0,360000.0,1223010.0,51817.5,1125000.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.018801,-9869,-947,-2053.0,-2494,,1,1,0,1,0,0,Managers,2.0,2,2,THURSDAY,8,0,0,0,0,0,0,Self-employed,,0.5051023200029099,0.39277386060313396,0.0155,,0.9667,,,,0.1724,0.125,,,,0.0504,,,0.0,,0.9583,,,,0.1724,0.0833,,,,0.0352,,,0.0156,,0.9667,,,,0.1724,0.125,,,,0.0513,,,,block of flats,0.0271,"Stone, brick",No,1.0,0.0,1.0,0.0,-341.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2366825,171655,Consumer loans,15562.395,152266.5,165330.0,0.0,152266.5,WEDNESDAY,15,Y,1,0.0,,,XAP,Approved,-609,Cash through the bank,XAP,Family,Refreshed,Consumer Electronics,POS,XNA,Country-wide,3000,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-578.0,-248.0,-248.0,-241.0,0.0,0,Cash loans,M,Y,Y,1,202500.0,1078200.0,31522.5,900000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-15295,-2385,-2931.0,-4432,7.0,1,1,1,1,1,0,Laborers,3.0,2,2,WEDNESDAY,15,0,1,1,0,1,1,Industry: type 9,,0.6173400871975401,0.5937175866150576,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2616105,446209,Revolving loans,9000.0,0.0,180000.0,,,TUESDAY,7,N,1,,,,XAP,Refused,-1172,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,Y,Y,0,180000.0,545040.0,25537.5,450000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-17907,-5183,-679.0,-1439,12.0,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,Transport: type 2,,0.5712448905862254,0.15759499866631024,0.0124,0.006999999999999999,0.9717,0.6124,0.0032,0.0,0.069,0.0417,0.0833,0.0,0.0101,0.0185,0.0,0.0,0.0126,0.0072,0.9717,0.6276,0.0032,0.0,0.069,0.0417,0.0833,0.0,0.011,0.0192,0.0,0.0,0.0125,0.006999999999999999,0.9717,0.6176,0.0032,0.0,0.069,0.0417,0.0833,0.0,0.0103,0.0188,0.0,0.0,not specified,block of flats,0.0163,Block,No,9.0,1.0,9.0,1.0,-1739.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2196520,188166,Consumer loans,3529.71,27175.5,25033.5,4050.0,27175.5,WEDNESDAY,15,Y,1,0.1516605010338571,,,XAP,Approved,-1315,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,10.0,high,POS mobile with interest,365243.0,-1279.0,-1009.0,-1069.0,-1066.0,0.0,0,Revolving loans,F,Y,Y,0,112500.0,202500.0,10125.0,202500.0,Unaccompanied,Commercial associate,Lower secondary,Widow,House / apartment,0.018029,-14590,-1415,-8568.0,-4420,23.0,1,1,1,1,1,0,Sales staff,1.0,3,3,TUESDAY,5,0,0,0,0,0,0,Business Entity Type 3,0.26743849536362274,0.639748357841913,0.3979463219016906,0.0711,0.0698,0.9811,0.7416,0.0586,0.0,0.1379,0.1667,0.2083,0.0676,0.0555,0.0627,0.0116,0.0175,0.0725,0.0724,0.9811,0.7517,0.0591,0.0,0.1379,0.1667,0.2083,0.0691,0.0606,0.0654,0.0117,0.0186,0.0718,0.0698,0.9811,0.7451,0.059,0.0,0.1379,0.1667,0.2083,0.0688,0.0564,0.0639,0.0116,0.0179,reg oper spec account,block of flats,0.0532,"Stone, brick",No,7.0,0.0,7.0,0.0,-1708.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1370380,212014,Consumer loans,13902.525,71532.0,75307.5,0.0,71532.0,TUESDAY,7,Y,1,0.0,,,XAP,Approved,-758,Cash through the bank,XAP,Children,Repeater,Office Appliances,POS,XNA,Country-wide,200,Consumer electronics,6.0,middle,POS household with interest,365243.0,-727.0,-577.0,-577.0,-571.0,0.0,0,Cash loans,F,Y,N,2,81000.0,269550.0,12001.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.020713,-11660,-3406,-3650.0,-385,36.0,1,1,0,1,0,0,,4.0,3,3,SUNDAY,13,0,0,0,0,0,0,School,,0.05963288514851502,0.33285056416487313,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1611.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2592730,293664,Cash loans,74029.32,855000.0,892242.0,,855000.0,MONDAY,17,Y,1,,,,XNA,Approved,-1137,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-1107.0,-597.0,-747.0,-739.0,1.0,0,Cash loans,F,N,N,0,270000.0,835380.0,40320.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.032561,-18307,-8794,-8133.0,-1855,,1,1,1,1,1,0,Drivers,2.0,1,1,TUESDAY,11,0,1,1,0,1,1,Self-employed,,0.688740613225147,0.25396280933631177,0.2381,0.0108,0.9771,0.6872,0.0457,0.16,0.1379,0.3333,0.375,0.0544,0.1942,0.2183,0.0,0.0,0.2426,0.0112,0.9772,0.6994,0.0461,0.1611,0.1379,0.3333,0.375,0.0556,0.2121,0.2218,0.0,0.0,0.2405,0.0108,0.9771,0.6914,0.046,0.16,0.1379,0.3333,0.375,0.0553,0.1975,0.2223,0.0,0.0,reg oper account,block of flats,0.1774,"Stone, brick",No,1.0,0.0,1.0,0.0,-353.0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1737540,322756,Consumer loans,,23625.0,23625.0,0.0,23625.0,FRIDAY,11,Y,1,0.0,,,XAP,Refused,-1027,Cash through the bank,LIMIT,,Repeater,Mobile,XNA,XNA,Country-wide,50,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,M,Y,Y,1,135000.0,135000.0,14670.0,135000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.015221,-13008,-774,-2689.0,-2658,11.0,1,1,0,1,0,0,Drivers,3.0,2,2,WEDNESDAY,9,0,0,0,0,1,1,Business Entity Type 3,0.15457450395488612,0.3755090420853346,0.2103502286944494,0.1505,0.1035,0.9876,0.83,,0.16,0.1379,0.3333,0.0417,,0.1219,0.152,0.0039,0.0012,0.1534,0.1074,0.9876,0.8367,,0.1611,0.1379,0.3333,0.0417,,0.1331,0.1584,0.0039,0.0012,0.152,0.1035,0.9876,0.8323,,0.16,0.1379,0.3333,0.0417,,0.124,0.1548,0.0039,0.0012,reg oper spec account,block of flats,0.1515,Panel,No,2.0,1.0,2.0,0.0,-1062.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,2.0 +2347000,292366,Cash loans,,0.0,0.0,,,TUESDAY,13,Y,1,,,,XNA,Refused,-316,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,N,Y,0,292500.0,237384.0,20434.5,216000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-16705,-1787,-9290.0,-252,,1,1,0,1,0,0,Core staff,2.0,1,1,WEDNESDAY,10,0,1,1,0,0,0,Business Entity Type 3,0.3943173690247888,0.7398713184132741,,0.132,0.1476,0.9786,0.7076,0.0182,0.0,0.2759,0.1667,0.2083,0.2288,0.1076,0.1209,0.0,0.0,0.1345,0.1532,0.9786,0.7190000000000001,0.0183,0.0,0.2759,0.1667,0.2083,0.234,0.1175,0.126,0.0,0.0,0.1332,0.1476,0.9786,0.7115,0.0183,0.0,0.2759,0.1667,0.2083,0.2328,0.1095,0.1231,0.0,0.0,reg oper account,block of flats,0.105,"Stone, brick",No,0.0,0.0,0.0,0.0,-637.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2027771,235740,Consumer loans,15325.965,166050.0,162265.5,16605.0,166050.0,SUNDAY,11,Y,1,0.10110305805291844,,,XAP,Approved,-503,Cash through the bank,XAP,,New,Furniture,POS,XNA,Stone,25,Furniture,12.0,low_normal,POS industry with interest,365243.0,-471.0,-141.0,-171.0,-167.0,0.0,0,Cash loans,F,N,Y,0,180000.0,1185363.0,36067.5,1062000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.0228,-22190,-523,-14596.0,-4873,,1,1,0,1,0,0,,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,Business Entity Type 2,,0.5972652676111565,0.6430255641096323,0.0722,0.0846,0.9776,0.6940000000000001,0.0148,0.0,0.1379,0.1667,0.0417,0.0223,0.0588,0.0673,0.0,0.0,0.0735,0.0878,0.9777,0.706,0.0149,0.0,0.1379,0.1667,0.0417,0.0228,0.0643,0.0702,0.0,0.0,0.0729,0.0846,0.9776,0.6981,0.0149,0.0,0.1379,0.1667,0.0417,0.0227,0.0599,0.0686,0.0,0.0,reg oper account,block of flats,0.061,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,2.0 +1318608,126220,Consumer loans,8259.57,75087.0,75087.0,0.0,75087.0,SUNDAY,14,Y,1,0.0,,,XAP,Approved,-576,Cash through the bank,XAP,,Refreshed,Furniture,POS,XNA,Stone,120,Furniture,10.0,low_normal,POS industry with interest,365243.0,-545.0,-275.0,-305.0,-303.0,0.0,0,Cash loans,F,N,Y,0,382500.0,679500.0,19867.5,679500.0,Other_B,Working,Higher education,Married,House / apartment,0.026392000000000002,-16130,-9304,-1027.0,-2859,,1,1,0,1,1,0,,2.0,2,2,TUESDAY,11,0,0,0,0,1,1,Business Entity Type 3,,0.2625588751508563,0.4436153084085652,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-66.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,4.0,2.0,0.0 +2425676,172190,Consumer loans,3400.785,31518.0,28363.5,3154.5,31518.0,TUESDAY,11,Y,1,0.10900238824567776,,,XAP,Approved,-1354,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,11,Connectivity,12.0,high,POS mobile with interest,365243.0,-1303.0,-973.0,-1003.0,-999.0,0.0,0,Cash loans,M,Y,Y,0,85500.0,71955.0,7501.5,67500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.02461,-10492,-126,-7088.0,-3157,9.0,1,1,0,1,0,0,Laborers,1.0,2,2,FRIDAY,10,0,0,0,0,1,1,Business Entity Type 3,0.19662242989936607,0.4672583638939998,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1354.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2303688,335804,Consumer loans,5501.25,39411.0,27193.5,13500.0,39411.0,WEDNESDAY,14,Y,1,0.3613040724618741,,,XAP,Approved,-1175,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,34,Connectivity,6.0,high,POS mobile with interest,365243.0,-1137.0,-987.0,-987.0,-982.0,0.0,1,Cash loans,F,N,Y,0,112500.0,533304.0,28053.0,405000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.030755,-8445,-992,-3235.0,-1098,,1,1,0,1,1,0,,1.0,2,2,TUESDAY,13,0,0,0,0,1,1,Self-employed,0.20470607110280606,0.252846619015458,0.5989262182569273,0.0186,,0.9876,,,0.0,0.1034,0.0417,,0.0103,,0.0166,,0.0,0.0189,,0.9876,,,0.0,0.1034,0.0417,,0.0106,,0.0173,,0.0,0.0187,,0.9876,,,0.0,0.1034,0.0417,,0.0105,,0.0169,,0.0,,block of flats,0.0139,"Stone, brick",No,1.0,0.0,1.0,0.0,-311.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2011760,235764,Consumer loans,6678.27,73728.0,73728.0,0.0,73728.0,SUNDAY,10,Y,1,0.0,,,XAP,Approved,-331,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,300,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-301.0,29.0,-121.0,-114.0,0.0,0,Cash loans,F,N,Y,0,202500.0,508495.5,26091.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-20006,-4621,-643.0,-3541,,1,1,0,1,0,0,Accountants,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.6696865680400219,0.5620604831738043,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-2363.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1499659,422128,Consumer loans,6327.36,58455.0,56952.0,5845.5,58455.0,SUNDAY,13,Y,1,0.10137793557213112,,,XAP,Approved,-2583,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Stone,950,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2552.0,-2282.0,-2282.0,-2275.0,1.0,0,Cash loans,F,N,N,0,112500.0,339948.0,33754.5,315000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-14414,-1159,-8437.0,-3092,,1,1,0,1,0,0,Accountants,2.0,2,2,SUNDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.4916370017616091,0.6359143216564411,0.7898803468924867,0.0722,,0.9826,,,0.0,0.1379,0.1667,,,,0.0551,,,0.0735,,0.9826,,,0.0,0.1379,0.1667,,,,0.0574,,,0.0729,,0.9826,,,0.0,0.1379,0.1667,,,,0.0561,,,,block of flats,0.0433,Panel,No,1.0,0.0,1.0,0.0,-2583.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1460563,329520,Cash loans,7606.125,112500.0,112500.0,0.0,112500.0,WEDNESDAY,16,Y,1,0.0,,,XNA,Approved,-2371,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,24.0,high,Cash Street: high,365243.0,-2341.0,-1651.0,-1651.0,-1639.0,0.0,0,Cash loans,F,N,Y,0,135000.0,1436850.0,42012.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.02461,-20070,-2296,-4210.0,-3316,,1,1,0,1,0,0,Laborers,1.0,2,2,MONDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.4796926097649886,0.5082869913916046,0.1103,0.0454,0.9856,,,0.04,0.0345,0.3333,,0.0612,,0.08,,0.0564,0.1124,0.0471,0.9856,,,0.0403,0.0345,0.3333,,0.0626,,0.0833,,0.0597,0.1114,0.0454,0.9856,,,0.04,0.0345,0.3333,,0.0623,,0.0814,,0.0576,,block of flats,0.0751,Panel,No,4.0,0.0,4.0,0.0,-2992.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1475983,242192,Cash loans,68241.51,675000.0,728460.0,,675000.0,FRIDAY,11,Y,1,,,,Repairs,Refused,-272,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,Y,N,0,247500.0,450000.0,35554.5,450000.0,Family,Working,Higher education,Married,House / apartment,0.018634,-11318,-4623,-3408.0,-3885,15.0,1,1,0,1,1,0,,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.3094245732011539,0.5441357642741862,0.178760465484575,,,0.9757,,,,,,,,,0.0965,,,,,0.9757,,,,,,,,,0.1005,,,,,0.9757,,,,,,,,,0.0982,,,,,0.0926,,No,4.0,0.0,4.0,0.0,-631.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2681805,320844,Consumer loans,13657.05,137250.0,136570.5,13725.0,137250.0,WEDNESDAY,10,Y,1,0.0994558900783638,,,XAP,Approved,-779,Cash through the bank,XAP,Family,New,Clothing and Accessories,POS,XNA,Stone,231,Clothing,12.0,middle,POS industry with interest,365243.0,-746.0,-416.0,-416.0,-411.0,0.0,0,Cash loans,M,Y,Y,2,360000.0,1374480.0,49500.0,1125000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.008068,-12421,-1788,-1793.0,-1793,10.0,1,1,0,1,0,0,Drivers,4.0,3,3,FRIDAY,12,0,0,0,0,1,1,Self-employed,,0.3460498125646067,0.6075573001388961,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-779.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1680674,160437,Cash loans,78875.28,337500.0,388989.0,,337500.0,WEDNESDAY,11,Y,1,,,,XNA,Refused,-1111,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,6.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,1,139500.0,900000.0,26316.0,900000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.022625,-13909,-2966,-5274.0,-5872,,1,1,1,1,0,0,Sales staff,3.0,2,2,MONDAY,12,0,0,0,0,0,0,Other,0.5371397910797191,0.7908830275154487,0.7121551551910698,0.0044,0.0001,0.229,0.0,0.0052,0.0,0.0345,0.0312,0.0417,0.0,0.0034,0.0053,0.0039,0.0001,0.0021,0.0001,0.0005,0.0,0.0052,0.0,0.0345,0.0,0.0417,0.0,0.0037,0.0033,0.0039,0.0001,0.0047,0.0001,0.0,0.0,0.0052,0.0,0.0345,0.0208,0.0417,0.0,0.0034,0.0039,0.0039,0.0001,not specified,block of flats,0.0025,"Stone, brick",No,0.0,0.0,0.0,0.0,-2661.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1515375,191427,Consumer loans,9049.14,45580.5,55417.5,0.0,45580.5,MONDAY,11,Y,1,0.0,,,XAP,Approved,-351,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,151,Connectivity,8.0,high,POS mobile with interest,365243.0,-320.0,-110.0,-110.0,-107.0,0.0,0,Cash loans,F,Y,Y,1,135000.0,197820.0,18274.5,180000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.018634,-14680,-366,-1258.0,-2038,22.0,1,1,0,1,0,0,Drivers,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Transport: type 3,0.2593441407477355,0.3853843389668924,0.20915469884100693,0.1505,0.1222,0.9975,0.966,0.0352,0.16,0.1379,0.375,0.4167,0.0,0.1202,0.1564,0.0116,0.012,0.1534,0.1268,0.9975,0.9673,0.0355,0.1611,0.1379,0.375,0.4167,0.0,0.1313,0.163,0.0117,0.0127,0.152,0.1222,0.9975,0.9665,0.0354,0.16,0.1379,0.375,0.4167,0.0,0.1223,0.1592,0.0116,0.0122,not specified,block of flats,0.1449,Panel,No,0.0,0.0,0.0,0.0,-157.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2765940,302926,Cash loans,79622.325,1057500.0,1103566.5,,1057500.0,TUESDAY,18,Y,1,,,,XNA,Approved,-891,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-861.0,-351.0,-351.0,-340.0,1.0,0,Cash loans,F,N,Y,0,270000.0,587619.0,19084.5,490500.0,Family,Working,Higher education,Married,House / apartment,0.008019,-21334,-6000,-8854.0,-4539,,1,1,0,1,0,0,Accountants,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.7917303869257215,0.6728087215389824,0.4471785780453068,0.0495,0.0,0.9742,0.6464,0.0049,0.0,0.1034,0.125,0.1667,0.033,0.0403,0.0395,0.0,0.0,0.0504,0.0,0.9742,0.6602,0.005,0.0,0.1034,0.125,0.1667,0.0337,0.0441,0.0411,0.0,0.0,0.05,0.0,0.9742,0.6511,0.005,0.0,0.1034,0.125,0.1667,0.0336,0.041,0.0402,0.0,0.0,reg oper account,block of flats,0.0311,"Stone, brick",No,0.0,0.0,0.0,0.0,-1001.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1538702,122372,Consumer loans,4173.705,82800.0,92155.5,0.0,82800.0,TUESDAY,11,Y,1,0.0,,,XAP,Approved,-385,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,1000,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-354.0,336.0,365243.0,365243.0,0.0,0,Revolving loans,M,Y,Y,1,135000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-15925,-1514,-8183.0,-4785,6.0,1,1,0,1,0,0,Managers,3.0,3,2,TUESDAY,12,0,0,0,0,0,0,Self-employed,0.5056002060124308,0.5830385265061757,0.6674577419214722,0.0258,0.0667,0.9712,0.6056,0.0343,0.0,0.1034,0.0833,0.125,0.0411,0.0202,0.0355,0.0039,0.0499,0.0263,0.0693,0.9712,0.621,0.0346,0.0,0.1034,0.0833,0.125,0.0421,0.022,0.0369,0.0039,0.0528,0.026,0.0667,0.9712,0.6109,0.0345,0.0,0.1034,0.0833,0.125,0.0418,0.0205,0.0361,0.0039,0.0509,reg oper account,block of flats,0.0575,"Stone, brick",No,,,,,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2034913,334257,Consumer loans,15210.63,205555.5,232011.0,0.0,205555.5,SUNDAY,21,Y,1,0.0,,,XAP,Approved,-807,Cash through the bank,XAP,Group of people,Repeater,Audio/Video,POS,XNA,Country-wide,2000,Consumer electronics,18.0,low_normal,POS household with interest,365243.0,-776.0,-266.0,-266.0,-261.0,0.0,0,Cash loans,M,N,N,0,180000.0,355500.0,28215.0,355500.0,Unaccompanied,Working,Secondary / secondary special,Separated,With parents,0.006233,-10983,-2186,-2446.0,-3358,,1,1,1,1,1,0,Laborers,1.0,2,2,TUESDAY,11,0,0,0,0,0,0,Self-employed,,0.5604420721241251,0.2851799046358216,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1120.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1586104,438414,Cash loans,27574.47,675000.0,767664.0,,675000.0,WEDNESDAY,8,Y,1,,,,XNA,Approved,-867,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-837.0,573.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,0,225000.0,969579.0,32175.0,837000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.0038130000000000004,-22306,365243,-13137.0,-4857,26.0,1,0,0,1,0,1,,1.0,2,2,TUESDAY,7,0,0,0,0,0,0,XNA,0.7519654779780409,0.7788898305526355,0.7981372313187245,0.1216,0.1322,0.9816,0.7484,0.2054,0.0,0.3103,0.1667,0.0417,0.0395,0.0983,0.1111,0.0,0.01,0.1239,0.1372,0.9816,0.7583,0.2072,0.0,0.3103,0.1667,0.0417,0.0404,0.1074,0.1157,0.0,0.0106,0.1228,0.1322,0.9816,0.7518,0.2067,0.0,0.3103,0.1667,0.0417,0.0402,0.1,0.1131,0.0,0.0102,reg oper spec account,block of flats,0.0977,Panel,No,2.0,1.0,2.0,1.0,-1714.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2265758,327356,Consumer loans,11411.37,76495.5,71950.5,9000.0,76495.5,FRIDAY,16,Y,1,0.12108409684706314,,,XAP,Approved,-2437,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,45,Connectivity,8.0,high,POS mobile with interest,365243.0,-2403.0,-2193.0,-2193.0,-2176.0,1.0,0,Cash loans,F,N,Y,1,234000.0,450000.0,22018.5,450000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-9914,-179,-479.0,-1776,,1,1,0,1,0,0,Sales staff,3.0,2,2,SATURDAY,13,0,0,0,0,0,0,Transport: type 4,0.5481018574343901,0.6115639723679049,0.4884551844437485,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-2437.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1436675,424032,Cash loans,22087.035,571500.0,684657.0,,571500.0,TUESDAY,9,Y,1,,,,XNA,Approved,-220,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-190.0,1580.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,130500.0,225000.0,8482.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-15177,-5977,-5195.0,-4326,,1,1,1,1,1,0,,2.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,Kindergarten,0.57124294663786,0.04816101784681015,0.3360615207658242,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-870.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2093749,242033,Cash loans,12204.81,135000.0,152820.0,,135000.0,WEDNESDAY,12,Y,1,,,,Urgent needs,Refused,-414,Cash through the bank,HC,,New,XNA,Cash,walk-in,Country-wide,23,Connectivity,24.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,45000.0,113760.0,7087.5,90000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.011703,-20401,365243,-7058.0,-3950,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,XNA,,0.5851634135399967,0.7850520263728172,0.0722,0.0828,0.9786,,,0.0,0.1379,0.1667,,,,0.0667,,0.0,0.0735,0.0859,0.9786,,,0.0,0.1379,0.1667,,,,0.0695,,0.0,0.0729,0.0828,0.9786,,,0.0,0.1379,0.1667,,,,0.0679,,0.0,,block of flats,0.0568,"Stone, brick",No,0.0,0.0,0.0,0.0,-364.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1079125,366415,Revolving loans,6750.0,0.0,135000.0,,,FRIDAY,10,Y,1,,,,XAP,Approved,-1146,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card X-Sell,-1143.0,-1095.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,540000.0,728460.0,44694.0,675000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.072508,-15702,-185,-9840.0,-4160,6.0,1,1,0,1,1,0,,2.0,1,1,WEDNESDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.4021230866021613,0.04567680960674469,0.3928,0.204,0.9786,0.7076,0.0654,0.64,0.2759,0.4583,0.5,0.037000000000000005,0.3202,0.3791,0.0,0.0042,0.2983,0.1561,0.9786,0.7190000000000001,0.0492,0.4834,0.2069,0.4583,0.5,0.0278,0.2608,0.2945,0.0,0.0,0.3966,0.204,0.9786,0.7115,0.0658,0.64,0.2759,0.4583,0.5,0.0377,0.3258,0.3859,0.0,0.0042,reg oper account,block of flats,0.2241,Block,No,0.0,0.0,0.0,0.0,-1146.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,13.0,0.0,1.0 +2349612,137006,Cash loans,19195.2,270000.0,270000.0,,270000.0,TUESDAY,11,Y,1,,,,XNA,Approved,-319,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-289.0,221.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,N,0,225000.0,495000.0,24750.0,495000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.014519999999999996,-23237,365243,-11311.0,-4433,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,XNA,,0.6364154053041271,0.8027454758994178,0.2227,0.1565,0.9836,0.7756,0.0521,0.24,0.2069,0.3333,0.375,0.1523,0.1816,0.233,0.0,0.0,0.2269,0.1624,0.9836,0.7844,0.0526,0.2417,0.2069,0.3333,0.375,0.1557,0.1983,0.2428,0.0,0.0,0.2248,0.1565,0.9836,0.7786,0.0524,0.24,0.2069,0.3333,0.375,0.1549,0.1847,0.2372,0.0,0.0,reg oper account,block of flats,0.2342,Panel,No,,,,,-406.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1598349,171375,Consumer loans,3388.545,26010.0,26518.5,2601.0,26010.0,SUNDAY,15,Y,1,0.09727933015832874,,,XAP,Approved,-648,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,68,Connectivity,10.0,high,POS mobile with interest,365243.0,-617.0,-347.0,-497.0,-494.0,0.0,0,Cash loans,F,N,Y,1,202500.0,781920.0,33259.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009656999999999999,-15748,-8225,-8210.0,-4175,,1,1,0,1,0,0,Laborers,3.0,2,2,THURSDAY,12,0,0,0,0,0,0,Postal,,0.2436086892143405,0.5136937663039473,0.0124,0.0,0.9717,0.6124,0.0007,0.0,0.0345,0.0417,0.0833,0.0,0.0101,0.0074,0.0,0.0,0.0126,0.0,0.9717,0.6276,0.0007,0.0,0.0345,0.0417,0.0833,0.0,0.011,0.0077,0.0,0.0,0.0125,0.0,0.9717,0.6176,0.0007,0.0,0.0345,0.0417,0.0833,0.0,0.0103,0.0075,0.0,0.0,reg oper spec account,block of flats,0.0058,"Stone, brick",Yes,1.0,0.0,1.0,0.0,-504.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +1525417,250322,Cash loans,14871.24,229500.0,254340.0,,229500.0,TUESDAY,11,Y,1,,,,XNA,Approved,-352,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-322.0,368.0,-82.0,-74.0,1.0,0,Cash loans,F,N,N,0,121500.0,315000.0,17586.0,315000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.020246,-21572,365243,-4616.0,-4608,,1,0,0,1,1,0,,1.0,3,3,WEDNESDAY,14,0,0,0,0,0,0,XNA,,0.07764603092607869,0.33285056416487313,0.1485,0.1138,0.9856,0.8028,0.0351,0.16,0.1379,0.3333,0.375,0.0202,0.121,0.1542,0.0,0.0,0.1513,0.1181,0.9856,0.8105,0.0355,0.1611,0.1379,0.3333,0.375,0.0207,0.1322,0.1607,0.0,0.0,0.1499,0.1138,0.9856,0.8054,0.0354,0.16,0.1379,0.3333,0.375,0.0206,0.1231,0.157,0.0,0.0,reg oper account,block of flats,0.1213,Panel,No,0.0,0.0,0.0,0.0,-1495.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2050140,122407,Consumer loans,3871.35,29020.5,29020.5,0.0,29020.5,MONDAY,13,Y,1,0.0,,,XAP,Approved,-2559,XNA,XAP,Unaccompanied,New,Mobile,POS,XNA,Regional / Local,15,Connectivity,10.0,high,POS mobile with interest,365243.0,-2514.0,-2244.0,-2244.0,-2238.0,0.0,0,Cash loans,F,N,N,0,148500.0,942300.0,27679.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.031329,-20031,365243,-8250.0,-3573,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,15,0,0,0,0,0,0,XNA,,0.1876654066805306,0.5691487713619409,0.0825,0.059,0.9752,0.66,0.0078,0.0,0.1379,0.1667,0.2083,0.0297,0.0672,0.0646,0.0,0.0,0.084,0.0613,0.9752,0.6733,0.0079,0.0,0.1379,0.1667,0.2083,0.0304,0.0735,0.0673,0.0,0.0,0.0833,0.059,0.9752,0.6645,0.0079,0.0,0.1379,0.1667,0.2083,0.0302,0.0684,0.0657,0.0,0.0,reg oper account,block of flats,0.0551,Block,No,4.0,0.0,4.0,0.0,-2.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2607741,451400,Consumer loans,11419.92,122400.0,122400.0,0.0,122400.0,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-1291,Cash through the bank,XAP,Family,New,Furniture,POS,XNA,Stone,317,Furniture,12.0,low_normal,POS industry with interest,365243.0,-1260.0,-930.0,-1170.0,-1165.0,0.0,0,Cash loans,F,N,N,0,189000.0,640080.0,31261.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,Rented apartment,0.022625,-9878,-2254,-4731.0,-1474,,1,1,0,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Other,,0.4575391499618657,0.2176285202779586,0.1113,0.0781,0.9886,,,0.0,0.1034,0.3333,,0.0905,,0.0677,,,0.1134,0.081,0.9886,,,0.0,0.1034,0.3333,,0.0926,,0.0705,,,0.1124,0.0781,0.9886,,,0.0,0.1034,0.3333,,0.0921,,0.0689,,,,block of flats,0.0911,Panel,No,1.0,0.0,1.0,0.0,-26.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1776538,241147,Consumer loans,4706.19,21334.5,17662.5,4270.5,21334.5,TUESDAY,16,Y,1,0.2120531950609914,,,XAP,Approved,-1004,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,24,Connectivity,4.0,middle,POS mobile without interest,365243.0,-973.0,-883.0,-943.0,-936.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,755190.0,36459.0,675000.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.035792000000000004,-16761,-846,-3046.0,-136,9.0,1,1,0,1,0,0,Drivers,2.0,2,2,FRIDAY,18,0,0,0,0,0,0,Self-employed,0.4347285872790677,0.6291492612813682,0.7252764347002191,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,5.0,0.0,-1920.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,1.0 +2106282,229360,Consumer loans,2678.49,31561.245,25245.0,6316.245,31561.245,WEDNESDAY,14,Y,1,0.21795607267998798,,,XAP,Approved,-86,XNA,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Stone,30,Connectivity,12.0,middle,POS mobile with interest,365243.0,-48.0,282.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,180000.0,1552500.0,42691.5,1552500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009334,-15700,-2577,-1480.0,-4027,,1,1,0,1,0,0,Medicine staff,2.0,2,2,FRIDAY,17,0,0,0,0,0,0,Medicine,,0.6539338027155115,0.7366226976503176,0.1031,0.0,0.9752,0.66,0.0119,0.0,0.1724,0.1667,0.2083,0.019,0.0841,0.0946,0.0,0.0,0.105,0.0,0.9752,0.6733,0.0119,0.0,0.1724,0.1667,0.2083,0.0194,0.0918,0.098,0.0,0.0,0.1041,0.0,0.9752,0.6645,0.0119,0.0,0.1724,0.1667,0.2083,0.0194,0.0855,0.0963,0.0,0.0,reg oper spec account,block of flats,0.0799,Panel,No,0.0,0.0,0.0,0.0,-1711.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,0.0 +2392262,109212,Cash loans,21928.5,225000.0,283131.0,,225000.0,TUESDAY,12,Y,1,,,,XNA,Refused,-1073,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,1,270000.0,1484181.0,40815.0,1296000.0,Unaccompanied,Working,Incomplete higher,Civil marriage,House / apartment,0.011656999999999999,-15787,-6146,-3733.0,-2194,,1,1,0,1,1,0,Laborers,3.0,1,1,THURSDAY,16,0,1,1,0,0,0,Business Entity Type 3,0.5437588678855885,0.6873606991046387,0.29859498978739724,0.0928,0.0807,0.9801,0.728,0.0374,0.0,0.2069,0.1667,0.2083,0.0318,0.0756,0.0882,0.0,0.0,0.0945,0.0838,0.9801,0.7387,0.0377,0.0,0.2069,0.1667,0.2083,0.0325,0.0826,0.0918,0.0,0.0,0.0937,0.0807,0.9801,0.7316,0.0376,0.0,0.2069,0.1667,0.2083,0.0323,0.077,0.0897,0.0,0.0,reg oper account,block of flats,0.0898,Panel,No,0.0,0.0,0.0,0.0,-1299.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1440123,147177,Consumer loans,6813.855,44995.5,35415.0,11250.0,44995.5,SATURDAY,16,Y,1,0.2625580783729288,,,XAP,Approved,-2496,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,1235,Consumer electronics,6.0,high,POS household with interest,365243.0,-2459.0,-2309.0,-2309.0,-2299.0,1.0,0,Cash loans,F,N,Y,0,179100.0,1129500.0,43150.5,1129500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-19857,-9072,-4704.0,-3415,,1,1,1,1,1,0,Secretaries,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Medicine,0.8156239890365953,0.7264879414401374,0.5531646987710016,0.1237,,0.993,,,0.12,0.1034,0.375,,,,0.0764,,0.1863,0.1261,,0.993,,,0.1208,0.1034,0.375,,,,0.0796,,0.1972,0.1249,,0.993,,,0.12,0.1034,0.375,,,,0.0778,,0.1902,,block of flats,0.1006,"Stone, brick",No,3.0,1.0,3.0,1.0,-617.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,7.0,0.0,4.0 +2111155,153312,Consumer loans,8419.365,162945.0,162945.0,0.0,162945.0,FRIDAY,16,Y,1,0.0,,,XAP,Approved,-295,Cash through the bank,XAP,,Repeater,Medicine,POS,XNA,Regional / Local,567,Industry,24.0,low_normal,POS other with interest,365243.0,-261.0,429.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,270000.0,521280.0,28408.5,450000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.025164,-10467,-1761,-317.0,-3132,,1,1,0,1,0,0,Accountants,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,Bank,0.5854967545842316,0.604303614723292,,0.0825,0.0373,0.9881,0.8368,0.021,0.08,0.069,0.375,0.4167,0.008,0.0672,0.0715,0.0,0.0,0.084,0.0387,0.9881,0.8432,0.0212,0.0806,0.069,0.375,0.4167,0.0082,0.0735,0.0745,0.0,0.0,0.0833,0.0373,0.9881,0.8390000000000001,0.0212,0.08,0.069,0.375,0.4167,0.0081,0.0684,0.0728,0.0,0.0,reg oper account,block of flats,0.0575,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1960617,134611,Cash loans,,0.0,0.0,,,SATURDAY,13,Y,1,,,,XNA,Refused,-342,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,157500.0,126000.0,9954.0,126000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-15446,-3897,-8337.0,-4257,,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Business Entity Type 1,0.3761840777348289,0.3208484074148765,0.5971924268337128,0.1134,0.1554,0.9821,0.7552,0.0204,0.0,0.3103,0.1667,0.2083,0.1425,0.0925,0.073,0.0,0.0,0.1155,0.1612,0.9821,0.7648,0.0205,0.0,0.3103,0.1667,0.2083,0.1457,0.101,0.076,0.0,0.0,0.1145,0.1554,0.9821,0.7585,0.0205,0.0,0.3103,0.1667,0.2083,0.145,0.0941,0.0743,0.0,0.0,reg oper account,block of flats,0.091,"Stone, brick",No,0.0,0.0,0.0,0.0,-1623.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1834034,413002,Cash loans,,0.0,0.0,,,THURSDAY,14,Y,1,,,,XNA,Refused,-7,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,112500.0,1061599.5,31171.5,927000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018801,-19574,-100,-2135.0,-3118,,1,1,0,1,0,0,Accountants,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.7698855995232359,0.5975072046843826,0.5638350489514956,,,0.9831,,,,,,,,,0.1546,,,,,0.9831,,,,,,,,,0.1611,,,,,0.9831,,,,,,,,,0.1574,,,,,0.1635,,No,3.0,0.0,3.0,0.0,-1518.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,3.0 +1780286,150927,Consumer loans,10655.64,106969.5,118264.5,0.0,106969.5,WEDNESDAY,17,Y,1,0.0,,,XAP,Approved,-332,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,664,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-300.0,30.0,365243.0,365243.0,0.0,0,Revolving loans,M,N,Y,1,157500.0,180000.0,9000.0,180000.0,"Spouse, partner",Working,Higher education,Married,House / apartment,0.020246,-9001,-913,-747.0,-1688,,1,1,1,1,0,0,Sales staff,3.0,3,3,SATURDAY,15,0,0,0,1,1,0,Trade: type 7,0.25318994131936595,0.3891827132905989,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-332.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2572972,361459,Consumer loans,3760.74,16645.5,19620.0,0.0,16645.5,SUNDAY,11,Y,1,0.0,,,XAP,Approved,-691,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,150,Consumer electronics,6.0,middle,POS household with interest,365243.0,-655.0,-505.0,-655.0,-648.0,0.0,0,Cash loans,M,Y,N,0,67500.0,314055.0,11767.5,238500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.031329,-10535,-3604,-4915.0,-3189,27.0,1,1,0,1,0,0,Laborers,1.0,2,2,TUESDAY,15,0,0,0,0,0,0,Business Entity Type 2,,0.5162710844117503,0.3185955240537633,0.1227,0.0987,0.9836,0.7756,0.018000000000000002,0.0,0.2759,0.1667,0.2083,0.1108,0.0992,0.102,0.0039,0.0024,0.125,0.1024,0.9836,0.7844,0.0181,0.0,0.2759,0.1667,0.2083,0.1134,0.1084,0.1063,0.0039,0.0025,0.1239,0.0987,0.9836,0.7786,0.0181,0.0,0.2759,0.1667,0.2083,0.1128,0.1009,0.1038,0.0039,0.0024,reg oper account,block of flats,0.0807,Panel,No,0.0,0.0,0.0,0.0,-25.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2229526,158766,Consumer loans,10467.495,92565.0,104175.0,0.0,92565.0,TUESDAY,15,Y,1,0.0,,,XAP,Approved,-758,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Regional / Local,158,Consumer electronics,12.0,middle,POS household with interest,365243.0,-727.0,-397.0,-397.0,-389.0,0.0,0,Revolving loans,F,Y,Y,0,63000.0,180000.0,9000.0,180000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.003069,-14907,-2821,-2290.0,-4843,11.0,1,1,0,1,1,0,Core staff,1.0,3,3,THURSDAY,12,0,0,0,0,1,1,Kindergarten,,0.5209169449695791,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-1436.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2665606,223748,Cash loans,,0.0,0.0,,,TUESDAY,16,Y,1,,,,XNA,Refused,-212,XNA,SCOFR,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,1,Cash loans,M,N,Y,0,157500.0,202500.0,13698.0,202500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.026392000000000002,-11316,-250,-4446.0,-385,,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,20,0,0,0,0,0,0,Business Entity Type 3,0.2526154054200168,0.5387770852259353,0.06871125488462053,0.0969,,0.9826,,,0.0,0.2069,0.1667,,,,0.0843,,0.0195,0.0987,,0.9826,,,0.0,0.2069,0.1667,,,,0.0878,,0.0207,0.0978,,0.9826,,,0.0,0.2069,0.1667,,,,0.0858,,0.0199,,block of flats,0.0706,"Stone, brick",No,2.0,2.0,2.0,2.0,-929.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2328348,423000,Cash loans,31365.405,495000.0,534204.0,,495000.0,MONDAY,13,Y,1,,,,XNA,Approved,-579,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-549.0,141.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,319500.0,636138.0,18360.0,531000.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.04622,-22747,365243,-8115.0,-4082,,1,0,0,1,0,0,,1.0,1,1,SATURDAY,15,0,0,0,0,0,0,XNA,,0.6811291373553559,0.5298898341969072,0.0773,0.0632,0.9821,0.7552,0.0146,0.0,0.1724,0.1667,0.0417,0.0747,0.063,0.0684,0.0,0.0,0.0788,0.0656,0.9821,0.7648,0.0148,0.0,0.1724,0.1667,0.0417,0.0764,0.0689,0.0713,0.0,0.0,0.0781,0.0632,0.9821,0.7585,0.0147,0.0,0.1724,0.1667,0.0417,0.076,0.0641,0.0696,0.0,0.0,not specified,block of flats,0.0878,Panel,No,0.0,0.0,0.0,0.0,-899.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2469798,228984,Cash loans,28304.235,270000.0,358236.0,,270000.0,TUESDAY,6,Y,1,,,,XNA,Approved,-729,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-699.0,-9.0,-639.0,-633.0,1.0,0,Cash loans,F,N,Y,0,135000.0,495351.0,30433.5,459000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.014464,-11648,-1763,-2567.0,-97,,1,1,0,1,0,0,Cooking staff,2.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,Self-employed,,0.5523786769861727,,0.1784,0.0654,0.9747,0.6532,0.0054,0.0,0.1379,0.125,0.0417,0.0492,0.1454,0.056,0.0,0.0082,0.1817,0.0679,0.9747,0.6668,0.0055,0.0,0.1379,0.125,0.0417,0.0504,0.1589,0.0583,0.0,0.0087,0.1801,0.0654,0.9747,0.6578,0.0055,0.0,0.1379,0.125,0.0417,0.0501,0.1479,0.057,0.0,0.0084,reg oper account,block of flats,0.0458,Block,No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2166108,423568,Consumer loans,10942.47,110317.5,96021.0,22063.5,110317.5,SATURDAY,14,Y,1,0.2034912056428004,,,XAP,Approved,-1024,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Regional / Local,749,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-993.0,-723.0,-783.0,-777.0,0.0,0,Cash loans,F,Y,Y,0,157500.0,1671210.0,44217.0,1395000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.032561,-18102,-5905,-9201.0,-1627,15.0,1,1,0,1,0,0,Core staff,2.0,1,1,MONDAY,10,0,0,0,0,0,0,Medicine,,0.6801737349772012,,0.1735,0.1338,0.9851,0.7959999999999999,,0.16,0.1148,0.5275,0.375,0.059,,0.1808,,,0.1155,0.0508,0.9861,0.7909,,0.0806,0.0345,0.625,0.375,0.0193,,0.1181,,,0.1145,0.1338,0.9861,0.7987,,0.08,0.0345,0.625,0.375,0.06,,0.118,,,reg oper account,block of flats,0.2502,"Stone, brick",No,0.0,0.0,0.0,0.0,-1024.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1756777,152954,Consumer loans,9886.32,197028.0,219208.5,0.0,197028.0,FRIDAY,10,Y,1,0.0,,,XAP,Approved,-1569,Cash through the bank,XAP,"Spouse, partner",New,Audio/Video,POS,XNA,Country-wide,1073,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1537.0,-847.0,-877.0,-874.0,0.0,0,Cash loans,M,Y,Y,2,225000.0,1546020.0,42642.0,1350000.0,Family,Pensioner,Higher education,Married,House / apartment,0.04622,-15884,365243,-2830.0,-4720,19.0,1,0,0,1,1,0,,4.0,1,1,SATURDAY,13,0,0,0,0,0,0,XNA,,0.7386320616462783,0.4650692149562261,0.1103,0.0741,0.9791,0.7144,,0.08,0.069,0.3333,0.375,0.0692,,0.0902,,0.0294,0.1124,0.0769,0.9791,0.7256,,0.0806,0.069,0.3333,0.375,0.0708,,0.094,,0.0311,0.1114,0.0741,0.9791,0.7182,,0.08,0.069,0.3333,0.375,0.0704,,0.0918,,0.03,reg oper account,block of flats,0.1128,"Stone, brick",No,4.0,0.0,4.0,0.0,-1569.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1844231,375816,Consumer loans,7737.84,71010.0,78507.0,0.0,71010.0,TUESDAY,19,Y,1,0.0,,,XAP,Approved,-353,Cash through the bank,XAP,"Spouse, partner",New,Mobile,POS,XNA,Country-wide,20,Connectivity,12.0,low_normal,POS mobile without interest,365243.0,-321.0,9.0,-51.0,-47.0,0.0,0,Cash loans,M,Y,N,0,360000.0,1125000.0,36292.5,1125000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.008575,-19512,-968,-3.0,-3049,7.0,1,1,1,1,0,0,Managers,2.0,2,2,FRIDAY,17,1,1,1,1,1,1,Business Entity Type 3,,0.6428168887188146,0.5298898341969072,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-353.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1837539,425789,Cash loans,19151.1,450000.0,533160.0,,450000.0,FRIDAY,6,Y,1,,,,XNA,Refused,-147,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,81000.0,135000.0,6421.5,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006305,-18845,-1329,-3025.0,-2397,,1,1,0,1,1,0,Laborers,2.0,3,3,FRIDAY,4,0,0,0,0,0,0,Self-employed,0.5520747005139733,0.34570843718502703,0.4436153084085652,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-861.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2248734,308201,Cash loans,27071.415,450000.0,599058.0,,450000.0,FRIDAY,9,Y,1,,,,XNA,Approved,-701,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),3,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-671.0,379.0,-251.0,-244.0,1.0,0,Cash loans,F,N,Y,1,90000.0,754740.0,24475.5,630000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-16073,-1544,-1466.0,-4287,,1,1,1,1,1,0,Sales staff,3.0,2,2,SATURDAY,8,0,0,0,0,0,0,Self-employed,0.7899934803445708,0.5548807240422453,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1824.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1654062,220944,Cash loans,73962.945,1350000.0,1428408.0,,1350000.0,SATURDAY,15,Y,1,,,,XNA,Refused,-171,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),60,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,193500.0,1546020.0,45333.0,1350000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.006296,-21851,365243,-5757.0,-1264,,1,0,0,1,1,0,,2.0,3,3,TUESDAY,11,0,0,0,0,0,0,XNA,,0.3749963826684485,0.5406544504453575,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-171.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1520329,195988,Consumer loans,5064.12,19755.0,17775.0,1980.0,19755.0,SUNDAY,12,Y,1,0.10915717539863323,,,XAP,Approved,-2543,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,15,Connectivity,4.0,high,POS mobile with interest,365243.0,-2496.0,-2406.0,-2406.0,-2403.0,0.0,0,Cash loans,F,Y,N,0,225000.0,1125000.0,33025.5,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.028663,-16906,-3354,-4225.0,-460,10.0,1,1,0,1,0,0,Managers,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Construction,,0.057941470139603726,,0.0856,0.0036,0.9747,,,0.0,0.1379,0.1667,,0.0,,0.0662,,0.0141,0.0872,0.0038,0.9747,,,0.0,0.1379,0.1667,,0.0,,0.069,,0.0149,0.0864,0.0036,0.9747,,,0.0,0.1379,0.1667,,0.0,,0.0674,,0.0144,,block of flats,0.0739,"Stone, brick",No,3.0,1.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1411094,118495,Consumer loans,9097.47,109170.0,96066.0,13104.0,109170.0,WEDNESDAY,15,Y,1,0.13072682305328642,,,XAP,Approved,-2773,Non-cash from your account,XAP,,New,Computers,POS,XNA,Stone,31,Consumer electronics,12.0,low_normal,POS household without interest,365243.0,-2740.0,-2410.0,-2410.0,-2391.0,0.0,0,Cash loans,F,N,Y,0,121500.0,1011955.5,43006.5,904500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-14789,-3267,-1385.0,-1805,,1,1,0,1,0,1,,2.0,2,2,THURSDAY,8,0,0,0,0,0,0,Industry: type 11,,0.7356533798959497,0.5154953751603267,0.1433,0.1613,0.9791,0.7144,0.0,0.0,0.3448,0.1667,0.2083,0.0,0.1168,0.1384,0.0,0.0,0.146,0.1673,0.9791,0.7256,0.0,0.0,0.3448,0.1667,0.2083,0.0,0.1276,0.1442,0.0,0.0,0.1447,0.1613,0.9791,0.7182,0.0,0.0,0.3448,0.1667,0.2083,0.0,0.1189,0.1409,0.0,0.0,reg oper account,block of flats,0.1089,Panel,No,4.0,0.0,4.0,0.0,-2269.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2415853,374247,Revolving loans,5625.0,0.0,112500.0,,,FRIDAY,9,Y,1,,,,XAP,Approved,-1200,XNA,XAP,,Repeater,XNA,Cards,x-sell,Regional / Local,249,Consumer electronics,0.0,XNA,Card X-Sell,-1196.0,-1156.0,365243.0,-637.0,365243.0,0.0,0,Cash loans,F,N,Y,0,112500.0,679500.0,26946.0,679500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.008625,-13473,-4466,-6354.0,-4462,,1,1,1,1,0,0,Core staff,2.0,2,2,MONDAY,12,0,0,0,0,1,1,Postal,,0.4202168471558152,0.6161216908872079,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1202.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2697252,254865,Consumer loans,4023.0,30105.0,33084.0,0.0,30105.0,MONDAY,15,Y,1,0.0,,,XAP,Approved,-1832,Cash through the bank,XAP,,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,42,Connectivity,12.0,high,POS mobile with interest,365243.0,-1798.0,-1468.0,-1468.0,-1462.0,0.0,0,Revolving loans,M,N,Y,1,180000.0,382500.0,19125.0,,,Working,Higher education,Married,House / apartment,0.031329,-14756,-2327,-8861.0,-4352,,1,1,0,1,1,0,Managers,3.0,2,2,SATURDAY,13,0,0,0,0,1,1,Business Entity Type 3,0.8464273010472085,0.7544871971273949,0.25670557243930026,0.0268,0.0582,0.9717,0.6124,0.0224,0.0,0.1034,0.0833,0.125,0.049,0.0202,0.0232,0.0077,0.0086,0.0273,0.0604,0.9717,0.6276,0.0226,0.0,0.1034,0.0833,0.125,0.0501,0.022,0.0241,0.0078,0.0091,0.0271,0.0582,0.9717,0.6176,0.0225,0.0,0.1034,0.0833,0.125,0.0498,0.0205,0.0236,0.0078,0.0088,reg oper account,block of flats,0.0323,"Stone, brick",No,3.0,0.0,3.0,0.0,-1832.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2274415,425654,Cash loans,8662.455,135000.0,152820.0,,135000.0,MONDAY,11,Y,1,,,,XNA,Approved,-1322,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-1292.0,-602.0,-992.0,-987.0,1.0,0,Cash loans,F,Y,Y,0,162000.0,867951.0,25506.0,724500.0,Family,Working,Higher education,Married,House / apartment,0.025164,-22420,-1179,-10376.0,-4867,7.0,1,1,0,1,1,0,Managers,2.0,2,2,SUNDAY,8,0,0,0,0,0,0,Kindergarten,,0.6632362274611686,0.5334816299804352,0.0742,0.0,0.9861,0.8096,0.0112,0.08,0.069,0.3333,0.375,0.1383,0.0597,0.0792,0.0039,0.0012,0.0756,0.0,0.9861,0.8171,0.0113,0.0806,0.069,0.3333,0.375,0.1415,0.0652,0.0825,0.0039,0.0012,0.0749,0.0,0.9861,0.8121,0.0113,0.08,0.069,0.3333,0.375,0.1407,0.0607,0.0806,0.0039,0.0012,reg oper account,block of flats,0.0686,Panel,No,3.0,0.0,3.0,0.0,-1630.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,4.0 +1614375,361287,Cash loans,11381.175,292500.0,292500.0,,292500.0,FRIDAY,14,Y,1,,,,XNA,Approved,-1218,Cash through the bank,XAP,Children,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-1188.0,222.0,-1008.0,-1006.0,0.0,0,Cash loans,F,N,N,2,171000.0,226422.0,13810.5,189000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.009656999999999999,-22974,365243,-7350.0,-2398,,1,0,0,1,1,0,,3.0,2,2,FRIDAY,12,0,0,0,0,0,0,XNA,,0.3463022354697229,0.2707073872651806,0.0031,0.0,0.9801,0.728,0.0,0.0,0.0345,0.0,0.0417,0.0,0.0025,0.0033,0.0,0.0004,0.0032,0.0,0.9801,0.7387,0.0,0.0,0.0345,0.0,0.0417,0.0,0.0028,0.0035,0.0,0.0005,0.0031,0.0,0.9801,0.7316,0.0,0.0,0.0345,0.0,0.0417,0.0,0.0026,0.0034,0.0,0.0004,reg oper spec account,block of flats,0.0027,"Stone, brick",No,0.0,0.0,0.0,0.0,-1218.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1085061,444324,Cash loans,19681.965,270000.0,299938.5,0.0,270000.0,SATURDAY,11,Y,1,0.0,,,XNA,Approved,-2296,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,24.0,middle,Cash Street: middle,365243.0,-2266.0,-1576.0,-1576.0,-1567.0,1.0,0,Cash loans,M,Y,Y,0,112500.0,256500.0,9796.5,256500.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.009334,-21397,365243,-9108.0,-4131,7.0,1,0,0,1,0,0,,1.0,2,2,SATURDAY,11,0,0,0,0,0,0,XNA,,0.2265988359266469,,0.067,0.0791,0.9757,0.6668,0.0082,0.0,0.1379,0.1667,0.2083,0.0569,0.0538,0.0505,0.0039,0.0525,0.0683,0.0821,0.9757,0.6798,0.0083,0.0,0.1379,0.1667,0.2083,0.0582,0.0588,0.0526,0.0039,0.0556,0.0677,0.0791,0.9757,0.6713,0.0083,0.0,0.1379,0.1667,0.2083,0.0578,0.0547,0.0514,0.0039,0.0536,reg oper account,block of flats,0.0557,"Stone, brick",No,0.0,0.0,0.0,0.0,-2445.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1775246,288083,Consumer loans,7188.84,71775.0,71775.0,0.0,71775.0,THURSDAY,11,Y,1,0.0,,,XAP,Approved,-359,Cash through the bank,XAP,,Refreshed,Computers,POS,XNA,Stone,60,Consumer electronics,12.0,middle,POS household with interest,365243.0,-327.0,3.0,-237.0,-230.0,0.0,0,Cash loans,F,Y,N,0,112500.0,787131.0,28273.5,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-13189,-2366,-1528.0,-3964,2.0,1,1,0,1,1,0,Accountants,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Industry: type 12,,0.6208209152236154,0.3425288720742255,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1390.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2332716,155588,Consumer loans,15426.945,142528.5,138856.5,14256.0,142528.5,MONDAY,17,Y,1,0.10140308596620133,,,XAP,Approved,-2413,Cash through the bank,XAP,"Spouse, partner",Repeater,Computers,POS,XNA,Country-wide,1113,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2382.0,-2112.0,-2112.0,-2106.0,1.0,0,Cash loans,M,N,Y,2,225000.0,254700.0,30357.0,225000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.030755,-12189,-89,-534.0,-4707,,1,1,0,1,0,0,Managers,4.0,2,2,SATURDAY,13,0,0,0,0,1,1,Business Entity Type 3,0.4944827684334582,0.6799834242940093,0.6058362647264226,0.0897,0.0545,0.9876,0.83,0.0518,0.0,0.2759,0.1667,0.2083,0.0696,0.0731,0.0582,0.0,0.0,0.0914,0.0566,0.9876,0.8367,0.0523,0.0,0.2759,0.1667,0.2083,0.0712,0.0799,0.0607,0.0,0.0,0.0906,0.0545,0.9876,0.8323,0.0521,0.0,0.2759,0.1667,0.2083,0.0708,0.0744,0.0593,0.0,0.0,reg oper account,block of flats,0.0741,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2741111,417053,Cash loans,54970.065,675000.0,709749.0,,675000.0,SATURDAY,11,Y,1,,,,XNA,Approved,-681,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-648.0,-138.0,-138.0,-134.0,0.0,0,Cash loans,F,Y,N,2,162000.0,1515415.5,39973.5,1354500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008865999999999999,-13605,-3402,-1038.0,-5575,7.0,1,1,1,1,0,0,Accountants,4.0,2,2,FRIDAY,21,0,0,0,0,0,0,Self-employed,,0.4497942019249352,0.5673792367572691,0.0619,0.0511,0.9771,,,0.0,0.1034,0.1667,,0.0375,,0.0503,,0.0132,0.063,0.053,0.9772,,,0.0,0.1034,0.1667,,0.0384,,0.0525,,0.014,0.0625,0.0511,0.9771,,,0.0,0.1034,0.1667,,0.0382,,0.0513,,0.0135,,block of flats,0.0425,"Stone, brick",No,0.0,0.0,0.0,0.0,-2940.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2082569,190620,Cash loans,50204.61,675000.0,782775.0,,675000.0,THURSDAY,17,Y,1,,,,XNA,Approved,-758,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-728.0,-38.0,-368.0,-363.0,1.0,0,Cash loans,F,N,Y,0,76500.0,290088.0,23049.0,229500.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.007114,-16998,-76,-9404.0,-513,,1,1,0,1,1,0,Cleaning staff,2.0,2,2,SATURDAY,17,0,0,0,0,1,1,Business Entity Type 3,,0.16658348313880791,0.06085459696592398,0.0082,0.0021,0.9781,,,,0.0345,0.0417,,,,0.0083,,,0.0084,0.0022,0.9782,,,,0.0345,0.0417,,,,0.0086,,,0.0083,0.0021,0.9781,,,,0.0345,0.0417,,,,0.0084,,,,block of flats,0.0071,Wooden,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +2632878,126099,Consumer loans,12704.355,71910.0,71910.0,0.0,71910.0,MONDAY,18,Y,1,0.0,,,XAP,Approved,-753,XNA,XAP,,Repeater,Audio/Video,POS,XNA,Stone,100,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-712.0,-562.0,-562.0,-558.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,675000.0,37692.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00823,-19032,-412,-1081.0,-2557,6.0,1,1,1,1,0,0,Laborers,2.0,2,2,FRIDAY,8,0,0,0,0,0,0,Transport: type 4,0.6368315697645056,0.546516004443543,0.7700870700124128,,0.0662,0.9975,0.966,,0.24,0.1034,0.5417,0.5833,0.134,0.1832,0.1946,,,,0.0687,0.9975,0.9673,,0.2417,0.1034,0.5417,0.5833,0.1371,0.2002,0.2027,,,,0.0662,0.9975,0.9665,,0.24,0.1034,0.5417,0.5833,0.1363,0.1864,0.1981,,,reg oper account,block of flats,0.1592,"Stone, brick",No,0.0,0.0,0.0,0.0,-979.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2106765,208584,Consumer loans,14967.54,125550.0,121293.0,13500.0,125550.0,THURSDAY,5,Y,1,0.1090763412990828,,,XAP,Approved,-1915,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Stone,31,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1880.0,-1610.0,-1610.0,-1604.0,0.0,0,Cash loans,F,N,N,2,90000.0,544491.0,16047.0,454500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.006852,-15577,-3280,-2737.0,-4395,,1,1,1,1,0,0,Core staff,4.0,3,3,MONDAY,6,0,0,0,0,0,0,Other,0.5548295018493938,0.2376234560712956,0.4561097392782771,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,0.0,-2175.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1075940,103257,Consumer loans,12460.95,101691.0,111757.5,0.0,101691.0,SATURDAY,19,Y,1,0.0,,,XAP,Approved,-1357,Cash through the bank,XAP,Other_B,Repeater,Audio/Video,POS,XNA,Country-wide,3600,Consumer electronics,12.0,high,POS household with interest,365243.0,-1326.0,-996.0,-996.0,-992.0,0.0,0,Cash loans,F,N,N,0,225000.0,1551798.0,50058.0,1215000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-15613,-286,-5281.0,-4871,,1,1,0,1,1,1,Cleaning staff,2.0,1,1,THURSDAY,14,0,0,0,0,0,0,School,0.8552801605778271,0.7165587639717365,0.10547318648733764,,,0.9786,,,,,,,,,0.0487,,,,,0.9786,,,,,,,,,0.0508,,,,,0.9786,,,,,,,,,0.0496,,,,,0.0383,,No,0.0,0.0,0.0,0.0,-1357.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2819839,207798,Cash loans,22355.055,580500.0,672453.0,,580500.0,THURSDAY,13,Y,1,,,,XNA,Approved,-175,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-145.0,1265.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,202500.0,834048.0,26185.5,720000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.019688999999999998,-23088,365243,-11076.0,-4928,,1,0,0,1,1,0,,1.0,2,2,THURSDAY,9,0,0,0,0,0,0,XNA,,0.1735739251618644,,0.1072,0.1052,0.9846,0.7892,0.046,0.0,0.2069,0.1667,0.2083,0.0662,0.0874,0.0983,0.0,0.0,0.1092,0.1092,0.9846,0.7975,0.0465,0.0,0.2069,0.1667,0.2083,0.0677,0.0955,0.1024,0.0,0.0,0.1083,0.1052,0.9846,0.792,0.0463,0.0,0.2069,0.1667,0.2083,0.0673,0.0889,0.1,0.0,0.0,reg oper account,block of flats,0.1058,Block,No,0.0,0.0,0.0,0.0,-1474.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2478909,422431,Cash loans,79687.665,2700000.0,3020760.0,,2700000.0,MONDAY,12,Y,1,,,,Repairs,Approved,-666,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_action,Cash Street: low,365243.0,-635.0,1135.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,1,576000.0,2687355.0,67932.0,2475000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-16557,-1927,-4785.0,-91,6.0,1,1,1,1,1,0,Managers,3.0,2,2,TUESDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.6409620602795326,,0.1526,0.0916,0.9925,0.898,0.0277,0.16,0.1379,0.375,0.4167,0.0,0.1227,0.1649,0.0077,0.0096,0.1439,0.092,0.9926,0.902,0.0276,0.1611,0.1379,0.375,0.4167,0.0,0.1258,0.1603,0.0,0.0,0.1541,0.0916,0.9925,0.8994,0.0279,0.16,0.1379,0.375,0.4167,0.0,0.1248,0.1679,0.0078,0.0098,reg oper account,block of flats,0.121,Panel,No,0.0,0.0,0.0,0.0,-1515.0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,,,,,, +2342640,339700,Consumer loans,4467.465,49455.0,40455.0,9000.0,49455.0,MONDAY,15,Y,1,0.1981967077508479,,,XAP,Approved,-410,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,20,Connectivity,12.0,high,POS mobile with interest,365243.0,-371.0,-41.0,-101.0,-96.0,0.0,0,Cash loans,F,N,N,0,180000.0,276277.5,21825.0,238500.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.008625,-8554,-669,-3178.0,-1227,,1,1,0,1,0,0,Cooking staff,1.0,2,2,FRIDAY,14,1,1,0,0,0,0,Industry: type 3,,0.4555696525118093,0.0963186927645401,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-410.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1970596,210802,Cash loans,14103.585,157500.0,173092.5,0.0,157500.0,THURSDAY,15,Y,1,0.0,,,XNA,Approved,-2566,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,365243.0,-2536.0,-2026.0,-2026.0,-2024.0,1.0,0,Cash loans,F,N,Y,0,180000.0,521280.0,28408.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.01885,-19342,-1030,-2184.0,-2889,,1,1,0,1,0,0,Sales staff,1.0,2,2,MONDAY,10,0,0,0,0,1,1,Business Entity Type 3,,0.3634261774971311,0.3656165070113335,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1350.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,7.0 +2243231,135510,Consumer loans,12941.46,90355.5,108990.0,4500.0,90355.5,SUNDAY,11,Y,1,0.043183620503208134,,,XAP,Approved,-550,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,38,Connectivity,12.0,high,POS mobile with interest,365243.0,-507.0,-177.0,-207.0,-200.0,0.0,0,Revolving loans,M,Y,Y,0,90000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-10828,-1871,-3500.0,-3502,64.0,1,1,0,1,0,0,Drivers,2.0,2,2,THURSDAY,13,0,0,0,1,1,0,Industry: type 9,0.1662734926754984,0.6631287663921012,0.6279908192952864,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1595.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1503739,222843,Cash loans,45324.765,1125000.0,1223010.0,,1125000.0,THURSDAY,12,Y,1,,,,Repairs,Approved,-677,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,0,XNA,36.0,low_action,Cash Street: low,365243.0,-643.0,407.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,274500.0,370107.0,16429.5,319500.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.008473999999999999,-20235,-987,-7195.0,-3794,,1,1,0,1,0,0,Accountants,1.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Services,,0.5568512273784971,0.6092756673894402,0.0923,0.0507,0.9846,0.7892,0.0301,0.06,0.1207,0.2708,0.3125,0.0335,0.0723,0.0917,0.0135,0.0643,0.0683,0.0241,0.9752,0.6733,0.0287,0.0,0.1034,0.1667,0.2083,0.0,0.0588,0.0536,0.0039,0.0478,0.0932,0.0507,0.9846,0.792,0.0303,0.06,0.1207,0.2708,0.3125,0.0341,0.0735,0.0934,0.0136,0.0657,reg oper account,block of flats,0.076,Block,No,1.0,0.0,1.0,0.0,-678.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,1.0,0.0,2.0 +2778946,165653,Cash loans,13271.355,135000.0,180580.5,0.0,135000.0,WEDNESDAY,12,Y,1,0.0,,,XNA,Approved,-1860,Cash through the bank,XAP,Children,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,high,Cash X-Sell: high,365243.0,-1830.0,-1140.0,-1170.0,-1162.0,1.0,0,Cash loans,F,N,Y,0,144000.0,292500.0,12523.5,292500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008473999999999999,-18679,-6511,-8396.0,-2217,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,10,0,0,0,0,0,0,School,,0.4993239888925642,0.501075160239048,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1493.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,4.0 +1434124,423981,Consumer loans,4337.19,41656.5,41449.5,4167.0,41656.5,FRIDAY,16,Y,1,0.0994868483592958,,,XAP,Approved,-376,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,middle,POS mobile with interest,365243.0,-345.0,-15.0,-255.0,-248.0,0.0,0,Cash loans,F,N,Y,0,135000.0,188460.0,9994.5,135000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.00733,-14771,-231,-986.0,-2576,,1,1,0,1,0,0,Core staff,2.0,2,2,WEDNESDAY,17,0,0,0,0,1,1,Self-employed,0.7900301407050477,0.6536318682465208,,0.0691,0.1105,0.9851,0.7959999999999999,0.0092,0.0,0.2069,0.1667,0.2083,0.0616,0.0538,0.0608,0.0116,0.0824,0.0704,0.1146,0.9851,0.804,0.0092,0.0,0.2069,0.1667,0.2083,0.063,0.0588,0.0634,0.0117,0.0873,0.0697,0.1105,0.9851,0.7987,0.0092,0.0,0.2069,0.1667,0.2083,0.0626,0.0547,0.0619,0.0116,0.0842,reg oper account,block of flats,0.0708,"Stone, brick",No,1.0,0.0,1.0,0.0,-1813.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2234617,136694,Cash loans,14183.1,135000.0,135000.0,,135000.0,TUESDAY,16,Y,1,,,,XNA,Approved,-912,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,12.0,middle,Cash Street: middle,365243.0,-882.0,-552.0,-552.0,-543.0,0.0,0,Cash loans,F,Y,Y,0,157500.0,423000.0,15192.0,423000.0,Family,Commercial associate,Higher education,Civil marriage,House / apartment,0.01885,-16659,-2378,-8261.0,-203,2.0,1,1,0,1,1,0,,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.8603809874672058,0.7208470205003754,0.31703177858344445,0.1485,,0.9816,,,0.04,0.1379,0.3333,,,,0.1541,,0.0,0.1513,,0.9816,,,0.0403,0.1379,0.3333,,,,0.1606,,0.0,0.1499,,0.9816,,,0.04,0.1379,0.3333,,,,0.1569,,0.0,,,0.1212,,No,0.0,0.0,0.0,0.0,-1999.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1670536,150284,Consumer loans,13485.015,296437.5,296437.5,0.0,296437.5,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-160,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Country-wide,30,Furniture,24.0,low_action,POS industry without interest,365243.0,-130.0,560.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,1,180000.0,835380.0,40320.0,675000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.019101,-12574,-2647,-420.0,-4599,13.0,1,1,0,1,0,0,Core staff,3.0,2,2,FRIDAY,12,0,0,0,0,0,0,Military,0.2708482039469097,0.7092953793921495,0.4223696523543468,0.3423,0.1724,0.997,0.9592,0.1382,0.24,0.2069,0.375,0.0,0.0,0.2715,0.2863,0.0347,0.0292,0.3487,0.1789,0.997,0.9608,0.1395,0.2417,0.2069,0.375,0.0,0.0,0.2966,0.2983,0.035,0.0309,0.3456,0.1724,0.997,0.9597,0.1391,0.24,0.2069,0.375,0.0,0.0,0.2762,0.2915,0.0349,0.0298,reg oper account,block of flats,0.3034,"Stone, brick",No,1.0,0.0,1.0,0.0,-1722.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2184649,116225,Consumer loans,5302.665,95728.5,114682.5,0.0,95728.5,THURSDAY,18,Y,1,0.0,,,XAP,Approved,-1308,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,1500,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1277.0,-587.0,-1067.0,-1060.0,0.0,0,Cash loans,F,N,Y,0,180000.0,531706.5,21478.5,459000.0,Unaccompanied,State servant,Higher education,Married,Rented apartment,0.00702,-11509,-3692,-4319.0,-3611,,1,1,0,1,1,0,Core staff,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Police,0.2761576821570836,0.3993188684107746,0.2340151665320674,0.0942,0.0947,0.9816,0.7484,0.0063,0.0,0.2069,0.1667,0.125,0.0341,0.0735,0.0827,0.0058,0.033,0.084,0.0908,0.9816,0.7583,0.0,0.0,0.2069,0.1667,0.0417,0.0,0.0725,0.0787,0.0039,0.0163,0.0999,0.0875,0.9816,0.7518,0.0063,0.0,0.2069,0.1667,0.125,0.0347,0.0748,0.0843,0.0058,0.0158,reg oper spec account,block of flats,0.069,Panel,No,4.0,0.0,4.0,0.0,-1258.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2545436,391704,Cash loans,34122.6,1129500.0,1293502.5,,1129500.0,MONDAY,15,Y,1,,,,XNA,Refused,-673,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,M,Y,N,0,135000.0,1555690.5,42912.0,1390500.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.030755,-20336,365243,-7628.0,-2119,8.0,1,0,0,1,1,0,,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,XNA,,0.7629611182415532,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-690.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2681614,439602,Consumer loans,10304.19,112491.0,112491.0,0.0,112491.0,WEDNESDAY,12,Y,1,0.0,,,XAP,Approved,-1157,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Regional / Local,150,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-1125.0,-795.0,-795.0,-782.0,0.0,0,Cash loans,F,N,Y,0,216000.0,1325475.0,59256.0,1125000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.00496,-22220,365243,-9366.0,-4250,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,XNA,,0.6768107629582579,0.656158373001177,,,,,,,,0.0,,,,0.0086,,,,,,,,,,0.0,,,,0.009000000000000001,,,,,,,,,,0.0,,,,0.0088,,,,block of flats,0.0068,,No,0.0,0.0,0.0,0.0,-1157.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1899504,234212,Consumer loans,3565.62,79060.5,79060.5,0.0,79060.5,WEDNESDAY,18,Y,1,0.0,,,XAP,Approved,-1735,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,950,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1704.0,-1014.0,-1014.0,-996.0,0.0,1,Cash loans,M,Y,Y,0,180000.0,454500.0,24786.0,454500.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.010966,-15943,-1314,-2735.0,-3039,7.0,1,1,0,1,0,0,Drivers,2.0,2,2,TUESDAY,10,0,0,0,1,1,1,Police,0.7634804213627289,0.7508233626223231,0.4400578303966329,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1735.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1306901,273483,Consumer loans,6765.255,28575.0,25717.5,2857.5,28575.0,THURSDAY,14,Y,1,0.1089090909090909,,,XAP,Approved,-117,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Stone,111,Consumer electronics,4.0,low_normal,POS household with interest,365243.0,-82.0,8.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,81000.0,208854.0,13725.0,184500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-19630,-272,-12237.0,-3170,9.0,1,1,0,1,0,0,Medicine staff,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Medicine,,0.6640757952185156,0.3123653692278984,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-200.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2571994,127928,Cash loans,25540.245,450000.0,545040.0,,450000.0,MONDAY,13,Y,1,,,,XNA,Approved,-319,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,2,112500.0,832977.0,40203.0,684000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.035792000000000004,-10153,-1088,-4206.0,-2333,,1,1,0,1,0,0,Waiters/barmen staff,4.0,2,2,FRIDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.2389054764808672,0.5920576302542301,0.4066174366275036,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-515.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1686684,105794,Consumer loans,12422.43,178474.5,176355.0,22500.0,178474.5,FRIDAY,12,Y,1,0.1232282087679236,,,XAP,Approved,-1187,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,3500,Consumer electronics,18.0,middle,POS household with interest,365243.0,-1155.0,-645.0,-735.0,-729.0,0.0,0,Revolving loans,F,N,Y,0,112500.0,270000.0,13500.0,270000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-22255,365243,-9717.0,-4440,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,7,0,0,0,0,0,0,XNA,,0.1380270464882295,0.6940926425266661,0.0124,0.0,0.9806,0.7348,0.0015,0.0,0.069,0.0417,0.0833,0.0067,0.0101,0.0083,0.0,0.0122,0.0126,0.0,0.9806,0.7452,0.0015,0.0,0.069,0.0417,0.0833,0.0069,0.011,0.0086,0.0,0.0129,0.0125,0.0,0.9806,0.7383,0.0015,0.0,0.069,0.0417,0.0833,0.0068,0.0103,0.0084,0.0,0.0125,reg oper account,block of flats,0.0092,"Stone, brick",No,2.0,1.0,2.0,1.0,-742.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2392887,252153,Cash loans,55790.865,274500.0,274500.0,,274500.0,THURSDAY,14,Y,1,,,,XNA,Approved,-660,Cash through the bank,XAP,Other_B,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),5,XNA,6.0,high,Cash Street: high,365243.0,-630.0,-480.0,-600.0,-592.0,0.0,0,Cash loans,F,Y,Y,0,112500.0,178290.0,10084.5,157500.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.009549,-23988,365243,-14585.0,-4464,16.0,1,0,0,1,1,0,,1.0,2,2,SATURDAY,15,0,0,0,1,0,0,XNA,,0.18303304924171745,0.4365064990977374,,0.1494,0.9682,,,0.0,0.3448,0.125,,,,0.0741,,,,0.1551,0.9682,,,0.0,0.3448,0.125,,,,0.0772,,,,0.1494,0.9682,,,0.0,0.3448,0.125,,,,0.0755,,,,block of flats,0.094,"Stone, brick",No,2.0,1.0,2.0,1.0,-1860.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1802534,111363,Consumer loans,9548.775,127147.5,127147.5,0.0,127147.5,FRIDAY,9,Y,1,0.0,,,XAP,Approved,-2686,Cash through the bank,XAP,,New,Furniture,POS,XNA,Stone,190,Furniture,24.0,high,POS industry with interest,365243.0,-2653.0,-1963.0,-1963.0,-1956.0,0.0,0,Cash loans,M,N,N,1,270000.0,781920.0,31522.5,675000.0,Family,State servant,Secondary / secondary special,Married,Office apartment,0.010032,-13291,-248,-44.0,-3907,,1,1,0,1,0,0,Laborers,3.0,2,2,WEDNESDAY,6,0,0,0,0,0,0,Military,,0.5855561731012029,0.7597121819739279,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2558089,241478,Cash loans,12066.885,184500.0,214942.5,,184500.0,MONDAY,15,Y,1,,,,XNA,Approved,-716,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,365243.0,-686.0,184.0,-176.0,-171.0,1.0,0,Revolving loans,F,N,Y,0,135000.0,135000.0,6750.0,135000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.019101,-17774,-1843,-2948.0,-1321,,1,1,0,1,0,0,,1.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.7031251939256017,0.10411991642915908,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0408,,No,4.0,0.0,4.0,0.0,-2511.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1196738,397822,Cash loans,9330.93,171000.0,235273.5,,171000.0,THURSDAY,11,Y,1,,,,XNA,Refused,-224,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,N,0,112500.0,206280.0,10161.0,135000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.008473999999999999,-12708,-3801,-2339.0,-4580,11.0,1,1,0,1,0,0,Core staff,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Kindergarten,0.4747874158487546,0.6423749308436519,0.4668640059537032,0.0144,,0.9682,,,,0.1034,0.0417,,,,,,,0.0147,,0.9682,,,,0.1034,0.0417,,,,,,,0.0146,,0.9682,,,,0.1034,0.0417,,,,,,,,block of flats,0.0095,,Yes,0.0,0.0,0.0,0.0,-1342.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,7.0 +1493050,231380,Consumer loans,4047.165,29686.5,33754.5,2970.0,29686.5,SATURDAY,12,Y,1,0.08807744149001345,,,XAP,Approved,-1927,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,3446,Consumer electronics,12.0,high,POS household with interest,365243.0,-1894.0,-1564.0,-1564.0,-1555.0,0.0,0,Cash loans,M,Y,Y,0,202500.0,715500.0,20920.5,715500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.01885,-19635,-1736,-8827.0,-3173,11.0,1,1,1,1,1,0,Drivers,2.0,2,2,MONDAY,12,0,0,0,0,1,1,Self-employed,,0.6949595985984184,0.8245949709919925,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-1593.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2273317,269176,Consumer loans,7640.46,149854.5,166702.5,0.0,149854.5,TUESDAY,16,Y,1,0.0,,,XAP,Approved,-891,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,1892,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-860.0,-170.0,-200.0,-193.0,0.0,0,Cash loans,M,N,Y,0,247500.0,824823.0,29353.5,688500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010147,-12318,-1930,-10432.0,-3558,,1,1,1,1,1,0,Laborers,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.10223391179824504,0.4650692149562261,0.0856,0.1031,0.9851,0.7959999999999999,0.0183,0.0,0.2069,0.1667,0.2083,0.0715,0.0698,0.0739,0.0039,0.0185,0.0872,0.107,0.9851,0.804,0.0184,0.0,0.2069,0.1667,0.2083,0.0732,0.0762,0.077,0.0039,0.0196,0.0864,0.1031,0.9851,0.7987,0.0184,0.0,0.2069,0.1667,0.2083,0.0728,0.071,0.0752,0.0039,0.0189,reg oper spec account,block of flats,0.0581,"Stone, brick",No,0.0,0.0,0.0,0.0,-649.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1920586,276782,Consumer loans,9743.22,104373.0,52186.5,52186.5,104373.0,TUESDAY,17,Y,1,0.5445454545454544,,,XAP,Approved,-1583,Cash through the bank,XAP,Unaccompanied,Refreshed,Computers,POS,XNA,Country-wide,980,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1552.0,-1402.0,-1402.0,-1395.0,0.0,0,Cash loans,M,N,Y,2,292500.0,781920.0,37746.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-14840,-3984,-7623.0,-4852,,1,1,0,1,1,0,,4.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Emergency,,0.6799310783475129,0.7490217048463391,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,1.0,-2951.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1584950,283901,Consumer loans,3920.4,35100.0,38808.0,0.0,35100.0,SUNDAY,6,Y,1,0.0,,,XAP,Approved,-659,Cash through the bank,XAP,"Spouse, partner",New,Clothing and Accessories,POS,XNA,Stone,8,Clothing,12.0,middle,POS industry with interest,365243.0,-628.0,-298.0,-568.0,-561.0,0.0,1,Cash loans,F,N,N,0,180000.0,427450.5,16411.5,369000.0,Family,State servant,Secondary / secondary special,Married,With parents,0.006852,-13933,-1073,-4185.0,-1600,,1,1,0,1,0,0,Laborers,2.0,3,3,FRIDAY,9,0,0,0,1,1,0,Medicine,,0.21983495386386145,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-659.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1735212,359539,Revolving loans,31500.0,630000.0,630000.0,,630000.0,TUESDAY,13,N,0,,,,XAP,Refused,-98,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,Y,N,1,270000.0,497520.0,39438.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.010147,-10503,-1491,-3392.0,-2811,4.0,1,1,0,1,1,0,Accountants,2.0,2,2,MONDAY,9,0,0,0,0,0,0,Trade: type 3,0.15034176328017573,0.4012138930060475,0.1684161714286957,0.1433,0.0942,0.9786,0.7076,0.0164,0.0,0.2414,0.1667,0.2083,0.1062,0.1168,0.1317,0.0,0.0,0.146,0.0977,0.9786,0.7190000000000001,0.0165,0.0,0.2414,0.1667,0.2083,0.1086,0.1276,0.1373,0.0,0.0,0.1447,0.0942,0.9786,0.7115,0.0165,0.0,0.2414,0.1667,0.2083,0.108,0.1189,0.1341,0.0,0.0,org spec account,block of flats,0.1126,"Stone, brick",No,0.0,0.0,0.0,0.0,-772.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2260389,288142,Cash loans,12447.09,360000.0,425686.5,,360000.0,MONDAY,13,Y,1,,,,XNA,Approved,-954,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,365243.0,-923.0,847.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,2,67500.0,82957.5,6682.5,63000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.00733,-13586,-710,-5186.0,-5196,,1,1,0,1,0,0,Medicine staff,4.0,2,2,THURSDAY,17,0,0,0,0,1,1,Medicine,,0.5551507594495814,0.35233997269170386,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1670.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1430585,143547,Consumer loans,18644.04,134955.0,134955.0,0.0,134955.0,MONDAY,17,Y,1,0.0,,,XAP,Approved,-463,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,32,Connectivity,10.0,high,POS mobile with interest,365243.0,-430.0,-160.0,-280.0,-275.0,0.0,0,Cash loans,F,N,N,0,130500.0,382500.0,19660.5,382500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-9808,-873,-4264.0,-1667,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.6256759350199675,0.27157273337849,0.445396241560834,0.0082,0.0,0.9622,,,0.0,0.069,0.0417,,0.014,,0.0108,,0.0,0.0084,0.0,0.9623,,,0.0,0.069,0.0417,,0.0143,,0.0112,,0.0,0.0083,0.0,0.9622,,,0.0,0.069,0.0417,,0.0142,,0.011,,0.0,,block of flats,0.0093,Wooden,No,1.0,1.0,1.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2229849,258125,Cash loans,7381.8,67500.0,67500.0,0.0,67500.0,MONDAY,9,Y,1,0.0,,,XNA,Approved,-2389,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,high,Cash Street: high,365243.0,-2359.0,-2029.0,-2029.0,-2026.0,0.0,0,Cash loans,F,N,Y,0,171000.0,531706.5,27279.0,459000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.030755,-23644,365243,-13025.0,-4294,,1,0,0,1,1,0,,1.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,XNA,,0.5663159278642429,0.2512394458905693,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1486.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +2125493,242111,Revolving loans,4500.0,90000.0,90000.0,,90000.0,MONDAY,10,Y,1,,,,XAP,Refused,-548,XNA,HC,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,Y,Y,0,112500.0,277969.5,10606.5,229500.0,Unaccompanied,Working,Lower secondary,Civil marriage,House / apartment,0.020246,-17946,-1274,-6008.0,-1500,8.0,1,1,0,1,0,0,,2.0,3,3,WEDNESDAY,7,0,0,0,0,0,0,Business Entity Type 3,,0.4771825199709577,0.7091891096653581,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1065.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1225980,115314,Consumer loans,7406.1,41796.0,44739.0,0.0,41796.0,THURSDAY,9,Y,1,0.0,,,XAP,Approved,-754,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,28,Connectivity,8.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,0,76500.0,1078200.0,31522.5,900000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.015221,-19027,-1422,-5419.0,-2584,,1,1,1,1,1,0,Sales staff,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Self-employed,0.6562826321780612,0.4156526460626983,0.21885908222837447,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-960.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1339163,229230,Consumer loans,7215.885,59346.0,59346.0,0.0,59346.0,MONDAY,12,Y,1,0.0,,,XAP,Approved,-147,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,30,Connectivity,12.0,high,POS mobile with interest,365243.0,-109.0,221.0,365243.0,365243.0,0.0,1,Cash loans,F,N,Y,1,228928.5,1293502.5,32697.0,1129500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.011656999999999999,-9377,-445,-9356.0,-83,,1,1,1,1,1,0,Sales staff,3.0,1,1,MONDAY,16,0,1,1,0,1,1,Trade: type 2,0.41031244869495775,0.4925893158227538,0.4083588531230431,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-430.0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1509980,177984,Consumer loans,10218.33,134550.0,155862.0,0.0,134550.0,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-312,Cash through the bank,XAP,Unaccompanied,Repeater,Clothing and Accessories,POS,XNA,Stone,0,Clothing,18.0,low_normal,POS industry with interest,365243.0,-281.0,229.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,135000.0,360000.0,18949.5,360000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.028663,-23036,365243,-12305.0,-4761,,1,0,0,1,1,0,,1.0,2,2,THURSDAY,16,0,0,0,0,0,0,XNA,,0.7581546127757836,0.4135967602644276,0.2237,0.1656,0.9826,0.762,0.0524,0.24,0.2069,0.3333,0.375,0.1018,0.1816,0.2258,0.0039,0.001,0.2279,0.1719,0.9826,0.7713,0.0529,0.2417,0.2069,0.3333,0.375,0.1041,0.1983,0.2352,0.0039,0.0011,0.2259,0.1656,0.9826,0.7652,0.0528,0.24,0.2069,0.3333,0.375,0.1035,0.1847,0.2298,0.0039,0.001,reg oper account,block of flats,0.2065,Panel,No,1.0,0.0,1.0,0.0,-1531.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,3.0 +2332641,118681,Consumer loans,8427.105,50940.0,41656.5,11250.0,50940.0,FRIDAY,18,Y,1,0.2315835053778407,,,XAP,Approved,-1229,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Regional / Local,32,Connectivity,6.0,high,POS mobile with interest,365243.0,-1179.0,-1029.0,-1029.0,-1024.0,0.0,0,Cash loans,F,N,Y,0,90000.0,770913.0,22221.0,643500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.02461,-20762,365243,-9898.0,-3948,,1,0,0,1,1,0,,1.0,2,2,TUESDAY,13,0,0,0,0,0,0,XNA,,0.7358149445310253,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,3.0,3.0,3.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1945509,418698,Consumer loans,13197.24,74700.0,74700.0,0.0,74700.0,FRIDAY,9,Y,1,0.0,,,XAP,Approved,-500,Cash through the bank,XAP,,Repeater,Education,POS,XNA,Stone,60,Industry,6.0,low_normal,POS industry with interest,365243.0,-469.0,-319.0,-319.0,-316.0,0.0,0,Cash loans,F,N,N,0,90000.0,314100.0,15241.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-16045,-5265,-6446.0,-4773,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.8289293881495451,0.6844020005637882,0.7267112092725122,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1888.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2605930,198096,Consumer loans,4520.655,36214.92,39801.42,0.0,36214.92,FRIDAY,15,Y,1,0.0,,,XAP,Approved,-279,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,48,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-190.0,80.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,1,157500.0,1042560.0,34456.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-10087,-2908,-975.0,-2675,,1,1,1,1,1,0,Sales staff,3.0,3,3,WEDNESDAY,9,0,0,0,0,0,0,Trade: type 7,0.2545814054796683,0.33126555972638666,0.4848514754962666,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-948.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1714446,293282,Consumer loans,12228.615,174843.0,204844.5,0.0,174843.0,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-753,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,500,Consumer electronics,24.0,middle,POS household with interest,365243.0,-721.0,-31.0,-511.0,-503.0,0.0,0,Cash loans,F,N,N,0,112500.0,1125000.0,32895.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00733,-10666,-2837,-9454.0,-1103,,1,1,1,1,0,0,,2.0,2,2,FRIDAY,8,0,0,0,1,1,1,Agriculture,,0.37661220397578576,,0.1361,0.0721,0.9757,,,0.0,0.1034,0.125,0.0417,0.0,,0.0357,,0.0,0.1387,0.0748,0.9757,,,0.0,0.1034,0.125,0.0417,0.0,,0.0372,,0.0,0.1374,0.0721,0.9757,,,0.0,0.1034,0.125,0.0417,0.0,,0.0364,,0.0,,specific housing,0.0757,"Stone, brick",No,2.0,0.0,2.0,0.0,-753.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2320524,141277,Consumer loans,2810.61,21712.5,21069.0,2250.0,21712.5,SUNDAY,15,Y,1,0.10508403213922317,,,XAP,Approved,-2679,Cash through the bank,XAP,"Spouse, partner",Repeater,Mobile,POS,XNA,Country-wide,47,Connectivity,10.0,low_normal,POS mobile with interest,365243.0,-2648.0,-2378.0,-2468.0,-2462.0,1.0,0,Revolving loans,F,N,Y,1,202500.0,225000.0,11250.0,225000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.019101,-14316,-3207,-1584.0,-3236,,1,1,0,1,1,0,Sales staff,3.0,2,2,FRIDAY,18,0,0,0,0,0,0,Business Entity Type 3,0.5802571502451325,0.7690867932136459,0.5884877883422673,0.0515,0.0553,0.9811,,,0.0,0.1379,0.1667,,,,0.0609,,0.0949,0.0525,0.0574,0.9811,,,0.0,0.1379,0.1667,,,,0.0634,,0.1005,0.052000000000000005,0.0553,0.9811,,,0.0,0.1379,0.1667,,,,0.062,,0.0969,,block of flats,0.0446,"Stone, brick",No,1.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1595050,346294,Consumer loans,10249.47,94698.0,92254.5,9472.5,94698.0,FRIDAY,12,Y,1,0.1014127383719527,,,XAP,Approved,-1553,Cash through the bank,XAP,Children,Repeater,Computers,POS,XNA,Country-wide,3560,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1522.0,-1252.0,-1282.0,-1278.0,0.0,0,Cash loans,F,N,N,0,270000.0,634500.0,27013.5,634500.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.018209,-21938,365243,-1443.0,-3922,,1,0,0,1,0,0,,2.0,3,3,THURSDAY,12,0,0,0,0,0,0,XNA,0.4461063500423352,,0.3996756156233169,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1001501,129308,Cash loans,14892.3,225000.0,254700.0,,225000.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-1643,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,24.0,middle,Cash X-Sell: middle,365243.0,-1613.0,-923.0,-923.0,-918.0,1.0,0,Revolving loans,M,Y,N,1,135000.0,337500.0,16875.0,337500.0,"Spouse, partner",Working,Secondary / secondary special,Married,With parents,0.035792000000000004,-12955,-1707,-2805.0,-4926,8.0,1,1,0,1,1,0,Drivers,3.0,2,2,MONDAY,15,0,0,0,0,1,1,Construction,,0.5705216925913005,0.6817058776720116,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1643.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2175349,169433,Cash loans,22685.58,315000.0,340573.5,,315000.0,MONDAY,17,Y,1,,,,Repairs,Refused,-590,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,18.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,225000.0,1220022.0,80068.5,1220022.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-21879,-2932,-607.0,-4746,,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,Business Entity Type 1,,0.6394711206070148,0.41885428862332175,0.1206,,0.9935,,,0.12,0.1034,0.375,,,,0.1378,,0.0,0.1229,,0.9935,,,0.1208,0.1034,0.375,,,,0.1436,,0.0,0.1218,,0.9935,,,0.12,0.1034,0.375,,,,0.1403,,0.0,,block of flats,0.1084,Panel,No,0.0,0.0,0.0,0.0,-174.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,13.0,0.0,4.0 +2295433,100600,Consumer loans,17791.245,131157.0,144175.5,13117.5,131157.0,SATURDAY,12,Y,1,0.0908250843966356,,,XAP,Approved,-1692,XNA,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,1488,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1661.0,-1391.0,-1391.0,-1383.0,0.0,0,Cash loans,F,N,Y,2,112500.0,1237684.5,47272.5,1138500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.018029,-14751,-8093,-4199.0,-4369,,1,1,0,1,1,0,Core staff,4.0,3,3,THURSDAY,5,0,0,0,0,0,0,Kindergarten,0.7089302663807847,0.22970644162665235,0.5136937663039473,0.0309,0.0239,0.9881,0.8368,0.0059,0.04,0.0345,0.3333,0.0417,,,0.0381,,0.0,0.0315,0.0248,0.9881,0.8432,0.006,0.0403,0.0345,0.3333,0.0417,,,0.0397,,0.0,0.0312,0.0239,0.9881,0.8390000000000001,0.006,0.04,0.0345,0.3333,0.0417,,,0.0388,,0.0,,block of flats,0.0332,Panel,No,2.0,0.0,2.0,0.0,-1692.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2804197,368575,Consumer loans,7856.46,58612.5,43191.0,17586.0,58612.5,TUESDAY,12,Y,1,0.3151315913466069,,,XAP,Approved,-1036,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,910,Consumer electronics,6.0,middle,POS household without interest,365243.0,-1005.0,-855.0,-855.0,-849.0,0.0,0,Cash loans,F,N,Y,0,54000.0,1288350.0,37800.0,1125000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-22451,365243,-2625.0,-4432,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,8,0,0,0,0,0,0,XNA,,0.5672179890987016,0.39449540531239935,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1803.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1001674,448300,Consumer loans,7640.82,95208.48,74182.5,27708.48,95208.48,THURSDAY,15,Y,1,0.29617002086668776,,,XAP,Approved,-1562,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,111,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1531.0,-1201.0,-1261.0,-1258.0,0.0,0,Cash loans,M,Y,Y,0,90000.0,555273.0,16366.5,463500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.022625,-17697,-7766,-10821.0,-1228,6.0,1,1,0,1,0,0,High skill tech staff,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Telecom,0.483874095703866,0.6378360582323872,0.6058362647264226,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2518413,264213,Consumer loans,8274.87,183479.4,183478.5,0.9,183479.4,FRIDAY,14,Y,1,5.342190012512674e-06,,,XAP,Approved,-1606,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Stone,135,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1575.0,-885.0,-885.0,-883.0,0.0,0,Cash loans,F,N,N,1,99000.0,585000.0,15561.0,585000.0,Family,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-12887,-115,-6328.0,-4420,,1,1,0,1,1,0,Laborers,3.0,2,2,FRIDAY,9,0,0,0,0,1,1,Restaurant,,0.4608245669877022,0.5989262182569273,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1606.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2774184,335891,Cash loans,6205.5,67500.0,84199.5,,67500.0,THURSDAY,10,Y,1,,,,XNA,Approved,-1607,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-1577.0,-1067.0,-1367.0,-1358.0,1.0,0,Revolving loans,F,N,Y,0,112500.0,135000.0,6750.0,135000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.005144,-20193,365243,-10433.0,-3664,,1,0,0,1,0,0,,1.0,2,2,MONDAY,16,0,0,0,0,0,0,XNA,,0.4316372991476764,0.3046721837533529,0.0412,0.033,0.9757,0.6668,0.0061,0.08,0.069,0.1667,0.2083,0.0057,0.0336,0.032,0.0,0.0,0.042,0.0342,0.9757,0.6798,0.0061,0.0806,0.069,0.1667,0.2083,0.0059,0.0367,0.0334,0.0,0.0,0.0416,0.033,0.9757,0.6713,0.0061,0.08,0.069,0.1667,0.2083,0.0058,0.0342,0.0326,0.0,0.0,reg oper account,block of flats,0.0285,"Stone, brick",No,0.0,0.0,0.0,0.0,-1843.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1963758,125305,Consumer loans,20047.95,388494.0,439776.0,0.0,388494.0,TUESDAY,11,Y,1,0.0,,,XAP,Approved,-563,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,1,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-532.0,158.0,365243.0,365243.0,0.0,0,Revolving loans,M,Y,N,0,135000.0,382500.0,19125.0,382500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-14310,-391,-5264.0,-4700,16.0,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.567899609129193,0.6848276586890367,0.0082,0.0,0.9682,0.5648,,0.0,0.0345,0.0417,,0.014,0.0067,0.0107,0.0,0.0,0.0084,0.0,0.9682,0.5818,,0.0,0.0345,0.0417,,0.0143,0.0073,0.0112,0.0,0.0,0.0083,0.0,0.9682,0.5706,,0.0,0.0345,0.0417,,0.0142,0.0068,0.0109,0.0,0.0,reg oper spec account,block of flats,0.011,Wooden,No,0.0,0.0,0.0,0.0,-2097.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1923582,334772,Revolving loans,5625.0,0.0,112500.0,,0.0,MONDAY,18,Y,1,,,,XAP,Approved,-1232,XNA,XAP,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-1169.0,-1123.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,225000.0,173196.0,11704.5,153000.0,Unaccompanied,Pensioner,Higher education,Separated,House / apartment,0.04622,-22111,365243,-11108.0,-1124,,1,0,0,1,0,0,,1.0,1,1,MONDAY,18,0,0,0,0,0,0,XNA,0.4767584057088442,0.5348187629993867,,0.1567,0.162,0.9826,0.762,0.0201,0.0,0.3793,0.1667,0.2083,,0.1278,0.153,0.0,0.0,0.1597,0.1682,0.9826,0.7713,0.0203,0.0,0.3793,0.1667,0.2083,,0.1396,0.1594,0.0,0.0,0.1582,0.162,0.9826,0.7652,0.0202,0.0,0.3793,0.1667,0.2083,,0.13,0.1557,0.0,0.0,reg oper account,block of flats,0.1203,"Stone, brick",No,0.0,0.0,0.0,0.0,-201.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1284342,400574,Consumer loans,11603.34,60975.0,56907.0,6750.0,60975.0,SATURDAY,13,Y,1,0.11548397876688556,,,XAP,Approved,-1382,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,6.0,high,POS mobile with interest,365243.0,-1347.0,-1197.0,-1197.0,-1192.0,0.0,0,Cash loans,M,Y,Y,0,202500.0,1125000.0,32895.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.011656999999999999,-19043,-311,-5810.0,-2587,14.0,1,1,1,1,1,0,Core staff,2.0,1,1,TUESDAY,11,0,0,0,0,1,1,Business Entity Type 3,,0.6378461610479434,0.3876253444214701,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1965.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +1776157,251469,Consumer loans,6481.53,67495.5,60745.5,6750.0,67495.5,FRIDAY,12,Y,1,0.1089163519992242,,,XAP,Approved,-1569,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,140,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1531.0,-1201.0,-1201.0,-1196.0,0.0,1,Cash loans,F,N,N,0,135000.0,540000.0,23787.0,540000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.005002,-22037,365243,-4174.0,-4189,,1,0,0,1,1,1,,2.0,3,3,FRIDAY,14,0,0,0,0,0,0,XNA,,0.4507035469396337,0.5937175866150576,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-250.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2516837,268300,Consumer loans,5628.015,49500.0,48226.5,4950.0,49500.0,THURSDAY,10,Y,1,0.10137936870610137,,,XAP,Approved,-1149,XNA,XAP,,Repeater,Furniture,POS,XNA,Stone,208,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1089.0,-819.0,-909.0,-901.0,0.0,0,Cash loans,F,N,Y,0,202500.0,669600.0,26685.0,598500.0,Unaccompanied,Pensioner,Lower secondary,Widow,House / apartment,0.02461,-23278,365243,-3787.0,-4719,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,12,0,0,0,0,0,0,XNA,,0.5849723021444853,0.511891801533151,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-320.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2134204,229365,Consumer loans,3574.665,16969.5,17811.0,0.0,16969.5,WEDNESDAY,13,Y,1,0.0,,,XAP,Approved,-2687,Cash through the bank,XAP,Children,New,Mobile,POS,XNA,Country-wide,40,Connectivity,6.0,high,POS mobile with interest,365243.0,-2656.0,-2506.0,-2506.0,-2501.0,1.0,0,Cash loans,F,N,Y,0,67500.0,135000.0,13482.0,135000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.014519999999999996,-22041,365243,-10616.0,-4717,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,11,0,0,0,0,0,0,XNA,,0.3838419676805389,,0.1485,0.0877,0.9851,0.7959999999999999,0.0346,0.16,0.1379,0.3333,0.375,0.0689,0.121,0.1501,0.0,0.0,0.1513,0.091,0.9851,0.804,0.0349,0.1611,0.1379,0.3333,0.375,0.0704,0.1322,0.1564,0.0,0.0,0.1499,0.0877,0.9851,0.7987,0.0348,0.16,0.1379,0.3333,0.375,0.0701,0.1231,0.1528,0.0,0.0,reg oper account,block of flats,0.1362,Panel,No,0.0,0.0,0.0,0.0,-1404.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1963273,350369,Consumer loans,3271.635,27675.0,24525.0,3150.0,27675.0,WEDNESDAY,15,Y,1,0.12396156688839614,,,XAP,Approved,-2788,Cash through the bank,XAP,,New,Mobile,POS,XNA,Stone,8,Connectivity,10.0,high,POS mobile with interest,365243.0,-2749.0,-2479.0,-2479.0,-2476.0,0.0,0,Cash loans,F,N,Y,0,81000.0,188685.0,10363.5,157500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.022625,-17936,-559,-12663.0,-1456,,1,1,1,1,1,1,Cleaning staff,1.0,2,2,FRIDAY,14,0,0,0,0,0,0,Industry: type 7,,0.711347182362802,0.4722533429586386,0.0928,0.1,0.9831,0.7688,0.0466,0.0,0.2069,0.1667,0.2083,0.0506,0.0756,0.0785,0.0,0.0,0.0945,0.1038,0.9831,0.7779,0.047,0.0,0.2069,0.1667,0.2083,0.0517,0.0826,0.0818,0.0,0.0,0.0937,0.1,0.9831,0.7719,0.0469,0.0,0.2069,0.1667,0.2083,0.0515,0.077,0.0799,0.0,0.0,reg oper account,block of flats,0.0873,Block,No,1.0,1.0,1.0,0.0,-185.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2004923,153008,Cash loans,22970.295,229500.0,241920.0,,229500.0,WEDNESDAY,14,Y,1,,,,XNA,Approved,-762,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-732.0,-402.0,-402.0,-394.0,1.0,0,Cash loans,F,N,Y,0,135000.0,1272888.0,37345.5,1111500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.028663,-21385,-138,-6815.0,-4219,,1,1,0,1,0,0,Security staff,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,School,,0.3927546533049329,0.6577838002083306,0.0687,0.0335,0.9935,0.9116,0.0213,0.0,0.1148,0.1942,0.2358,0.0488,0.0524,0.0642,0.0141,0.0206,0.0557,0.0,0.9896,0.8628,0.0153,0.0,0.069,0.2083,0.25,0.0313,0.0441,0.0467,0.0,0.0,0.0583,0.0086,0.9955,0.9396,0.021,0.0,0.069,0.2083,0.25,0.0474,0.041,0.0591,0.0194,0.0242,reg oper account,block of flats,0.0518,Panel,No,1.0,0.0,1.0,0.0,-75.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1256895,289475,Revolving loans,14625.0,292500.0,292500.0,,292500.0,SUNDAY,12,Y,1,,,,XAP,Approved,-261,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-171.0,-124.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,2,234000.0,483930.0,31054.5,427500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-12385,-1863,-173.0,-2077,10.0,1,1,0,1,0,0,Laborers,4.0,1,1,TUESDAY,10,0,0,0,0,0,0,Construction,0.7489942678784098,0.5485529759262233,0.6754132910917112,0.0866,0.0776,0.9851,0.7959999999999999,0.0144,0.0,0.2069,0.1667,0.2083,,0.0706,0.0814,0.0,0.0,0.0882,0.0805,0.9851,0.804,0.0145,0.0,0.2069,0.1667,0.2083,,0.0771,0.0848,0.0,0.0,0.0874,0.0776,0.9851,0.7987,0.0145,0.0,0.2069,0.1667,0.2083,,0.0718,0.0829,0.0,0.0,reg oper account,block of flats,0.064,Panel,No,2.0,0.0,2.0,0.0,-1361.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,2.0 +1797067,151998,Consumer loans,2766.15,55435.5,59359.5,5886.0,55435.5,SATURDAY,14,Y,1,0.0982502868536388,,,XAP,Approved,-2620,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Country-wide,928,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-2589.0,-1899.0,-1899.0,-1891.0,1.0,0,Cash loans,F,N,Y,1,90000.0,505066.5,28332.0,468000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.025164,-11443,-3565,-630.0,-3251,,1,1,0,1,1,0,Sales staff,3.0,2,2,MONDAY,8,0,0,0,0,0,0,Self-employed,0.607761352465874,0.28580859066829245,0.6479768603302221,0.1021,0.0564,0.9901,0.8640000000000001,0.0296,0.12,0.1034,0.3333,0.375,0.0785,0.0807,0.1036,0.0116,0.1484,0.104,0.0585,0.9901,0.8693,0.0299,0.1208,0.1034,0.3333,0.375,0.0803,0.0882,0.108,0.0117,0.1571,0.1031,0.0564,0.9901,0.8658,0.0298,0.12,0.1034,0.3333,0.375,0.0799,0.0821,0.1055,0.0116,0.1515,reg oper spec account,block of flats,0.13,Panel,No,3.0,0.0,3.0,0.0,-1077.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2570509,302878,Consumer loans,3164.85,27180.0,25420.5,4050.0,27180.0,FRIDAY,20,Y,1,0.14966892932994627,,,XAP,Approved,-2106,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,high,POS mobile with interest,365243.0,-2074.0,-1744.0,-1984.0,-1971.0,0.0,0,Cash loans,M,Y,Y,0,270000.0,1435500.0,39604.5,1435500.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.026392000000000002,-12632,-2767,-978.0,-2219,8.0,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,10,0,0,0,0,1,1,Business Entity Type 2,0.25380216835496633,0.5651662377458385,0.4561097392782771,0.0186,,0.9856,,,0.0,0.1034,0.0417,,,,0.0188,,,0.0189,,0.9856,,,0.0,0.1034,0.0417,,,,0.0196,,,0.0187,,0.9856,,,0.0,0.1034,0.0417,,,,0.0191,,,,block of flats,0.0166,"Stone, brick",No,1.0,1.0,1.0,1.0,-1102.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +1233072,343673,Cash loans,13455.585,135000.0,143910.0,,135000.0,TUESDAY,15,Y,1,,,,XNA,Approved,-371,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Channel of corporate sales,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-341.0,-11.0,-71.0,-65.0,1.0,0,Cash loans,F,Y,Y,0,99000.0,533668.5,22738.5,477000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-16724,-247,-4680.0,-264,20.0,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,15,0,0,0,0,1,1,Business Entity Type 3,,0.4351545604550303,0.6347055309763198,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,1.0,-1882.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +1613405,160868,Revolving loans,4500.0,0.0,90000.0,,,TUESDAY,8,Y,1,,,,XAP,Approved,-2645,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card Street,-2644.0,-2582.0,365243.0,-2216.0,365243.0,0.0,0,Cash loans,F,Y,Y,1,202500.0,1078200.0,34911.0,900000.0,Family,Working,Incomplete higher,Married,House / apartment,0.019101,-13454,-5319,-1525.0,-4213,4.0,1,1,0,1,0,0,Managers,3.0,2,2,MONDAY,12,0,0,0,0,0,0,Self-employed,,0.6443367684862095,0.6658549219640212,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-2534.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1890422,126527,Consumer loans,23043.285,129825.0,112990.5,22500.0,129825.0,MONDAY,9,Y,1,0.1808580339916485,,,XAP,Approved,-94,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Stone,218,Consumer electronics,6.0,high,POS household with interest,365243.0,-56.0,94.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,99000.0,143910.0,15268.5,135000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.028663,-13016,-2166,-1963.0,-4229,,1,1,1,1,0,0,Cooking staff,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,School,0.6036468261678392,0.4317177714266652,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2832126,173544,Consumer loans,9266.445,61987.5,67099.5,0.0,61987.5,WEDNESDAY,12,Y,1,0.0,,,XAP,Approved,-1982,Cash through the bank,XAP,Unaccompanied,Repeater,Clothing and Accessories,POS,XNA,Stone,513,Clothing,10.0,high,POS industry with interest,365243.0,-1948.0,-1678.0,-1678.0,-1670.0,0.0,0,Cash loans,F,N,Y,1,135000.0,177768.0,14175.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.018029,-11386,-2975,-4927.0,-1825,,1,1,0,1,0,0,Laborers,2.0,3,3,THURSDAY,7,0,0,0,0,0,0,Self-employed,,0.4143466572682937,0.13177013253138142,0.1237,,0.9816,,,0.0,0.0345,0.1667,,,,0.0588,,,0.1261,,0.9816,,,0.0,0.0345,0.1667,,,,0.0612,,,0.1249,,0.9816,,,0.0,0.0345,0.1667,,,,0.0598,,,,block of flats,0.0578,Panel,No,8.0,0.0,8.0,0.0,-1330.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2089349,455705,Consumer loans,14355.0,130500.0,130500.0,0.0,130500.0,MONDAY,21,Y,1,0.0,,,XAP,Approved,-297,Cash through the bank,XAP,,New,Furniture,POS,XNA,Stone,50,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-249.0,21.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,225000.0,450000.0,29299.5,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.011656999999999999,-8629,-201,-1354.0,-1321,,1,1,0,1,1,0,Core staff,2.0,1,1,THURSDAY,8,0,1,1,0,1,1,Insurance,0.19586951565984706,0.5319015597540391,0.7136313997323308,0.2701,0.0997,0.9945,0.9252,0.0368,0.192,0.1241,0.525,0.4667,0.0636,0.219,0.2185,0.0054,0.0095,0.0882,0.0808,0.9965,0.9543,0.0,0.2417,0.1034,0.6667,0.5,0.0,0.0771,0.0929,0.0,0.0,0.3529,0.0957,0.9965,0.953,0.0317,0.24,0.1034,0.6667,0.5,0.0493,0.2865,0.2822,0.0039,0.0037,reg oper spec account,block of flats,0.224,Monolithic,No,0.0,0.0,0.0,0.0,-297.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1578043,447245,Revolving loans,13500.0,0.0,270000.0,,,SUNDAY,9,Y,1,,,,XAP,Approved,-668,XNA,XAP,,Refreshed,XNA,Cards,x-sell,AP+ (Cash loan),4,XNA,0.0,XNA,Card X-Sell,-668.0,-591.0,365243.0,-561.0,365243.0,0.0,0,Cash loans,F,N,Y,0,157500.0,247500.0,18634.5,247500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.028663,-22037,365243,-1168.0,-4753,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,XNA,,0.640383131648071,0.8406665596573005,0.099,0.0,0.9786,0.7076,0.011,0.0,0.2069,0.1667,0.2083,0.0517,0.0723,0.0785,0.0386,0.0123,0.1008,0.0,0.9786,0.7190000000000001,0.0111,0.0,0.2069,0.1667,0.2083,0.0529,0.079,0.0818,0.0389,0.013,0.0999,0.0,0.9786,0.7115,0.0111,0.0,0.2069,0.1667,0.2083,0.0526,0.0735,0.0799,0.0388,0.0126,reg oper account,block of flats,0.0774,"Stone, brick",No,0.0,0.0,0.0,0.0,-2070.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2242769,304095,Revolving loans,0.0,0.0,0.0,,0.0,MONDAY,9,Y,1,,,,XAP,Approved,-234,XNA,XAP,Family,Repeater,XNA,Cards,walk-in,Country-wide,100,Consumer electronics,0.0,XNA,Card Street,-234.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,2,360000.0,675000.0,36747.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,With parents,0.030755,-13757,-5013,-135.0,-4993,8.0,1,1,0,1,0,0,Laborers,4.0,2,2,THURSDAY,12,0,0,0,0,0,0,Self-employed,,0.6883936022512458,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-866.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1685884,362124,Consumer loans,3537.585,29875.5,29371.5,3150.0,29875.5,SATURDAY,13,Y,1,0.10548825741851893,,,XAP,Approved,-2078,Cash through the bank,XAP,"Spouse, partner",Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,12.0,high,POS mobile with interest,365243.0,-2047.0,-1717.0,-1717.0,-1713.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,254799.0,18670.5,193500.0,Unaccompanied,State servant,Secondary / secondary special,Married,Office apartment,0.018634,-13649,-6294,-1099.0,-4599,30.0,1,1,0,1,0,0,,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,Other,0.516193349331195,0.7960468112187804,0.7295666907060153,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2078.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2805471,368942,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SATURDAY,11,Y,1,,,,XAP,Approved,-413,XNA,XAP,,New,XNA,Cards,walk-in,Country-wide,2200,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,180000.0,755190.0,36459.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Municipal apartment,0.009549,-17542,-9276,-8005.0,-954,,1,1,0,1,0,0,Laborers,1.0,2,2,SATURDAY,14,0,0,0,0,0,0,Industry: type 1,0.2744329330794699,0.6313964951771733,0.3490552510751822,0.0072,0.0,0.9767,,,0.0,0.069,0.0417,,0.0118,,0.0149,,0.0033,0.0074,0.0,0.9767,,,0.0,0.069,0.0417,,0.0121,,0.0155,,0.0035,0.0073,0.0,0.9767,,,0.0,0.069,0.0417,,0.012,,0.0151,,0.0033,,block of flats,0.0117,"Stone, brick",No,0.0,0.0,0.0,0.0,-413.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1358809,437313,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SUNDAY,13,Y,1,,,,XAP,Approved,-191,XNA,XAP,Unaccompanied,New,XNA,Cards,walk-in,Regional / Local,90,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,F,N,Y,0,157500.0,973710.0,28597.5,697500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-17479,-512,-9450.0,-976,,1,1,1,1,0,0,Sales staff,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.3133431590894544,0.8482442999507556,0.1866,0.1328,0.9871,0.8232,,0.2,0.1724,0.3333,0.375,0.0518,0.1521,0.1935,0.0116,0.0025,0.1901,0.1378,0.9871,0.8301,,0.2014,0.1724,0.3333,0.375,0.053,0.1662,0.2016,0.0117,0.0026,0.1884,0.1328,0.9871,0.8256,,0.2,0.1724,0.3333,0.375,0.0527,0.1548,0.197,0.0116,0.0026,reg oper account,block of flats,0.1929,Panel,No,9.0,3.0,9.0,3.0,-191.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2082626,177589,Cash loans,49308.66,900000.0,952272.0,,900000.0,TUESDAY,13,Y,1,,,,XNA,Approved,-429,Cash through the bank,XAP,,New,XNA,Cash,x-sell,Channel of corporate sales,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-399.0,291.0,-9.0,-4.0,1.0,0,Cash loans,F,Y,N,0,157576.5,1223010.0,46714.5,1125000.0,Unaccompanied,Commercial associate,Higher education,Separated,With parents,0.019688999999999998,-15611,-3787,-6425.0,-5714,8.0,1,1,1,1,1,0,Managers,1.0,2,2,THURSDAY,12,0,0,0,0,0,0,Trade: type 2,0.6315078852351286,0.6671080896964893,,0.0612,0.0675,0.9851,0.7959999999999999,0.0085,0.0664,0.0572,0.3333,0.375,0.1046,0.0499,0.0858,0.0,0.0013,0.0756,0.0796,0.9851,0.804,0.0,0.0806,0.069,0.3333,0.375,0.0136,0.0661,0.0389,0.0,0.0,0.0749,0.0767,0.9851,0.7987,0.0102,0.08,0.069,0.3333,0.375,0.0659,0.0616,0.0778,0.0,0.0008,org spec account,block of flats,0.03,Panel,No,0.0,0.0,0.0,0.0,-429.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2748970,333300,Consumer loans,16247.52,80865.0,85135.5,0.0,80865.0,MONDAY,15,Y,1,0.0,,,XAP,Approved,-709,Cash through the bank,XAP,Unaccompanied,New,Construction Materials,POS,XNA,Stone,200,Construction,6.0,middle,POS industry with interest,365243.0,-678.0,-528.0,-588.0,-577.0,0.0,0,Cash loans,F,N,Y,0,90000.0,203760.0,20281.5,180000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-24580,365243,-737.0,-320,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,XNA,,0.6676080940992951,0.7557400501752248,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-709.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1456135,408069,Consumer loans,5061.15,39547.44,37939.5,4501.44,39547.44,WEDNESDAY,10,Y,1,0.11551293118904014,,,XAP,Approved,-2242,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Stone,20,Connectivity,10.0,high,POS mobile with interest,365243.0,-2203.0,-1933.0,-1933.0,-1916.0,1.0,0,Revolving loans,M,Y,Y,1,225000.0,270000.0,13500.0,270000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-11611,-3734,-8387.0,-3138,14.0,1,1,0,1,0,0,Laborers,3.0,2,2,FRIDAY,14,0,0,0,0,0,0,Business Entity Type 2,,0.5283446494726729,0.5602843280409464,0.1629,0.138,0.9851,,,0.0,0.3793,0.1667,,0.2443,,0.1478,,0.0,0.166,0.1432,0.9851,,,0.0,0.3793,0.1667,,0.2498,,0.154,,0.0,0.1645,0.138,0.9851,,,0.0,0.3793,0.1667,,0.2485,,0.1504,,0.0,,block of flats,0.1162,Panel,No,0.0,0.0,0.0,0.0,-238.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,4.0,1.0,2.0 +1430099,256764,Consumer loans,6365.61,33277.5,31144.5,3600.0,33277.5,SUNDAY,14,Y,1,0.11284454439486173,,,XAP,Approved,-2097,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,1600,Consumer electronics,6.0,high,POS household with interest,365243.0,-2066.0,-1916.0,-1976.0,-1971.0,0.0,0,Cash loans,F,Y,Y,0,270000.0,1071000.0,54535.5,1071000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.001417,-16456,-1306,-408.0,-16,12.0,1,1,0,1,0,1,Accountants,2.0,2,2,THURSDAY,9,0,0,0,0,1,1,Self-employed,0.6270144293190144,0.31583274323468674,0.5867400085415683,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-246.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2793242,207982,Cash loans,13114.98,112500.0,119925.0,0.0,112500.0,THURSDAY,15,Y,1,0.0,,,XNA,Approved,-2615,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,high,Cash Street: high,365243.0,-2585.0,-2255.0,-2285.0,-2276.0,1.0,0,Cash loans,M,Y,N,0,135000.0,450000.0,21888.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.019688999999999998,-12933,-4658,-7062.0,-4045,10.0,1,1,1,1,1,0,Laborers,1.0,2,2,SATURDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.7143417619994336,0.4992720153045617,0.1485,0.0,0.9796,,,0.16,0.1379,0.3333,,0.0638,,0.1489,,0.174,0.1513,0.0,0.9796,,,0.1611,0.1379,0.3333,,0.0653,,0.1552,,0.1842,0.1499,0.0,0.9796,,,0.16,0.1379,0.3333,,0.0649,,0.1516,,0.1776,,block of flats,0.1181,Panel,No,8.0,0.0,8.0,0.0,-1565.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1037457,305307,Cash loans,13368.51,112500.0,127246.5,,112500.0,MONDAY,12,Y,1,,,,XNA,Approved,-1322,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1292.0,-962.0,-1022.0,-1014.0,1.0,0,Cash loans,M,N,Y,0,135000.0,247275.0,17716.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-13936,-2281,-6067.0,-5686,,1,1,0,1,0,0,Sales staff,2.0,2,2,SUNDAY,9,0,0,0,0,0,0,Transport: type 4,,0.27894484293408656,0.32173528219668485,0.1216,0.0,0.9831,,,0.0,0.2759,0.1667,,0.1341,,0.1116,,0.124,0.1239,0.0,0.9831,,,0.0,0.2759,0.1667,,0.1372,,0.1163,,0.1313,0.1228,0.0,0.9831,,,0.0,0.2759,0.1667,,0.1364,,0.1136,,0.1266,,block of flats,0.0878,Panel,No,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2206886,104448,Cash loans,25932.915,450000.0,533160.0,,450000.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-895,Cash through the bank,XAP,Family,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,middle,Cash Street: middle,365243.0,-865.0,545.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,135000.0,765000.0,30339.0,765000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-22155,-5265,-1539.0,-4778,,1,1,1,1,1,0,Cleaning staff,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Business Entity Type 2,,0.5280939733155651,0.35233997269170386,0.2887,0.1177,0.9965,,,0.32,0.1379,0.5417,,0.1066,,0.29600000000000004,,0.0568,0.2941,0.1222,0.9965,,,0.3222,0.1379,0.5417,,0.109,,0.3084,,0.0602,0.2915,0.1177,0.9965,,,0.32,0.1379,0.5417,,0.1085,,0.3014,,0.058,,block of flats,0.2452,Block,No,1.0,1.0,1.0,1.0,-895.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2528465,373797,Consumer loans,7480.665,41175.0,41175.0,0.0,41175.0,FRIDAY,10,Y,1,0.0,,,XAP,Approved,-680,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,70,Consumer electronics,6.0,middle,POS household with interest,365243.0,-645.0,-495.0,-645.0,-636.0,0.0,0,Cash loans,F,N,Y,0,90000.0,900000.0,31887.0,900000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.026392000000000002,-10545,-648,-2011.0,-2426,,1,1,0,1,1,0,Core staff,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,Other,,0.4482090669772159,0.35895122857839673,0.0392,0.0882,0.9965,,,0.0,0.1034,0.125,,,,0.0402,,0.0,0.0399,0.0915,0.9965,,,0.0,0.1034,0.125,,,,0.0418,,0.0,0.0396,0.0882,0.9965,,,0.0,0.1034,0.125,,,,0.0409,,0.0,,block of flats,0.0316,"Stone, brick",No,0.0,0.0,0.0,0.0,-1207.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1273990,154154,Cash loans,,0.0,0.0,,,SATURDAY,12,Y,1,,,,XNA,Refused,-256,XNA,HC,,Repeater,XNA,XNA,XNA,AP+ (Cash loan),4,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,2,67500.0,315000.0,17217.0,315000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-13297,-1731,-6435.0,-5337,,1,1,1,1,1,0,Sales staff,4.0,3,3,WEDNESDAY,11,0,0,0,0,1,1,Trade: type 7,0.4629779007854477,0.22790447723524,0.1674084472266241,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-179.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2000219,177782,Consumer loans,13055.13,118237.5,104737.5,13500.0,118237.5,SUNDAY,11,Y,1,0.12434910474872413,,,XAP,Approved,-1296,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Stone,113,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1265.0,-995.0,-995.0,-988.0,0.0,0,Cash loans,M,N,Y,0,202500.0,1057266.0,44923.5,945000.0,Family,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.019688999999999998,-17991,-2036,-8984.0,-1495,,1,1,0,1,0,0,Drivers,2.0,2,2,MONDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.7030978053404182,0.6658549219640212,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2282733,337650,Cash loans,16591.5,135000.0,135000.0,0.0,135000.0,WEDNESDAY,12,Y,1,0.0,,,XNA,Approved,-2841,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,10.0,middle,Cash Street: middle,365243.0,-2811.0,-2541.0,-2541.0,-2536.0,0.0,0,Cash loans,M,Y,N,0,450000.0,1042560.0,34587.0,900000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.072508,-10809,-4012,-12.0,-6,7.0,1,1,0,1,0,0,,2.0,1,1,TUESDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.7136540802950001,0.6956219298394389,0.1979,0.0743,1.0,,,0.24,0.1034,0.6667,,0.0,,0.1859,,0.0354,0.2017,0.0771,1.0,,,0.2417,0.1034,0.6667,,0.0,,0.1937,,0.0375,0.1999,0.0743,1.0,,,0.24,0.1034,0.6667,,0.0,,0.1893,,0.0362,,block of flats,0.1539,Panel,No,0.0,0.0,0.0,0.0,-2519.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,0.0 +2452561,259213,Consumer loans,4376.655,24507.0,21807.0,2700.0,24507.0,WEDNESDAY,11,Y,1,0.11998798117050045,,,XAP,Approved,-2450,XNA,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,25,Connectivity,6.0,high,POS mobile with interest,365243.0,-2417.0,-2267.0,-2267.0,-2257.0,0.0,0,Cash loans,F,Y,N,0,112500.0,2013840.0,53253.0,1800000.0,Unaccompanied,Working,Secondary / secondary special,Married,Rented apartment,0.007114,-17261,-89,-8769.0,-814,2.0,1,1,0,1,0,0,Core staff,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Government,0.6144207239449194,0.2651072007852093,0.6528965519806539,0.2139,,0.9886,0.8368,0.0568,0.23,0.1983,0.3333,0.0417,0.0991,0.1519,0.1366,0.0,0.382,0.1513,,0.9886,0.8497,0.0573,0.1611,0.1379,0.3333,0.0417,0.1008,0.1322,0.0983,0.0,0.2767,0.2071,,0.9886,0.8457,0.0572,0.22,0.1897,0.3333,0.0417,0.1003,0.1231,0.133,0.0,0.3776,reg oper account,block of flats,0.2548,Panel,No,0.0,0.0,0.0,0.0,-1931.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2273531,233808,Consumer loans,2836.53,51984.0,62964.0,0.0,51984.0,TUESDAY,11,Y,1,0.0,,,XAP,Approved,-223,Cash through the bank,XAP,Children,New,Consumer Electronics,POS,XNA,Regional / Local,162,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-192.0,498.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,103500.0,220032.0,10386.0,144000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.035792000000000004,-22789,365243,-587.0,-4156,,1,0,0,1,0,0,,1.0,2,2,MONDAY,11,0,0,0,0,0,0,XNA,,0.5627141061025026,0.22383131747015547,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-223.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2415424,394470,Consumer loans,18272.025,182299.5,202797.0,0.0,182299.5,WEDNESDAY,19,Y,1,0.0,,,XAP,Approved,-316,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Regional / Local,200,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-284.0,46.0,-14.0,-11.0,0.0,0,Cash loans,M,N,N,0,414000.0,701730.0,68490.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,Rented apartment,0.006233,-11914,-3533,-3255.0,-3138,,1,1,1,1,1,0,High skill tech staff,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,Military,,0.6358434375161276,0.6496203111237195,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1937.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1556603,418531,Consumer loans,3621.375,21555.0,17901.0,4500.0,21555.0,FRIDAY,11,Y,1,0.2187808174148068,,,XAP,Approved,-2019,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,15,Connectivity,6.0,high,POS mobile with interest,365243.0,-1971.0,-1821.0,-1821.0,-1814.0,0.0,0,Cash loans,F,N,Y,0,103500.0,331920.0,16947.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.02461,-16550,-1201,-3099.0,-103,,1,1,0,1,0,0,,1.0,2,2,MONDAY,13,0,0,0,0,1,1,Business Entity Type 3,0.701312251821803,0.7588715980036621,0.5531646987710016,,,0.9796,,,,,,,,,0.0731,,,,,0.9796,,,,,,,,,0.0762,,,,,0.9796,,,,,,,,,0.0744,,,,,0.0582,,No,0.0,0.0,0.0,0.0,-2019.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2619482,399743,Revolving loans,11250.0,225000.0,225000.0,,225000.0,SUNDAY,10,Y,1,,,,XAP,Refused,-237,XNA,HC,,Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,112500.0,450000.0,21109.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.015221,-19022,-7640,-10103.0,-2573,,1,1,0,1,0,0,,2.0,2,2,SATURDAY,8,0,0,0,0,0,0,School,,0.12941692500052646,0.520897599048938,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-237.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1721050,356046,Consumer loans,2347.515,19075.5,18490.5,2250.0,19075.5,MONDAY,9,Y,1,0.11814828694846052,,,XAP,Approved,-1809,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,high,POS mobile with interest,365243.0,-1778.0,-1448.0,-1448.0,-1439.0,0.0,0,Revolving loans,M,Y,Y,1,112500.0,247500.0,12375.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.011703,-14199,-1479,-6855.0,-4431,33.0,1,1,0,1,0,0,Drivers,3.0,2,2,THURSDAY,11,0,0,0,0,0,0,Self-employed,0.2638569516924972,0.4030645218557633,0.363945238612397,0.1031,0.0689,0.9801,,,0.0,0.2069,0.1667,,0.0,,0.0945,,0.0151,0.105,0.0715,0.9801,,,0.0,0.2069,0.1667,,0.0,,0.0985,,0.016,0.1041,0.0689,0.9801,,,0.0,0.2069,0.1667,,0.0,,0.0962,,0.0154,,block of flats,0.0834,Panel,No,0.0,0.0,0.0,0.0,-1809.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1783063,225886,Cash loans,27267.03,135000.0,139455.0,,135000.0,THURSDAY,14,Y,1,,,,XNA,Approved,-547,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,high,Cash X-Sell: high,365243.0,-517.0,-367.0,-427.0,-418.0,1.0,0,Cash loans,M,Y,Y,0,202500.0,1113840.0,47322.0,900000.0,Unaccompanied,Commercial associate,Incomplete higher,Single / not married,With parents,0.072508,-14862,-1027,-178.0,-5539,2.0,1,1,0,1,0,1,Managers,1.0,1,1,FRIDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.7791226640626276,0.6649874059556135,0.6658549219640212,0.0619,0.0787,0.9697,,,,0.1379,0.1667,,,,0.0377,,0.0414,0.063,0.0817,0.9697,,,,0.1379,0.1667,,,,0.0393,,0.0438,0.0625,0.0787,0.9697,,,,0.1379,0.1667,,,,0.0384,,0.0423,,block of flats,0.0479,"Stone, brick",No,0.0,0.0,0.0,0.0,-2582.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,5.0,0.0,1.0 +1981128,316375,Consumer loans,11764.35,90540.0,87538.5,9054.0,90540.0,FRIDAY,13,Y,1,0.10208483154395104,,,XAP,Approved,-1744,Cash through the bank,XAP,Children,Repeater,Consumer Electronics,POS,XNA,Regional / Local,104,Consumer electronics,9.0,middle,POS household without interest,365243.0,-1713.0,-1473.0,-1473.0,-1462.0,0.0,0,Cash loans,F,N,Y,0,135000.0,354276.0,19912.5,292500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-17281,-1824,-7977.0,-817,,1,1,1,1,1,0,Cooking staff,2.0,2,2,SATURDAY,17,0,0,0,0,0,0,School,,0.3645246930740415,0.2608559142068693,,,0.9876,,,,,,,,,0.1575,,,,,0.9876,,,,,,,,,0.1641,,,,,0.9876,,,,,,,,,0.1603,,,,,0.1387,,No,0.0,0.0,0.0,0.0,-188.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2765741,190217,Consumer loans,3880.44,30780.0,28449.0,4500.0,30780.0,FRIDAY,15,Y,1,0.14874227111320792,,,XAP,Approved,-2059,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,40,Connectivity,10.0,high,POS mobile with interest,365243.0,-2022.0,-1752.0,-1872.0,-1868.0,0.0,0,Cash loans,F,N,Y,0,166500.0,594121.5,30465.0,472500.0,Unaccompanied,Working,Secondary / secondary special,Married,Office apartment,0.031329,-18986,-2246,-2118.0,-2466,,1,1,0,1,0,0,Medicine staff,2.0,2,2,SATURDAY,14,0,0,0,0,0,0,Medicine,,0.5577036615680451,0.3077366963789207,0.0722,0.0836,0.9791,0.7144,0.0077,0.0,0.2069,0.1667,0.2083,0.0642,0.0588,0.0693,0.0,0.0,0.0735,0.0867,0.9791,0.7256,0.0078,0.0,0.2069,0.1667,0.2083,0.0656,0.0643,0.0723,0.0,0.0,0.0729,0.0836,0.9791,0.7182,0.0078,0.0,0.2069,0.1667,0.2083,0.0653,0.0599,0.0706,0.0,0.0,reg oper account,block of flats,0.0545,Block,No,0.0,0.0,0.0,0.0,-1935.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1621924,112315,Cash loans,55100.565,675000.0,709749.0,,675000.0,FRIDAY,16,Y,1,,,,XNA,Approved,-804,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,AP+ (Cash loan),6,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-774.0,-264.0,-654.0,-648.0,1.0,1,Cash loans,M,N,Y,1,360000.0,900000.0,45954.0,900000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.04622,-11648,-3284,-5804.0,-4059,,1,1,1,1,0,0,Drivers,3.0,1,1,THURSDAY,12,0,0,0,0,1,1,Business Entity Type 3,,0.5354443521112486,0.5726825047161584,0.0278,0.0499,0.9811,0.7416,0.0037,0.0,0.1034,0.0833,0.0417,0.016,0.0227,0.0249,0.0,0.0,0.0284,0.0518,0.9811,0.7517,0.0038,0.0,0.1034,0.0833,0.0417,0.0164,0.0248,0.0259,0.0,0.0,0.0281,0.0499,0.9811,0.7451,0.0038,0.0,0.1034,0.0833,0.0417,0.0163,0.0231,0.0253,0.0,0.0,reg oper account,block of flats,0.0216,Panel,No,2.0,0.0,2.0,0.0,-804.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2010680,261295,Consumer loans,9107.145,118093.5,134721.0,0.0,118093.5,TUESDAY,17,Y,1,0.0,,,XAP,Approved,-996,Cash through the bank,XAP,Children,Repeater,Audio/Video,POS,XNA,Regional / Local,1693,Consumer electronics,16.0,low_action,POS household without interest,365243.0,-965.0,-515.0,-665.0,-661.0,0.0,1,Revolving loans,F,N,Y,0,832500.0,900000.0,45000.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.04622,-20600,-5767,-7345.0,-4151,,1,1,0,1,1,1,Security staff,1.0,1,1,THURSDAY,12,0,0,0,0,1,1,Business Entity Type 1,0.7161846586946033,0.677666375076491,0.3185955240537633,0.0825,,0.9762,,,0.0,0.1379,0.1667,,0.0101,,0.0337,,0.0,0.084,,0.9762,,,0.0,0.1379,0.1667,,0.0103,,0.0351,,0.0,0.0833,,0.9762,,,0.0,0.1379,0.1667,,0.0103,,0.0343,,0.0,,block of flats,0.0444,Panel,No,3.0,0.0,3.0,0.0,-1457.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1684438,383235,Cash loans,51224.22,900000.0,1215360.0,,900000.0,MONDAY,16,Y,1,,,,XNA,Approved,-779,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,middle,Cash Street: middle,365243.0,-749.0,661.0,-89.0,-80.0,1.0,1,Cash loans,M,N,Y,0,157500.0,814041.0,26257.5,679500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-14439,-962,-6487.0,-2377,,1,1,1,1,1,0,Cooking staff,2.0,1,1,WEDNESDAY,18,0,0,0,0,0,0,Restaurant,,0.6597449704246899,0.6879328378491735,0.0969,0.0407,0.9806,,,0.08,0.0345,0.5417,,0.0,,0.0506,,0.0124,0.0987,0.0423,0.9806,,,0.0806,0.0345,0.5417,,0.0,,0.0527,,0.0131,0.0978,0.0407,0.9806,,,0.08,0.0345,0.5417,,0.0,,0.0515,,0.0126,,block of flats,0.0636,Block,No,0.0,0.0,0.0,0.0,-779.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1569832,394284,Consumer loans,7890.84,41629.5,39316.5,4167.0,41629.5,MONDAY,13,Y,1,0.10436698559641744,,,XAP,Approved,-2534,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,35,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-2482.0,-2332.0,-2332.0,-2325.0,1.0,1,Cash loans,F,N,Y,0,90000.0,405000.0,15399.0,405000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-18719,-9768,-7970.0,-2278,,1,1,1,1,1,0,Sales staff,2.0,2,2,MONDAY,8,0,0,0,0,0,0,Government,,0.5834850115120871,0.4632753280912678,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2117.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1711763,200023,Consumer loans,12827.7,128290.5,115461.0,12829.5,128290.5,WEDNESDAY,10,Y,1,0.10891291107433372,,,XAP,Approved,-1538,Cash through the bank,XAP,"Spouse, partner",New,Computers,POS,XNA,Stone,39,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1506.0,-1236.0,-1236.0,-1232.0,0.0,0,Cash loans,F,N,N,0,45000.0,760225.5,30150.0,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-13654,-4967,-7655.0,-5464,,1,1,1,1,0,0,Core staff,2.0,2,2,MONDAY,16,0,0,0,0,0,0,Postal,0.4061227957037855,0.2961435654275993,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1538.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1685317,346815,Consumer loans,12748.05,59807.25,47844.0,11963.25,59807.25,SUNDAY,14,Y,1,0.21785095984486527,,,XAP,Approved,-906,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,5,Connectivity,4.0,middle,POS mobile without interest,365243.0,-865.0,-775.0,-805.0,-801.0,0.0,0,Cash loans,M,Y,Y,2,540000.0,1006920.0,45630.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-13718,-2490,-6992.0,-2694,17.0,1,1,0,1,1,0,Managers,4.0,2,2,WEDNESDAY,12,0,0,0,0,1,1,Business Entity Type 3,,0.5055778856312729,0.33928769990891394,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-4.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1202740,319950,Consumer loans,17192.88,317250.0,323212.5,31725.0,317250.0,MONDAY,11,Y,1,0.09734505114536804,,,XAP,Refused,-394,Cash through the bank,LIMIT,,Repeater,Furniture,POS,XNA,Stone,150,Furniture,24.0,low_normal,POS industry with interest,,,,,,,0,Revolving loans,F,N,Y,0,90000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.006296,-14537,-3710,-306.0,-3848,,1,1,0,1,0,0,,1.0,3,3,WEDNESDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.5482310302741373,0.5183187145467499,0.19633396621345675,0.033,0.0445,0.9737,,,0.0,0.069,0.125,,0.0258,,0.0287,,0.0069,0.0336,0.0462,0.9737,,,0.0,0.069,0.125,,0.0264,,0.0299,,0.0073,0.0333,0.0445,0.9737,,,0.0,0.069,0.125,,0.0262,,0.0292,,0.006999999999999999,,block of flats,0.0241,Block,No,1.0,0.0,1.0,0.0,-476.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2480709,281072,Consumer loans,3793.725,27670.5,31648.5,2767.5,27670.5,SATURDAY,11,Y,1,0.08757726321795357,,,XAP,Approved,-1027,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,12.0,high,POS mobile with interest,365243.0,-992.0,-662.0,-872.0,-843.0,0.0,0,Cash loans,F,Y,N,1,112500.0,536917.5,32976.0,463500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Office apartment,0.008068,-14499,-2860,-535.0,-2718,11.0,1,1,0,1,0,0,Accountants,3.0,3,3,THURSDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.07593459740346807,0.4223696523543468,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-520.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2347511,146555,Consumer loans,12486.915,132295.5,132295.5,0.0,132295.5,SATURDAY,8,Y,1,0.0,,,XAP,Approved,-1292,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,2417,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-1261.0,-931.0,-961.0,-955.0,0.0,0,Cash loans,M,Y,N,0,180000.0,1006920.0,39933.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-20263,-1986,-2947.0,-3172,18.0,1,1,1,1,0,0,Managers,2.0,3,3,THURSDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.6422091341545652,0.2678689358444539,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-329.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2154577,384361,Consumer loans,3588.255,17451.0,17451.0,0.0,17451.0,THURSDAY,15,Y,1,0.0,,,XAP,Approved,-135,XNA,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,20,Connectivity,6.0,high,POS mobile with interest,365243.0,-90.0,60.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,157500.0,505642.5,30555.0,436500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.00823,-14688,-3282,-7311.0,-4315,,1,1,0,1,1,0,Drivers,1.0,2,2,SATURDAY,13,0,0,0,0,0,0,Trade: type 2,,0.14310133979224476,0.7435593141311444,,,0.9901,,,,,0.375,,,,0.1699,,0.0086,,,0.9901,,,,,0.375,,,,0.177,,0.0091,,,0.9901,,,,,0.375,,,,0.1729,,0.0087,,,0.1354,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2635095,284580,Consumer loans,4503.42,19705.5,21267.0,0.0,19705.5,FRIDAY,10,Y,1,0.0,,,XAP,Approved,-208,XNA,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,30,Connectivity,6.0,high,POS mobile with interest,365243.0,-178.0,-28.0,-88.0,-80.0,1.0,0,Cash loans,F,N,N,0,81000.0,135000.0,7321.5,135000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-23551,365243,-8541.0,-2543,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,XNA,,0.3830923271595679,0.3656165070113335,0.0186,0.0455,0.9886,0.8436,,0.0,0.1034,0.0417,0.0833,0.0318,0.0151,0.0173,0.0,0.0,0.0189,0.0472,0.9886,0.8497,,0.0,0.1034,0.0417,0.0833,0.0325,0.0165,0.0181,0.0,0.0,0.0187,0.0455,0.9886,0.8457,,0.0,0.1034,0.0417,0.0833,0.0324,0.0154,0.0176,0.0,0.0,reg oper account,block of flats,0.015,"Stone, brick",No,2.0,1.0,2.0,1.0,-208.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +2173869,237319,Consumer loans,10206.135,116955.0,139648.5,0.0,116955.0,TUESDAY,17,Y,1,0.0,,,XAP,Approved,-22,XNA,XAP,,Repeater,Auto Accessories,POS,XNA,Regional / Local,138,Connectivity,18.0,middle,POS mobile with interest,365243.0,365243.0,520.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,Y,0,108000.0,225000.0,11250.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.011703,-20812,365243,-4460.0,-3919,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,XNA,,0.3971126867752648,0.3139166772114369,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-189.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2583991,240747,Cash loans,10079.46,90000.0,95940.0,,90000.0,TUESDAY,11,Y,1,,,,XNA,Approved,-600,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-570.0,-240.0,-240.0,-238.0,1.0,0,Cash loans,M,N,N,0,135000.0,142200.0,8293.5,112500.0,Family,Pensioner,Higher education,Married,House / apartment,0.00733,-21915,365243,-10950.0,-4296,,1,0,0,1,0,0,,2.0,2,2,SUNDAY,10,0,0,0,0,0,0,XNA,,0.30426997671738626,0.3296550543128238,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-260.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,4.0,6.0 +2124506,355606,Cash loans,20685.6,360000.0,360000.0,,360000.0,SATURDAY,16,Y,1,,,,XNA,Refused,-509,Cash through the bank,SCO,,Repeater,XNA,Cash,x-sell,Country-wide,2000,Consumer electronics,36.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,Y,1,144000.0,355536.0,19417.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.010643000000000001,-9410,-1930,-2946.0,-1792,,1,1,0,1,0,0,,2.0,2,2,THURSDAY,11,0,0,0,0,1,1,Transport: type 4,,0.5309758621111652,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-744.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1262726,131136,Consumer loans,21355.245,180067.5,173646.0,18009.0,180067.5,SUNDAY,12,Y,1,0.10233721103972336,,,XAP,Approved,-426,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,500,Consumer electronics,10.0,middle,POS household with interest,365243.0,-395.0,-125.0,-125.0,-118.0,0.0,0,Cash loans,M,N,Y,0,270000.0,1735902.0,47736.0,1449000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.072508,-13998,-1496,-7899.0,-1348,,1,1,0,1,1,0,Drivers,2.0,1,1,SATURDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.2911601250491228,0.7336797647518334,0.5638350489514956,0.1572,0.0897,0.9886,0.8504,0.1285,0.26,0.1121,0.5208,0.5833,0.0827,0.1576,0.1457,0.0097,0.0584,0.0987,0.0478,0.9886,0.8563,0.1262,0.1611,0.069,0.5417,0.5833,0.0,0.0992,0.0855,0.0078,0.0,0.1286,0.0609,0.9886,0.8524,0.1294,0.2,0.0862,0.5417,0.5833,0.0889,0.1603,0.0934,0.0097,0.0589,reg oper spec account,block of flats,0.2752,Panel,No,0.0,0.0,0.0,0.0,-3059.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2647827,326248,Consumer loans,8297.64,130428.0,148437.0,6525.0,130428.0,SUNDAY,15,Y,1,0.045858456794686295,,,XAP,Approved,-1284,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,2001,Consumer electronics,24.0,middle,POS household with interest,365243.0,-1253.0,-563.0,-593.0,-584.0,0.0,0,Cash loans,F,N,N,0,67500.0,276277.5,11380.5,238500.0,Unaccompanied,State servant,Secondary / secondary special,Civil marriage,House / apartment,0.030755,-17222,-1870,-8868.0,-768,,1,1,0,1,0,0,Medicine staff,2.0,2,2,WEDNESDAY,14,0,0,0,1,1,0,Medicine,,0.4674271146829535,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1619.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,1.0,0.0,0.0 +1903833,229733,Consumer loans,14490.45,120595.5,130545.0,0.0,120595.5,SUNDAY,10,Y,1,0.0,,,XAP,Approved,-1327,Cash through the bank,XAP,Unaccompanied,Refreshed,Computers,POS,XNA,Regional / Local,140,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1296.0,-1026.0,-1056.0,-1054.0,0.0,0,Cash loans,M,N,N,0,157500.0,781920.0,42547.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-10566,-411,-5189.0,-3236,,1,1,1,1,0,0,,2.0,3,3,THURSDAY,5,0,0,0,0,0,0,Military,0.3962718617252648,0.6000289139763209,0.0005272652387098817,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1840.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2567454,161218,Consumer loans,18195.57,403897.5,403897.5,0.0,403897.5,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-342,Cash through the bank,XAP,,Refreshed,Audio/Video,POS,XNA,Regional / Local,146,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-308.0,382.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,112500.0,750154.5,31914.0,670500.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-20582,-3812,-9580.0,-3516,,1,1,1,1,0,0,,2.0,2,2,FRIDAY,18,0,0,0,0,0,0,Transport: type 4,,0.6735977059430193,0.8214433128935934,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,0.0,8.0,0.0,0.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1539318,435539,Consumer loans,6448.86,59580.0,58045.5,5958.0,59580.0,THURSDAY,18,Y,1,0.10138201248937384,,,XAP,Approved,-2366,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,2141,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2335.0,-2065.0,-2065.0,-2062.0,1.0,0,Cash loans,F,N,N,0,90000.0,225000.0,10953.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.0031219999999999998,-23017,365243,-600.0,-4672,,1,0,0,1,1,0,,2.0,3,3,WEDNESDAY,14,0,0,0,0,0,0,XNA,,0.6433338717962591,0.4206109640437848,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-405.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1823186,178248,Consumer loans,3810.69,28516.5,31338.0,0.0,28516.5,FRIDAY,14,Y,1,0.0,,,XAP,Approved,-1480,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,2200,Consumer electronics,12.0,high,POS household with interest,365243.0,-1449.0,-1119.0,-1149.0,-1142.0,0.0,0,Cash loans,M,Y,Y,0,157500.0,508495.5,24592.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Municipal apartment,0.006296,-14284,-2192,-4997.0,-5031,12.0,1,1,0,1,0,0,Drivers,1.0,3,3,MONDAY,15,0,0,0,0,0,0,Security Ministries,0.6329650956576506,0.3980135247998704,0.7209441499436497,0.1134,0.0,0.9771,,,0.0,0.069,0.125,,0.0,,0.0528,,0.109,0.1155,0.0,0.9772,,,0.0,0.069,0.125,,0.0,,0.055,,0.1154,0.1145,0.0,0.9771,,,0.0,0.069,0.125,,0.0,,0.0537,,0.1113,,specific housing,0.0652,"Stone, brick",No,0.0,0.0,0.0,0.0,-1773.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2436080,285813,Consumer loans,4573.44,55530.0,38871.0,16659.0,55530.0,WEDNESDAY,16,Y,1,0.3267272727272727,,,XAP,Approved,-1045,Cash through the bank,XAP,Family,Refreshed,Consumer Electronics,POS,XNA,Regional / Local,100,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1014.0,-744.0,-744.0,-739.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,765261.0,30478.5,684000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.00702,-10612,-978,-8323.0,-2584,4.0,1,1,0,1,0,0,Laborers,1.0,2,2,FRIDAY,15,0,0,0,0,0,0,Self-employed,0.19397190023024266,0.4580222345613454,0.23791607950711405,0.1474,,0.9886,,,0.32,0.2759,0.3333,,,,0.1951,,0.0049,0.1502,,0.9886,,,0.3222,0.2759,0.3333,,,,0.2033,,0.0052,0.1489,,0.9886,,,0.32,0.2759,0.3333,,,,0.1986,,0.005,,block of flats,0.1535,Panel,No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1705329,209695,Consumer loans,8794.395,86985.0,96169.5,0.0,86985.0,WEDNESDAY,8,Y,1,0.0,,,XAP,Approved,-20,Cash through the bank,XAP,Unaccompanied,Refreshed,Computers,POS,XNA,Country-wide,652,Consumer electronics,12.0,low_action,POS household without interest,365243.0,365243.0,340.0,365243.0,365243.0,1.0,1,Cash loans,M,N,Y,0,90000.0,122256.0,9787.5,108000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.020246,-18778,-220,-2535.0,-2325,,1,1,0,1,0,0,Laborers,2.0,3,3,TUESDAY,8,0,0,0,0,0,0,Self-employed,,0.5006524437396728,0.11987796089553485,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,1.0,6.0,0.0,-1752.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1893932,234716,Consumer loans,3205.215,22455.0,20209.5,2245.5,22455.0,FRIDAY,12,Y,1,0.1089090909090909,,,XAP,Approved,-2482,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,129,Connectivity,8.0,high,POS mobile with interest,365243.0,-2451.0,-2241.0,-2361.0,-2354.0,0.0,0,Cash loans,F,N,N,2,67500.0,178290.0,17761.5,157500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.04622,-15439,-119,-3715.0,-3711,,1,1,0,1,0,0,Medicine staff,4.0,1,1,TUESDAY,14,0,0,0,0,1,1,Business Entity Type 3,0.5063050570295011,0.43830147021159,0.39449540531239935,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2030199,442793,Consumer loans,13445.19,148234.5,133411.5,14823.0,148234.5,WEDNESDAY,8,Y,1,0.108905784722548,,,XAP,Approved,-76,XNA,XAP,,Repeater,Jewelry,POS,XNA,Stone,60,Jewelry,12.0,middle,POS other with interest,365243.0,-41.0,289.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,202500.0,238500.0,11727.0,238500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.014464,-8389,-580,-3048.0,-1006,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.3663934971718418,0.6163787895337791,0.2250868621163805,0.1485,0.0855,0.9831,,,0.16,0.1379,0.3333,,,,0.1471,,0.0,0.1513,0.0887,0.9831,,,0.1611,0.1379,0.3333,,,,0.1533,,0.0,0.1499,0.0855,0.9831,,,0.16,0.1379,0.3333,,,,0.1497,,0.0,,block of flats,0.1271,Panel,No,4.0,0.0,4.0,0.0,-705.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1211410,400842,Cash loans,73483.155,1575000.0,1668555.0,,1575000.0,MONDAY,9,Y,1,,,,XNA,Approved,-722,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,low_normal,Cash X-Sell: low,365243.0,-692.0,178.0,365243.0,365243.0,1.0,0,Revolving loans,F,Y,Y,0,225000.0,675000.0,33750.0,675000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.00963,-21790,-5254,-2062.0,-5236,2.0,1,1,0,1,1,0,Managers,2.0,2,2,TUESDAY,15,0,1,1,0,1,1,Government,0.9264556247374236,0.6438705784852047,0.6528965519806539,0.0742,0.1015,0.9558,0.3948,0.0271,0.0,0.2069,0.1667,0.2083,0.0531,0.0605,0.0568,0.0,0.0736,0.0756,0.1053,0.9558,0.4185,0.0274,0.0,0.2069,0.1667,0.2083,0.0543,0.0661,0.0592,0.0,0.0779,0.0749,0.1015,0.9558,0.4029,0.0273,0.0,0.2069,0.1667,0.2083,0.054000000000000006,0.0616,0.0578,0.0,0.0752,reg oper account,block of flats,0.0755,"Stone, brick",No,0.0,0.0,0.0,0.0,-2048.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1651963,205755,Consumer loans,19207.71,205650.0,205650.0,0.0,205650.0,MONDAY,15,Y,1,0.0,,,XAP,Approved,-1362,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Stone,5,Furniture,12.0,low_normal,POS industry with interest,365243.0,-1331.0,-1001.0,-1211.0,-1208.0,0.0,1,Cash loans,F,N,Y,0,112500.0,274500.0,10345.5,274500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-18995,-2322,-5576.0,-2530,,1,1,0,1,0,0,Sales staff,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,Self-employed,,0.26607969974891643,0.17456426555726348,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1674.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,1.0,0.0,1.0 +2564643,333666,Consumer loans,18612.18,193725.0,171225.0,22500.0,193725.0,MONDAY,18,Y,1,0.1264913947840777,,,XAP,Approved,-2321,Cash through the bank,XAP,,Repeater,Vehicles,POS,XNA,Stone,24,Industry,12.0,high,POS other with interest,365243.0,-2289.0,-1959.0,-1959.0,-1951.0,0.0,0,Cash loans,M,Y,Y,2,180000.0,284400.0,19134.0,225000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.019101,-15187,-2292,-3248.0,-4276,10.0,1,1,0,1,0,0,Laborers,4.0,2,2,FRIDAY,13,0,0,0,0,1,1,Construction,0.3612928697031159,0.2563991885360997,0.6910212267577837,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1540.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,0.0 +1132833,389504,Consumer loans,9114.93,86805.0,86373.0,8680.5,86805.0,FRIDAY,18,Y,1,0.09945823811183843,,,XAP,Approved,-437,Cash through the bank,XAP,,New,Computers,POS,XNA,Regional / Local,50,Consumer electronics,12.0,middle,POS household with interest,365243.0,-406.0,-76.0,-226.0,-218.0,0.0,0,Cash loans,F,N,Y,1,180000.0,408780.0,19881.0,337500.0,"Spouse, partner",Working,Higher education,Married,House / apartment,0.022625,-12019,-1204,-5983.0,-398,,1,1,0,1,0,0,Sales staff,3.0,2,2,MONDAY,17,0,0,0,0,0,0,Self-employed,0.6108104770166314,0.3743610742395783,,0.2175,0.1367,0.9881,0.8368,0.0227,0.16,0.069,0.3333,0.375,0.1227,0.1689,0.1521,0.0386,0.1207,0.2216,0.1419,0.9881,0.8432,0.0229,0.1611,0.069,0.3333,0.375,0.1255,0.1846,0.1585,0.0389,0.1278,0.2196,0.1367,0.9881,0.8390000000000001,0.0228,0.16,0.069,0.3333,0.375,0.1248,0.1719,0.1548,0.0388,0.1233,reg oper account,block of flats,0.1459,"Stone, brick",No,0.0,0.0,0.0,0.0,-437.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2617422,326077,Consumer loans,13501.935,261310.5,261310.5,0.0,261310.5,MONDAY,8,Y,1,0.0,,,XAP,Approved,-702,Cash through the bank,XAP,Family,Repeater,Construction Materials,POS,XNA,Regional / Local,10,Industry,24.0,low_normal,POS industry with interest,365243.0,-671.0,19.0,-41.0,-38.0,0.0,0,Cash loans,M,Y,Y,0,202500.0,1019610.0,33696.0,913500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.0038130000000000004,-18852,-2461,-908.0,-2407,1.0,1,1,0,1,0,0,Drivers,2.0,2,2,WEDNESDAY,8,0,0,0,0,1,1,Government,,0.2278467637690788,0.646329897706246,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1229678,212036,Cash loans,20317.59,270000.0,291919.5,,270000.0,WEDNESDAY,7,Y,1,,,,XNA,Approved,-509,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-479.0,31.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,1,135000.0,143910.0,15268.5,135000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.020713,-9495,-1553,-9495.0,-2174,,1,1,0,1,1,0,Sales staff,3.0,3,2,SATURDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.5616894537676761,0.2998718920956366,0.4668640059537032,0.099,0.1176,0.9821,0.7552,0.2321,0.16,0.1379,0.3333,0.375,0.1232,0.0765,0.1239,0.0193,0.1354,0.1008,0.122,0.9821,0.7648,0.2342,0.1611,0.1379,0.3333,0.375,0.126,0.0836,0.1291,0.0195,0.1434,0.0999,0.1176,0.9821,0.7585,0.2336,0.16,0.1379,0.3333,0.375,0.1254,0.0778,0.1261,0.0194,0.1383,reg oper account,block of flats,0.1269,Panel,No,0.0,0.0,0.0,0.0,-685.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1304894,304740,Cash loans,26472.24,225000.0,239850.0,,225000.0,SATURDAY,9,Y,1,,,,XNA,Approved,-1023,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,high,Cash X-Sell: high,365243.0,-993.0,-663.0,-663.0,-657.0,1.0,0,Cash loans,F,Y,N,2,103500.0,1024290.0,30078.0,855000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-11990,-1735,-1446.0,-787,7.0,1,1,0,1,0,0,Cooking staff,4.0,3,2,SUNDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.44634007169323897,0.4348052213580381,0.5388627065779676,0.3237,0.0991,0.9851,0.7959999999999999,0.0584,0.08,0.0345,0.3333,0.0417,0.042,0.2606,0.0823,0.0154,0.0345,0.3298,0.1028,0.9851,0.804,0.059,0.0806,0.0345,0.3333,0.0417,0.0429,0.2847,0.0857,0.0156,0.0365,0.3268,0.0991,0.9851,0.7987,0.0588,0.08,0.0345,0.3333,0.0417,0.0427,0.2651,0.0837,0.0155,0.0352,reg oper spec account,specific housing,0.1041,Panel,No,3.0,2.0,3.0,2.0,-1382.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1333312,352505,Consumer loans,2339.055,22680.0,21168.0,3420.0,22680.0,THURSDAY,12,Y,1,0.15148409423665646,,,XAP,Approved,-1527,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,38,Connectivity,12.0,high,POS mobile with interest,365243.0,-1490.0,-1160.0,-1160.0,-1153.0,0.0,0,Cash loans,F,N,Y,0,112500.0,518562.0,25078.5,463500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.01885,-10086,-451,-1932.0,-2668,,1,1,0,1,1,0,Core staff,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,School,0.13639459591046396,0.7129609331724119,0.16640554618393638,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2529260,193391,Consumer loans,9086.04,77805.0,76185.0,7780.5,77805.0,SATURDAY,14,Y,1,0.10091849412177402,,,XAP,Refused,-265,Cash through the bank,LIMIT,Unaccompanied,Repeater,Sport and Leisure,POS,XNA,Stone,60,XNA,10.0,middle,POS industry with interest,,,,,,,0,Cash loans,M,Y,N,0,157500.0,152820.0,11205.0,135000.0,Unaccompanied,Working,Incomplete higher,Civil marriage,House / apartment,0.030755,-9313,-182,-3908.0,-1996,7.0,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,15,0,1,1,0,0,0,Business Entity Type 1,,0.5323643266437057,0.3233112448967859,0.0701,0.0656,0.9816,0.7484,0.0077,0.0,0.1379,0.1667,0.2083,0.0543,0.0555,0.0665,0.0077,0.0087,0.0714,0.0681,0.9816,0.7583,0.0078,0.0,0.1379,0.1667,0.2083,0.0556,0.0606,0.0693,0.0078,0.0092,0.0708,0.0656,0.9816,0.7518,0.0078,0.0,0.1379,0.1667,0.2083,0.0553,0.0564,0.0677,0.0078,0.0089,reg oper account,block of flats,0.0679,"Stone, brick",No,1.0,0.0,1.0,0.0,-511.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2179853,420899,Cash loans,47129.535,675000.0,820215.0,,675000.0,TUESDAY,15,Y,1,,,,XNA,Approved,-841,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash X-Sell: high,365243.0,-811.0,239.0,365243.0,365243.0,1.0,0,Cash loans,M,N,N,0,180000.0,562491.0,27189.0,454500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.00823,-14972,-1063,-2429.0,-4472,,1,1,0,1,0,0,Core staff,2.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,Medicine,0.7370581119995543,0.5891284059393497,0.1674084472266241,0.0216,0.0,0.9578,,,0.0,,0.0,,0.0618,,0.0148,,0.0,0.0221,0.0,0.9578,,,0.0,,0.0,,0.0632,,0.0155,,0.0,0.0219,0.0,0.9578,,,0.0,,0.0,,0.0628,,0.0151,,0.0,,block of flats,0.0146,"Stone, brick",No,0.0,0.0,0.0,0.0,-2393.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2675741,222371,Consumer loans,10565.1,157077.0,184032.0,0.0,157077.0,SATURDAY,8,Y,1,0.0,,,XAP,Approved,-724,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,176,Consumer electronics,24.0,middle,POS household with interest,365243.0,-693.0,-3.0,-3.0,365243.0,0.0,0,Cash loans,F,N,Y,0,45000.0,385164.0,17095.5,292500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.015221,-16987,-390,-4928.0,-529,,1,1,1,1,0,0,Cleaning staff,2.0,2,2,TUESDAY,9,0,0,0,1,1,0,Other,,0.5051241852983394,0.8327850252992314,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-724.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1317139,292327,Cash loans,16294.5,450000.0,450000.0,,450000.0,SATURDAY,13,Y,1,,,,XNA,Approved,-153,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,Y,Y,1,112500.0,202500.0,13662.0,202500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.015221,-10190,-1199,-587.0,-909,8.0,1,1,0,1,1,0,Laborers,3.0,2,2,FRIDAY,10,0,0,0,0,0,0,Other,0.18900162969471326,0.660270022880093,0.5971924268337128,0.0619,0.0625,0.9806,0.7348,0.1051,,0.1379,0.1667,,0.0376,0.0504,0.054000000000000006,,,0.063,0.0649,0.9806,0.7452,0.1061,,0.1379,0.1667,,0.0385,0.0551,0.0563,,,0.0625,0.0625,0.9806,0.7383,0.1058,,0.1379,0.1667,,0.0383,0.0513,0.055,,,reg oper account,block of flats,0.0425,Panel,No,0.0,0.0,0.0,0.0,-741.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1497367,321024,Cash loans,20607.3,360000.0,360000.0,,360000.0,SATURDAY,9,Y,1,,,,XNA,Approved,-259,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-229.0,461.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,135000.0,454500.0,19386.0,454500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.015221,-14770,-1115,-4093.0,-5140,,1,1,0,1,0,0,Medicine staff,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,Medicine,,0.5984429478885238,0.7366226976503176,0.0495,0.0353,0.9801,0.728,0.0272,0.04,0.0345,0.3333,0.375,0.0062,0.0403,0.0418,0.0039,0.0437,0.0504,0.0367,0.9801,0.7387,0.0275,0.0403,0.0345,0.3333,0.375,0.0063,0.0441,0.0435,0.0039,0.0462,0.05,0.0353,0.9801,0.7316,0.0274,0.04,0.0345,0.3333,0.375,0.0063,0.041,0.0425,0.0039,0.0446,reg oper account,block of flats,0.0572,"Stone, brick",No,0.0,0.0,0.0,0.0,-1617.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2108561,153496,Consumer loans,,54950.985,54950.985,0.0,54950.985,SUNDAY,16,Y,1,0.0,,,XAP,Refused,-517,Cash through the bank,SCO,,Repeater,Computers,XNA,XNA,Country-wide,46,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,0,67500.0,348264.0,22387.5,315000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-15830,-3345,-3412.0,-3412,,1,1,1,1,1,0,Low-skill Laborers,2.0,2,2,SATURDAY,9,0,0,0,0,0,0,Restaurant,0.6610719959684143,0.18099172393869287,0.6545292802242897,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-859.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1885647,294492,Consumer loans,10643.445,76500.0,56853.0,22500.0,76500.0,SUNDAY,11,Y,1,0.3088042727375833,,,XAP,Refused,-941,Cash through the bank,HC,Unaccompanied,Refreshed,Clothing and Accessories,POS,XNA,Stone,50,Clothing,6.0,middle,POS industry with interest,,,,,,,0,Cash loans,F,N,Y,0,135000.0,239850.0,23494.5,225000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.02461,-20866,-12392,-10092.0,-4382,,1,1,1,1,1,0,Managers,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Kindergarten,,0.6500438279429089,0.6479768603302221,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-462.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1945201,391196,Revolving loans,2250.0,45000.0,45000.0,,45000.0,FRIDAY,9,Y,1,,,,XAP,Approved,-379,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-348.0,-308.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,112500.0,1009368.0,48690.0,886500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-19275,365243,-10334.0,-2654,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,9,0,0,0,0,0,0,XNA,,0.2345748106559173,0.31703177858344445,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-338.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2545902,179325,Cash loans,16545.96,315000.0,366142.5,,315000.0,WEDNESDAY,14,Y,1,,,,XNA,Approved,-524,XNA,XAP,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,36.0,middle,Cash Street: middle,365243.0,-494.0,556.0,-284.0,-275.0,1.0,0,Cash loans,F,N,Y,0,112500.0,679500.0,22585.5,679500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.015221,-19276,365243,-2134.0,-2803,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,,0.4088389007556784,0.4596904504249018,0.0402,0.0625,0.9747,0.6532,0.0043,0.0,0.1034,0.125,0.1667,0.0139,0.0303,0.0303,0.0116,0.0364,0.041,0.0648,0.9747,0.6668,0.0044,0.0,0.1034,0.125,0.1667,0.0142,0.0331,0.0316,0.0117,0.0385,0.0406,0.0625,0.9747,0.6578,0.0044,0.0,0.1034,0.125,0.1667,0.0142,0.0308,0.0309,0.0116,0.0371,reg oper account,block of flats,0.0341,Block,No,0.0,0.0,0.0,0.0,-1372.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,7.0 +2413546,438512,Revolving loans,14625.0,0.0,292500.0,,,SATURDAY,13,Y,1,,,,XAP,Approved,-629,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-627.0,-579.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,1,180000.0,168102.0,20079.0,148500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009175,-16298,-1708,-7528.0,-1877,,1,1,0,1,0,1,Laborers,3.0,2,2,FRIDAY,17,0,0,0,1,1,0,Self-employed,,0.6224719132943718,0.180887977767074,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-795.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1146372,109041,Consumer loans,2902.5,22630.5,24871.5,0.0,22630.5,SATURDAY,10,Y,1,0.0,,,XAP,Refused,-2918,XNA,SCO,Unaccompanied,Repeater,XNA,POS,XNA,Country-wide,45,Connectivity,12.0,high,POS mobile with interest,,,,,,,0,Cash loans,M,N,Y,1,157500.0,285723.0,24651.0,238500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.0105,-12172,-930,-3577.0,-4088,,1,1,0,1,0,0,Laborers,3.0,3,3,FRIDAY,9,0,0,0,0,1,1,Construction,,0.3699873020316011,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-147.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,3.0 +2687518,202206,Consumer loans,5789.61,112050.0,112050.0,0.0,112050.0,WEDNESDAY,13,Y,1,0.0,,,XAP,Approved,-579,Cash through the bank,XAP,,Repeater,Medical Supplies,POS,XNA,Country-wide,50,Industry,24.0,low_normal,POS other with interest,365243.0,-547.0,143.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,99000.0,580500.0,25699.5,580500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.0228,-22590,365243,-5018.0,-5018,,1,0,0,1,0,0,,1.0,2,2,MONDAY,8,0,0,0,0,0,0,XNA,,0.6315542509982529,,0.2423,0.0556,0.9841,,,0.08,0.069,0.3333,,0.0738,,0.1135,,0.0141,0.2468,0.0577,0.9841,,,0.0806,0.069,0.3333,,0.0755,,0.1183,,0.0149,0.2446,0.0556,0.9841,,,0.08,0.069,0.3333,,0.0751,,0.1156,,0.0144,,block of flats,0.1085,"Stone, brick",No,3.0,2.0,3.0,1.0,-723.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1062675,330328,Cash loans,13244.13,202500.0,235912.5,,202500.0,THURSDAY,10,Y,1,,,,XNA,Approved,-1005,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,365243.0,-975.0,-105.0,-435.0,-428.0,1.0,0,Cash loans,F,N,N,1,67500.0,422451.0,16056.0,297000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.018029,-16905,-813,-2838.0,-451,,1,1,0,1,0,0,Security staff,2.0,3,3,MONDAY,4,0,0,0,0,1,1,Transport: type 2,,0.3715382041721933,0.6479768603302221,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1290.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2530520,290893,Cash loans,11515.68,90000.0,95940.0,,90000.0,TUESDAY,9,Y,1,,,,XNA,Refused,-833,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),-1,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,N,2,72000.0,233784.0,11497.5,153000.0,Unaccompanied,State servant,Secondary / secondary special,Civil marriage,With parents,0.020246,-9994,-2144,-4571.0,-2227,,1,1,0,1,0,0,Cooking staff,4.0,3,3,TUESDAY,9,0,0,0,1,1,0,Security Ministries,0.28570851402485525,0.2637164050742864,0.511891801533151,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-866.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,9.0 +2220195,221844,Consumer loans,5747.04,27855.0,29511.0,0.0,27855.0,SATURDAY,15,Y,1,0.0,,,XAP,Approved,-273,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,394,Consumer electronics,6.0,middle,POS household with interest,365243.0,-243.0,-93.0,-93.0,-83.0,1.0,1,Cash loans,M,N,Y,1,54000.0,576072.0,21847.5,405000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006296,-12119,-673,-3215.0,-2202,,1,1,1,1,1,0,Low-skill Laborers,3.0,3,3,SATURDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.36414486148086345,0.5673792367572691,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-273.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1891380,219933,Revolving loans,13500.0,0.0,270000.0,,,SATURDAY,9,Y,1,,,,XAP,Approved,-2473,XNA,XAP,,Repeater,XNA,Cards,x-sell,Stone,129,Consumer electronics,0.0,XNA,Card Street,-2471.0,-2419.0,365243.0,-1203.0,-739.0,0.0,0,Cash loans,F,N,N,0,108000.0,675000.0,19737.0,675000.0,Unaccompanied,Working,Higher education,Married,Municipal apartment,0.010006000000000001,-17451,-5127,-9923.0,-1007,,1,1,1,1,1,0,Core staff,2.0,2,2,SUNDAY,15,0,0,0,0,0,0,Kindergarten,0.8732703768543308,0.6117198025660773,0.6212263380626669,0.0124,0.0,0.9771,0.6872,0.0104,0.0,0.069,0.0417,0.0833,0.0062,0.0101,0.01,0.0,0.0,0.0126,0.0,0.9772,0.6994,0.0105,0.0,0.069,0.0417,0.0833,0.0063,0.011,0.0104,0.0,0.0,0.0125,0.0,0.9771,0.6914,0.0105,0.0,0.069,0.0417,0.0833,0.0063,0.0103,0.0102,0.0,0.0,not specified,block of flats,0.0079,Wooden,Yes,0.0,0.0,0.0,0.0,-1067.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,0.0 +1728771,278162,Consumer loans,9363.555,121455.0,68494.5,58500.0,121455.0,FRIDAY,17,Y,1,0.501689586413728,,,XAP,Approved,-883,Cash through the bank,XAP,"Spouse, partner",Repeater,Mobile,POS,XNA,Country-wide,60,Connectivity,10.0,high,POS mobile with interest,365243.0,-852.0,-582.0,-732.0,-727.0,0.0,0,Cash loans,F,N,Y,0,157500.0,247275.0,16587.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.01885,-19808,-823,-4936.0,-3292,,1,1,0,1,1,0,High skill tech staff,2.0,2,2,SATURDAY,9,0,0,0,0,0,0,Trade: type 6,0.70667247836765,0.6480114890891352,0.5370699579791587,0.5196,,0.9846,,,0.56,0.4828,0.3333,,0.0837,,0.3293,,0.8377,0.5294,,0.9846,,,0.5639,0.4828,0.3333,,0.0857,,0.3431,,0.8868,0.5246,,0.9846,,,0.56,0.4828,0.3333,,0.0852,,0.3352,,0.8552,,block of flats,0.4412,Panel,No,1.0,1.0,1.0,1.0,-1592.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2076904,270177,Consumer loans,16234.11,127505.205,142931.205,0.0,127505.205,SUNDAY,18,Y,1,0.0,,,XAP,Approved,-93,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,25,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-58.0,212.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,90000.0,197820.0,17050.5,180000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,With parents,0.006296,-10609,-1390,-3239.0,-3258,,1,1,0,1,0,0,,1.0,3,3,TUESDAY,14,0,0,0,0,1,1,Business Entity Type 3,,0.198779263566786,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-217.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2715108,165976,Revolving loans,13500.0,270000.0,270000.0,,270000.0,TUESDAY,18,Y,1,,,,XAP,Approved,-282,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-280.0,-238.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,382500.0,891072.0,37750.5,720000.0,Unaccompanied,State servant,Higher education,Single / not married,House / apartment,0.072508,-8212,-685,-3026.0,-647,,1,1,1,1,1,0,Laborers,1.0,1,1,THURSDAY,18,0,0,0,0,0,0,Government,,0.34056774037234844,,0.0962,0.1673,0.9767,0.6804,0.0353,0.0,0.1607,0.1667,0.2083,0.07400000000000001,0.0784,0.0809,0.0,0.0,0.084,0.1035,0.9772,0.6994,0.0307,0.0,0.1379,0.1667,0.2083,0.0544,0.0735,0.0728,0.0,0.0,0.0833,0.18600000000000005,0.9771,0.6914,0.0308,0.0,0.1379,0.1667,0.2083,0.0591,0.0684,0.0714,0.0,0.0,reg oper account,block of flats,0.055,Block,No,0.0,0.0,0.0,0.0,-637.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +2508601,129746,Cash loans,31956.705,553500.0,597339.0,,553500.0,WEDNESDAY,14,Y,1,,,,XNA,Approved,-191,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-161.0,529.0,365243.0,365243.0,1.0,0,Revolving loans,F,N,Y,0,247500.0,675000.0,33750.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.02461,-22352,365243,-11808.0,-5537,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,XNA,,0.6716861044689021,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-492.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1245552,239734,Cash loans,29880.27,495000.0,573408.0,,495000.0,MONDAY,5,Y,1,,,,XNA,Approved,-496,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,high,Cash X-Sell: high,365243.0,-466.0,944.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,1,126000.0,118512.0,9490.5,90000.0,Unaccompanied,Working,Lower secondary,Married,House / apartment,0.002134,-14036,-2151,-4812.0,-3650,21.0,1,1,0,1,0,0,Low-skill Laborers,3.0,3,3,SUNDAY,7,0,0,0,1,1,1,Business Entity Type 3,,0.3279363659267609,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1737129,321269,Consumer loans,5384.07,48321.0,53424.0,0.0,48321.0,SATURDAY,9,Y,1,0.0,,,XAP,Approved,-472,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Country-wide,3855,Consumer electronics,12.0,middle,POS household with interest,365243.0,-441.0,-111.0,-111.0,-107.0,0.0,0,Cash loans,M,N,N,0,157500.0,152820.0,17370.0,135000.0,Unaccompanied,Working,Higher education,Married,Rented apartment,0.018209,-8887,-301,-574.0,-1553,,1,1,0,1,1,0,Laborers,2.0,3,3,SUNDAY,11,0,0,0,0,0,0,Self-employed,0.11012599207992706,0.4982306167478393,,0.0149,0.0,0.9677,0.5579999999999999,0.0025,0.0,0.069,0.0417,0.0833,0.0278,0.0143,0.0121,0.0,0.0,0.0126,0.0,0.9677,0.5753,0.0025,0.0,0.069,0.0417,0.0833,0.0284,0.0156,0.011,0.0,0.0,0.0151,0.0,0.9677,0.5639,0.0025,0.0,0.069,0.0417,0.0833,0.0283,0.0145,0.0124,0.0,0.0,reg oper account,block of flats,0.0083,"Stone, brick",No,1.0,1.0,1.0,1.0,-472.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2687153,302926,Cash loans,42356.205,922500.0,1016262.0,,922500.0,FRIDAY,10,Y,1,,,,XNA,Approved,-629,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,42.0,middle,Cash X-Sell: middle,365243.0,-599.0,631.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,270000.0,587619.0,19084.5,490500.0,Family,Working,Higher education,Married,House / apartment,0.008019,-21334,-6000,-8854.0,-4539,,1,1,0,1,0,0,Accountants,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.7917303869257215,0.6728087215389824,0.4471785780453068,0.0495,0.0,0.9742,0.6464,0.0049,0.0,0.1034,0.125,0.1667,0.033,0.0403,0.0395,0.0,0.0,0.0504,0.0,0.9742,0.6602,0.005,0.0,0.1034,0.125,0.1667,0.0337,0.0441,0.0411,0.0,0.0,0.05,0.0,0.9742,0.6511,0.005,0.0,0.1034,0.125,0.1667,0.0336,0.041,0.0402,0.0,0.0,reg oper account,block of flats,0.0311,"Stone, brick",No,0.0,0.0,0.0,0.0,-1001.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1445109,136472,Consumer loans,6111.09,63157.5,31576.5,31581.0,63157.5,TUESDAY,19,Y,1,0.5445842536515854,,,XAP,Approved,-1606,Non-cash from your account,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Regional / Local,1012,Consumer electronics,6.0,middle,POS household without interest,365243.0,-1575.0,-1425.0,-1425.0,-1419.0,0.0,0,Cash loans,F,N,Y,2,198000.0,152820.0,16587.0,135000.0,Family,Working,Lower secondary,Married,House / apartment,0.011656999999999999,-12265,-363,-10838.0,-854,,1,1,0,1,1,0,High skill tech staff,4.0,1,1,FRIDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.6909256349540552,,0.0299,0.0375,0.9821,0.7552,0.004,0.0,0.069,0.1667,0.2083,0.0065,0.0227,0.0286,0.0077,0.0072,0.0305,0.0389,0.9821,0.7648,0.004,0.0,0.069,0.1667,0.2083,0.0066,0.0248,0.0298,0.0078,0.0076,0.0302,0.0375,0.9821,0.7585,0.004,0.0,0.069,0.1667,0.2083,0.0066,0.0231,0.0291,0.0078,0.0074,reg oper account,block of flats,0.0262,Panel,No,2.0,0.0,2.0,0.0,-288.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2487492,308649,Consumer loans,4708.215,28022.805,25218.0,2804.805,28022.805,SATURDAY,6,Y,1,0.10900720421359417,,,XAP,Approved,-2215,Non-cash from your account,XAP,Unaccompanied,New,Construction Materials,POS,XNA,Stone,15,Construction,6.0,middle,POS industry with interest,365243.0,-2174.0,-2024.0,-2054.0,-2046.0,0.0,0,Cash loans,F,N,Y,0,90000.0,288873.0,11020.5,238500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.010032,-16822,-1518,-2987.0,-369,,1,1,0,1,0,0,,1.0,2,2,TUESDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.2353570491834848,0.3425288720742255,0.4351,0.0547,0.9861,0.8028,0.0126,0.08,0.069,0.3333,0.375,0.166,0.3547,0.1466,0.0,0.1374,0.4433,0.0568,0.9861,0.8105,0.0127,0.0806,0.069,0.3333,0.375,0.1698,0.3875,0.1527,0.0,0.1455,0.4393,0.0547,0.9861,0.8054,0.0127,0.08,0.069,0.3333,0.375,0.1689,0.3608,0.1492,0.0,0.1403,reg oper account,block of flats,0.1521,Panel,No,4.0,0.0,4.0,0.0,-139.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2689619,196046,Cash loans,18523.215,360000.0,409896.0,,360000.0,MONDAY,10,Y,1,,,,XNA,Approved,-456,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),6,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-426.0,624.0,-306.0,-303.0,1.0,0,Cash loans,F,N,Y,0,112500.0,127350.0,7920.0,112500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.025164,-21263,365243,-871.0,-4519,,1,0,0,1,1,0,,1.0,2,2,TUESDAY,14,0,0,0,0,0,0,XNA,,0.5556583377328203,0.4311917977993083,0.0928,0.0876,0.9826,0.762,0.012,0.0,0.2069,0.1667,0.2083,0.0539,0.0756,0.0876,0.0,0.0,0.0945,0.0909,0.9826,0.7713,0.0121,0.0,0.2069,0.1667,0.2083,0.0551,0.0826,0.0913,0.0,0.0,0.0937,0.0876,0.9826,0.7652,0.0121,0.0,0.2069,0.1667,0.2083,0.0548,0.077,0.0892,0.0,0.0,reg oper account,block of flats,0.0755,Panel,No,2.0,0.0,2.0,0.0,-659.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1901824,283096,Revolving loans,5625.0,112500.0,112500.0,,112500.0,THURSDAY,12,Y,1,,,,XAP,Approved,-78,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-16.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,51750.0,267336.0,9729.0,211500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.007120000000000001,-23354,365243,-12860.0,-4453,,1,0,0,1,1,0,,1.0,2,2,FRIDAY,9,0,0,0,0,0,0,XNA,,0.1915258625230554,,0.1856,,0.9821,,,0.36,0.3103,0.3333,,0.0276,,0.1163,,0.2708,0.1891,,0.9821,,,0.3625,0.3103,0.3333,,0.0282,,0.1212,,0.2866,0.1874,,0.9821,,,0.36,0.3103,0.3333,,0.0281,,0.1184,,0.2764,,block of flats,0.1503,"Stone, brick",No,0.0,0.0,0.0,0.0,-416.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1856839,327941,Cash loans,16543.62,180000.0,197820.0,,180000.0,TUESDAY,7,Y,1,,,,XNA,Approved,-1020,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-990.0,-480.0,-840.0,-832.0,1.0,1,Cash loans,M,N,N,1,130500.0,545040.0,25407.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-13137,-2040,-4399.0,-5541,,1,1,0,1,1,0,Laborers,3.0,3,3,SATURDAY,14,0,0,0,1,1,0,Transport: type 4,,0.19144122536065367,0.06337536230998861,0.0371,0.0627,0.9737,0.6396,0.0011,0.0,0.1034,0.0833,0.125,0.029,0.0294,0.029,0.0039,0.0,0.0378,0.0651,0.9737,0.6537,0.0012,0.0,0.1034,0.0833,0.125,0.0297,0.0321,0.0302,0.0039,0.0,0.0375,0.0627,0.9737,0.6444,0.0012,0.0,0.1034,0.0833,0.125,0.0295,0.0299,0.0295,0.0039,0.0,reg oper account,block of flats,0.0475,"Stone, brick",No,7.0,0.0,7.0,0.0,-1344.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1703872,131840,Cash loans,9851.535,135000.0,174118.5,,135000.0,WEDNESDAY,8,Y,1,,,,XNA,Refused,-1352,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,135000.0,625882.5,23724.0,432000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.019688999999999998,-16208,-312,-3614.0,-776,,1,1,0,1,0,1,Sales staff,2.0,2,2,THURSDAY,9,0,0,0,0,1,1,Self-employed,0.7802841824592883,0.5710734932685673,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1352.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2253231,232826,Consumer loans,4690.485,34371.0,33111.0,3438.0,34371.0,SUNDAY,20,Y,1,0.10244588211591413,,,XAP,Approved,-911,Cash through the bank,XAP,Unaccompanied,Refreshed,Photo / Cinema Equipment,POS,XNA,Country-wide,50,Connectivity,8.0,middle,POS mobile with interest,365243.0,-878.0,-668.0,-668.0,-659.0,0.0,0,Cash loans,M,N,N,0,157500.0,675000.0,32472.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.006670999999999999,-11066,-1349,-2145.0,-1101,,1,1,0,1,0,0,Drivers,2.0,2,2,SUNDAY,15,0,0,0,0,1,1,Business Entity Type 3,,0.6400909950428426,0.4418358231994413,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-911.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1602824,352331,Consumer loans,15114.6,162000.0,162000.0,0.0,162000.0,SATURDAY,16,Y,1,0.0,,,XAP,Approved,-899,Cash through the bank,XAP,Other_B,Repeater,Furniture,POS,XNA,Stone,13,Furniture,12.0,low_normal,POS industry with interest,365243.0,-868.0,-538.0,-598.0,-590.0,0.0,1,Cash loans,F,N,Y,1,121500.0,284400.0,22599.0,225000.0,Unaccompanied,Working,Incomplete higher,Married,Municipal apartment,0.032561,-11038,-1022,-510.0,-2993,,1,1,0,1,0,0,Accountants,3.0,1,1,TUESDAY,17,0,0,0,0,0,0,Trade: type 2,0.3206837793539747,0.6453884480222756,0.2622489709189549,0.0041,,0.9727,,,,0.069,0.0833,,,,0.0256,,0.0017,0.0042,,0.9727,,,,0.069,0.0833,,,,0.0266,,0.0018,0.0042,,0.9727,,,,0.069,0.0833,,,,0.026,,0.0017,,,0.0219,"Stone, brick",No,0.0,0.0,0.0,0.0,-115.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1844582,332745,Consumer loans,12958.2,129596.4,116635.5,12960.9,129596.4,FRIDAY,11,Y,1,0.1089196795870592,,,XAP,Approved,-1742,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,2106,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1710.0,-1440.0,-1440.0,-1432.0,0.0,0,Revolving loans,F,Y,N,2,135000.0,157500.0,7875.0,157500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.020246,-13376,-2883,-499.0,-4207,13.0,1,1,0,1,1,1,Core staff,4.0,3,3,THURSDAY,12,0,0,0,0,1,1,Bank,0.5379726092909844,0.24131127182252385,0.5549467685334323,0.1237,0.1063,0.9786,0.7076,0.017,0.32,0.2759,0.1667,0.2083,0.049,0.1009,0.114,0.0,0.0,0.1261,0.1103,0.9786,0.7190000000000001,0.0171,0.3222,0.2759,0.1667,0.2083,0.0501,0.1102,0.1188,0.0,0.0,0.1249,0.1063,0.9786,0.7115,0.0171,0.32,0.2759,0.1667,0.2083,0.0499,0.1026,0.1161,0.0,0.0,reg oper account,block of flats,0.099,Panel,No,5.0,0.0,5.0,0.0,-1742.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,5.0,0.0,5.0 +1992090,369335,Cash loans,99333.0,900000.0,900000.0,,900000.0,THURSDAY,3,Y,1,,,,XNA,Refused,-851,XNA,LIMIT,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,Y,Y,1,238500.0,592560.0,35937.0,450000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.001276,-14109,-908,-1454.0,-4503,18.0,1,1,0,1,0,0,Accountants,3.0,2,2,MONDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.6898620360412981,0.3215349612317808,0.6212263380626669,0.0619,0.0558,0.9781,0.7008,0.0,0.0,0.1034,0.1667,0.0417,0.0633,0.0,0.0433,0.0,0.041,0.042,0.0384,0.9762,0.6864,0.0,0.0,0.069,0.1667,0.0417,0.0149,0.0,0.0333,0.0,0.0244,0.0625,0.0558,0.9781,0.7048,0.0,0.0,0.1034,0.1667,0.0417,0.0644,0.0,0.0441,0.0,0.0419,reg oper spec account,block of flats,0.0273,Panel,No,5.0,1.0,5.0,0.0,-1699.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1583891,159265,Cash loans,13098.555,225000.0,269550.0,,225000.0,MONDAY,9,Y,1,,,,XNA,Refused,-105,XNA,HC,Family,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),2,XNA,36.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,90000.0,256500.0,20394.0,256500.0,Children,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-22872,365243,-4610.0,-4613,,1,0,0,1,0,0,,2.0,2,2,MONDAY,12,0,0,0,0,0,0,XNA,,0.559650028744796,0.2353105173615833,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-486.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1011136,150355,Consumer loans,13395.6,226548.0,203890.5,22657.5,226548.0,SATURDAY,12,Y,1,0.10892207069904508,,,XAP,Approved,-1227,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,149,Consumer electronics,24.0,middle,POS household with interest,365243.0,-1185.0,-495.0,-735.0,-729.0,0.0,0,Cash loans,M,Y,Y,1,675000.0,1546020.0,50004.0,1350000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-14520,-409,-2245.0,-3350,6.0,1,1,0,1,0,0,High skill tech staff,3.0,2,2,MONDAY,11,0,0,0,0,1,1,Business Entity Type 3,0.11697984625533453,0.7006176962220146,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-1713.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2802993,304399,Revolving loans,9000.0,180000.0,180000.0,,180000.0,THURSDAY,11,Y,1,,,,XAP,Approved,-220,XNA,XAP,Family,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,135000.0,373311.0,15943.5,283500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.01885,-16958,-4589,-2795.0,-505,,1,1,0,1,0,0,,2.0,2,2,SUNDAY,12,0,0,0,0,0,0,School,,0.5707788643158056,0.6446794549585961,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-773.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +2285337,147635,Cash loans,14450.58,225000.0,269550.0,,225000.0,SATURDAY,7,Y,1,,,,Education,Refused,-412,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Country-wide,38,Connectivity,36.0,middle,Cash Street: middle,,,,,,,0,Revolving loans,F,N,N,2,90000.0,135000.0,6750.0,135000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.008068,-14517,-5420,-8226.0,-3427,,1,1,0,1,1,0,Medicine staff,4.0,3,3,FRIDAY,9,0,0,0,0,0,0,Medicine,0.6066545057054954,0.2614341773840503,0.18848953379516772,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2081.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2680095,252205,Cash loans,49155.39,450000.0,525726.0,,450000.0,MONDAY,9,Y,1,,,,Repairs,Refused,-203,Cash through the bank,VERIF,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,low_normal,Cash Street: low,,,,,,,0,Revolving loans,M,Y,Y,0,144000.0,450000.0,22500.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-21158,-3942,-9911.0,-3695,7.0,1,1,0,1,0,0,Drivers,2.0,2,2,MONDAY,12,0,1,1,0,0,0,Construction,,0.6276888702558343,0.2807895743848605,0.0186,,0.9866,,,,,0.0417,,,,,,,0.0189,,0.9866,,,,,0.0417,,,,,,,0.0187,,0.9866,,,,,0.0417,,,,,,,,,0.0134,,No,0.0,0.0,0.0,0.0,-660.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1784892,169981,Cash loans,34701.975,180000.0,185940.0,,180000.0,SATURDAY,13,Y,1,,,,XNA,Approved,-998,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-968.0,-818.0,-968.0,-962.0,1.0,0,Cash loans,F,Y,Y,0,121500.0,474048.0,24331.5,360000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.019101,-20346,365243,-2954.0,-2997,65.0,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,XNA,0.566479974085808,0.7023806188894612,0.5937175866150576,0.0186,0.0473,0.9841,0.7824,0.0253,0.0,0.1034,0.0417,0.0417,0.0153,0.0151,0.0166,0.0,0.0,0.0189,0.0491,0.9841,0.7909,0.0256,0.0,0.1034,0.0417,0.0417,0.0156,0.0165,0.0173,0.0,0.0,0.0187,0.0473,0.9841,0.7853,0.0255,0.0,0.1034,0.0417,0.0417,0.0156,0.0154,0.0169,0.0,0.0,reg oper account,block of flats,0.0138,"Stone, brick",No,5.0,0.0,5.0,0.0,-1695.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1593738,396387,Cash loans,26611.155,270000.0,284611.5,,270000.0,FRIDAY,12,Y,1,,,,XNA,Refused,-280,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,180000.0,553806.0,24525.0,495000.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.035792000000000004,-23234,365243,-5516.0,-5142,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,12,0,0,0,0,0,0,XNA,,0.6883279277106003,0.5136937663039473,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1957.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2415069,384890,Consumer loans,9609.12,46732.5,46732.5,0.0,46732.5,WEDNESDAY,13,Y,1,0.0,,,XAP,Approved,-369,Cash through the bank,XAP,"Spouse, partner",Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,5000,Consumer electronics,6.0,high,POS household with interest,365243.0,-336.0,-186.0,-336.0,-330.0,0.0,0,Cash loans,F,Y,Y,2,225000.0,450000.0,27193.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-13457,-2433,-1384.0,-4804,3.0,1,1,0,1,0,0,Laborers,4.0,2,2,MONDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.6304170027326192,0.2467694117519397,0.3233112448967859,0.1299,,0.9985,,,0.12,0.1034,0.375,,,,0.1457,,0.0645,0.1324,,0.9985,,,0.1208,0.1034,0.375,,,,0.1518,,0.0683,0.1312,,0.9985,,,0.12,0.1034,0.375,,,,0.1483,,0.0659,,block of flats,0.1286,"Stone, brick",No,13.0,1.0,12.0,0.0,-733.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +1543633,258608,Consumer loans,14952.915,150255.0,132093.0,30060.0,150255.0,WEDNESDAY,17,Y,1,0.2018961889528576,,,XAP,Approved,-1756,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Stone,17,Consumer electronics,12.0,high,POS household with interest,365243.0,-1724.0,-1394.0,-1394.0,-1388.0,0.0,0,Cash loans,F,N,Y,1,211500.0,640080.0,24259.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.072508,-12605,-2308,-6571.0,-3855,,1,1,0,1,1,0,High skill tech staff,2.0,1,1,TUESDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.4006555126040965,0.6317018035543432,0.656158373001177,0.1343,0.1001,0.9801,0.7348,0.0,0.1384,0.1355,0.3388,0.3442,0.0,0.1083,0.1122,0.0062,0.0652,0.084,0.0153,0.9732,0.6472,0.0,0.0,0.1379,0.1667,0.2083,0.0,0.0735,0.0456,0.0,0.0015,0.1197,0.0843,0.9791,0.7182,0.0,0.16,0.1379,0.3333,0.2083,0.0,0.0941,0.0866,0.0039,0.0107,reg oper account,block of flats,0.1667,"Stone, brick",No,0.0,0.0,0.0,0.0,-1756.0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1902417,259899,Cash loans,22994.145,360000.0,393264.0,,360000.0,THURSDAY,11,Y,1,,,,XNA,Refused,-277,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,N,0,112500.0,355536.0,15192.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.019688999999999998,-22158,-1979,-12947.0,-4001,,1,1,0,1,0,0,Waiters/barmen staff,1.0,2,2,MONDAY,10,0,0,0,0,0,0,Medicine,,0.5961127893446099,0.6195277080511546,0.0928,0.0,0.9826,,,0.0,0.2069,0.1667,,0.0911,,0.0874,,0.1456,0.0945,0.0,0.9826,,,0.0,0.2069,0.1667,,0.0932,,0.0911,,0.1542,0.0937,0.0,0.9826,,,0.0,0.2069,0.1667,,0.0927,,0.08900000000000001,,0.1487,,block of flats,0.0687,Panel,No,0.0,0.0,0.0,0.0,-703.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1347945,325583,Cash loans,23366.205,225000.0,239850.0,,225000.0,MONDAY,8,Y,1,,,,XNA,Approved,-210,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-180.0,150.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,99000.0,548239.5,35977.5,517500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-22776,365243,-4332.0,-4329,,1,0,0,1,0,0,,2.0,2,2,MONDAY,8,0,0,0,0,0,0,XNA,,0.5406023857078662,,0.1237,,0.9801,,,,0.2759,0.1667,,0.1417,,0.0658,,,0.1261,,0.9801,,,,0.2759,0.1667,,0.1449,,0.0686,,,0.1249,,0.9801,,,,0.2759,0.1667,,0.1441,,0.067,,,,block of flats,0.0806,Block,No,0.0,0.0,0.0,0.0,-2228.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2788113,137245,Cash loans,11987.55,54000.0,62464.5,,54000.0,SUNDAY,17,Y,1,,,,XNA,Approved,-769,Cash through the bank,XAP,"Spouse, partner",Refreshed,XNA,Cash,x-sell,AP+ (Cash loan),6,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-739.0,-589.0,-739.0,-733.0,1.0,0,Cash loans,M,Y,Y,1,90000.0,432661.5,22653.0,373500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.025164,-13517,-1694,-235.0,-4196,22.0,1,1,0,1,0,0,Laborers,3.0,2,2,SATURDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.29457343119520163,0.7557400501752248,0.3015,0.1583,0.9826,0.762,0.1029,0.28,0.3448,0.25,0.2917,0.138,0.2438,0.2843,0.0116,0.011,0.105,0.1147,0.9826,0.7713,0.0441,0.0,0.2069,0.1667,0.2083,0.1067,0.0918,0.0629,0.0039,0.0031,0.3045,0.1583,0.9826,0.7652,0.1036,0.28,0.3448,0.25,0.2917,0.1404,0.248,0.2894,0.0116,0.0112,org spec account,block of flats,0.4925,Panel,No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1847951,265447,Consumer loans,6904.8,90000.0,72000.0,18000.0,90000.0,SATURDAY,12,Y,1,0.2178181818181818,,,XAP,Approved,-1537,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Country-wide,972,Furniture,12.0,low_normal,POS industry with interest,365243.0,-1506.0,-1176.0,-1176.0,-1172.0,0.0,0,Cash loans,M,Y,Y,0,180000.0,1350000.0,57330.0,1350000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-17929,-5566,-10204.0,-1168,8.0,1,1,0,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,Self-employed,,0.4047071640104663,0.7738956942145427,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1704.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1802223,258440,Consumer loans,12331.395,202671.0,238518.0,0.0,202671.0,MONDAY,12,Y,1,0.0,,,XAP,Approved,-1376,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,2641,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-1345.0,-655.0,-775.0,-766.0,0.0,0,Cash loans,F,N,N,0,225000.0,874152.0,46570.5,810000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-19778,-786,-2313.0,-3328,,1,1,1,1,0,0,Laborers,2.0,3,3,THURSDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.5579254402945071,0.4358211703048661,0.1986200451074864,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1717.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2048653,359759,Cash loans,14984.235,67500.0,78079.5,,67500.0,THURSDAY,17,Y,1,,,,XNA,Approved,-614,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-584.0,-434.0,-434.0,-429.0,1.0,0,Cash loans,F,Y,Y,1,270000.0,544500.0,23197.5,544500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.01885,-13683,-989,-13653.0,-353,6.0,1,1,0,1,1,0,Drivers,3.0,2,2,TUESDAY,14,0,0,0,0,0,0,Transport: type 4,0.6414452123676935,0.5290911432906958,0.21640296051521946,0.1031,,0.9801,,,0.0,0.2069,0.1667,0.2083,0.063,0.0841,0.0906,,,0.105,,0.9801,,,0.0,0.2069,0.1667,0.2083,0.0645,0.0918,0.0944,,,0.1041,,0.9801,,,0.0,0.2069,0.1667,0.2083,0.0641,0.0855,0.0922,,,,block of flats,0.0938,,No,2.0,0.0,2.0,0.0,-1384.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1752958,447124,Consumer loans,15237.855,120627.0,135225.0,0.0,120627.0,SUNDAY,15,Y,1,0.0,,,XAP,Approved,-216,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Country-wide,60,Furniture,10.0,low_normal,POS industry with interest,365243.0,-186.0,84.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,1,225000.0,921330.0,47173.5,823500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-16278,-2622,-5527.0,-4272,,1,1,0,1,0,1,Managers,3.0,1,1,SATURDAY,9,0,1,1,0,0,0,Security,0.3242992407437653,0.04334755850736563,0.2807895743848605,0.0835,0.0186,0.9811,0.7416,0.0156,0.0,0.1724,0.1667,0.0417,0.1118,0.0672,0.0729,0.0039,0.0667,0.0851,0.0193,0.9811,0.7517,0.0157,0.0,0.1724,0.1667,0.0417,0.1144,0.0735,0.076,0.0039,0.0706,0.0843,0.0186,0.9811,0.7451,0.0157,0.0,0.1724,0.1667,0.0417,0.1138,0.0684,0.0743,0.0039,0.0681,reg oper account,block of flats,0.0719,"Stone, brick",No,0.0,0.0,0.0,0.0,-983.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1222836,194302,Cash loans,26217.54,675000.0,808650.0,,675000.0,TUESDAY,11,Y,1,,,,XNA,Refused,-20,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,112500.0,625536.0,22599.0,540000.0,Unaccompanied,Working,Higher education,Married,Rented apartment,0.009175,-11803,-657,-5634.0,-2952,,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Self-employed,0.772025592146803,0.7889779635145878,0.2301588968634147,0.066,0.0,0.9747,,,0.0,0.1379,0.125,,0.0813,,0.0326,,0.0525,0.0672,0.0,0.9747,,,0.0,0.1379,0.125,,0.0831,,0.034,,0.0556,0.0666,0.0,0.9747,,,0.0,0.1379,0.125,,0.0827,,0.0332,,0.0536,,block of flats,0.0395,"Stone, brick",No,0.0,0.0,0.0,0.0,-1559.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2320915,180120,Consumer loans,3526.38,24705.0,22234.5,2470.5,24705.0,TUESDAY,10,Y,1,0.1089090909090909,,,XAP,Approved,-2822,Cash through the bank,XAP,Other_A,New,Mobile,POS,XNA,Country-wide,52,Connectivity,8.0,low_normal,POS mobile with interest,365243.0,-2791.0,-2581.0,-2611.0,-2586.0,0.0,0,Cash loans,F,N,Y,1,202500.0,215640.0,17419.5,180000.0,Unaccompanied,Working,Incomplete higher,Separated,House / apartment,0.010006000000000001,-10933,-2505,-2840.0,-2244,,1,1,0,1,0,0,,2.0,2,1,WEDNESDAY,14,0,0,0,0,0,0,Medicine,0.5163037265376026,0.02405739381633624,0.4418358231994413,0.0031,,0.9712,,,,,0.0,,,,0.0017,,0.0029,0.0032,,0.9712,,,,,0.0,,,,0.0018,,0.0031,0.0031,,0.9712,,,,,0.0,,,,0.0017,,0.003,,block of flats,0.002,Wooden,No,0.0,0.0,0.0,0.0,-448.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1190224,415225,Consumer loans,5369.985,39375.0,44572.5,0.0,39375.0,WEDNESDAY,9,Y,1,0.0,,,XAP,Approved,-107,Cash through the bank,XAP,Unaccompanied,Repeater,Construction Materials,POS,XNA,Stone,60,Construction,10.0,middle,POS industry with interest,365243.0,-77.0,193.0,365243.0,365243.0,1.0,1,Cash loans,M,Y,Y,1,121500.0,472500.0,20146.5,472500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0228,-18186,-1580,-423.0,-1406,23.0,1,1,0,1,1,0,High skill tech staff,3.0,2,2,FRIDAY,14,0,0,0,0,0,0,Construction,0.3170361163943644,0.5894459596967629,0.1168672659157136,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,0.0,0.0,-808.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2132402,117646,Consumer loans,3842.775,31234.5,30865.5,3150.0,31234.5,SUNDAY,17,Y,1,0.10085509146231462,,,XAP,Approved,-2278,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,43,Connectivity,12.0,high,POS mobile with interest,365243.0,-2247.0,-1917.0,-1917.0,-1886.0,0.0,0,Cash loans,F,N,N,0,76500.0,135000.0,16150.5,135000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.019101,-10946,-2222,-2675.0,-3003,,1,1,1,1,1,0,Sales staff,1.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Self-employed,0.5269372230293905,0.6025558073913867,0.3740208032583212,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2278.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1463547,124744,Consumer loans,2566.305,19746.0,19237.5,1975.5,19746.0,TUESDAY,15,Y,1,0.10142361245034133,,,XAP,Approved,-2578,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,54,Connectivity,10.0,low_normal,POS mobile with interest,365243.0,-2547.0,-2277.0,-2277.0,-2272.0,1.0,0,Cash loans,F,Y,N,0,202500.0,1687266.0,62527.5,1575000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-13940,-1648,-770.0,-2929,8.0,1,1,1,1,1,0,Realty agents,2.0,3,3,WEDNESDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.5654355203861314,0.4810736044357904,0.4241303111942548,0.0412,0.0397,0.9776,0.6940000000000001,0.0069,0.0,0.1379,0.125,0.1667,0.0315,0.0336,0.0415,0.0,0.0,0.042,0.0412,0.9777,0.706,0.006999999999999999,0.0,0.1379,0.125,0.1667,0.0323,0.0367,0.0432,0.0,0.0,0.0416,0.0397,0.9776,0.6981,0.006999999999999999,0.0,0.1379,0.125,0.1667,0.0321,0.0342,0.0422,0.0,0.0,reg oper account,block of flats,0.0364,Block,No,0.0,0.0,0.0,0.0,-108.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1013808,183739,Cash loans,55511.1,1800000.0,2013840.0,,1800000.0,FRIDAY,11,Y,1,,,,Other,Refused,-347,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,Y,Y,0,256500.0,1054935.0,44694.0,904500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.04622,-15478,-1803,-8050.0,-4892,2.0,1,1,0,1,1,0,Managers,2.0,1,1,TUESDAY,12,0,0,0,0,1,1,Security,,0.6431281223390132,0.3425288720742255,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-348.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1842482,244779,Revolving loans,22500.0,450000.0,450000.0,,450000.0,WEDNESDAY,12,Y,1,,,,XAP,Refused,-211,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,1,225000.0,265851.0,15390.0,229500.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.018801,-12812,-3493,-4354.0,-4516,,1,1,0,1,0,0,Core staff,2.0,2,2,THURSDAY,7,0,0,0,0,0,0,University,0.3022038365570781,0.6823864234679871,0.6195277080511546,0.0845,0.0402,0.9737,0.6396,0.0208,0.0,0.1379,0.1667,0.2083,0.0304,0.0672,0.063,0.0077,0.0285,0.0861,0.0417,0.9737,0.6537,0.021,0.0,0.1379,0.1667,0.2083,0.031,0.0735,0.0656,0.0078,0.0301,0.0854,0.0402,0.9737,0.6444,0.0209,0.0,0.1379,0.1667,0.2083,0.0309,0.0684,0.0641,0.0078,0.0291,not specified,block of flats,0.0557,"Stone, brick",No,0.0,0.0,0.0,0.0,-852.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2284033,224684,Consumer loans,4773.06,26995.5,25497.0,2700.0,26995.5,TUESDAY,20,Y,1,0.10428575573803787,,,XAP,Approved,-2247,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,600,Consumer electronics,6.0,middle,POS household with interest,365243.0,-2216.0,-2066.0,-2066.0,-2060.0,0.0,0,Cash loans,M,Y,Y,1,292500.0,225000.0,17905.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.072508,-15446,-4924,-6944.0,-761,18.0,1,1,0,1,1,0,Laborers,3.0,1,1,TUESDAY,15,0,0,0,0,0,0,Business Entity Type 2,0.4289661017232919,0.7480681071017008,0.221335206354466,0.0619,0.0882,0.9717,0.6124,0.0,0.16,0.1379,0.1667,0.0417,0.0,0.0504,0.0629,0.0,0.0466,0.063,0.0915,0.9717,0.6276,0.0,0.1611,0.1379,0.1667,0.0417,0.0,0.0551,0.0655,0.0,0.0493,0.0625,0.0882,0.9717,0.6176,0.0,0.16,0.1379,0.1667,0.0417,0.0,0.0513,0.064,0.0,0.0476,reg oper account,block of flats,0.0596,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2609126,218878,Cash loans,43128.9,517500.0,619668.0,,517500.0,TUESDAY,11,Y,1,,,,XNA,Approved,-332,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-302.0,208.0,-122.0,-117.0,1.0,0,Revolving loans,M,N,Y,2,180000.0,270000.0,13500.0,270000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.025164,-12224,-243,-2719.0,-1331,,1,1,0,1,0,0,Drivers,4.0,2,2,FRIDAY,13,0,0,0,0,0,0,Self-employed,,0.4245703332751571,0.722392890081304,0.0928,0.1154,0.9851,0.7959999999999999,0.0147,0.0,0.2069,0.1667,0.2083,0.0963,0.0756,0.0712,0.0,0.0355,0.0945,0.1197,0.9851,0.804,0.0148,0.0,0.2069,0.1667,0.2083,0.0985,0.0826,0.0742,0.0,0.0376,0.0937,0.1154,0.9851,0.7987,0.0148,0.0,0.2069,0.1667,0.2083,0.098,0.077,0.0725,0.0,0.0362,reg oper account,block of flats,0.0758,Panel,No,2.0,0.0,2.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,7.0 +2572164,170833,Cash loans,12475.845,292500.0,347904.0,,292500.0,MONDAY,5,Y,1,,,,XNA,Approved,-625,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,42.0,low_normal,Cash X-Sell: low,365243.0,-595.0,635.0,-505.0,-500.0,1.0,0,Cash loans,F,N,Y,0,189000.0,254700.0,15709.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010032,-23796,365243,-11934.0,-4639,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,6,0,0,0,0,0,0,XNA,,0.4880371325412628,0.4578995512067301,0.0742,0.0475,0.9841,0.7824,0.034,0.08,0.069,0.3333,0.375,0.0,0.0605,0.0795,0.0,0.0,0.0756,0.0493,0.9841,0.7909,0.0343,0.0806,0.069,0.3333,0.375,0.0,0.0661,0.0829,0.0,0.0,0.0749,0.0475,0.9841,0.7853,0.0342,0.08,0.069,0.3333,0.375,0.0,0.0616,0.081,0.0,0.0,reg oper account,block of flats,0.0812,Panel,No,0.0,0.0,0.0,0.0,-1318.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,3.0 +2607683,349414,Consumer loans,2498.175,45783.0,55453.5,0.0,45783.0,WEDNESDAY,15,Y,1,0.0,,,XAP,Approved,-447,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,200,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-416.0,274.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,157500.0,961146.0,28233.0,688500.0,Family,Pensioner,Secondary / secondary special,Separated,House / apartment,0.02461,-20952,365243,-803.0,-4494,,1,0,0,1,1,0,,1.0,2,2,TUESDAY,16,0,0,0,0,0,0,XNA,,0.627561102421452,0.6528965519806539,0.0928,0.0896,0.9796,0.7212,0.0356,0.0,0.2069,0.1667,0.2083,0.0771,0.0756,0.0769,0.0,0.0,0.0945,0.093,0.9796,0.7321,0.036000000000000004,0.0,0.2069,0.1667,0.2083,0.0789,0.0826,0.0801,0.0,0.0,0.0937,0.0896,0.9796,0.7249,0.0359,0.0,0.2069,0.1667,0.2083,0.0785,0.077,0.0783,0.0,0.0,reg oper account,block of flats,0.08,Panel,No,0.0,0.0,0.0,0.0,-447.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,5.0 +2225939,261745,Cash loans,11218.455,90000.0,108207.0,,90000.0,FRIDAY,10,Y,1,,,,XNA,Approved,-950,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-920.0,-590.0,-590.0,-583.0,1.0,0,Cash loans,M,N,Y,0,270000.0,1467612.0,58203.0,1350000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.04622,-17034,-5611,-5228.0,-547,,1,1,0,1,1,1,Laborers,2.0,1,1,WEDNESDAY,11,0,1,1,0,1,1,Business Entity Type 3,0.7370923731207664,0.5718125219245177,0.7281412993111438,0.1031,0.1142,0.9791,0.7144,0.0165,0.0,0.2069,0.1667,0.2083,,0.0841,0.0893,0.0,0.0,0.105,0.1185,0.9791,0.7256,0.0167,0.0,0.2069,0.1667,0.2083,,0.0918,0.093,0.0,0.0,0.1041,0.1142,0.9791,0.7182,0.0166,0.0,0.2069,0.1667,0.2083,,0.0855,0.0909,0.0,0.0,reg oper account,block of flats,0.0792,"Stone, brick",No,8.0,0.0,8.0,0.0,-40.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2415305,121764,Consumer loans,3973.095,25600.5,13945.5,12100.5,25600.5,SUNDAY,16,Y,1,0.5059719168184957,,,XAP,Approved,-2834,XNA,XAP,Children,New,Mobile,POS,XNA,Country-wide,33,Connectivity,4.0,low_normal,POS mobile with interest,365243.0,-2803.0,-2713.0,-2713.0,-2708.0,1.0,0,Revolving loans,M,Y,Y,1,202500.0,270000.0,13500.0,270000.0,"Spouse, partner",Working,Higher education,Married,House / apartment,0.005313,-18054,-1978,-5722.0,-1559,16.0,1,1,0,1,1,0,Laborers,3.0,2,2,SATURDAY,16,0,0,0,0,0,0,School,0.6686900433445195,0.5271510871763277,0.6863823354047934,0.1031,0.1012,0.9806,0.728,0.0122,0.0,0.2069,0.1667,0.2083,0.0801,0.0841,0.09,0.0,0.0,0.105,0.1051,0.9806,0.7387,0.0124,0.0,0.2069,0.1667,0.2083,0.0819,0.0918,0.0938,0.0,0.0,0.1041,0.1012,0.9806,0.7316,0.0123,0.0,0.2069,0.1667,0.2083,0.0815,0.0855,0.0916,0.0,0.0,org spec account,block of flats,0.0,"Stone, brick",No,0.0,0.0,0.0,0.0,-2834.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1589525,397574,Consumer loans,3715.965,37134.0,33417.0,3717.0,37134.0,SATURDAY,10,Y,1,0.10901467412858593,,,XAP,Approved,-2744,Cash through the bank,XAP,Unaccompanied,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,21,Connectivity,12.0,high,POS mobile with interest,365243.0,-2713.0,-2383.0,-2383.0,-2379.0,0.0,0,Revolving loans,F,N,Y,0,292500.0,900000.0,45000.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00702,-17381,-631,-875.0,-940,,1,1,0,1,1,0,Sales staff,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Self-employed,0.7295907086523143,0.6849826791105149,0.6296742509538716,,,,,,0.32,0.2759,0.3333,0.375,,,,,,,,,,,0.3222,0.2759,0.3333,0.375,,,,,,,,,,,0.32,0.2759,0.3333,0.375,,,,,,reg oper spec account,block of flats,,,No,1.0,0.0,1.0,0.0,-813.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1779368,210737,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,6,Y,1,,,,XAP,Approved,-322,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-320.0,-272.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,135000.0,450000.0,21888.0,450000.0,Unaccompanied,Commercial associate,Lower secondary,Civil marriage,House / apartment,0.018209,-13369,-134,-4242.0,-4881,,1,1,1,1,0,1,Core staff,2.0,3,3,MONDAY,9,0,0,0,0,1,1,Government,0.5167143156947321,0.4203127487796989,0.15759499866631024,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-853.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1492460,106694,Cash loans,40409.685,675000.0,721332.0,,675000.0,MONDAY,11,Y,1,,,,XNA,Approved,-999,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),6,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-969.0,-279.0,-279.0,-272.0,1.0,0,Cash loans,F,N,Y,0,202500.0,468000.0,46287.0,468000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-21833,-4742,-5520.0,-4028,,1,1,1,1,1,0,Managers,2.0,1,1,SATURDAY,10,0,0,0,0,1,1,Business Entity Type 3,,0.6836647013978386,0.33125086459090186,0.1113,0.0594,0.9876,0.83,0.0434,0.12,0.1034,0.3333,0.0417,,0.0908,0.1129,0.0,0.0,0.1134,0.0617,0.9876,0.8367,0.0438,0.1208,0.1034,0.3333,0.0417,,0.0992,0.1177,0.0,0.0,0.1124,0.0594,0.9876,0.8323,0.0437,0.12,0.1034,0.3333,0.0417,,0.0923,0.115,0.0,0.0,reg oper account,block of flats,0.1125,Panel,No,0.0,0.0,0.0,0.0,-1757.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2702889,376901,Cash loans,21913.02,270000.0,381361.5,,270000.0,MONDAY,10,Y,1,,,,XNA,Approved,-732,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash X-Sell: high,365243.0,-702.0,348.0,-552.0,-544.0,1.0,0,Cash loans,F,N,Y,0,90000.0,265536.0,13684.5,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-20074,-221,-1264.0,-3559,,1,1,0,1,0,0,Medicine staff,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Kindergarten,,0.6624640874798874,0.266456808245056,0.132,0.046,0.9856,0.8028,0.0375,0.08,0.0345,0.625,0.6667,0.0116,0.1067,0.1327,0.0039,0.0011,0.1345,0.0478,0.9856,0.8105,0.0378,0.0806,0.0345,0.625,0.6667,0.0119,0.1166,0.1382,0.0039,0.0011,0.1332,0.046,0.9856,0.8054,0.0377,0.08,0.0345,0.625,0.6667,0.0118,0.1086,0.1351,0.0039,0.0011,reg oper account,block of flats,0.1251,Monolithic,No,0.0,0.0,0.0,0.0,-1428.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1334579,162405,Cash loans,25157.115,360000.0,393264.0,,360000.0,TUESDAY,12,Y,1,,,,XNA,Approved,-731,Cash through the bank,XAP,"Spouse, partner",Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-701.0,-11.0,-11.0,-5.0,1.0,0,Cash loans,M,N,Y,0,225000.0,555273.0,16366.5,463500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008575,-20909,-3704,-11980.0,-4376,,1,1,0,1,1,0,Laborers,2.0,2,2,FRIDAY,17,0,0,0,0,0,0,Other,,0.6549624165381808,,0.0825,0.0862,0.9742,,,0.0,0.1379,0.1667,,0.0773,,,,,0.084,0.0894,0.9742,,,0.0,0.1379,0.1667,,0.079,,,,,0.0833,0.0862,0.9742,,,0.0,0.1379,0.1667,,0.0786,,,,,,block of flats,0.0503,"Stone, brick",No,2.0,0.0,2.0,0.0,-731.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2719396,348809,Revolving loans,45000.0,900000.0,900000.0,,900000.0,THURSDAY,5,Y,1,,,,XAP,Refused,-265,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,1,202500.0,268659.0,28633.5,243000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.006629,-13830,-1303,-2406.0,-119,,1,1,0,1,0,0,Cooking staff,3.0,2,2,WEDNESDAY,7,0,0,0,0,0,0,Business Entity Type 2,0.591678448431535,0.005332222017297618,0.7801436381572275,,,,,,0.0,,,,,,,,,,,,,,0.0,,,,,,,,,,,,,,0.0,,,,,,,,,reg oper account,,,,No,8.0,2.0,8.0,1.0,-991.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2296173,272580,Revolving loans,11250.0,225000.0,225000.0,,225000.0,FRIDAY,15,Y,1,,,,XAP,Refused,-712,XNA,SCOFR,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,1,Cash loans,F,N,Y,0,67500.0,755190.0,38686.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010556,-18787,-3036,-3263.0,-1027,,1,1,0,1,0,0,Sales staff,2.0,3,3,WEDNESDAY,12,0,0,0,0,1,1,Other,,0.10565330820331044,0.5832379256761245,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1104.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1186082,105326,Cash loans,7635.15,67500.0,71955.0,,67500.0,FRIDAY,15,Y,1,,,,Everyday expenses,Approved,-292,Cash through the bank,XAP,Other_B,Repeater,XNA,Cash,walk-in,Country-wide,44,Connectivity,12.0,middle,Cash Street: middle,365243.0,-262.0,68.0,-262.0,-255.0,1.0,1,Cash loans,F,Y,Y,1,157500.0,544500.0,27931.5,544500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.028663,-13001,-814,-2139.0,-813,10.0,1,1,0,1,0,0,Managers,3.0,2,2,WEDNESDAY,12,0,0,0,1,1,0,Services,,0.19976322759537707,0.3425288720742255,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-682.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2414681,186003,Cash loans,10588.995,90000.0,95940.0,0.0,90000.0,WEDNESDAY,11,Y,1,0.0,,,XNA,Approved,-1966,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-1936.0,-1606.0,-1606.0,-1598.0,1.0,0,Cash loans,M,N,N,0,157500.0,868797.0,34587.0,702000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,With parents,0.019688999999999998,-11585,-1766,-6003.0,-3785,,1,1,0,1,0,0,Sales staff,1.0,2,2,TUESDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.4572425034354068,0.6871068831929256,0.6161216908872079,0.0722,0.0174,0.9767,0.6804,0.0136,0.0,0.1379,0.1667,0.2083,0.0608,0.0588,0.0632,0.0,0.0,0.0735,0.0181,0.9767,0.6929,0.0137,0.0,0.1379,0.1667,0.2083,0.0622,0.0643,0.0658,0.0,0.0,0.0729,0.0174,0.9767,0.6847,0.0136,0.0,0.1379,0.1667,0.2083,0.0619,0.0599,0.0643,0.0,0.0,org spec account,block of flats,0.0571,"Stone, brick",No,5.0,1.0,5.0,1.0,-1583.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1078178,449350,Consumer loans,5765.04,47511.0,46993.5,4752.0,47511.0,SATURDAY,17,Y,1,0.10001565353509,,,XAP,Approved,-1724,Cash through the bank,XAP,Children,Repeater,Computers,POS,XNA,Country-wide,2000,Consumer electronics,12.0,high,POS household with interest,365243.0,-1693.0,-1363.0,-1513.0,-1506.0,0.0,0,Cash loans,M,Y,Y,0,202500.0,760225.5,34483.5,679500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.00733,-17563,-233,-753.0,-1102,30.0,1,1,1,1,0,0,Drivers,2.0,2,2,MONDAY,15,0,0,0,1,1,0,Business Entity Type 3,0.3381472211547848,0.6456036190991743,0.05609207884829402,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,1.0,0.0,2.0 +1533133,380155,Consumer loans,,102060.0,102060.0,0.0,102060.0,WEDNESDAY,17,Y,1,0.0,,,XAP,Refused,-498,Cash through the bank,HC,,Repeater,Computers,XNA,XNA,Country-wide,20,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,0,382500.0,1428408.0,73962.0,1350000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.04622,-22441,-6943,-6978.0,-3428,,1,1,0,1,0,0,Core staff,2.0,1,1,THURSDAY,10,0,0,0,0,1,1,Self-employed,,0.7227001737226595,0.7738956942145427,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,0.0,9.0,0.0,-1531.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2229657,280499,Consumer loans,14672.925,143122.5,143122.5,0.0,143122.5,FRIDAY,13,Y,1,0.0,,,XAP,Approved,-490,Cash through the bank,XAP,,Refreshed,Consumer Electronics,POS,XNA,Stone,92,Consumer electronics,12.0,middle,POS household with interest,365243.0,-455.0,-125.0,-335.0,-327.0,0.0,0,Revolving loans,F,N,Y,0,90000.0,135000.0,6750.0,135000.0,Family,Pensioner,Secondary / secondary special,Separated,House / apartment,0.030755,-23280,365243,-9614.0,-4711,,1,0,0,1,1,0,,1.0,2,2,FRIDAY,16,0,0,0,0,0,0,XNA,,0.2858978721410488,0.7713615919194317,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1872.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +1366727,338165,Cash loans,28343.7,900000.0,1030680.0,,900000.0,SATURDAY,6,Y,1,,,,XNA,Approved,-252,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-222.0,1548.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,202500.0,268164.0,10237.5,175500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.006629,-20060,-7425,-9826.0,-1467,,1,1,0,1,0,0,High skill tech staff,1.0,2,2,SATURDAY,8,0,0,0,0,0,0,Business Entity Type 3,,0.6868059190736177,0.746300213050371,0.0031,,0.9722,,,,,0.0,,,,0.0019,,,0.0032,,0.9722,,,,,0.0,,,,0.002,,,0.0031,,0.9722,,,,,0.0,,,,0.002,,,,,0.0015,Wooden,No,1.0,0.0,1.0,0.0,-469.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1812497,339227,Consumer loans,10595.025,232029.0,232029.0,0.0,232029.0,SUNDAY,18,Y,1,0.0,,,XAP,Approved,-1522,Cash through the bank,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Country-wide,7120,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1491.0,-801.0,-831.0,-829.0,0.0,0,Revolving loans,F,N,N,1,121500.0,270000.0,13500.0,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,With parents,0.04622,-8728,-1706,-3583.0,-1390,,1,1,0,1,0,0,Sales staff,2.0,1,1,WEDNESDAY,11,0,0,0,0,0,0,Self-employed,0.5514516355691217,0.4074654725186749,0.324891229465852,0.1557,0.0581,0.994,0.9116,,0.24,0.1034,0.5417,0.5833,,,0.1639,,0.0051,0.1586,0.0603,0.994,0.9151,,0.2417,0.1034,0.5417,0.5833,,,0.1708,,0.0054,0.1572,0.0581,0.994,0.9128,,0.24,0.1034,0.5417,0.5833,,,0.1668,,0.0052,reg oper account,block of flats,0.1494,Panel,No,0.0,0.0,0.0,0.0,-1522.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1281506,394995,Consumer loans,17577.855,173439.0,188320.5,0.0,173439.0,SATURDAY,10,Y,1,0.0,,,XAP,Approved,-416,XNA,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,702,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-385.0,-55.0,-55.0,-51.0,0.0,0,Cash loans,F,N,N,0,184500.0,386977.5,11862.0,319500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.018029,-20463,365243,-5088.0,-3883,,1,0,0,1,0,0,,1.0,3,3,SATURDAY,10,0,0,0,0,0,0,XNA,0.6743153434750625,0.44761423495024666,0.722392890081304,0.1021,,0.9821,,,0.0,0.0345,0.1667,,,,0.0733,,0.0013,0.104,,0.9821,,,0.0,0.0345,0.1667,,,,0.0763,,0.0014,0.1031,,0.9821,,,0.0,0.0345,0.1667,,,,0.0746,,0.0013,,block of flats,0.0576,Panel,No,2.0,0.0,1.0,0.0,-3.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,3.0 +1010179,394910,Cash loans,11020.995,238500.0,288873.0,,238500.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-191,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-161.0,1249.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,157500.0,763870.5,33777.0,607500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.002134,-19332,-6515,-3804.0,-2870,,1,1,0,1,0,0,,1.0,3,3,FRIDAY,13,0,0,0,1,0,1,Government,,0.5271565379483074,0.6528965519806539,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1400.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,5.0 +2020827,416436,Cash loans,14925.015,324000.0,392427.0,,324000.0,TUESDAY,11,Y,1,,,,XNA,Refused,-184,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,N,0,180000.0,265851.0,17118.0,229500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.072508,-22743,365243,-506.0,-338,,1,0,0,1,0,0,,2.0,1,1,THURSDAY,11,0,0,0,0,0,0,XNA,,0.6957933882307554,,0.0825,0.0642,0.9737,0.6396,0.0,0.0,0.1379,0.1667,0.2083,0.0155,0.0672,0.0676,0.0,0.0508,0.084,0.0666,0.9737,0.6537,0.0,0.0,0.1379,0.1667,0.2083,0.0158,0.0735,0.0705,0.0,0.0537,0.0833,0.0642,0.9737,0.6444,0.0,0.0,0.1379,0.1667,0.2083,0.0157,0.0684,0.0689,0.0,0.0518,reg oper account,block of flats,0.0642,"Stone, brick",No,0.0,0.0,0.0,0.0,-1260.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2630630,128803,Revolving loans,22500.0,0.0,450000.0,,,THURSDAY,11,Y,1,,,,XAP,Approved,-1268,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,292500.0,1125000.0,62950.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-18483,-3542,-6604.0,-1892,7.0,1,1,0,1,0,0,Managers,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,Other,0.7538024766588982,0.7799387691030333,0.6296742509538716,0.0247,0.0264,0.9911,0.8776,0.0222,0.04,0.0345,0.2083,0.25,0.0225,0.0202,0.0255,0.0,0.0,0.0252,0.0274,0.9911,0.8824,0.0225,0.0403,0.0345,0.2083,0.25,0.0231,0.022,0.0266,0.0,0.0,0.025,0.0264,0.9911,0.8792,0.0224,0.04,0.0345,0.2083,0.25,0.0229,0.0205,0.0259,0.0,0.0,reg oper account,block of flats,0.0322,Panel,No,7.0,0.0,7.0,0.0,-3280.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1012620,218152,Cash loans,9481.23,90000.0,114273.0,,90000.0,WEDNESDAY,12,Y,1,,,,XNA,Approved,-787,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-757.0,-247.0,-247.0,-244.0,1.0,1,Cash loans,F,N,N,1,157500.0,1035832.5,33412.5,904500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.009175,-12279,-4823,-4600.0,-3936,,1,1,1,1,1,1,Sales staff,3.0,2,2,FRIDAY,9,0,0,0,0,0,0,Trade: type 7,0.5270518017277079,0.6626547597376601,0.4632753280912678,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1242.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2143383,414152,Cash loans,53091.765,225000.0,261832.5,,225000.0,WEDNESDAY,14,Y,1,,,,XNA,Refused,-1343,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,180000.0,469147.5,24084.0,351000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009175,-17462,-4761,-9147.0,-960,,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,9,0,0,0,0,1,1,Restaurant,,0.6420081228473795,0.2851799046358216,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1343.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2358943,166011,Cash loans,7574.355,67500.0,76410.0,,67500.0,SATURDAY,10,Y,1,,,,XNA,Refused,-44,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,99000.0,257391.0,18040.5,238500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.008019,-20983,365243,-5703.0,-3226,,1,0,0,1,0,0,,2.0,2,2,MONDAY,9,0,0,0,0,0,0,XNA,,0.6003280179628155,0.2103502286944494,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-17.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,2.0,8.0 +1213037,299316,Consumer loans,6047.235,59881.5,59584.5,5989.5,59881.5,SATURDAY,8,Y,1,0.09947707933022233,,,XAP,Approved,-771,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,50,Connectivity,12.0,middle,POS mobile with interest,365243.0,-740.0,-410.0,-650.0,-644.0,0.0,0,Cash loans,F,N,Y,0,157500.0,835380.0,40320.0,675000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.006305,-12111,-2581,-790.0,-4310,,1,1,0,1,0,0,High skill tech staff,1.0,3,3,SUNDAY,4,0,0,0,0,0,0,Business Entity Type 3,0.360705612505145,0.6155200880986839,0.5046813193144684,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-771.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1996561,159589,Revolving loans,22500.0,450000.0,450000.0,,450000.0,TUESDAY,16,Y,1,,,,XAP,Refused,-427,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,N,N,1,112500.0,152820.0,9949.5,135000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.006233,-11127,-961,-5186.0,-3703,,1,1,1,1,1,0,Laborers,2.0,2,2,MONDAY,18,0,0,0,0,0,0,Self-employed,,0.6850345815957573,0.4920600938649263,0.2227,0.1816,0.9811,0.7416,0.0535,0.24,0.2069,0.3333,0.375,0.1464,0.1807,0.2237,0.0039,0.0127,0.2269,0.1885,0.9811,0.7517,0.054000000000000006,0.2417,0.2069,0.3333,0.375,0.1497,0.1974,0.2331,0.0039,0.0134,0.2248,0.1816,0.9811,0.7451,0.0539,0.24,0.2069,0.3333,0.375,0.1489,0.1838,0.2278,0.0039,0.0129,reg oper account,block of flats,0.208,Panel,No,1.0,1.0,1.0,1.0,-1295.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1514258,149571,Cash loans,24223.275,225000.0,304933.5,,225000.0,SUNDAY,10,Y,1,,,,XNA,Approved,-782,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-752.0,-62.0,-392.0,-390.0,1.0,0,Cash loans,M,N,N,0,238500.0,1042164.0,44284.5,931500.0,Unaccompanied,State servant,Secondary / secondary special,Married,With parents,0.006296,-12807,-5085,-6531.0,-4605,,1,1,0,1,0,1,Laborers,2.0,3,3,FRIDAY,11,0,0,0,0,1,1,Military,,0.17869842883586712,0.6195277080511546,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-135.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1062599,410673,Cash loans,27435.465,454500.0,526491.0,,454500.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-453,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,high,Cash X-Sell: high,365243.0,-423.0,987.0,-333.0,-330.0,1.0,1,Cash loans,M,N,N,0,270000.0,835380.0,40320.0,675000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.035792000000000004,-13140,-475,-2187.0,-4715,,1,1,0,1,0,0,Managers,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Government,,0.5487804102642285,0.5460231970049609,0.1052,,0.9841,,,0.0,0.2069,0.1667,,,,0.0846,,0.019,0.1071,,0.9841,,,0.0,0.2069,0.1667,,,,0.0881,,0.0201,0.1062,,0.9841,,,0.0,0.2069,0.1667,,,,0.0861,,0.0194,,block of flats,0.0707,Panel,No,3.0,0.0,3.0,0.0,-1498.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1011312,346261,Cash loans,5246.01,45000.0,47970.0,0.0,45000.0,FRIDAY,10,Y,1,0.0,,,XNA,Approved,-2239,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,high,Cash Street: high,365243.0,-2209.0,-1879.0,-1879.0,-1873.0,1.0,0,Cash loans,F,N,N,0,180000.0,274500.0,13333.5,274500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020713,-23295,365243,-4541.0,-4535,,1,0,0,1,0,0,,2.0,3,3,THURSDAY,10,0,0,0,0,0,0,XNA,,0.5657357988357584,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1679.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1360594,314609,Consumer loans,27541.395,305676.0,305676.0,0.0,305676.0,TUESDAY,16,Y,1,0.0,,,XAP,Approved,-1090,Cash through the bank,XAP,,New,Furniture,POS,XNA,Country-wide,150,Furniture,12.0,low_action,POS industry without interest,365243.0,-1056.0,-726.0,-726.0,-721.0,0.0,0,Cash loans,F,N,N,0,81000.0,521280.0,22086.0,450000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.072508,-23757,365243,-12385.0,-5167,,1,0,0,1,1,0,,2.0,1,1,THURSDAY,14,0,0,0,0,0,0,XNA,,0.6192289887244781,0.6706517530862718,0.2897,0.1699,0.9831,0.7688,0.0645,0.48,0.2069,0.4583,0.5,0.0,0.232,0.3119,0.0193,0.1885,0.2952,0.1763,0.9831,0.7779,0.0651,0.4834,0.2069,0.4583,0.5,0.0,0.2534,0.3249,0.0195,0.1995,0.2925,0.1699,0.9831,0.7719,0.0649,0.48,0.2069,0.4583,0.5,0.0,0.236,0.3175,0.0194,0.1924,org spec account,block of flats,0.3215,Panel,No,0.0,0.0,0.0,0.0,-1090.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2182020,202244,Consumer loans,7374.69,132763.5,160803.0,0.0,132763.5,THURSDAY,13,Y,1,0.0,,,XAP,Approved,-195,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,1782,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-165.0,525.0,365243.0,365243.0,1.0,0,Revolving loans,M,N,Y,1,405000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-20439,-1356,-525.0,-533,,1,1,0,1,0,0,Laborers,3.0,3,2,WEDNESDAY,7,0,0,0,0,0,0,Construction,0.6363080474248232,0.5285626171250463,0.3774042489507649,0.1474,0.1136,0.9891,0.8504,0.071,0.2,0.1724,0.3333,0.375,0.0811,0.1202,0.1826,0.0,0.0,0.1502,0.1179,0.9891,0.8563,0.0717,0.2014,0.1724,0.3333,0.375,0.0829,0.1313,0.1903,0.0,0.0,0.1489,0.1136,0.9891,0.8524,0.0715,0.2,0.1724,0.3333,0.375,0.0825,0.1223,0.1859,0.0,0.0,reg oper account,block of flats,0.1825,Panel,No,0.0,0.0,0.0,0.0,-195.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2401378,138841,Consumer loans,10697.85,88987.5,86692.5,8901.0,88987.5,WEDNESDAY,11,Y,1,0.10140854955429167,,,XAP,Refused,-1785,Cash through the bank,LIMIT,Family,Repeater,Audio/Video,POS,XNA,Stone,491,Consumer electronics,10.0,middle,POS household with interest,,,,,,,0,Cash loans,M,Y,N,0,225000.0,864000.0,46030.5,864000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-19211,-837,-4034.0,-2767,14.0,1,1,0,1,0,0,Low-skill Laborers,2.0,2,2,WEDNESDAY,9,0,0,0,0,1,1,Self-employed,,0.5853598068835029,0.3425288720742255,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2613190,145431,Cash loans,5372.64,45000.0,47970.0,0.0,45000.0,FRIDAY,9,Y,1,0.0,,,Everyday expenses,Approved,-2202,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-2171.0,-1841.0,-1841.0,-1836.0,0.0,0,Cash loans,F,N,N,0,225000.0,640080.0,24259.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-17197,-231,-1476.0,-693,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Restaurant,,0.5889113681360177,0.6109913280868294,0.3701,0.0,0.998,0.966,0.1298,0.32,0.1379,0.625,0.6667,0.1063,0.2656,0.3327,0.166,0.18600000000000005,0.3771,0.0,0.998,0.9673,0.131,0.3222,0.1379,0.625,0.6667,0.1087,0.2902,0.3466,0.1673,0.1969,0.3737,0.0,0.998,0.9665,0.1306,0.32,0.1379,0.625,0.6667,0.1081,0.2702,0.3387,0.1669,0.1899,reg oper account,block of flats,0.3731,Block,No,0.0,0.0,0.0,0.0,-1030.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +1911714,424968,Revolving loans,9000.0,0.0,180000.0,,,FRIDAY,11,Y,1,,,,XAP,Approved,-1296,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-1268.0,-1223.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,157500.0,512064.0,24903.0,360000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.035792000000000004,-15070,-8378,-9082.0,-1884,,1,1,0,1,0,1,Managers,3.0,2,2,SATURDAY,11,0,0,0,0,0,0,Business Entity Type 2,0.8074978541862666,0.7085056735754955,0.2955826421513093,0.0825,0.0783,0.9757,0.6668,0.006999999999999999,0.0,0.1379,0.1667,0.2083,0.0404,0.0672,0.0644,0.0,0.0,0.084,0.0812,0.9757,0.6798,0.0071,0.0,0.1379,0.1667,0.2083,0.0414,0.0735,0.0671,0.0,0.0,0.0833,0.0783,0.9757,0.6713,0.0071,0.0,0.1379,0.1667,0.2083,0.0412,0.0684,0.0656,0.0,0.0,reg oper account,block of flats,0.0507,"Stone, brick",No,0.0,0.0,0.0,0.0,-1296.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2546296,411586,Consumer loans,5327.685,61560.0,71311.5,0.0,61560.0,MONDAY,3,Y,1,0.0,,,XAP,Approved,-683,Cash through the bank,XAP,Unaccompanied,Repeater,Auto Accessories,POS,XNA,Regional / Local,149,Consumer electronics,17.0,low_normal,POS household with interest,365243.0,-652.0,-142.0,-652.0,-649.0,0.0,0,Cash loans,M,Y,Y,1,180000.0,327024.0,16033.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014464,-15004,-2702,-2163.0,-5210,21.0,1,1,0,1,0,0,Laborers,3.0,2,2,FRIDAY,3,0,0,0,0,0,0,Other,,0.15654722522360262,0.5884877883422673,0.0165,,0.9732,,,0.0,0.069,0.0417,,0.0,,0.0109,,0.0,0.0168,,0.9732,,,0.0,0.069,0.0417,,0.0,,0.0113,,0.0,0.0167,,0.9732,,,0.0,0.069,0.0417,,0.0,,0.0111,,0.0,,block of flats,0.0095,Block,No,3.0,0.0,3.0,0.0,-551.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +1028807,301538,Cash loans,11470.86,315000.0,400239.0,,315000.0,TUESDAY,15,Y,1,,,,Payments on other loans,Approved,-765,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,1,157500.0,490500.0,32908.5,490500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.015221,-10599,-192,-4997.0,-2716,,1,1,0,1,0,0,Core staff,3.0,2,2,THURSDAY,15,0,0,0,1,1,0,Bank,,0.017220730612466997,0.3376727217405312,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-947.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2052429,264293,Revolving loans,11250.0,0.0,225000.0,,,SUNDAY,12,Y,1,,,,XAP,Refused,-424,XNA,HC,,Refreshed,XNA,Cards,x-sell,AP+ (Cash loan),-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,225000.0,1962000.0,74862.0,1962000.0,Family,Working,Higher education,Married,House / apartment,0.015221,-20292,-4125,-7757.0,-3390,,1,1,0,1,0,0,High skill tech staff,2.0,2,2,THURSDAY,8,0,0,0,0,0,0,Trade: type 6,,0.4767842822936214,,0.1485,,0.9896,,,0.16,0.1379,0.3333,,0.0865,,0.1468,,,0.1513,,0.9896,,,0.1611,0.1379,0.3333,,0.0885,,0.153,,,0.1499,,0.9896,,,0.16,0.1379,0.3333,,0.08800000000000001,,0.1495,,,,block of flats,0.1155,Panel,No,0.0,0.0,0.0,0.0,-2607.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,3.0 +2647032,235719,Cash loans,18573.615,135000.0,164223.0,,135000.0,FRIDAY,15,Y,1,,,,XNA,Refused,-427,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,Y,Y,1,225000.0,1256400.0,40657.5,900000.0,Unaccompanied,Commercial associate,Higher education,Married,With parents,0.007273999999999998,-11485,-127,-3763.0,-3819,18.0,1,1,0,1,0,0,,3.0,2,2,FRIDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.13979914847510586,0.6179443049497693,0.2778856891082046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-787.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2085817,150609,Cash loans,55957.725,904500.0,957033.0,,904500.0,TUESDAY,12,Y,1,,,,XNA,Approved,-752,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-722.0,-32.0,-272.0,-264.0,1.0,0,Cash loans,M,Y,Y,0,270000.0,184500.0,11920.5,184500.0,Unaccompanied,Pensioner,Incomplete higher,Married,House / apartment,0.018209,-22181,365243,-875.0,-4294,4.0,1,0,0,1,1,0,,2.0,3,3,FRIDAY,12,0,0,0,0,0,0,XNA,0.3735284965546281,0.4721550224546355,0.6610235391308081,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1695.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2371326,108994,Cash loans,31446.36,450000.0,491580.0,,450000.0,TUESDAY,9,Y,1,,,,XNA,Approved,-1386,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-1356.0,-666.0,-666.0,-660.0,1.0,0,Cash loans,F,Y,Y,0,270000.0,216000.0,13342.5,216000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.018209,-20398,365243,-9647.0,-3781,14.0,1,0,0,1,0,0,,2.0,3,3,TUESDAY,8,0,0,0,0,0,0,XNA,,0.26088986327476393,0.5478104658520093,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1821.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2588589,368967,Consumer loans,26893.305,141151.5,127035.0,14116.5,141151.5,SUNDAY,11,Y,1,0.10891950718328756,,,XAP,Approved,-1389,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,524,Furniture,5.0,low_normal,POS industry without interest,365243.0,-1357.0,-1237.0,-1267.0,-1263.0,0.0,0,Cash loans,F,N,N,1,157500.0,787500.0,30942.0,787500.0,Family,Commercial associate,Higher education,Married,House / apartment,0.028663,-13491,-2905,-2854.0,-384,,1,1,1,1,1,0,,3.0,2,2,MONDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.7930362601384371,0.6281231473822159,,0.0325,0.0425,0.9816,0.7484,0.0203,0.0,0.0862,0.1042,0.1458,0.0443,0.0265,0.0333,0.0,0.0,0.0084,0.0,0.9687,0.5884,0.0011,0.0,0.0345,0.0417,0.0833,0.0278,0.0073,0.0067,0.0,0.0,0.0328,0.0425,0.9816,0.7518,0.0205,0.0,0.0862,0.1042,0.1458,0.045,0.0269,0.0339,0.0,0.0,reg oper account,block of flats,0.0063,Wooden,No,1.0,0.0,1.0,0.0,-603.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,,,,,, +1084528,356511,Revolving loans,29250.0,585000.0,585000.0,,585000.0,FRIDAY,16,Y,1,,,,XAP,Refused,-291,XNA,HC,Unaccompanied,Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,Y,N,0,202500.0,450000.0,36081.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-16203,-597,-6599.0,-4284,1.0,1,1,1,1,1,0,,2.0,2,2,MONDAY,13,0,0,0,0,0,0,Self-employed,0.5925964278515304,0.6402320394821127,0.42589289800515295,0.0546,,0.9821,,,,0.1034,0.1667,,,,0.046,,,0.0557,,0.9821,,,,0.1034,0.1667,,,,0.0479,,,0.0552,,0.9821,,,,0.1034,0.1667,,,,0.0468,,,,block of flats,0.0374,"Stone, brick",No,1.0,0.0,1.0,0.0,-1733.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2014872,318718,Cash loans,14517.0,450000.0,450000.0,,450000.0,TUESDAY,9,Y,1,,,,XNA,Approved,-182,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-152.0,1618.0,-92.0,-86.0,0.0,1,Cash loans,F,N,Y,0,175500.0,720000.0,48442.5,720000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018209,-22062,365243,-4984.0,-1174,,1,0,0,1,0,0,,2.0,3,3,TUESDAY,10,0,0,0,0,0,0,XNA,,0.4784374287587668,0.3893387918468769,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-413.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2648445,272735,Revolving loans,13500.0,270000.0,270000.0,,270000.0,WEDNESDAY,15,Y,1,,,,XAP,Refused,-364,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,Y,Y,1,99000.0,225000.0,24232.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018209,-14368,-3271,-3396.0,-4810,15.0,1,1,1,1,0,0,,3.0,3,3,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.7384547138923561,,0.3701,0.2784,0.9806,,,0.4,0.3448,0.3333,,0.2173,,0.3759,,0.0091,0.3771,0.2889,0.9806,,,0.4028,0.3448,0.3333,,0.2222,,0.3917,,0.0097,0.3737,0.2784,0.9806,,,0.4,0.3448,0.3333,,0.2211,,0.3827,,0.0093,,block of flats,0.3416,Panel,No,0.0,0.0,0.0,0.0,-1204.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2240880,180895,Consumer loans,3701.115,19350.0,20371.5,0.0,19350.0,FRIDAY,15,Y,1,0.0,,,XAP,Approved,-529,XNA,XAP,,Repeater,Construction Materials,POS,XNA,Stone,65,Construction,6.0,middle,POS industry with interest,365243.0,-498.0,-348.0,-348.0,-345.0,0.0,0,Cash loans,F,Y,Y,1,112500.0,945000.0,30613.5,945000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.005313,-10717,-318,-7995.0,-1945,23.0,1,1,1,1,1,0,Sales staff,3.0,2,2,TUESDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.6343687289283418,0.5478104658520093,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-82.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1949602,354747,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SATURDAY,13,Y,1,,,,XAP,Approved,-327,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),1,XNA,0.0,XNA,Card Street,-282.0,-255.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,90000.0,431280.0,23526.0,360000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0031219999999999998,-19817,-1211,-8970.0,-3353,,1,1,0,1,1,0,Security staff,2.0,3,3,THURSDAY,12,0,0,0,0,1,1,Other,,0.6786304977245929,0.4614823912998385,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,1.0,0.0,-2773.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,3.0 +1675840,127862,Revolving loans,12375.0,0.0,247500.0,,,TUESDAY,9,Y,1,,,,XAP,Approved,-645,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-587.0,-547.0,365243.0,-335.0,365243.0,0.0,0,Cash loans,F,N,Y,0,126000.0,192874.5,17820.0,166500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.020246,-15739,-632,-271.0,-4166,,1,1,0,1,0,1,Drivers,2.0,3,3,WEDNESDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.374410091916064,0.10338767172156743,0.5100895276257282,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1358.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2335479,116151,Consumer loans,13186.44,76950.0,69075.0,7875.0,76950.0,MONDAY,13,Y,1,0.11145667198298773,,,XAP,Approved,-2013,XNA,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,150,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1978.0,-1828.0,-1828.0,-1825.0,0.0,0,Cash loans,F,N,N,0,139500.0,454500.0,21060.0,454500.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.035792000000000004,-16203,-7100,-8717.0,-4486,,1,1,0,1,0,0,Managers,1.0,2,2,TUESDAY,9,0,0,0,0,0,0,Postal,,0.6864059577741115,0.5797274227921155,0.1227,0.1082,0.9811,0.7416,0.0,0.0,0.2759,0.1667,0.0417,0.1069,0.1,0.0728,0.0,0.0,0.125,0.1123,0.9811,0.7517,0.0,0.0,0.2759,0.1667,0.0417,0.1093,0.1093,0.0758,0.0,0.0,0.1239,0.1082,0.9811,0.7451,0.0,0.0,0.2759,0.1667,0.0417,0.1088,0.1018,0.0741,0.0,0.0,reg oper account,block of flats,0.0573,Panel,No,0.0,0.0,0.0,0.0,-2081.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1661520,206534,Consumer loans,3976.11,39766.5,35788.5,3978.0,39766.5,SATURDAY,10,Y,1,0.1089460635550938,,,XAP,Approved,-2348,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Stone,55,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2313.0,-2043.0,-2073.0,-2067.0,0.0,0,Cash loans,F,Y,Y,1,112500.0,810378.0,31531.5,580500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-10778,-123,-412.0,-3465,14.0,1,1,0,1,0,0,Sales staff,3.0,2,2,TUESDAY,12,0,0,0,0,0,0,Self-employed,0.5553425196515038,0.6901826497817267,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-20.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1894193,320582,Cash loans,35743.5,1350000.0,1350000.0,,1350000.0,MONDAY,9,Y,1,,,,XNA,Approved,-322,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,60.0,low_action,Cash X-Sell: low,365243.0,-292.0,1478.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,112500.0,143910.0,15241.5,135000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.00702,-15633,-3790,-6676.0,-4598,,1,1,1,1,0,0,Drivers,2.0,2,2,MONDAY,11,0,0,0,0,0,0,Other,0.37857466251385496,0.5962917828097014,0.807273923277881,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1858.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1237047,169489,Cash loans,31576.86,450000.0,491580.0,,450000.0,SATURDAY,16,Y,1,,,,XNA,Approved,-1025,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-995.0,-305.0,-654.0,-646.0,1.0,1,Cash loans,F,N,Y,0,225000.0,562500.0,28849.5,562500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.010643000000000001,-18789,-9526,-12514.0,-2342,,1,1,0,1,0,0,,1.0,2,2,TUESDAY,9,0,0,0,0,0,0,Other,0.5419183925844013,0.4699973796741582,0.33125086459090186,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1086115,440138,Cash loans,19151.46,225000.0,247275.0,,225000.0,SATURDAY,5,Y,1,,,,XNA,Approved,-801,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-771.0,-261.0,-291.0,-282.0,1.0,0,Cash loans,F,Y,N,0,171000.0,599472.0,21663.0,517500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010032,-18594,365243,-9919.0,-2120,23.0,1,0,0,1,1,0,,2.0,2,2,TUESDAY,5,0,0,0,0,0,0,XNA,,0.2581081210813693,0.5549467685334323,0.033,0.055,0.9717,0.6736,0.0115,0.0,0.0862,0.1458,0.0417,0.0877,0.0277,0.0264,0.0097,0.0376,0.0263,0.0488,0.9623,0.6406,0.0097,0.0,0.069,0.125,0.0417,0.0812,0.0294,0.0207,0.0039,0.0346,0.0344,0.055,0.9727,0.6779999999999999,0.0115,0.0,0.0862,0.1458,0.0417,0.0892,0.0282,0.0296,0.0097,0.0384,reg oper account,block of flats,0.0175,"Stone, brick",No,1.0,0.0,1.0,0.0,-1331.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2100571,211940,Cash loans,32115.195,270000.0,320103.0,,270000.0,THURSDAY,16,Y,1,,,,XNA,Approved,-742,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-712.0,-382.0,-382.0,-375.0,1.0,0,Cash loans,F,N,Y,1,180000.0,711000.0,23625.0,711000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-15077,-465,-8849.0,-3577,,1,1,0,1,1,0,Private service staff,3.0,1,1,THURSDAY,16,0,0,0,0,0,0,Trade: type 3,,0.7694593999579067,0.6832688314232291,0.1237,0.0541,0.9836,0.7756,0.2165,0.08,0.0345,0.5833,0.0417,0.0,0.1009,0.1156,0.0,0.0617,0.1261,0.0562,0.9836,0.7844,0.2185,0.0806,0.0345,0.5833,0.0417,0.0,0.1102,0.1204,0.0,0.0653,0.1249,0.0541,0.9836,0.7786,0.2179,0.08,0.0345,0.5833,0.0417,0.0,0.1026,0.1177,0.0,0.063,reg oper account,block of flats,0.1184,"Stone, brick",No,0.0,0.0,0.0,0.0,-1307.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1185263,364990,Consumer loans,4186.125,31590.0,30690.0,3240.0,31590.0,THURSDAY,14,Y,1,0.1039980708946226,,,XAP,Approved,-2101,XNA,XAP,,New,Mobile,POS,XNA,Regional / Local,5,Connectivity,10.0,high,POS mobile with interest,365243.0,-2062.0,-1792.0,-1822.0,-1818.0,0.0,0,Cash loans,F,N,Y,0,225000.0,1305909.0,41134.5,1170000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.009656999999999999,-22034,365243,-2753.0,-4678,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,XNA,0.7345286211553113,0.6567737880036489,0.4471785780453068,0.0186,0.049,0.9821,0.7552,0.018000000000000002,0.0,0.1034,0.0417,0.0833,0.0,0.0151,0.0175,0.0,0.0,0.0189,0.0508,0.9821,0.7648,0.0181,0.0,0.1034,0.0417,0.0833,0.0,0.0165,0.0182,0.0,0.0,0.0187,0.049,0.9821,0.7585,0.0181,0.0,0.1034,0.0417,0.0833,0.0,0.0154,0.0178,0.0,0.0,reg oper account,block of flats,0.0318,Panel,No,2.0,0.0,2.0,0.0,-2101.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +2330397,171021,Cash loans,4921.2,45000.0,45000.0,0.0,45000.0,MONDAY,9,Y,1,0.0,,,XNA,Refused,-2758,XNA,SCO,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,high,Cash Street: high,,,,,,,0,Cash loans,M,Y,N,2,135000.0,360000.0,18508.5,360000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-12331,-1114,-5526.0,-4743,11.0,1,1,0,1,1,0,Drivers,4.0,2,2,SUNDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.2427675323300304,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1326.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1680058,114558,Revolving loans,22500.0,0.0,450000.0,,,WEDNESDAY,11,N,1,,,,XAP,Refused,-610,XNA,SCOFR,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,Y,Y,0,180000.0,202500.0,21937.5,202500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008865999999999999,-13953,-980,-4577.0,-4788,64.0,1,1,0,1,0,0,Drivers,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.3629038306202517,0.7863850913025769,0.4329616670974407,0.0763,0.0621,0.9866,0.8164,0.0201,0.08,0.069,0.3333,0.375,0.0621,0.0597,0.0834,0.0116,0.0279,0.0777,0.0644,0.9866,0.8236,0.0203,0.0806,0.069,0.3333,0.375,0.0635,0.0652,0.0869,0.0117,0.0295,0.077,0.0621,0.9866,0.8189,0.0202,0.08,0.069,0.3333,0.375,0.0632,0.0607,0.0849,0.0116,0.0284,reg oper account,block of flats,0.0716,Panel,No,0.0,0.0,0.0,0.0,-1983.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2724214,259333,Consumer loans,,14355.0,14355.0,0.0,14355.0,SATURDAY,11,Y,1,0.0,,,XAP,Refused,-2159,Cash through the bank,XNA,Family,Repeater,Audio/Video,XNA,XNA,Stone,110,Consumer electronics,,XNA,POS household with interest,,,,,,,1,Cash loans,F,N,N,0,112500.0,405000.0,25879.5,405000.0,Unaccompanied,State servant,Secondary / secondary special,Married,Municipal apartment,0.0038130000000000004,-19064,-718,-565.0,-2000,,1,1,1,1,0,0,Laborers,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Medicine,0.6908502826465382,0.19713704745027444,,0.0206,0.0,0.999,,,0.0,0.0862,0.0417,,,,0.0134,,,0.021,0.0,0.999,,,0.0,0.069,0.0417,,,,0.0124,,,0.0208,0.0,0.999,,,0.0,0.0862,0.0417,,,,0.0137,,,,block of flats,0.0176,,No,0.0,0.0,0.0,0.0,-1317.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,7.0 +1298267,189847,Consumer loans,6353.46,137403.0,137403.0,0.0,137403.0,SUNDAY,14,Y,1,0.0,,,XAP,Approved,-674,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,1900,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-643.0,47.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,1,270000.0,360000.0,26194.5,360000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.010276,-10961,-1505,-3581.0,-3590,12.0,1,1,1,1,0,0,Laborers,3.0,2,2,TUESDAY,18,1,1,0,1,1,0,Self-employed,,0.6344549499357989,0.4722533429586386,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-835.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1881963,416608,Consumer loans,1029.195,24705.0,22086.0,2619.0,24705.0,MONDAY,12,Y,1,0.1154555389965226,,,XAP,Approved,-2593,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,507,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-2562.0,-1872.0,-1992.0,-1985.0,0.0,0,Cash loans,F,N,Y,0,90000.0,211500.0,11938.5,211500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.019101,-24006,365243,-1989.0,-4489,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,9,0,0,0,0,0,0,XNA,,0.6050824692725238,0.7309873696832169,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1643.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2189323,240034,Consumer loans,8162.865,67455.0,73021.5,0.0,67455.0,SUNDAY,8,Y,1,0.0,,,XAP,Approved,-1077,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Regional / Local,-1,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1046.0,-776.0,-956.0,-951.0,0.0,0,Cash loans,F,Y,Y,0,229500.0,1609272.0,44383.5,1260000.0,Family,Working,Higher education,Civil marriage,House / apartment,0.006852,-16505,-1377,-1265.0,-36,11.0,1,1,0,1,0,0,Managers,2.0,3,3,SATURDAY,9,0,0,0,0,1,1,Security Ministries,,0.4943384216818905,0.520897599048938,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,4.0,5.0,4.0,-1077.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2628704,147384,Cash loans,8915.04,333000.0,333000.0,,333000.0,FRIDAY,10,Y,1,,,,XNA,Approved,-296,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,225000.0,945000.0,50476.5,945000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-20067,365243,-10309.0,-2455,,1,0,0,1,0,0,,2.0,2,2,SUNDAY,12,0,0,0,0,0,0,XNA,,0.3691160949218778,0.5832379256761245,0.1485,,0.9826,,,0.16,0.1379,0.3333,,,,0.1511,,0.1192,0.1513,,0.9826,,,0.1611,0.1379,0.3333,,,,0.1574,,0.1262,0.1499,,0.9826,,,0.16,0.1379,0.3333,,,,0.1538,,0.1217,,block of flats,0.1448,Panel,No,3.0,2.0,3.0,2.0,-1184.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1984026,327960,Consumer loans,11055.06,72855.0,60876.0,14850.0,72855.0,WEDNESDAY,16,Y,1,0.21357261706679345,,,XAP,Approved,-2530,Cash through the bank,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Stone,1645,Consumer electronics,6.0,middle,POS household with interest,365243.0,-2499.0,-2349.0,-2349.0,-2337.0,1.0,0,Cash loans,F,N,Y,1,135000.0,208512.0,23710.5,180000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.031329,-10599,-2629,-129.0,-2675,,1,1,0,1,0,0,Core staff,3.0,2,2,SATURDAY,13,0,0,0,0,0,0,School,0.70417804110026,0.6549723000345417,,0.7,0.2081,0.999,0.9864,0.3392,0.8,0.3103,0.7917,0.5417,0.1128,0.5489,0.7041,0.1004,0.1243,0.7132,0.2159,0.999,0.9869,0.3423,0.8056,0.3103,0.7917,0.5417,0.1154,0.5996,0.7336,0.1012,0.1316,0.7068,0.2081,0.999,0.9866,0.3413,0.8,0.3103,0.7917,0.5417,0.1148,0.5584,0.7168,0.1009,0.1269,reg oper spec account,block of flats,0.5808,Monolithic,No,2.0,0.0,2.0,0.0,-2530.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2584693,277091,Consumer loans,43125.615,248886.0,233604.0,24889.5,248886.0,MONDAY,9,Y,1,0.1048650282572605,,,XAP,Approved,-1039,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,497,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1008.0,-858.0,-858.0,-849.0,0.0,0,Cash loans,M,Y,Y,0,337500.0,229230.0,24817.5,202500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.002506,-18806,-1204,-6659.0,-2343,21.0,1,1,0,1,0,0,Security staff,2.0,2,2,THURSDAY,4,0,0,0,0,0,0,Kindergarten,,0.416141370196716,,0.0515,,0.9876,0.83,0.0,0.0,0.1379,0.1667,0.0417,,0.042,0.0549,0.0,0.0,0.0525,,0.9876,0.8367,0.0,0.0,0.1379,0.1667,0.0417,,0.0459,0.0572,0.0,0.0,0.052000000000000005,,0.9876,0.8323,0.0,0.0,0.1379,0.1667,0.0417,,0.0428,0.0559,0.0,0.0,reg oper account,block of flats,0.0432,,No,1.0,0.0,0.0,0.0,-1450.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2310218,319185,Consumer loans,4922.37,60629.85,48501.0,12128.85,60629.85,FRIDAY,13,Y,1,0.21786991511157072,0.1607021421285277,0.715644820295983,XAP,Approved,-291,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,12.0,middle,POS mobile with interest,365243.0,-253.0,77.0,-163.0,-156.0,0.0,0,Revolving loans,M,N,Y,0,135000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.009656999999999999,-9423,-1514,-3858.0,-2101,,1,1,0,1,0,0,,1.0,2,2,TUESDAY,13,0,0,0,1,1,0,Business Entity Type 1,0.3162385304104032,0.264230495795361,0.7649392739475195,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-650.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1789680,395618,Cash loans,4846.5,45000.0,45000.0,,45000.0,TUESDAY,8,Y,1,,,,XNA,Approved,-958,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),3,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-928.0,-598.0,-718.0,-708.0,0.0,0,Cash loans,F,N,Y,0,112500.0,71955.0,7245.0,67500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-20307,-156,-9679.0,-3773,,1,1,1,1,1,0,,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Other,,0.15967923350263774,0.7295666907060153,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1207.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2515283,289830,Revolving loans,11250.0,225000.0,225000.0,,225000.0,MONDAY,9,Y,1,,,,XAP,Refused,-939,XNA,HC,,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),20,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,103500.0,728460.0,57685.5,675000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00702,-19788,-275,-1130.0,-3301,,1,1,1,1,1,0,Core staff,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Self-employed,,0.2683619821814306,0.3376727217405312,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1519.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1437157,125555,Consumer loans,3088.62,27945.0,27805.5,2794.5,27945.0,TUESDAY,14,Y,1,0.0994596256684492,,,XAP,Approved,-759,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,82,Connectivity,12.0,high,POS mobile with interest,365243.0,-728.0,-398.0,-428.0,-425.0,0.0,1,Cash loans,F,N,Y,0,90000.0,291915.0,25182.0,252000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.010276,-12400,-444,-5887.0,-624,,1,1,0,1,0,0,Sales staff,1.0,2,2,FRIDAY,12,0,0,0,1,1,0,Trade: type 7,0.25263543283450113,0.21735850437289567,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2116628,362235,Consumer loans,16421.355,152955.0,147807.0,15295.5,152955.0,WEDNESDAY,13,Y,1,0.1021332597599669,,,XAP,Approved,-2184,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,4000,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2153.0,-1883.0,-1883.0,-1879.0,0.0,0,Cash loans,F,N,Y,0,112500.0,760225.5,30280.5,679500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-17280,-3280,-6001.0,-823,,1,1,0,1,0,0,Accountants,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Housing,0.8337859936660434,0.6313964951771733,0.4170996682522097,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2874.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1869495,286775,Cash loans,34767.495,675000.0,767664.0,,675000.0,SATURDAY,10,Y,1,,,,XNA,Approved,-687,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-657.0,753.0,-177.0,-175.0,1.0,0,Cash loans,F,N,Y,2,225000.0,545040.0,34960.5,450000.0,"Spouse, partner",Commercial associate,Higher education,Married,House / apartment,0.018801,-11729,-1153,-389.0,-3289,,1,1,0,1,0,0,Managers,4.0,2,2,SUNDAY,11,0,0,0,0,0,0,Other,0.5422870196199263,0.6644074319348852,0.5352762504724826,0.5186,0.0513,0.9995,0.9864,0.1666,0.24,0.1034,0.6667,0.7083,0.091,0.4169,0.2413,0.027000000000000003,0.0383,0.5284,0.0532,0.9995,0.9869,0.1681,0.2417,0.1034,0.6667,0.7083,0.0931,0.4555,0.2515,0.0272,0.0405,0.5236,0.0513,0.9995,0.9866,0.1677,0.24,0.1034,0.6667,0.7083,0.0926,0.4241,0.2457,0.0272,0.0391,reg oper account,block of flats,0.2885,Mixed,No,2.0,1.0,2.0,0.0,-1672.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1310980,439279,Consumer loans,3767.535,38673.0,38673.0,0.0,38673.0,SATURDAY,14,Y,1,0.0,,,XAP,Approved,-132,Cash through the bank,XAP,Children,Repeater,Computers,POS,XNA,Regional / Local,103,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-102.0,228.0,-12.0,-5.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,180000.0,6786.0,180000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.0060079999999999995,-12233,-3505,-6156.0,-4383,14.0,1,1,0,1,0,0,,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.5966391675152887,,0.1454,0.0926,0.9881,0.8368,0.0351,0.16,0.1379,0.3333,0.375,0.0156,0.1185,0.1519,0.0,0.0,0.1481,0.0961,0.9881,0.8432,0.0354,0.1611,0.1379,0.3333,0.375,0.0159,0.1295,0.1583,0.0,0.0,0.1468,0.0926,0.9881,0.8390000000000001,0.0353,0.16,0.1379,0.3333,0.375,0.0158,0.1206,0.1547,0.0,0.0,reg oper account,block of flats,0.1387,"Stone, brick",No,0.0,0.0,0.0,0.0,-904.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1518286,454665,Consumer loans,9017.1,75109.5,67594.5,7515.0,75109.5,FRIDAY,18,Y,1,0.10896781607943312,,,XAP,Approved,-2476,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,59,Connectivity,10.0,low_normal,POS mobile with interest,365243.0,-2427.0,-2157.0,-2157.0,-2138.0,0.0,0,Cash loans,M,N,Y,1,562500.0,900000.0,29164.5,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.032561,-11991,-537,-8048.0,-3824,,1,1,0,1,0,1,Laborers,3.0,1,1,WEDNESDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.13606932866927907,0.2692857999073816,0.0281,0.0027,0.9483,,,0.0,0.0603,0.1354,,,,0.0242,,0.0006,0.0126,0.0,0.9449,,,0.0,0.069,0.1667,,,,0.0181,,0.0,0.0297,0.0026,0.9488,,,0.0,0.069,0.1458,,,,0.0245,,0.0,,block of flats,0.0241,"Stone, brick",No,0.0,0.0,0.0,0.0,-677.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2461811,337352,Consumer loans,2197.53,20425.5,20385.0,4500.0,20425.5,THURSDAY,12,Y,1,0.19694229820812087,,,XAP,Approved,-2038,XNA,XAP,"Spouse, partner",New,Mobile,POS,XNA,Country-wide,57,Connectivity,14.0,high,POS mobile with interest,365243.0,-2007.0,-1617.0,-1617.0,-1608.0,0.0,1,Cash loans,F,N,Y,2,90000.0,328500.0,17950.5,328500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.028663,-14882,-4618,-5077.0,-528,,1,1,0,1,1,1,High skill tech staff,4.0,2,2,FRIDAY,8,0,0,0,0,0,0,Agriculture,,0.6409318654404113,0.13937578009978951,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2038.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2673061,420474,Consumer loans,4903.965,24286.5,25569.0,0.0,24286.5,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-803,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,1500,Consumer electronics,6.0,middle,POS household with interest,365243.0,-772.0,-622.0,-622.0,-607.0,0.0,0,Cash loans,F,N,Y,0,157500.0,142200.0,9216.0,112500.0,Family,Working,Higher education,Separated,House / apartment,0.016612000000000002,-10002,-1525,-2821.0,-1067,,1,1,0,1,0,0,,1.0,2,2,FRIDAY,13,0,0,0,1,1,0,Business Entity Type 3,0.2589436292007889,0.453840026440388,0.17456426555726348,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-747.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1310966,309608,Cash loans,43849.44,1309500.0,1499638.5,,1309500.0,THURSDAY,4,Y,1,,,,XNA,Approved,-370,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-340.0,1430.0,-40.0,-38.0,1.0,0,Cash loans,M,Y,N,2,135000.0,276277.5,21955.5,238500.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.014464,-14074,-3203,-6035.0,-3969,11.0,1,1,0,1,0,0,Security staff,4.0,2,2,WEDNESDAY,7,0,0,0,0,0,0,Self-employed,0.5257097333573231,0.6543394864688318,,0.3711,0.2465,0.9846,0.7892,0.1076,0.4,0.3448,0.3333,0.375,0.2453,0.3018,0.4267,0.0039,0.0122,0.3782,0.2558,0.9846,0.7975,0.1086,0.4028,0.3448,0.3333,0.375,0.2509,0.3297,0.4445,0.0039,0.0129,0.3747,0.2465,0.9846,0.792,0.1083,0.4,0.3448,0.3333,0.375,0.2495,0.307,0.4343,0.0039,0.0125,reg oper account,block of flats,0.4111,Panel,No,0.0,0.0,0.0,0.0,-541.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2291511,123792,Consumer loans,19864.53,183816.0,177624.0,18382.5,183816.0,SATURDAY,16,Y,1,0.10214055980982074,,,XAP,Approved,-1911,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,1,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1880.0,-1610.0,-1670.0,-1665.0,0.0,0,Cash loans,F,Y,Y,1,157500.0,697500.0,38947.5,697500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.015221,-18801,-405,-4526.0,-2178,7.0,1,1,0,1,1,0,Laborers,3.0,2,2,SATURDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.6840051083511046,0.6848276586890367,0.0825,,0.9747,,,,0.1379,0.1667,,0.0776,,0.071,,,0.084,,0.9747,,,,0.1379,0.1667,,0.0794,,0.07400000000000001,,,0.0833,,0.9747,,,,0.1379,0.1667,,0.079,,0.0723,,,,block of flats,0.0559,Panel,No,1.0,0.0,1.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,5.0 +1765917,238888,Consumer loans,3156.435,70065.0,70065.0,0.0,70065.0,SATURDAY,15,Y,1,0.0,,,XAP,Approved,-892,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Regional / Local,145,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-861.0,-171.0,-171.0,-163.0,0.0,0,Cash loans,M,Y,N,0,135000.0,495000.0,25272.0,495000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,With parents,0.035792000000000004,-18877,-2252,-4169.0,-2385,65.0,1,1,1,1,1,0,Laborers,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Self-employed,,0.35008397534596325,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1131.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1745248,328206,Consumer loans,6493.725,74925.0,86791.5,0.0,74925.0,TUESDAY,14,Y,1,0.0,,,XAP,Approved,-743,Cash through the bank,XAP,Children,Repeater,Furniture,POS,XNA,Stone,115,Furniture,18.0,middle,POS industry with interest,365243.0,-701.0,-191.0,-341.0,-339.0,0.0,0,Cash loans,F,N,N,2,135000.0,521280.0,31630.5,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.00496,-18063,-1648,-1.0,-1325,,1,1,0,1,0,0,,4.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Other,0.7825443992405541,0.4376178639713694,0.09081470898933673,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1241.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +1337202,452660,Consumer loans,5640.165,31275.0,28102.5,4500.0,31275.0,WEDNESDAY,10,Y,1,0.15032310684484596,,,XAP,Approved,-2554,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,5,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2517.0,-2367.0,-2427.0,-2424.0,1.0,0,Cash loans,F,N,Y,0,112500.0,1035000.0,37174.5,1035000.0,Unaccompanied,Pensioner,Higher education,Married,With parents,0.015221,-23735,365243,-7620.0,-4642,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,0.8163115710196613,0.4772534420671844,0.39277386060313396,,,0.9891,,,,,,,,,0.0855,,,,,0.9891,,,,,,,,,0.0891,,,,,0.9891,,,,,,,,,0.0871,,,,,0.0673,,No,0.0,0.0,0.0,0.0,-1771.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2238336,180842,Consumer loans,10786.05,114705.0,114138.0,11470.5,114705.0,MONDAY,12,Y,1,0.09945519031536296,,,XAP,Approved,-1026,Cash through the bank,XAP,"Spouse, partner",Repeater,Computers,POS,XNA,Stone,32,Consumer electronics,12.0,low_normal,POS household with interest,,,,,,,1,Cash loans,F,Y,N,0,180000.0,1530000.0,42075.0,1530000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.031329,-9601,-578,-9422.0,-555,2.0,1,1,1,1,1,1,,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,Medicine,0.6600314344484011,0.6463687496015791,0.10411991642915908,0.1227,0.1504,0.9871,0.8232,0.109,0.0,0.069,0.1667,0.0,0.1352,0.0983,0.1127,0.0077,0.0023,0.125,0.1561,0.9871,0.8301,0.11,0.0,0.069,0.1667,0.0,0.1383,0.1074,0.1174,0.0078,0.0025,0.1239,0.1504,0.9871,0.8256,0.1097,0.0,0.069,0.1667,0.0,0.1375,0.1,0.1147,0.0078,0.0024,reg oper account,block of flats,0.0892,"Stone, brick",No,1.0,1.0,1.0,1.0,-1946.0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0.0,0.0,0.0,0.0,1.0,2.0 +1811665,359608,Cash loans,16592.175,225000.0,247275.0,,225000.0,MONDAY,18,Y,1,,,,XNA,Approved,-267,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-237.0,273.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,135000.0,258709.5,25717.5,234000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,Municipal apartment,0.022625,-17515,-195,-10249.0,-1064,,1,1,0,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.8173326167845517,0.7758166640064295,,0.0038,,0.9752,,,0.0,0.0345,0.0275,,,,,,,0.0042,,0.9871,,,0.0,0.0345,0.0417,,,,,,,0.0042,,0.9871,,,0.0,0.0345,0.0417,,,,,,,,block of flats,0.0019,"Stone, brick",No,0.0,0.0,0.0,0.0,-2855.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1499915,414671,Consumer loans,15124.86,83250.0,83250.0,0.0,83250.0,FRIDAY,12,Y,1,0.0,,,XAP,Approved,-271,Cash through the bank,XAP,Unaccompanied,New,Auto Accessories,POS,XNA,Stone,20,Auto technology,6.0,middle,POS other with interest,365243.0,-236.0,-86.0,-86.0,-80.0,0.0,0,Revolving loans,M,Y,N,0,112500.0,180000.0,9000.0,180000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Rented apartment,0.008625,-12277,-755,-6182.0,-4380,1.0,1,1,0,1,0,0,Drivers,2.0,2,2,WEDNESDAY,11,0,0,0,0,1,1,Self-employed,,0.1737276829897033,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-2700.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1451142,268957,Revolving loans,45000.0,900000.0,900000.0,,900000.0,THURSDAY,9,Y,1,,,,XAP,Approved,-202,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,117000.0,835380.0,33259.5,675000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.028663,-14755,-3626,-5438.0,-4345,,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,9,0,0,0,0,1,1,Other,0.5311878517188334,0.5752944380151571,0.4400578303966329,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2300.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +2216293,333572,Cash loans,15944.58,135000.0,173839.5,,135000.0,WEDNESDAY,15,Y,1,,,,Gasification / water supply,Approved,-692,Cash through the bank,XAP,,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,365243.0,-661.0,-151.0,-181.0,-177.0,0.0,0,Cash loans,F,N,Y,0,67500.0,122256.0,13923.0,108000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Municipal apartment,0.006670999999999999,-18757,-1017,-10870.0,-2286,,1,1,0,1,0,0,Core staff,1.0,2,2,TUESDAY,14,0,0,0,0,0,0,Hotel,,0.5247521378857596,0.7180328113294772,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-692.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1679392,258119,Consumer loans,9117.945,70155.0,68350.5,7015.5,70155.0,SUNDAY,16,Y,1,0.10137883492194452,,,XAP,Approved,-2551,XNA,XAP,Family,Refreshed,Mobile,POS,XNA,Country-wide,1200,Consumer electronics,10.0,high,POS household with interest,365243.0,-2520.0,-2250.0,-2250.0,-2243.0,1.0,0,Cash loans,M,Y,N,0,157500.0,862560.0,25348.5,720000.0,Unaccompanied,Working,Secondary / secondary special,Separated,Municipal apartment,0.072508,-14054,-1983,-6223.0,-3772,8.0,1,1,1,1,0,0,Drivers,1.0,1,1,WEDNESDAY,13,0,0,0,0,0,0,Industry: type 3,,0.34462105636847085,,0.2928,0.1717,0.9841,0.7824,0.4665,0.48,0.2069,0.4583,0.5,0.0,0.2387,0.1972,0.0,0.0138,0.2983,0.1782,0.9841,0.7909,0.4707,0.4834,0.2069,0.4583,0.5,0.0,0.2608,0.2055,0.0,0.0146,0.2956,0.1717,0.9841,0.7853,0.4694,0.48,0.2069,0.4583,0.5,0.0,0.2428,0.2007,0.0,0.0141,reg oper account,block of flats,0.255,Panel,No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1252596,271243,Cash loans,24704.865,405000.0,442422.0,,405000.0,THURSDAY,10,Y,1,,,,XNA,Refused,-369,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,1,Cash loans,F,Y,Y,0,67500.0,781920.0,28215.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020246,-20624,365243,-1877.0,-4157,1.0,1,0,0,1,0,0,,2.0,3,3,TUESDAY,12,0,0,0,0,0,0,XNA,,0.412066730729514,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1135.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1303917,233023,Cash loans,9127.35,135000.0,135000.0,0.0,135000.0,WEDNESDAY,15,Y,1,0.0,,,XNA,Refused,-2492,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,180000.0,942300.0,27679.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.022625,-20608,-2629,-8538.0,-3998,,1,1,0,1,1,0,Sales staff,1.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Business Entity Type 1,0.5676908870496178,0.5090486077140198,0.13510601574017175,0.0041,,0.0,,,0.0,0.0345,0.0417,,,,0.005,,0.0,0.0042,,0.0005,,,0.0,0.0345,0.0417,,,,0.0053,,0.0,0.0042,,0.0,,,0.0,0.0345,0.0417,,,,0.0051,,0.0,,block of flats,0.004,Wooden,No,9.0,0.0,9.0,0.0,-929.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1082715,330051,Consumer loans,12664.17,126000.0,125374.5,12600.0,126000.0,WEDNESDAY,11,Y,1,0.09945711312268174,,,XAP,Approved,-1000,Cash through the bank,XAP,Unaccompanied,New,Vehicles,POS,XNA,Stone,20,Industry,12.0,middle,POS other with interest,365243.0,-969.0,-639.0,-639.0,-632.0,0.0,1,Cash loans,M,Y,Y,0,180000.0,314055.0,18976.5,238500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.00733,-11183,-956,-4409.0,-3135,11.0,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,12,0,0,0,0,1,1,Self-employed,,0.4780391013822978,0.4956658291397297,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-730.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1410964,295519,Consumer loans,16237.215,277605.0,314248.5,0.0,277605.0,SUNDAY,11,Y,1,0.0,,,XAP,Approved,-874,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,1108,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-843.0,-153.0,-153.0,-146.0,0.0,0,Cash loans,M,N,Y,0,94500.0,353241.0,20407.5,319500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-22595,365243,-5618.0,-3913,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,XNA,,0.3551256437854799,,0.0443,,0.9409,0.1908,0.0268,0.0,0.2069,0.0417,,0.0253,0.0252,0.0123,0.0,0.0169,0.0452,,0.9409,0.2225,0.0271,0.0,0.2069,0.0417,,0.0259,0.0275,0.0128,0.0,0.0179,0.0448,,0.9409,0.2016,0.027000000000000003,0.0,0.2069,0.0417,,0.0258,0.0257,0.0125,0.0,0.0173,reg oper account,block of flats,0.025,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1323308,253903,Consumer loans,15734.385,94410.0,88744.5,5665.5,94410.0,SATURDAY,16,Y,1,0.06535583672761934,,,XAP,Approved,-2539,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,1200,Consumer electronics,6.0,low_normal,POS household without interest,365243.0,-2508.0,-2358.0,-2358.0,-2356.0,0.0,1,Cash loans,F,N,N,4,135000.0,239850.0,25830.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.04622,-15642,-1186,-4468.0,-4466,,1,1,0,1,0,0,,6.0,1,1,WEDNESDAY,15,0,1,1,0,1,1,Business Entity Type 3,,0.5279849792553388,0.7062051096536562,0.0557,0.0768,0.9831,0.7688,,0.04,0.3103,0.3333,0.375,0.0558,0.0454,0.0958,0.0,0.0,0.0567,0.0797,0.9831,0.7779,,0.0403,0.3103,0.3333,0.375,0.057,0.0496,0.0998,0.0,0.0,0.0562,0.0768,0.9831,0.7719,,0.04,0.3103,0.3333,0.375,0.0567,0.0462,0.0975,0.0,0.0,reg oper account,block of flats,0.0753,"Stone, brick",No,2.0,1.0,2.0,1.0,-517.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1625059,184573,Cash loans,25597.935,540000.0,604152.0,,540000.0,FRIDAY,12,Y,1,,,,XNA,Approved,-614,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-584.0,466.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,112500.0,1345500.0,37129.5,1345500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-21031,365243,-8642.0,-4473,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,7,0,0,0,0,0,0,XNA,,0.6130278717228571,0.6956219298394389,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-1242.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1449220,341751,Revolving loans,9000.0,180000.0,180000.0,,180000.0,SUNDAY,10,Y,1,,,,XAP,Approved,-270,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-268.0,-221.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,171000.0,720000.0,25636.5,720000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-13222,-1532,-811.0,-4913,,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,12,0,0,0,0,1,1,Self-employed,0.5625641089307633,0.3791980751060089,0.524496446363472,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1253.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1245367,411311,Cash loans,19075.455,90000.0,103648.5,,90000.0,THURSDAY,7,Y,1,,,,XNA,Approved,-1458,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-1428.0,-1278.0,-1278.0,-1273.0,1.0,0,Cash loans,M,N,Y,2,225000.0,1350000.0,39465.0,1350000.0,"Spouse, partner",Working,Higher education,Married,Rented apartment,0.014519999999999996,-18360,-3234,-3607.0,-1900,,1,1,0,1,0,0,High skill tech staff,4.0,2,2,SATURDAY,7,0,0,0,1,1,0,Business Entity Type 1,,0.6400859572937672,0.5673792367572691,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1458.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1001551,212822,Cash loans,27212.985,720000.0,843552.0,,720000.0,SATURDAY,10,Y,1,,,,XNA,Approved,-647,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-617.0,1153.0,-497.0,-473.0,1.0,0,Cash loans,F,N,N,0,112500.0,870984.0,37030.5,778500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.018209,-16130,-2090,-525.0,-2520,,1,1,0,1,1,0,Cooking staff,2.0,3,3,SUNDAY,7,0,0,0,0,0,0,School,0.3914688329607544,0.4096636427087649,0.5902333386185574,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1220.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1670420,223602,Revolving loans,11250.0,0.0,225000.0,,0.0,SATURDAY,19,Y,1,,,,XAP,Approved,-1131,XNA,XAP,,New,XNA,Cards,walk-in,Credit and cash offices,0,XNA,0.0,XNA,Card Street,-800.0,-751.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,0,180000.0,781920.0,32868.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-21069,-906,-2071.0,-4100,,1,1,1,1,1,0,Drivers,2.0,1,1,TUESDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.7273474386924942,0.2822484337007223,0.099,0.0387,0.9786,0.7076,0.0212,0.08,0.0345,0.5417,0.5833,0.0,0.079,0.0856,0.0077,0.0825,0.1008,0.0402,0.9786,0.7190000000000001,0.0214,0.0806,0.0345,0.5417,0.5833,0.0,0.0863,0.0892,0.0078,0.0873,0.0999,0.0387,0.9786,0.7115,0.0214,0.08,0.0345,0.5417,0.5833,0.0,0.0804,0.0871,0.0078,0.0842,reg oper account,block of flats,0.0852,Block,No,0.0,0.0,0.0,0.0,-1131.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1773006,363173,Consumer loans,17821.485,124920.0,119848.5,12492.0,124920.0,SATURDAY,10,Y,1,0.10280241979109672,,,XAP,Approved,-1736,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,1200,Consumer electronics,8.0,middle,POS household with interest,365243.0,-1705.0,-1495.0,-1495.0,-1490.0,0.0,0,Cash loans,F,Y,Y,1,180000.0,225000.0,11074.5,225000.0,Unaccompanied,Commercial associate,Incomplete higher,Separated,House / apartment,0.04622,-12912,-2788,-7058.0,-5083,14.0,1,1,1,1,1,0,,2.0,1,1,SATURDAY,13,0,1,1,0,1,1,Business Entity Type 2,0.5022281517845872,0.7357256666360589,0.6006575372857061,0.0278,0.0562,0.9876,0.83,0.0037,0.0,0.1034,0.0833,0.0417,0.0155,0.0227,0.0235,0.0,0.0,0.0284,0.0583,0.9876,0.8367,0.0038,0.0,0.1034,0.0833,0.0417,0.0159,0.0248,0.0245,0.0,0.0,0.0281,0.0562,0.9876,0.8323,0.0038,0.0,0.1034,0.0833,0.0417,0.0158,0.0231,0.0239,0.0,0.0,reg oper account,block of flats,0.0205,Panel,No,3.0,2.0,3.0,2.0,-1479.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1243353,247060,Cash loans,32596.695,540000.0,625536.0,,540000.0,TUESDAY,12,Y,1,,,,XNA,Refused,-713,Cash through the bank,LIMIT,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,M,N,Y,1,135000.0,675000.0,32602.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.005084,-13770,-517,-2162.0,-5095,,1,1,0,1,0,0,Drivers,3.0,2,2,MONDAY,17,0,0,0,0,0,0,Business Entity Type 3,,0.4168853969892688,,0.134,,0.9871,0.8232,,0.16,0.069,0.5417,,0.0392,,0.0864,,,0.1366,,0.9871,0.8301,,0.1611,0.069,0.5417,,0.0401,,0.09,,,0.1353,,0.9871,0.8256,,0.16,0.069,0.5417,,0.0399,,0.08800000000000001,,,reg oper account,block of flats,0.1162,"Stone, brick",No,0.0,0.0,0.0,0.0,-1767.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1338399,441261,Cash loans,,0.0,0.0,,,FRIDAY,11,Y,1,,,,XNA,Refused,-378,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,1,67500.0,283419.0,20668.5,234000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00702,-12849,-448,-12734.0,-1309,,1,1,0,1,0,0,Sales staff,3.0,2,2,FRIDAY,11,0,0,0,0,0,0,Trade: type 7,,0.17802544850451227,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1064642,320997,Revolving loans,2250.0,45000.0,45000.0,,45000.0,TUESDAY,12,Y,1,,,,XAP,Approved,-174,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,209250.0,832500.0,24340.5,832500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.011703,-22081,365243,-8159.0,-4500,,1,0,0,1,1,0,,2.0,2,2,MONDAY,15,0,0,0,0,0,0,XNA,0.7543450704363189,0.7366175751882648,0.4992720153045617,0.1763,0.0872,0.9886,0.8436,0.0424,0.16,0.1379,0.375,0.4167,0.0823,0.1513,0.1819,0.0,0.0,0.1796,0.0905,0.9886,0.8497,0.0428,0.1611,0.1379,0.375,0.4167,0.0842,0.1653,0.1895,0.0,0.0,0.17800000000000002,0.0872,0.9886,0.8457,0.0427,0.16,0.1379,0.375,0.4167,0.0837,0.1539,0.1851,0.0,0.0,reg oper spec account,block of flats,0.1663,Panel,No,0.0,0.0,0.0,0.0,-906.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2401944,208773,Cash loans,,0.0,0.0,,,WEDNESDAY,7,Y,1,,,,XNA,Refused,-357,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,Y,Y,0,135000.0,545040.0,26640.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.006305,-10187,-1300,-176.0,-211,17.0,1,1,0,1,0,0,,2.0,3,3,WEDNESDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.7038231092782007,0.3979463219016906,0.0031,0.0,0.9518,0.3404,0.0,0.0,0.0,0.0,0.0417,0.0,0.0025,0.0015,0.0,0.0,0.0032,0.0,0.9518,0.3662,0.0,0.0,0.0,0.0,0.0417,0.0,0.0028,0.0016,0.0,0.0,0.0031,0.0,0.9518,0.3492,0.0,0.0,0.0,0.0,0.0417,0.0,0.0026,0.0016,0.0,0.0,org spec account,block of flats,0.0012,Wooden,No,0.0,0.0,0.0,0.0,-500.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2233501,146818,Consumer loans,4767.93,42615.0,42138.0,4500.0,42615.0,SATURDAY,19,Y,1,0.10508403213922317,,,XAP,Approved,-625,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,20,Connectivity,12.0,high,POS mobile with interest,365243.0,-592.0,-262.0,-292.0,-288.0,0.0,0,Cash loans,M,Y,N,0,247500.0,454500.0,19386.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.008865999999999999,-10940,-98,-1112.0,-3290,12.0,1,1,0,1,0,0,Laborers,2.0,2,2,SUNDAY,19,0,0,0,0,1,1,Business Entity Type 3,,0.5513998261936828,0.4920600938649263,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-625.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2778219,385214,Revolving loans,10125.0,202500.0,202500.0,,202500.0,THURSDAY,6,Y,1,,,,XAP,Approved,-82,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-82.0,-37.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,310500.0,973710.0,34627.5,697500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.006305,-17396,365243,-8862.0,-938,18.0,1,0,0,1,1,0,,1.0,3,3,TUESDAY,3,0,0,0,0,0,0,XNA,,0.6275508802246149,0.3910549766342248,0.032,0.0331,0.9801,0.728,0.0036,0.0,0.0517,0.0833,0.0417,0.0153,0.0261,0.0306,0.0,0.0,0.0021,0.0,0.9791,0.7256,0.0,0.0,0.0,0.0,0.0417,0.0,0.0018,0.0028,0.0,0.0,0.0323,0.0331,0.9801,0.7316,0.0037,0.0,0.0517,0.0833,0.0417,0.0156,0.0265,0.0311,0.0,0.0,not specified,block of flats,0.0021,Wooden,No,0.0,0.0,0.0,0.0,-437.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1968941,283033,Consumer loans,12122.055,64350.0,67747.5,0.0,64350.0,WEDNESDAY,16,Y,1,0.0,,,XAP,Approved,-138,XNA,XAP,,Repeater,Construction Materials,POS,XNA,Stone,30,Construction,6.0,low_normal,POS industry with interest,365243.0,-100.0,50.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,90000.0,295668.0,13914.0,193500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.02461,-13810,-116,-1788.0,-5067,,1,1,0,1,0,0,,2.0,2,2,MONDAY,11,0,0,0,0,0,0,Trade: type 7,,0.4765006241115439,0.7981372313187245,0.0526,,0.9593,,0.006,0.0,0.2069,0.0833,,0.0578,0.0429,0.0416,,0.0,0.0536,,0.9593,,0.0061,0.0,0.2069,0.0833,,0.0591,0.0468,0.0434,,0.0,0.0531,,0.9593,,0.0061,0.0,0.2069,0.0833,,0.0588,0.0436,0.0424,,0.0,,block of flats,0.036000000000000004,"Stone, brick",No,1.0,1.0,1.0,1.0,-7.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2429839,308040,Consumer loans,,131845.5,131845.5,0.0,131845.5,SATURDAY,12,Y,1,0.0,,,XAP,Refused,-455,Cash through the bank,SCO,,Repeater,Mobile,XNA,XNA,Country-wide,40,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,F,N,N,0,202500.0,545040.0,26509.5,450000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.007120000000000001,-9110,-836,-3943.0,-1788,,1,1,1,1,1,0,Core staff,1.0,2,2,SATURDAY,14,1,1,0,1,1,0,Trade: type 2,0.3455612531620325,0.5791846768461121,0.09022093929076848,0.0495,,0.9861,,,,0.1379,0.125,,,,0.0432,,,0.0504,,0.9861,,,,0.1379,0.125,,,,0.045,,,0.05,,0.9861,,,,0.1379,0.125,,,,0.044,,,,block of flats,0.0348,Panel,No,1.0,0.0,1.0,0.0,-631.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2435520,178038,Consumer loans,21837.825,98995.5,114057.0,0.0,98995.5,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-28,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,1000,Consumer electronics,6.0,middle,POS household with interest,365243.0,365243.0,152.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,202500.0,225000.0,8212.5,225000.0,"Spouse, partner",Working,Secondary / secondary special,Married,Office apartment,0.010006000000000001,-13936,-6599,-3425.0,-1223,,1,1,0,1,0,0,Core staff,2.0,2,2,SUNDAY,9,0,0,0,0,0,0,Industry: type 9,,0.09374586006709633,,0.2206,0.1475,0.9891,0.8504,,0.24,0.2069,0.3333,0.375,0.1161,0.1799,0.2653,,0.033,0.2248,0.1531,0.9891,0.8563,,0.2417,0.2069,0.3333,0.375,0.1188,0.1965,0.2764,,0.0349,0.2228,0.1475,0.9891,0.8524,,0.24,0.2069,0.3333,0.375,0.1182,0.183,0.2701,,0.0337,reg oper account,block of flats,0.3323,Panel,No,0.0,0.0,0.0,0.0,-28.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1635435,409947,Cash loans,115956.99,2115000.0,2215503.0,,2115000.0,WEDNESDAY,13,Y,1,,,,XNA,Approved,-616,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-586.0,104.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,2,765000.0,1515415.5,57852.0,1354500.0,Family,Commercial associate,Higher education,Married,House / apartment,0.04622,-16407,-861,-8567.0,-4576,,1,1,0,1,0,0,Managers,4.0,1,1,WEDNESDAY,14,0,1,1,0,0,0,Business Entity Type 3,0.6782148162291156,0.7737408699099728,0.5762088360175724,0.2216,0.1143,0.9801,0.728,,0.24,0.2069,0.3333,,0.1846,,0.2108,,0.0039,0.2258,0.1186,0.9801,0.7387,,0.2417,0.2069,0.3333,,0.1888,,0.2196,,0.0042,0.2238,0.1143,0.9801,0.7316,,0.24,0.2069,0.3333,,0.1878,,0.2145,,0.004,reg oper account,block of flats,0.1666,Block,No,0.0,0.0,0.0,0.0,-3049.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1105020,204684,Consumer loans,10969.065,63324.0,59809.5,6336.0,63324.0,WEDNESDAY,11,Y,1,0.1043227430437444,,,XAP,Approved,-1290,Cash through the bank,XAP,Family,New,Homewares,POS,XNA,Stone,4123,Construction,6.0,middle,POS industry with interest,365243.0,-1259.0,-1109.0,-1109.0,-1104.0,0.0,0,Revolving loans,M,Y,Y,0,57960.0,180000.0,9000.0,180000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-22838,365243,-9255.0,-715,25.0,1,0,0,1,0,0,,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,XNA,,0.23418632906829315,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1290.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2292681,110059,Consumer loans,5842.53,129546.0,129546.0,0.0,129546.0,THURSDAY,14,Y,1,0.0,,,XAP,Approved,-1216,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,1073,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1185.0,-495.0,-495.0,-492.0,0.0,0,Cash loans,F,N,Y,0,202500.0,1271929.5,54018.0,1170000.0,Family,Pensioner,Higher education,Widow,House / apartment,0.04622,-22117,365243,-8249.0,-2105,,1,0,0,1,0,0,,1.0,1,1,TUESDAY,19,0,0,0,0,0,0,XNA,,0.5692835234949483,0.4956658291397297,0.0412,0.0,0.9781,0.7008,,0.0,0.069,0.1667,0.2083,0.0406,,0.0364,,0.0272,0.042,0.0,0.9782,0.7125,,0.0,0.069,0.1667,0.2083,0.0415,,0.0379,,0.0288,0.0416,0.0,0.9781,0.7048,,0.0,0.069,0.1667,0.2083,0.0413,,0.0371,,0.0278,reg oper account,block of flats,0.0377,"Stone, brick",No,1.0,0.0,1.0,0.0,-1216.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1849813,277982,Cash loans,37718.19,360000.0,402007.5,,360000.0,WEDNESDAY,8,Y,1,,,,XNA,Approved,-365,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-335.0,-5.0,-5.0,365243.0,1.0,0,Cash loans,F,N,Y,0,157500.0,735579.0,32530.5,585000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-17708,-1903,-6411.0,-1202,,1,1,0,1,0,1,Realty agents,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,Services,,0.4492855476834583,0.326475210066026,0.0979,0.0488,0.9871,0.8232,0.0302,0.0,0.2069,0.1667,0.0417,0.077,0.0748,0.0819,0.0232,0.0386,0.0998,0.0506,0.9871,0.8301,0.0304,0.0,0.2069,0.1667,0.0417,0.0787,0.0817,0.0854,0.0233,0.0408,0.0989,0.0488,0.9871,0.8256,0.0304,0.0,0.2069,0.1667,0.0417,0.0783,0.0761,0.0834,0.0233,0.0394,,block of flats,0.0728,"Stone, brick",No,1.0,1.0,1.0,1.0,-2159.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1371451,154457,Cash loans,54820.53,540000.0,561384.0,,540000.0,MONDAY,14,Y,1,,,,XNA,Approved,-917,Cash through the bank,XAP,Children,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-887.0,-557.0,-707.0,-701.0,1.0,0,Cash loans,F,N,Y,0,292500.0,834048.0,27693.0,720000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.00496,-21758,365243,-8249.0,-4756,,1,0,0,1,1,0,,1.0,2,2,MONDAY,15,0,0,0,0,0,0,XNA,0.874065518640203,0.4493829413829232,0.43473324875017305,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-2056.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2808358,397436,Cash loans,7930.62,90000.0,98910.0,,90000.0,FRIDAY,4,Y,1,,,,XNA,Refused,-400,Cash through the bank,LIMIT,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,Y,Y,0,157500.0,252531.0,18090.0,234000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.010032,-18732,-716,-9626.0,-2283,22.0,1,1,0,1,0,0,,1.0,2,2,SATURDAY,5,0,0,0,0,0,0,Self-employed,,0.5677654521967729,0.5762088360175724,0.0814,0.1309,0.9707,,,0.0,0.2414,0.1667,,,,0.1093,,0.2069,0.083,0.1358,0.9707,,,0.0,0.2414,0.1667,,,,0.1139,,0.219,0.0822,0.1309,0.9707,,,0.0,0.2414,0.1667,,,,0.1113,,0.2112,,block of flats,0.1309,"Stone, brick",No,1.0,1.0,1.0,1.0,-1155.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2816750,295801,Consumer loans,8146.215,118260.0,141673.5,0.0,118260.0,SUNDAY,11,Y,1,0.0,,,XAP,Approved,-2290,Cash through the bank,XAP,Family,New,Furniture,POS,XNA,Stone,1520,Furniture,24.0,middle,POS industry with interest,365243.0,-2259.0,-1569.0,-1569.0,-1562.0,1.0,0,Cash loans,F,N,Y,0,112500.0,50940.0,5089.5,45000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.028663,-18109,-6162,-7202.0,-1651,,1,1,0,1,0,0,,1.0,2,2,MONDAY,11,0,0,0,0,0,0,School,,0.6862600205173115,0.6127042441012546,0.0557,0.0322,0.9901,0.8640000000000001,0.01,0.04,0.0345,0.3333,0.375,0.0305,0.0454,0.0402,0.0,0.0,0.0567,0.0334,0.9901,0.8693,0.0101,0.0403,0.0345,0.3333,0.375,0.0312,0.0496,0.0419,0.0,0.0,0.0562,0.0322,0.9901,0.8658,0.01,0.04,0.0345,0.3333,0.375,0.031,0.0462,0.0409,0.0,0.0,reg oper account,block of flats,0.0371,"Stone, brick",No,0.0,0.0,0.0,0.0,-649.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1396944,336279,Consumer loans,13728.6,126270.0,139603.5,0.0,126270.0,SATURDAY,9,Y,1,0.0,,,XAP,Refused,-451,Cash through the bank,LIMIT,,Repeater,Audio/Video,POS,XNA,Stone,70,Consumer electronics,12.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,Y,1,135000.0,521280.0,31630.5,450000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.007305,-8292,-203,-2422.0,-181,,1,1,0,1,0,0,Cooking staff,3.0,3,3,TUESDAY,14,0,1,1,0,1,1,Business Entity Type 3,0.204628371428058,0.3151479896531707,0.33125086459090186,0.0753,0.0732,0.9821,0.7552,0.0199,0.0,0.0345,0.125,0.1667,0.0296,0.0614,0.0378,0.0,0.0,0.0767,0.076,0.9821,0.7648,0.02,0.0,0.0345,0.125,0.1667,0.0303,0.067,0.0393,0.0,0.0,0.076,0.0732,0.9821,0.7585,0.02,0.0,0.0345,0.125,0.1667,0.0301,0.0624,0.0384,0.0,0.0,reg oper account,block of flats,0.0405,"Stone, brick",No,1.0,0.0,1.0,0.0,-15.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2527112,226004,Consumer loans,3505.455,74916.0,74916.0,0.0,74916.0,MONDAY,14,Y,1,0.0,,,XAP,Approved,-229,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,1300,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-198.0,492.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,166500.0,841500.0,47119.5,841500.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.032561,-14070,-3144,-8179.0,-5976,,1,1,1,1,1,0,Core staff,2.0,1,1,FRIDAY,12,0,0,0,0,0,0,School,,0.4475493532215731,0.6642482627052363,0.2554,0.0722,0.9821,0.7552,0.0612,0.26,0.1552,0.4688,0.4858,0.0798,0.2331,0.2685,0.0193,0.0341,0.1134,0.0,0.9821,0.7648,0.0248,0.4028,0.0345,0.4583,0.375,0.0533,0.0964,0.1077,0.0,0.0,0.266,0.0473,0.9821,0.7585,0.0632,0.28,0.1207,0.4583,0.5,0.0682,0.3078,0.3585,0.0116,0.0161,reg oper spec account,block of flats,0.2811,Panel,No,0.0,0.0,0.0,0.0,-3038.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2272178,326491,Consumer loans,4541.04,19930.5,15939.0,4500.0,19930.5,THURSDAY,18,Y,1,0.23978223449821864,,,XAP,Approved,-2478,XNA,XAP,Other_B,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,4.0,low_normal,POS mobile with interest,365243.0,-2447.0,-2357.0,-2357.0,-2349.0,1.0,0,Cash loans,M,Y,Y,0,306000.0,1350000.0,43681.5,1350000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.026392000000000002,-10421,-2595,-141.0,-3096,6.0,1,1,0,1,0,0,,1.0,2,2,THURSDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.07046949921075027,0.4711196549900576,0.4294236843421945,0.034,,0.9901,,,0.0,0.1034,0.0833,,,,0.0356,,0.0,0.0347,,0.9901,,,0.0,0.1034,0.0833,,,,0.0371,,0.0,0.0344,,0.9901,,,0.0,0.1034,0.0833,,,,0.0362,,0.0,,block of flats,0.028,"Stone, brick",No,6.0,0.0,6.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,8.0,0.0,0.0 +2483622,359341,Consumer loans,30860.1,422509.5,422509.5,0.0,422509.5,MONDAY,20,Y,1,0.0,,,XAP,Refused,-374,Cash through the bank,HC,,Repeater,Consumer Electronics,POS,XNA,Country-wide,8025,Consumer electronics,18.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,270000.0,1591641.0,50107.5,1453500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.008019,-22189,-7406,-5826.0,-4899,,1,1,0,1,1,0,Cooking staff,2.0,2,2,THURSDAY,16,0,0,0,1,1,0,Medicine,,0.4756333794861451,0.6144143775673561,0.0392,0.041,0.9757,0.6668,0.0172,0.0,0.069,0.1667,0.2083,0.0216,0.0319,0.0207,0.0,0.0,0.0399,0.0425,0.9757,0.6798,0.0174,0.0,0.069,0.1667,0.2083,0.0221,0.0349,0.0215,0.0,0.0,0.0396,0.041,0.9757,0.6713,0.0173,0.0,0.069,0.1667,0.2083,0.022,0.0325,0.021,0.0,0.0,not specified,block of flats,0.0237,"Stone, brick",No,1.0,0.0,1.0,0.0,-1698.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1363642,260448,Cash loans,186671.205,900000.0,999468.0,,900000.0,WEDNESDAY,16,Y,1,,,,Urgent needs,Approved,-576,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,middle,Cash Street: middle,365243.0,-546.0,-396.0,-396.0,-390.0,1.0,0,Cash loans,F,Y,Y,0,549000.0,755190.0,36328.5,675000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.072508,-11546,-3731,-5138.0,-2344,3.0,1,1,1,1,1,1,Managers,2.0,1,1,FRIDAY,13,0,0,0,0,0,0,Other,0.3375124739093744,0.7113067695796232,0.4614823912998385,0.0619,0.0726,0.9821,0.7552,0.0814,0.0,0.1034,0.1667,0.2083,0.0,0.0504,0.0563,0.0,0.001,0.063,0.0753,0.9821,0.7648,0.0821,0.0,0.1034,0.1667,0.2083,0.0,0.0551,0.0586,0.0,0.0011,0.0625,0.0726,0.9821,0.7585,0.0819,0.0,0.1034,0.1667,0.2083,0.0,0.0513,0.0573,0.0,0.001,reg oper account,block of flats,0.0445,"Stone, brick",No,0.0,0.0,0.0,0.0,-941.0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +2632703,341885,Consumer loans,9888.525,81810.0,81405.0,8181.0,81810.0,SUNDAY,18,Y,1,0.09945586059510107,,,XAP,Approved,-418,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,15,Connectivity,12.0,high,POS mobile with interest,365243.0,-387.0,-57.0,-57.0,-54.0,0.0,1,Cash loans,F,Y,Y,0,180000.0,227520.0,15331.5,180000.0,Family,Working,Higher education,Civil marriage,House / apartment,0.04622,-8537,-484,-8051.0,-1210,2.0,1,1,0,1,0,0,Laborers,2.0,1,1,FRIDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.38368905699409855,0.7608706351731427,0.4561097392782771,0.0495,0.0619,0.9752,0.66,0.0062,0.0,0.1034,0.125,0.1667,0.0601,0.0403,0.0399,0.0,0.0,0.0504,0.0643,0.9752,0.6733,0.0062,0.0,0.1034,0.125,0.1667,0.0615,0.0441,0.0415,0.0,0.0,0.05,0.0619,0.9752,0.6645,0.0062,0.0,0.1034,0.125,0.1667,0.0612,0.041,0.0406,0.0,0.0,reg oper account,block of flats,0.0314,"Stone, brick",No,1.0,0.0,1.0,0.0,-418.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1598901,159595,Cash loans,25992.54,337500.0,384277.5,,337500.0,FRIDAY,14,Y,1,,,,XNA,Refused,-720,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,high,Cash Street: high,,,,,,,0,Cash loans,M,N,N,0,90000.0,269550.0,21609.0,225000.0,Family,Working,Secondary / secondary special,Single / not married,House / apartment,0.035792000000000004,-13087,-884,-7146.0,-4066,,1,1,1,1,0,0,Laborers,1.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Housing,,0.6630554878095141,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-720.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2328756,452130,Revolving loans,7875.0,0.0,157500.0,,,SATURDAY,7,Y,1,,,,XAP,Approved,-2447,XNA,XAP,,Repeater,XNA,Cards,x-sell,Stone,756,Consumer electronics,0.0,XNA,Card Street,-2447.0,-2393.0,365243.0,-781.0,365243.0,0.0,0,Cash loans,M,Y,Y,2,225000.0,610335.0,22050.0,463500.0,Family,State servant,Secondary / secondary special,Married,House / apartment,0.018209,-16304,-3306,-7490.0,-4534,27.0,1,1,0,1,1,0,,4.0,3,3,WEDNESDAY,7,0,0,0,0,0,0,Culture,,0.4908403913609307,0.7751552674785404,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,0.0,0.0,-845.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,0.0,0.0,3.0 +2646462,390527,Cash loans,82378.485,450000.0,460395.0,,450000.0,SUNDAY,11,Y,1,,,,XNA,Approved,-152,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,low_normal,Cash X-Sell: low,365243.0,-122.0,28.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,171000.0,1035000.0,43983.0,1035000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.025164,-12707,-588,-966.0,-3300,,1,1,0,1,0,0,Sales staff,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.3868418762823373,0.472847218009326,,0.1227,0.132,0.9841,0.7824,0.0579,0.0,0.2759,0.1667,0.2083,0.0326,0.1,0.1146,0.0,0.0,0.125,0.13699999999999998,0.9841,0.7909,0.0585,0.0,0.2759,0.1667,0.2083,0.0334,0.1093,0.1194,0.0,0.0,0.1239,0.132,0.9841,0.7853,0.0583,0.0,0.2759,0.1667,0.2083,0.0332,0.1018,0.1167,0.0,0.0,org spec account,block of flats,0.1218,Panel,No,8.0,0.0,7.0,0.0,-1513.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2211469,185896,Consumer loans,6547.05,44865.0,48568.5,0.0,44865.0,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-2253,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,1046,Consumer electronics,10.0,high,POS household with interest,365243.0,-2222.0,-1952.0,-1952.0,-1947.0,1.0,0,Cash loans,F,N,Y,0,135000.0,152820.0,10210.5,135000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.020713,-23659,365243,-39.0,-4774,,1,0,0,1,0,0,,1.0,3,3,MONDAY,9,0,0,0,0,0,0,XNA,,0.730901845273035,,0.0464,0.0514,0.9752,0.66,0.0045,0.0,0.1034,0.125,0.0417,0.0304,0.0336,0.0327,0.0193,0.0258,0.0473,0.0534,0.9752,0.6733,0.0045,0.0,0.1034,0.125,0.0417,0.0311,0.0367,0.0341,0.0195,0.0273,0.0468,0.0514,0.9752,0.6645,0.0045,0.0,0.1034,0.125,0.0417,0.0309,0.0342,0.0333,0.0194,0.0263,reg oper spec account,block of flats,0.0433,"Stone, brick",No,0.0,0.0,0.0,0.0,-308.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1963897,343929,Cash loans,25128.0,450000.0,450000.0,,450000.0,THURSDAY,11,Y,1,,,,XNA,Approved,-276,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Stone,96,Consumer electronics,24.0,low_normal,Cash X-Sell: low,365243.0,-246.0,444.0,365243.0,365243.0,0.0,1,Cash loans,F,N,Y,0,112500.0,666000.0,25938.0,666000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.030755,-18864,-1455,-2644.0,-1783,,1,1,1,1,0,0,Sales staff,2.0,2,2,SUNDAY,9,0,0,0,0,0,0,Self-employed,,0.6979782721423853,0.07958643615986162,0.0062,0.0,0.9434,,,0.0,0.0345,0.0,,0.0179,,0.0046,,0.0,0.0063,0.0,0.9434,,,0.0,0.0345,0.0,,0.0183,,0.0048,,0.0,0.0062,0.0,0.9434,,,0.0,0.0345,0.0,,0.0182,,0.0047,,0.0,,terraced house,0.0036,"Stone, brick",No,1.0,0.0,1.0,0.0,-709.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1099759,427685,Consumer loans,11646.675,100737.0,111375.0,0.0,100737.0,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-515,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,2000,Consumer electronics,12.0,middle,POS household with interest,365243.0,-484.0,-154.0,-364.0,-354.0,0.0,0,Cash loans,F,Y,Y,2,139500.0,450000.0,22018.5,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.007273999999999998,-11529,-1311,-5715.0,-3703,3.0,1,1,0,1,0,0,Laborers,4.0,2,2,THURSDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.5121127898475556,0.369386027253915,0.25670557243930026,0.0856,0.0534,0.9891,0.8504,0.0159,0.0,0.0345,0.2083,0.0417,0.0401,0.0698,0.0312,0.0,0.0,0.0872,0.0554,0.9891,0.8563,0.016,0.0,0.0345,0.2083,0.0417,0.041,0.0762,0.0326,0.0,0.0,0.0864,0.0534,0.9891,0.8524,0.016,0.0,0.0345,0.2083,0.0417,0.0408,0.071,0.0318,0.0,0.0,reg oper account,block of flats,0.0451,"Stone, brick",No,6.0,0.0,6.0,0.0,-212.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1306790,428947,Cash loans,6957.27,108000.0,122256.0,,108000.0,MONDAY,10,Y,1,,,,XNA,Approved,-227,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-197.0,493.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,270000.0,314100.0,15241.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.019101,-23310,365243,-3550.0,-5318,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,12,0,0,0,0,0,0,XNA,0.8125348445667492,0.6015236838785534,0.36227724703843145,0.0763,0.0558,0.9821,0.7552,0.0071,0.0532,0.069,0.3608,0.2358,0.0096,0.0398,0.0612,0.0013,0.0067,0.063,0.0512,0.9796,0.7321,0.0071,0.0806,0.0345,0.4583,0.0,0.0,0.0,0.037000000000000005,0.0,0.0,0.0833,0.0494,0.9811,0.7451,0.0071,0.08,0.0345,0.4583,0.2083,0.0063,0.0513,0.0732,0.0,0.0,reg oper account,block of flats,0.0403,"Stone, brick",No,3.0,0.0,3.0,0.0,-1858.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,0.0,0.0,7.0 +2293515,147600,Consumer loans,19466.685,174510.0,191979.0,0.0,174510.0,MONDAY,11,Y,1,0.0,,,XAP,Approved,-857,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,60,Connectivity,14.0,high,POS mobile with interest,365243.0,-819.0,-429.0,-759.0,-751.0,0.0,0,Cash loans,M,Y,Y,2,315000.0,254700.0,25321.5,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.010032,-14095,-2170,-8192.0,-1584,11.0,1,1,0,1,0,0,,4.0,2,2,THURSDAY,7,0,0,0,0,0,0,Business Entity Type 3,0.4984249718766561,0.5133543326602864,0.39449540531239935,0.0722,0.0653,0.9767,0.6804,0.0282,0.0,0.1379,0.1667,0.0417,0.0063,0.0588,0.0671,0.0,0.0,0.0735,0.0678,0.9767,0.6929,0.0285,0.0,0.1379,0.1667,0.0417,0.0065,0.0643,0.0699,0.0,0.0,0.0729,0.0653,0.9767,0.6847,0.0284,0.0,0.1379,0.1667,0.0417,0.0064,0.0599,0.0683,0.0,0.0,reg oper spec account,block of flats,0.0682,"Stone, brick",No,5.0,0.0,5.0,0.0,-1384.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2452695,275050,Cash loans,19468.44,450000.0,549490.5,,450000.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-875,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,middle,Cash X-Sell: middle,365243.0,-845.0,925.0,-395.0,-388.0,1.0,0,Cash loans,F,N,Y,0,144000.0,351792.0,17055.0,252000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-16891,-7538,-3183.0,-447,,1,1,0,1,1,0,High skill tech staff,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Medicine,,0.4034591907977565,0.40314167665875134,0.1113,0.0707,0.995,0.932,0.0234,0.12,0.1034,0.375,0.4167,0.0331,0.0908,0.1162,0.0039,0.0052,0.1134,0.0733,0.995,0.9347,0.0236,0.1208,0.1034,0.375,0.4167,0.0339,0.0992,0.1211,0.0039,0.0055,0.1124,0.0707,0.995,0.9329,0.0236,0.12,0.1034,0.375,0.4167,0.0337,0.0923,0.1183,0.0039,0.0053,reg oper account,block of flats,0.1053,Panel,No,0.0,0.0,0.0,0.0,-1297.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2354177,121821,Cash loans,21693.87,180000.0,215806.5,,180000.0,SUNDAY,12,Y,1,,,,XNA,Approved,-1020,Cash through the bank,XAP,Children,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-990.0,-660.0,-660.0,-656.0,1.0,0,Cash loans,F,N,Y,0,112500.0,254700.0,24808.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-24515,365243,-11069.0,-4203,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,XNA,0.8601844292117612,0.5215827014540525,0.7309873696832169,,0.0003,0.9821,,,0.16,0.1379,0.3333,,,,0.1499,,0.0,,0.0003,0.9821,,,0.1611,0.1379,0.3333,,,,0.1561,,0.0,,0.0003,0.9821,,,0.16,0.1379,0.3333,,,,0.1526,,0.0,,,0.1609,Panel,No,1.0,0.0,1.0,0.0,-1558.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2471733,113724,Consumer loans,20976.075,157500.0,171427.5,0.0,157500.0,SUNDAY,16,Y,1,0.0,,,XAP,Approved,-1838,Cash through the bank,XAP,"Spouse, partner",New,Computers,POS,XNA,Regional / Local,80,Consumer electronics,12.0,high,POS household with interest,365243.0,-1807.0,-1477.0,-1477.0,-1467.0,0.0,0,Cash loans,F,N,Y,0,90000.0,540000.0,17419.5,540000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.00702,-10488,-2532,-9337.0,-236,,1,1,1,1,1,0,Core staff,1.0,2,2,THURSDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.3029817103497713,0.5441791583253743,0.2807895743848605,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1838.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2349806,317209,Cash loans,28742.67,450000.0,491580.0,,450000.0,MONDAY,11,Y,1,,,,XNA,Approved,-1062,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-1032.0,-342.0,-342.0,-335.0,1.0,0,Cash loans,M,Y,N,0,180000.0,509400.0,37197.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.01885,-13467,-3983,-7514.0,-3833,11.0,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,Business Entity Type 1,,0.7161633167154899,0.1008037063175332,0.232,,0.9836,0.7756,,0.04,0.2069,0.3333,,,,0.2438,,0.008,0.2363,,0.9836,0.7844,,0.0403,0.2069,0.3333,,,,0.254,,0.0084,0.2342,,0.9836,0.7786,,0.04,0.2069,0.3333,,,,0.2482,,0.0081,,block of flats,0.1935,,No,2.0,0.0,2.0,0.0,-131.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2613295,175514,Consumer loans,8274.78,83835.0,75451.5,8383.5,83835.0,WEDNESDAY,16,Y,1,0.1089090909090909,,,XAP,Approved,-1203,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,181,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-1167.0,-897.0,-986.0,-982.0,0.0,0,Cash loans,F,Y,Y,1,270000.0,818410.5,27175.5,706500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.019101,-15018,-8333,-6216.0,-4427,9.0,1,1,0,1,0,0,Private service staff,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Government,,0.7663923805905204,0.5028782772082183,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2450.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2110431,400227,Consumer loans,4284.945,23350.5,21015.0,2335.5,23350.5,SUNDAY,10,Y,1,0.1089300793636889,,,XAP,Refused,-1590,Cash through the bank,LIMIT,,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,6.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,1,157500.0,399559.5,31050.0,342000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.008865999999999999,-17199,-3914,-3406.0,-752,,1,1,0,1,0,1,Core staff,3.0,2,2,MONDAY,18,0,0,0,1,1,0,School,0.7882002204030337,0.7569295932900572,0.052036407096232806,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1681.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,0.0,0.0,1.0 +1945034,353996,Consumer loans,5460.525,45400.5,44905.5,4540.5,45400.5,TUESDAY,11,Y,1,0.10000843895820233,,,XAP,Approved,-1926,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,high,POS mobile with interest,365243.0,-1893.0,-1563.0,-1563.0,-1557.0,0.0,0,Cash loans,F,Y,Y,0,225000.0,900000.0,52753.5,900000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.010006000000000001,-9166,-869,-236.0,-1757,2.0,1,1,0,1,0,0,Managers,1.0,2,1,WEDNESDAY,10,0,0,0,0,0,0,Transport: type 4,0.5994496631620542,0.30157333426193,,1.0,0.2591,0.9995,0.9864,0.2494,0.64,0.2759,0.6667,0.7083,0.3003,0.9347,0.8716,0.0309,0.298,1.0,0.2689,0.9995,0.9869,0.2517,0.6445,0.2759,0.6667,0.7083,0.3072,1.0,0.9081,0.0311,0.3154,1.0,0.2591,0.9995,0.9866,0.251,0.64,0.2759,0.6667,0.7083,0.3055,0.9509,0.8872,0.0311,0.3042,reg oper account,block of flats,0.8867,Panel,No,0.0,0.0,0.0,0.0,-670.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,3.0 +2651433,212112,Consumer loans,17962.02,188995.5,151195.5,37800.0,188995.5,FRIDAY,6,Y,1,0.21782336808885056,,,XAP,Approved,-1025,XNA,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,136,Consumer electronics,10.0,middle,POS household with interest,365243.0,-994.0,-724.0,-724.0,-721.0,0.0,0,Cash loans,M,Y,Y,0,337500.0,733315.5,71568.0,679500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.010032,-17798,-834,-543.0,-1351,4.0,1,1,0,1,0,0,Core staff,2.0,2,2,MONDAY,4,0,0,0,0,0,0,Medicine,0.6708191993780046,0.6762604424780145,0.6738300778602003,0.0773,0.1763,0.999,,,0.0,0.1379,0.0833,,,,0.0874,,0.0434,0.0788,0.1829,0.999,,,0.0,0.1379,0.0833,,,,0.0911,,0.046,0.0781,0.1763,0.999,,,0.0,0.1379,0.0833,,,,0.08900000000000001,,0.0444,,block of flats,0.1041,Monolithic,No,0.0,0.0,0.0,0.0,-2875.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1919025,105862,Consumer loans,2382.075,22680.0,20412.0,2268.0,22680.0,TUESDAY,13,Y,1,0.1089090909090909,,,XAP,Approved,-2774,Cash through the bank,XAP,,New,Mobile,POS,XNA,Regional / Local,10,Consumer electronics,12.0,high,POS household with interest,365243.0,-2740.0,-2410.0,-2440.0,-2433.0,0.0,0,Cash loans,M,Y,Y,0,49500.0,298512.0,17266.5,270000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-22260,365243,-13110.0,-4791,10.0,1,0,0,1,1,0,,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,XNA,,0.5604312980796906,0.8633633824101478,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1168987,390040,Consumer loans,3043.26,23728.5,26077.5,0.0,23728.5,SUNDAY,11,Y,1,0.0,,,XAP,Approved,-2452,Cash through the bank,XAP,"Spouse, partner",New,Mobile,POS,XNA,Country-wide,70,Connectivity,12.0,high,POS mobile with interest,365243.0,-2421.0,-2091.0,-2091.0,-2067.0,1.0,0,Cash loans,M,N,N,0,112500.0,254700.0,14620.5,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018634,-19017,-1194,-6716.0,-2565,,1,1,0,1,1,0,Laborers,2.0,2,2,SUNDAY,16,0,0,0,0,0,0,Construction,,0.5835168980672101,0.6894791426446275,0.0825,0.0644,0.9776,,,0.0,0.1379,0.1667,,0.0352,,0.0705,,0.0,0.084,0.0669,0.9777,,,0.0,0.1379,0.1667,,0.036000000000000004,,0.0734,,0.0,0.0833,0.0644,0.9776,,,0.0,0.1379,0.1667,,0.0359,,0.0717,,0.0,,block of flats,0.0708,Panel,No,0.0,0.0,0.0,0.0,-3.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2220076,254293,Consumer loans,6529.95,40455.0,34074.0,8091.0,40455.0,WEDNESDAY,17,Y,1,0.2089845735907636,,,XAP,Approved,-678,Cash through the bank,XAP,,New,Computers,POS,XNA,Country-wide,100,Consumer electronics,6.0,middle,POS household with interest,365243.0,-647.0,-497.0,-497.0,-492.0,0.0,0,Cash loans,F,N,Y,0,112500.0,700830.0,20619.0,585000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.0105,-21834,365243,-2623.0,-4155,,1,0,0,1,0,0,,1.0,3,3,TUESDAY,13,0,0,0,0,0,0,XNA,0.6996746868352296,0.11476451619089295,0.7062051096536562,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-678.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1801704,378247,Consumer loans,6350.49,31495.5,33367.5,0.0,31495.5,TUESDAY,9,Y,1,0.0,,,XAP,Approved,-137,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,1402,Consumer electronics,6.0,middle,POS household with interest,365243.0,-107.0,43.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,85500.0,1056447.0,30888.0,922500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.018029,-22318,365243,-11938.0,-5140,,1,0,0,1,0,0,,1.0,3,2,SATURDAY,5,0,0,0,0,0,0,XNA,,0.5931610135755393,0.6075573001388961,0.1031,0.0962,0.9811,0.7416,0.0114,0.0,0.2069,0.1667,0.2083,,0.0841,0.0606,0.0,0.0,0.105,0.0998,0.9811,0.7517,0.0116,0.0,0.2069,0.1667,0.2083,,0.0918,0.0631,0.0,0.0,0.1041,0.0962,0.9811,0.7451,0.0115,0.0,0.2069,0.1667,0.2083,,0.0855,0.0617,0.0,0.0,reg oper account,block of flats,0.0949,"Stone, brick",No,2.0,0.0,2.0,0.0,-1569.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2500556,372283,Consumer loans,7992.09,69295.5,78007.5,0.0,69295.5,TUESDAY,11,Y,1,0.0,,,XAP,Approved,-219,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Regional / Local,100,Consumer electronics,12.0,middle,POS household with interest,365243.0,-189.0,141.0,365243.0,365243.0,1.0,1,Cash loans,F,N,Y,0,99000.0,408780.0,27445.5,337500.0,Family,Working,Secondary / secondary special,Single / not married,House / apartment,0.006852,-8301,-902,-4145.0,-982,,1,1,1,1,1,0,Sales staff,1.0,3,3,THURSDAY,6,0,0,0,1,1,0,Self-employed,,0.04332398738889932,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-567.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1249638,130387,Consumer loans,4669.11,36405.0,40009.5,0.0,36405.0,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-2614,Cash through the bank,XAP,"Spouse, partner",Repeater,Mobile,POS,XNA,Country-wide,49,Connectivity,12.0,high,POS mobile with interest,365243.0,-2583.0,-2253.0,-2433.0,-2424.0,1.0,0,Revolving loans,F,N,Y,2,112500.0,450000.0,22500.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-16504,-2565,-39.0,-47,,1,1,0,1,1,0,Medicine staff,4.0,2,2,TUESDAY,11,0,0,0,0,0,0,Medicine,0.8082962913810383,0.7865246470844545,0.41534714488434,0.0948,0.1052,0.9796,,,0.0,0.2759,0.1667,,0.0,,0.1024,,0.1533,0.0966,0.1091,0.9796,,,0.0,0.2759,0.1667,,0.0,,0.1067,,0.1623,0.0958,0.1052,0.9796,,,0.0,0.2759,0.1667,,0.0,,0.1043,,0.1565,,specific housing,0.1428,"Stone, brick",No,1.0,0.0,1.0,0.0,-1749.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +1230106,148592,Consumer loans,9574.515,158161.5,185301.0,0.0,158161.5,WEDNESDAY,7,Y,1,0.0,,,XAP,Approved,-316,XNA,XAP,,Refreshed,Computers,POS,XNA,Country-wide,300,Connectivity,24.0,low_normal,POS mobile with interest,365243.0,-285.0,405.0,-45.0,-39.0,0.0,0,Cash loans,F,N,Y,0,148500.0,450000.0,29299.5,450000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.010032,-9603,-493,-9590.0,-2227,,1,1,1,1,1,0,,1.0,2,2,THURSDAY,7,0,0,0,0,0,0,Business Entity Type 2,0.44475691303966697,0.630240460872275,0.6738300778602003,0.0835,0.0782,0.9796,0.7212,0.0284,0.04,0.1379,0.25,0.2917,0.0928,0.0681,0.0821,0.0,0.0,0.0756,0.0589,0.9796,0.7321,0.0176,0.0,0.069,0.1667,0.2083,0.0891,0.0661,0.0803,0.0,0.0,0.0843,0.0782,0.9796,0.7249,0.0286,0.04,0.1379,0.25,0.2917,0.0945,0.0693,0.0835,0.0,0.0,reg oper account,block of flats,0.0606,Panel,No,0.0,0.0,0.0,0.0,-316.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1154163,106886,Consumer loans,4640.94,61110.0,70789.5,0.0,61110.0,TUESDAY,8,Y,1,0.0,,,XAP,Approved,-539,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Stone,200,Consumer electronics,18.0,low_normal,POS household with interest,365243.0,-499.0,11.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,81000.0,203760.0,13747.5,180000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.0038130000000000004,-10399,-818,-3107.0,-3058,,1,1,1,1,1,0,Cleaning staff,1.0,2,2,TUESDAY,9,0,0,0,0,0,0,Self-employed,,0.3365620310171145,0.6940926425266661,,,,,,0.0,,,,,,,,,,,,,,0.0,,,,,,,,,,,,,,0.0,,,,,,,,,,,,Others,No,4.0,0.0,4.0,0.0,-621.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1743278,106540,Consumer loans,5510.7,122188.5,122188.5,0.0,122188.5,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-1570,Cash through the bank,XAP,Other_B,New,Audio/Video,POS,XNA,Country-wide,1800,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1539.0,-849.0,-849.0,-841.0,0.0,0,Cash loans,F,N,N,1,209250.0,254700.0,25321.5,225000.0,Children,Working,Secondary / secondary special,Married,House / apartment,0.020713,-14457,-1708,-7503.0,-870,,1,1,0,1,0,0,Cooking staff,3.0,3,2,MONDAY,6,0,0,0,0,0,0,Business Entity Type 3,,0.6417970072242652,0.7874761977281463,0.0825,0.0809,0.9757,0.6668,,0.0,0.1379,0.1667,0.2083,0.045,0.0672,0.0711,0.0,0.0,0.084,0.084,0.9757,0.6798,,0.0,0.1379,0.1667,0.2083,0.0461,0.0735,0.07400000000000001,0.0,0.0,0.0833,0.0809,0.9757,0.6713,,0.0,0.1379,0.1667,0.2083,0.0458,0.0684,0.0723,0.0,0.0,reg oper account,block of flats,0.0559,Panel,No,7.0,0.0,7.0,0.0,-1570.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,1.0 +1864346,397204,Consumer loans,6711.66,37102.5,39060.0,0.0,37102.5,FRIDAY,13,Y,1,0.0,,,XAP,Approved,-559,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,900,Consumer electronics,6.0,low_action,POS household without interest,365243.0,-528.0,-378.0,-468.0,-466.0,0.0,0,Revolving loans,F,Y,N,2,112500.0,225000.0,11250.0,225000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.008473999999999999,-13801,-1099,-3318.0,-3474,7.0,1,1,0,1,0,0,Laborers,4.0,2,2,THURSDAY,10,0,0,0,0,0,0,Self-employed,,0.444820559672896,0.8128226070575616,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2084.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1940413,372713,Consumer loans,9533.115,103320.0,92988.0,10332.0,103320.0,SATURDAY,12,Y,1,0.1089090909090909,,,XAP,Approved,-467,XNA,XAP,,New,Computers,POS,XNA,Country-wide,234,Consumer electronics,12.0,middle,POS household with interest,365243.0,-436.0,-106.0,-346.0,-321.0,0.0,0,Revolving loans,F,N,Y,0,157500.0,450000.0,22500.0,450000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.011703,-19931,-3003,-10585.0,-3367,,1,1,0,1,0,0,Sales staff,1.0,2,2,THURSDAY,11,0,0,0,0,1,1,Self-employed,0.7165995260953173,0.6563300021862242,0.3791004853998145,0.0825,,0.9771,,,0.0,0.1379,0.1667,,,,,,,0.084,,0.9772,,,0.0,0.1379,0.1667,,,,,,,0.0833,,0.9771,,,0.0,0.1379,0.1667,,,,,,,,block of flats,0.0502,"Stone, brick",No,,,,,-467.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1224541,389613,Consumer loans,5859.585,56250.0,56250.0,0.0,56250.0,WEDNESDAY,15,Y,1,0.0,,,XAP,Approved,-1058,Cash through the bank,XAP,Unaccompanied,New,Furniture,POS,XNA,Country-wide,155,Furniture,10.0,low_action,POS industry without interest,365243.0,-1027.0,-757.0,-757.0,-752.0,0.0,0,Cash loans,F,N,N,1,135000.0,490495.5,31477.5,454500.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.030755,-13770,-5298,-860.0,-5293,,1,1,1,1,1,1,Core staff,3.0,2,2,THURSDAY,13,0,0,0,0,0,0,School,0.5844838302317313,0.6427214865316639,0.5370699579791587,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1058.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2661113,166749,Consumer loans,9561.465,47380.5,49882.5,0.0,47380.5,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-619,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Country-wide,1402,Consumer electronics,6.0,middle,POS household with interest,365243.0,-588.0,-438.0,-438.0,-430.0,0.0,0,Revolving loans,F,Y,Y,0,99000.0,135000.0,6750.0,135000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018029,-22745,365243,-2457.0,-4755,1.0,1,0,0,1,0,0,,2.0,3,2,WEDNESDAY,6,0,0,0,0,0,0,XNA,,0.26375037471709584,0.6722428897082422,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-393.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1801674,131587,Consumer loans,4775.715,25335.0,22905.0,3510.0,25335.0,MONDAY,12,Y,1,0.144717361003562,,,XAP,Approved,-1543,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,57,Connectivity,6.0,high,POS mobile with interest,365243.0,-1509.0,-1359.0,-1359.0,-1355.0,0.0,0,Cash loans,M,Y,N,0,130500.0,398016.0,20736.0,360000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.020246,-20912,-9540,-3026.0,-4171,8.0,1,1,0,1,1,0,Laborers,1.0,3,3,TUESDAY,14,0,0,0,0,0,0,Business Entity Type 2,,0.0821872879074899,0.1624419982223248,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-186.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0.0,0.0,0.0,0.0,2.0,0.0 +2812998,363023,Consumer loans,6175.575,67609.485,60849.0,6760.485,67609.485,MONDAY,19,Y,1,0.1089016245952096,0.14244021307945146,0.6379492600422833,XAP,Approved,-548,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,70,Connectivity,12.0,middle,POS mobile with interest,365243.0,-509.0,-179.0,-449.0,-430.0,0.0,1,Cash loans,M,Y,N,0,103500.0,225000.0,21168.0,225000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.026392000000000002,-9785,-157,-4248.0,-1992,2.0,1,1,0,1,0,0,IT staff,1.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,School,0.2605242464718264,0.22121069804632568,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2079255,415386,Consumer loans,9767.565,51525.0,48667.5,5152.5,51525.0,TUESDAY,14,Y,1,0.10426497415627846,,,XAP,Approved,-2457,Cash through the bank,XAP,Children,New,Mobile,POS,XNA,Country-wide,51,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2426.0,-2276.0,-2276.0,-2270.0,1.0,0,Cash loans,F,N,N,1,315000.0,934002.0,59688.0,855000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00733,-17185,-9158,-7278.0,-735,,1,1,0,1,1,0,Medicine staff,3.0,2,2,TUESDAY,13,0,1,1,0,0,0,Medicine,0.5611257286628225,0.3641954959245713,0.4525335592581747,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2457.0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1252058,382374,Consumer loans,3554.91,18261.0,19224.0,0.0,18261.0,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-645,XNA,XAP,,Refreshed,Consumer Electronics,POS,XNA,Country-wide,2547,Consumer electronics,6.0,middle,POS household with interest,365243.0,-614.0,-464.0,-554.0,-547.0,0.0,0,Cash loans,F,Y,N,0,90000.0,427450.5,15970.5,369000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.018634,-23711,365243,-5568.0,-4452,8.0,1,0,0,1,0,0,,1.0,2,2,FRIDAY,15,0,0,0,0,0,0,XNA,0.5295607801980237,0.6295420416749261,0.4311917977993083,0.2247,0.1591,0.9831,0.7688,0.0265,0.16,0.1379,0.3333,0.375,0.0801,0.1816,0.2107,0.0077,0.1465,0.229,0.1651,0.9831,0.7779,0.0268,0.1611,0.1379,0.3333,0.375,0.0819,0.1983,0.2195,0.0078,0.1551,0.2269,0.1591,0.9831,0.7719,0.0267,0.16,0.1379,0.3333,0.375,0.0815,0.1847,0.2144,0.0078,0.1496,org spec account,block of flats,0.2028,"Stone, brick",No,1.0,0.0,1.0,0.0,-71.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2273281,211280,Consumer loans,2961.45,54810.0,65664.0,0.0,54810.0,FRIDAY,15,Y,1,0.0,,,XAP,Approved,-1495,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,149,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1461.0,-771.0,-1041.0,-1038.0,0.0,0,Cash loans,M,Y,Y,0,450000.0,1082214.0,31770.0,945000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-14302,-1681,-1295.0,-4637,13.0,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,10,0,1,1,0,1,1,Business Entity Type 3,,0.6410073504439913,0.6894791426446275,0.0124,0.0,0.9593,0.4424,0.0025,0.0,0.069,0.0417,0.0417,,0.0092,0.0088,0.0039,0.0101,0.0126,0.0,0.9593,0.4642,0.0025,0.0,0.069,0.0417,0.0417,,0.0101,0.0092,0.0039,0.0106,0.0125,0.0,0.9593,0.4499,0.0025,0.0,0.069,0.0417,0.0417,,0.0094,0.009000000000000001,0.0039,0.0103,reg oper account,block of flats,0.0105,Wooden,No,1.0,0.0,1.0,0.0,-1495.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1647252,129609,Cash loans,8207.55,90000.0,98910.0,,90000.0,THURSDAY,13,Y,1,,,,XNA,Approved,-341,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Country-wide,179,Consumer electronics,18.0,high,Cash X-Sell: high,365243.0,-311.0,199.0,-281.0,-275.0,1.0,0,Cash loans,M,Y,Y,0,135000.0,675000.0,28507.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.025164,-16488,-2227,-1853.0,-41,27.0,1,1,1,1,1,0,Low-skill Laborers,2.0,2,2,TUESDAY,10,0,0,0,0,1,1,Self-employed,,0.6118184832132065,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-341.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1762302,113030,Consumer loans,22452.525,472576.5,425317.5,47259.0,472576.5,THURSDAY,14,Y,1,0.10891220209368704,,,XAP,Approved,-602,XNA,XAP,,Repeater,Consumer Electronics,POS,XNA,Stone,20,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-558.0,132.0,-48.0,-39.0,0.0,0,Cash loans,M,Y,Y,0,468000.0,1223010.0,51948.0,1125000.0,"Spouse, partner",State servant,Secondary / secondary special,Married,House / apartment,0.009334,-14887,-3117,-4677.0,-4341,7.0,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,16,0,0,0,0,0,0,Military,0.2696053116424205,0.4160138610069112,0.7380196196295241,0.0773,0.0654,0.9871,0.8232,0.0138,0.0,0.1724,0.1667,0.2083,0.1258,0.063,0.0706,0.0,0.0,0.0788,0.0679,0.9871,0.8301,0.014,0.0,0.1724,0.1667,0.2083,0.1287,0.0689,0.0735,0.0,0.0,0.0781,0.0654,0.9871,0.8256,0.0139,0.0,0.1724,0.1667,0.2083,0.128,0.0641,0.0718,0.0,0.0,reg oper account,block of flats,0.0631,Panel,No,2.0,0.0,2.0,0.0,-1858.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1421320,118731,Revolving loans,21375.0,0.0,427500.0,,,TUESDAY,9,Y,1,,,,XAP,Approved,-697,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,112500.0,288873.0,16713.0,238500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.01885,-19982,-1445,-2380.0,-3269,,1,1,0,1,0,0,Sales staff,1.0,2,2,SATURDAY,9,0,0,0,0,0,0,Trade: type 7,0.642879259637548,0.6682483246166048,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1348.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1235376,333643,Consumer loans,9917.955,117886.5,134001.0,0.0,117886.5,WEDNESDAY,10,Y,1,0.0,,,XAP,Approved,-560,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,550,Consumer electronics,18.0,middle,POS household with interest,365243.0,-527.0,-17.0,-17.0,-10.0,0.0,0,Cash loans,M,Y,N,0,180000.0,273636.0,18283.5,247500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00733,-9961,-1599,-4274.0,-2641,14.0,1,1,1,1,1,0,Laborers,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,Industry: type 11,,0.4331561465027001,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-560.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2202925,400201,Consumer loans,5858.145,56655.0,56655.0,0.0,56655.0,FRIDAY,18,Y,1,0.0,,,XAP,Approved,-361,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Stone,300,Consumer electronics,12.0,middle,POS household with interest,365243.0,-330.0,0.0,365243.0,365243.0,0.0,0,Revolving loans,F,Y,N,0,225000.0,675000.0,33750.0,675000.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.035792000000000004,-16614,-1503,-6142.0,-133,4.0,1,1,0,1,0,0,,1.0,2,2,TUESDAY,9,0,0,0,0,0,0,Other,,0.6205274533453115,0.6413682574954046,0.1485,0.0293,0.9811,,,0.0,0.069,0.1667,,0.0455,,0.0538,,0.0213,0.1513,0.0304,0.9811,,,0.0,0.069,0.1667,,0.0465,,0.056,,0.0225,0.1499,0.0293,0.9811,,,0.0,0.069,0.1667,,0.0463,,0.0547,,0.0217,,specific housing,0.0475,Block,No,0.0,0.0,0.0,0.0,-1974.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1642054,386496,Revolving loans,12375.0,247500.0,247500.0,,247500.0,WEDNESDAY,11,Y,1,,,,XAP,Approved,-499,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-364.0,-337.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,216000.0,327024.0,20137.5,270000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.018634,-13254,-5330,-2814.0,-3389,,1,1,0,1,0,0,Medicine staff,2.0,2,2,FRIDAY,17,0,0,0,0,0,0,Medicine,0.3029107781040972,0.5869405754329791,0.6674577419214722,0.0093,,0.9712,,,,,0.0417,,,,,,,0.0095,,0.9712,,,,,0.0417,,,,,,,0.0094,,0.9712,,,,,0.0417,,,,,,,,,0.0062,,No,1.0,0.0,1.0,0.0,-829.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1011144,376741,Consumer loans,5477.04,44320.5,48222.0,0.0,44320.5,SUNDAY,16,Y,1,0.0,,,XAP,Approved,-432,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Country-wide,52,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-401.0,-131.0,-131.0,-124.0,0.0,0,Cash loans,F,N,Y,2,135000.0,1082214.0,31770.0,945000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019101,-14430,-2242,-7233.0,-4915,,1,1,0,1,0,0,,4.0,2,2,FRIDAY,14,0,0,0,0,1,1,Housing,0.5246252285516496,0.09925259313015322,0.17982176508970435,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-432.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1896128,248538,Cash loans,39537.27,450000.0,546178.5,,450000.0,SATURDAY,11,Y,1,,,,XNA,Approved,-781,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-751.0,-241.0,-241.0,-234.0,1.0,0,Cash loans,F,N,Y,0,90000.0,344803.5,24651.0,319500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.02461,-17121,-1101,-7114.0,-657,,1,1,0,1,1,0,Medicine staff,2.0,2,2,WEDNESDAY,11,0,0,0,0,1,1,Medicine,0.6813070486328563,0.5075237639305742,0.7738956942145427,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-957.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1999153,353655,Cash loans,87936.615,900000.0,926136.0,,900000.0,THURSDAY,12,Y,1,,,,XNA,Approved,-186,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-156.0,174.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,3,315000.0,1185282.0,38367.0,1035000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.022625,-13621,-4729,-387.0,-3888,12.0,1,1,0,1,0,0,,5.0,2,2,MONDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.4022808189211787,0.7503751495159068,0.0,,0.0,,,0.0,,,,,,,,,0.0,,0.0005,,,0.0,,,,,,,,,0.0,,0.0,,,0.0,,,,,,,,,,block of flats,0.0,,No,0.0,0.0,0.0,0.0,-266.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,1.0,0.0,0.0,0.0,6.0 +1834044,427960,Revolving loans,6750.0,135000.0,135000.0,,135000.0,MONDAY,17,Y,1,,,,XAP,Refused,-721,XNA,SCO,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,180000.0,1288350.0,37800.0,1125000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.019101,-13323,-2901,-1006.0,-3867,,1,1,0,1,0,1,Core staff,2.0,2,2,MONDAY,11,0,0,0,0,0,0,School,0.5417735622410734,0.6689363634246607,0.4848514754962666,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1800.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1147555,251094,Cash loans,28217.07,675000.0,781920.0,,675000.0,SATURDAY,7,Y,1,,,,XNA,Refused,-121,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,1,Cash loans,M,Y,Y,2,157500.0,436032.0,21339.0,360000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-15104,-2335,-5330.0,-2908,11.0,1,1,0,1,1,0,Low-skill Laborers,4.0,3,3,MONDAY,8,0,0,0,0,0,0,Trade: type 7,0.2284734977233112,0.0623808395299977,0.4223696523543468,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,2.0,4.0,0.0,-1327.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1024720,195700,Cash loans,25209.27,450000.0,521280.0,,450000.0,THURSDAY,13,Y,1,,,,XNA,Approved,-40,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,157500.0,539100.0,27693.0,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.019101,-21741,365243,-354.0,-441,,1,0,0,1,0,1,,1.0,2,2,TUESDAY,12,0,0,0,0,0,0,XNA,,0.6867776956144921,0.22888341670067305,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,1.0,0.0,-392.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,2.0 +2729622,275092,Cash loans,14103.585,157500.0,173092.5,0.0,157500.0,FRIDAY,8,Y,1,0.0,,,XNA,Approved,-2336,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,10,Consumer electronics,18.0,high,Cash Street: high,365243.0,-2306.0,-1796.0,-1796.0,-1788.0,1.0,0,Cash loans,M,Y,N,3,81000.0,518562.0,25078.5,463500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-15942,-1728,-1160.0,-4382,26.0,1,1,0,1,0,0,Laborers,5.0,2,2,WEDNESDAY,9,0,0,0,0,1,1,Transport: type 4,0.4289942505327529,0.4272598035119053,0.5673792367572691,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,10.0,0.0,9.0,0.0,-408.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1577874,451097,Cash loans,36643.68,675000.0,721332.0,,675000.0,FRIDAY,11,Y,1,,,,XNA,Approved,-257,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_action,Cash X-Sell: low,365243.0,-227.0,463.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,0,101250.0,119925.0,11988.0,112500.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.019101,-21557,365243,-2518.0,-173,13.0,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,XNA,,0.25634082347862586,0.7583930617144343,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-2454.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1482717,414652,Consumer loans,12004.29,68625.0,64818.0,6862.5,68625.0,THURSDAY,10,Y,1,0.10426666057904672,,,XAP,Refused,-2113,Cash through the bank,HC,,Repeater,Clothing and Accessories,POS,XNA,Stone,10,Clothing,6.0,middle,POS industry with interest,,,,,,,0,Cash loans,F,N,N,0,427500.0,1350000.0,92596.5,1350000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.018029,-22619,365243,-4146.0,-4158,,1,0,0,1,1,0,,1.0,3,2,FRIDAY,15,0,0,0,0,0,0,XNA,,0.17133942971863192,0.4418358231994413,0.199,0.1355,0.9846,0.7892,0.0953,0.24,0.2069,0.3333,0.375,0.1584,0.1505,0.1994,0.0541,0.0708,0.2027,0.1406,0.9846,0.7975,0.0962,0.2417,0.2069,0.3333,0.375,0.162,0.1644,0.2077,0.0545,0.0749,0.2009,0.1355,0.9846,0.792,0.0959,0.24,0.2069,0.3333,0.375,0.1611,0.1531,0.203,0.0543,0.0723,reg oper account,block of flats,0.2241,Panel,No,0.0,0.0,0.0,0.0,-865.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1799100,126230,Cash loans,29606.355,450000.0,653706.0,,450000.0,SATURDAY,10,Y,1,,,,XNA,Approved,-1061,Cash through the bank,XAP,Other_A,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-1031.0,379.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,2,67500.0,148500.0,10759.5,148500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.01885,-12357,-2706,-2849.0,-246,,1,1,1,1,1,0,Core staff,4.0,2,2,TUESDAY,13,0,0,0,0,0,0,School,0.5890662052900002,0.637487436555786,,0.1268,0.0,0.9727,0.626,0.0117,0.0,0.1034,0.125,0.1667,0.0054,0.1034,0.0293,0.0,0.0,0.1292,0.0,0.9727,0.6406,0.0118,0.0,0.1034,0.125,0.1667,0.0055,0.1129,0.0305,0.0,0.0,0.128,0.0,0.9727,0.631,0.0117,0.0,0.1034,0.125,0.1667,0.0055,0.1052,0.0298,0.0,0.0,reg oper account,block of flats,0.0302,"Stone, brick",No,3.0,1.0,3.0,1.0,-1670.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1364400,177782,Consumer loans,7504.425,69700.5,62730.0,6970.5,69700.5,SATURDAY,12,Y,1,0.10891612229206653,,,XAP,Approved,-485,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Country-wide,240,Consumer electronics,10.0,middle,POS household with interest,365243.0,-454.0,-184.0,-214.0,-211.0,0.0,0,Cash loans,M,N,Y,0,202500.0,1057266.0,44923.5,945000.0,Family,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.019688999999999998,-17991,-2036,-8984.0,-1495,,1,1,0,1,0,0,Drivers,2.0,2,2,MONDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.7030978053404182,0.6658549219640212,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1246949,323262,Cash loans,24425.64,337500.0,373140.0,,337500.0,FRIDAY,14,Y,1,,,,XNA,Refused,-333,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,,,,,,,1,Cash loans,F,N,Y,0,247500.0,2085120.0,72607.5,1800000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-18948,-7909,-1309.0,-2505,,1,1,0,1,0,0,Medicine staff,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,Medicine,0.7379171970775473,0.3155209629503257,0.14825437906109115,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1580.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1839473,253192,Cash loans,49640.85,454500.0,472500.0,,454500.0,SUNDAY,11,Y,1,,,,XNA,Approved,-345,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-315.0,15.0,-45.0,-37.0,1.0,0,Cash loans,F,N,N,1,225000.0,993082.5,38988.0,913500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.018801,-10786,-2671,-1051.0,-3378,,1,1,0,1,0,0,High skill tech staff,3.0,2,2,MONDAY,14,0,0,0,1,1,0,Business Entity Type 3,0.5007298687990414,0.11816660952187773,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-345.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +1024854,120621,Consumer loans,7805.61,35955.0,38281.5,3595.5,35955.0,SATURDAY,8,Y,1,0.09350780532598713,,,XAP,Approved,-1801,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,6.0,high,POS mobile with interest,365243.0,-1765.0,-1615.0,-1615.0,-1611.0,0.0,1,Cash loans,F,N,N,0,274500.0,239850.0,23494.5,225000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.010006000000000001,-24552,365243,-11549.0,-4240,,1,0,0,1,1,0,,2.0,2,1,MONDAY,9,0,0,0,0,0,0,XNA,,0.0485292418232926,0.5762088360175724,0.0588,0.0713,0.9796,0.7212,0.0155,0.0,0.1379,0.1667,0.2083,0.0592,0.0462,0.068,0.0077,0.0119,0.0599,0.07400000000000001,0.9796,0.7321,0.0157,0.0,0.1379,0.1667,0.2083,0.0605,0.0505,0.0709,0.0078,0.0126,0.0593,0.0713,0.9796,0.7249,0.0156,0.0,0.1379,0.1667,0.2083,0.0602,0.047,0.0692,0.0078,0.0121,reg oper account,block of flats,0.0646,Panel,No,2.0,1.0,2.0,1.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1916372,146417,Consumer loans,6796.305,67972.5,61173.0,6799.5,67972.5,THURSDAY,14,Y,1,0.10894514158466498,,,XAP,Approved,-2654,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Stone,40,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-2619.0,-2349.0,-2379.0,-2371.0,0.0,0,Cash loans,M,Y,Y,1,121500.0,785398.5,40230.0,702000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.025164,-14619,-5438,-3626.0,-5135,15.0,1,1,0,1,0,0,Laborers,3.0,2,2,FRIDAY,13,0,0,0,0,1,1,Business Entity Type 3,,0.4938628680119328,0.7826078370261895,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-2654.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1519433,268493,Consumer loans,6023.115,49455.0,48181.5,4945.5,49455.0,THURSDAY,17,Y,1,0.10138157793417826,,,XAP,Approved,-1413,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,45,Connectivity,10.0,middle,POS mobile with interest,365243.0,-1382.0,-1112.0,-1112.0,-1108.0,0.0,0,Cash loans,F,N,N,1,112500.0,497520.0,28561.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-12146,-1814,-3383.0,-2469,,1,1,0,1,0,0,Accountants,3.0,2,2,MONDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.8394843771940185,0.5745729836040462,,0.0722,,0.9762,,,,0.1379,0.1667,,,,0.0691,,,0.0735,,0.9762,,,,0.1379,0.1667,,,,0.07200000000000001,,,0.0729,,0.9762,,,,0.1379,0.1667,,,,0.0704,,,,block of flats,0.0544,"Stone, brick",No,0.0,0.0,0.0,0.0,-1700.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1183176,435414,Revolving loans,2250.0,0.0,45000.0,,,MONDAY,16,Y,1,,,,XAP,Approved,-1290,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,157500.0,450000.0,21109.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.0228,-12673,-3680,-258.0,-5339,4.0,1,1,0,1,1,0,Private service staff,1.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,Self-employed,0.8145474932942471,0.5338665699964551,0.39277386060313396,0.189,0.195,0.9935,0.8436,0.0241,0.2,0.1607,0.3608,0.0,0.0582,0.1076,0.1959,0.0965,0.2303,0.0945,0.0724,0.9886,0.8497,0.0243,0.0806,0.069,0.375,0.0,0.0595,0.1175,0.0987,0.0973,0.2438,0.1593,0.1491,0.996,0.8457,0.0243,0.16,0.1379,0.375,0.0,0.0592,0.1095,0.1365,0.097,0.2351,reg oper account,block of flats,0.1687,"Stone, brick",No,9.0,0.0,9.0,0.0,-553.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1102304,383033,Cash loans,9949.59,45000.0,50463.0,,45000.0,MONDAY,13,Y,1,,,,XNA,Approved,-1127,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,high,Cash X-Sell: high,365243.0,-1097.0,-947.0,-1037.0,-1030.0,1.0,0,Cash loans,M,N,Y,0,202500.0,983299.5,41791.5,904500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.025164,-20743,-3887,-2476.0,-798,,1,1,0,1,0,0,Drivers,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Self-employed,,0.2934205527885729,0.060443691326567524,0.0515,0.0139,0.9752,0.66,0.005,0.0,0.1034,0.1667,0.2083,0.0273,0.0412,0.0412,0.0039,0.0252,0.0525,0.0144,0.9752,0.6733,0.005,0.0,0.1034,0.1667,0.2083,0.0279,0.045,0.0429,0.0039,0.0266,0.052000000000000005,0.0139,0.9752,0.6645,0.005,0.0,0.1034,0.1667,0.2083,0.0278,0.0419,0.0419,0.0039,0.0257,reg oper account,block of flats,0.0375,"Stone, brick",No,0.0,0.0,0.0,0.0,-1464.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +1619983,338685,Consumer loans,5929.425,38970.0,37386.0,3897.0,38970.0,TUESDAY,14,Y,1,0.10280714271557956,,,XAP,Approved,-2619,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,70,Connectivity,8.0,low_normal,POS mobile with interest,365243.0,-2588.0,-2378.0,-2378.0,-2376.0,1.0,0,Cash loans,F,N,N,2,112500.0,270000.0,21775.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-13623,-3053,-3004.0,-4062,,1,1,1,1,0,0,,4.0,3,3,WEDNESDAY,6,0,0,0,0,0,0,Business Entity Type 2,0.5168379295410234,0.2572088573199391,,0.0835,0.0673,0.9821,0.7552,0.027000000000000003,0.04,0.1379,0.25,0.2917,0.0696,0.0681,0.0807,0.0,0.0,0.0651,0.0488,0.9767,0.6929,0.0128,0.0,0.069,0.1667,0.2083,0.0467,0.0569,0.0719,0.0,0.0,0.0843,0.0673,0.9821,0.7585,0.0272,0.04,0.1379,0.25,0.2917,0.0708,0.0693,0.0822,0.0,0.0,reg oper account,block of flats,0.0543,Block,No,2.0,0.0,2.0,0.0,-2337.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2549171,209530,Revolving loans,13500.0,270000.0,270000.0,,270000.0,TUESDAY,17,Y,1,,,,XAP,Refused,-290,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,180000.0,760225.5,30280.5,679500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.010147,-21447,365243,-10713.0,-3572,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,10,0,0,0,0,0,0,XNA,,0.7805274593610608,0.6817058776720116,0.0515,0.0,0.9762,0.6736,0.0034,0.0,0.069,0.1667,0.2083,0.042,0.0336,0.027000000000000003,0.0386,0.0159,0.0525,0.0,0.9762,0.6864,0.0035,0.0,0.069,0.1667,0.2083,0.0429,0.0367,0.0282,0.0389,0.0168,0.052000000000000005,0.0,0.9762,0.6779999999999999,0.0035,0.0,0.069,0.1667,0.2083,0.0427,0.0342,0.0275,0.0388,0.0162,,block of flats,0.0266,"Stone, brick",No,0.0,0.0,0.0,0.0,-1197.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +1992120,164306,Cash loans,26275.95,180000.0,220302.0,,180000.0,WEDNESDAY,9,Y,1,,,,Urgent needs,Refused,-519,Cash through the bank,LIMIT,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,M,Y,N,1,391500.0,1021707.0,39892.5,882000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,Municipal apartment,0.04622,-15704,-5437,-8325.0,-3921,5.0,1,1,0,1,1,0,Drivers,3.0,1,1,THURSDAY,14,0,0,0,0,0,0,Industry: type 11,0.33946206776219445,0.7201027565941746,0.4561097392782771,0.0082,,0.9632,,,0.0,0.069,0.0417,,,,0.0084,,,0.0084,,0.9633,,,0.0,0.069,0.0417,,,,0.0088,,,0.0083,,0.9632,,,0.0,0.069,0.0417,,,,0.0086,,,,block of flats,0.0075,Wooden,No,0.0,0.0,0.0,0.0,-248.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1187093,125299,Cash loans,22119.705,202500.0,215865.0,,202500.0,THURSDAY,10,Y,1,,,,XNA,Approved,-680,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-650.0,-320.0,-320.0,-313.0,1.0,0,Cash loans,M,Y,Y,0,144000.0,239850.0,23494.5,225000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-24387,365243,-8914.0,-4753,14.0,1,0,0,1,0,0,,2.0,2,2,FRIDAY,16,0,0,0,0,0,0,XNA,,0.3629709888682018,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2435560,233256,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SUNDAY,17,Y,1,,,,XAP,Approved,-338,XNA,XAP,Family,Repeater,XNA,Cards,walk-in,Stone,10,Clothing,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,3,270000.0,500211.0,51385.5,463500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010147,-13600,-120,-119.0,-4137,8.0,1,1,0,1,0,0,Drivers,5.0,2,2,TUESDAY,12,0,0,0,0,0,0,Self-employed,0.25817597900933564,0.6665202249613107,0.6754132910917112,0.2918,0.1888,0.9891,0.8504,0.0486,0.28,0.2414,0.375,0.4167,0.1563,0.2379,0.2988,0.0,0.0,0.2973,0.1959,0.9891,0.8563,0.0491,0.282,0.2414,0.375,0.4167,0.1598,0.2599,0.3113,0.0,0.0,0.2946,0.1888,0.9891,0.8524,0.0489,0.28,0.2414,0.375,0.4167,0.159,0.242,0.3042,0.0,0.0,,block of flats,0.2616,Panel,No,0.0,0.0,0.0,0.0,-529.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1999075,376901,Revolving loans,22500.0,0.0,450000.0,,,WEDNESDAY,13,Y,1,,,,XAP,Approved,-982,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-980.0,-928.0,365243.0,-775.0,-288.0,0.0,0,Cash loans,F,N,Y,0,90000.0,265536.0,13684.5,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-20074,-221,-1264.0,-3559,,1,1,0,1,0,0,Medicine staff,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Kindergarten,,0.6624640874798874,0.266456808245056,0.132,0.046,0.9856,0.8028,0.0375,0.08,0.0345,0.625,0.6667,0.0116,0.1067,0.1327,0.0039,0.0011,0.1345,0.0478,0.9856,0.8105,0.0378,0.0806,0.0345,0.625,0.6667,0.0119,0.1166,0.1382,0.0039,0.0011,0.1332,0.046,0.9856,0.8054,0.0377,0.08,0.0345,0.625,0.6667,0.0118,0.1086,0.1351,0.0039,0.0011,reg oper account,block of flats,0.1251,Monolithic,No,0.0,0.0,0.0,0.0,-1428.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2417316,440256,Revolving loans,11025.0,0.0,157500.0,,0.0,THURSDAY,9,Y,1,,,,XAP,Refused,-1362,XNA,SCO,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,N,0,153000.0,630747.0,18441.0,526500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-19510,-4555,-5957.0,-2992,,1,1,0,1,0,0,Core staff,2.0,2,2,MONDAY,8,0,0,0,0,0,0,Services,0.6384042691203542,0.7307254673217513,,0.0784,0.0729,0.9742,0.6464,0.0072,0.0,0.1379,0.1525,0.1942,0.2608,0.0628,0.0587,0.0051,0.0043,0.0704,0.0624,0.9747,0.6668,0.0063,0.0,0.1379,0.1667,0.2083,0.2667,0.0735,0.0513,0.0,0.0,0.0833,0.0789,0.9747,0.6578,0.0077,0.0,0.1379,0.1667,0.2083,0.2653,0.0684,0.0643,0.0039,0.0064,reg oper account,block of flats,0.0435,"Stone, brick",No,3.0,0.0,3.0,0.0,-1369.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2822334,157814,Cash loans,17485.29,315000.0,383193.0,,315000.0,MONDAY,11,Y,1,,,,XNA,Approved,-532,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-502.0,908.0,365243.0,365243.0,1.0,0,Revolving loans,F,N,Y,0,135000.0,405000.0,20250.0,405000.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,House / apartment,0.030755,-21286,-3374,-9825.0,-4679,,1,1,0,1,0,0,Security staff,1.0,2,2,MONDAY,11,0,0,0,0,0,0,Kindergarten,0.8310646949064964,0.5468953479491195,0.33285056416487313,0.0412,0.0691,0.9871,,,0.0,0.1379,0.1667,,0.0167,,0.0531,,0.0138,0.042,0.0717,0.9871,,,0.0,0.1379,0.1667,,0.017,,0.0553,,0.0147,0.0416,0.0691,0.9871,,,0.0,0.1379,0.1667,,0.017,,0.0541,,0.0141,,block of flats,0.0462,"Stone, brick",No,1.0,0.0,1.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +2706729,174534,Cash loans,59485.5,2250000.0,2250000.0,,2250000.0,SATURDAY,8,Y,1,,,,XNA,Approved,-523,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_action,Cash X-Sell: low,365243.0,-493.0,1277.0,-363.0,-354.0,0.0,0,Cash loans,M,Y,Y,0,180000.0,1078200.0,31653.0,900000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.04622,-23342,365243,-56.0,-4052,7.0,1,0,0,1,0,0,,2.0,1,1,THURSDAY,16,0,0,0,0,0,0,XNA,,0.3594340290044468,0.6212263380626669,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1562.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1304947,111782,Consumer loans,3912.57,93942.0,83961.0,9981.0,93942.0,WEDNESDAY,13,Y,1,0.11571199637687465,,,XAP,Approved,-2681,Cash through the bank,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Country-wide,2148,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-2650.0,-1960.0,-1960.0,-1956.0,0.0,0,Cash loans,M,Y,N,0,94500.0,1546020.0,42642.0,1350000.0,"Spouse, partner",Pensioner,Higher education,Married,House / apartment,0.010556,-23543,365243,-3892.0,-5097,7.0,1,0,0,1,0,0,,2.0,3,3,WEDNESDAY,11,0,0,0,0,0,0,XNA,,0.5886837059456408,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1826.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1970278,293360,Consumer loans,3097.935,24169.14,24165.0,4.14,24169.14,FRIDAY,17,Y,1,0.00018655344640464518,,,XAP,Approved,-1649,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Country-wide,563,Consumer electronics,10.0,high,POS household with interest,365243.0,-1612.0,-1342.0,-1402.0,-1394.0,0.0,0,Cash loans,M,Y,N,2,202500.0,454500.0,46570.5,454500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-12013,-791,-1378.0,-4184,3.0,1,1,0,1,0,0,Laborers,4.0,2,2,MONDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.6136553749013692,,0.0674,0.0503,0.9821,,,0.0264,0.1148,0.1804,,0.0489,,0.0553,,0.0037,0.084,0.0522,0.9747,,,0.0,0.1379,0.1667,,0.05,,0.0411,,0.0032,0.0833,0.0503,0.9747,,,0.0,0.1379,0.1667,,0.0497,,0.0639,,0.0037,,block of flats,0.05,"Stone, brick",No,0.0,0.0,0.0,0.0,-1333.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2090263,227373,Revolving loans,6750.0,135000.0,135000.0,,135000.0,WEDNESDAY,14,Y,1,,,,XAP,Approved,-500,XNA,XAP,,New,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-499.0,-452.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,F,Y,N,0,157500.0,441000.0,21447.0,441000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.019101,-8919,-1803,-2101.0,-1583,14.0,1,1,1,1,0,1,Core staff,1.0,2,2,SATURDAY,15,0,0,0,0,0,0,Trade: type 7,0.1821171053425319,0.20184777676494714,0.05842784088634019,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,2.0,5.0,2.0,-797.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1645662,226276,Consumer loans,5583.195,22860.0,27153.0,0.0,22860.0,WEDNESDAY,10,Y,1,0.0,,,XAP,Approved,-677,Cash through the bank,XAP,,New,Auto Accessories,POS,XNA,Country-wide,230,Industry,6.0,high,POS other with interest,365243.0,-646.0,-496.0,-496.0,-490.0,0.0,0,Cash loans,M,Y,N,1,99000.0,207396.0,16515.0,157500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.002134,-10675,-1046,-459.0,-1836,19.0,1,1,0,1,0,0,Drivers,3.0,3,3,MONDAY,10,0,0,0,0,0,0,Government,,0.3496313467837966,0.33285056416487313,0.0144,0.0364,,0.7076,0.0,0.0,0.069,0.0417,0.0833,0.0008,0.0101,0.0098,0.0077,0.0029,0.0147,0.0377,,0.7190000000000001,0.0,0.0,0.069,0.0417,0.0833,0.0008,0.011,0.0102,0.0078,0.003,0.0146,0.0364,,0.7115,0.0,0.0,0.069,0.0417,0.0833,0.0008,0.0103,0.01,0.0078,0.0029,reg oper account,block of flats,0.0083,Wooden,No,5.0,2.0,5.0,1.0,-677.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,2.0 +2240675,143687,Consumer loans,1869.435,18522.0,18522.0,0.0,18522.0,MONDAY,9,Y,1,0.0,,,XAP,Approved,-309,Cash through the bank,XAP,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Stone,150,Consumer electronics,12.0,middle,POS household with interest,365243.0,-276.0,54.0,-186.0,-184.0,0.0,0,Cash loans,F,N,N,0,157500.0,495000.0,23814.0,495000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-14746,-1040,-1028.0,-2421,,1,1,0,1,0,0,Cooking staff,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.14883909665452694,0.3506958432829587,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,3.0,3.0,3.0,-476.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1033817,280428,Revolving loans,6750.0,135000.0,135000.0,,135000.0,FRIDAY,14,Y,1,,,,XAP,Approved,-191,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,193500.0,888840.0,32053.5,675000.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018634,-16405,-5380,-8731.0,-4077,,1,1,0,1,0,0,Security staff,2.0,2,2,SUNDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.7427146348209365,,0.1082,0.1175,0.9791,0.7144,0.0,0.0,0.2414,0.1667,0.2083,0.0704,0.0883,0.1013,0.0,0.1504,0.1103,0.1219,0.9791,0.7256,0.0,0.0,0.2414,0.1667,0.2083,0.07200000000000001,0.0964,0.1055,0.0,0.1592,0.1093,0.1175,0.9791,0.7182,0.0,0.0,0.2414,0.1667,0.2083,0.0716,0.0898,0.1031,0.0,0.1536,reg oper account,block of flats,0.1124,Panel,No,0.0,0.0,0.0,0.0,-191.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2079208,383486,Consumer loans,13946.31,136719.0,136035.0,13675.5,136719.0,MONDAY,16,Y,1,0.09948442311843676,,,XAP,Approved,-431,Cash through the bank,XAP,Unaccompanied,Refreshed,Consumer Electronics,POS,XNA,Regional / Local,43,Consumer electronics,12.0,middle,POS household with interest,365243.0,-400.0,-70.0,-250.0,-243.0,0.0,0,Cash loans,F,N,N,0,67500.0,270000.0,27796.5,270000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.01885,-21619,365243,-6267.0,-5029,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,XNA,0.6991785149576433,0.5121196166407329,0.6956219298394389,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1685.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1340045,310349,Cash loans,5246.01,45000.0,47970.0,0.0,45000.0,SUNDAY,14,Y,1,0.0,,,XNA,Approved,-2493,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,high,Cash Street: high,365243.0,-2463.0,-2133.0,-2133.0,-2129.0,1.0,1,Cash loans,F,N,N,0,67500.0,247500.0,8586.0,247500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,Municipal apartment,0.028663,-20333,365243,-10457.0,-3896,,1,0,0,1,0,0,,1.0,2,2,MONDAY,10,0,0,0,0,0,0,XNA,,0.5507073593136236,0.7922644738669378,0.0975,0.0627,0.9821,0.7959999999999999,0.0164,0.064,0.069,0.275,0.375,0.0226,0.0902,0.0793,0.0013,0.0019,0.0084,0.0206,0.9851,0.804,0.0074,0.0806,0.069,0.3333,0.375,0.0,0.0331,0.0084,0.0,0.0,0.0749,0.0656,0.9851,0.7987,0.0136,0.08,0.069,0.3333,0.375,0.0157,0.0616,0.0771,0.0,0.0019,reg oper account,block of flats,0.0304,Panel,No,3.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1811131,355683,Cash loans,10792.755,135000.0,152820.0,,135000.0,WEDNESDAY,15,Y,1,,,,XNA,Approved,-836,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-806.0,-116.0,-146.0,-139.0,1.0,0,Cash loans,M,N,Y,0,202500.0,327024.0,21420.0,270000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.006233,-18985,-2192,-7696.0,-2508,,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.7023669049723422,0.8083935912119442,0.9701,,,,,0.08,0.0345,0.3333,0.375,,0.7909,,0.0,,0.9884,,,,,0.0806,0.0345,0.3333,0.375,,0.8641,,0.0,,0.9795,,,,,0.08,0.0345,0.3333,0.375,,0.8046,,0.0,,not specified,specific housing,0.1227,Panel,No,0.0,0.0,0.0,0.0,-1411.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2293698,161939,Cash loans,,0.0,0.0,,,THURSDAY,12,Y,1,,,,XNA,Refused,-205,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,157500.0,284400.0,16011.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,Office apartment,0.009175,-13980,-2173,-7759.0,-4277,,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.013781424651498907,0.2735646775174348,0.1495,0.0663,0.9876,0.83,0.0539,0.16,0.069,0.5833,0.625,0.0386,0.1168,0.1689,0.0232,0.1043,0.1523,0.0688,0.9876,0.8367,0.0544,0.1611,0.069,0.5833,0.625,0.0394,0.1276,0.17600000000000002,0.0233,0.1104,0.1509,0.0663,0.9876,0.8323,0.0543,0.16,0.069,0.5833,0.625,0.0392,0.1189,0.1719,0.0233,0.1065,reg oper account,block of flats,0.185,"Stone, brick",No,1.0,0.0,1.0,0.0,-1880.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1788421,186861,Cash loans,11386.17,90000.0,95940.0,,90000.0,THURSDAY,14,Y,1,,,,Education,Refused,-338,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,N,1,112500.0,536917.5,19413.0,463500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.009175,-15177,-975,-2310.0,-3941,,1,1,0,1,0,0,Accountants,3.0,2,2,SATURDAY,17,0,0,0,0,0,0,Business Entity Type 2,,0.28465836056890337,0.646329897706246,0.1495,0.0814,0.9851,0.7959999999999999,0.028,0.04,0.0345,0.3333,0.375,0.0267,0.1202,0.1053,0.0077,0.0223,0.1523,0.0844,0.9851,0.804,0.0283,0.0403,0.0345,0.3333,0.375,0.0273,0.1313,0.1097,0.0078,0.0237,0.1509,0.0814,0.9851,0.7987,0.0282,0.04,0.0345,0.3333,0.375,0.0271,0.1223,0.1072,0.0078,0.0228,reg oper spec account,block of flats,0.0828,"Stone, brick",No,0.0,0.0,0.0,0.0,-1955.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2424733,415830,Consumer loans,7876.44,81675.0,80784.0,8167.5,81675.0,MONDAY,14,Y,1,0.1,,,XAP,Approved,-2542,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Stone,157,Furniture,12.0,middle,POS industry with interest,365243.0,-2511.0,-2181.0,-2181.0,-2179.0,1.0,0,Cash loans,F,N,Y,0,135000.0,601677.0,22810.5,423000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-16030,-3497,-9636.0,-3499,,1,1,0,1,0,0,,2.0,3,2,TUESDAY,7,0,0,0,0,0,0,Business Entity Type 3,,0.6040682859110671,0.3723336657058204,0.2247,0.1812,0.9811,0.7416,0.1635,0.28,0.2414,0.3333,0.375,0.14,0.1824,0.2685,0.0039,0.0048,0.229,0.188,0.9811,0.7517,0.165,0.282,0.2414,0.3333,0.375,0.1432,0.1993,0.2798,0.0039,0.0051,0.2269,0.1812,0.9811,0.7451,0.1645,0.28,0.2414,0.3333,0.375,0.1424,0.1856,0.2734,0.0039,0.0049,reg oper account,block of flats,0.2123,Panel,No,0.0,0.0,0.0,0.0,-2738.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +1661481,293138,Revolving loans,11250.0,0.0,225000.0,,,WEDNESDAY,12,Y,1,,,,XAP,Approved,-1209,XNA,XAP,,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,1,153000.0,1236816.0,36292.5,1080000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-15532,-859,-3056.0,-4857,11.0,1,1,1,1,0,0,Drivers,3.0,2,2,MONDAY,16,0,0,0,0,1,1,Government,0.3986025567999264,0.5804260123525763,0.622922000268356,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2017.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1730135,219222,Cash loans,36778.41,315000.0,332046.0,,315000.0,FRIDAY,17,Y,1,,,,XNA,Approved,-993,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-963.0,-633.0,-633.0,-627.0,1.0,0,Cash loans,M,N,Y,0,135000.0,1096020.0,52857.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.072508,-10272,-1531,-4941.0,-2925,,1,1,0,1,0,1,Core staff,1.0,1,1,THURSDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.4990547829947194,0.7820669150218568,,0.1655,0.1252,0.9901,0.8640000000000001,0.0998,0.28,0.1724,0.6042,0.5417,0.0,0.1315,0.2098,0.0154,0.0238,0.1565,0.0737,0.9901,0.8693,0.0985,0.2417,0.069,0.3333,0.1667,0.0,0.1331,0.2049,0.0156,0.0118,0.1671,0.1252,0.9901,0.8658,0.1004,0.28,0.1724,0.6042,0.5417,0.0,0.1338,0.2136,0.0155,0.0243,reg oper account,block of flats,0.1571,Panel,No,0.0,0.0,0.0,0.0,-1444.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1154699,141197,Consumer loans,13744.89,87295.5,76959.0,13968.0,87295.5,WEDNESDAY,15,Y,1,0.16730368117480846,,,XAP,Approved,-2619,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,854,Consumer electronics,6.0,low_normal,POS household without interest,365243.0,-2588.0,-2438.0,-2438.0,-2433.0,1.0,0,Cash loans,F,N,N,0,135000.0,337500.0,16546.5,337500.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.014519999999999996,-13720,-5604,-4705.0,-3417,,1,1,0,1,1,0,Laborers,1.0,2,2,THURSDAY,6,0,0,0,0,0,0,Transport: type 4,0.4524292459559891,0.6566209593226383,0.646329897706246,0.1979,0.1487,0.9856,0.7959999999999999,0.0599,0.0664,0.1607,0.2617,0.2083,0.0713,0.1589,0.1138,0.0116,0.026,0.1954,0.0773,0.9821,0.7648,0.0604,0.0,0.069,0.3333,0.0417,0.0458,0.1653,0.0539,0.0,0.0,0.1999,0.1487,0.9856,0.8054,0.0603,0.04,0.1552,0.3333,0.2083,0.0737,0.1616,0.1086,0.0116,0.0043,reg oper account,block of flats,0.2072,"Stone, brick",No,0.0,0.0,0.0,0.0,-2619.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1944501,442533,Revolving loans,2250.0,0.0,45000.0,,,FRIDAY,14,Y,1,,,,XAP,Approved,-2404,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,0,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,M,N,Y,0,225000.0,278460.0,21676.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-18091,-5293,-2663.0,-1631,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,14,0,0,0,0,1,1,Transport: type 4,,0.6615491051222295,0.3201633668633456,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-297.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2664765,381823,Cash loans,,0.0,0.0,,,SATURDAY,12,Y,1,,,,XNA,Refused,-285,XNA,HC,,Repeater,XNA,XNA,XNA,Contact center,0,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,Y,Y,1,292500.0,835380.0,42781.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.006629,-10195,-815,-477.0,-1765,12.0,1,1,0,1,0,0,Sales staff,3.0,2,2,THURSDAY,10,0,0,0,1,1,0,Other,,0.5685863361792928,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2256222,116728,Revolving loans,6750.0,0.0,135000.0,,,FRIDAY,11,Y,1,,,,XAP,Approved,-2307,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,0,XNA,0.0,XNA,Card X-Sell,-2272.0,-2233.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,112500.0,1350000.0,37125.0,1350000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018801,-21817,365243,-1363.0,-2479,16.0,1,0,0,1,0,0,,2.0,2,2,TUESDAY,7,0,0,0,0,0,0,XNA,,0.6582953653708744,0.7610263695502636,0.0928,,0.9771,,,0.0,0.2069,0.1667,,0.0871,,0.0598,,0.0,0.0945,,0.9772,,,0.0,0.2069,0.1667,,0.0891,,0.0623,,0.0,0.0937,,0.9771,,,0.0,0.2069,0.1667,,0.0886,,0.0609,,0.0,,block of flats,0.0677,Panel,No,0.0,0.0,0.0,0.0,-2307.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,1.0,2.0 +2657676,168767,Consumer loans,5133.825,56205.0,50584.5,5620.5,56205.0,WEDNESDAY,12,Y,1,0.1089090909090909,,,XAP,Approved,-328,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,12.0,middle,POS mobile with interest,365243.0,-289.0,41.0,-199.0,-191.0,0.0,0,Cash loans,M,Y,Y,0,90000.0,302206.5,16524.0,229500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.018634,-9585,-1010,-4109.0,-2162,15.0,1,1,0,1,0,0,Core staff,1.0,2,2,TUESDAY,10,0,0,0,0,0,0,Police,0.3100576900031759,0.3436585993011503,,0.1577,0.1477,0.9886,0.8436,0.0743,,0.3448,0.1667,0.0,0.1411,0.1286,0.1389,0.0077,0.0058,0.1607,0.1533,0.9886,0.8497,0.075,,0.3448,0.1667,0.0,0.1443,0.1405,0.1447,0.0078,0.0061,0.1593,0.1477,0.9886,0.8457,0.0748,,0.3448,0.1667,0.0,0.1436,0.1308,0.1414,0.0078,0.0059,reg oper account,block of flats,0.124,"Stone, brick",No,8.0,1.0,8.0,1.0,-592.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1041010,357251,Revolving loans,3375.0,67500.0,67500.0,,67500.0,THURSDAY,18,Y,1,,,,XAP,Refused,-14,XNA,SCO,Unaccompanied,Repeater,XNA,Cards,x-sell,Country-wide,400,Consumer electronics,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,N,Y,1,112500.0,45000.0,5467.5,45000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.009334,-8955,-119,-8955.0,-1395,,1,1,1,1,1,0,Drivers,3.0,2,2,THURSDAY,13,1,1,0,1,1,0,Business Entity Type 2,,0.5536759737045227,0.35895122857839673,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1113.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2299874,304446,Consumer loans,58741.29,3041550.0,2526300.0,515250.0,3041550.0,WEDNESDAY,10,Y,1,0.18449609275175186,,,XAP,Approved,-2267,Cash through the bank,XAP,,New,XNA,Cars,XNA,Car dealer,736,Industry,72.0,low_action,POS industry with interest,365243.0,-2236.0,-106.0,-226.0,-219.0,0.0,0,Cash loans,M,Y,Y,2,315000.0,1350000.0,39474.0,1350000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.015221,-14704,-3380,-3794.0,-4396,5.0,1,1,0,1,1,0,,4.0,2,2,TUESDAY,10,0,0,0,0,0,0,Police,0.4630394386892,0.4608952011301219,0.5262949398096192,0.0979,0.0586,0.9896,0.8572,0.125,0.08,0.0345,0.5417,,0.0189,0.0799,0.0869,0.0,0.0,0.0998,0.0608,0.9896,0.8628,0.1261,0.0806,0.0345,0.5417,,0.0193,0.0872,0.0905,0.0,0.0,0.0989,0.0586,0.9896,0.8591,0.1258,0.08,0.0345,0.5417,,0.0192,0.0812,0.0884,0.0,0.0,reg oper account,block of flats,0.0683,"Stone, brick",No,0.0,0.0,0.0,0.0,-1687.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1257990,451227,Consumer loans,6625.53,44955.0,33012.0,13500.0,44955.0,SATURDAY,16,Y,1,0.3161061075147763,,,XAP,Approved,-2589,XNA,XAP,Children,New,Mobile,POS,XNA,Stone,5,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2552.0,-2402.0,-2402.0,-2399.0,1.0,0,Cash loans,F,Y,N,2,225000.0,971280.0,51745.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-11609,-4799,-5809.0,-3952,12.0,1,1,1,1,1,0,Accountants,4.0,2,2,SATURDAY,13,0,0,0,0,0,0,Self-employed,0.5270782425615665,0.5495167240068153,0.15193454904964762,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1684.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1049927,177706,Consumer loans,7556.67,90855.0,105246.0,0.0,90855.0,SUNDAY,14,Y,1,0.0,,,XAP,Approved,-419,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Regional / Local,600,Consumer electronics,18.0,middle,POS household with interest,365243.0,-389.0,121.0,-329.0,-321.0,1.0,0,Cash loans,F,Y,N,1,180000.0,1575000.0,54747.0,1575000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.00733,-12470,-3314,-5258.0,-2416,24.0,1,1,0,1,1,1,High skill tech staff,3.0,2,2,FRIDAY,19,0,0,0,0,0,0,Self-employed,0.5075003725453655,0.6345766590370713,0.4614823912998385,0.0928,0.099,0.9767,,,0.0,0.2069,0.1667,,0.0,,0.0906,,0.0,0.0945,0.1027,0.9767,,,0.0,0.2069,0.1667,,0.0,,0.0944,,0.0,0.0937,0.099,0.9767,,,0.0,0.2069,0.1667,,0.0,,0.0922,,0.0,,block of flats,0.0942,Panel,No,0.0,0.0,0.0,0.0,-1685.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,3.0 +2268889,396152,Cash loans,27435.465,454500.0,526491.0,,454500.0,TUESDAY,15,Y,1,,,,XNA,Refused,-240,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,Y,1,135000.0,814041.0,23931.0,679500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.004849,-11197,-2393,-5496.0,-3533,,1,1,0,1,0,0,Sales staff,3.0,2,2,THURSDAY,10,0,0,0,1,1,0,Trade: type 3,,0.4556835531168513,0.7662336700704004,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1821.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2649875,453680,Cash loans,31083.615,225000.0,273703.5,0.0,225000.0,FRIDAY,15,Y,1,0.0,,,Journey,Refused,-1875,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,,,,,,,0,Revolving loans,F,N,N,0,315000.0,450000.0,22500.0,450000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.072508,-10626,-1580,-3919.0,-3053,,1,1,0,1,0,0,,1.0,1,1,THURSDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.6184449612862659,0.5478104658520093,0.0918,0.0726,0.9767,0.6804,0.0624,0.04,0.0948,0.3542,0.3958,0.0,0.0731,0.0748,0.0077,0.0407,0.0641,0.0403,0.9742,0.6602,0.0488,0.0,0.0345,0.1667,0.2083,0.0,0.0551,0.053,0.0,0.0,0.101,0.0651,0.9767,0.6847,0.0552,0.04,0.069,0.3542,0.3958,0.0,0.0812,0.083,0.0058,0.0403,reg oper account,block of flats,0.0403,Block,No,0.0,0.0,0.0,0.0,-1875.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,0.0 +2112192,270064,Cash loans,23055.75,225000.0,225000.0,,225000.0,WEDNESDAY,16,Y,1,,,,XNA,Refused,-268,XNA,HC,Children,Repeater,XNA,Cash,x-sell,Contact center,0,XNA,12.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,76500.0,239850.0,23850.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.019101,-24990,365243,-6575.0,-4841,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,13,0,0,0,0,0,0,XNA,,0.41583855422726135,0.7958031328748403,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,0.0,-1382.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1268501,128754,Cash loans,29526.795,675000.0,744498.0,,675000.0,SATURDAY,8,Y,1,,,,XNA,Approved,-1061,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),-1,XNA,36.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,Y,Y,0,225000.0,1339884.0,43353.0,1170000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007305,-15072,-5881,-5960.0,-4287,7.0,1,1,0,1,0,0,Laborers,2.0,3,3,FRIDAY,8,0,0,0,0,0,0,Industry: type 9,,0.2424902634802197,0.7209441499436497,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1063.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2430408,111447,Cash loans,10911.96,90000.0,107901.0,,90000.0,TUESDAY,11,Y,1,,,,XNA,Approved,-1551,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,405000.0,1002456.0,39883.5,810000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.022625,-19993,-4772,-778.0,-2825,,1,1,0,1,1,0,Cleaning staff,1.0,2,2,SATURDAY,10,0,0,0,0,0,0,Other,,0.5626549154297692,0.4830501881366946,0.066,,0.9836,,,0.0,0.1148,0.2221,,,,0.0627,,,0.063,,0.9836,,,0.0,0.1379,0.1667,,,,0.0591,,,0.0625,,0.9836,,,0.0,0.1379,0.1667,,,,0.0587,,,,block of flats,0.05,Block,No,15.0,0.0,15.0,0.0,-1219.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2197990,338739,Cash loans,17439.615,301500.0,301500.0,,301500.0,MONDAY,6,Y,1,,,,XNA,Refused,-234,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,148500.0,533668.5,23638.5,477000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.020713,-23007,365243,-5195.0,-4417,,1,0,0,1,1,0,,2.0,3,2,THURSDAY,13,0,0,0,0,0,0,XNA,,0.4825040299909481,0.6610235391308081,0.1485,0.0982,0.9871,0.8232,0.0358,0.16,0.1379,0.375,0.4167,0.0804,0.1042,0.1601,0.0772,0.1516,0.1513,0.1019,0.9871,0.8301,0.0361,0.1611,0.1379,0.375,0.4167,0.0822,0.1139,0.1668,0.0778,0.1605,0.1499,0.0982,0.9871,0.8256,0.036000000000000004,0.16,0.1379,0.375,0.4167,0.0818,0.106,0.163,0.0776,0.1548,reg oper account,block of flats,0.1785,Panel,No,0.0,0.0,0.0,0.0,-1595.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1208624,165130,Consumer loans,10029.105,98280.0,109512.0,0.0,98280.0,SATURDAY,10,Y,1,0.0,,,XAP,Approved,-1143,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,500,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-1112.0,-782.0,-782.0,-777.0,0.0,0,Revolving loans,F,N,N,2,180000.0,270000.0,13500.0,270000.0,Family,Commercial associate,Secondary / secondary special,Civil marriage,Municipal apartment,0.018209,-13693,-3587,-6265.0,-4931,,1,1,0,1,0,0,Laborers,4.0,3,3,MONDAY,11,0,0,0,0,0,0,Security,0.7219149254311297,0.4587768725880281,0.6940926425266661,,,0.9702,,,,,,,,,0.0077,,,,,0.9702,,,,,,,,,0.008,,,,,0.9702,,,,,,,,,0.0079,,,,,0.006,,No,5.0,1.0,5.0,1.0,-1498.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2810806,123153,Cash loans,,0.0,0.0,,,MONDAY,15,Y,1,,,,XNA,Refused,-141,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,N,0,135000.0,518562.0,38902.5,463500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,Municipal apartment,0.005002,-23251,365243,-13083.0,-4401,,1,0,0,1,1,0,,2.0,3,3,TUESDAY,10,0,0,0,0,0,0,XNA,,0.7282701618887683,0.5937175866150576,0.0082,0.0,0.9712,0.6056,0.001,0.0,0.0345,0.0417,0.0833,0.0185,0.0067,0.0049,0.0,0.0,0.0084,0.0,0.9712,0.621,0.001,0.0,0.0345,0.0417,0.0833,0.0189,0.0073,0.0051,0.0,0.0,0.0083,0.0,0.9712,0.6109,0.001,0.0,0.0345,0.0417,0.0833,0.0188,0.0068,0.005,0.0,0.0,reg oper account,block of flats,0.006,Wooden,No,1.0,0.0,1.0,0.0,-1464.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1963874,229854,Cash loans,17775.0,225000.0,225000.0,,225000.0,SATURDAY,6,Y,1,,,,XNA,Approved,-814,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Stone,400,Consumer electronics,24.0,high,Cash Street: high,365243.0,-784.0,-94.0,-94.0,-92.0,0.0,0,Cash loans,F,Y,Y,2,90000.0,170640.0,11533.5,135000.0,"Spouse, partner",State servant,Secondary / secondary special,Widow,House / apartment,0.018801,-12650,-3485,-3220.0,-4555,9.0,1,1,1,1,1,0,Core staff,3.0,2,2,MONDAY,9,0,0,0,0,0,0,Postal,0.37852475466816254,0.15727332954329926,0.5064842396679806,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-814.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1746128,427295,Cash loans,4023.0,45000.0,45000.0,0.0,45000.0,MONDAY,12,Y,1,0.0,,,XNA,Approved,-2735,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,15.0,middle,Cash Street: middle,365243.0,-2705.0,-2285.0,-2285.0,-2274.0,0.0,0,Cash loans,F,N,Y,1,112500.0,76410.0,7443.0,67500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.009549,-14071,-1106,-14006.0,-3469,,1,1,0,1,0,0,Sales staff,3.0,2,2,SATURDAY,10,0,0,0,0,0,0,Self-employed,,0.548395926086756,0.8367640773817324,0.1639,0.1565,0.9786,,,0.0,0.2759,0.1667,,0.1327,,0.1408,,0.0,0.16699999999999998,0.1624,0.9786,,,0.0,0.2759,0.1667,,0.1357,,0.1467,,0.0,0.1655,0.1565,0.9786,,,0.0,0.2759,0.1667,,0.135,,0.1433,,0.0,,,0.1107,Panel,No,2.0,0.0,2.0,0.0,-344.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1650829,130442,Revolving loans,2250.0,0.0,45000.0,,0.0,MONDAY,12,Y,1,,,,XAP,Refused,-1275,XNA,HC,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,N,N,0,180000.0,481495.5,36130.5,454500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.02461,-18188,-2781,-6516.0,-1659,,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,Self-employed,,0.5831501605559112,,0.2227,0.1373,0.9821,,,0.24,0.2069,0.3333,,0.1063,,0.2216,,0.0,0.2269,0.1425,0.9821,,,0.2417,0.2069,0.3333,,0.1087,,0.2309,,0.0,0.2248,0.1373,0.9821,,,0.24,0.2069,0.3333,,0.1082,,0.2256,,0.0,,block of flats,0.2035,Panel,No,0.0,0.0,0.0,0.0,-1657.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1718829,396858,Cash loans,22731.885,337500.0,374922.0,0.0,337500.0,FRIDAY,12,Y,1,0.0,,,XNA,Approved,-2434,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash Street: middle,365243.0,-2404.0,-1714.0,-1714.0,-1711.0,1.0,0,Cash loans,F,N,N,0,315000.0,1130760.0,33061.5,810000.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.02461,-23534,365243,-572.0,-5010,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,XNA,,0.6612699659518487,0.4632753280912678,,0.0603,0.9896,0.8572,0.0207,0.12,0.1034,0.375,0.4167,0.0683,,0.1267,0.0077,0.0074,,0.0626,0.9896,0.8628,0.0209,0.1208,0.1034,0.375,0.4167,0.0699,,0.132,0.0078,0.0079,,0.0603,0.9896,0.8591,0.0208,0.12,0.1034,0.375,0.4167,0.0695,,0.129,0.0078,0.0076,,block of flats,0.1705,"Stone, brick",No,0.0,0.0,0.0,0.0,-292.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1718359,385257,Consumer loans,2936.61,32152.5,28935.0,3217.5,32152.5,MONDAY,16,Y,1,0.10898530440867736,,,XAP,Approved,-688,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,middle,POS mobile with interest,365243.0,-651.0,-321.0,-351.0,-346.0,0.0,0,Cash loans,F,Y,Y,0,90000.0,328500.0,16105.5,328500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.035792000000000004,-12298,-1029,-2178.0,-127,15.0,1,1,0,1,1,0,Accountants,1.0,2,2,WEDNESDAY,15,0,0,0,1,1,0,Self-employed,0.08917963284052549,0.5944585286150648,0.32173528219668485,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1661434,107399,Consumer loans,13124.34,63900.0,67063.5,0.0,63900.0,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-1384,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Stone,80,Consumer electronics,6.0,high,POS household with interest,365243.0,-1350.0,-1200.0,-1200.0,-1195.0,0.0,0,Cash loans,F,N,Y,0,135000.0,521280.0,23089.5,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-20740,365243,-993.0,-4161,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,XNA,,0.7229849372472121,0.5762088360175724,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1384.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1469984,373516,Consumer loans,6277.185,121486.5,121486.5,0.0,121486.5,WEDNESDAY,18,Y,1,0.0,,,XAP,Approved,-519,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Regional / Local,1700,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-488.0,202.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,Y,1,81000.0,270000.0,13500.0,270000.0,Family,State servant,Secondary / secondary special,Married,House / apartment,0.007273999999999998,-13472,-380,-7608.0,-2550,,1,1,1,1,1,0,Medicine staff,3.0,2,2,THURSDAY,12,0,0,0,0,0,0,Medicine,,0.7065281642799677,0.3723336657058204,0.1485,0.0865,0.9876,0.83,0.0669,0.16,0.1379,0.3333,0.0417,0.08800000000000001,0.121,0.151,0.0,0.0,0.1513,0.0898,0.9876,0.8367,0.0675,0.1611,0.1379,0.3333,0.0417,0.0901,0.1322,0.1573,0.0,0.0,0.1499,0.0865,0.9876,0.8323,0.0674,0.16,0.1379,0.3333,0.0417,0.0896,0.1231,0.1537,0.0,0.0,reg oper spec account,block of flats,0.1551,Panel,No,0.0,0.0,0.0,0.0,-1893.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1640748,452660,Cash loans,11467.215,135000.0,177219.0,0.0,135000.0,TUESDAY,14,Y,1,0.0,,,XNA,Approved,-1771,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,112500.0,1035000.0,37174.5,1035000.0,Unaccompanied,Pensioner,Higher education,Married,With parents,0.015221,-23735,365243,-7620.0,-4642,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,0.8163115710196613,0.4772534420671844,0.39277386060313396,,,0.9891,,,,,,,,,0.0855,,,,,0.9891,,,,,,,,,0.0891,,,,,0.9891,,,,,,,,,0.0871,,,,,0.0673,,No,0.0,0.0,0.0,0.0,-1771.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1873681,128030,Consumer loans,9001.485,82791.0,91534.5,0.0,82791.0,MONDAY,10,Y,1,0.0,,,XAP,Approved,-305,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Regional / Local,100,Consumer electronics,12.0,middle,POS household with interest,365243.0,-275.0,55.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,99000.0,312768.0,13378.5,270000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-22888,365243,-4701.0,-4707,,1,0,0,1,1,0,,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,XNA,,0.6028280943598034,0.8050196619153701,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-305.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1800492,436862,Consumer loans,4196.115,44955.0,44955.0,0.0,44955.0,SUNDAY,16,Y,1,0.0,,,XAP,Approved,-439,Cash through the bank,XAP,,Repeater,Gardening,POS,XNA,Country-wide,700,Construction,12.0,low_normal,POS industry with interest,365243.0,-408.0,-78.0,-168.0,-166.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,206271.0,20223.0,193500.0,"Spouse, partner",Commercial associate,Higher education,Married,House / apartment,0.011656999999999999,-20179,-216,-4131.0,-3523,17.0,1,1,0,1,1,0,,2.0,1,1,FRIDAY,12,0,1,1,0,0,0,Business Entity Type 3,,0.7165543225943894,0.7570690154522959,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-3395.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2152479,277557,Revolving loans,13500.0,0.0,270000.0,,,SUNDAY,8,Y,1,,,,XAP,Approved,-661,XNA,XAP,,Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,202500.0,634482.0,20596.5,454500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.025164,-11029,-4426,-107.0,-3675,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,Business Entity Type 2,,0.5536813775908601,0.34741822720026416,0.0124,0.0423,0.9642,0.5104,,0.0,0.069,0.0833,0.125,0.013,,0.0114,,0.0551,0.0126,0.0439,0.9643,0.5296,,0.0,0.069,0.0833,0.125,0.0133,,0.0118,,0.0583,0.0125,0.0423,0.9642,0.5169,,0.0,0.069,0.0833,0.125,0.0132,,0.0116,,0.0563,reg oper account,block of flats,0.0179,"Stone, brick",No,0.0,0.0,0.0,0.0,-686.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2154755,281682,Consumer loans,8519.31,97319.205,112734.0,2.205,97319.205,SATURDAY,11,Y,1,2.1301457278479918e-05,,,XAP,Approved,-409,Cash through the bank,XAP,,Refreshed,Consumer Electronics,POS,XNA,Regional / Local,400,Consumer electronics,18.0,middle,POS household with interest,365243.0,-378.0,132.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,90000.0,942300.0,27679.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020246,-23706,365243,-9664.0,-4493,,1,0,0,1,1,0,,2.0,3,3,TUESDAY,8,0,0,0,0,0,0,XNA,0.7409673964997455,0.4865948019018697,0.3201633668633456,0.232,0.2049,0.9876,0.83,,0.28,0.2414,0.3333,,0.1551,,0.2779,,0.0056,0.2363,0.2126,0.9876,0.8367,,0.282,0.2414,0.3333,,0.1587,,0.2895,,0.0059,0.2342,0.2049,0.9876,0.8323,,0.28,0.2414,0.3333,,0.1578,,0.2828,,0.0057,,block of flats,0.2508,Panel,No,0.0,0.0,0.0,0.0,-1970.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1287408,320367,Cash loans,16341.165,112500.0,137691.0,,112500.0,TUESDAY,16,Y,1,,,,Repairs,Approved,-561,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-531.0,-201.0,-201.0,-199.0,1.0,1,Cash loans,M,N,N,0,117000.0,348264.0,23404.5,315000.0,Unaccompanied,Working,Lower secondary,Civil marriage,Municipal apartment,0.0105,-12420,-1625,-1490.0,-3529,,1,1,1,1,1,0,Low-skill Laborers,2.0,3,3,WEDNESDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.008252704206750106,0.4066174366275036,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-238.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2524090,203754,Consumer loans,7944.885,44997.75,27886.5,18002.25,44997.75,TUESDAY,10,Y,1,0.42725257973210895,,,XAP,Approved,-2516,XNA,XAP,Family,New,Audio/Video,POS,XNA,Regional / Local,140,Consumer electronics,4.0,low_normal,POS household with interest,365243.0,-2485.0,-2395.0,-2395.0,-2385.0,1.0,0,Cash loans,F,N,Y,2,157500.0,1035072.0,30262.5,864000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-12957,-2798,-2564.0,-3949,,1,1,1,1,1,0,Core staff,4.0,2,2,FRIDAY,12,0,0,0,0,0,0,Kindergarten,0.40744956619347705,0.7048431775347493,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1329.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2607320,190480,Consumer loans,5647.23,28120.5,31221.0,0.0,28120.5,SUNDAY,16,Y,1,0.0,,,XAP,Approved,-1426,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,1700,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-1395.0,-1245.0,-1305.0,-1300.0,0.0,0,Cash loans,M,N,Y,0,90000.0,204768.0,13815.0,162000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.008473999999999999,-14374,-1592,-8472.0,-3538,,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.1049096988408742,0.2103502286944494,0.1021,0.1256,0.9831,0.7688,0.0978,0.0,0.1724,0.1667,0.0417,0.0611,0.0832,0.1035,0.0,0.0,0.104,0.1304,0.9831,0.7779,0.0987,0.0,0.1724,0.1667,0.0417,0.0625,0.0909,0.1079,0.0,0.0,0.1031,0.1256,0.9831,0.7719,0.0984,0.0,0.1724,0.1667,0.0417,0.0622,0.0847,0.1054,0.0,0.0,reg oper account,,0.1349,Panel,No,0.0,0.0,0.0,0.0,-163.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,0.0 +1298571,370204,Cash loans,9934.785,67500.0,82611.0,,67500.0,SUNDAY,12,Y,1,,,,Urgent needs,Approved,-571,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),10,XNA,12.0,high,Cash Street: high,365243.0,-541.0,-211.0,-301.0,-298.0,1.0,0,Cash loans,F,N,Y,1,112500.0,135000.0,16020.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-10349,-1701,-2906.0,-951,,1,1,1,1,0,0,Sales staff,3.0,2,2,THURSDAY,8,0,0,0,0,0,0,Business Entity Type 3,0.2109489079160108,0.15487409456649276,0.4382813743111921,0.1464,0.0849,0.9861,0.8096,0.0,0.16,0.1379,0.3333,0.375,0.0711,0.1194,0.1017,0.0,0.0032,0.1492,0.0881,0.9861,0.8171,0.0,0.1611,0.1379,0.3333,0.375,0.0529,0.1304,0.068,0.0,0.0,0.1478,0.0849,0.9861,0.8121,0.0,0.16,0.1379,0.3333,0.375,0.0724,0.1214,0.1035,0.0,0.0033,reg oper spec account,block of flats,0.1022,Panel,No,1.0,0.0,1.0,0.0,-1811.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,8.0 +2707643,443169,Revolving loans,4500.0,90000.0,90000.0,,90000.0,THURSDAY,11,Y,1,,,,XAP,Approved,-229,XNA,XAP,Family,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-228.0,-184.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,346050.0,728460.0,57685.5,675000.0,Unaccompanied,Commercial associate,Lower secondary,Single / not married,House / apartment,0.04622,-13075,-1119,-614.0,-2868,16.0,1,1,0,1,0,0,Managers,1.0,1,1,TUESDAY,12,0,1,1,0,0,0,Business Entity Type 3,,0.5093655801316341,0.4650692149562261,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1708.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1566095,127697,Consumer loans,5079.555,25191.0,26689.5,0.0,25191.0,TUESDAY,13,Y,1,0.0,,,XAP,Approved,-431,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,3000,Consumer electronics,6.0,middle,POS household with interest,365243.0,-401.0,-251.0,-311.0,-307.0,1.0,0,Cash loans,F,Y,Y,0,180000.0,675000.0,54121.5,675000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-11973,-2817,-697.0,-1483,11.0,1,1,1,1,1,0,Sales staff,2.0,2,2,SATURDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.6963449965519851,0.4160723013246138,0.266456808245056,0.0371,0.0,0.9826,0.762,,0.0,0.069,0.0417,0.0833,0.0121,0.0303,0.0198,,0.0,0.0378,0.0,0.9826,0.7713,,0.0,0.069,0.0417,0.0833,0.0124,0.0331,0.0206,,0.0,0.0375,0.0,0.9826,0.7652,,0.0,0.069,0.0417,0.0833,0.0123,0.0308,0.0201,,0.0,not specified,block of flats,0.0156,Wooden,No,1.0,0.0,1.0,0.0,-993.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,3.0 +1381829,286062,Consumer loans,14090.355,76954.5,76954.5,0.0,76954.5,TUESDAY,18,Y,1,0.0,,,XAP,Approved,-2400,Cash through the bank,XAP,"Spouse, partner",Repeater,Construction Materials,POS,XNA,Regional / Local,1054,Furniture,6.0,middle,POS industry with interest,365243.0,-2366.0,-2216.0,-2216.0,-2206.0,0.0,0,Cash loans,F,N,Y,1,135000.0,1575000.0,41679.0,1575000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.026392000000000002,-16647,-7261,-7644.0,-207,,1,1,0,1,1,0,Core staff,3.0,2,2,MONDAY,15,0,0,0,0,0,0,School,,0.460351902204748,0.7898803468924867,0.0711,0.2172,0.9856,,,0.0,0.0345,0.1667,,,,0.0264,,,0.0725,0.2254,0.9856,,,0.0,0.0345,0.1667,,,,0.0275,,,0.0718,0.2172,0.9856,,,0.0,0.0345,0.1667,,,,0.0269,,,,block of flats,0.0571,"Stone, brick",No,1.0,0.0,1.0,0.0,-2400.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1264155,186266,Consumer loans,6153.165,48996.0,56758.5,0.0,48996.0,TUESDAY,9,Y,1,0.0,,,XAP,Approved,-129,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Regional / Local,400,Consumer electronics,12.0,middle,POS household with interest,365243.0,-93.0,237.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,1,81000.0,436032.0,16564.5,360000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.019101,-16847,-924,-5162.0,-394,,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,Government,,0.34866234113466754,0.7407990879702335,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-392.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1062463,118332,Revolving loans,9000.0,180000.0,180000.0,,180000.0,FRIDAY,10,Y,1,,,,XAP,Approved,-156,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),4,XNA,0.0,XNA,Card X-Sell,-156.0,-114.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,99000.0,62361.0,7398.0,58500.0,Children,Working,Secondary / secondary special,Single / not married,House / apartment,0.031329,-9947,-2246,-4505.0,-2608,,1,1,1,1,1,0,Sales staff,2.0,2,2,SUNDAY,12,0,0,0,0,0,0,Self-employed,0.3709753966959665,0.35702089867700865,0.3296550543128238,0.0711,0.0537,0.9801,0.728,0.0069,0.0,0.1379,0.1667,,,0.0572,0.0596,0.0039,0.0088,0.0725,0.0557,0.9801,0.7387,0.006999999999999999,0.0,0.1379,0.1667,,,0.0624,0.0621,0.0039,0.0093,0.0718,0.0537,0.9801,0.7316,0.006999999999999999,0.0,0.1379,0.1667,,,0.0581,0.0607,0.0039,0.009000000000000001,reg oper account,block of flats,0.0488,"Stone, brick",No,0.0,0.0,0.0,0.0,-156.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2383416,158792,Consumer loans,16248.285,170991.0,172030.5,17100.0,170991.0,WEDNESDAY,11,Y,1,0.0984688061706311,,,XAP,Approved,-806,Cash through the bank,XAP,"Spouse, partner",New,Audio/Video,POS,XNA,Country-wide,48,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-757.0,-427.0,-487.0,-480.0,0.0,1,Cash loans,M,Y,Y,1,135000.0,835380.0,40320.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.005313,-8325,-1338,-1767.0,-992,16.0,1,1,0,1,0,0,Laborers,3.0,2,2,THURSDAY,14,0,0,0,0,1,1,Business Entity Type 3,,0.5343671826705914,0.3139166772114369,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2183939,208161,Consumer loans,24244.335,377730.0,427590.0,0.0,377730.0,WEDNESDAY,10,Y,1,0.0,,,XAP,Approved,-992,Cash through the bank,XAP,Unaccompanied,Repeater,Auto Accessories,POS,XNA,Stone,2604,Industry,24.0,middle,POS other with interest,365243.0,-961.0,-271.0,-361.0,-351.0,0.0,0,Cash loans,M,Y,N,2,157500.0,1078200.0,34911.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.030755,-15830,-1676,-1820.0,-4036,19.0,1,1,0,1,0,0,Drivers,4.0,2,2,MONDAY,13,0,1,1,0,1,1,Business Entity Type 3,0.5068021940933191,0.3902280894219264,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1308.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1498683,208256,Consumer loans,17146.485,121455.0,103230.0,18225.0,121455.0,FRIDAY,15,Y,1,0.1634241638317222,,,XAP,Approved,-358,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,25,Connectivity,8.0,high,POS mobile with interest,365243.0,-321.0,-111.0,-111.0,-104.0,0.0,0,Revolving loans,M,N,N,0,90000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.010966,-7940,-814,-4281.0,-600,,1,1,0,1,0,1,Accountants,1.0,2,2,SATURDAY,13,0,0,0,0,0,0,Trade: type 7,0.31574942000768497,0.4153658634231346,0.2940831009471255,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-336.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1439788,334651,Revolving loans,6750.0,135000.0,135000.0,,135000.0,FRIDAY,9,Y,1,,,,XAP,Approved,-207,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,270000.0,1345500.0,36999.0,1345500.0,Family,Working,Higher education,Married,House / apartment,0.00733,-19304,-4262,-6808.0,-2836,10.0,1,1,0,1,1,0,Managers,2.0,2,2,TUESDAY,18,0,0,0,0,0,0,Business Entity Type 3,,0.6915323747332915,0.7751552674785404,0.2464,0.175,0.9925,0.898,0.0551,0.24,0.2069,0.375,0.4167,0.0316,0.2,0.2846,0.0039,0.0051,0.2511,0.1816,0.9926,0.902,0.0556,0.2417,0.2069,0.375,0.4167,0.0323,0.2185,0.2965,0.0039,0.0054,0.2488,0.175,0.9925,0.8994,0.0554,0.24,0.2069,0.375,0.4167,0.0321,0.2035,0.2897,0.0039,0.0052,reg oper spec account,block of flats,0.255,Panel,No,0.0,0.0,0.0,0.0,-983.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1424854,318977,Cash loans,42231.015,900000.0,1004544.0,,900000.0,TUESDAY,15,Y,1,,,,Buying a home,Approved,-615,Cash through the bank,XAP,,Refreshed,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,middle,Cash Street: middle,365243.0,-585.0,825.0,-399.0,-393.0,0.0,0,Cash loans,F,Y,Y,1,261000.0,835380.0,40320.0,675000.0,Unaccompanied,Commercial associate,Higher education,Separated,Municipal apartment,0.006670999999999999,-10129,-993,-580.0,-2614,2.0,1,1,0,1,1,0,,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Construction,,0.6726691040953169,0.5334816299804352,0.0124,0.0209,0.9742,0.6464,0.0189,0.0,0.0345,0.0,0.0417,0.0147,0.0101,0.0011,0.0,0.0,0.0126,0.0217,0.9742,0.6602,0.019,0.0,0.0345,0.0,0.0417,0.015,0.011,0.0012,0.0,0.0,0.0125,0.0209,0.9742,0.6511,0.019,0.0,0.0345,0.0,0.0417,0.015,0.0103,0.0012,0.0,0.0,not specified,block of flats,0.0009,Monolithic,No,0.0,0.0,0.0,0.0,-2323.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,2.0 +1321368,187079,Cash loans,34486.83,1026000.0,1174977.0,,1026000.0,SATURDAY,13,Y,1,,,,XNA,Refused,-183,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,157500.0,1249740.0,69912.0,1125000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.072508,-19822,-2761,-2434.0,-3345,,1,1,0,1,1,0,Cooking staff,1.0,1,1,SUNDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.7282788166736517,0.7366226976503176,0.0825,0.0095,0.9767,0.6804,0.0,0.0,0.1379,0.1667,0.0,0.0,0.0672,0.0677,0.0,0.0067,0.084,0.0098,0.9767,0.6929,0.0,0.0,0.1379,0.1667,0.0,0.0,0.0735,0.0705,0.0,0.0071,0.0833,0.0095,0.9767,0.6847,0.0,0.0,0.1379,0.1667,0.0,0.0,0.0684,0.0689,0.0,0.0068,reg oper spec account,block of flats,0.0547,"Stone, brick",No,0.0,0.0,0.0,0.0,-641.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1589462,367961,Cash loans,19861.74,567000.0,679266.0,,567000.0,WEDNESDAY,15,Y,1,,,,XNA,Approved,-166,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-136.0,1634.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,1,112500.0,352044.0,16542.0,247500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-15043,-253,-4934.0,-4214,,1,1,0,1,0,0,Laborers,3.0,2,2,MONDAY,14,0,0,0,0,0,0,Industry: type 2,,0.2027087521000192,,0.0309,0.03,0.9876,0.83,0.0158,0.12,0.069,0.1667,0.2083,0.1086,0.0252,0.0282,0.0,0.0661,0.0315,0.0311,0.9876,0.8367,0.0159,0.1208,0.069,0.1667,0.2083,0.1111,0.0275,0.0293,0.0,0.0699,0.0312,0.03,0.9876,0.8323,0.0159,0.12,0.069,0.1667,0.2083,0.1105,0.0257,0.0287,0.0,0.0674,reg oper account,block of flats,0.0365,Panel,No,10.0,0.0,10.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2526713,382058,Consumer loans,6851.97,66825.0,73440.0,0.0,66825.0,SATURDAY,10,Y,1,0.0,,,XAP,Approved,-1479,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Stone,50,Furniture,12.0,low_normal,POS industry with interest,365243.0,-1445.0,-1115.0,-1115.0,-1107.0,0.0,0,Cash loans,F,Y,Y,0,90000.0,312768.0,17095.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-11378,-4446,-780.0,-1623,5.0,1,1,1,1,1,0,Medicine staff,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Business Entity Type 1,,0.14319521709544367,0.3296550543128238,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-327.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2373441,162596,Consumer loans,13646.655,124875.0,121657.5,12487.5,124875.0,SUNDAY,11,Y,1,0.1013830014333201,,,XAP,Refused,-2082,Cash through the bank,HC,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,2443,Consumer electronics,10.0,low_normal,POS household with interest,,,,,,,0,Cash loans,F,N,N,0,202500.0,868500.0,38385.0,868500.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.015221,-21167,365243,-9878.0,-4579,,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,XNA,,0.7399007780438213,0.6279908192952864,0.1113,0.0797,0.9861,0.8096,0.0415,0.12,0.1034,0.3333,0.375,0.0895,0.0908,0.1111,0.0,0.0,0.1134,0.0827,0.9861,0.8171,0.0419,0.1208,0.1034,0.3333,0.375,0.0916,0.0992,0.1158,0.0,0.0,0.1124,0.0797,0.9861,0.8121,0.0418,0.12,0.1034,0.3333,0.375,0.0911,0.0923,0.1131,0.0,0.0,reg oper account,block of flats,0.1101,Panel,No,1.0,1.0,1.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2439672,110122,Consumer loans,,26955.0,26955.0,0.0,26955.0,FRIDAY,16,Y,1,0.0,,,XAP,Refused,-2049,Cash through the bank,LIMIT,Unaccompanied,New,Mobile,XNA,XNA,Country-wide,30,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Revolving loans,F,Y,Y,0,90000.0,247500.0,12375.0,247500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.020713,-15508,-180,-8373.0,-4717,3.0,1,1,0,1,0,1,,1.0,3,3,WEDNESDAY,12,0,0,0,0,0,0,Security Ministries,0.6597636111741759,0.3561328766965507,0.4382813743111921,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-1119.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2064768,155158,Revolving loans,29250.0,0.0,585000.0,,,TUESDAY,8,Y,1,,,,XAP,Approved,-679,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,180000.0,477000.0,44271.0,477000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-20566,365243,-1098.0,-4087,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,XNA,,0.1103483696893899,0.7544061731797895,0.0664,0.0442,0.998,,,0.08,0.0552,0.4083,0.45,0.0085,,0.0651,,0.016,0.0441,0.0306,0.998,,,0.0806,0.069,0.375,0.4167,0.0078,,0.0487,,0.0168,0.0822,0.0408,0.998,,,0.08,0.069,0.375,0.4167,0.0087,,0.0747,,0.0163,,block of flats,0.0403,Panel,No,0.0,0.0,0.0,0.0,-1169.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2529740,410163,Cash loans,24577.425,225000.0,239850.0,,225000.0,WEDNESDAY,15,Y,1,,,,XNA,Refused,-237,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,157500.0,239850.0,23494.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.0105,-24916,365243,-12565.0,-3933,,1,0,0,1,1,0,,1.0,3,3,TUESDAY,17,0,0,0,0,0,0,XNA,,0.6568132223916464,0.6313545365850379,,,0.9831,,,,0.2759,0.1667,,,,0.1085,,0.0,,,0.9831,,,,0.2759,0.1667,,,,0.1131,,0.0,,,0.9831,,,,0.2759,0.1667,,,,0.1105,,0.0,,,0.0853,"Stone, brick",No,0.0,0.0,0.0,0.0,-1762.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1045507,324209,Consumer loans,13266.675,67216.5,71037.0,6723.0,67216.5,TUESDAY,15,Y,1,0.0941609848484848,,,XAP,Approved,-399,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,300,Consumer electronics,6.0,middle,POS household with interest,365243.0,-368.0,-218.0,-218.0,-212.0,0.0,0,Cash loans,M,Y,Y,3,202500.0,1256400.0,44644.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.032561,-14818,-2741,-2289.0,-2303,13.0,1,1,0,1,0,0,High skill tech staff,5.0,1,1,TUESDAY,12,0,0,0,0,0,0,School,,0.7521343096775496,,0.0577,0.0253,0.9781,0.7008,,0.0,0.069,0.1667,,0.041,,0.0563,,,0.0588,0.0262,0.9782,0.7125,,0.0,0.069,0.1667,,0.042,,0.0587,,,0.0583,0.0253,0.9781,0.7048,,0.0,0.069,0.1667,,0.0418,,0.0573,,,reg oper account,block of flats,0.0593,"Stone, brick",No,1.0,0.0,1.0,0.0,-399.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1205694,166213,Consumer loans,6860.115,41175.0,41301.0,2430.0,41175.0,FRIDAY,16,Y,1,0.0605175026660929,,,XAP,Approved,-1541,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,8.0,high,POS mobile with interest,365243.0,-1505.0,-1295.0,-1295.0,-1252.0,0.0,0,Cash loans,F,N,Y,0,135000.0,119893.5,14224.5,103500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-12240,-103,-6373.0,-4135,,1,1,0,1,1,0,Sales staff,2.0,2,2,SATURDAY,14,0,0,0,0,0,0,Trade: type 2,0.4384009747138714,0.2495642261384711,0.6706517530862718,0.1691,0.1971,0.9881,0.8368,,0.16,0.2069,0.3333,0.2083,0.1268,,0.1867,,0.0094,0.1723,0.2045,0.9881,0.8432,,0.1611,0.2069,0.3333,0.2083,0.1297,,0.1945,,0.0099,0.1707,0.1971,0.9881,0.8390000000000001,,0.16,0.2069,0.3333,0.2083,0.129,,0.19,,0.0096,reg oper account,block of flats,0.1489,"Stone, brick",No,1.0,1.0,1.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1540964,272900,Cash loans,4793.175,45000.0,47970.0,,45000.0,WEDNESDAY,13,Y,1,,,,XNA,Approved,-611,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-581.0,-251.0,-461.0,-446.0,1.0,1,Cash loans,M,Y,Y,0,90000.0,225000.0,18040.5,225000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.028663,-24641,-1609,-12582.0,-4055,21.0,1,1,0,1,0,0,Security staff,2.0,2,2,FRIDAY,8,0,0,0,0,0,0,Government,,0.6327797135067842,0.3046721837533529,0.1041,0.0,0.9796,0.7212,0.0111,0.0,0.2069,0.1667,0.2083,0.0061,0.0849,0.0879,0.0,0.0,0.1061,0.0,0.9796,0.7321,0.0112,0.0,0.2069,0.1667,0.2083,0.0062,0.0927,0.0916,0.0,0.0,0.1051,0.0,0.9796,0.7249,0.0111,0.0,0.2069,0.1667,0.2083,0.0062,0.0864,0.0895,0.0,0.0,reg oper account,block of flats,0.0692,"Stone, brick",No,2.0,0.0,2.0,0.0,-611.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1791825,140448,Cash loans,37237.455,756000.0,935626.5,,756000.0,TUESDAY,6,Y,1,,,,XNA,Refused,-195,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,1,112500.0,440784.0,32202.0,360000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.006305,-15593,-5774,-8189.0,-2897,,1,1,0,1,0,0,Sales staff,3.0,3,3,MONDAY,4,0,0,0,0,0,0,Postal,0.5309721204770066,0.019053365473565845,0.6075573001388961,0.0443,0.0773,0.9871,0.8232,0.0,0.0,0.069,0.1667,0.2083,0.0,0.0353,0.0476,0.0039,0.0108,0.0452,0.0802,0.9871,0.8301,0.0,0.0,0.069,0.1667,0.2083,0.0,0.0386,0.0495,0.0039,0.0114,0.0448,0.0773,0.9871,0.8256,0.0,0.0,0.069,0.1667,0.2083,0.0,0.0359,0.0484,0.0039,0.011,reg oper account,specific housing,0.0374,Panel,No,3.0,0.0,3.0,0.0,-915.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +2369885,179595,Consumer loans,5349.375,25398.0,26653.5,0.0,25398.0,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-2828,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,53,Connectivity,6.0,high,POS mobile with interest,365243.0,-2797.0,-2647.0,-2647.0,-2617.0,1.0,0,Cash loans,F,N,Y,0,202500.0,604683.0,25551.0,522000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010147,-13542,-1075,-1019.0,-2884,,1,1,0,1,0,0,HR staff,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.5223187944217297,0.580639015296891,0.5046813193144684,0.0825,0.0797,0.9752,0.66,0.0089,0.0,0.1379,0.1667,0.2083,0.0816,0.0672,0.0721,0.0,0.0,0.084,0.0827,0.9752,0.6733,0.009000000000000001,0.0,0.1379,0.1667,0.2083,0.0835,0.0735,0.0751,0.0,0.0,0.0833,0.0797,0.9752,0.6645,0.009000000000000001,0.0,0.1379,0.1667,0.2083,0.0831,0.0684,0.0734,0.0,0.0,reg oper account,block of flats,0.0616,Panel,No,0.0,0.0,0.0,0.0,-103.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,4.0 +2118271,246371,Consumer loans,6034.32,76455.0,50895.0,36000.0,76455.0,MONDAY,9,Y,1,0.4512028623887764,,,XAP,Approved,-1966,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,12.0,high,POS mobile with interest,365243.0,-1934.0,-1604.0,-1604.0,-1596.0,0.0,0,Cash loans,M,N,Y,1,180000.0,177489.0,19242.0,166500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-16495,-980,-10634.0,-37,,1,1,0,1,0,0,Drivers,3.0,2,2,SUNDAY,13,0,0,0,0,0,0,Industry: type 3,,0.4285659980340721,,0.0082,,0.9632,,,,0.069,0.0417,,,,0.0077,,,0.0084,,0.9633,,,,0.069,0.0417,,,,0.008,,,0.0083,,0.9632,,,,0.069,0.0417,,,,0.0078,,,,block of flats,0.0083,Wooden,Yes,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2203003,206118,Cash loans,18823.41,517500.0,599472.0,,517500.0,TUESDAY,9,Y,1,,,,Building a house or an annex,Approved,-331,Cash through the bank,XAP,Children,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,low_normal,Cash Street: low,365243.0,-301.0,1109.0,-91.0,-89.0,1.0,0,Cash loans,F,Y,Y,0,94500.0,495000.0,25402.5,495000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-18007,-542,-9156.0,-1563,7.0,1,1,1,1,0,0,,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Industry: type 11,,0.6862458956006132,0.6413682574954046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1903.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,4.0 +1002871,360829,Revolving loans,5625.0,0.0,112500.0,,,MONDAY,8,Y,1,,,,XAP,Approved,-2552,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-2338.0,-2294.0,365243.0,-1656.0,365243.0,0.0,0,Cash loans,F,Y,Y,1,112500.0,1546020.0,45333.0,1350000.0,Unaccompanied,Working,Lower secondary,Married,House / apartment,0.025164,-14867,-225,-4760.0,-4775,19.0,1,1,0,1,0,1,Laborers,3.0,2,2,FRIDAY,7,0,0,0,0,1,1,Business Entity Type 3,,0.6417065122608974,0.2940831009471255,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-3033.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1989543,332101,Cash loans,15319.17,180000.0,197820.0,0.0,180000.0,THURSDAY,12,Y,1,0.0,,,Medicine,Approved,-1992,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,middle,Cash Street: middle,365243.0,-1962.0,-1452.0,-1452.0,-1444.0,1.0,0,Cash loans,M,Y,N,0,175500.0,1039702.5,34488.0,931500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-21295,-4060,-10163.0,-4040,36.0,1,1,1,1,1,0,Laborers,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Housing,,0.4157801233636881,0.5954562029091491,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,2.0 +1754759,168297,Consumer loans,4867.245,33689.25,32319.0,3372.75,33689.25,MONDAY,11,Y,1,0.10291541781045654,,,XAP,Approved,-2408,Cash through the bank,XAP,Family,New,Furniture,POS,XNA,Country-wide,500,Furniture,8.0,high,POS industry with interest,365243.0,-2377.0,-2167.0,-2167.0,-2164.0,1.0,0,Cash loans,F,N,N,0,94500.0,675000.0,19867.5,675000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.008068,-19211,-236,-7677.0,-2483,,1,1,0,1,1,0,Sales staff,2.0,3,3,MONDAY,8,0,0,0,0,0,0,Trade: type 7,,0.5221774518997262,0.36227724703843145,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2204.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1281034,273354,Cash loans,33116.85,459000.0,459000.0,,459000.0,MONDAY,13,Y,1,,,,XNA,Approved,-1283,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,18.0,middle,Cash X-Sell: middle,365243.0,-1253.0,-743.0,-953.0,-947.0,0.0,0,Cash loans,F,N,Y,0,270000.0,435253.5,16407.0,306000.0,Family,Working,Secondary / secondary special,Widow,House / apartment,0.008019,-19329,-5411,-13376.0,-2890,,1,1,0,1,1,0,Managers,1.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Self-employed,0.6898563623083726,0.6972124980000384,0.7801436381572275,0.0124,0.0,0.9702,,,0.0,0.069,0.0417,,0.0329,,0.0112,,0.0,0.0126,0.0,0.9702,,,0.0,0.069,0.0417,,0.0337,,0.0116,,0.0,0.0125,0.0,0.9702,,,0.0,0.069,0.0417,,0.0335,,0.0114,,0.0,,block of flats,0.0098,"Stone, brick",No,1.0,0.0,1.0,0.0,-1093.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2203324,129880,Consumer loans,11025.54,108427.5,111744.0,9000.0,108427.5,THURSDAY,16,Y,1,0.08117851141106959,,,XAP,Approved,-1241,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,400,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1210.0,-880.0,-910.0,-888.0,0.0,0,Cash loans,F,Y,N,0,121500.0,855000.0,43654.5,855000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00963,-13737,-2928,-5703.0,-5703,23.0,1,1,1,1,1,0,Sales staff,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,Self-employed,0.3618846242925584,0.4473763440158221,0.5388627065779676,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1897.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1709489,249354,Cash loans,,0.0,0.0,,,TUESDAY,16,Y,1,,,,XNA,Refused,-186,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Revolving loans,M,Y,Y,0,112500.0,270000.0,13500.0,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.011703,-12202,-1294,-6227.0,-2536,12.0,1,1,0,1,1,0,Laborers,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.43049979348744655,0.7299028426118364,0.13426542355494275,,,0.9767,,,,,,,,,0.0105,,,,,0.9767,,,,,,,,,0.011,,,,,0.9767,,,,,,,,,0.0107,,,,block of flats,0.0083,,No,0.0,0.0,0.0,0.0,-176.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1526160,155774,Cash loans,56218.05,607500.0,607500.0,,607500.0,WEDNESDAY,6,Y,1,,,,XNA,Approved,-370,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,126000.0,422892.0,26001.0,382500.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.014464,-22145,365243,-18.0,-4794,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,4,0,0,0,0,0,0,XNA,,0.6296185374131211,,0.0619,0.0594,0.9816,0.7484,0.0,0.0,0.1379,0.1667,0.2083,0.0401,0.0496,0.0548,0.0039,0.0042,0.063,0.0616,0.9816,0.7583,0.0,0.0,0.1379,0.1667,0.2083,0.0411,0.0542,0.0571,0.0039,0.0044,0.0625,0.0594,0.9816,0.7518,0.0,0.0,0.1379,0.1667,0.2083,0.0408,0.0504,0.0558,0.0039,0.0043,,block of flats,0.0439,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1490455,434256,Cash loans,16591.5,135000.0,135000.0,0.0,135000.0,MONDAY,13,Y,1,0.0,,,XNA,Approved,-2820,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,10.0,middle,Cash Street: middle,365243.0,-2790.0,-2520.0,-2520.0,-2513.0,0.0,0,Cash loans,M,Y,Y,0,184500.0,123768.0,4792.5,81000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-21859,-4054,-9265.0,-4308,33.0,1,1,0,1,0,0,Laborers,2.0,2,2,SUNDAY,7,0,0,0,1,1,0,Business Entity Type 3,,0.19952911835866768,0.8106180215523969,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,0.0,9.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2426638,116225,Consumer loans,4594.365,39105.0,38673.0,3915.0,39105.0,TUESDAY,12,Y,1,0.10011719050180587,,,XAP,Approved,-2143,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Stone,34,Connectivity,12.0,high,POS mobile with interest,365243.0,-2112.0,-1782.0,-1782.0,-1774.0,0.0,0,Cash loans,F,N,Y,0,180000.0,531706.5,21478.5,459000.0,Unaccompanied,State servant,Higher education,Married,Rented apartment,0.00702,-11509,-3692,-4319.0,-3611,,1,1,0,1,1,0,Core staff,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Police,0.2761576821570836,0.3993188684107746,0.2340151665320674,0.0942,0.0947,0.9816,0.7484,0.0063,0.0,0.2069,0.1667,0.125,0.0341,0.0735,0.0827,0.0058,0.033,0.084,0.0908,0.9816,0.7583,0.0,0.0,0.2069,0.1667,0.0417,0.0,0.0725,0.0787,0.0039,0.0163,0.0999,0.0875,0.9816,0.7518,0.0063,0.0,0.2069,0.1667,0.125,0.0347,0.0748,0.0843,0.0058,0.0158,reg oper spec account,block of flats,0.069,Panel,No,4.0,0.0,4.0,0.0,-1258.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2726002,281910,Revolving loans,11250.0,0.0,225000.0,,,TUESDAY,11,Y,1,,,,XAP,Approved,-846,XNA,XAP,,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),5,XNA,0.0,XNA,Card X-Sell,-810.0,-781.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,112500.0,673875.0,26239.5,562500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00823,-11669,-1941,-5220.0,-2600,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,16,0,0,0,0,1,1,Self-employed,0.5892630485661735,0.3705277743617232,0.05168176743672944,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1525.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2093977,319417,Cash loans,29526.75,904500.0,904500.0,,904500.0,WEDNESDAY,10,Y,1,,,,XNA,Refused,-23,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,135000.0,675000.0,26541.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-21054,365243,-529.0,-4540,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,XNA,0.8255998174939256,0.7477217674907656,0.4866531565147181,0.3175,0.2065,0.9851,0.7959999999999999,0.0796,0.36,0.3103,0.3333,0.375,0.562,0.2564,0.3667,0.0116,0.0273,0.3235,0.2143,0.9851,0.804,0.0803,0.3625,0.3103,0.3333,0.375,0.5749,0.2801,0.3821,0.0117,0.0289,0.3206,0.2065,0.9851,0.7987,0.0801,0.36,0.3103,0.3333,0.375,0.5718,0.2608,0.3733,0.0116,0.0279,reg oper account,block of flats,0.2944,Panel,No,0.0,0.0,0.0,0.0,-2131.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,4.0 +2127067,395535,Consumer loans,14442.165,109786.5,123174.0,0.0,109786.5,WEDNESDAY,13,Y,1,0.0,,,XAP,Approved,-884,Cash through the bank,XAP,Children,New,Consumer Electronics,POS,XNA,Stone,142,Consumer electronics,10.0,middle,POS household with interest,365243.0,-853.0,-583.0,-613.0,-605.0,0.0,0,Cash loans,F,N,Y,1,216000.0,1206954.0,35419.5,945000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-15602,-4738,-8016.0,-4484,,1,1,0,1,0,0,,3.0,3,3,FRIDAY,9,0,0,0,0,1,1,School,0.5004492147031991,0.4493775305199589,0.5620604831738043,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1600320,394479,Consumer loans,13190.94,94113.0,101875.5,0.0,94113.0,SUNDAY,10,Y,1,0.0,,,XAP,Approved,-1444,Cash through the bank,XAP,Family,Refreshed,Audio/Video,POS,XNA,Stone,642,Consumer electronics,10.0,high,POS household with interest,365243.0,-1413.0,-1143.0,-1143.0,-1136.0,0.0,0,Cash loans,F,N,N,0,67500.0,135000.0,9018.0,135000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,Office apartment,0.031329,-12978,-6293,-1427.0,-2265,,1,1,0,1,1,0,Core staff,1.0,2,2,MONDAY,12,0,0,0,0,0,0,Agriculture,,0.16214456766623808,0.7136313997323308,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1444.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2543003,161036,Revolving loans,2250.0,45000.0,45000.0,,45000.0,FRIDAY,11,Y,1,,,,XAP,Approved,-192,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),5,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,90000.0,943425.0,27715.5,787500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.015221,-21221,365243,-13006.0,-4660,,1,0,0,1,1,0,,2.0,2,2,MONDAY,12,0,0,0,0,0,0,XNA,0.6173984656456049,0.4779681692850567,0.6212263380626669,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-526.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1739389,389883,Consumer loans,6602.76,57554.55,56920.5,5759.55,57554.55,SATURDAY,9,Y,1,0.10007448215906882,,,XAP,Approved,-2201,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,2161,Consumer electronics,12.0,high,POS household with interest,365243.0,-2170.0,-1840.0,-1840.0,-1836.0,1.0,1,Cash loans,F,N,N,0,180000.0,1130760.0,33192.0,810000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-20444,-1500,-10021.0,-3945,,1,1,0,1,0,0,Medicine staff,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Medicine,,0.3596304104592252,0.6109913280868294,0.0887,,0.9816,,,0.0,0.1379,0.25,,,,0.083,,,0.0756,,0.9772,,,0.0,0.069,0.1667,,,,0.0773,,,0.0895,,0.9816,,,0.0,0.1379,0.25,,,,0.0845,,,,block of flats,0.0661,Block,No,0.0,0.0,0.0,0.0,-2201.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1818730,396529,Consumer loans,7124.22,48510.0,59368.5,0.0,48510.0,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-290,Cash through the bank,XAP,,New,Computers,POS,XNA,Regional / Local,158,Consumer electronics,10.0,middle,POS household with interest,365243.0,-259.0,11.0,365243.0,365243.0,0.0,1,Cash loans,M,N,Y,2,112500.0,779688.0,37638.0,630000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.003069,-14598,-875,-8747.0,-4966,,1,1,0,1,0,0,Drivers,4.0,3,3,TUESDAY,13,0,0,0,0,0,0,Self-employed,,0.5930132461438938,0.6577838002083306,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,1.0,8.0,1.0,-290.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2338763,168476,Revolving loans,22500.0,337500.0,450000.0,,270000.0,TUESDAY,10,N,1,,,,XAP,Refused,-531,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Revolving loans,F,N,Y,0,112500.0,337500.0,16875.0,337500.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.00496,-17115,-344,-4646.0,-653,,1,1,0,1,1,0,Sales staff,1.0,2,2,MONDAY,10,0,0,0,0,1,1,Trade: type 7,0.7220089676100997,0.6663841162557979,0.5954562029091491,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1103.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1787696,356982,Consumer loans,11610.09,184500.0,153000.0,31500.0,184500.0,THURSDAY,17,Y,1,0.1859423503325941,,,XAP,Approved,-55,Cash through the bank,XAP,,Repeater,Tourism,POS,XNA,Stone,30,Industry,16.0,low_normal,POS industry with interest,365243.0,-27.0,425.0,-27.0,-24.0,0.0,0,Cash loans,F,N,Y,0,310500.0,540000.0,25150.5,540000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.026392000000000002,-21523,-14441,-9588.0,-2333,,1,1,0,1,0,0,Medicine staff,1.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Medicine,0.7329225184090691,0.7133858841861722,0.1997705696341145,0.0825,0.0792,0.9752,,,0.0,0.1379,0.1667,,0.0421,,0.0593,,0.0107,0.084,0.0821,0.9752,,,0.0,0.1379,0.1667,,0.0431,,0.0617,,0.0114,0.0833,0.0792,0.9752,,,0.0,0.1379,0.1667,,0.0428,,0.0603,,0.011,,block of flats,0.0489,"Stone, brick",No,0.0,0.0,0.0,0.0,-1783.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1347410,339959,Consumer loans,4301.28,32890.5,35874.0,4500.0,32890.5,FRIDAY,8,Y,1,0.12138775179345836,,,XAP,Refused,-1715,Cash through the bank,LIMIT,,Repeater,Mobile,POS,XNA,Country-wide,45,Connectivity,12.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,Y,Y,0,180000.0,1800000.0,62568.0,1800000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.031329,-16677,-3586,-611.0,-240,5.0,1,1,0,1,0,0,Managers,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,School,0.7000126335096593,0.4084531396804005,0.646329897706246,0.0711,0.0624,0.9816,0.7484,0.0087,0.0,0.1034,0.1667,0.2083,,0.0572,0.0596,0.0039,0.0056,0.0725,0.0648,0.9816,0.7583,0.0088,0.0,0.1034,0.1667,0.2083,,0.0624,0.0621,0.0039,0.0059,0.0718,0.0624,0.9816,0.7518,0.0088,0.0,0.1034,0.1667,0.2083,,0.0581,0.0607,0.0039,0.0057,reg oper account,block of flats,0.0599,"Stone, brick",No,0.0,0.0,0.0,0.0,-1384.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1044625,266183,Consumer loans,22845.555,382473.0,382473.0,0.0,382473.0,TUESDAY,16,Y,1,0.0,,,XAP,Refused,-448,Cash through the bank,LIMIT,,New,Audio/Video,POS,XNA,Country-wide,8025,Consumer electronics,24.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,Y,1,171000.0,814041.0,23931.0,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008019,-17705,-2042,-1086.0,-1237,,1,1,0,1,1,0,Accountants,3.0,2,2,TUESDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.5079391486288629,0.18848953379516772,0.0567,0.08800000000000001,0.9627,0.49,0.0282,0.0,0.2069,0.125,0.1667,0.0563,0.0445,0.0689,0.0077,0.0175,0.0578,0.0913,0.9628,0.51,0.0285,0.0,0.2069,0.125,0.1667,0.0576,0.0487,0.0718,0.0078,0.0185,0.0573,0.08800000000000001,0.9627,0.4968,0.0284,0.0,0.2069,0.125,0.1667,0.0573,0.0453,0.0701,0.0078,0.0178,not specified,block of flats,0.0578,"Stone, brick",No,0.0,0.0,0.0,0.0,-448.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +1022863,351135,Cash loans,4887.945,67500.0,76410.0,,67500.0,MONDAY,13,Y,1,,,,XNA,Refused,-407,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Stone,110,Industry,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,117000.0,101880.0,5976.0,90000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.028663,-21742,365243,-11424.0,-4463,,1,0,0,1,1,0,,1.0,2,2,TUESDAY,7,0,0,0,0,0,0,XNA,,0.6202751086014865,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1201.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1880298,117072,Cash loans,6154.56,45000.0,54580.5,,45000.0,FRIDAY,8,Y,1,,,,XNA,Approved,-1301,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-1271.0,-941.0,-971.0,-963.0,1.0,0,Cash loans,M,N,Y,1,157500.0,814041.0,28971.0,679500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.025164,-10473,-2637,-2850.0,-2844,,1,1,1,1,0,0,Low-skill Laborers,3.0,2,2,THURSDAY,8,0,0,0,0,0,0,Business Entity Type 3,,0.19263214536799025,,0.0124,0.0067,0.9548,,,0.0,0.069,0.0833,,0.027000000000000003,,0.02,,0.0,0.0126,0.006999999999999999,0.9548,,,0.0,0.069,0.0833,,0.0277,,0.0208,,0.0,0.0125,0.0067,0.9548,,,0.0,0.069,0.0833,,0.0275,,0.0204,,0.0,,block of flats,0.0157,Mixed,No,12.0,0.0,11.0,0.0,-753.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2439811,279902,Consumer loans,4201.56,26491.5,26491.5,0.0,26491.5,THURSDAY,10,Y,1,0.0,,,XAP,Approved,-2900,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Stone,277,Industry,8.0,high,POS industry with interest,365243.0,-2864.0,-2654.0,-2684.0,-2680.0,0.0,0,Cash loans,F,N,N,0,135000.0,274500.0,14143.5,274500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Rented apartment,0.028663,-13595,-1387,-537.0,-4713,,1,1,0,1,0,0,Laborers,1.0,2,2,SATURDAY,12,0,0,0,1,1,0,Construction,,0.469463587488812,0.3706496323299817,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,2.0,4.0,0.0,-2062.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1257695,310751,Consumer loans,3934.44,20430.0,19296.0,2043.0,20430.0,SUNDAY,12,Y,1,0.10426977493194277,,,XAP,Approved,-1149,Cash through the bank,XAP,"Spouse, partner",Repeater,Mobile,POS,XNA,Country-wide,23,Connectivity,6.0,high,POS mobile with interest,365243.0,-1110.0,-960.0,-1050.0,-1044.0,0.0,0,Cash loans,M,Y,Y,1,157500.0,241618.5,23665.5,229500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010147,-16948,-2562,-321.0,-473,1.0,1,1,0,1,1,0,,3.0,2,2,MONDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.4663927072854608,0.6114600728941447,0.7726311345553628,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2464902,433233,Consumer loans,13732.56,109696.5,113445.0,10971.0,109696.5,THURSDAY,8,Y,1,0.09603601115319868,,,XAP,Approved,-1449,Cash through the bank,XAP,"Spouse, partner",Repeater,Computers,POS,XNA,Country-wide,960,Consumer electronics,12.0,high,POS household with interest,365243.0,-1418.0,-1088.0,-1088.0,-1082.0,0.0,0,Cash loans,M,Y,N,0,90000.0,1075932.0,45715.5,922500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-17310,-1089,-6887.0,-857,11.0,1,1,0,1,0,0,Security staff,2.0,2,1,THURSDAY,9,0,0,0,0,0,0,Security,0.6204048915694793,0.5405969548573352,0.4294236843421945,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2698.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1099754,337874,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,14,Y,1,,,,XAP,Approved,-300,XNA,XAP,Family,Refreshed,XNA,Cards,walk-in,Country-wide,2000,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,495000.0,942759.0,51273.0,828000.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.007273999999999998,-10485,-3157,-5009.0,-2022,4.0,1,1,0,1,0,1,,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.4493180118182768,0.3425288720742255,0.0165,0.0,0.9692,0.5784,0.0022,0.0,0.069,0.0417,0.0833,0.0226,0.0134,0.0141,0.0,0.0,0.0168,0.0,0.9692,0.5949,0.0022,0.0,0.069,0.0417,0.0833,0.0231,0.0147,0.0147,0.0,0.0,0.0167,0.0,0.9692,0.584,0.0022,0.0,0.069,0.0417,0.0833,0.023,0.0137,0.0144,0.0,0.0,reg oper account,block of flats,0.0111,"Stone, brick",No,0.0,0.0,0.0,0.0,-1113.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,1.0 +2764787,286012,Cash loans,59338.98,454500.0,537588.0,,454500.0,THURSDAY,18,Y,1,,,,XNA,Approved,-467,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-437.0,-107.0,-167.0,-163.0,1.0,0,Cash loans,M,N,N,1,225000.0,956574.0,40657.5,855000.0,Unaccompanied,State servant,Secondary / secondary special,Married,With parents,0.00496,-11442,-2944,-2842.0,-1530,,1,1,0,1,1,0,Drivers,3.0,2,2,TUESDAY,15,0,0,0,0,0,0,Police,,0.711360652543482,0.7016957740576931,0.0724,,0.9836,,,,0.069,0.1667,,,,,,,0.063,,0.9826,,,,0.069,0.1667,,,,,,,0.0656,,0.9836,,,,0.069,0.1667,,,,,,,,specific housing,0.0277,"Stone, brick",No,0.0,0.0,0.0,0.0,-1092.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1564247,424993,Revolving loans,10125.0,202500.0,202500.0,,202500.0,TUESDAY,13,Y,1,,,,XAP,Approved,-120,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,-78.0,0.0,0,Cash loans,F,N,N,0,157500.0,755190.0,28116.0,675000.0,Unaccompanied,Pensioner,Lower secondary,Separated,House / apartment,0.02461,-21517,365243,-7754.0,-4681,,1,0,0,1,1,0,,1.0,2,2,MONDAY,9,0,0,0,0,0,0,XNA,,0.3260162856734463,0.5478104658520093,0.0784,0.0,0.9742,0.6464,0.033,0.0,0.1379,0.1667,0.2083,0.0799,0.0622,0.0592,0.0077,0.0091,0.0798,0.0,0.9742,0.6602,0.0333,0.0,0.1379,0.1667,0.2083,0.0817,0.068,0.0617,0.0078,0.0096,0.0791,0.0,0.9742,0.6511,0.0332,0.0,0.1379,0.1667,0.2083,0.0813,0.0633,0.0603,0.0078,0.0093,reg oper account,block of flats,0.0666,"Stone, brick",No,6.0,1.0,6.0,1.0,-1717.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2455061,352673,Cash loans,29440.8,450000.0,512370.0,,450000.0,THURSDAY,15,Y,1,,,,XNA,Refused,-477,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,M,Y,Y,0,166500.0,679500.0,27076.5,679500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.025164,-15651,-2457,-2998.0,-4057,11.0,1,1,0,1,0,1,,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,Transport: type 2,,0.2653117484731741,0.6479768603302221,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2526191,453553,Consumer loans,3439.08,29250.0,28683.0,3150.0,29250.0,THURSDAY,15,Y,1,0.1077698100598864,,,XAP,Approved,-1717,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Stone,11,Connectivity,12.0,high,POS mobile with interest,365243.0,-1681.0,-1351.0,-1351.0,-1343.0,0.0,0,Cash loans,M,Y,N,0,135000.0,327024.0,12456.0,270000.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-20299,-5500,-5401.0,-3764,8.0,1,1,0,1,1,0,Laborers,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Business Entity Type 1,,0.6487692663092182,0.6956219298394389,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1430.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1805309,382543,Revolving loans,11250.0,900000.0,292500.0,,900000.0,TUESDAY,15,N,0,,,,XAP,Refused,-869,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,Y,N,0,157500.0,675000.0,24246.0,675000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.030755,-19895,-751,-3743.0,-3409,6.0,1,1,0,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,17,0,0,0,0,1,1,Self-employed,,0.6920126305183821,0.4241303111942548,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1795.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1824781,303875,Consumer loans,5767.56,65749.5,65749.5,0.0,65749.5,SATURDAY,10,Y,1,0.0,,,XAP,Approved,-700,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Regional / Local,100,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-669.0,-339.0,-339.0,-335.0,0.0,0,Cash loans,F,N,Y,2,112500.0,571486.5,25303.5,454500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.020246,-13907,-2695,-1947.0,-6274,,1,1,0,1,0,0,Core staff,4.0,3,3,SATURDAY,9,0,0,0,0,0,0,Security Ministries,0.44410868568259904,0.404333168549618,0.3556387169923543,0.0021,0.0,0.9717,,,0.0,,0.0,,0.0,,0.0011,,0.0,0.0021,0.0,0.9717,,,0.0,,0.0,,0.0,,0.0012,,0.0,0.0021,0.0,0.9717,,,0.0,,0.0,,0.0,,0.0011,,0.0,,block of flats,0.0009,"Stone, brick",No,1.0,0.0,1.0,0.0,-1292.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1117019,176916,Cash loans,23918.58,229500.0,286672.5,,229500.0,WEDNESDAY,12,Y,1,,,,XNA,Approved,-517,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-487.0,23.0,-487.0,-478.0,1.0,0,Cash loans,F,N,Y,0,225000.0,521280.0,27423.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.007114,-10891,-916,-67.0,-3323,,1,1,0,1,1,1,Managers,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.4705219152541103,0.6520409650018925,0.4241303111942548,0.0412,0.061,0.9901,,,0.0,0.069,0.1667,,0.0338,,0.0424,,0.0,0.042,0.0633,0.9901,,,0.0,0.069,0.1667,,0.0346,,0.0442,,0.0,0.0416,0.061,0.9901,,,0.0,0.069,0.1667,,0.0344,,0.0432,,0.0,,block of flats,0.0363,"Stone, brick",No,1.0,0.0,1.0,0.0,-1307.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,8.0 +1335806,254559,Revolving loans,11250.0,225000.0,225000.0,,225000.0,THURSDAY,9,Y,1,,,,XAP,Approved,-811,XNA,XAP,,New,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-811.0,-762.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,0,157500.0,297000.0,13761.0,297000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.019688999999999998,-9311,-856,-2115.0,-712,5.0,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Industry: type 7,0.32371841306441546,0.13353680409240973,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-811.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2323685,296474,Cash loans,12511.665,90000.0,109480.5,0.0,90000.0,WEDNESDAY,15,Y,1,0.0,,,XNA,Approved,-1809,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,high,Cash X-Sell: high,365243.0,-1779.0,-1449.0,-1449.0,-1441.0,1.0,0,Cash loans,F,N,N,0,157500.0,284400.0,22599.0,225000.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.016612000000000002,-10928,-1242,-4600.0,-999,,1,1,0,1,0,0,Sales staff,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.6993502138371095,0.6212263380626669,0.0722,0.0377,0.9752,0.66,0.0169,0.0,0.1207,0.1667,0.2083,0.0582,0.0588,0.0576,0.0,0.0,0.063,0.0,0.9737,0.6537,0.0083,0.0,0.1034,0.1667,0.2083,0.0165,0.0551,0.0517,0.0,0.0,0.0729,0.0377,0.9752,0.6645,0.017,0.0,0.1207,0.1667,0.2083,0.0592,0.0599,0.0586,0.0,0.0,reg oper account,block of flats,0.053,"Stone, brick",No,1.0,0.0,0.0,0.0,-1809.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2435568,366513,Consumer loans,15074.595,80550.0,84793.5,8055.0,80550.0,WEDNESDAY,10,Y,1,0.0944832417618731,,,XAP,Approved,-456,Cash through the bank,XAP,,Repeater,Construction Materials,POS,XNA,Stone,11,Construction,6.0,low_normal,POS industry with interest,365243.0,-425.0,-275.0,-395.0,-389.0,0.0,0,Cash loans,F,N,Y,2,67500.0,225000.0,17905.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-17813,-11183,-5617.0,-1373,,1,1,1,1,0,0,,4.0,2,2,THURSDAY,8,0,0,0,0,0,0,Business Entity Type 3,0.3901009475584963,0.5292654881881145,0.5867400085415683,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-962.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2331586,429781,Consumer loans,7371.945,56241.0,39865.5,22500.0,56241.0,SATURDAY,15,Y,1,0.3929182874272705,,,XAP,Approved,-331,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,3900,Consumer electronics,6.0,middle,POS household with interest,365243.0,-300.0,-150.0,-150.0,-148.0,0.0,0,Cash loans,F,N,Y,1,90000.0,360000.0,19660.5,360000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.014519999999999996,-9148,-790,-4145.0,-1823,,1,1,0,1,0,0,Medicine staff,2.0,2,2,MONDAY,8,0,0,0,1,1,0,Other,0.14616847478165934,0.4721877222183862,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,0.0,8.0,0.0,-331.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2672311,345530,Consumer loans,13222.035,130905.0,117814.5,13090.5,130905.0,SATURDAY,14,Y,1,0.1089090909090909,,,XAP,Approved,-468,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Regional / Local,5,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-437.0,-167.0,-167.0,-159.0,0.0,0,Revolving loans,F,Y,Y,1,90000.0,180000.0,9000.0,180000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.015221,-11432,-766,-1.0,-3774,7.0,1,1,0,1,0,0,Sales staff,3.0,2,2,FRIDAY,11,0,0,0,0,1,1,Business Entity Type 3,,0.4632324294028481,0.5971924268337128,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-468.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1488734,211059,Consumer loans,15752.205,143950.5,156303.0,0.0,143950.5,MONDAY,4,Y,1,0.0,,,XAP,Approved,-501,XNA,XAP,,Repeater,Consumer Electronics,POS,XNA,Country-wide,1744,Consumer electronics,12.0,middle,POS household with interest,365243.0,-469.0,-139.0,-139.0,-131.0,0.0,0,Cash loans,M,Y,Y,0,270000.0,1258650.0,53455.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010032,-15186,-4089,-2965.0,-511,12.0,1,1,0,1,0,0,Medicine staff,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,Other,0.2929823446225418,0.5743163897605512,0.5656079814115492,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-501.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1773087,382354,Consumer loans,5183.55,40221.0,46701.0,4050.0,40221.0,SATURDAY,7,Y,1,0.08691096100211189,,,XAP,Approved,-1922,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,45,Connectivity,14.0,high,POS mobile with interest,365243.0,-1890.0,-1500.0,-1500.0,-1494.0,0.0,0,Cash loans,F,Y,N,1,135000.0,765000.0,22054.5,765000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.015221,-12578,-1658,-337.0,-5203,4.0,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,9,0,0,0,0,1,1,Business Entity Type 3,0.4371869500441241,0.5008273840137935,0.5549467685334323,0.0918,0.0906,0.9871,0.8232,0.0145,0.0,0.2069,0.1667,0.2083,0.0286,0.07400000000000001,0.0858,0.0039,0.0053,0.0935,0.0941,0.9871,0.8301,0.0147,0.0,0.2069,0.1667,0.2083,0.0292,0.0808,0.0887,0.0039,0.0056,0.0926,0.0906,0.9871,0.8256,0.0146,0.0,0.2069,0.1667,0.2083,0.0291,0.0752,0.0874,0.0039,0.0054,reg oper account,block of flats,0.0782,Block,No,0.0,0.0,0.0,0.0,-8.0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,4.0,4.0,0.0,0.0,1.0 +1195482,173732,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SUNDAY,15,Y,1,,,,XAP,Approved,-178,XNA,XAP,Family,Repeater,XNA,Cards,walk-in,Country-wide,34,Connectivity,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,135000.0,1056447.0,31018.5,922500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.0031219999999999998,-15053,-5157,-5811.0,-4611,,1,1,0,1,1,0,Medicine staff,2.0,3,3,WEDNESDAY,9,0,0,0,0,0,0,Military,0.6446206371273979,0.6759395958954881,0.6413682574954046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-391.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +2231439,136327,Cash loans,3897.45,67500.0,67500.0,,67500.0,SUNDAY,15,Y,1,,,,XNA,Refused,-385,Cash through the bank,SCO,,Repeater,XNA,Cash,x-sell,Regional / Local,600,Consumer electronics,42.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,N,2,54000.0,436032.0,21339.0,360000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018209,-10564,-2603,-299.0,-1783,,1,1,1,1,0,0,High skill tech staff,4.0,3,3,SUNDAY,13,0,0,0,0,0,0,Transport: type 3,,0.07232271161697569,0.3201633668633456,0.1031,0.0929,0.9831,0.7688,0.0841,0.0,0.2069,0.1667,0.2083,0.1034,0.0815,0.0899,0.0116,0.02,0.105,0.0964,0.9831,0.7779,0.0849,0.0,0.2069,0.1667,0.2083,0.1058,0.0891,0.0936,0.0117,0.0212,0.1041,0.0929,0.9831,0.7719,0.0847,0.0,0.2069,0.1667,0.2083,0.1052,0.0829,0.0915,0.0116,0.0205,reg oper account,block of flats,0.1211,Panel,No,2.0,0.0,2.0,0.0,-216.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2751665,349273,Consumer loans,10474.965,103455.0,93109.5,10345.5,103455.0,WEDNESDAY,11,Y,1,0.1089090909090909,,,XAP,Approved,-873,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Stone,10,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-842.0,-572.0,-572.0,-568.0,0.0,0,Cash loans,F,N,Y,1,63000.0,270000.0,14778.0,270000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.01885,-10039,-2446,-2536.0,-2399,,1,1,1,1,0,0,Laborers,3.0,2,2,MONDAY,11,0,0,0,0,0,0,Transport: type 2,0.7476924699859588,0.7136674861553441,0.7662336700704004,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1108.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2003992,393272,Consumer loans,4829.085,25078.5,23683.5,2511.0,25078.5,TUESDAY,13,Y,1,0.10440005622276707,,,XAP,Approved,-1904,Cash through the bank,XAP,,New,Mobile,POS,XNA,Stone,162,Consumer electronics,6.0,high,POS household with interest,365243.0,-1870.0,-1720.0,-1720.0,-1717.0,0.0,0,Cash loans,F,N,Y,0,67500.0,450000.0,21888.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009175,-18627,-1309,-837.0,-2175,,1,1,1,1,0,0,Laborers,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.6995524811624513,,0.1309,0.0707,0.9796,,,0.0,0.069,0.1667,,0.0599,,0.0755,,0.021,0.1334,0.0733,0.9796,,,0.0,0.069,0.1667,,0.0613,,0.0787,,0.0223,0.1322,0.0707,0.9796,,,0.0,0.069,0.1667,,0.061,,0.0769,,0.0215,,block of flats,0.064,"Stone, brick",No,0.0,0.0,0.0,0.0,-1904.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1091684,335746,Consumer loans,4927.5,21721.5,25695.0,0.0,21721.5,SUNDAY,11,Y,1,0.0,,,XAP,Refused,-373,Cash through the bank,LIMIT,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,2000,Consumer electronics,6.0,middle,POS household with interest,,,,,,,0,Cash loans,M,N,N,0,202500.0,604152.0,27994.5,540000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,With parents,0.018634,-8524,-537,-6514.0,-1154,,1,1,0,1,1,0,,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,University,,0.5307090035149336,0.5424451438613613,0.8009999999999999,0.4667,0.9861,0.8096,0.2857,0.92,0.7931,0.3333,0.0417,0.7103,0.6523,0.8597,0.0039,0.0011,0.8162,0.4843,0.9861,0.8171,0.2883,0.9264,0.7931,0.3333,0.0417,0.7265,0.7126,0.8957,0.0039,0.0011,0.8088,0.4667,0.9861,0.8121,0.2875,0.92,0.7931,0.3333,0.0417,0.7227,0.6635,0.8751,0.0039,0.0011,org spec account,block of flats,0.8326,Panel,No,1.0,1.0,1.0,1.0,-485.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1288340,105696,Consumer loans,3173.22,22905.0,26095.5,2290.5,22905.0,FRIDAY,15,Y,1,0.0878800368939874,,,XAP,Approved,-1846,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,10,Connectivity,12.0,high,POS mobile with interest,365243.0,-1815.0,-1485.0,-1485.0,-1480.0,0.0,0,Cash loans,F,Y,Y,1,135000.0,258709.5,25717.5,234000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-9940,-483,-7428.0,-2630,11.0,1,1,0,1,1,0,Sales staff,3.0,2,2,WEDNESDAY,18,0,0,0,0,0,0,Trade: type 3,0.5358714893350528,0.6122027309034976,0.17044612304522816,0.1309,0.0565,0.9896,0.8572,0.0366,0.08,0.0345,0.625,0.6667,0.0582,0.1067,0.1329,0.0,0.0,0.1334,0.0586,0.9896,0.8628,0.037000000000000005,0.0806,0.0345,0.625,0.6667,0.0595,0.1166,0.1385,0.0,0.0,0.1322,0.0565,0.9896,0.8591,0.0369,0.08,0.0345,0.625,0.6667,0.0592,0.1086,0.1353,0.0,0.0,reg oper account,block of flats,0.1409,Monolithic,No,1.0,0.0,1.0,0.0,-1846.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1750086,191073,Revolving loans,22500.0,0.0,450000.0,,,FRIDAY,13,Y,1,,,,XAP,Approved,-2307,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-2293.0,-2229.0,365243.0,-1438.0,365243.0,0.0,1,Cash loans,M,Y,N,0,180000.0,382500.0,25560.0,382500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-18833,365243,-5382.0,-2379,14.0,1,0,0,1,1,1,,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,XNA,,0.7341324350218178,0.4938628816996244,0.1485,0.092,0.9866,0.8164,0.0,0.16,0.1379,0.3333,0.375,0.0608,0.121,0.1544,0.0,0.0,0.1513,0.0955,0.9866,0.8236,0.0,0.1611,0.1379,0.3333,0.375,0.0622,0.1322,0.1609,0.0,0.0,0.1499,0.092,0.9866,0.8189,0.0,0.16,0.1379,0.3333,0.375,0.0619,0.1231,0.1572,0.0,0.0,reg oper spec account,block of flats,0.1215,Panel,No,1.0,0.0,1.0,0.0,-1903.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2817315,382407,Consumer loans,3376.485,19305.0,19044.0,1161.0,19305.0,SATURDAY,17,Y,1,0.06258027940878719,,,XAP,Approved,-2654,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Stone,175,Consumer electronics,6.0,low_normal,POS household without interest,365243.0,-2623.0,-2473.0,-2473.0,-2464.0,1.0,0,Cash loans,F,N,Y,0,85500.0,1262583.0,37044.0,1102500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.010556,-14761,-2593,-4524.0,-5834,,1,1,0,1,0,0,Cleaning staff,2.0,3,3,SUNDAY,12,0,0,0,0,0,0,Industry: type 9,,0.6805351600049006,0.7252764347002191,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-597.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2467790,324762,Consumer loans,6314.805,22495.5,23386.5,0.0,22495.5,FRIDAY,11,Y,1,0.0,,,XAP,Approved,-337,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Regional / Local,100,Consumer electronics,4.0,middle,POS household with interest,365243.0,-302.0,-212.0,-212.0,-209.0,0.0,0,Revolving loans,F,N,Y,0,112500.0,180000.0,9000.0,,,State servant,Secondary / secondary special,Widow,House / apartment,0.006852,-16145,-1372,-4490.0,-4504,,1,1,0,1,1,0,Security staff,1.0,3,3,SATURDAY,13,0,0,0,0,1,1,School,,0.14570305901260314,0.3280631605201915,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-990.0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,7.0 +1668051,105174,Cash loans,6233.04,90000.0,101880.0,,90000.0,THURSDAY,8,Y,1,,,,XNA,Approved,-574,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-544.0,146.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,90000.0,868500.0,38385.0,868500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-22718,365243,-12588.0,-4877,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,XNA,,0.2579364754681017,0.7338145369642702,0.1082,0.0714,0.9896,0.8504,0.0464,0.12,0.0862,0.3958,0.4375,0.0633,0.0878,0.1148,0.0097,0.0633,0.0704,0.0379,0.9806,0.7452,0.0152,0.0806,0.0345,0.3333,0.375,0.0193,0.0606,0.0855,0.0039,0.036000000000000004,0.1093,0.0714,0.9896,0.8524,0.0467,0.12,0.0862,0.3958,0.4375,0.0644,0.0894,0.1169,0.0097,0.0647,reg oper spec account,block of flats,0.1043,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2230439,111080,Cash loans,28308.15,877500.0,877500.0,,877500.0,TUESDAY,9,Y,1,,,,XNA,Refused,-1102,XNA,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,Y,N,0,270000.0,640080.0,29970.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.010032,-9465,-553,-4007.0,-730,17.0,1,1,0,1,0,0,Sales staff,1.0,2,2,FRIDAY,12,0,0,0,0,0,0,Self-employed,0.3268204567049886,0.5136493297455712,0.5814837058057234,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1857.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1994364,247192,Revolving loans,2250.0,0.0,45000.0,,,MONDAY,17,Y,1,,,,XAP,Approved,-703,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-694.0,-451.0,365243.0,-451.0,365243.0,0.0,0,Cash loans,M,Y,N,0,369000.0,2169342.0,82759.5,2025000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.02461,-20993,-11807,-6743.0,-4535,21.0,1,1,0,1,1,1,High skill tech staff,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Business Entity Type 2,,0.3711196064713652,0.6161216908872079,,0.1073,0.9767,0.6804,0.0113,0.0,0.2069,0.1667,0.2083,0.0691,,0.0893,,0.0,,0.1113,0.9767,0.6929,0.0114,0.0,0.2069,0.1667,0.2083,0.0706,,0.093,,0.0,,0.1073,0.9767,0.6847,0.0114,0.0,0.2069,0.1667,0.2083,0.0703,,0.0909,,0.0,,block of flats,0.0764,"Stone, brick",No,0.0,0.0,0.0,0.0,-978.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2536110,142322,Revolving loans,6750.0,0.0,135000.0,,,FRIDAY,8,Y,1,,,,XAP,Approved,-2320,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-2317.0,-2281.0,365243.0,-973.0,365243.0,0.0,0,Cash loans,F,N,Y,0,90000.0,202500.0,9868.5,202500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,Municipal apartment,0.028663,-22723,365243,-8358.0,-4127,,1,0,0,1,1,1,,2.0,2,2,MONDAY,8,0,0,0,0,0,0,XNA,0.9128516239474724,0.7299847452615343,0.326475210066026,0.2742,0.1903,0.9866,0.8164,0.4602,0.28,0.2414,0.3542,0.3958,0.0876,0.2152,0.2948,0.0502,0.0577,0.2647,0.1685,0.9846,0.7975,0.2153,0.282,0.2414,0.3333,0.375,0.0,0.213,0.2819,0.0233,0.026,0.2769,0.1903,0.9866,0.8189,0.4631,0.28,0.2414,0.3542,0.3958,0.0891,0.2189,0.3001,0.0505,0.0589,reg oper account,block of flats,0.3492,Panel,No,1.0,1.0,1.0,1.0,-1033.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +1668561,201489,Consumer loans,27261.855,147960.0,154309.5,0.0,147960.0,MONDAY,10,Y,1,0.0,,,XAP,Approved,-704,XNA,XAP,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Regional / Local,70,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-673.0,-523.0,-553.0,-551.0,0.0,0,Cash loans,F,N,Y,1,135000.0,948582.0,27864.0,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-15407,-3521,-3633.0,-4505,,1,1,0,1,0,0,Sales staff,3.0,3,2,FRIDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.6030820051583641,0.5591649540370658,0.6940926425266661,0.0825,0.0659,0.9757,0.6668,0.0286,0.0,0.1379,0.1667,0.2083,0.0644,0.0664,0.0698,0.0039,0.0031,0.084,0.0683,0.9757,0.6798,0.0289,0.0,0.1379,0.1667,0.2083,0.0658,0.0725,0.0727,0.0039,0.0033,0.0833,0.0659,0.9757,0.6713,0.0288,0.0,0.1379,0.1667,0.2083,0.0655,0.0676,0.071,0.0039,0.0031,reg oper account,block of flats,0.0712,Panel,No,6.0,0.0,6.0,0.0,-2376.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1313730,180200,Consumer loans,4710.69,21780.0,23103.0,2250.0,21780.0,SUNDAY,10,Y,1,0.09665343531158224,,,XAP,Approved,-1480,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,60,Connectivity,6.0,high,POS household with interest,365243.0,-1447.0,-1297.0,-1297.0,-1291.0,0.0,0,Cash loans,M,N,N,0,157500.0,630000.0,17455.5,630000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.0228,-13874,-344,-35.0,-3759,,1,1,0,1,0,0,Laborers,1.0,2,2,WEDNESDAY,8,0,0,0,0,1,1,Transport: type 4,,0.5499443363103649,0.2851799046358216,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1302.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1853675,121711,Consumer loans,9890.685,44950.5,52780.5,0.0,44950.5,MONDAY,14,Y,1,0.0,,,XAP,Approved,-754,Cash through the bank,XAP,,New,Computers,POS,XNA,Country-wide,750,Consumer electronics,6.0,middle,POS household with interest,365243.0,-723.0,-573.0,-633.0,-622.0,0.0,0,Cash loans,F,N,N,0,225000.0,773680.5,42102.0,679500.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.072508,-10622,-1669,-4575.0,-1145,,1,1,1,1,0,0,,2.0,1,1,FRIDAY,18,0,0,0,0,0,0,Other,0.3975498869137849,0.7457532245940754,0.5726825047161584,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-754.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1643623,315439,Consumer loans,15465.735,155119.5,168840.0,0.0,155119.5,TUESDAY,15,Y,1,0.0,,,XAP,Approved,-1430,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Regional / Local,481,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-1399.0,-1069.0,-1129.0,-1124.0,0.0,0,Cash loans,M,Y,N,1,135000.0,454500.0,21865.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.018209,-11447,-2246,-4927.0,-3251,21.0,1,1,0,1,0,0,Laborers,3.0,3,3,THURSDAY,7,0,0,0,0,0,0,Transport: type 2,,0.4813465631791898,0.2764406945454034,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1861.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2838889,122254,Consumer loans,15721.92,148275.0,146659.5,14827.5,148275.0,SUNDAY,12,Y,1,0.09999873336271928,,,XAP,Refused,-1624,Cash through the bank,HC,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,250,Furniture,12.0,middle,POS industry with interest,,,,,,,0,Cash loans,F,N,N,0,108000.0,1129500.0,37980.0,1129500.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.018209,-23669,365243,-12617.0,-4350,,1,0,0,1,1,0,,2.0,3,3,SUNDAY,8,0,0,0,0,0,0,XNA,,0.5486125440267934,0.4596904504249018,0.2557,0.1884,0.9826,,,0.28,0.2414,0.3333,,0.1862,,0.2554,,0.0155,0.2605,0.1956,0.9826,,,0.282,0.2414,0.3333,,0.1904,,0.2661,,0.0164,0.2581,0.1884,0.9826,,,0.28,0.2414,0.3333,,0.1894,,0.26,,0.0158,,block of flats,0.2376,Panel,No,1.0,0.0,1.0,0.0,-1137.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2330971,234080,Consumer loans,4290.345,46822.5,46822.5,0.0,46822.5,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-674,XNA,XAP,,New,Construction Materials,POS,XNA,Country-wide,8,Construction,12.0,low_action,POS industry with interest,365243.0,-633.0,-303.0,-333.0,-330.0,0.0,0,Cash loans,F,N,Y,1,67500.0,270000.0,13914.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-10396,-554,-7948.0,-1915,,1,1,0,1,0,0,Core staff,3.0,2,2,MONDAY,13,0,0,0,0,0,0,Kindergarten,0.3850046999205394,0.14393461021379242,0.5726825047161584,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-674.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1577760,177166,Cash loans,16691.94,180000.0,239242.5,,180000.0,WEDNESDAY,17,Y,1,,,,XNA,Approved,-496,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-466.0,224.0,-166.0,-163.0,1.0,0,Cash loans,M,Y,Y,0,90000.0,450000.0,21888.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,With parents,0.026392000000000002,-11290,-138,-1210.0,-3507,12.0,1,1,0,1,0,0,Laborers,1.0,2,2,TUESDAY,16,0,0,0,0,1,1,Business Entity Type 3,,0.6192393007423942,0.2263473957097693,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1149.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1890720,321823,Cash loans,11916.315,135000.0,178308.0,,135000.0,FRIDAY,11,Y,1,,,,XNA,Approved,-778,XNA,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,AP+ (Cash loan),6,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-748.0,-58.0,-88.0,-83.0,1.0,0,Cash loans,F,N,Y,1,135000.0,956574.0,40657.5,855000.0,"Spouse, partner",State servant,Higher education,Married,With parents,0.006629,-11646,-95,-2217.0,-2896,,1,1,1,1,1,0,Core staff,3.0,2,2,SATURDAY,6,0,0,0,1,1,0,School,,0.045090391554072566,0.5691487713619409,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1645538,282377,Revolving loans,7875.0,0.0,157500.0,,,MONDAY,15,Y,1,,,,XAP,Approved,-1373,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-1371.0,-1331.0,365243.0,-1239.0,365243.0,0.0,0,Cash loans,F,N,Y,0,157500.0,1312110.0,55723.5,1125000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-22699,365243,-12754.0,-4401,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,,0.6540970926519695,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1496.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1182425,307150,Consumer loans,14628.87,223137.0,223137.0,0.0,223137.0,SATURDAY,15,Y,1,0.0,,,XAP,Approved,-640,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Country-wide,300,Consumer electronics,18.0,low_normal,POS household with interest,365243.0,-609.0,-99.0,-339.0,-331.0,0.0,0,Cash loans,F,N,Y,0,225000.0,436500.0,24502.5,436500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-20539,-1463,-4331.0,-3658,,1,1,0,1,0,0,,2.0,1,1,TUESDAY,16,0,0,0,0,0,0,Other,0.8434323187121208,0.6836221366768553,0.6363761710860439,0.0052,0.001,0.9548,,,0.0,0.1724,0.0,,0.0231,,0.0044,,0.0055,0.0053,0.001,0.9548,,,0.0,0.1724,0.0,,0.0236,,0.0046,,0.0058,0.0052,0.001,0.9548,,,0.0,0.1724,0.0,,0.0235,,0.0045,,0.0056,,block of flats,0.0047,Others,No,0.0,0.0,0.0,0.0,-640.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1885436,138280,Revolving loans,7875.0,0.0,157500.0,,0.0,MONDAY,10,Y,1,,,,XAP,Refused,-1380,XNA,HC,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,157500.0,1350000.0,37125.0,1350000.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.028663,-23704,365243,-333.0,-4569,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,14,0,0,0,0,0,0,XNA,,0.7308072125215725,0.4507472818545589,0.2021,0.0576,0.9836,0.7756,0.0,0.08,0.069,0.3333,0.0417,0.0455,0.1513,0.061,0.0618,0.1061,0.2059,0.0597,0.9836,0.7844,0.0,0.0806,0.069,0.3333,0.0417,0.0466,0.1653,0.0636,0.0623,0.1124,0.204,0.0576,0.9836,0.7786,0.0,0.08,0.069,0.3333,0.0417,0.0463,0.1539,0.0621,0.0621,0.1084,reg oper account,specific housing,0.0887,"Stone, brick",No,5.0,0.0,5.0,0.0,-1499.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1591154,224745,Cash loans,16437.285,225000.0,262125.0,,225000.0,THURSDAY,16,Y,1,,,,XNA,Approved,-723,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),1,XNA,30.0,high,Cash X-Sell: high,365243.0,-693.0,177.0,-303.0,-300.0,1.0,1,Cash loans,F,N,Y,1,76500.0,203760.0,13617.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.035792000000000004,-12009,-4407,-1281.0,-3203,,1,1,1,1,1,0,Medicine staff,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,Medicine,0.6997248355072329,0.702517738030089,0.3344541255096772,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,0.0,-862.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2418249,304329,Consumer loans,2996.19,12105.0,10894.5,1210.5,12105.0,SATURDAY,13,Y,1,0.1089090909090909,,,XAP,Approved,-93,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,25,Connectivity,4.0,middle,POS mobile with interest,365243.0,-59.0,31.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,76500.0,225000.0,10944.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-8721,-1407,-3468.0,-237,,1,1,0,1,1,0,Laborers,2.0,2,2,SUNDAY,18,0,0,0,0,0,0,Postal,0.16778743255655545,0.18759541008068148,,0.2268,0.121,0.9821,0.7552,0.0776,0.0,0.1379,0.3333,0.375,0.0577,0.1849,0.1716,0.0,0.0,0.2311,0.1256,0.9821,0.7648,0.0783,0.0,0.1379,0.3333,0.375,0.059,0.202,0.1788,0.0,0.0,0.229,0.121,0.9821,0.7585,0.0781,0.0,0.1379,0.3333,0.375,0.0587,0.1881,0.1747,0.0,0.0,reg oper spec account,block of flats,0.2187,Panel,No,0.0,0.0,0.0,0.0,-1285.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2180942,200573,Consumer loans,9640.08,80185.5,79312.5,8019.0,80185.5,SUNDAY,9,Y,1,0.10000309166795487,,,XAP,Approved,-1671,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Regional / Local,368,Consumer electronics,12.0,high,POS household with interest,365243.0,-1640.0,-1310.0,-1310.0,-1307.0,0.0,0,Cash loans,F,N,Y,0,207000.0,157500.0,11200.5,157500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-20058,-6239,-10202.0,-2835,,1,1,1,1,1,0,Waiters/barmen staff,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,Other,0.8115648221633969,0.7208558210935924,0.6940926425266661,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1671.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2747393,251813,Cash loans,33464.475,585000.0,654498.0,,585000.0,TUESDAY,11,Y,1,,,,XNA,Refused,-357,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,135000.0,802773.0,42898.5,693000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.018029,-19201,365243,-8343.0,-2729,,1,0,0,1,0,0,,1.0,3,2,TUESDAY,12,0,0,0,0,0,0,XNA,,0.6125038005106842,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,1.0,7.0,1.0,-478.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1163927,425355,Cash loans,27301.635,540000.0,604152.0,,540000.0,TUESDAY,9,Y,1,,,,XNA,Approved,-801,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-771.0,279.0,-411.0,-404.0,1.0,0,Cash loans,F,N,Y,0,171000.0,724981.5,35005.5,648000.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.025164,-16396,-4892,-8003.0,-4834,,1,1,0,1,0,0,,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Industry: type 9,,0.6358535641829325,0.5814837058057234,0.0928,0.0814,0.9781,0.7008,0.0658,0.0,0.2069,0.1667,0.2083,0.0961,0.07400000000000001,0.0866,0.0077,0.0193,0.0945,0.0845,0.9782,0.7125,0.0664,0.0,0.2069,0.1667,0.2083,0.0983,0.0808,0.0902,0.0078,0.0091,0.0937,0.0814,0.9781,0.7048,0.0663,0.0,0.2069,0.1667,0.2083,0.0977,0.0752,0.0881,0.0078,0.0197,reg oper account,block of flats,0.0699,Panel,No,2.0,0.0,2.0,0.0,-1953.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2204251,356457,Cash loans,19131.165,324000.0,359068.5,,324000.0,WEDNESDAY,12,Y,1,,,,XNA,Approved,-404,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-374.0,316.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,2,180000.0,329904.0,22176.0,261000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.019101,-15136,-3302,-6962.0,-4975,,1,1,0,1,0,0,Laborers,4.0,2,2,MONDAY,12,0,0,0,1,1,0,Business Entity Type 3,,0.5125129942702344,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-996.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2052965,155456,Consumer loans,18242.325,179995.5,195439.5,0.0,179995.5,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-772,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Stone,150,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-741.0,-411.0,-411.0,-401.0,0.0,0,Cash loans,M,Y,Y,2,135000.0,247275.0,17586.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-11929,-3137,-5022.0,-4011,21.0,1,1,1,1,0,0,Laborers,4.0,2,2,TUESDAY,13,0,0,0,0,1,1,Business Entity Type 2,0.19734812217714048,0.11542152068889547,0.5334816299804352,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-772.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2560880,380135,Consumer loans,4909.545,28069.65,26509.5,2811.15,28069.65,SUNDAY,12,Y,1,0.10441780482666337,,,XAP,Approved,-2481,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Stone,400,Consumer electronics,6.0,middle,POS household without interest,365243.0,-2450.0,-2300.0,-2300.0,-2292.0,1.0,0,Cash loans,M,Y,Y,2,157500.0,1125000.0,36423.0,1125000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.015221,-10370,-2386,-1981.0,-2946,3.0,1,1,0,1,0,0,High skill tech staff,4.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.7339275130706457,0.6263042766749393,0.1113,0.1617,0.997,0.9592,0.0148,0.0,0.2069,0.1667,0.2083,0.0281,0.0832,0.1075,0.0347,0.0721,0.1134,0.1678,0.997,0.9608,0.0149,0.0,0.2069,0.1667,0.2083,0.0287,0.0909,0.112,0.035,0.0763,0.1124,0.1617,0.997,0.9597,0.0149,0.0,0.2069,0.1667,0.2083,0.0286,0.0847,0.1094,0.0349,0.0736,reg oper account,block of flats,0.1002,"Stone, brick",No,2.0,2.0,2.0,1.0,-1731.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2320850,111204,Revolving loans,4500.0,225000.0,90000.0,,225000.0,TUESDAY,8,N,1,,,,XAP,Refused,-1180,XNA,LIMIT,,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),-1,XNA,0.0,XNA,Card X-Sell,,,,,,,1,Cash loans,M,N,Y,0,126000.0,616261.5,22266.0,468000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.020246,-17325,-1351,-2354.0,-862,,1,1,0,1,0,0,Security staff,2.0,3,3,SATURDAY,7,0,0,0,0,0,0,Security,0.2635016955162946,0.7687332042021113,0.3092753558842053,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1187.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1268614,390796,Consumer loans,2734.065,18846.0,18846.0,0.0,18846.0,WEDNESDAY,12,Y,1,0.0,,,XAP,Approved,-691,XNA,XAP,,New,Mobile,POS,XNA,Country-wide,27,Connectivity,10.0,high,POS mobile with interest,365243.0,-480.0,-210.0,-450.0,-442.0,0.0,0,Cash loans,F,N,Y,0,225000.0,512446.5,37417.5,463500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006296,-18241,-217,-4442.0,-1756,,1,1,0,1,1,0,,2.0,3,3,MONDAY,10,0,0,0,0,0,0,Self-employed,,0.34924359495113444,0.33285056416487313,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,4.0 +2453599,191010,Consumer loans,19916.505,184005.0,179266.5,18400.5,184005.0,TUESDAY,13,Y,1,0.1013817039400976,,,XAP,Refused,-2913,XNA,SCO,Unaccompanied,Repeater,XNA,POS,XNA,Country-wide,-1,Consumer electronics,10.0,low_normal,POS household without interest,,,,,,,0,Cash loans,F,N,N,0,157500.0,1125000.0,33025.5,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.072508,-19898,-1103,-62.0,-2756,,1,1,1,1,0,0,Sales staff,1.0,1,1,TUESDAY,18,0,0,0,0,0,0,Trade: type 1,,0.7660359208504659,,0.2701,0.0883,0.9995,0.9932,0.1293,0.32,0.1379,0.6667,0.7083,0.0,0.2185,0.2744,0.0077,0.0383,0.2752,0.0917,0.9995,0.9935,0.1305,0.3222,0.1379,0.6667,0.7083,0.0,0.2388,0.2859,0.0078,0.0405,0.2727,0.0883,0.9995,0.9933,0.1301,0.32,0.1379,0.6667,0.7083,0.0,0.2223,0.2793,0.0078,0.0391,reg oper account,block of flats,0.2241,Panel,No,0.0,0.0,0.0,0.0,-717.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2147855,258721,Cash loans,10083.285,193500.0,193500.0,,193500.0,FRIDAY,11,Y,1,,,,XNA,Approved,-488,XNA,XAP,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,48.0,high,Cash X-Sell: high,365243.0,-458.0,952.0,-428.0,-423.0,0.0,0,Cash loans,M,Y,Y,0,117000.0,540000.0,20925.0,540000.0,Unaccompanied,State servant,Secondary / secondary special,Married,With parents,0.002042,-14046,-4507,-2837.0,-4193,2.0,1,1,1,1,0,0,Core staff,2.0,3,3,WEDNESDAY,11,0,0,0,0,0,0,Agriculture,,0.2685122835903713,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-196.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2343835,290519,Consumer loans,2792.205,27927.0,25132.5,2794.5,27927.0,THURSDAY,7,Y,1,0.1089792869070987,,,XAP,Approved,-2905,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Stone,10,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2871.0,-2601.0,-2721.0,-2650.0,0.0,0,Cash loans,M,Y,Y,0,112500.0,142200.0,8293.5,112500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.0038130000000000004,-15225,-7433,-4728.0,-4734,19.0,1,1,1,1,1,0,,2.0,2,2,THURSDAY,12,0,0,0,0,1,1,Other,0.3415304204077629,0.5714055600519862,0.5744466170995097,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2183.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1080741,419583,Cash loans,4023.0,45000.0,45000.0,0.0,45000.0,FRIDAY,9,Y,1,0.0,,,XNA,Approved,-2815,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,15.0,middle,Cash Street: middle,365243.0,-2785.0,-2365.0,-2365.0,-2351.0,0.0,0,Cash loans,M,N,N,0,114750.0,900000.0,26446.5,900000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-18615,365243,-6584.0,-2164,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,XNA,,0.4187045343325653,0.5814837058057234,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,3.0,0.0,-435.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1216954,102572,Consumer loans,6465.375,34425.0,23755.5,13770.0,34425.0,SATURDAY,12,Y,1,0.3996424249692028,,,XAP,Approved,-578,Cash through the bank,XAP,Other_B,New,Consumer Electronics,POS,XNA,Stone,100,Consumer electronics,4.0,middle,POS household with interest,365243.0,-547.0,-457.0,-457.0,-451.0,0.0,0,Cash loans,F,N,N,1,90000.0,314100.0,16443.0,225000.0,Other_B,Working,Lower secondary,Single / not married,House / apartment,0.019688999999999998,-12621,-4280,-4432.0,-4432,,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,11,0,0,0,0,1,1,Government,,0.2903786788583829,0.8327850252992314,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1519822,361432,Consumer loans,4906.125,24840.0,24061.5,4500.0,24840.0,SATURDAY,8,Y,1,0.17159144620937591,,,XAP,Approved,-1570,Cash through the bank,XAP,"Spouse, partner",New,Mobile,POS,XNA,Country-wide,10,Connectivity,6.0,high,POS mobile with interest,365243.0,-1539.0,-1389.0,-1389.0,-1380.0,0.0,0,Cash loans,M,Y,Y,1,180000.0,450000.0,24412.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-12157,-120,-2352.0,-3931,14.0,1,1,1,1,0,0,Laborers,3.0,2,2,MONDAY,13,0,0,0,0,0,0,Transport: type 4,,0.5755188252377726,0.32173528219668485,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1570.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2345468,373108,Cash loans,13280.04,148500.0,168102.0,,148500.0,SUNDAY,12,Y,1,,,,XNA,Approved,-925,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-895.0,-205.0,-205.0,-197.0,1.0,0,Cash loans,M,N,N,0,157500.0,328365.0,26073.0,297000.0,Family,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.04622,-13161,-618,-1210.0,-2932,,1,1,0,1,1,0,,2.0,1,1,MONDAY,11,0,0,0,0,1,1,University,0.364960276468734,0.5889060740984292,0.2353105173615833,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-55.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1863825,389797,Cash loans,34080.975,922500.0,1056447.0,,922500.0,FRIDAY,16,Y,1,,,,Payments on other loans,Refused,-328,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,N,Y,0,135000.0,135000.0,13482.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-20817,-874,-920.0,-1921,,1,1,0,1,1,0,Laborers,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.3526506258141298,0.470456116119975,0.1577,0.099,0.9935,,,0.16,0.1379,0.3333,,,,,,0.005,0.1607,0.1028,0.9935,,,0.1611,0.1379,0.3333,,,,,,0.0052,0.1593,0.099,0.9935,,,0.16,0.1379,0.3333,,,,,,0.0051,,,0.1883,Mixed,No,0.0,0.0,0.0,0.0,-513.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,11.0 +1109033,262483,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,13,Y,1,,,,XAP,Approved,-411,XNA,XAP,Unaccompanied,Refreshed,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,360000.0,500211.0,39519.0,463500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-13457,-1865,-4745.0,-4745,,1,1,1,1,1,0,Drivers,2.0,2,2,MONDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.6492502291147131,0.6066177022387004,0.7503751495159068,0.1082,0.1589,0.9702,0.5920000000000001,0.0183,0.0,0.2759,0.1667,0.2083,0.079,0.0799,0.1164,0.0386,0.0517,0.1103,0.1649,0.9702,0.608,0.0185,0.0,0.2759,0.1667,0.2083,0.0808,0.0872,0.1213,0.0389,0.0548,0.1093,0.1589,0.9702,0.5975,0.0184,0.0,0.2759,0.1667,0.2083,0.0803,0.0812,0.1185,0.0388,0.0528,reg oper account,block of flats,0.0947,"Stone, brick",No,1.0,1.0,1.0,1.0,-411.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2639805,444634,Cash loans,31322.34,931500.0,1066752.0,,931500.0,WEDNESDAY,7,Y,1,,,,XNA,Approved,-51,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,1,261000.0,1102828.5,32373.0,963000.0,Unaccompanied,State servant,Higher education,Civil marriage,House / apartment,0.002506,-15313,-157,-2808.0,-2368,,1,1,0,1,0,0,Core staff,3.0,2,2,FRIDAY,6,0,0,0,0,0,0,Government,0.2758450378870682,0.7198514592901915,0.7449321846094795,0.1227,0.1322,0.9806,0.7348,,,0.2759,0.1667,,0.068,,0.0789,,0.1311,0.125,0.1372,0.9806,0.7452,,,0.2759,0.1667,,0.0695,,0.0822,,0.1388,0.1239,0.1322,0.9806,0.7383,,,0.2759,0.1667,,0.0692,,0.0803,,0.1339,org spec account,block of flats,0.0906,Panel,No,0.0,0.0,0.0,0.0,-2305.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,1.0 +2722647,452956,Revolving loans,22500.0,0.0,450000.0,,,SUNDAY,11,Y,1,,,,XAP,Refused,-871,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Revolving loans,F,N,Y,1,112500.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.008575,-11928,-256,-1801.0,-2963,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,12,0,0,0,1,1,0,Business Entity Type 3,0.17620404699598746,0.5520380176751151,0.4170996682522097,,,,0.7552,,0.0,,0.0,0.0417,,0.0118,0.0068,,,,,,0.7648,,0.0,,0.0,0.0417,,0.0129,0.006999999999999999,,,,,,0.7585,,0.0,,0.0,0.0417,,0.012,0.0069,,,,block of flats,0.0058,"Stone, brick",No,2.0,1.0,2.0,0.0,-871.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1925727,163290,Consumer loans,7267.905,34632.0,35644.5,4500.0,34632.0,THURSDAY,14,Y,1,0.12208170710580755,,,XAP,Approved,-1623,Cash through the bank,XAP,Other_B,New,Audio/Video,POS,XNA,Country-wide,1524,Consumer electronics,6.0,high,POS household with interest,365243.0,-1592.0,-1442.0,-1442.0,-1438.0,0.0,1,Cash loans,M,Y,Y,2,121500.0,315000.0,24885.0,315000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.019101,-13756,-4584,-4096.0,-4593,6.0,1,1,1,1,0,0,High skill tech staff,4.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,Business Entity Type 3,,0.7156785514635464,0.25670557243930026,0.1237,0.1444,0.9816,0.7484,0.1735,0.0,0.2759,0.1667,,0.1775,0.1009,0.0947,0.0,0.0,0.1261,0.1498,0.9816,0.7583,0.175,0.0,0.2759,0.1667,,0.1815,0.1102,0.0718,0.0,0.0,0.1249,0.1444,0.9816,0.7518,0.1746,0.0,0.2759,0.1667,,0.1806,0.1026,0.0964,0.0,0.0,reg oper account,block of flats,0.0948,Panel,No,0.0,0.0,0.0,0.0,-1623.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2800185,357144,Revolving loans,3375.0,0.0,67500.0,,,TUESDAY,6,Y,1,,,,XAP,Approved,-2127,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,36,Connectivity,0.0,XNA,Card X-Sell,-2105.0,-2049.0,365243.0,-588.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,540000.0,1347466.5,69898.5,1273500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018029,-15630,-3085,-4436.0,-4459,1.0,1,1,0,1,0,0,Managers,2.0,3,3,MONDAY,11,0,0,0,0,0,0,Government,0.7209378623278101,0.6481860434860937,0.4650692149562261,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2127.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1031516,304649,Consumer loans,7593.57,29205.0,29205.0,0.0,29205.0,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-562,Cash through the bank,XAP,,Refreshed,Computers,POS,XNA,Stone,50,Consumer electronics,4.0,low_action,POS household with interest,365243.0,-529.0,-439.0,-439.0,-435.0,0.0,0,Cash loans,M,N,N,1,225000.0,733315.5,43006.5,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00702,-13676,-1016,-1685.0,-4471,,1,1,1,1,1,0,Laborers,3.0,2,2,MONDAY,10,0,0,0,0,1,1,Business Entity Type 3,,0.6111483137259782,0.39449540531239935,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2809.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2536269,276557,Cash loans,9586.305,90000.0,95940.0,,90000.0,THURSDAY,10,Y,1,,,,XNA,Approved,-814,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),10,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-784.0,-454.0,-754.0,-747.0,1.0,0,Cash loans,F,N,Y,0,185400.0,675000.0,19867.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.0228,-19982,365243,-1220.0,-3490,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,XNA,,0.5657411712295362,0.6658549219640212,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-2142.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2623187,258344,Cash loans,23148.855,450000.0,512370.0,,450000.0,TUESDAY,17,Y,1,,,,XNA,Approved,-1267,Cash through the bank,XAP,"Spouse, partner",Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-1237.0,-187.0,-997.0,-989.0,1.0,0,Cash loans,F,N,Y,0,189000.0,717003.0,23260.5,598500.0,Other_B,Working,Secondary / secondary special,Married,House / apartment,0.009175,-23448,-1048,-11004.0,-4413,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Agriculture,,0.6915603621757781,0.3572932680336494,0.2268,0.1484,0.9846,0.7892,0.0463,0.24,0.2069,0.3333,0.375,0.1033,0.1832,0.1424,0.0077,0.0074,0.2311,0.154,0.9846,0.7975,0.0468,0.2417,0.2069,0.3333,0.375,0.1056,0.2002,0.1483,0.0078,0.0078,0.229,0.1484,0.9846,0.792,0.0466,0.24,0.2069,0.3333,0.375,0.1051,0.1864,0.1449,0.0078,0.0075,reg oper account,block of flats,0.17800000000000002,Panel,No,1.0,0.0,1.0,0.0,-29.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2553516,375714,Cash loans,17786.115,299269.62,347860.62,,299269.62,SATURDAY,12,Y,1,,,,XNA,Approved,-620,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash Street: middle,365243.0,-590.0,460.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,180000.0,142632.0,11398.5,126000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.009175,-21788,365243,-3064.0,-4250,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,XNA,,0.5753799225262739,0.5779691187553125,0.1,0.018000000000000002,0.9771,0.6872,0.0072,0.0,0.0345,0.1667,0.2083,0.0088,0.0815,0.0361,0.0,0.0,0.1019,0.0187,0.9772,0.6994,0.0073,0.0,0.0345,0.1667,0.2083,0.009000000000000001,0.0891,0.0376,0.0,0.0,0.101,0.018000000000000002,0.9771,0.6914,0.0073,0.0,0.0345,0.1667,0.2083,0.0089,0.0829,0.0367,0.0,0.0,reg oper account,block of flats,0.0323,"Stone, brick",No,1.0,0.0,1.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1249946,264240,Cash loans,32604.75,675000.0,675000.0,,675000.0,THURSDAY,15,Y,1,,,,XNA,Refused,-3,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,5000,Consumer electronics,36.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,N,Y,0,225000.0,1164667.5,37570.5,1017000.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.026392000000000002,-15978,-2373,-260.0,-4686,,1,1,1,1,0,0,Drivers,2.0,2,2,SUNDAY,12,1,1,0,1,1,0,Business Entity Type 3,0.2005019469962072,0.6275457690834277,,0.2485,0.2723,0.9811,,,0.0,0.5517,0.1667,,0.2476,,0.2263,,0.0117,0.2532,0.2826,0.9811,,,0.0,0.5517,0.1667,,0.2533,,0.2358,,0.0123,0.2509,0.2723,0.9811,,,0.0,0.5517,0.1667,,0.2519,,0.2304,,0.0119,,block of flats,0.1806,Panel,No,0.0,0.0,0.0,0.0,-996.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2341509,319307,Consumer loans,2323.485,12145.5,12789.0,0.0,12145.5,TUESDAY,11,Y,1,0.0,,,XAP,Approved,-755,Cash through the bank,XAP,,Refreshed,Consumer Electronics,POS,XNA,Regional / Local,351,Consumer electronics,6.0,middle,POS household with interest,365243.0,-723.0,-573.0,-723.0,-715.0,0.0,0,Cash loans,F,Y,Y,1,247500.0,1798416.0,62640.0,1552500.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.01885,-16241,-1245,-2714.0,-4474,5.0,1,1,0,1,0,0,High skill tech staff,3.0,2,2,MONDAY,12,0,0,0,0,0,0,Self-employed,0.7049471528172812,0.6623565054545753,0.6722428897082422,0.0577,0.0347,0.9836,,,0.0,0.1379,0.1667,,,,0.0686,,0.0232,0.0588,0.036000000000000004,0.9836,,,0.0,0.1379,0.1667,,,,0.0715,,0.0246,0.0583,0.0347,0.9836,,,0.0,0.1379,0.1667,,,,0.0698,,0.0237,,block of flats,0.059,"Stone, brick",No,0.0,0.0,0.0,0.0,-549.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1737159,417237,Consumer loans,10080.18,82260.0,90405.0,0.0,82260.0,FRIDAY,14,Y,1,0.0,,,XAP,Approved,-1884,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,2000,Consumer electronics,12.0,high,POS household with interest,365243.0,-1853.0,-1523.0,-1523.0,-1518.0,0.0,0,Cash loans,F,N,Y,0,135000.0,1288350.0,37800.0,1125000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.008575,-15739,-2610,-6520.0,-4392,,1,1,0,1,0,0,Sales staff,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,Self-employed,0.4498683757764718,0.4308381378094504,0.4794489811780563,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2185.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,0.0 +1150292,163250,Consumer loans,19219.95,180000.0,195444.0,0.0,180000.0,WEDNESDAY,10,Y,1,0.0,,,XAP,Approved,-372,XNA,XAP,,Repeater,Clothing and Accessories,POS,XNA,Stone,52,Clothing,12.0,middle,POS industry with interest,365243.0,-341.0,-11.0,-41.0,-39.0,0.0,0,Cash loans,F,N,Y,2,153000.0,1123443.0,32976.0,981000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010032,-12872,-2431,-2310.0,-2982,,1,1,0,1,0,0,Sales staff,4.0,2,2,THURSDAY,10,0,0,0,0,0,0,Self-employed,0.3324870911645317,0.5045611479327503,0.6363761710860439,,,0.9801,,,,0.2069,0.1667,,,,,,,,,0.9801,,,,0.2069,0.1667,,,,,,,,,0.9801,,,,0.2069,0.1667,,,,,,,,block of flats,0.0782,"Stone, brick",No,3.0,0.0,3.0,0.0,-764.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2427281,122601,Cash loans,21634.29,189000.0,201474.0,0.0,189000.0,TUESDAY,10,Y,1,0.0,,,XNA,Approved,-2332,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,middle,Cash Street: middle,365243.0,-2299.0,-1969.0,-1969.0,-1963.0,1.0,0,Cash loans,F,Y,Y,0,81000.0,219042.0,12703.5,193500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.031329,-19113,-4731,-258.0,-2598,6.0,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,9,0,0,0,1,1,0,Military,,0.2653117484731741,0.7091891096653581,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1608.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1138940,238250,Cash loans,,0.0,0.0,,,WEDNESDAY,15,Y,1,,,,XNA,Refused,-329,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,157500.0,1575000.0,47754.0,1575000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.007120000000000001,-21536,365243,-2878.0,-4758,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,XNA,0.8451232407513305,0.6076400241213843,0.6313545365850379,0.0165,0.0479,0.9309,,,0.0,0.069,0.0417,,,,0.0079,,0.0805,0.0168,0.0497,0.931,,,0.0,0.069,0.0417,,,,0.0083,,0.0852,0.0167,0.0479,0.9309,,,0.0,0.069,0.0417,,,,0.0081,,0.0821,,block of flats,0.0062,Mixed,No,0.0,0.0,0.0,0.0,-1450.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,7.0 +2092811,359010,Consumer loans,10909.44,99171.0,109642.5,0.0,99171.0,MONDAY,9,Y,1,0.0,,,XAP,Approved,-793,Cash through the bank,XAP,Unaccompanied,New,Construction Materials,POS,XNA,Stone,9,Construction,12.0,middle,POS industry with interest,365243.0,-739.0,-409.0,-409.0,-402.0,0.0,0,Cash loans,F,N,N,0,112500.0,202500.0,6268.5,202500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-23534,365243,-13447.0,-4541,,1,0,0,1,0,0,,2.0,2,2,MONDAY,14,0,0,0,0,0,0,XNA,0.59173824338035,0.6315746045393155,0.5902333386185574,0.066,,0.9742,,,,0.1379,0.125,,,,0.051,,,0.0672,,0.9742,,,,0.1379,0.125,,,,0.0531,,,0.0666,,0.9742,,,,0.1379,0.125,,,,0.0519,,,,block of flats,0.0401,"Stone, brick",No,4.0,0.0,4.0,0.0,-793.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1271408,295864,Revolving loans,6750.0,135000.0,135000.0,0.0,135000.0,THURSDAY,15,Y,1,0.0,,,XAP,Approved,-237,XNA,XAP,,Repeater,XNA,Cards,walk-in,Country-wide,80,Connectivity,0.0,XNA,Card Street,,,,,,,1,Cash loans,F,Y,N,0,180000.0,526491.0,31482.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.007114,-11450,-558,-4946.0,-3759,10.0,1,1,0,1,0,0,Laborers,1.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.15794108704359644,0.12373532211307872,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1503.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1800624,414943,Consumer loans,12487.23,124888.5,112396.5,12492.0,124888.5,SATURDAY,11,Y,1,0.1089365605028776,,,XAP,Approved,-2888,XNA,XAP,,Repeater,Computers,POS,XNA,Stone,15,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-2852.0,-2582.0,-2582.0,-2579.0,0.0,1,Cash loans,M,N,N,0,180000.0,704844.0,36117.0,630000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.026392000000000002,-14602,-3015,-4509.0,-4509,,1,1,1,1,1,0,Laborers,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.4542408939382054,0.3276087247507285,0.30162489168411943,0.101,0.0301,0.9806,0.7348,,0.08,0.0345,0.5417,0.0,0.0739,,0.0896,,0.0003,0.1029,0.0312,0.9806,0.7452,,0.0806,0.0345,0.5417,0.0,0.0756,,0.0934,,0.0003,0.102,0.0301,0.9806,0.7383,,0.08,0.0345,0.5417,0.0,0.0752,,0.0912,,0.0003,,block of flats,0.0702,Panel,No,1.0,0.0,1.0,0.0,-304.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1279973,384305,Cash loans,17497.8,360000.0,409896.0,,360000.0,MONDAY,13,Y,1,,,,XNA,Approved,-1100,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-1070.0,-20.0,-20.0,-16.0,1.0,0,Cash loans,F,N,N,0,103500.0,640705.5,23143.5,477000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.018634,-20451,365243,-11402.0,-3588,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,16,0,0,0,0,0,0,XNA,0.6441547506779982,0.4112511103219344,0.475849908720221,0.0247,0.0676,0.9583,0.4288,0.0038,0.0,0.1379,0.0833,0.0417,0.0106,0.0202,0.0279,0.0,0.0,0.0252,0.0702,0.9583,0.4512,0.0039,0.0,0.1379,0.0833,0.0417,0.0108,0.022,0.0291,0.0,0.0,0.025,0.0676,0.9583,0.4364,0.0038,0.0,0.1379,0.0833,0.0417,0.0108,0.0205,0.0284,0.0,0.0,reg oper account,block of flats,0.0239,"Stone, brick",No,1.0,0.0,1.0,0.0,-676.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2687216,270882,Consumer loans,37769.175,350730.0,373878.0,0.0,350730.0,THURSDAY,11,Y,1,0.0,,,XAP,Approved,-897,Cash through the bank,XAP,Family,Repeater,Clothing and Accessories,POS,XNA,Country-wide,70,Clothing,12.0,middle,POS industry with interest,365243.0,-866.0,-536.0,-566.0,-558.0,0.0,0,Cash loans,F,Y,Y,1,67500.0,355536.0,15192.0,270000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.009549,-18858,-7004,-2033.0,-2411,2.0,1,1,1,1,1,0,Laborers,3.0,2,2,FRIDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.6786776323723791,0.14240556971114973,0.6986675550534175,0.0619,,0.9881,,,0.0,0.1379,0.1667,,0.2729,,0.0648,,0.0,0.063,,0.9881,,,0.0,0.1379,0.1667,,0.2792,,0.0675,,0.0,0.0625,,0.9881,,,0.0,0.1379,0.1667,,0.2777,,0.066,,0.0,,block of flats,0.051,Panel,No,0.0,0.0,0.0,0.0,-1415.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1979067,216743,Consumer loans,9439.74,35640.0,33133.5,3564.0,35640.0,SATURDAY,11,Y,1,0.10577069282648684,,,XAP,Approved,-2684,Cash through the bank,XAP,Unaccompanied,Repeater,Other,POS,XNA,Stone,200,Industry,4.0,low_normal,POS industry with interest,365243.0,-2653.0,-2563.0,-2563.0,-2557.0,1.0,0,Cash loans,M,Y,N,0,162000.0,450000.0,24412.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.015221,-15838,-699,-4187.0,-4199,14.0,1,1,1,1,1,0,Security staff,2.0,2,2,TUESDAY,11,0,1,1,0,1,1,Other,0.6593011278427776,0.6759395958954881,0.4365064990977374,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-686.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2179183,301695,Consumer loans,6644.25,104022.0,125991.0,0.0,104022.0,MONDAY,14,Y,1,0.0,,,XAP,Approved,-939,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,1700,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-908.0,-218.0,-818.0,-814.0,0.0,0,Cash loans,M,Y,Y,0,112500.0,862560.0,25348.5,720000.0,Unaccompanied,State servant,Incomplete higher,Single / not married,With parents,0.00963,-9400,-765,-4206.0,-2090,15.0,1,1,0,1,1,1,Sales staff,1.0,2,2,TUESDAY,9,0,0,0,0,0,0,Self-employed,0.265625765306066,0.4418901437250566,0.6144143775673561,0.0588,0.0835,0.9831,0.7688,0.009000000000000001,0.0,0.1379,0.1667,0.2083,0.0161,0.0471,0.0541,0.0039,0.0579,0.0599,0.0867,0.9831,0.7779,0.0091,0.0,0.1379,0.1667,0.2083,0.0165,0.0514,0.0563,0.0039,0.0613,0.0593,0.0835,0.9831,0.7719,0.009000000000000001,0.0,0.1379,0.1667,0.2083,0.0164,0.0479,0.055,0.0039,0.0591,reg oper account,block of flats,0.06,"Stone, brick",No,0.0,0.0,0.0,0.0,-939.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2045564,113806,Cash loans,10856.34,180000.0,203760.0,,180000.0,TUESDAY,11,Y,1,,,,XNA,Approved,-230,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),116,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-200.0,490.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,94500.0,254700.0,14751.0,225000.0,"Spouse, partner",Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.020246,-24052,365243,-5708.0,-4380,,1,0,0,1,0,0,,2.0,3,3,MONDAY,8,0,0,0,0,0,0,XNA,,0.5423777492390199,0.1008037063175332,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,0.0,-518.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1892829,204592,Cash loans,16552.71,360000.0,496890.0,,360000.0,MONDAY,11,Y,1,,,,XNA,Refused,-1046,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,low_normal,Cash Street: low,,,,,,,0,Revolving loans,F,N,Y,1,112500.0,315000.0,15750.0,315000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.031329,-13096,-1810,-461.0,-4383,,1,1,0,1,0,0,,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.7045064166006577,0.6109913280868294,0.1031,0.0,0.9771,0.6872,0.0199,0.0,0.069,0.1667,0.2083,0.017,0.0832,0.0283,0.0039,0.0009,0.105,0.0,0.9772,0.6994,0.0201,0.0,0.069,0.1667,0.2083,0.0174,0.0909,0.0295,0.0039,0.001,0.1041,0.0,0.9771,0.6914,0.0201,0.0,0.069,0.1667,0.2083,0.0173,0.0847,0.0288,0.0039,0.0009,reg oper account,block of flats,0.0225,"Stone, brick",No,0.0,0.0,0.0,0.0,-1243.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +1034153,193096,Cash loans,12447.54,112500.0,143505.0,0.0,112500.0,WEDNESDAY,13,Y,1,0.0,,,XNA,Approved,-1779,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,18.0,high,Cash X-Sell: high,365243.0,-1749.0,-1239.0,-1239.0,-1235.0,1.0,0,Cash loans,F,N,Y,0,202500.0,1061599.5,31171.5,927000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.035792000000000004,-17699,-1350,-9311.0,-1234,,1,1,0,1,0,0,,1.0,2,2,THURSDAY,13,0,0,0,0,0,0,Self-employed,,0.32062925466703623,0.4436153084085652,0.0722,0.0836,0.9816,0.7484,0.0078,0.0,0.1379,0.1667,0.2083,0.07,0.0588,0.0623,0.0,0.0,0.0735,0.0868,0.9816,0.7583,0.0079,0.0,0.1379,0.1667,0.2083,0.0716,0.0643,0.0649,0.0,0.0,0.0729,0.0836,0.9816,0.7518,0.0079,0.0,0.1379,0.1667,0.2083,0.0713,0.0599,0.0634,0.0,0.0,reg oper account,block of flats,0.049,"Stone, brick",No,7.0,1.0,7.0,1.0,-239.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1263761,303506,Cash loans,31674.87,675000.0,744498.0,,675000.0,MONDAY,11,Y,1,,,,XNA,Approved,-808,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-778.0,272.0,-688.0,-682.0,1.0,0,Cash loans,F,N,Y,0,135000.0,355536.0,15790.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010966,-19569,-1878,-4290.0,-2836,,1,1,0,1,0,0,,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,Government,,0.20357246321933267,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1335.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2453268,375094,Cash loans,24628.86,621000.0,621000.0,,621000.0,THURSDAY,18,Y,1,,,,XNA,Refused,-1074,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,1,247500.0,630000.0,32166.0,630000.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.022625,-13680,-2426,-4595.0,-1763,,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,17,0,0,0,0,0,0,Self-employed,0.2967481813300121,0.4970607275632262,0.4206109640437848,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-407.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1430514,220048,Consumer loans,15908.085,166500.0,149850.0,16650.0,166500.0,FRIDAY,13,Y,1,0.1089090909090909,,,XAP,Approved,-753,XNA,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Stone,55,Consumer electronics,12.0,middle,POS household with interest,365243.0,-701.0,-371.0,-401.0,-394.0,0.0,0,Cash loans,M,N,N,0,112500.0,544491.0,17563.5,454500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.008625,-21459,-3510,-3407.0,-3543,,1,1,1,1,0,0,Laborers,2.0,2,2,SUNDAY,15,0,0,0,0,1,1,Other,,0.5745836741434339,0.39277386060313396,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-381.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1132166,398383,Cash loans,74276.82,675000.0,780898.5,,675000.0,SUNDAY,14,Y,1,,,,XNA,Approved,-1207,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-1177.0,-847.0,-1027.0,-1025.0,1.0,0,Cash loans,F,Y,N,0,270000.0,1971072.0,68643.0,1800000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.032561,-21327,-2387,-8458.0,-4814,8.0,1,1,1,1,1,1,Managers,2.0,1,1,WEDNESDAY,12,0,0,0,0,0,0,Construction,0.9110781897666566,0.7336968555597155,0.5902333386185574,0.2418,0.1239,0.9781,0.7076,,0.34,0.2672,0.25,0.375,,0.2824,0.2841,,0.0028,0.1239,0.0703,0.9786,0.7190000000000001,,0.3222,0.2759,0.1667,0.375,,0.3085,0.4481,,0.003,0.2519,0.1286,0.9786,0.7115,,0.34,0.2759,0.25,0.375,,0.2873,0.3433,,0.0029,reg oper account,block of flats,0.5308,Panel,No,0.0,0.0,0.0,0.0,-1244.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1626230,426725,Cash loans,14794.335,202500.0,229230.0,,202500.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-924,Cash through the bank,XAP,"Spouse, partner",Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-894.0,-204.0,-474.0,-465.0,1.0,0,Cash loans,F,Y,Y,2,157500.0,398016.0,22977.0,360000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.008575,-12694,-1717,-8134.0,-3597,9.0,1,1,0,1,0,0,,4.0,2,2,WEDNESDAY,18,0,0,0,0,0,0,Business Entity Type 3,0.6151241188251886,0.6987475495397313,0.7062051096536562,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-3177.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1387752,282090,Consumer loans,4605.66,33025.5,31851.0,3375.0,33025.5,SATURDAY,17,Y,1,0.10434570539322707,,,XAP,Approved,-2882,Cash through the bank,XAP,Group of people,New,Mobile,POS,XNA,Country-wide,66,Connectivity,9.0,low_normal,POS mobile with interest,365243.0,-2850.0,-2610.0,-2610.0,-2601.0,1.0,0,Cash loans,M,N,N,2,216000.0,900000.0,32017.5,900000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.008865999999999999,-13110,-5097,-255.0,-4264,,1,1,0,1,1,0,Laborers,4.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Business Entity Type 2,,0.7652158091892044,0.5154953751603267,0.0309,0.0445,0.995,,,0.0,0.069,0.1667,,,,0.0357,,,0.0315,0.0462,0.995,,,0.0,0.069,0.1667,,,,0.0372,,,0.0312,0.0445,0.995,,,0.0,0.069,0.1667,,,,0.0363,,,,block of flats,0.0281,"Stone, brick",No,0.0,0.0,0.0,0.0,-2882.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,5.0 +1134393,202047,Cash loans,12303.0,112500.0,112500.0,0.0,112500.0,THURSDAY,12,Y,1,0.0,,,XNA,Approved,-2451,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,high,Cash Street: high,365243.0,-2421.0,-2091.0,-2091.0,-2084.0,0.0,0,Cash loans,F,N,Y,0,99000.0,178290.0,18396.0,157500.0,Unaccompanied,Pensioner,Lower secondary,Married,House / apartment,0.007120000000000001,-24795,365243,-2972.0,-4529,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,XNA,,0.7077780302305599,0.7121551551910698,0.0082,,0.9732,,,0.0,0.069,0.0417,,,,0.0054,,0.0,0.0084,,0.9732,,,0.0,0.069,0.0417,,,,0.0056,,0.0,0.0083,,0.9732,,,0.0,0.069,0.0417,,,,0.0055,,0.0,,block of flats,0.0042,"Stone, brick",No,0.0,0.0,0.0,0.0,-1491.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +1472650,226665,Revolving loans,45000.0,900000.0,900000.0,,900000.0,WEDNESDAY,10,Y,1,,,,XAP,Approved,-552,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-546.0,-512.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,202500.0,450000.0,21780.0,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,Municipal apartment,0.004849,-20753,365243,-658.0,-4212,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,16,0,0,0,0,0,0,XNA,0.7822644866084408,0.7835651912348591,0.6706517530862718,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1361.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2232550,334291,Consumer loans,9840.735,157455.0,133524.0,23931.0,157455.0,THURSDAY,9,Y,1,0.1655268778092442,,,XAP,Refused,-2643,XNA,SCO,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Regional / Local,782,Consumer electronics,16.0,low_normal,POS household without interest,,,,,,,0,Cash loans,M,Y,Y,0,333000.0,790830.0,52978.5,675000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010032,-11021,-3368,-4836.0,-3209,5.0,1,1,0,1,1,1,Managers,2.0,2,2,MONDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.3005009672420916,0.4637870827085159,0.3185955240537633,0.2227,0.1432,0.9851,0.7959999999999999,0.0845,0.24,0.2069,0.3333,0.375,0.1842,0.1816,0.25,0.0,0.0,0.2269,0.1486,0.9851,0.804,0.0853,0.2417,0.2069,0.3333,0.375,0.1884,0.1983,0.2604,0.0,0.0,0.2248,0.1432,0.9851,0.7987,0.085,0.24,0.2069,0.3333,0.375,0.1874,0.1847,0.2545,0.0,0.0,,block of flats,0.2428,Panel,No,0.0,0.0,0.0,0.0,-1063.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1074442,267366,Consumer loans,,19260.0,19260.0,0.0,19260.0,MONDAY,13,Y,1,0.0,,,XAP,Refused,-1768,Cash through the bank,XNA,Family,Repeater,Mobile,XNA,XNA,Country-wide,40,Connectivity,,XNA,POS mobile with interest,,,,,,,1,Cash loans,M,Y,Y,1,112500.0,521280.0,31630.5,450000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.031329,-10828,-2654,-2799.0,-3405,1.0,1,1,0,1,0,0,Laborers,3.0,2,2,FRIDAY,10,0,0,0,0,1,1,Industry: type 11,0.31641249195192794,0.5779690093071216,0.2079641743053816,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1768.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1641225,319401,Consumer loans,27246.645,127822.5,102258.0,25564.5,127822.5,TUESDAY,14,Y,1,0.2178181818181818,,,XAP,Approved,-1039,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,-1,Connectivity,4.0,middle,POS mobile without interest,365243.0,-1005.0,-915.0,-915.0,-907.0,0.0,0,Cash loans,F,N,Y,0,306000.0,1451047.5,60012.0,1354500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.006207,-15608,-2293,-385.0,-399,,1,1,0,1,0,1,Cooking staff,2.0,2,2,FRIDAY,18,0,0,0,0,0,0,Business Entity Type 3,0.5818731418367817,0.5411399919677014,,0.0134,,0.9697,,,0.0,0.069,0.0417,,0.0313,,0.0137,,0.0093,0.0137,,0.9697,,,0.0,0.069,0.0417,,0.032,,0.0143,,0.0099,0.0135,,0.9697,,,0.0,0.069,0.0417,,0.0318,,0.0139,,0.0095,,block of flats,0.0137,"Stone, brick",No,0.0,0.0,0.0,0.0,-2012.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1891251,133829,Cash loans,18717.21,315000.0,366142.5,,315000.0,MONDAY,8,Y,1,,,,XNA,Approved,-1264,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-1234.0,-184.0,-184.0,-180.0,1.0,0,Cash loans,F,Y,Y,0,112500.0,526491.0,32337.0,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018029,-22586,365243,-5474.0,-5474,15.0,1,0,0,1,0,0,,2.0,3,2,FRIDAY,5,0,0,0,0,0,0,XNA,,0.27309377194321804,0.6246146584503397,0.0928,0.1006,0.9762,0.6736,0.0432,0.0,0.2069,0.1667,0.2083,0.0887,0.07400000000000001,0.0857,0.0077,0.0077,0.0945,0.1044,0.9762,0.6864,0.0436,0.0,0.2069,0.1667,0.2083,0.0907,0.0808,0.0893,0.0078,0.0082,0.0937,0.1006,0.9762,0.6779999999999999,0.0435,0.0,0.2069,0.1667,0.2083,0.0903,0.0752,0.0873,0.0078,0.0079,reg oper account,block of flats,0.0928,Panel,No,0.0,0.0,0.0,0.0,-983.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2098839,420269,Consumer loans,9456.525,90315.0,99850.5,0.0,90315.0,WEDNESDAY,11,Y,1,0.0,,,XAP,Approved,-1045,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,168,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-1014.0,-684.0,-684.0,-677.0,0.0,0,Revolving loans,F,N,Y,1,202500.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.018634,-13843,-3243,-308.0,-4151,,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,Industry: type 3,,0.02488313938851313,0.5762088360175724,0.0784,,0.9752,,,0.0,0.1379,0.1667,,0.0552,,0.0606,,0.0112,0.0798,,0.9752,,,0.0,0.1379,0.1667,,0.0564,,0.0631,,0.0119,0.0791,,0.9752,,,0.0,0.1379,0.1667,,0.0561,,0.0617,,0.0115,,block of flats,0.0476,"Stone, brick",No,4.0,1.0,4.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1453643,218666,Cash loans,32852.295,450000.0,491580.0,,450000.0,SATURDAY,18,Y,1,,,,Repairs,Refused,-334,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,202500.0,650758.5,36468.0,603000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.019101,-21670,-12134,-2743.0,-2390,,1,1,0,1,0,0,Laborers,1.0,2,2,THURSDAY,13,0,0,0,0,0,0,Industry: type 7,,0.7483400097636836,0.501075160239048,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1503.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1293045,262035,Revolving loans,9000.0,180000.0,180000.0,,180000.0,FRIDAY,13,Y,1,,,,XAP,Approved,-186,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card X-Sell,-186.0,-139.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,M,Y,N,1,180000.0,254700.0,30357.0,225000.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.008019,-8642,-912,-1119.0,-1140,8.0,1,1,0,1,0,0,Drivers,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Self-employed,,0.28184370092997363,0.2778856891082046,0.0557,0.0612,0.993,0.9048,0.0069,0.0,0.1034,0.1667,0.2083,0.0286,0.0454,0.0577,0.0,0.0,0.0567,0.0636,0.993,0.9085,0.0069,0.0,0.1034,0.1667,0.2083,0.0292,0.0496,0.0601,0.0,0.0,0.0562,0.0612,0.993,0.9061,0.0069,0.0,0.1034,0.1667,0.2083,0.0291,0.0462,0.0587,0.0,0.0,reg oper account,block of flats,0.0491,"Stone, brick",No,1.0,0.0,1.0,0.0,-118.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,4.0 +1689335,121372,Consumer loans,12619.035,117162.0,129532.5,0.0,117162.0,TUESDAY,16,Y,1,0.0,,,XAP,Approved,-123,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,1000,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-93.0,237.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,2,157500.0,299772.0,16866.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008019,-11295,-1087,-3203.0,-3580,,1,1,0,1,0,0,Core staff,4.0,2,2,SATURDAY,14,0,0,0,0,0,0,Kindergarten,0.4978680903556837,0.3705379750756019,0.475849908720221,0.0619,0.0507,0.9762,0.6736,0.0225,0.0,0.1034,0.1667,0.2083,0.0298,0.0504,0.0517,0.0,0.0,0.063,0.0526,0.9762,0.6864,0.0227,0.0,0.1034,0.1667,0.2083,0.0305,0.0551,0.0539,0.0,0.0,0.0625,0.0507,0.9762,0.6779999999999999,0.0227,0.0,0.1034,0.1667,0.2083,0.0304,0.0513,0.0527,0.0,0.0,reg oper account,block of flats,0.0536,Panel,No,0.0,0.0,0.0,0.0,-703.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2657601,354635,Consumer loans,14569.02,87651.0,73804.5,17550.0,87651.0,FRIDAY,7,Y,1,0.20922390746537328,,,XAP,Approved,-1018,Cash through the bank,XAP,,New,Computers,POS,XNA,Country-wide,30,Connectivity,6.0,high,POS mobile with interest,365243.0,-970.0,-820.0,-820.0,-812.0,0.0,1,Cash loans,M,N,Y,0,180000.0,248760.0,25618.5,225000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.006629,-22449,365243,-7570.0,-4697,,1,0,0,1,0,0,,2.0,2,2,MONDAY,9,0,0,0,0,0,0,XNA,,0.5172430985249318,0.7136313997323308,0.0402,,0.9896,,,,,,,,,0.0452,,,0.041,,0.9896,,,,,,,,,0.0471,,,0.0406,,0.9896,,,,,,,,,0.046,,,,block of flats,0.0356,,No,3.0,0.0,3.0,0.0,-1018.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2480299,400895,Cash loans,18894.6,225000.0,295366.5,,225000.0,FRIDAY,7,Y,1,,,,XNA,Approved,-563,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-533.0,157.0,-293.0,-288.0,1.0,0,Cash loans,M,N,Y,0,135000.0,508495.5,26091.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Separated,With parents,0.019688999999999998,-15195,-1014,-15151.0,-4276,,1,1,0,1,0,0,Laborers,1.0,2,2,MONDAY,14,0,0,0,0,0,0,Industry: type 1,,0.463477118257585,0.3001077565791181,0.0495,0.0658,0.9757,0.6668,0.0045,0.0,0.1034,0.125,0.1667,0.0635,0.0403,0.0405,0.0,0.0,0.0504,0.0683,0.9757,0.6798,0.0045,0.0,0.1034,0.125,0.1667,0.065,0.0441,0.0421,0.0,0.0,0.05,0.0658,0.9757,0.6713,0.0045,0.0,0.1034,0.125,0.1667,0.0647,0.041,0.0412,0.0,0.0,reg oper account,block of flats,0.0343,Block,No,0.0,0.0,0.0,0.0,-1211.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,4.0,3.0 +2138059,270858,Cash loans,30205.35,450000.0,491580.0,,450000.0,THURSDAY,9,Y,1,,,,XNA,Approved,-783,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,middle,Cash Street: middle,365243.0,-753.0,-63.0,-63.0,-52.0,1.0,0,Cash loans,F,Y,Y,0,247500.0,1321902.0,38781.0,1035000.0,"Spouse, partner",Commercial associate,Higher education,Married,House / apartment,0.019688999999999998,-17262,-3930,-4388.0,-807,3.0,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.5614868822008923,0.5513812618027899,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-783.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2132298,165993,Consumer loans,8205.345,107055.0,79663.5,42822.0,107055.0,TUESDAY,10,Y,1,0.38075568870675214,,,XAP,Approved,-1808,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Stone,331,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1776.0,-1446.0,-1686.0,-1684.0,0.0,0,Cash loans,M,Y,N,0,180000.0,1223010.0,48631.5,1125000.0,Other_A,Working,Secondary / secondary special,Married,House / apartment,0.00496,-14017,-6828,-7190.0,-4755,3.0,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,18,0,1,1,0,1,1,Other,0.7773622062805682,0.6283989337049766,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-1808.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1367999,317578,Consumer loans,11221.38,102465.0,99828.0,10246.5,102465.0,SUNDAY,12,Y,1,0.10138015616695964,,,XAP,Approved,-1811,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Stone,807,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1778.0,-1508.0,-1508.0,-1503.0,0.0,0,Cash loans,F,Y,N,0,88200.0,225000.0,6952.5,225000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-20176,365243,-3577.0,-3710,9.0,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,XNA,,0.3471690498361058,0.5797274227921155,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2813412,183647,Cash loans,20995.65,225000.0,299056.5,,225000.0,SUNDAY,15,Y,1,,,,XNA,Approved,-543,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-513.0,177.0,-333.0,-326.0,1.0,0,Cash loans,F,Y,N,1,202500.0,1442596.5,42309.0,1129500.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.072508,-14860,-1603,-8490.0,-4024,10.0,1,1,0,1,1,0,Core staff,3.0,1,1,THURSDAY,16,0,0,0,0,0,0,Self-employed,0.4778125469160244,0.5201637867199876,0.4938628816996244,0.2457,0.1676,0.9786,0.7076,0.081,0.2664,0.2297,0.3333,0.375,0.0,0.1509,0.1756,0.0,0.0,0.1513,0.1,0.9786,0.7190000000000001,0.0276,0.1611,0.1379,0.3333,0.375,0.0,0.1322,0.1464,0.0,0.0,0.2238,0.1517,0.9786,0.7115,0.0815,0.24,0.2069,0.3333,0.375,0.0,0.1535,0.1787,0.0,0.0,reg oper spec account,block of flats,0.1657,Panel,No,0.0,0.0,0.0,0.0,-548.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1090077,189629,Revolving loans,67500.0,1350000.0,1350000.0,,1350000.0,SUNDAY,4,Y,1,,,,XAP,Refused,-150,XNA,SCO,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,N,0,157500.0,906228.0,33714.0,810000.0,Unaccompanied,Working,Higher education,Married,Office apartment,0.010032,-9974,-472,-1465.0,-1547,,1,1,0,1,0,0,Accountants,2.0,2,2,WEDNESDAY,5,0,0,0,0,0,0,Mobile,0.4186378304261142,0.5844200591163679,0.09885928035482196,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-702.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,5.0 +1426991,130892,Consumer loans,,190017.0,190017.0,,190017.0,SUNDAY,10,Y,1,,,,XAP,Refused,-1523,Cash through the bank,LIMIT,Family,Refreshed,Consumer Electronics,XNA,XNA,Stone,150,Consumer electronics,,XNA,POS household with interest,,,,,,,0,Cash loans,F,Y,Y,2,283500.0,316125.0,21253.5,261000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.006852,-15918,-4204,-1777.0,-4322,10.0,1,1,0,1,0,0,Cooking staff,4.0,3,3,THURSDAY,7,0,0,0,0,0,0,Restaurant,,0.2858978721410488,0.21275630545434146,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-1523.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1645213,141731,Cash loans,58709.565,1147500.0,1230808.5,,1147500.0,TUESDAY,11,Y,1,,,,XNA,Approved,-758,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,low_normal,Cash X-Sell: low,365243.0,-728.0,142.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,0,144000.0,1024290.0,30078.0,855000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-23167,365243,-4868.0,-4936,28.0,1,0,0,1,0,0,,2.0,2,2,THURSDAY,8,0,0,0,0,0,0,XNA,,0.6867447664971384,0.6817058776720116,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,2.0,4.0,1.0,-1778.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1549584,438766,Consumer loans,6101.055,34137.0,32341.5,3415.5,34137.0,MONDAY,16,Y,1,0.10402970047822806,,,XAP,Approved,-849,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,946,Consumer electronics,6.0,middle,POS household with interest,365243.0,-818.0,-668.0,-698.0,-696.0,0.0,0,Cash loans,F,N,Y,0,202500.0,1223010.0,48501.0,1125000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-11151,-557,-1455.0,-2856,,1,1,1,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,Self-employed,0.3534065539701773,0.6744913413708296,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-849.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1407843,358832,Cash loans,18235.08,225000.0,269550.0,,225000.0,TUESDAY,11,Y,1,,,,Repairs,Refused,-700,XNA,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Contact center,-1,XNA,36.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,1,76500.0,450000.0,21109.5,450000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.014519999999999996,-9903,-401,-4764.0,-635,,1,1,1,1,1,0,Laborers,3.0,2,2,TUESDAY,7,0,0,0,0,0,0,Government,0.2219570662621964,0.3442507292017128,,0.0825,0.098,0.9781,0.7008,0.0087,0.0,0.1607,0.1667,0.1525,0.0507,0.0672,0.0608,0.0,0.0522,0.084,0.0772,0.9767,0.6929,0.0088,0.0,0.1379,0.1667,0.2083,0.0,0.0735,0.0524,0.0,0.0,0.0833,0.0992,0.9771,0.6914,0.0087,0.0,0.1379,0.1667,0.2083,0.0673,0.0684,0.0575,0.0,0.0628,reg oper account,block of flats,0.0447,"Stone, brick",No,0.0,0.0,0.0,0.0,-1137.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2593760,387996,Cash loans,14266.35,315000.0,315000.0,,315000.0,MONDAY,19,Y,1,,,,XNA,Approved,-688,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-657.0,753.0,-417.0,-409.0,0.0,0,Revolving loans,M,N,N,0,135000.0,270000.0,13500.0,270000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.030755,-18932,-1541,-2990.0,-2364,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Business Entity Type 2,,0.6047689004864473,0.39449540531239935,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,2.0,2.0,2.0,-1712.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1715518,345491,Consumer loans,31912.29,324450.0,311278.5,32445.0,324450.0,THURSDAY,19,Y,1,0.10280226561598073,,,XAP,Approved,-242,Cash through the bank,XAP,Unaccompanied,New,Sport and Leisure,POS,XNA,Stone,300,Auto technology,12.0,middle,POS industry with interest,365243.0,-212.0,118.0,365243.0,365243.0,1.0,0,Revolving loans,M,N,Y,0,225000.0,180000.0,9000.0,180000.0,Unaccompanied,Commercial associate,Incomplete higher,Single / not married,House / apartment,0.032561,-9309,-546,-7599.0,-153,,1,1,0,1,1,0,High skill tech staff,1.0,1,1,MONDAY,12,0,0,0,0,0,0,Business Entity Type 2,0.3584888220342887,0.5593320481262645,0.6313545365850379,0.0672,0.1493,0.9742,0.5852,0.1577,0.1332,0.1148,0.2083,0.2333,0.0259,0.0604,0.0878,0.0008,0.0904,0.0336,0.1102,0.9697,0.6014,0.1091,0.1208,0.1034,0.2083,0.25,0.0188,0.0422,0.0521,0.0,0.0411,0.0536,0.1343,0.9697,0.5907,0.1087,0.12,0.1034,0.2083,0.25,0.0237,0.0453,0.0653,0.0,0.0815,reg oper account,block of flats,0.0591,Block,No,0.0,0.0,0.0,0.0,-242.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1072963,322225,Consumer loans,8266.32,143100.0,116100.0,27000.0,143100.0,MONDAY,17,Y,1,0.2054888507718696,,,XAP,Refused,-2473,Cash through the bank,SCO,Family,Repeater,Furniture,POS,XNA,Stone,743,Furniture,18.0,middle,POS industry with interest,,,,,,,0,Cash loans,M,Y,Y,0,405000.0,1546020.0,45333.0,1350000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.006233,-15222,-404,-680.0,-4124,16.0,1,1,0,1,1,0,Managers,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.29231445839582,0.5926912659941826,0.3723336657058204,0.1227,0.1484,0.9896,0.8572,0.0252,0.0,0.4138,0.1667,0.2083,0.1363,0.1,0.1409,0.0,0.001,0.125,0.154,0.9896,0.8628,0.0255,0.0,0.4138,0.1667,0.2083,0.1394,0.1093,0.1468,0.0,0.0011,0.1239,0.1484,0.9896,0.8591,0.0254,0.0,0.4138,0.1667,0.2083,0.1386,0.1018,0.1434,0.0,0.0011,reg oper account,block of flats,0.111,Panel,No,0.0,0.0,0.0,0.0,-1718.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2494458,155244,Cash loans,11386.17,90000.0,95940.0,,90000.0,WEDNESDAY,10,Y,1,,,,Other,Refused,-617,Cash through the bank,SCO,,Refreshed,XNA,Cash,walk-in,Contact center,-1,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,M,Y,Y,0,157500.0,314100.0,17037.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.020713,-11636,-1015,-3074.0,-993,13.0,1,1,1,1,0,0,Core staff,2.0,3,3,THURSDAY,8,0,0,0,1,1,1,Emergency,0.24866741893504474,0.20374979101374088,0.11761373170805695,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-617.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1581533,293339,Consumer loans,3774.285,21505.5,18805.5,2700.0,21505.5,WEDNESDAY,9,Y,1,0.13673457741254347,,,XAP,Approved,-2742,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Stone,12,Connectivity,6.0,high,POS mobile with interest,365243.0,-2704.0,-2554.0,-2554.0,-2535.0,0.0,0,Cash loans,M,Y,N,2,135000.0,508495.5,24462.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.001417,-11904,-2369,-5824.0,-1249,14.0,1,1,1,1,0,0,,4.0,2,2,SUNDAY,13,0,0,0,0,1,1,Self-employed,,0.20599039222740412,0.1500851762342935,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-605.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1606287,182033,Consumer loans,10082.88,115083.0,117243.0,11511.0,115083.0,THURSDAY,14,Y,1,0.09736804646492887,,,XAP,Approved,-1828,Cash through the bank,XAP,Children,Repeater,Computers,POS,XNA,Country-wide,700,Consumer electronics,16.0,middle,POS household with interest,365243.0,-1797.0,-1347.0,-1347.0,-1342.0,0.0,0,Cash loans,F,Y,Y,0,216000.0,755190.0,36328.5,675000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.02461,-15910,-969,-4329.0,-5039,7.0,1,1,0,1,0,0,Sales staff,2.0,2,2,FRIDAY,10,0,0,0,0,1,1,Self-employed,,0.554454002103693,0.266456808245056,0.0247,0.0545,0.9851,,,0.0,0.1034,0.0417,,0.0104,,0.0228,,0.0,0.0252,0.0566,0.9851,,,0.0,0.1034,0.0417,,0.0106,,0.0237,,0.0,0.025,0.0545,0.9851,,,0.0,0.1034,0.0417,,0.0106,,0.0232,,0.0,,block of flats,0.0179,Panel,No,6.0,0.0,6.0,0.0,-1828.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,13.0,1.0,3.0 +2784930,379636,Cash loans,28595.88,225000.0,239850.0,,225000.0,TUESDAY,12,Y,1,,,,Repairs,Approved,-578,Cash through the bank,XAP,,New,XNA,Cash,walk-in,Credit and cash offices,0,XNA,12.0,high,Cash Street: high,365243.0,-548.0,-218.0,-218.0,-216.0,1.0,0,Cash loans,F,Y,Y,0,382500.0,440784.0,25434.0,360000.0,Family,Pensioner,Secondary / secondary special,Separated,House / apartment,0.032561,-21105,365243,-1885.0,-3367,15.0,1,0,0,1,1,1,,1.0,1,1,SATURDAY,10,0,0,0,0,0,0,XNA,0.5863202960816685,0.15541295319125595,0.3996756156233169,0.0273,0.0726,0.9762,0.6736,0.0,0.0,0.1207,0.2083,0.25,0.0513,0.0395,0.0973,0.0,0.0521,0.0063,0.0508,0.9727,0.6406,0.0,0.0,0.069,0.1667,0.2083,0.0133,0.0432,0.083,0.0,0.0552,0.0276,0.0726,0.9762,0.6779999999999999,0.0,0.0,0.1207,0.2083,0.25,0.0522,0.0402,0.0991,0.0,0.0532,reg oper account,block of flats,0.0768,"Stone, brick",No,2.0,1.0,2.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2253720,120445,Cash loans,19372.68,90000.0,103797.0,,90000.0,THURSDAY,15,Y,1,,,,XNA,Approved,-861,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-831.0,-681.0,-711.0,-704.0,1.0,0,Cash loans,F,Y,Y,0,337500.0,487971.0,51372.0,463500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.016612000000000002,-16760,-1163,-8206.0,-314,12.0,1,1,0,1,0,1,Laborers,1.0,2,2,THURSDAY,11,0,0,0,0,0,0,Other,0.3913530224295405,0.5591541733125684,0.7252764347002191,0.2804,0.0729,0.9846,0.7892,0.0776,0.08,0.0345,0.3333,0.375,0.1129,0.2278,0.0839,0.0039,0.0068,0.2857,0.0757,0.9846,0.7975,0.0783,0.0806,0.0345,0.3333,0.375,0.1154,0.2489,0.0874,0.0039,0.0072,0.2831,0.0729,0.9846,0.792,0.0781,0.08,0.0345,0.3333,0.375,0.1148,0.2317,0.0854,0.0039,0.006999999999999999,reg oper account,block of flats,0.1099,"Stone, brick",No,4.0,0.0,4.0,0.0,-861.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1459200,308105,Revolving loans,38250.0,405000.0,765000.0,,405000.0,THURSDAY,12,N,1,,,,XAP,Refused,-539,XNA,HC,,Refreshed,XNA,Cards,x-sell,AP+ (Cash loan),-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,N,1,157500.0,873000.0,41998.5,873000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.028663,-15349,-446,-360.0,-4718,,1,1,0,1,1,0,Core staff,3.0,2,2,THURSDAY,12,0,0,0,0,0,0,Trade: type 7,0.29454850061043497,0.5339264294701103,0.6041125998015721,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,0.0,8.0,0.0,-2452.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +1762125,428691,Cash loans,42467.715,405000.0,423711.0,,405000.0,THURSDAY,18,Y,1,,,,XNA,Approved,-1208,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1171.0,-841.0,-871.0,-862.0,0.0,0,Cash loans,F,N,N,1,202500.0,1305000.0,51885.0,1305000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.010966,-15424,-3282,-3728.0,-5555,,1,1,1,1,0,0,,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,Business Entity Type 1,,0.6675886834902461,,0.0412,0.011,0.9737,,0.0039,0.0,0.069,0.1667,,0.0485,0.0336,0.032,0.0,0.0,0.042,0.0114,0.9737,,0.0039,0.0,0.069,0.1667,,0.0496,0.0367,0.0333,0.0,0.0,0.0416,0.011,0.9737,,0.0039,0.0,0.069,0.1667,,0.0493,0.0342,0.0326,0.0,0.0,,block of flats,0.0273,"Stone, brick",No,0.0,0.0,0.0,0.0,-1208.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1261356,136619,Cash loans,13013.955,67500.0,69727.5,,67500.0,THURSDAY,9,Y,1,,,,XNA,Approved,-848,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-818.0,-668.0,-668.0,-663.0,1.0,0,Cash loans,M,Y,N,0,90000.0,257391.0,18040.5,238500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.031329,-22766,-227,-11508.0,-4272,26.0,1,1,0,1,0,0,Security staff,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Construction,,0.5509075458378659,0.622922000268356,0.0722,0.0413,0.9806,0.7348,0.0151,0.0,0.1379,0.1667,,0.0415,0.0588,0.0561,0.0,0.0197,0.0735,0.0428,0.9806,0.7452,0.0153,0.0,0.1379,0.1667,,0.0425,0.0643,0.0584,0.0,0.0208,0.0729,0.0413,0.9806,0.7383,0.0152,0.0,0.1379,0.1667,,0.0422,0.0599,0.0571,0.0,0.0201,reg oper account,block of flats,0.0567,"Stone, brick",No,0.0,0.0,0.0,0.0,-1817.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2107577,195233,Cash loans,10492.02,90000.0,95940.0,0.0,90000.0,WEDNESDAY,12,Y,1,0.0,,,XNA,Approved,-2447,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,high,Cash Street: high,365243.0,-2417.0,-2087.0,-2087.0,-2079.0,1.0,0,Cash loans,F,N,N,0,135000.0,270000.0,17455.5,270000.0,,Pensioner,Secondary / secondary special,Widow,House / apartment,0.072508,-24687,365243,-8852.0,-4386,,1,0,0,1,0,0,,1.0,1,1,THURSDAY,9,0,0,0,0,0,0,XNA,,0.4524473739265871,,0.0608,0.0195,0.9722,0.6192,0.0272,0.0,0.1379,0.1667,0.2083,0.0516,0.0496,0.04,0.0,0.016,0.062,0.0203,0.9722,0.6341,0.0275,0.0,0.1379,0.1667,0.2083,0.0528,0.0542,0.0417,0.0,0.0169,0.0614,0.0195,0.9722,0.6243,0.0274,0.0,0.1379,0.1667,0.2083,0.0525,0.0504,0.0407,0.0,0.0163,reg oper account,block of flats,0.0496,"Stone, brick",No,3.0,0.0,3.0,0.0,-1627.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2223136,341674,Cash loans,26359.605,837000.0,958531.5,,837000.0,MONDAY,10,Y,1,,,,XNA,Refused,-140,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,108000.0,970380.0,28372.5,810000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.016612000000000002,-22154,365243,-11651.0,-4964,,1,0,0,1,0,0,,1.0,2,2,MONDAY,12,0,0,0,0,0,0,XNA,,0.6337649409413718,0.6195277080511546,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-369.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1890843,406063,Cash loans,10476.585,94500.0,120541.5,0.0,94500.0,THURSDAY,17,Y,1,0.0,,,XNA,Approved,-1698,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,100,XNA,18.0,high,Cash X-Sell: high,365243.0,-1668.0,-1158.0,-1488.0,-1485.0,1.0,0,Cash loans,F,N,N,0,57046.5,568800.0,15133.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,With parents,0.011656999999999999,-14775,-5520,-11823.0,-4337,,1,1,1,1,1,0,,2.0,1,1,MONDAY,17,1,1,0,1,1,0,Business Entity Type 3,,0.6455335698640535,0.41885428862332175,0.2588,0.1946,0.9836,0.7756,0.1701,0.28,0.2414,0.3333,0.375,0.0757,0.211,0.2754,0.0,0.0,0.2637,0.202,0.9836,0.7844,0.1717,0.282,0.2414,0.3333,0.375,0.0775,0.2305,0.287,0.0,0.0,0.2613,0.1946,0.9836,0.7786,0.1712,0.28,0.2414,0.3333,0.375,0.077,0.2146,0.2804,0.0,0.0,reg oper spec account,block of flats,0.3097,Panel,No,0.0,0.0,0.0,0.0,-1698.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0.0,0.0,0.0,2.0,0.0,1.0 +1948637,127138,Consumer loans,8039.07,62311.5,67450.5,0.0,62311.5,SUNDAY,16,Y,1,0.0,,,XAP,Approved,-1303,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,1370,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1272.0,-1002.0,-1212.0,-1205.0,0.0,0,Cash loans,M,N,Y,2,225000.0,1800000.0,62698.5,1800000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009549,-15197,-4379,-1803.0,-3988,,1,1,0,1,0,1,Drivers,4.0,2,2,MONDAY,14,0,0,0,0,0,0,Trade: type 7,0.8822707697906681,0.5844041258754906,0.4382813743111921,0.2227,0.1465,0.9821,0.7552,0.0285,0.16,0.1379,0.3333,0.375,0.0509,0.1816,0.217,0.0,0.0,0.2269,0.152,0.9821,0.7648,0.0287,0.1611,0.1379,0.3333,0.375,0.0521,0.1983,0.2261,0.0,0.0,0.2248,0.1465,0.9821,0.7585,0.0287,0.16,0.1379,0.3333,0.375,0.0518,0.1847,0.2209,0.0,0.0,reg oper spec account,block of flats,0.1707,Panel,No,0.0,0.0,0.0,0.0,-2716.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1560399,132944,Cash loans,26088.75,675000.0,675000.0,,675000.0,MONDAY,13,Y,1,,,,XNA,Approved,-1047,Cash through the bank,XAP,Family,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,42.0,low_normal,Cash Street: low,365243.0,-1015.0,215.0,-25.0,-20.0,0.0,0,Cash loans,F,N,Y,0,112500.0,1205896.5,35388.0,1053000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-21175,-339,-11.0,-4278,,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Postal,0.7675644369590788,0.5541946887618384,0.5262949398096192,0.066,0.0681,0.9776,,,0.0,0.1379,0.125,,0.0142,,0.0557,,0.0,0.0672,0.0707,0.9777,,,0.0,0.1379,0.125,,0.0145,,0.058,,0.0,0.0666,0.0681,0.9776,,,0.0,0.1379,0.125,,0.0145,,0.0567,,0.0,,block of flats,0.0438,Panel,No,4.0,0.0,4.0,0.0,-713.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1221932,236633,Cash loans,19229.4,459000.0,531706.5,,459000.0,WEDNESDAY,9,Y,1,,,,XNA,Refused,-191,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,1,Cash loans,F,N,Y,2,90000.0,536917.5,22572.0,463500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.025164,-15150,-623,-3619.0,-2359,,1,1,0,1,0,0,,4.0,2,2,FRIDAY,10,0,0,0,0,0,0,Government,0.4071422830590831,0.26651977539251576,0.5262949398096192,0.0825,0.0727,0.9771,,,0.0,0.1379,0.1667,,0.0153,,0.0749,,0.0074,0.084,0.0754,0.9772,,,0.0,0.1379,0.1667,,0.0156,,0.0781,,0.0078,0.0833,0.0727,0.9771,,,0.0,0.1379,0.1667,,0.0155,,0.0763,,0.0076,,block of flats,0.0605,Panel,No,15.0,0.0,15.0,0.0,-2720.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2245395,167596,Cash loans,40882.23,765000.0,856890.0,,765000.0,FRIDAY,8,Y,1,,,,XNA,Refused,-413,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,42.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,Y,Y,0,292500.0,1035832.5,30415.5,904500.0,"Spouse, partner",State servant,Secondary / secondary special,Civil marriage,House / apartment,0.0038179999999999998,-23205,-883,-9975.0,-3902,12.0,1,1,0,1,0,0,Drivers,2.0,2,2,FRIDAY,3,0,0,0,0,0,0,Police,,0.568623883985331,,0.0567,0.0774,0.9861,0.8096,0.0299,0.0,0.1379,0.1667,0.2083,0.0576,0.0496,0.0547,0.0232,0.0256,0.0578,0.0803,0.9861,0.8171,0.0302,0.0,0.1379,0.1667,0.2083,0.059,0.0542,0.057,0.0233,0.0271,0.0573,0.0774,0.9861,0.8121,0.0301,0.0,0.1379,0.1667,0.2083,0.0586,0.0504,0.0557,0.0233,0.0261,reg oper account,block of flats,0.0594,Block,No,0.0,0.0,0.0,0.0,-186.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2251429,250764,Consumer loans,5410.53,54441.0,60192.0,0.0,54441.0,MONDAY,8,Y,1,0.0,,,XAP,Approved,-464,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,80,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-433.0,-103.0,-103.0,-101.0,0.0,0,Cash loans,M,N,Y,0,180000.0,247500.0,28053.0,247500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.028663,-16880,-6142,-10695.0,-426,,1,1,0,1,0,0,Managers,1.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.6690639792825174,0.6410878600849174,0.2851799046358216,0.1237,0.1169,0.9776,,,0.0,0.2069,0.1667,,,,0.1036,,0.0,0.1261,0.1213,0.9777,,,0.0,0.2069,0.1667,,,,0.1079,,0.0,0.1249,0.1169,0.9776,,,0.0,0.2069,0.1667,,,,0.1054,,0.0,,,0.1103,Mixed,No,0.0,0.0,0.0,0.0,-3088.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1390093,130420,Consumer loans,7951.725,42750.0,45009.0,0.0,42750.0,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-643,Cash through the bank,XAP,,Refreshed,Clothing and Accessories,POS,XNA,Stone,99,Clothing,6.0,low_normal,POS industry with interest,365243.0,-608.0,-458.0,-458.0,-453.0,0.0,0,Cash loans,F,N,N,1,135000.0,1724688.0,54283.5,1575000.0,Family,Working,Higher education,Married,House / apartment,0.007120000000000001,-9429,-498,-517.0,-1485,,1,1,0,1,0,0,High skill tech staff,3.0,2,2,FRIDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.4436058213081225,0.6446794549585961,0.333,0.3511,0.9871,0.8232,,0.4,0.3448,0.3333,0.375,0.2287,0.2707,0.1943,0.0039,0.014,0.3393,0.3643,0.9871,0.8301,,0.4028,0.3448,0.3333,0.375,0.2339,0.2957,0.2024,0.0039,0.0149,0.3362,0.3511,0.9871,0.8256,,0.4,0.3448,0.3333,0.375,0.2327,0.2753,0.1978,0.0039,0.0143,reg oper spec account,block of flats,0.2596,Panel,No,1.0,0.0,1.0,0.0,-2070.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1624674,314414,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SUNDAY,15,Y,1,,,,XAP,Approved,-240,XNA,XAP,Family,Repeater,XNA,Cards,walk-in,Regional / Local,145,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,2,180000.0,1270174.5,37138.5,994500.0,"Spouse, partner",Working,Higher education,Married,House / apartment,0.035792000000000004,-11483,-201,-5144.0,-2079,12.0,1,1,0,1,0,0,Laborers,4.0,2,2,TUESDAY,13,0,0,0,0,1,1,Construction,,0.7272173204213742,0.8128226070575616,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,0.0,8.0,0.0,-567.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2336676,165925,Cash loans,36013.86,1075500.0,1231663.5,,1075500.0,THURSDAY,11,Y,1,,,,XNA,Refused,-311,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,2,180000.0,521280.0,31630.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-14187,-2819,-7191.0,-3131,22.0,1,1,0,1,0,0,Laborers,4.0,2,2,SUNDAY,12,0,0,0,0,0,0,Self-employed,0.5222923286628509,0.6107168970084892,0.520897599048938,,,0.9508,,,,0.069,0.0,,0.0,,0.0049,,,,,0.9508,,,,0.069,0.0,,0.0,,0.0051,,,,,0.9508,,,,0.069,0.0,,0.0,,0.005,,,,block of flats,0.0038,Wooden,Yes,0.0,0.0,0.0,0.0,-2846.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2113596,252898,Consumer loans,15157.575,83430.0,83430.0,0.0,83430.0,THURSDAY,18,Y,1,0.0,,,XAP,Approved,-292,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Stone,10,Consumer electronics,6.0,middle,POS household with interest,365243.0,-261.0,-111.0,-111.0,-107.0,0.0,0,Cash loans,F,N,N,2,90000.0,269550.0,18081.0,225000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.006670999999999999,-9729,-364,-4570.0,-2365,,1,1,0,1,0,0,,4.0,2,2,MONDAY,18,0,0,0,0,0,0,Business Entity Type 3,0.4061014761216329,0.5504422221583991,0.4170996682522097,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-292.0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1429734,211876,Consumer loans,6448.68,32535.0,30730.5,3253.5,32535.0,THURSDAY,16,Y,1,0.1042654564714946,,,XAP,Refused,-1393,Cash through the bank,LIMIT,Unaccompanied,Repeater,Mobile,POS,XNA,Regional / Local,37,Connectivity,6.0,high,POS mobile with interest,,,,,,,0,Cash loans,M,Y,N,0,81000.0,142200.0,11362.5,112500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010556,-8481,-1792,-2604.0,-1157,20.0,1,1,1,1,0,0,Laborers,2.0,3,3,THURSDAY,14,0,0,0,0,1,1,Industry: type 3,,0.5702752006243816,0.21640296051521946,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-1449.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1723408,373644,Consumer loans,9134.55,99000.0,89100.0,9900.0,99000.0,WEDNESDAY,16,Y,1,0.1089090909090909,,,XAP,Approved,-639,Cash through the bank,XAP,Unaccompanied,Repeater,Clothing and Accessories,POS,XNA,Stone,66,Clothing,12.0,middle,POS industry with interest,365243.0,-608.0,-278.0,-548.0,-543.0,0.0,0,Cash loans,F,N,Y,0,144000.0,495000.0,26370.0,495000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007114,-16856,-2411,-6824.0,-399,,1,1,1,1,1,0,Sales staff,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Self-employed,,0.6802022764078426,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,12.0,0.0,12.0,0.0,-1090.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2814210,347315,Consumer loans,11899.26,117526.32,129933.0,4.32,117526.32,SATURDAY,20,Y,1,3.6208786877186046e-05,,,XAP,Approved,-566,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,300,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-534.0,-204.0,-234.0,-229.0,0.0,0,Cash loans,M,N,Y,0,112500.0,260640.0,31059.0,225000.0,Unaccompanied,Working,Lower secondary,Single / not married,House / apartment,0.009175,-10200,-709,-4745.0,-2879,,1,1,0,1,0,0,Laborers,1.0,2,2,FRIDAY,17,0,0,0,0,0,0,Business Entity Type 3,,0.6569610820740619,0.2314393514998941,0.0825,0.0809,0.9757,0.6668,0.0063,0.0,0.1379,0.1667,0.2083,0.053,0.0672,0.0615,0.0,0.0,0.084,0.084,0.9757,0.6798,0.0064,0.0,0.1379,0.1667,0.2083,0.0542,0.0735,0.064,0.0,0.0,0.0833,0.0809,0.9757,0.6713,0.0063,0.0,0.1379,0.1667,0.2083,0.0539,0.0684,0.0626,0.0,0.0,reg oper account,block of flats,0.0484,"Stone, brick",No,0.0,0.0,0.0,0.0,-338.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1092164,365738,Consumer loans,15295.59,145669.5,144940.5,14571.0,145669.5,SUNDAY,19,Y,1,0.09948589058697103,,,XAP,Approved,-489,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Country-wide,1000,Consumer electronics,12.0,middle,POS household with interest,365243.0,-458.0,-128.0,-368.0,-363.0,0.0,0,Cash loans,F,Y,Y,0,135000.0,796500.0,51034.5,796500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-8094,-672,-8094.0,-758,4.0,1,1,0,1,0,0,,2.0,2,2,SATURDAY,17,0,0,0,1,0,1,Other,0.7574716379003821,0.3032294236777882,,0.0082,,0.9583,,,0.0,0.069,0.0417,,,,0.0074,,0.001,0.0084,,0.9583,,,0.0,0.069,0.0417,,,,0.0077,,0.001,0.0083,,0.9583,,,0.0,0.069,0.0417,,,,0.0076,,0.001,,block of flats,0.0061,Wooden,No,2.0,1.0,2.0,1.0,-489.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2716741,424219,Consumer loans,14865.345,76356.0,80388.0,0.0,76356.0,FRIDAY,11,Y,1,0.0,,,XAP,Approved,-512,Cash through the bank,XAP,,Refreshed,Audio/Video,POS,XNA,Regional / Local,30,Consumer electronics,6.0,middle,POS household with interest,365243.0,-481.0,-331.0,-361.0,-356.0,0.0,0,Cash loans,F,Y,Y,0,81000.0,269550.0,13761.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-16747,-2655,-4463.0,-302,3.0,1,1,1,1,1,0,Cooking staff,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Medicine,,0.6879290269136218,0.3046721837533529,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-516.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2183704,215521,Revolving loans,6750.0,135000.0,135000.0,,135000.0,FRIDAY,11,Y,1,,,,XAP,Approved,-665,XNA,XAP,,New,XNA,Cards,walk-in,Channel of corporate sales,-1,XNA,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,1,81436.5,270000.0,11587.5,270000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.02461,-10973,-907,-5233.0,-3651,7.0,1,1,1,1,0,0,Managers,3.0,2,2,FRIDAY,12,0,0,0,1,1,0,Business Entity Type 3,,0.5447052576324019,0.5744466170995097,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-896.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1008932,398430,Consumer loans,27632.205,276300.0,248670.0,27630.0,276300.0,SATURDAY,12,Y,1,0.1089090909090909,,,XAP,Approved,-500,Cash through the bank,XAP,,Repeater,Tourism,POS,XNA,Stone,9,Industry,10.0,low_normal,POS other with interest,365243.0,-469.0,-199.0,-199.0,-191.0,0.0,0,Cash loans,M,N,Y,0,180000.0,450000.0,48595.5,450000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.028663,-10222,-2813,-2682.0,-2884,,1,1,0,1,0,0,Core staff,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Trade: type 7,,0.4587605834270849,0.5971924268337128,0.0495,0.0785,0.9955,0.9388,0.0126,0.0,0.1379,0.1667,0.2083,0.0,0.0403,0.0599,0.0,0.1373,0.0504,0.0815,0.9955,0.9412,0.0127,0.0,0.1379,0.1667,0.2083,0.0,0.0441,0.0624,0.0,0.1454,0.05,0.0785,0.9955,0.9396,0.0127,0.0,0.1379,0.1667,0.2083,0.0,0.041,0.061,0.0,0.1402,reg oper account,block of flats,0.077,"Stone, brick",No,1.0,1.0,1.0,1.0,-185.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1538271,352843,Consumer loans,3361.905,20335.5,16618.5,4500.0,20335.5,THURSDAY,7,Y,1,0.2320671018731961,,,XAP,Approved,-1205,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Stone,39,Connectivity,6.0,high,POS mobile with interest,365243.0,-1168.0,-1018.0,-1018.0,-1013.0,0.0,0,Cash loans,F,N,N,2,135000.0,1350000.0,39474.0,1350000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018029,-10520,-2789,-5218.0,-3157,,1,1,1,1,1,0,,4.0,3,3,MONDAY,6,0,0,0,0,0,0,Security Ministries,,0.6613679223106518,0.4206109640437848,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1917.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1189498,336650,Consumer loans,9200.07,92011.5,82809.0,9202.5,92011.5,SUNDAY,13,Y,1,0.10892507013698388,,,XAP,Approved,-2702,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Stone,236,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2660.0,-2390.0,-2420.0,-2415.0,0.0,0,Cash loans,F,N,Y,0,157500.0,225000.0,21919.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.006233,-24050,365243,-754.0,-744,,1,0,0,1,1,0,,1.0,2,2,SUNDAY,15,0,0,0,0,0,0,XNA,0.8652252328937459,0.6679525376558858,0.816092360478441,0.0918,0.0787,0.9801,0.728,0.136,0.0,0.2069,0.1667,0.2083,0.0,0.0748,0.0854,0.0,0.0,0.0935,0.0817,0.9801,0.7387,0.1372,0.0,0.2069,0.1667,0.2083,0.0,0.0817,0.08900000000000001,0.0,0.0,0.0926,0.0787,0.9801,0.7316,0.1368,0.0,0.2069,0.1667,0.2083,0.0,0.0761,0.0869,0.0,0.0,reg oper account,block of flats,0.0734,Panel,No,0.0,0.0,0.0,0.0,-698.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1146554,355429,Cash loans,17077.815,135000.0,143910.0,,135000.0,TUESDAY,19,Y,1,,,,XNA,Refused,-707,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,,,,,,,1,Cash loans,F,N,N,0,135000.0,254700.0,16713.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.007273999999999998,-12192,-734,-5096.0,-3878,,1,1,1,1,0,0,Core staff,2.0,2,2,MONDAY,11,0,1,1,0,1,1,Legal Services,0.3074259907482789,0.6896540184374494,0.2622489709189549,0.1113,0.0682,0.9871,0.8232,0.0914,0.12,0.1034,0.3333,0.375,0.0527,0.0908,0.1145,0.0,0.0,0.1134,0.0708,0.9871,0.8301,0.0922,0.1208,0.1034,0.3333,0.375,0.0539,0.0992,0.1193,0.0,0.0,0.1124,0.0682,0.9871,0.8256,0.092,0.12,0.1034,0.3333,0.375,0.0536,0.0923,0.1165,0.0,0.0,reg oper account,block of flats,0.14,Panel,No,0.0,0.0,0.0,0.0,-1065.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1798704,300645,Consumer loans,6721.245,72846.0,65560.5,7285.5,72846.0,WEDNESDAY,10,Y,1,0.10892254644293192,,,XAP,Approved,-982,Cash through the bank,XAP,Family,Repeater,Construction Materials,POS,XNA,Stone,5,Construction,12.0,middle,POS industry with interest,365243.0,-951.0,-621.0,-801.0,-794.0,0.0,0,Cash loans,F,N,Y,0,180000.0,382500.0,30348.0,382500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.015221,-9062,-940,-9062.0,-1733,,1,1,0,1,0,0,Laborers,1.0,2,2,FRIDAY,13,0,0,0,0,0,0,Industry: type 3,0.23085683123447,0.6395517810405058,0.11911906455945008,,,0.9742,,,,,,,,,0.0259,,,,,0.9742,,,,,,,,,0.027000000000000003,,,,,0.9742,,,,,,,,,0.0264,,,,,0.0204,,No,0.0,0.0,0.0,0.0,-2.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1480190,337515,Cash loans,45587.295,675000.0,732915.0,,675000.0,THURSDAY,12,Y,1,,,,XNA,Approved,-874,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,high,Cash X-Sell: high,365243.0,-844.0,26.0,-64.0,-59.0,1.0,0,Cash loans,M,Y,Y,1,270000.0,697500.0,27792.0,697500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.018634,-10119,-1244,-7911.0,-2765,9.0,1,1,1,1,0,0,Drivers,3.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Self-employed,,0.4961368652223911,0.3556387169923543,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-312.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +1154078,390151,Consumer loans,3882.555,42385.14,42525.0,3689.64,42385.14,SUNDAY,16,Y,1,0.08694979300538057,,,XAP,Approved,-2647,Cash through the bank,XAP,Unaccompanied,New,Photo / Cinema Equipment,POS,XNA,Country-wide,3000,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-2616.0,-2286.0,-2436.0,-2430.0,1.0,0,Cash loans,M,Y,Y,0,450000.0,1096020.0,56092.5,900000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.010556,-18962,-3504,-3832.0,-2455,1.0,1,1,0,1,0,0,Core staff,2.0,3,3,MONDAY,11,0,0,0,0,0,0,University,,0.7774289318206904,0.838724852442103,0.0825,0.0801,0.9757,0.6668,0.0333,0.0,0.1379,0.1667,0.0417,0.0666,0.0672,0.0706,0.0,0.0,0.084,0.0832,0.9757,0.6798,0.0336,0.0,0.1379,0.1667,0.0417,0.0681,0.0735,0.0735,0.0,0.0,0.0833,0.0801,0.9757,0.6713,0.0335,0.0,0.1379,0.1667,0.0417,0.0678,0.0684,0.0718,0.0,0.0,reg oper account,block of flats,0.0737,Panel,No,1.0,0.0,1.0,0.0,-966.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2673508,433973,Cash loans,7162.605,54000.0,65299.5,0.0,54000.0,SATURDAY,11,Y,1,0.0,,,Other,Approved,-1857,Cash through the bank,XAP,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-1826.0,-1496.0,-1496.0,-1487.0,0.0,1,Cash loans,F,N,Y,0,135000.0,450000.0,32877.0,450000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.028663,-21338,-7576,-13070.0,-4758,,1,1,0,1,0,0,Medicine staff,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Medicine,,0.538641231996015,0.02581001067551557,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-996.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +2395787,217702,Cash loans,21837.735,184500.0,196677.0,0.0,184500.0,THURSDAY,14,Y,1,0.0,,,XNA,Approved,-1724,Cash through the bank,XAP,Children,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-1694.0,-1364.0,-1364.0,-1356.0,1.0,0,Cash loans,F,N,Y,0,225000.0,360000.0,28570.5,360000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.028663,-22100,-14247,-10496.0,-4345,,1,1,0,1,0,0,Medicine staff,1.0,2,2,SATURDAY,14,0,0,0,0,1,1,Medicine,,0.4073546045527177,0.14734591802757252,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2722224,223828,Revolving loans,22500.0,900000.0,675000.0,,900000.0,TUESDAY,11,N,0,,,,XAP,Refused,-412,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card X-Sell,,,,,,,1,Cash loans,M,N,Y,1,360000.0,728460.0,40806.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-17094,-922,-8011.0,-635,,1,1,0,1,0,0,Managers,3.0,2,2,MONDAY,11,0,0,0,1,0,1,Business Entity Type 3,,0.7024309001366358,0.4578995512067301,0.033,0.0383,0.9737,0.6396,0.0289,0.0,0.069,0.125,0.1667,0.0284,0.0269,0.0264,0.0,0.0,0.0336,0.0398,0.9737,0.6537,0.0291,0.0,0.069,0.125,0.1667,0.029,0.0294,0.0275,0.0,0.0,0.0333,0.0383,0.9737,0.6444,0.0291,0.0,0.069,0.125,0.1667,0.0289,0.0274,0.0269,0.0,0.0,reg oper account,block of flats,0.0234,Panel,No,2.0,0.0,2.0,0.0,-3222.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2647514,354997,Consumer loans,3658.23,17811.0,18693.0,0.0,17811.0,WEDNESDAY,7,Y,1,0.0,,,XAP,Approved,-1989,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,1607,Consumer electronics,6.0,high,POS household with interest,365243.0,-1958.0,-1808.0,-1808.0,-1719.0,0.0,0,Revolving loans,F,N,Y,2,135000.0,495000.0,24750.0,495000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.020246,-13589,-246,-1168.0,-4672,,1,1,0,1,1,0,Core staff,4.0,3,3,THURSDAY,8,0,0,0,0,1,1,Bank,0.5443837898877363,0.5667831219671641,0.7726311345553628,0.0619,,0.9781,0.7008,0.0491,0.0,0.1724,0.1667,0.2083,,0.0496,0.0528,0.0039,0.0048,0.063,,0.9782,0.7125,0.0496,0.0,0.1724,0.1667,0.2083,,0.0542,0.055,0.0039,0.0051,0.0625,,0.9781,0.7048,0.0494,0.0,0.1724,0.1667,0.2083,,0.0504,0.0537,0.0039,0.0049,reg oper account,block of flats,0.0694,Panel,No,0.0,0.0,0.0,0.0,-1686.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1480565,130234,Cash loans,26509.32,540000.0,638010.0,,540000.0,TUESDAY,5,Y,1,,,,XNA,Approved,-636,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,42.0,middle,Cash X-Sell: middle,365243.0,-606.0,624.0,-366.0,-358.0,1.0,1,Cash loans,F,N,Y,0,112500.0,948582.0,33736.5,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-15747,-1119,-732.0,-879,,1,1,0,1,1,0,Laborers,2.0,3,3,MONDAY,8,0,0,0,0,1,1,Construction,,0.4643418256230447,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-926.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1662092,124373,Consumer loans,5715.945,54922.5,60358.5,0.0,54922.5,MONDAY,11,Y,1,0.0,,,XAP,Refused,-1491,Cash through the bank,HC,Family,Repeater,Audio/Video,POS,XNA,Country-wide,159,Consumer electronics,12.0,low_normal,POS household without interest,,,,,,,0,Cash loans,M,N,Y,0,180000.0,808650.0,26217.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.025164,-16138,-5261,-7195.0,-4095,,1,1,0,1,0,0,,1.0,2,2,MONDAY,10,0,0,0,0,0,0,Business Entity Type 2,,0.16219210595922867,0.5136937663039473,0.0,,0.0,,,0.0,,,,,,,,,0.0,,0.0005,,,0.0,,,,,,,,,0.0,,0.0,,,0.0,,,,,,,,,,block of flats,0.0,,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2580424,123057,Consumer loans,12817.395,138915.0,125023.5,13891.5,138915.0,MONDAY,14,Y,1,0.1089090909090909,,,XAP,Approved,-329,Cash through the bank,XAP,,New,Computers,POS,XNA,Stone,50,Consumer electronics,12.0,middle,POS household with interest,365243.0,-297.0,33.0,-297.0,-295.0,0.0,0,Cash loans,M,N,N,1,225000.0,754740.0,20884.5,630000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.011703,-19161,-139,-854.0,-2701,,1,1,0,1,1,0,Laborers,3.0,2,2,SATURDAY,17,0,0,0,0,0,0,Business Entity Type 3,,0.4414964873747302,0.5280927512030451,0.0845,0.0347,0.9806,0.7348,0.0199,0.08,0.069,0.3333,0.375,0.0463,0.0672,0.0729,0.0077,0.0299,0.0861,0.036000000000000004,0.9806,0.7452,0.0201,0.0806,0.069,0.3333,0.375,0.0473,0.0735,0.0759,0.0078,0.0317,0.0854,0.0347,0.9806,0.7383,0.0201,0.08,0.069,0.3333,0.375,0.0471,0.0684,0.0742,0.0078,0.0306,not specified,block of flats,0.0725,"Stone, brick",No,0.0,0.0,0.0,0.0,-2.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1649789,203444,Cash loans,,0.0,0.0,,,MONDAY,13,Y,1,,,,XNA,Refused,-399,XNA,SCOFR,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,1,211500.0,527373.0,38376.0,477000.0,Unaccompanied,Working,Incomplete higher,Civil marriage,House / apartment,0.04622,-12867,-637,-608.0,-613,,1,1,0,1,0,0,Sales staff,3.0,1,1,MONDAY,11,0,1,1,0,0,0,Industry: type 3,0.8239403226850156,0.4147977784158782,0.3360615207658242,0.1237,0.0729,0.9876,0.83,0.0749,0.12,0.1034,0.375,0.4167,0.0439,0.1009,0.077,0.0,0.0,0.1261,0.0756,0.9876,0.8367,0.0756,0.1208,0.1034,0.375,0.4167,0.0449,0.1102,0.0803,0.0,0.0,0.1249,0.0729,0.9876,0.8323,0.0754,0.12,0.1034,0.375,0.4167,0.0447,0.1026,0.0784,0.0,0.0,reg oper spec account,block of flats,0.1015,Panel,No,1.0,0.0,1.0,0.0,-5.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1747197,425220,Consumer loans,14636.52,135229.5,131742.0,13527.0,135229.5,SATURDAY,11,Y,1,0.10141277717388243,,,XAP,Approved,-2707,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Stone,1010,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2676.0,-2406.0,-2436.0,-2433.0,1.0,1,Cash loans,F,N,Y,0,63000.0,808650.0,23769.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-22052,365243,-10306.0,-3996,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,XNA,0.3253616163854904,0.4339778154180409,0.6848276586890367,0.0722,0.08,0.9801,0.728,0.018000000000000002,0.0,0.1379,0.1667,0.2083,0.0146,0.058,0.0624,0.0039,0.0036,0.0735,0.083,0.9801,0.7387,0.0181,0.0,0.1379,0.1667,0.2083,0.0149,0.0634,0.065,0.0039,0.0038,0.0729,0.08,0.9801,0.7316,0.0181,0.0,0.1379,0.1667,0.2083,0.0148,0.059,0.0635,0.0039,0.0037,reg oper spec account,block of flats,0.0597,"Stone, brick",No,0.0,0.0,0.0,0.0,-901.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1306142,312243,Cash loans,19310.4,247500.0,274941.0,0.0,247500.0,MONDAY,14,Y,1,0.0,,,XNA,Approved,-1767,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,high,Cash X-Sell: high,365243.0,-1737.0,-1047.0,-1377.0,-1369.0,1.0,0,Cash loans,F,N,Y,0,225000.0,724581.0,26154.0,625500.0,Family,State servant,Higher education,Married,House / apartment,0.01885,-20020,-8460,-10999.0,-3008,,1,1,0,1,0,1,,2.0,2,2,THURSDAY,16,0,0,0,0,0,0,School,0.8145181149959876,0.7030886754876365,0.4507472818545589,0.0278,0.068,0.9712,0.6056,0.0472,0.0,0.1034,0.0833,0.125,0.0427,0.0227,0.0318,0.0,0.0,0.0284,0.0706,0.9712,0.621,0.0476,0.0,0.1034,0.0833,0.125,0.0436,0.0248,0.0331,0.0,0.0,0.0281,0.068,0.9712,0.6109,0.0475,0.0,0.1034,0.0833,0.125,0.0434,0.0231,0.0324,0.0,0.0,reg oper account,block of flats,0.0276,"Stone, brick",No,10.0,0.0,10.0,0.0,-1647.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,1.0,0.0,0.0,2.0,3.0 +1033677,152937,Revolving loans,13500.0,0.0,270000.0,,,WEDNESDAY,15,Y,1,,,,XAP,Approved,-1325,XNA,XAP,,Refreshed,XNA,Cards,x-sell,Country-wide,1200,Consumer electronics,0.0,XNA,Card X-Sell,-1323.0,-1276.0,365243.0,-1032.0,-211.0,0.0,0,Cash loans,F,N,Y,0,180000.0,314100.0,19111.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.008865999999999999,-20557,365243,-317.0,-3042,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,XNA,,0.3788583809321707,0.3001077565791181,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1063.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +2469081,285988,Consumer loans,9332.865,105475.5,127777.5,8442.0,105475.5,FRIDAY,16,Y,1,0.06749478198455768,,,XAP,Refused,-441,Cash through the bank,HC,Family,Repeater,Computers,POS,XNA,Regional / Local,147,Consumer electronics,18.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,Y,1,112500.0,328405.5,20083.5,283500.0,Family,Working,Incomplete higher,Civil marriage,House / apartment,0.02461,-11263,-140,-2073.0,-3370,,1,1,1,1,1,0,Core staff,3.0,2,2,FRIDAY,16,0,0,0,0,0,0,Postal,0.2777986648065525,0.7449895677414688,0.7421816117614419,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2656370,412948,Cash loans,12263.625,90000.0,103333.5,,90000.0,MONDAY,17,Y,1,,,,Repairs,Refused,-380,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,F,Y,Y,0,90000.0,640080.0,24259.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.008575,-11358,-1058,-3407.0,-519,18.0,1,1,0,1,0,0,Sales staff,1.0,2,2,WEDNESDAY,15,0,0,0,1,1,0,Self-employed,0.4718522483005003,0.5302242563526002,0.6347055309763198,0.0976,0.1027,0.9811,0.7416,0.0,0.0532,0.1379,0.2221,0.2917,0.0503,0.0899,0.0878,0.0,0.0,0.0735,0.0922,0.9806,0.7517,0.0,0.0,0.1379,0.1667,0.2083,0.0325,0.0643,0.0473,0.0,0.0,0.0729,0.0894,0.9811,0.7451,0.0,0.0,0.1379,0.1667,0.2917,0.0503,0.0915,0.0697,0.0,0.0,reg oper spec account,block of flats,0.0528,Panel,No,0.0,0.0,0.0,0.0,-425.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2726270,109194,Consumer loans,3244.275,18900.0,16929.0,3780.0,18900.0,MONDAY,15,Y,1,0.1987910394690056,,,XAP,Approved,-326,Cash through the bank,XAP,Unaccompanied,Refreshed,Mobile,POS,XNA,Stone,18,Connectivity,6.0,middle,POS mobile with interest,365243.0,-291.0,-141.0,-141.0,-138.0,0.0,0,Cash loans,F,Y,Y,0,225000.0,1232793.0,46953.0,1134000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-15323,-8041,-1500.0,-1497,14.0,1,1,0,1,1,0,Core staff,2.0,2,2,FRIDAY,12,0,0,0,0,1,1,Transport: type 2,,0.6892373137660077,0.5442347412142162,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,0.0,8.0,0.0,-1908.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1921237,311938,Consumer loans,17613.54,89955.0,94702.5,0.0,89955.0,MONDAY,16,Y,1,0.0,,,XAP,Approved,-989,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Regional / Local,200,Consumer electronics,6.0,middle,POS household with interest,365243.0,-958.0,-808.0,-808.0,-801.0,0.0,1,Cash loans,M,Y,Y,0,198000.0,1078200.0,38331.0,900000.0,Unaccompanied,State servant,Higher education,Single / not married,House / apartment,0.003069,-11462,-3150,-5118.0,-3245,2.0,1,1,0,1,0,0,,1.0,3,3,WEDNESDAY,13,0,0,0,0,1,1,Security,,0.6528740130510795,0.7898803468924867,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1197.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2634301,196367,Cash loans,39534.39,315000.0,332046.0,,315000.0,THURSDAY,11,Y,1,,,,XNA,Refused,-1122,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,M,Y,Y,0,157500.0,1024290.0,29947.5,855000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-11672,-195,-754.0,-428,18.0,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,11,0,0,0,0,1,1,Trade: type 7,0.656639466170731,0.6198681301438798,0.5334816299804352,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1605.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2768244,197669,Consumer loans,8602.605,174271.5,187420.5,26149.5,174271.5,TUESDAY,16,Y,1,0.13334823583496147,,,XAP,Approved,-2513,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,2170,Consumer electronics,36.0,middle,POS household without interest,365243.0,-2482.0,-1432.0,-1432.0,-1423.0,1.0,0,Cash loans,M,Y,Y,2,135000.0,544491.0,16047.0,454500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.010276,-16038,-6113,-1814.0,-4513,14.0,1,1,0,1,0,0,Drivers,3.0,2,2,TUESDAY,11,0,0,0,0,1,1,Business Entity Type 3,,0.6605397565442875,0.8083935912119442,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2253.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1844706,158997,Consumer loans,7539.615,71487.0,73737.0,0.0,71487.0,SATURDAY,14,Y,1,0.0,,,XAP,Approved,-1371,XNA,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,2170,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1340.0,-1010.0,-1130.0,-1125.0,0.0,1,Cash loans,F,N,Y,0,112500.0,266832.0,24601.5,238500.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.010276,-21513,365243,-3283.0,-1686,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,16,0,0,0,0,0,0,XNA,,0.6068785877739465,0.4812493411434029,0.0082,0.0,0.9707,,,0.0,0.0345,0.0417,,0.0215,,0.0096,,0.0,0.0084,0.0,0.9707,,,0.0,0.0345,0.0417,,0.022,,0.01,,0.0,0.0083,0.0,0.9707,,,0.0,0.0345,0.0417,,0.0219,,0.0098,,0.0,,block of flats,0.0082,"Stone, brick",No,1.0,0.0,1.0,0.0,-1371.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2138325,324106,Consumer loans,10248.705,39329.73,35973.0,4504.23,39329.73,MONDAY,9,Y,1,0.12119198733348467,,,XAP,Approved,-2435,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,522,Consumer electronics,4.0,low_normal,POS household with interest,365243.0,-2404.0,-2314.0,-2314.0,-2310.0,1.0,0,Cash loans,M,N,N,0,486000.0,1125864.0,37336.5,855000.0,"Spouse, partner",Commercial associate,Higher education,Civil marriage,House / apartment,0.010006000000000001,-19526,-1437,-627.0,-3084,,1,1,0,1,0,0,Managers,2.0,2,2,SUNDAY,14,0,0,0,0,1,1,Industry: type 9,,0.5162437788322439,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1779.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1169966,454603,Cash loans,23169.375,333000.0,473661.0,,333000.0,MONDAY,11,Y,1,,,,XNA,Refused,-17,Cash through the bank,HC,"Spouse, partner",Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,N,0,94500.0,405000.0,19696.5,405000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.009656999999999999,-22440,365243,-10096.0,-4823,,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,XNA,,0.5801277578958426,0.41184855592423975,0.0134,0.0,0.9707,0.5988,0.0013,0.0,0.069,0.0417,0.0833,0.006,0.0109,0.0148,0.0,0.0033,0.0137,0.0,0.9707,0.6145,0.0013,0.0,0.069,0.0417,0.0833,0.0062,0.0119,0.0154,0.0,0.0035,0.0135,0.0,0.9707,0.6042,0.0013,0.0,0.069,0.0417,0.0833,0.0061,0.0111,0.0151,0.0,0.0033,reg oper spec account,block of flats,0.0116,"Stone, brick",No,0.0,0.0,0.0,0.0,-1769.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1509903,208056,Consumer loans,19386.27,259105.5,259105.5,0.0,259105.5,TUESDAY,20,Y,1,0.0,,,XAP,Approved,-826,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Regional / Local,149,Consumer electronics,18.0,middle,POS household with interest,365243.0,-795.0,-285.0,-705.0,-701.0,0.0,0,Cash loans,M,N,Y,0,202500.0,225000.0,11074.5,225000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.030755,-11409,-1638,-1434.0,-3365,,1,1,1,1,0,0,Managers,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Self-employed,0.23261311006332394,0.6622048840755086,,0.0918,0.0798,0.9732,0.6328,0.1189,0.0,0.1379,0.1667,0.2083,0.021,0.07400000000000001,0.077,0.0039,0.0333,0.0935,0.0828,0.9732,0.6472,0.12,0.0,0.1379,0.1667,0.2083,0.0215,0.0808,0.0803,0.0039,0.0352,0.0926,0.0798,0.9732,0.6377,0.1197,0.0,0.1379,0.1667,0.2083,0.0214,0.0752,0.0784,0.0039,0.034,reg oper account,block of flats,0.065,Block,No,1.0,1.0,1.0,1.0,-921.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1616508,380348,Cash loans,,135000.0,135000.0,0.0,135000.0,FRIDAY,17,Y,1,0.0,,,XNA,Refused,-377,XNA,XNA,,Repeater,XNA,XNA,XNA,Country-wide,70,Connectivity,,XNA,Cash,,,,,,,0,Cash loans,M,N,Y,0,117000.0,175500.0,11425.5,175500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.026392000000000002,-11252,-156,-5189.0,-3794,,1,1,0,1,0,0,Cleaning staff,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,School,,0.40381713202760816,0.4614823912998385,0.0186,,0.9876,,,0.0,0.1034,0.0417,,,,0.0151,,0.0072,0.0189,,0.9876,,,0.0,0.1034,0.0417,,,,0.0157,,0.0076,0.0187,,0.9876,,,0.0,0.1034,0.0417,,,,0.0153,,0.0073,,block of flats,0.0134,"Stone, brick",No,13.0,0.0,13.0,0.0,-1694.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +2729849,167388,Consumer loans,5645.79,38205.0,45999.0,4500.0,38205.0,SUNDAY,12,Y,1,0.09704962654526007,,,XAP,Approved,-1391,Cash through the bank,XAP,"Spouse, partner",Repeater,Mobile,POS,XNA,Country-wide,32,Connectivity,12.0,high,POS mobile with interest,365243.0,-1360.0,-1030.0,-1030.0,-1027.0,0.0,0,Cash loans,M,N,Y,2,135000.0,562500.0,20205.0,562500.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.009549,-12127,-4429,-6285.0,-4691,,1,1,0,1,0,0,,4.0,2,2,FRIDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.5499206189078516,0.5582753576248778,0.6413682574954046,0.0773,,0.9896,,,0.0,0.1724,0.1667,,,,,,0.0,0.0788,,0.9896,,,0.0,0.1724,0.1667,,,,,,0.0,0.0781,,0.9896,,,0.0,0.1724,0.1667,,,,,,0.0,,block of flats,0.0645,Panel,No,1.0,0.0,1.0,0.0,-2781.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2723532,282422,Consumer loans,3600.45,16690.5,16690.5,0.0,16690.5,WEDNESDAY,9,Y,1,0.0,,,XAP,Refused,-1451,Cash through the bank,SCO,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,6.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,Y,Y,0,157500.0,808650.0,23773.5,675000.0,Other_A,Working,Secondary / secondary special,Civil marriage,House / apartment,0.015221,-17341,-1757,-1109.0,-897,9.0,1,1,1,1,0,0,Sales staff,2.0,2,2,FRIDAY,8,0,0,0,0,0,0,Self-employed,0.6395258150152984,0.6003962241937688,0.6690566947824041,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1647.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2773388,269350,Consumer loans,8868.105,196636.095,196632.0,4.095,196636.095,THURSDAY,10,Y,1,2.2680613509576e-05,,,XAP,Approved,-1751,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,4300,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1720.0,-1030.0,-1030.0,-1027.0,0.0,1,Cash loans,M,Y,N,0,180000.0,900000.0,45954.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-16046,-565,-639.0,-4858,9.0,1,1,1,1,0,1,Laborers,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.399853422484412,0.4205258850293776,0.3842068130556564,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-564.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1429066,393087,Cash loans,41562.18,1125000.0,1288350.0,,1125000.0,TUESDAY,10,Y,1,,,,XNA,Approved,-239,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-209.0,1561.0,-179.0,-171.0,1.0,0,Cash loans,M,Y,Y,2,315000.0,1528200.0,53248.5,1350000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.00733,-13455,-2177,-141.0,-4374,11.0,1,1,0,1,0,1,High skill tech staff,4.0,2,2,WEDNESDAY,14,0,0,0,1,1,0,Self-employed,0.5703702260546087,0.6603877376409378,0.5495965024956946,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,1.0,0.0,1.0,0.0,-1104.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1051553,127686,Consumer loans,17261.325,161955.0,158652.0,16195.5,161955.0,SUNDAY,13,Y,1,0.10087860460219224,,,XAP,Approved,-2197,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,450,Consumer electronics,12.0,high,POS household with interest,365243.0,-2166.0,-1836.0,-1866.0,-1861.0,0.0,0,Cash loans,M,N,N,0,207000.0,1024290.0,29353.5,855000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-21802,-504,-5211.0,-3439,,1,1,1,1,1,0,Laborers,2.0,2,2,MONDAY,11,0,1,1,0,1,1,Business Entity Type 3,,0.5080047346991914,0.4489622731076524,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1188.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1083048,394887,Cash loans,17713.125,135000.0,163255.5,,135000.0,TUESDAY,17,Y,1,,,,XNA,Approved,-1011,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-981.0,-651.0,-651.0,-641.0,1.0,0,Cash loans,M,Y,N,0,225000.0,1056447.0,31018.5,922500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.030755,-16418,-2693,-4609.0,-4623,29.0,1,1,0,1,0,0,Drivers,2.0,2,2,FRIDAY,16,0,0,0,0,1,1,Self-employed,,0.6564927554020505,0.6263042766749393,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1592.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2596413,424346,Consumer loans,11954.7,131382.0,118242.0,13140.0,131382.0,SUNDAY,12,Y,1,0.10892401200662603,,,XAP,Approved,-1449,Cash through the bank,XAP,"Spouse, partner",New,Audio/Video,POS,XNA,Country-wide,1500,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1418.0,-1088.0,-1088.0,-1085.0,0.0,1,Cash loans,F,N,Y,2,76500.0,509400.0,40374.0,450000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-11324,-216,-569.0,-1041,,1,1,0,1,0,1,Core staff,4.0,2,2,SUNDAY,10,0,0,0,0,0,0,Kindergarten,0.3547266751026981,0.3210104406603886,,0.1485,,0.9791,,,0.0,0.069,0.1667,,,,,,,0.1513,,0.9791,,,0.0,0.069,0.1667,,,,,,,0.1499,,0.9791,,,0.0,0.069,0.1667,,,,,,,,block of flats,0.0583,"Stone, brick",No,0.0,0.0,0.0,0.0,-1449.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1897520,377334,Consumer loans,5551.02,44100.0,51084.0,0.0,44100.0,FRIDAY,8,Y,1,0.0,,,XAP,Approved,-311,XNA,XAP,Unaccompanied,New,Auto Accessories,POS,XNA,Stone,123,Auto technology,12.0,middle,POS other with interest,365243.0,-275.0,55.0,-275.0,-267.0,0.0,0,Cash loans,M,Y,N,0,180000.0,166810.5,18094.5,144000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006629,-16735,-705,-361.0,-286,12.0,1,1,0,1,0,0,Drivers,2.0,2,2,MONDAY,7,0,0,0,0,0,0,Transport: type 3,,0.6510380913883946,,0.1588,,0.9881,0.8368,,0.0,0.0862,0.125,0.1667,0.0285,0.1294,0.0642,,0.0991,0.1429,,0.9871,0.8301,,0.0,0.069,0.125,0.1667,0.0289,0.1249,0.0552,,0.1049,0.1603,,0.9881,0.8390000000000001,,0.0,0.0862,0.125,0.1667,0.029,0.1317,0.0653,,0.1011,,specific housing,0.041,Block,No,0.0,0.0,0.0,0.0,-235.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1173903,335824,Cash loans,28923.66,675000.0,779247.0,,675000.0,WEDNESDAY,12,Y,1,,,,XNA,Refused,-604,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,54.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,202500.0,780363.0,34501.5,697500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.0060079999999999995,-20770,365243,-7549.0,-1256,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,XNA,,0.5280830740298991,0.33928769990891394,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-970.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +2177233,380500,Consumer loans,5780.43,24255.0,20088.0,4851.0,24255.0,WEDNESDAY,13,Y,1,0.2118440996030314,,,XAP,Approved,-567,Cash through the bank,XAP,,New,Mobile,POS,XNA,Regional / Local,55,Connectivity,4.0,high,POS mobile with interest,365243.0,-536.0,-446.0,-446.0,-430.0,0.0,0,Revolving loans,F,N,Y,1,54000.0,135000.0,6750.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010556,-8446,-669,-69.0,-568,,1,1,1,1,0,0,Core staff,3.0,3,3,WEDNESDAY,16,0,0,0,0,1,1,School,,0.4995973333474046,0.180887977767074,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,2.0,3.0,2.0,-550.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2078234,210630,Consumer loans,11321.01,40500.0,41926.5,0.0,40500.0,MONDAY,10,Y,1,0.0,,,XAP,Approved,-674,Cash through the bank,XAP,,Repeater,Sport and Leisure,POS,XNA,Country-wide,100,Auto technology,4.0,middle,POS other with interest,365243.0,-642.0,-552.0,-552.0,-549.0,0.0,0,Cash loans,F,Y,Y,2,135000.0,835380.0,40320.0,675000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.035792000000000004,-10299,-1269,-1392.0,-2343,25.0,1,1,1,1,1,0,,4.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.4454038693097628,0.5388627065779676,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-405.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2043124,430025,Cash loans,14697.54,229500.0,253737.0,,229500.0,MONDAY,14,Y,1,,,,XNA,Refused,-273,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),5,XNA,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,90000.0,163512.0,11056.5,135000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-23225,365243,-5501.0,-4226,,1,0,0,1,0,0,,2.0,2,2,MONDAY,14,0,0,0,0,0,0,XNA,,0.41075350337331135,0.3876253444214701,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-891.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1312508,151907,Consumer loans,4611.24,30105.0,22149.0,9000.0,30105.0,SUNDAY,13,Y,1,0.3146752121037008,,,XAP,Approved,-1910,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,42,Connectivity,6.0,high,POS mobile with interest,365243.0,-1879.0,-1729.0,-1789.0,-1784.0,0.0,0,Cash loans,F,N,Y,0,90000.0,454500.0,19386.0,454500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.015221,-9608,-1626,-953.0,-975,,1,1,0,1,0,0,Medicine staff,2.0,2,2,SATURDAY,12,0,0,0,1,1,0,Business Entity Type 3,0.4144915574532275,0.5184224453458428,0.3706496323299817,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1910.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1466534,319254,Consumer loans,5052.915,83245.5,112162.5,0.0,83245.5,TUESDAY,18,Y,1,0.0,,,XAP,Approved,-939,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,1567,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-908.0,-218.0,-278.0,-276.0,0.0,0,Cash loans,M,N,Y,0,360000.0,485640.0,37579.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-14941,-2474,-7615.0,-4173,,1,1,0,1,1,0,Drivers,2.0,1,1,WEDNESDAY,11,0,1,1,0,1,1,Transport: type 3,,0.7471603586658522,0.4206109640437848,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1745.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,2.0 +1025356,136151,Consumer loans,6276.285,28215.0,29889.0,0.0,28215.0,SUNDAY,14,Y,1,0.0,,,XAP,Approved,-146,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,-1,Connectivity,6.0,high,POS mobile with interest,365243.0,-116.0,34.0,-86.0,-83.0,1.0,0,Cash loans,F,N,Y,3,135000.0,1762110.0,46611.0,1575000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-13320,-4414,-1180.0,-4188,,1,1,0,1,0,0,Core staff,5.0,2,2,SATURDAY,13,0,0,0,0,0,0,School,,0.6218550479229247,0.7309873696832169,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,11.0,0.0,11.0,0.0,-2026.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2137596,155168,Cash loans,37469.655,675000.0,767664.0,,675000.0,MONDAY,13,Y,1,,,,Repairs,Approved,-455,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,middle,Cash Street: middle,365243.0,-425.0,985.0,-395.0,-393.0,1.0,0,Cash loans,F,Y,Y,0,202500.0,1575000.0,64147.5,1575000.0,Family,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.025164,-14332,-1451,-4549.0,-5841,4.0,1,1,1,1,1,0,Laborers,1.0,2,2,MONDAY,12,0,0,0,0,0,0,Self-employed,,0.423747801525798,0.6528965519806539,0.1031,0.0962,0.9811,0.7348,0.0,0.0,0.1379,0.1667,0.2083,,0.0841,0.0884,0.0,0.0,0.105,0.0998,0.9811,0.7452,0.0,0.0,0.1379,0.1667,0.2083,,0.0918,0.0921,0.0,0.0,0.1041,0.0962,0.9811,0.7383,0.0,0.0,0.1379,0.1667,0.2083,,0.0855,0.09,0.0,0.0,reg oper spec account,block of flats,0.0695,"Stone, brick",No,1.0,1.0,1.0,1.0,-1818.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +2235833,223590,Consumer loans,10456.11,165586.5,184716.0,8280.0,165586.5,SUNDAY,6,Y,1,0.04672466127418561,,,XAP,Approved,-1286,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Regional / Local,201,Consumer electronics,24.0,middle,POS household with interest,365243.0,-1255.0,-565.0,-565.0,-558.0,0.0,0,Cash loans,F,N,N,0,108000.0,808650.0,23773.5,675000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.008068,-20070,-12840,-3042.0,-2446,,1,1,1,1,1,0,Core staff,2.0,3,3,FRIDAY,9,0,0,0,0,0,0,School,0.5790725729579358,0.6160840157397968,0.6626377922738201,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1286.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2017324,189073,Consumer loans,14563.305,103477.5,100714.5,9000.0,103477.5,SATURDAY,17,Y,1,0.08933931414551569,,,XAP,Approved,-1481,Cash through the bank,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Country-wide,5207,Consumer electronics,8.0,middle,POS household with interest,365243.0,-1450.0,-1240.0,-1240.0,-1234.0,0.0,0,Cash loans,F,N,Y,0,202500.0,755190.0,31995.0,675000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.01885,-12407,-199,-2727.0,-2724,,1,1,1,1,0,0,,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,School,,0.5799253375926804,0.10684194768082178,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1150.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2056803,429437,Revolving loans,6750.0,0.0,135000.0,,,TUESDAY,11,Y,1,,,,XAP,Approved,-1330,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,402214.5,31905.0,328500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.01885,-17385,-652,-2811.0,-910,12.0,1,1,0,1,0,0,Laborers,1.0,2,2,TUESDAY,13,0,0,0,0,1,1,Business Entity Type 3,,0.625673184621068,0.7751552674785404,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1628.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1922521,385569,Consumer loans,4925.565,41535.0,41080.5,4153.5,41535.0,TUESDAY,17,Y,1,0.10000307491950942,,,XAP,Approved,-1464,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,84,Connectivity,12.0,high,POS mobile with interest,365243.0,-1424.0,-1094.0,-1094.0,-1081.0,0.0,0,Cash loans,F,N,Y,0,180000.0,808650.0,23773.5,675000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.00496,-17533,-3776,-11579.0,-1075,,1,1,0,1,0,0,Medicine staff,1.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Hotel,,0.7149259571968151,0.6910212267577837,0.0175,,0.9429,,,,,0.0417,,,,0.0086,,,0.0179,,0.9429,,,,,0.0417,,,,0.009000000000000001,,,0.0177,,0.9429,,,,,0.0417,,,,0.0088,,,,block of flats,0.0116,,No,0.0,0.0,0.0,0.0,-1464.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1134854,265496,Consumer loans,2420.505,19795.5,19287.0,1980.0,19795.5,TUESDAY,12,Y,1,0.10139652983495556,,,XAP,Approved,-1599,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Regional / Local,90,Consumer electronics,10.0,high,POS household with interest,365243.0,-1568.0,-1298.0,-1298.0,-1285.0,0.0,0,Cash loans,M,Y,Y,1,202500.0,755190.0,32125.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.0105,-17474,-444,-987.0,-1011,10.0,1,1,0,1,0,0,Drivers,3.0,3,3,FRIDAY,16,0,0,0,0,0,0,Self-employed,,0.7246417303318243,0.5867400085415683,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1599.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1432049,359246,Consumer loans,12751.83,101385.0,109750.5,0.0,101385.0,SATURDAY,14,Y,1,0.0,,,XAP,Approved,-1376,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,90,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1345.0,-1075.0,-1075.0,-1067.0,0.0,1,Cash loans,F,N,N,0,135000.0,601470.0,30838.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.025164,-15273,-2797,-9350.0,-4712,,1,1,0,1,0,0,Sales staff,1.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Self-employed,,0.7191983250022063,0.6161216908872079,0.0598,0.011,0.9851,0.5172,0.0,0.0532,0.069,0.2638,0.0417,0.0032,0.0168,0.0532,0.0,0.0025,0.021,0.0,0.9647,0.5361,0.0,0.0806,0.069,0.375,0.0417,0.0,0.0184,0.0146,0.0,0.0,0.0781,0.0,0.9945,0.5237,0.0,0.08,0.069,0.375,0.0417,0.0,0.0171,0.0735,0.0,0.0023,reg oper account,block of flats,0.0659,Panel,No,3.0,0.0,3.0,0.0,-1379.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2000014,413901,Consumer loans,13617.675,75528.0,71334.0,7560.0,75528.0,TUESDAY,17,Y,1,0.1043618940949536,,,XAP,Approved,-1889,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,130,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1849.0,-1699.0,-1699.0,-1695.0,0.0,0,Cash loans,M,Y,Y,0,202500.0,450000.0,21109.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-11991,-943,-5844.0,-3941,13.0,1,1,0,1,0,0,Drivers,2.0,2,2,MONDAY,9,0,0,0,0,1,1,Business Entity Type 3,0.2368462441048252,0.6939991575108412,0.4776491548517548,0.2474,0.2509,0.9866,,,0.0,0.5862,0.1667,,0.069,,0.2517,,0.0939,0.2521,0.2604,0.9866,,,0.0,0.5862,0.1667,,0.0706,,0.2622,,0.0994,0.2498,0.2509,0.9866,,,0.0,0.5862,0.1667,,0.0702,,0.2562,,0.0959,,block of flats,0.1979,"Stone, brick",No,1.0,0.0,1.0,0.0,-1889.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2705666,280245,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SATURDAY,15,Y,1,,,,XAP,Approved,-257,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Regional / Local,147,Consumer electronics,0.0,XNA,Card Street,-255.0,-211.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,M,Y,Y,0,360000.0,848745.0,46174.5,675000.0,"Spouse, partner",Working,Secondary / secondary special,Civil marriage,House / apartment,0.019101,-18960,-487,-278.0,-1766,40.0,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,13,0,0,0,0,1,1,Self-employed,0.561217154301701,0.6794311845600058,0.03320805870168469,0.078,0.0731,0.9826,0.762,0.0238,0.0,0.1262,0.1667,0.0833,0.0714,0.0636,0.0544,0.0,0.0,0.0473,0.0547,0.9816,0.7583,0.0109,0.0,0.069,0.1667,0.0,0.0455,0.0413,0.0285,0.0,0.0,0.0937,0.0596,0.9826,0.7652,0.0144,0.0,0.1034,0.1667,0.0417,0.0671,0.077,0.0476,0.0,0.0,org spec account,block of flats,0.0325,"Stone, brick",No,0.0,0.0,0.0,0.0,-511.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2564829,275871,Consumer loans,25360.155,133933.5,141003.0,0.0,133933.5,SATURDAY,7,Y,1,0.0,,,XAP,Approved,-184,Cash through the bank,XAP,Unaccompanied,Repeater,Construction Materials,POS,XNA,Stone,376,Construction,6.0,low_normal,POS industry with interest,365243.0,-148.0,2.0,-88.0,-85.0,0.0,0,Cash loans,M,Y,N,0,202500.0,225000.0,11488.5,225000.0,Unaccompanied,Working,Lower secondary,Married,Rented apartment,0.018029,-14727,-865,-1133.0,-4609,16.0,1,1,1,1,1,0,Laborers,2.0,3,3,SATURDAY,17,0,0,0,1,1,0,Self-employed,,0.3466884614036944,0.4311917977993083,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-565.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2712031,278020,Consumer loans,3170.16,29655.0,26685.0,2970.0,29655.0,THURSDAY,19,Y,1,0.10907435508345982,,,XAP,Approved,-1551,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,46,Connectivity,12.0,high,POS mobile with interest,365243.0,-1514.0,-1184.0,-1214.0,-1212.0,0.0,0,Cash loans,M,N,Y,1,247500.0,694773.0,35604.0,621000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.009656999999999999,-9417,-2206,-1725.0,-2069,,1,1,0,1,0,0,Laborers,3.0,2,2,MONDAY,15,0,0,0,0,0,0,Transport: type 2,0.7619301931830427,0.32396312254716336,0.11911906455945008,0.0381,0.0045,0.9742,0.6464,0.0263,0.0,0.1034,0.125,0.1667,0.0609,0.0303,0.0488,0.0039,0.0745,0.0389,0.0047,0.9742,0.6602,0.0265,0.0,0.1034,0.125,0.1667,0.0623,0.0331,0.0509,0.0039,0.0789,0.0385,0.0045,0.9742,0.6511,0.0265,0.0,0.1034,0.125,0.1667,0.062,0.0308,0.0497,0.0039,0.0761,reg oper account,block of flats,0.0546,"Stone, brick",No,2.0,0.0,2.0,0.0,-1678.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2421829,314313,Cash loans,56884.5,1350000.0,1350000.0,,1350000.0,MONDAY,14,Y,1,,,,XNA,Approved,-952,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-922.0,488.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,337500.0,762979.5,33736.5,616500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.010006000000000001,-22980,-4047,-2473.0,-2473,17.0,1,1,0,1,0,0,Drivers,1.0,2,1,MONDAY,13,0,0,0,0,0,0,Self-employed,0.26335419151782824,0.416630259262105,0.6738300778602003,0.0093,0.0,0.9786,,,0.0,0.0345,0.0417,,0.0076,,0.0065,,0.0,0.0095,0.0,0.9786,,,0.0,0.0345,0.0417,,0.0078,,0.0068,,0.0,0.0094,0.0,0.9786,,,0.0,0.0345,0.0417,,0.0078,,0.0067,,0.0,,block of flats,0.0057,Wooden,Yes,8.0,0.0,8.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2691915,365419,Revolving loans,15750.0,315000.0,315000.0,,315000.0,THURSDAY,3,Y,1,,,,XAP,Refused,-198,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,N,0,121500.0,180000.0,13041.0,180000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.014464,-20521,365243,-9440.0,-2279,,1,0,0,1,1,0,,2.0,2,2,FRIDAY,8,0,0,0,0,0,0,XNA,,0.4120349442377019,0.3791004853998145,0.2608,0.1864,0.9841,0.7824,0.0538,0.28,0.2414,0.3333,0.0417,0.1593,0.2118,1.0,0.0039,0.0013,0.2658,0.1934,0.9841,0.7909,0.0543,0.282,0.2414,0.3333,0.0417,0.1629,0.2314,1.0,0.0039,0.0013,0.2634,0.1864,0.9841,0.7853,0.0542,0.28,0.2414,0.3333,0.0417,0.162,0.2155,1.0,0.0039,0.0013,reg oper spec account,block of flats,0.233,Panel,No,0.0,0.0,0.0,0.0,-1150.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1439259,382896,Consumer loans,13477.05,63225.0,50580.0,12645.0,63225.0,WEDNESDAY,18,Y,1,0.2178181818181818,,,XAP,Approved,-997,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,16,Connectivity,4.0,middle,POS mobile without interest,365243.0,-944.0,-854.0,-914.0,-909.0,0.0,0,Cash loans,F,Y,Y,0,112500.0,229500.0,22828.5,229500.0,Unaccompanied,State servant,Higher education,Single / not married,House / apartment,0.026392000000000002,-15235,-5626,-3237.0,-4629,5.0,1,1,0,1,1,0,,1.0,2,2,SATURDAY,12,0,0,0,0,0,0,Other,,0.6734005517578332,0.5316861425197883,0.2804,,0.9896,,,0.28,0.2414,0.375,,,,0.2724,,0.0907,0.2857,,0.9896,,,0.282,0.2414,0.375,,,,0.2838,,0.096,0.2831,,0.9896,,,0.28,0.2414,0.375,,,,0.2773,,0.0926,,block of flats,0.234,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1106936,414540,Consumer loans,1459.62,27013.5,32364.0,0.0,27013.5,THURSDAY,15,Y,1,0.0,,,XAP,Approved,-1407,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Regional / Local,246,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1376.0,-686.0,-1076.0,-1067.0,0.0,0,Cash loans,F,Y,Y,0,157500.0,239850.0,24705.0,225000.0,Unaccompanied,State servant,Secondary / secondary special,Widow,House / apartment,0.019101,-17650,-1454,-261.0,-1190,4.0,1,1,0,1,0,0,Cleaning staff,1.0,2,2,THURSDAY,9,0,0,0,0,1,1,Medicine,0.5618243759807492,0.5022815631611219,0.6940926425266661,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1879.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2503204,362427,Cash loans,25053.39,243000.0,255829.5,,243000.0,MONDAY,11,Y,1,,,,XNA,Approved,-240,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-210.0,120.0,-30.0,-24.0,1.0,0,Cash loans,F,N,Y,0,112500.0,553806.0,26770.5,495000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-20000,-7424,-7432.0,-3562,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Business Entity Type 1,,0.21984620543688813,0.7407990879702335,0.0784,0.1307,0.9891,0.8504,0.0562,0.0,0.2069,0.1667,0.2083,0.0192,0.0639,0.0747,0.0,0.0,0.0798,0.1356,0.9891,0.8563,0.0567,0.0,0.2069,0.1667,0.2083,0.0197,0.0698,0.0778,0.0,0.0,0.0791,0.1307,0.9891,0.8524,0.0565,0.0,0.2069,0.1667,0.2083,0.0196,0.065,0.076,0.0,0.0,org spec account,block of flats,0.0894,"Stone, brick",No,0.0,0.0,0.0,0.0,-2104.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1354418,380778,Cash loans,16639.875,202500.0,222547.5,,202500.0,SATURDAY,10,Y,1,,,,XNA,Approved,-731,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),3,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-701.0,-191.0,-191.0,-184.0,1.0,0,Cash loans,F,N,Y,0,135000.0,675000.0,34596.0,675000.0,Children,Working,Secondary / secondary special,Widow,House / apartment,0.005084,-15186,-200,-5048.0,-5052,,1,1,0,1,0,0,Low-skill Laborers,1.0,2,2,TUESDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.445717190379932,0.6785676886853644,0.0186,0.0216,0.9781,,,,0.1034,0.0417,,,,,,,0.0189,0.0224,0.9782,,,,0.1034,0.0417,,,,,,,0.0187,0.0216,0.9781,,,,0.1034,0.0417,,,,,,,,block of flats,0.0149,,No,2.0,0.0,2.0,0.0,-1620.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1798435,279100,Consumer loans,8287.335,73242.0,73242.0,0.0,73242.0,MONDAY,14,Y,1,0.0,,,XAP,Approved,-49,Cash through the bank,XAP,,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,50,Connectivity,12.0,high,POS mobile with interest,365243.0,-9.0,321.0,-9.0,365243.0,0.0,0,Revolving loans,M,Y,Y,1,135000.0,180000.0,9000.0,180000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.030755,-13509,-2194,-5563.0,-4076,17.0,1,1,0,1,0,1,Drivers,3.0,2,2,MONDAY,14,0,0,0,0,1,1,Self-employed,,0.4650598590218015,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-194.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2372610,201269,Consumer loans,4165.65,17055.0,20259.0,0.0,17055.0,WEDNESDAY,11,Y,1,0.0,,,XAP,Approved,-566,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Stone,22,Consumer electronics,6.0,high,POS household with interest,365243.0,-521.0,-371.0,-371.0,-366.0,0.0,0,Cash loans,M,Y,N,0,90000.0,1138500.0,31306.5,1138500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-15586,-4370,-8285.0,-4586,14.0,1,1,1,1,1,0,Laborers,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.7797059807201792,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1751.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +1332538,299020,Cash loans,10160.685,157500.0,188685.0,0.0,157500.0,MONDAY,11,Y,1,0.0,,,XNA,Approved,-2329,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,36.0,middle,Cash Street: middle,365243.0,-2299.0,-1249.0,-1249.0,-1245.0,1.0,0,Cash loans,F,N,N,0,174150.0,835380.0,33259.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-18127,-3059,-11006.0,-1667,,1,1,0,1,0,0,,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Other,0.6611056644005856,0.6330489841307344,0.5902333386185574,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2329.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2037126,389120,Consumer loans,6350.355,33277.5,31144.5,3600.0,33277.5,MONDAY,11,Y,1,0.11284454439486173,,,XAP,Approved,-1633,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,20,Connectivity,6.0,high,POS mobile with interest,365243.0,-1591.0,-1441.0,-1441.0,-1438.0,0.0,0,Cash loans,F,N,N,2,103500.0,1252278.0,36747.0,1093500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-11879,-428,-5614.0,-1770,,1,1,0,1,0,0,,4.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.3351841765745031,0.3142896415086838,0.4294236843421945,0.0186,0.0,0.9851,0.7959999999999999,0.0207,0.0,0.1034,0.0417,0.0833,0.0103,0.0151,0.0176,0.0,0.0,0.0189,0.0,0.9851,0.804,0.0209,0.0,0.1034,0.0417,0.0833,0.0106,0.0165,0.0183,0.0,0.0,0.0187,0.0,0.9851,0.7987,0.0209,0.0,0.1034,0.0417,0.0833,0.0105,0.0154,0.0179,0.0,0.0,reg oper account,block of flats,0.0252,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1292382,364658,Consumer loans,,43380.0,43380.0,0.0,43380.0,TUESDAY,18,Y,1,0.0,,,XAP,Refused,-811,Cash through the bank,SCO,,Repeater,Mobile,XNA,XNA,Country-wide,25,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Revolving loans,F,N,Y,2,112500.0,202500.0,10125.0,202500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.028663,-11178,-3838,-2638.0,-3356,,1,1,0,1,0,0,,4.0,2,2,MONDAY,10,0,0,0,0,0,0,Medicine,0.4706188130204394,0.5990681295905529,0.7738956942145427,0.1077,0.0023,0.9791,,,0.0,0.2069,0.1667,,0.02,,0.0683,,0.0345,0.084,0.0023,0.9786,,,0.0,0.1379,0.1667,,0.0132,,0.036000000000000004,,0.0,0.1088,0.0023,0.9791,,,0.0,0.2069,0.1667,,0.0204,,0.0696,,0.0352,,block of flats,0.0449,"Stone, brick",No,0.0,0.0,0.0,0.0,-456.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2054204,428770,Consumer loans,38003.94,146169.0,146169.0,0.0,146169.0,MONDAY,13,Y,1,0.0,,,XAP,Approved,-1461,Cash through the bank,XAP,Family,New,Construction Materials,POS,XNA,Stone,39,Construction,4.0,low_action,POS industry with interest,365243.0,-1430.0,-1340.0,-1340.0,-1336.0,0.0,0,Cash loans,M,Y,Y,0,180000.0,808650.0,31464.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.030755,-19747,-2033,-9587.0,-3286,5.0,1,1,0,1,0,0,Drivers,2.0,2,2,SATURDAY,10,0,0,0,0,1,1,Other,,0.6918821166149651,0.5691487713619409,0.1796,0.1265,0.9906,0.8912,0.0848,0.19,0.1552,0.4167,0.1875,0.0359,0.1544,0.1839,0.0135,0.1172,0.1261,0.0748,0.9861,0.8171,0.0519,0.0806,0.0345,0.3333,0.0,0.0257,0.1102,0.1303,0.0078,0.0,0.1697,0.1072,0.9901,0.9262,0.0676,0.18,0.1552,0.3542,0.1875,0.0373,0.1556,0.1663,0.0136,0.0652,org spec account,block of flats,0.1597,"Stone, brick",No,0.0,0.0,0.0,0.0,-1461.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1916106,235489,Cash loans,18061.74,360000.0,426528.0,,360000.0,THURSDAY,7,Y,1,,,,XNA,Approved,-1270,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,middle,Cash Street: middle,365243.0,-1235.0,175.0,-905.0,-897.0,0.0,0,Cash loans,M,Y,Y,3,180000.0,450000.0,22018.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-12961,-1249,-1644.0,-2068,17.0,1,1,0,1,0,0,High skill tech staff,5.0,2,2,MONDAY,8,0,0,0,0,1,1,Other,0.4615079240209433,0.6525121484955898,0.06337536230998861,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1098.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1557089,151937,Cash loans,21193.11,166500.0,177489.0,0.0,166500.0,SATURDAY,9,Y,1,0.0,,,Other,Approved,-1754,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,103500.0,270000.0,13914.0,270000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-14879,-6007,-7518.0,-350,,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.7158413530380824,0.3152943178932899,0.5814837058057234,0.1031,0.0991,0.9781,0.7008,0.0114,0.0,0.2069,0.1667,0.2083,0.0548,0.0841,0.0946,0.0,0.0,0.105,0.1028,0.9782,0.7125,0.0115,0.0,0.2069,0.1667,0.2083,0.0561,0.0918,0.0985,0.0,0.0,0.1041,0.0991,0.9781,0.7048,0.0115,0.0,0.2069,0.1667,0.2083,0.0558,0.0855,0.0963,0.0,0.0,reg oper account,block of flats,0.078,Panel,No,0.0,0.0,0.0,0.0,-2094.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1610810,209728,Consumer loans,11974.365,89608.23,98473.5,4.23,89608.23,WEDNESDAY,16,Y,1,4.678067361478116e-05,,,XAP,Approved,-1610,Cash through the bank,XAP,"Spouse, partner",Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,552,Consumer electronics,12.0,high,POS household with interest,365243.0,-1579.0,-1249.0,-1309.0,-1305.0,0.0,0,Cash loans,F,N,N,2,427500.0,900000.0,60520.5,900000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.003540999999999999,-14506,-348,-4711.0,-1357,,1,1,1,1,1,0,Private service staff,4.0,1,1,MONDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.6242585751853118,0.36896873825284665,0.1423,0.1181,0.9866,0.8164,,0.1064,0.1607,0.2775,0.3192,0.0481,,0.132,,0.136,0.0945,0.1123,0.9866,0.8236,,0.1611,0.1379,0.3333,0.375,0.0477,,0.101,,0.0027,0.1499,0.1188,0.9866,0.8189,,0.16,0.1379,0.3333,0.375,0.049,,0.1489,,0.1492,not specified,block of flats,0.0993,Panel,No,1.0,1.0,1.0,0.0,-1541.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1050860,179706,Consumer loans,9356.355,83047.5,91818.0,0.0,83047.5,WEDNESDAY,19,Y,1,0.0,,,XAP,Approved,-1055,Cash through the bank,XAP,Group of people,Repeater,Computers,POS,XNA,Regional / Local,500,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1024.0,-694.0,-694.0,-680.0,0.0,0,Cash loans,F,Y,Y,0,157500.0,270000.0,19696.5,270000.0,Family,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.011703,-15419,-696,-7782.0,-3784,9.0,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Construction,0.6289741718445019,0.6885155491563609,0.3672910183026313,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1198.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2581551,241009,Consumer loans,12674.7,81315.0,71730.0,13500.0,81315.0,SATURDAY,11,Y,1,0.17250647979264666,,,XAP,Approved,-2890,Cash through the bank,XAP,Unaccompanied,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,42,Connectivity,7.0,low_normal,POS mobile with interest,365243.0,-2858.0,-2678.0,-2708.0,-2637.0,1.0,0,Cash loans,F,Y,Y,0,135000.0,544500.0,21721.5,544500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-16635,-7662,-8015.0,-182,6.0,1,1,0,1,1,0,Laborers,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Business Entity Type 2,,0.7844871919292251,0.31703177858344445,0.066,0.0794,0.9757,0.6668,0.0059,0.0,0.1379,0.125,0.0417,0.027000000000000003,0.053,0.0507,0.0039,0.0031,0.0672,0.0824,0.9757,0.6798,0.006,0.0,0.1379,0.125,0.0417,0.0276,0.0579,0.0528,0.0039,0.0033,0.0666,0.0794,0.9757,0.6713,0.006,0.0,0.1379,0.125,0.0417,0.0275,0.0539,0.0516,0.0039,0.0032,not specified,block of flats,0.0406,Block,No,3.0,0.0,3.0,0.0,-248.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1561234,242842,Consumer loans,6123.78,55300.5,62113.5,0.0,55300.5,WEDNESDAY,21,Y,1,0.0,,,XAP,Approved,-604,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,30,Connectivity,14.0,high,POS mobile with interest,365243.0,-568.0,-178.0,-448.0,-439.0,0.0,0,Cash loans,M,Y,Y,1,225000.0,540000.0,26109.0,540000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.004849,-10196,-1424,-4266.0,-2856,3.0,1,1,0,1,0,0,Drivers,3.0,2,2,FRIDAY,12,1,1,0,0,0,0,Business Entity Type 1,,0.6014136071404734,0.08846056465419698,0.0144,,0.9841,,,,0.069,0.0417,,0.0274,,0.0143,,,0.0147,,0.9841,,,,0.069,0.0417,,0.028,,0.0149,,,0.0146,,0.9841,,,,0.069,0.0417,,0.0279,,0.0145,,,,block of flats,0.0112,"Stone, brick",No,1.0,0.0,1.0,0.0,-604.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2403425,266824,Consumer loans,7159.545,53257.5,58882.5,0.0,53257.5,WEDNESDAY,17,Y,1,0.0,,,XAP,Approved,-542,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,high,POS mobile with interest,365243.0,-510.0,-180.0,-180.0,-174.0,0.0,0,Revolving loans,M,Y,Y,0,94500.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006207,-19360,-790,-8082.0,-2073,24.0,1,1,1,1,1,0,Laborers,2.0,2,2,SATURDAY,12,1,1,0,1,1,1,Industry: type 11,0.43826387019560903,0.39249912886770105,0.5673792367572691,0.1753,0.0,0.9806,0.7348,,0.04,0.0345,0.3333,0.375,0.0578,0.1404,0.0793,0.0116,0.0029,0.1786,0.0,0.9806,0.7452,,0.0403,0.0345,0.3333,0.375,0.0591,0.1534,0.0827,0.0117,0.0031,0.177,0.0,0.9806,0.7383,,0.04,0.0345,0.3333,0.375,0.0588,0.1428,0.0808,0.0116,0.003,reg oper account,block of flats,0.0779,"Stone, brick",No,1.0,1.0,1.0,1.0,-542.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2287391,390302,Consumer loans,7521.795,39060.0,26401.5,13500.0,39060.0,SATURDAY,16,Y,1,0.3684755528671171,,,XAP,Approved,-2589,Cash through the bank,XAP,,New,Mobile,POS,XNA,Stone,17,Connectivity,4.0,high,POS mobile with interest,365243.0,-2554.0,-2464.0,-2464.0,-2455.0,1.0,0,Cash loans,M,Y,N,1,225000.0,840951.0,43065.0,679500.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.022625,-10097,-2036,-1599.0,-2638,2.0,1,1,0,1,0,1,,3.0,2,2,FRIDAY,15,0,0,0,0,0,0,Security Ministries,0.3371350669171898,0.7574602821927302,0.6109913280868294,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2132.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2702263,398228,Consumer loans,4191.03,14714.64,14710.5,4.14,14714.64,SUNDAY,14,Y,1,0.0003064183944450128,,,XAP,Approved,-2897,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,800,Consumer electronics,4.0,high,POS household with interest,365243.0,-2866.0,-2776.0,-2776.0,-2596.0,0.0,0,Cash loans,M,N,Y,0,180000.0,110331.0,10876.5,103500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.010966,-24831,365243,-7463.0,-4307,,1,0,0,1,0,0,,1.0,2,2,SATURDAY,16,0,0,0,0,0,0,XNA,,0.31026028653785365,0.5814837058057234,0.0866,0.0364,0.9896,0.8572,0.0233,0.08,0.0345,0.5417,,0.0401,,0.0831,,0.0065,0.0882,0.0377,0.9896,0.8628,0.0235,0.0806,0.0345,0.5417,,0.041,,0.0866,,0.0069,0.0874,0.0364,0.9896,0.8591,0.0234,0.08,0.0345,0.5417,,0.0408,,0.0846,,0.0066,org spec account,block of flats,0.0666,"Stone, brick",No,1.0,1.0,1.0,1.0,-2897.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1010042,420412,Cash loans,22059.0,225000.0,283131.0,,225000.0,MONDAY,16,Y,1,,,,XNA,Approved,-457,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-427.0,83.0,-157.0,-150.0,1.0,0,Cash loans,F,N,N,0,121500.0,592560.0,32274.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Widow,Municipal apartment,0.007114,-16706,-2002,-7222.0,-244,,1,1,0,1,1,0,Cleaning staff,1.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,Other,,0.7802838715026482,0.7490217048463391,0.0928,0.0964,0.9786,0.7076,0.0132,0.0,0.2069,0.1667,0.2083,0.1376,,0.0881,,0.0,0.0945,0.1,0.9786,0.7190000000000001,0.0133,0.0,0.2069,0.1667,0.2083,0.1408,,0.0918,,0.0,0.0937,0.0964,0.9786,0.7115,0.0133,0.0,0.2069,0.1667,0.2083,0.14,,0.0897,,0.0,reg oper account,block of flats,0.0693,Panel,No,0.0,0.0,0.0,0.0,-852.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,4.0 +2045477,221386,Cash loans,35613.0,1350000.0,1350000.0,,1350000.0,FRIDAY,16,Y,1,,,,XNA,Approved,-207,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,180000.0,545040.0,26640.0,450000.0,Unaccompanied,Pensioner,Higher education,Widow,House / apartment,0.009175,-20586,365243,-8831.0,-3979,,1,0,0,1,1,0,,1.0,2,2,TUESDAY,17,0,0,0,0,0,0,XNA,,0.7823016293499405,0.4938628816996244,0.3794,0.2932,0.9881,,,0.4,0.3448,0.3333,,,,0.3991,,0.0341,0.3866,0.3042,0.9881,,,0.4028,0.3448,0.3333,,,,0.4159,,0.0361,0.3831,0.2932,0.9881,,,0.4,0.3448,0.3333,,,,0.4063,,0.0348,,block of flats,0.3213,"Stone, brick",No,0.0,0.0,0.0,0.0,-420.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2797932,163239,Revolving loans,22500.0,0.0,450000.0,,,TUESDAY,9,Y,1,,,,XAP,Approved,-770,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,110,Consumer electronics,0.0,XNA,Card X-Sell,-718.0,-666.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,121500.0,364896.0,23449.5,315000.0,Family,Working,Higher education,Married,House / apartment,0.030755,-20596,-3124,-2636.0,-3064,,1,1,0,1,0,0,High skill tech staff,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.6552330382385301,0.2022391108258312,0.5762088360175724,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2222.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1909243,261295,Cash loans,68958.0,1125000.0,1125000.0,,1125000.0,FRIDAY,18,Y,1,,,,XNA,Refused,-741,Cash through the bank,VERIF,Children,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,middle,Cash Street: middle,,,,,,,1,Revolving loans,F,N,Y,0,832500.0,900000.0,45000.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.04622,-20600,-5767,-7345.0,-4151,,1,1,0,1,1,1,Security staff,1.0,1,1,THURSDAY,12,0,0,0,0,1,1,Business Entity Type 1,0.7161846586946033,0.677666375076491,0.3185955240537633,0.0825,,0.9762,,,0.0,0.1379,0.1667,,0.0101,,0.0337,,0.0,0.084,,0.9762,,,0.0,0.1379,0.1667,,0.0103,,0.0351,,0.0,0.0833,,0.9762,,,0.0,0.1379,0.1667,,0.0103,,0.0343,,0.0,,block of flats,0.0444,Panel,No,3.0,0.0,3.0,0.0,-1457.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2465362,298708,Consumer loans,7030.17,60907.5,60241.5,6093.0,60907.5,FRIDAY,9,Y,1,0.10003589247059834,,,XAP,Approved,-2807,Cash through the bank,XAP,"Spouse, partner",New,Construction Materials,POS,XNA,Stone,2377,Construction,12.0,low_normal,POS industry with interest,365243.0,-2776.0,-2446.0,-2446.0,-2441.0,1.0,0,Cash loans,F,N,Y,0,292500.0,682875.0,32980.5,589500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.00702,-20865,365243,-9319.0,-3983,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,XNA,,0.34336271638016946,0.7898803468924867,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2807.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1909137,289909,Cash loans,15129.45,135000.0,135000.0,0.0,135000.0,FRIDAY,18,Y,1,0.0,,,XNA,Refused,-2279,Cash through the bank,HC,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,F,Y,Y,0,180000.0,781879.5,45715.5,724500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-11444,-4631,-5338.0,-2943,3.0,1,1,0,1,1,0,Sales staff,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.6974663400220183,,0.2948,,0.9901,,,0.28,0.2414,0.375,,,,0.2945,,0.0246,0.3004,,0.9901,,,0.282,0.2414,0.375,,,,0.3068,,0.026,0.2977,,0.9901,,,0.28,0.2414,0.375,,,,0.2997,,0.0251,,block of flats,0.2369,Panel,No,1.0,0.0,1.0,0.0,-199.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2290463,249562,Consumer loans,5336.325,43645.5,42520.5,4365.0,43645.5,SATURDAY,12,Y,1,0.10139343332548056,,,XAP,Approved,-1866,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,1307,Consumer electronics,10.0,high,POS household with interest,365243.0,-1835.0,-1565.0,-1595.0,-1592.0,0.0,0,Cash loans,F,N,Y,0,99000.0,440784.0,27094.5,360000.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.020246,-22727,365243,-8118.0,-4517,,1,0,0,1,0,1,,1.0,3,3,WEDNESDAY,6,0,0,0,0,0,0,XNA,,0.15480255290366424,0.8027454758994178,0.0619,0.0314,0.9767,0.6804,0.0104,0.0,0.1379,0.1667,0.2083,0.0336,0.0504,0.0279,0.0,0.0,0.063,0.0326,0.9767,0.6929,0.0105,0.0,0.1379,0.1667,0.2083,0.0343,0.0551,0.0291,0.0,0.0,0.0625,0.0314,0.9767,0.6847,0.0105,0.0,0.1379,0.1667,0.2083,0.0342,0.0513,0.0284,0.0,0.0,reg oper account,block of flats,0.0423,Panel,No,2.0,0.0,2.0,0.0,-1735.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1237476,388246,Cash loans,18823.455,180000.0,191880.0,,180000.0,TUESDAY,12,Y,1,,,,XNA,Approved,-808,Cash through the bank,XAP,Family,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-778.0,-448.0,-568.0,-558.0,1.0,0,Cash loans,F,N,Y,0,76500.0,344803.5,24651.0,319500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-24851,365243,-7948.0,-4707,,1,0,0,1,0,1,,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,XNA,0.8993911321496553,0.6487493343865847,0.7267112092725122,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-808.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +2051929,242538,Consumer loans,2541.15,20700.0,18630.0,2070.0,20700.0,SATURDAY,12,Y,1,0.1089090909090909,,,XAP,Approved,-1473,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Regional / Local,83,Consumer electronics,10.0,high,POS household with interest,365243.0,-1438.0,-1168.0,-1168.0,-1164.0,0.0,0,Cash loans,F,N,Y,0,67500.0,675000.0,19737.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.035792000000000004,-15944,-3904,-3961.0,-3959,,1,1,0,1,0,0,Medicine staff,1.0,2,2,TUESDAY,11,0,0,0,0,0,0,Medicine,0.3786141747153353,0.5221992764183996,0.475849908720221,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,0.0,-1964.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1380162,408094,Cash loans,24951.645,360000.0,474048.0,,360000.0,TUESDAY,10,Y,1,,,,XNA,Refused,-211,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,N,0,360000.0,450000.0,35554.5,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.009175,-15651,-5434,-9584.0,-4053,,1,1,0,1,1,0,Managers,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.742965275029448,0.5656079814115492,0.0825,0.0813,0.9801,,,0.0,0.2069,0.1667,,,,0.0748,,0.0,0.084,0.0843,0.9801,,,0.0,0.2069,0.1667,,,,0.078,,0.0,0.0833,0.0813,0.9801,,,0.0,0.2069,0.1667,,,,0.0762,,0.0,,block of flats,0.0696,"Stone, brick",No,1.0,0.0,1.0,0.0,-2930.0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2082801,205362,Consumer loans,4526.28,40005.0,39019.5,4500.0,40005.0,FRIDAY,13,Y,1,0.11261409462215995,,,XAP,Approved,-1944,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,48,Consumer electronics,12.0,high,POS mobile with interest,365243.0,-1913.0,-1583.0,-1613.0,-1606.0,0.0,0,Cash loans,F,Y,Y,0,202500.0,247275.0,19417.5,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-11533,-3839,-3156.0,-174,2.0,1,1,0,1,0,0,Private service staff,2.0,1,1,WEDNESDAY,15,0,0,0,0,1,1,Self-employed,0.8083127273917067,0.7581345644263268,0.5937175866150576,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1766.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2518249,394693,Cash loans,22602.735,180000.0,204790.5,,180000.0,THURSDAY,15,Y,1,,,,XNA,Approved,-725,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-695.0,-365.0,-425.0,-407.0,1.0,0,Cash loans,M,N,Y,2,202500.0,254700.0,25321.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.02461,-15257,-711,-7792.0,-2980,,1,1,0,1,0,0,Drivers,4.0,2,2,MONDAY,13,0,0,0,0,0,0,Self-employed,,0.5028993057031265,0.7910749129911773,0.2103,,0.9886,0.8436,,0.24,0.2069,0.3333,0.0417,0.1043,0.1664,0.2168,0.0232,0.1067,0.2143,,0.9886,0.8497,,0.2417,0.2069,0.3333,0.0417,0.1067,0.1818,0.2259,0.0233,0.113,0.2123,,0.9886,0.8457,,0.24,0.2069,0.3333,0.0417,0.1061,0.1693,0.2207,0.0233,0.109,reg oper account,block of flats,0.2302,"Stone, brick",No,0.0,0.0,0.0,0.0,-1435.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,1.0,0.0,5.0 +2605262,333295,Cash loans,63675.0,1129500.0,1195101.0,,1129500.0,WEDNESDAY,18,Y,1,,,,XNA,Approved,-678,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-636.0,54.0,-6.0,-2.0,0.0,0,Cash loans,F,N,Y,0,180000.0,254700.0,14350.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.009549,-24225,365243,-9167.0,-4072,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,17,0,0,0,0,0,0,XNA,0.9414327203356088,0.7761853704811777,0.7062051096536562,,0.0409,0.9826,,,0.24,0.2069,0.3333,,,,0.1973,,0.2118,,0.0425,0.9826,,,0.2417,0.2069,0.3333,,,,0.2056,,0.2242,,0.0409,0.9826,,,0.24,0.2069,0.3333,,,,0.2008,,0.2162,,,0.1894,"Stone, brick",No,2.0,0.0,2.0,0.0,-1029.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +2716771,223539,Cash loans,5751.81,54000.0,57564.0,,54000.0,WEDNESDAY,9,Y,1,,,,XNA,Approved,-1211,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1181.0,-851.0,-1031.0,-1025.0,1.0,0,Cash loans,F,N,Y,0,112500.0,284400.0,17527.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010147,-23863,365243,-3690.0,-4596,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,XNA,,0.1884835178519116,0.8016009030071296,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-202.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2708192,321972,Consumer loans,22665.87,121860.0,128295.0,0.0,121860.0,TUESDAY,18,Y,1,0.0,,,XAP,Approved,-716,Cash through the bank,XAP,Family,New,Furniture,POS,XNA,Stone,150,Furniture,6.0,low_normal,POS industry with interest,365243.0,-684.0,-534.0,-534.0,-529.0,0.0,0,Revolving loans,F,N,Y,0,135000.0,180000.0,9000.0,180000.0,Unaccompanied,Commercial associate,Incomplete higher,Single / not married,Co-op apartment,0.030755,-7778,-1186,-7778.0,-210,,1,1,1,1,0,0,Sales staff,1.0,2,2,THURSDAY,18,0,0,0,0,0,0,Self-employed,,0.4325709984049261,,0.1474,0.0534,0.9886,0.8436,0.0302,0.16,0.1379,0.3333,0.375,0.0533,0.1194,0.1531,0.0039,0.0265,0.1502,0.0554,0.9886,0.8497,0.0305,0.1611,0.1379,0.3333,0.375,0.0545,0.1304,0.1596,0.0039,0.0281,0.1489,0.0534,0.9886,0.8457,0.0304,0.16,0.1379,0.3333,0.375,0.0542,0.1214,0.1559,0.0039,0.0271,reg oper account,block of flats,0.1428,"Stone, brick",No,0.0,0.0,0.0,0.0,-411.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2202109,288526,Cash loans,34717.5,450000.0,481185.0,,450000.0,TUESDAY,17,Y,1,,,,XNA,Refused,-881,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,Y,Y,1,180000.0,971280.0,54364.5,900000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-11164,365243,-170.0,-1904,5.0,1,0,0,1,0,0,,3.0,2,2,MONDAY,14,0,0,0,0,0,0,XNA,,0.16545113137305956,,0.0876,0.1078,0.9851,0.7756,0.0127,0.0,0.2069,0.1667,0.2083,0.0959,0.071,0.0782,0.0019,0.0176,0.084,0.1106,0.9836,0.7844,0.0128,0.0,0.2069,0.1667,0.2083,0.0863,0.0735,0.078,0.0,0.0035,0.0885,0.1078,0.9851,0.7786,0.0128,0.0,0.2069,0.1667,0.2083,0.0975,0.0723,0.0796,0.0019,0.018000000000000002,org spec account,block of flats,0.0658,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2482004,146300,Consumer loans,11783.34,113985.0,110434.5,13500.0,113985.0,WEDNESDAY,19,Y,1,0.1186330462682084,,,XAP,Approved,-2084,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Stone,260,Consumer electronics,12.0,middle,POS household with interest,365243.0,-2053.0,-1723.0,-1723.0,-1716.0,0.0,1,Cash loans,M,Y,N,1,252000.0,490495.5,34884.0,454500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.019101,-17046,-5347,-9596.0,-550,9.0,1,1,0,1,0,0,Drivers,3.0,2,2,MONDAY,14,0,0,0,0,0,0,Transport: type 4,,0.6279239164560811,0.7194907850918436,0.0742,0.0524,0.9851,0.7959999999999999,0.1055,0.08,0.069,0.3333,0.375,0.032,0.0605,0.0737,0.0,0.0,0.0756,0.0539,0.9851,0.804,0.1057,0.0806,0.069,0.3333,0.375,0.0228,0.0661,0.0759,0.0,0.0,0.0749,0.0523,0.9851,0.7987,0.1062,0.08,0.069,0.3333,0.375,0.0269,0.0616,0.0752,0.0,0.0,reg oper account,block of flats,0.0573,Panel,No,0.0,0.0,0.0,0.0,-1308.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1624258,318541,Cash loans,74178.405,1354500.0,1418868.0,,1354500.0,MONDAY,17,Y,1,,,,XNA,Approved,-721,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-691.0,-1.0,-270.0,-267.0,0.0,0,Cash loans,F,Y,N,0,270000.0,478498.5,51664.5,454500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.02461,-18371,-1904,-8984.0,-1921,2.0,1,1,0,1,0,0,,2.0,2,2,THURSDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.6722693403991992,0.4400578303966329,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1138.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1793465,398072,Cash loans,9816.3,45000.0,51898.5,,45000.0,MONDAY,16,Y,1,,,,XNA,Approved,-1282,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-1252.0,-1102.0,-1102.0,-1094.0,1.0,0,Cash loans,F,N,N,2,135000.0,314055.0,16164.0,238500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.031329,-14661,-2565,-6293.0,-4269,,1,1,0,1,0,0,Laborers,4.0,2,2,TUESDAY,14,0,0,0,0,0,0,Trade: type 1,0.7681726227502769,0.4306504674275795,0.7407990879702335,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1039.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1551084,293085,Cash loans,10273.545,45000.0,52128.0,,45000.0,SATURDAY,9,Y,1,,,,XNA,Approved,-1337,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,high,Cash X-Sell: high,365243.0,-1307.0,-1157.0,-1157.0,-1154.0,1.0,0,Cash loans,F,Y,N,2,202500.0,225000.0,20637.0,225000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.025164,-14593,-1342,-1071.0,-515,8.0,1,1,1,1,1,1,Managers,4.0,2,2,THURSDAY,7,0,0,0,0,0,0,Other,,0.34613889311167945,0.180887977767074,0.4515,0.2393,0.9866,0.8164,0.1634,0.44,0.3793,0.375,0.4167,0.1024,0.3682,0.4724,0.0,0.0,0.4601,0.2483,0.9866,0.8236,0.1649,0.4431,0.3793,0.375,0.4167,0.1047,0.4022,0.4922,0.0,0.0,0.4559,0.2393,0.9866,0.8189,0.1644,0.44,0.3793,0.375,0.4167,0.1041,0.3745,0.4809,0.0,0.0,not specified,block of flats,0.4609,Panel,No,0.0,0.0,0.0,0.0,-562.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1576135,125371,Cash loans,11311.47,54000.0,55782.0,,54000.0,TUESDAY,12,Y,1,,,,XNA,Refused,-1054,Cash through the bank,LIMIT,Family,Repeater,XNA,Cash,walk-in,Country-wide,15,Connectivity,6.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,N,0,225000.0,315000.0,20128.5,315000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.04622,-11361,-597,-5433.0,-2059,,1,1,0,1,0,0,High skill tech staff,2.0,1,1,THURSDAY,13,0,0,0,0,1,1,Construction,0.8010022530129101,0.6832862404928622,0.6263042766749393,0.0619,,0.9757,,,0.0,0.1379,0.1667,,,,,,,0.063,,0.9757,,,0.0,0.1379,0.1667,,,,,,,0.0625,,0.9757,,,0.0,0.1379,0.1667,,,,,,,,block of flats,0.0395,Panel,No,1.0,0.0,1.0,0.0,-105.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1688140,391704,Consumer loans,16259.355,83655.0,88074.0,0.0,83655.0,FRIDAY,13,Y,1,0.0,,,XAP,Approved,-900,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Stone,142,Consumer electronics,6.0,middle,POS household with interest,365243.0,-869.0,-719.0,-719.0,-715.0,0.0,0,Cash loans,M,Y,N,0,135000.0,1555690.5,42912.0,1390500.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.030755,-20336,365243,-7628.0,-2119,8.0,1,0,0,1,1,0,,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,XNA,,0.7629611182415532,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-690.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1042090,219288,Consumer loans,7330.77,67725.0,65983.5,6772.5,67725.0,SUNDAY,11,Y,1,0.10137814313346223,,,XAP,Approved,-1468,XNA,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Regional / Local,2280,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1437.0,-1167.0,-1167.0,-1160.0,0.0,0,Cash loans,F,N,N,1,135000.0,599472.0,24196.5,517500.0,Unaccompanied,Working,Higher education,Married,Municipal apartment,0.010032,-15502,-2104,-9405.0,-5204,,1,1,0,1,0,0,Core staff,3.0,2,2,FRIDAY,9,0,0,0,0,0,0,Transport: type 1,,0.6710154519449951,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1732.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2666068,367586,Consumer loans,15074.64,89100.0,79591.5,13500.0,89100.0,FRIDAY,19,Y,1,0.15793845058600695,,,XAP,Approved,-820,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,70,Consumer electronics,6.0,middle,POS household with interest,365243.0,-789.0,-639.0,-639.0,-635.0,0.0,0,Revolving loans,M,Y,N,0,202500.0,540000.0,27000.0,540000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-21885,-2579,-5261.0,-4355,2.0,1,1,0,1,1,0,High skill tech staff,2.0,2,2,SATURDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.7264314507380799,0.4543210601605785,0.1088,0.0465,0.9871,0.8504,0.0208,0.06,0.0862,0.1875,0.2292,0.0186,0.0521,0.0289,0.0541,0.025,0.0158,0.0498,0.9886,0.8497,0.0028,0.0,0.1034,0.0417,0.0833,0.0167,0.011,0.0066,0.0117,0.0147,0.0156,0.048,0.9886,0.8457,0.0028,0.0,0.1034,0.0417,0.0833,0.0187,0.0103,0.0118,0.0116,0.0142,reg oper account,terraced house,0.0073,"Stone, brick",No,5.0,0.0,5.0,0.0,-1721.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1805288,172878,Revolving loans,2250.0,0.0,45000.0,,,WEDNESDAY,11,Y,1,,,,XAP,Refused,-511,XNA,SCOFR,,New,XNA,Cards,x-sell,Channel of corporate sales,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,N,Y,0,148500.0,589500.0,24138.0,589500.0,Family,Working,Higher education,Married,Rented apartment,0.026392000000000002,-8871,-351,-1127.0,-1155,,1,1,0,1,0,1,,2.0,2,2,WEDNESDAY,15,0,0,0,0,1,1,Business Entity Type 3,0.16086916808587928,0.6901358882633871,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-762.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1965864,289536,Cash loans,14881.005,135000.0,151411.5,,135000.0,FRIDAY,8,Y,1,,,,XNA,Refused,-1159,Cash through the bank,SCO,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,Y,Y,1,225000.0,1035832.5,30285.0,904500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-15394,-2851,-3693.0,-3684,2.0,1,1,0,1,0,0,Drivers,3.0,2,2,FRIDAY,15,0,0,0,0,0,0,Business Entity Type 2,0.5655289153011414,0.6823105870345411,,0.0082,,0.9662,,,0.0,0.0345,0.0417,,,,0.0095,,0.0,0.0084,,0.9662,,,0.0,0.0345,0.0417,,,,0.0099,,0.0,0.0083,,0.9662,,,0.0,0.0345,0.0417,,,,0.0097,,0.0,,block of flats,0.0075,Others,No,0.0,0.0,0.0,0.0,-1717.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2843477,168439,Revolving loans,3375.0,0.0,67500.0,,,FRIDAY,9,Y,1,,,,XAP,Approved,-2587,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,-1,Consumer electronics,0.0,XNA,Card Street,-2583.0,-2547.0,365243.0,-2455.0,365243.0,1.0,0,Cash loans,F,N,Y,0,103500.0,497520.0,27909.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.018029,-13538,-5010,-482.0,-4495,,1,1,0,1,0,0,Private service staff,2.0,3,3,TUESDAY,8,0,0,0,0,0,0,Business Entity Type 3,0.4576395933784821,0.6616861849612591,,0.0495,0.0594,0.9737,,,0.0,0.1034,0.125,,0.0275,,0.0391,,0.0051,0.0504,0.0616,0.9737,,,0.0,0.1034,0.125,,0.0132,,0.0396,,0.0,0.05,0.0594,0.9737,,,0.0,0.1034,0.125,,0.028,,0.0398,,0.0052,,block of flats,0.0321,Panel,No,0.0,0.0,0.0,0.0,-2587.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1636049,408733,Consumer loans,10162.125,89302.5,91386.0,8932.5,89302.5,FRIDAY,17,Y,1,0.096974182682701,,,XAP,Approved,-1189,Cash through the bank,XAP,Other_B,New,Computers,POS,XNA,Regional / Local,860,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1158.0,-888.0,-888.0,-886.0,0.0,0,Cash loans,F,N,N,0,121500.0,129519.0,13743.0,121500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.011656999999999999,-8526,-416,-532.0,-983,,1,1,1,1,0,0,Core staff,1.0,1,1,THURSDAY,17,0,0,0,0,0,0,Bank,0.4357758862265666,0.6042147183992962,0.4650692149562261,0.0577,0.0827,0.9801,0.728,0.0088,0.0,0.1379,0.1667,0.2083,0.0,0.0471,0.0371,,,0.0588,0.0858,0.9801,0.7387,0.0089,0.0,0.1379,0.1667,0.2083,0.0,0.0514,0.0387,,,0.0583,0.0827,0.9801,0.7316,0.0089,0.0,0.1379,0.1667,0.2083,0.0,0.0479,0.0378,,,reg oper account,block of flats,0.0615,"Stone, brick",No,0.0,0.0,0.0,0.0,-1189.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +2404780,166843,Cash loans,17400.33,229500.0,248130.0,,229500.0,WEDNESDAY,5,Y,1,,,,XNA,Approved,-1247,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-1217.0,-707.0,-917.0,-912.0,1.0,0,Cash loans,F,N,N,0,103500.0,913500.0,62784.0,913500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018029,-22192,365243,-10447.0,-4501,,1,0,0,1,0,0,,2.0,3,3,THURSDAY,10,0,0,0,0,0,0,XNA,,0.4445775587652157,0.8528284668510541,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1888.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2350686,166681,Cash loans,18391.455,472500.0,566055.0,,472500.0,WEDNESDAY,13,Y,1,,,,XNA,Refused,-234,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,1,135000.0,272173.5,14895.0,184500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.010643000000000001,-16414,-3891,-7096.0,-4715,,1,1,0,1,0,0,Sales staff,3.0,2,2,SATURDAY,15,0,0,0,0,1,1,Government,,0.6652699020130046,0.7801436381572275,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1729.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2164980,159249,Consumer loans,28025.955,147915.0,154260.0,0.0,147915.0,WEDNESDAY,11,Y,1,0.0,,,XAP,Approved,-315,XNA,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,516,Consumer electronics,6.0,middle,POS household with interest,365243.0,-284.0,-134.0,-194.0,-185.0,0.0,0,Cash loans,F,N,Y,0,225000.0,1811376.0,49941.0,1512000.0,Family,State servant,Incomplete higher,Single / not married,House / apartment,0.001276,-8293,-663,-8219.0,-959,,1,1,0,1,0,0,Accountants,1.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Medicine,0.4756890389213673,0.5507019486387515,0.3962195720630885,0.0711,0.0808,0.8674,0.8028,0.0168,0.0,0.1679,0.1667,0.0417,0.0664,0.0708,0.0715,0.0039,0.0088,0.0084,0.0179,0.9856,0.8105,0.0,0.0,0.0345,0.1667,0.0417,0.0094,0.0,0.0079,0.0039,0.0,0.0541,0.0462,0.9856,0.8054,0.0085,0.0,0.1207,0.1667,0.0417,0.0518,0.044,0.0526,0.0039,0.0052,reg oper account,block of flats,0.027000000000000003,Panel,No,2.0,0.0,2.0,0.0,-483.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2719509,431645,Consumer loans,31977.045,574393.5,545683.5,28710.0,574393.5,MONDAY,18,Y,1,0.054436200966758864,,,XAP,Approved,-1214,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,1000,Consumer electronics,24.0,middle,POS household with interest,365243.0,-1182.0,-492.0,-612.0,-606.0,0.0,0,Cash loans,F,N,Y,0,157500.0,904500.0,30024.0,904500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.026392000000000002,-20508,365243,-49.0,-4040,,1,0,0,1,0,1,,1.0,2,2,THURSDAY,12,0,0,0,0,0,0,XNA,0.6002941031550225,0.6042931566899297,0.3344541255096772,0.3062,,0.997,,,0.32,0.2759,0.375,,,,0.4757,,0.0853,0.312,,0.997,,,0.3222,0.2759,0.375,,,,0.4956,,0.0903,0.3092,,0.997,,,0.32,0.2759,0.375,,,,0.4843,,0.0871,,block of flats,0.3927,"Stone, brick",No,0.0,0.0,0.0,0.0,-770.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,8.0,0.0,0.0 +1605305,333413,Consumer loans,15066.9,85455.0,91471.5,0.0,85455.0,MONDAY,10,Y,1,0.0,,,XAP,Approved,-101,XNA,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Regional / Local,451,Consumer electronics,8.0,high,POS household with interest,365243.0,-68.0,142.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,135000.0,292500.0,19174.5,292500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.006629,-11904,-1610,-370.0,-3949,,1,1,1,1,0,0,Core staff,3.0,2,2,THURSDAY,9,0,0,0,0,0,0,Self-employed,0.6883697755624895,0.4328823383020967,0.4206109640437848,0.0144,,0.9742,,,,0.069,0.0417,,,,0.013,,,0.0126,,0.9742,,,,0.069,0.0417,,,,0.0102,,,0.0146,,0.9742,,,,0.069,0.0417,,,,0.0133,,,,block of flats,0.0077,"Stone, brick",No,0.0,0.0,0.0,0.0,-1082.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2226695,454339,Cash loans,67446.0,675000.0,675000.0,,675000.0,SUNDAY,17,Y,1,,,,XNA,Approved,-864,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-834.0,-504.0,-684.0,-673.0,0.0,0,Cash loans,M,Y,Y,0,315000.0,966555.0,51498.0,913500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-19503,-2854,-10925.0,-3037,13.0,1,1,0,1,1,0,Drivers,2.0,1,1,WEDNESDAY,10,0,1,1,0,1,1,Industry: type 11,0.4188615888029692,0.7417775009726578,,0.2639,0.0916,0.9985,,,0.32,0.1379,0.6667,,0.107,,0.2847,,0.053,0.2689,0.0882,0.9985,,,0.3222,0.1379,0.6667,,0.1002,,0.2964,,0.056,0.2665,0.0916,0.9985,,,0.32,0.1379,0.6667,,0.1089,,0.2898,,0.0541,,block of flats,0.3166,Panel,No,0.0,0.0,0.0,0.0,-1726.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,3.0 +2378539,240280,Consumer loans,4427.955,20295.0,21298.5,0.0,20295.0,WEDNESDAY,13,Y,1,0.0,,,XAP,Approved,-1269,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,6.0,high,POS mobile with interest,365243.0,-1238.0,-1088.0,-1118.0,-1111.0,0.0,0,Cash loans,F,N,N,0,103500.0,254700.0,13567.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.028663,-17925,-5294,-1983.0,-1477,,1,1,1,1,0,0,Core staff,1.0,2,2,TUESDAY,13,0,0,0,0,1,1,Transport: type 2,,0.45015681750395936,0.13426542355494275,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1415.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1419494,450619,Cash loans,10879.875,229500.0,325246.5,,229500.0,WEDNESDAY,13,Y,1,,,,XNA,Approved,-839,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-809.0,601.0,-479.0,-471.0,1.0,0,Cash loans,F,N,Y,0,90000.0,814041.0,23931.0,679500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-20185,365243,-433.0,-3638,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,XNA,,0.6115483880929685,0.5989262182569273,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1063359,382740,Cash loans,24333.435,706500.0,827734.5,,706500.0,TUESDAY,10,Y,1,,,,XNA,Refused,-195,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,180000.0,1169820.0,34335.0,1021500.0,Unaccompanied,State servant,Secondary / secondary special,Separated,House / apartment,0.019688999999999998,-23499,-3315,-363.0,-4388,,1,1,0,1,0,0,Core staff,1.0,2,2,MONDAY,9,0,0,0,0,0,0,Postal,,0.17249750814777715,0.8128226070575616,0.0546,0.0835,0.9742,0.6464,0.0,0.0,0.0345,0.0417,0.0833,0.0261,0.0445,0.0226,0.0,0.0,0.0557,0.0867,0.9742,0.6602,0.0,0.0,0.0345,0.0417,0.0833,0.0267,0.0487,0.0235,0.0,0.0,0.0552,0.0835,0.9742,0.6511,0.0,0.0,0.0345,0.0417,0.0833,0.0265,0.0453,0.023,0.0,0.0,,block of flats,0.026,"Stone, brick",No,1.0,1.0,1.0,1.0,-1297.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2410569,190202,Cash loans,36555.525,450000.0,545040.0,,450000.0,TUESDAY,10,Y,1,,,,XNA,Refused,-155,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,N,Y,0,270000.0,1024740.0,52452.0,900000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.022625,-21785,-4105,-1.0,-19,,1,1,1,1,0,0,Managers,2.0,2,2,WEDNESDAY,9,1,1,0,1,1,1,Business Entity Type 3,,0.4095420140773999,0.12373532211307872,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-462.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1755788,150044,Cash loans,53095.32,225000.0,261837.0,,225000.0,THURSDAY,10,Y,1,,,,Journey,Refused,-413,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,N,0,180000.0,273636.0,25452.0,247500.0,Unaccompanied,Working,Incomplete higher,Civil marriage,House / apartment,0.020246,-12941,-636,-2072.0,-4577,,1,1,0,1,0,0,,2.0,3,3,TUESDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.5806496646560155,0.0005272652387098817,0.1649,0.1593,0.9752,0.66,0.0154,0.0,0.2759,0.1667,0.2083,0.1043,0.1345,0.14,0.0,0.0,0.1681,0.1653,0.9752,0.6733,0.0156,0.0,0.2759,0.1667,0.2083,0.1067,0.1469,0.1458,0.0,0.0,0.1665,0.1593,0.9752,0.6645,0.0155,0.0,0.2759,0.1667,0.2083,0.1061,0.1368,0.1425,0.0,0.0,reg oper account,block of flats,0.1185,Panel,No,2.0,0.0,2.0,0.0,-432.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1504697,323174,Cash loans,23153.985,450000.0,512370.0,,450000.0,WEDNESDAY,14,Y,1,,,,XNA,Refused,-631,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,Y,Y,0,225000.0,599778.0,32665.5,477000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.020713,-15767,-1469,-3061.0,-4168,12.0,1,1,0,1,0,0,High skill tech staff,2.0,3,3,THURSDAY,5,0,0,0,0,0,0,Industry: type 10,,0.5168444788879032,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2661.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2161756,418328,Consumer loans,20532.87,116221.5,116221.5,0.0,116221.5,MONDAY,9,Y,1,0.0,,,XAP,Approved,-744,XNA,XAP,,Repeater,Auto Accessories,POS,XNA,Stone,1,Industry,6.0,low_normal,POS other with interest,365243.0,-698.0,-548.0,-698.0,-687.0,0.0,0,Cash loans,F,Y,Y,0,135000.0,261000.0,17572.5,261000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.018209,-18187,-1063,-490.0,-1744,21.0,1,1,0,1,0,0,Sales staff,1.0,3,3,WEDNESDAY,8,0,0,0,0,0,0,Construction,0.7005859020718288,0.5808999029485331,0.7165702448010511,0.2144,0.1695,0.9891,,,0.2,0.1379,0.4583,,0.1559,,0.0257,,0.0029,0.2185,0.1759,0.9891,,,0.2014,0.1379,0.4583,,0.1595,,0.0268,,0.0031,0.2165,0.1695,0.9891,,,0.2,0.1379,0.4583,,0.1587,,0.0261,,0.0029,,block of flats,0.1676,Panel,No,0.0,0.0,0.0,0.0,-948.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1635527,299288,Cash loans,127141.65,1372500.0,1372500.0,,1372500.0,THURSDAY,19,Y,1,,,,XNA,Approved,-267,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,low_action,Cash X-Sell: low,365243.0,-237.0,93.0,-27.0,-19.0,0.0,0,Cash loans,F,Y,N,0,157500.0,469152.0,23953.5,405000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.072508,-18578,-11099,-686.0,-2123,7.0,1,1,0,1,0,0,Laborers,2.0,1,1,FRIDAY,15,0,0,0,0,0,0,Business Entity Type 2,0.7818788054486924,0.7403129856477023,0.6479768603302221,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1610.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1681077,179452,Cash loans,,0.0,0.0,,,TUESDAY,13,Y,1,,,,XNA,Refused,-270,XNA,HC,,Refreshed,XNA,XNA,XNA,Contact center,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,N,0,71100.0,571446.0,18562.5,477000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.031329,-22207,365243,-14010.0,-4876,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,10,0,0,0,0,0,0,XNA,0.8300732829141237,0.5372660777555683,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-2272.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1309014,154281,Consumer loans,33412.185,835200.0,751680.0,83520.0,835200.0,TUESDAY,16,Y,1,0.1089090909090909,,,XAP,Approved,-290,Cash through the bank,XAP,Unaccompanied,Refreshed,Construction Materials,POS,XNA,Stone,14,Construction,30.0,low_normal,POS industry with interest,365243.0,-260.0,610.0,365243.0,365243.0,0.0,1,Cash loans,F,N,Y,1,202500.0,1003500.0,29470.5,1003500.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.04622,-18277,-3521,-12260.0,-1680,,1,1,1,1,1,0,Sales staff,3.0,1,1,FRIDAY,17,0,0,0,0,0,0,Self-employed,,0.6363445629313793,0.7490217048463391,0.134,0.1501,0.9781,0.7008,0.0549,0.0,0.2759,0.1667,0.2083,0.0,0.1067,0.0817,0.0116,0.138,0.1366,0.1558,0.9782,0.7125,0.0554,0.0,0.2759,0.1667,0.2083,0.0,0.1166,0.0851,0.0117,0.1461,0.1353,0.1501,0.9781,0.7048,0.0552,0.0,0.2759,0.1667,0.2083,0.0,0.1086,0.0832,0.0116,0.1409,reg oper account,block of flats,0.0943,"Stone, brick",No,1.0,0.0,1.0,0.0,-332.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1993728,394740,Consumer loans,17162.37,128919.96,115416.0,13503.96,128919.96,MONDAY,18,Y,1,0.114078844522813,,,XAP,Approved,-1808,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Regional / Local,891,Consumer electronics,8.0,middle,POS household with interest,365243.0,-1769.0,-1559.0,-1649.0,-1641.0,0.0,0,Cash loans,M,Y,Y,0,292500.0,497520.0,53712.0,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-9599,365243,-7645.0,-2263,3.0,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,XNA,,0.5645588746503505,0.5602843280409464,0.0814,0.1005,0.9891,0.8504,0.0423,0.0,0.2069,0.1667,0.2083,0.0,0.0639,0.0727,0.0116,0.0124,0.083,0.1042,0.9891,0.8563,0.0427,0.0,0.2069,0.1667,0.2083,0.0,0.0698,0.0758,0.0117,0.0132,0.0822,0.1005,0.9891,0.8524,0.0426,0.0,0.2069,0.1667,0.2083,0.0,0.065,0.07400000000000001,0.0116,0.0127,reg oper account,block of flats,0.0831,"Stone, brick",No,0.0,0.0,0.0,0.0,-1808.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2453394,202288,Revolving loans,11250.0,225000.0,225000.0,,225000.0,SATURDAY,14,Y,1,,,,XAP,Refused,-332,XNA,HC,"Spouse, partner",Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,N,Y,0,135000.0,193572.0,23103.0,171000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-10424,-915,-4956.0,-3088,,1,1,0,1,0,0,Low-skill Laborers,2.0,2,2,TUESDAY,11,0,1,1,0,1,1,Business Entity Type 3,0.1796066713701799,0.6405140556837132,0.20559813854932085,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-626.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2096591,247629,Consumer loans,3339.405,17775.0,19651.5,0.0,17775.0,THURSDAY,16,Y,1,0.0,,,XAP,Approved,-144,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,10,Connectivity,8.0,high,POS mobile with interest,365243.0,-114.0,96.0,-24.0,-22.0,1.0,0,Cash loans,M,Y,Y,0,112500.0,360000.0,28570.5,360000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.026392000000000002,-11343,-726,-8222.0,-1558,3.0,1,1,0,1,0,0,Core staff,1.0,2,2,MONDAY,8,0,1,1,0,1,1,Self-employed,0.4491749845840916,0.02174435331303463,0.23791607950711405,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,0.0,0.0,2.0 +1275618,371933,Cash loans,35738.1,360000.0,360000.0,,360000.0,SATURDAY,10,Y,1,,,,XNA,Refused,-276,Non-cash from your account,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,202500.0,315000.0,14004.0,315000.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.018209,-19772,365243,-4710.0,-3304,,1,0,0,1,0,1,,1.0,3,3,TUESDAY,8,0,0,0,0,0,0,XNA,0.6502761529155114,0.12578519670608693,0.35233997269170386,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1301.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,8.0 +2194071,113437,Cash loans,18235.08,225000.0,269550.0,,225000.0,TUESDAY,7,Y,1,,,,Other,Refused,-408,Non-cash from your account,LIMIT,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,high,Cash Street: high,,,,,,,1,Cash loans,F,N,Y,1,225000.0,229500.0,12145.5,229500.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018209,-13851,-3537,-7933.0,-4159,,1,1,0,1,0,0,Sales staff,3.0,3,3,THURSDAY,7,0,0,0,0,0,0,Other,,0.07617892958999042,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-488.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2677498,440635,Consumer loans,3047.76,16605.0,14944.5,1660.5,16605.0,TUESDAY,16,Y,1,0.1089090909090909,,,XAP,Approved,-577,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,45,Connectivity,6.0,high,POS mobile with interest,365243.0,-517.0,-367.0,-367.0,-362.0,0.0,0,Cash loans,F,N,Y,0,157500.0,299772.0,14710.5,247500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008575,-14075,-166,-2452.0,-5089,,1,1,0,1,0,0,Cleaning staff,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,Housing,,0.4435032740614661,0.31703177858344445,0.0515,0.0518,0.9752,0.66,0.0069,0.0,0.1034,0.1667,0.0417,0.062,0.0672,0.0543,0.0,0.0,0.021,0.0538,0.9752,0.6733,0.006999999999999999,0.0,0.069,0.1667,0.0417,0.0634,0.0735,0.0465,0.0,0.0,0.052000000000000005,0.0518,0.9752,0.6645,0.006999999999999999,0.0,0.1034,0.1667,0.0417,0.0631,0.0684,0.0552,0.0,0.0,reg oper account,block of flats,0.046,"Stone, brick",No,5.0,0.0,5.0,0.0,-36.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1117821,417017,Cash loans,43242.75,1129500.0,1277104.5,,1129500.0,SATURDAY,7,Y,1,,,,XNA,Refused,-875,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,54.0,low_normal,Cash X-Sell: low,,,,,,,1,Cash loans,F,N,N,0,270000.0,789048.0,33561.0,693000.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,House / apartment,0.018801,-16736,-1290,-879.0,-291,,1,1,0,1,0,0,Laborers,1.0,2,2,SATURDAY,8,0,0,0,0,0,0,Postal,0.33720816097912315,0.3466438865535617,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1817.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1510401,373920,Cash loans,19151.1,450000.0,533160.0,,450000.0,THURSDAY,9,Y,1,,,,XNA,Approved,-223,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-193.0,1217.0,365243.0,365243.0,1.0,1,Cash loans,F,N,Y,0,225000.0,239418.0,16128.0,211500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.010276,-19972,-1503,-6330.0,-1002,,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Other,,0.21669336517432344,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-602.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1544033,256162,Revolving loans,13500.0,270000.0,270000.0,,270000.0,FRIDAY,18,Y,1,,,,XAP,Approved,-195,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-193.0,-149.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,1,157500.0,469152.0,25578.0,405000.0,Unaccompanied,Working,Secondary / secondary special,Married,Co-op apartment,0.009549,-15325,-4261,-7948.0,-4447,,1,1,0,1,0,0,Managers,3.0,2,2,THURSDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.6843585720384526,0.5807508298195094,0.7490217048463391,0.0825,,0.9771,,,0.0,0.1379,0.1667,,0.0343,,0.0566,,0.0,0.084,,0.9772,,,0.0,0.1379,0.1667,,0.0351,,0.059,,0.0,0.0833,,0.9771,,,0.0,0.1379,0.1667,,0.0349,,0.0576,,0.0,,block of flats,0.0505,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,3.0 +1459477,365072,Consumer loans,15230.025,69169.5,57159.0,13837.5,69169.5,SATURDAY,16,Y,1,0.21226814638109545,,,XAP,Approved,-1112,XNA,XAP,,New,Mobile,POS,XNA,Country-wide,37,Connectivity,4.0,middle,POS mobile without interest,365243.0,-1077.0,-987.0,-987.0,-978.0,0.0,0,Cash loans,F,N,Y,1,119250.0,765261.0,34708.5,684000.0,Children,Working,Higher education,Married,House / apartment,0.018634,-11510,-131,-5505.0,-2206,,1,1,0,1,1,0,High skill tech staff,3.0,2,2,FRIDAY,9,0,0,0,0,0,0,Trade: type 6,0.5164935716055987,0.5294016901729065,0.7062051096536562,0.1485,0.1153,0.9866,0.8164,0.0627,0.16,0.1379,0.3333,0.0417,0.0766,0.121,0.155,0.0,0.0,0.1513,0.1196,0.9866,0.8236,0.0633,0.1611,0.1379,0.3333,0.0417,0.0784,0.1322,0.1615,0.0,0.0,0.1499,0.1153,0.9866,0.8189,0.0631,0.16,0.1379,0.3333,0.0417,0.078,0.1231,0.1578,0.0,0.0,org spec account,block of flats,0.1562,Panel,No,0.0,0.0,0.0,0.0,-1112.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,2.0,1.0 +2318376,379379,Cash loans,28873.17,450000.0,491580.0,,450000.0,SATURDAY,9,Y,1,,,,XNA,Approved,-1452,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-1422.0,-732.0,-1062.0,-1059.0,1.0,0,Cash loans,F,N,Y,0,135000.0,994891.5,69372.0,913500.0,Unaccompanied,Pensioner,Lower secondary,Married,Municipal apartment,0.018801,-22359,365243,-11277.0,-4325,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,XNA,,0.4853329448850378,0.4956658291397297,0.2227,0.1663,0.9841,0.7824,0.1478,0.24,0.2069,0.3333,0.375,0.1375,0.1816,0.2271,0.0,0.0,0.2269,0.1725,0.9841,0.7909,0.1491,0.2417,0.2069,0.3333,0.375,0.1406,0.1983,0.2367,0.0,0.0,0.2248,0.1663,0.9841,0.7853,0.1487,0.24,0.2069,0.3333,0.375,0.1399,0.1847,0.2312,0.0,0.0,reg oper account,block of flats,0.2595,Panel,No,4.0,0.0,4.0,0.0,-1452.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1109383,203747,Revolving loans,29250.0,0.0,585000.0,,,MONDAY,7,Y,1,,,,XAP,Approved,-648,XNA,XAP,,Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,1,135000.0,248760.0,25618.5,225000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.018801,-17720,-3464,-10133.0,-1254,2.0,1,1,0,1,0,1,Laborers,3.0,2,2,FRIDAY,8,0,0,0,0,0,0,Business Entity Type 3,0.5948331486689434,0.2723217546926421,0.8357765157975799,,,,,,,,0.3333,,,,0.2754,,0.2281,,,,,,,,0.3333,,,,0.2869,,0.2415,,,,,,,,0.3333,,,,0.2804,,0.2329,,block of flats,0.3033,,No,0.0,0.0,0.0,0.0,-1709.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1244377,121806,Cash loans,42330.24,1147500.0,1280794.5,,1147500.0,FRIDAY,11,Y,1,,,,XNA,Approved,-386,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-356.0,1054.0,-236.0,-230.0,1.0,0,Cash loans,M,Y,Y,0,225000.0,533668.5,25803.0,477000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-22231,365243,-2565.0,-4554,3.0,1,0,0,1,0,0,,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,XNA,0.5671267620977265,0.5756042979023083,0.5082869913916046,0.2033,0.9397,0.995,0.932,0.1605,0.224,0.1931,0.3333,0.375,0.1242,0.1652,0.2173,0.0039,0.0122,0.2248,0.1473,0.9955,0.9412,0.0,0.2417,0.2069,0.3333,0.375,0.0584,0.0643,0.0742,0.0,0.0,0.2228,0.1473,0.9955,0.9396,0.2136,0.24,0.2069,0.3333,0.375,0.1357,0.183,0.253,0.0039,0.0031,reg oper account,block of flats,0.2047,Panel,No,12.0,1.0,12.0,0.0,-1640.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2675618,428353,Revolving loans,9000.0,0.0,180000.0,,,THURSDAY,15,Y,1,,,,XAP,Approved,-2206,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card X-Sell,-2180.0,-2133.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,225000.0,1006920.0,40063.5,900000.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.016612000000000002,-17387,-1616,-2587.0,-925,,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,16,0,0,0,0,1,1,Business Entity Type 3,,0.5109284670582347,0.8528284668510541,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1266.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1517240,381027,Cash loans,44971.2,382500.0,450072.0,,382500.0,THURSDAY,16,Y,1,,,,XNA,Approved,-404,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-374.0,-44.0,-314.0,-310.0,1.0,0,Revolving loans,F,N,N,0,85500.0,405000.0,20250.0,405000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.02461,-17658,-1268,-10227.0,-1134,,1,1,0,1,1,0,Core staff,2.0,2,2,TUESDAY,17,0,0,0,0,0,0,Kindergarten,,0.7142435824526843,0.7981372313187245,0.0629,0.101,0.9767,0.7076,0.0142,0.0,0.1379,0.125,0.2083,0.0669,0.0756,0.0567,0.0,0.0,0.0336,0.1048,0.9747,0.7190000000000001,0.0143,0.0,0.069,0.0833,0.2083,0.0684,0.0826,0.0264,0.0,0.0,0.0635,0.101,0.9767,0.7115,0.0143,0.0,0.1379,0.125,0.2083,0.0681,0.077,0.0578,0.0,0.0,,block of flats,0.0207,"Stone, brick",No,0.0,0.0,0.0,0.0,-894.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2186030,144210,Cash loans,,0.0,0.0,,,FRIDAY,14,Y,1,,,,XNA,Refused,-214,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,0,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,135000.0,263686.5,16848.0,238500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.02461,-24344,365243,-2527.0,-4801,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,XNA,,0.6825001599707082,0.5495965024956946,0.1247,0.1308,0.9781,0.7008,0.0196,0.0,0.2759,0.1667,0.2083,0.0863,0.0992,0.1123,0.0116,0.0096,0.1271,0.1357,0.9782,0.7125,0.0198,0.0,0.2759,0.1667,0.2083,0.0883,0.1084,0.117,0.0117,0.0102,0.126,0.1308,0.9781,0.7048,0.0198,0.0,0.2759,0.1667,0.2083,0.0878,0.1009,0.1143,0.0116,0.0098,,block of flats,0.1239,Panel,No,0.0,0.0,0.0,0.0,-2002.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,6.0,0.0,4.0 +1995033,418088,Cash loans,6804.0,67500.0,74182.5,,67500.0,THURSDAY,16,Y,1,,,,XNA,Approved,-978,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,365243.0,-948.0,-438.0,-468.0,-457.0,1.0,0,Cash loans,M,Y,Y,0,112500.0,1233000.0,45693.0,1233000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.028663,-14608,-773,-6091.0,-4046,6.0,1,1,0,1,0,0,,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Transport: type 4,0.2990073503129227,0.5775155572130319,0.6863823354047934,0.0371,0.0637,0.9742,0.6464,0.0032,0.0,0.1034,0.0833,0.125,0.0274,0.0294,0.0293,0.0039,0.003,0.0378,0.0661,0.9742,0.6602,0.0032,0.0,0.1034,0.0833,0.125,0.028,0.0321,0.0305,0.0039,0.0032,0.0375,0.0637,0.9742,0.6511,0.0032,0.0,0.1034,0.0833,0.125,0.0279,0.0299,0.0298,0.0039,0.003,reg oper account,block of flats,0.0254,"Stone, brick",No,3.0,0.0,3.0,0.0,-198.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1228026,301538,Cash loans,17775.0,225000.0,225000.0,,225000.0,SATURDAY,11,Y,1,,,,XNA,Refused,-894,XNA,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Contact center,-1,XNA,24.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,1,157500.0,490500.0,32908.5,490500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.015221,-10599,-192,-4997.0,-2716,,1,1,0,1,0,0,Core staff,3.0,2,2,THURSDAY,15,0,0,0,1,1,0,Bank,,0.017220730612466997,0.3376727217405312,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-947.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1730836,259074,Revolving loans,6750.0,135000.0,135000.0,,135000.0,THURSDAY,11,Y,1,,,,XAP,Approved,-224,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,1,225000.0,675000.0,32602.5,675000.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.008625,-14414,-1416,-3045.0,-4446,,1,1,0,1,0,0,High skill tech staff,3.0,2,2,THURSDAY,14,0,1,1,0,1,1,Business Entity Type 3,,0.5290856948980531,0.4668640059537032,0.0619,,0.9796,,,0.0,0.0862,0.1667,,0.0259,,0.0379,,0.0,0.063,,0.9791,,,0.0,0.0345,0.1667,,0.0265,,0.0231,,0.0,0.0625,,0.9796,,,0.0,0.0862,0.1667,,0.0264,,0.0386,,0.0,,block of flats,0.0452,"Stone, brick",No,6.0,0.0,6.0,0.0,-531.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1915903,167341,Cash loans,21544.965,454500.0,508495.5,,454500.0,THURSDAY,13,Y,1,,,,XNA,Approved,-417,XNA,XAP,Family,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-387.0,663.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,0,90000.0,733500.0,21577.5,733500.0,Family,Pensioner,Lower secondary,Married,House / apartment,0.030755,-16950,365243,-9910.0,-503,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,,0.6644903157935143,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-1844.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1774845,202431,Cash loans,22454.595,112500.0,116212.5,0.0,112500.0,MONDAY,19,Y,1,0.0,,,XNA,Approved,-2310,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,6.0,high,Cash Street: high,365243.0,-2280.0,-2130.0,-2130.0,-2122.0,1.0,1,Cash loans,F,N,N,1,90000.0,1174005.0,78768.0,1125000.0,Unaccompanied,State servant,Secondary / secondary special,Married,Municipal apartment,0.072508,-17637,-5283,-8118.0,-1189,,1,1,0,1,0,0,Laborers,3.0,1,1,MONDAY,10,0,0,0,0,0,0,Security Ministries,,0.7076287543105753,0.7838324335199619,0.034,0.0754,0.9593,0.4424,0.0581,0.0,0.1379,0.125,0.1667,0.0,0.0269,0.05,0.0039,0.0468,0.0347,0.0782,0.9593,0.4642,0.0587,0.0,0.1379,0.125,0.1667,0.0,0.0294,0.0521,0.0039,0.0496,0.0344,0.0754,0.9593,0.4499,0.0585,0.0,0.1379,0.125,0.1667,0.0,0.0274,0.0509,0.0039,0.0478,reg oper account,block of flats,0.0495,Others,No,0.0,0.0,0.0,0.0,-988.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2581506,127715,Consumer loans,5898.96,111915.0,100665.0,11250.0,111915.0,SATURDAY,11,Y,1,0.1094783784771722,,,XAP,Approved,-2424,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Stone,69,Consumer electronics,24.0,middle,POS household with interest,365243.0,-2389.0,-1699.0,-2269.0,-2262.0,0.0,0,Cash loans,M,Y,N,1,247500.0,1042560.0,61087.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-11808,-4640,-5813.0,-4409,15.0,1,1,0,1,1,0,Laborers,3.0,2,2,MONDAY,11,0,0,0,0,0,0,Self-employed,0.2985036381137399,0.6040212143609937,0.375711009574066,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1071.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2071856,198942,Cash loans,19957.005,225000.0,247275.0,,225000.0,SATURDAY,12,Y,1,,,,XNA,Refused,-1091,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,270000.0,814041.0,28971.0,679500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.008473999999999999,-23299,-1764,-729.0,-1388,,1,1,0,1,0,0,Managers,2.0,2,2,FRIDAY,19,0,0,0,1,1,0,Trade: type 7,,0.32224139052014783,0.2940831009471255,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-500.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,4.0 +2149528,300810,Cash loans,52346.79,900000.0,1004544.0,,900000.0,THURSDAY,15,Y,1,,,,XNA,Approved,-538,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,48.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,Y,1,90000.0,270000.0,20893.5,270000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.028663,-10940,-3456,-4659.0,-3321,,1,1,1,1,0,0,Laborers,3.0,2,2,SATURDAY,1,0,0,0,0,0,0,Other,,0.18290228941224546,0.4400578303966329,0.1361,0.1644,0.9861,,,0.0,0.069,0.1667,0.0,,0.111,,0.0,,0.1387,0.1706,0.9861,,,0.0,0.069,0.1667,0.0,,0.1212,,0.0,,0.1374,0.1644,0.9861,,,0.0,0.069,0.1667,0.0,,0.1129,,0.0,,reg oper account,block of flats,0.0826,"Stone, brick",No,5.0,2.0,5.0,1.0,-1688.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2843768,279319,Cash loans,30881.25,675000.0,675000.0,,675000.0,SUNDAY,8,Y,1,,,,XNA,Refused,-15,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,N,N,1,112500.0,379251.0,30091.5,379251.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-10812,-112,-4822.0,-2258,,1,1,1,1,1,0,Laborers,3.0,2,2,TUESDAY,9,0,0,0,0,1,1,Self-employed,,0.5932665514219141,,0.0165,0.0095,0.9776,0.6940000000000001,0.0019,0.0,0.069,0.0417,0.0417,,0.0134,0.0144,0.0,0.0,0.0168,0.0098,0.9777,0.706,0.0019,0.0,0.069,0.0417,0.0417,,0.0147,0.015,0.0,0.0,0.0167,0.0095,0.9776,0.6981,0.0019,0.0,0.069,0.0417,0.0417,,0.0137,0.0146,0.0,0.0,reg oper account,block of flats,0.0123,Panel,No,0.0,0.0,0.0,0.0,-1174.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1558938,302576,Cash loans,15233.625,450000.0,553950.0,,450000.0,SATURDAY,12,Y,1,,,,XNA,Refused,-340,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,1,Cash loans,F,N,Y,0,67500.0,177903.0,9211.5,148500.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-22773,365243,-4718.0,-4831,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,XNA,,0.5752516940702392,0.6413682574954046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1225.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2757991,187305,Cash loans,56754.0,1350000.0,1350000.0,,1350000.0,FRIDAY,15,Y,1,,,,XNA,Refused,-341,XNA,HC,,Repeater,XNA,Cash,x-sell,Contact center,-1,Furniture,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,Y,N,0,180000.0,1007761.5,39564.0,927000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018634,-18564,-228,-2632.0,-2108,12.0,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,16,0,0,0,1,1,0,Trade: type 7,,0.3351474987361848,0.2707073872651806,0.2062,0.133,0.9866,,,0.2,0.1724,0.375,,0.1632,,0.2147,,0.2751,0.2101,0.138,0.9866,,,0.2014,0.1724,0.375,,0.1669,,0.2237,,0.2912,0.2082,0.133,0.9866,,,0.2,0.1724,0.375,,0.166,,0.2186,,0.2809,,block of flats,0.2287,Panel,No,0.0,0.0,0.0,0.0,-1055.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2046336,147478,Cash loans,29796.21,1129500.0,1129500.0,,1129500.0,THURSDAY,13,Y,1,,,,XNA,Refused,-251,XNA,LIMIT,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,1,47250.0,634482.0,23440.5,454500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.00963,-16057,-483,-9051.0,-4828,15.0,1,1,0,1,1,0,High skill tech staff,3.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Transport: type 4,,0.377552183644792,0.5762088360175724,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1335.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2378532,287740,Revolving loans,9000.0,0.0,180000.0,,,MONDAY,9,Y,1,,,,XAP,Approved,-2615,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,446,Consumer electronics,0.0,XNA,Card Street,-2613.0,-2576.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,M,Y,Y,0,202500.0,649462.5,31374.0,580500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00823,-18322,-1297,-2894.0,-1857,2.0,1,1,1,1,1,0,Security staff,2.0,2,2,FRIDAY,17,0,1,1,0,1,1,Security,,0.5969759328845367,0.1852020815902493,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1520.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1204891,248923,Consumer loans,7498.8,164700.0,164700.0,0.0,164700.0,THURSDAY,15,Y,1,0.0,,,XAP,Approved,-232,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,1000,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,0,Cash loans,F,N,N,1,151276.5,315000.0,13653.0,315000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,With parents,0.002042,-9731,-241,-4321.0,-2423,,1,1,1,1,1,0,Sales staff,3.0,3,3,WEDNESDAY,17,1,1,0,1,1,0,Trade: type 2,,0.5736105506591584,0.34090642641523844,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-675.0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2252873,211016,Cash loans,14324.85,135000.0,135000.0,,135000.0,TUESDAY,15,Y,1,,,,Other,Approved,-310,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,middle,Cash Street: middle,365243.0,-280.0,50.0,-100.0,-95.0,0.0,0,Cash loans,F,N,Y,0,126000.0,360000.0,26325.0,360000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-21319,365243,-2833.0,-512,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,XNA,,0.6986094381405232,0.2103502286944494,0.0371,0.0,0.9727,0.626,0.0033,0.0,0.1034,0.0833,0.125,0.0,0.0235,0.0242,0.0309,0.0214,0.0378,0.0,0.9727,0.6406,0.0033,0.0,0.1034,0.0833,0.125,0.0,0.0257,0.0252,0.0311,0.0226,0.0375,0.0,0.9727,0.631,0.0033,0.0,0.1034,0.0833,0.125,0.0,0.0239,0.0247,0.0311,0.0218,reg oper account,block of flats,0.0255,Panel,No,1.0,0.0,1.0,0.0,-310.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1486896,392381,Consumer loans,28705.095,339615.0,348786.0,31500.0,339615.0,TUESDAY,19,Y,1,0.0902120079002741,,,XAP,Approved,-996,Cash through the bank,XAP,Unaccompanied,Repeater,Photo / Cinema Equipment,POS,XNA,Regional / Local,12,Consumer electronics,24.0,high,POS household with interest,365243.0,-965.0,-275.0,-395.0,-389.0,0.0,0,Cash loans,M,N,N,1,450000.0,450000.0,53536.5,450000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.072508,-13799,-1869,-7841.0,-2352,,1,1,1,1,1,0,Managers,3.0,1,1,TUESDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.6302954821863167,0.2730243212703329,0.0817255924524642,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1361.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,2.0 +1879794,311664,Consumer loans,6844.995,55800.0,35280.0,22500.0,55800.0,THURSDAY,12,Y,1,0.4241008212970829,,,XAP,Approved,-187,Cash through the bank,XAP,Unaccompanied,New,Auto Accessories,POS,XNA,Stone,150,Auto technology,6.0,middle,POS other with interest,365243.0,-157.0,-7.0,-7.0,365243.0,1.0,0,Cash loans,M,Y,Y,0,225000.0,1078200.0,34911.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-16876,-828,-9415.0,-321,1.0,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Business Entity Type 2,,0.7069406030449362,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-187.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1128745,180709,Cash loans,11635.65,202500.0,202500.0,0.0,202500.0,THURSDAY,15,Y,1,0.0,,,XNA,Approved,-1810,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,36.0,high,Cash X-Sell: high,365243.0,-1780.0,-730.0,-1060.0,-1051.0,0.0,0,Cash loans,F,N,Y,2,315000.0,454500.0,36040.5,454500.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.010643000000000001,-11471,-1490,-538.0,-3315,,1,1,1,1,1,0,Sales staff,4.0,2,2,MONDAY,8,0,0,0,0,0,0,Self-employed,0.436775917934805,0.4941416395612727,0.5388627065779676,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-1810.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1337664,299028,Consumer loans,4301.55,46620.0,41958.0,4662.0,46620.0,SATURDAY,14,Y,1,0.1089090909090909,,,XAP,Approved,-431,XNA,XAP,,Repeater,Auto Accessories,POS,XNA,Stone,50,Furniture,12.0,middle,POS other with interest,365243.0,-396.0,-66.0,-396.0,-388.0,0.0,0,Cash loans,F,Y,Y,1,112500.0,679500.0,26946.0,679500.0,Family,State servant,Secondary / secondary special,Married,House / apartment,0.015221,-11891,-381,-4848.0,-2521,7.0,1,1,0,1,0,0,Medicine staff,3.0,2,2,WEDNESDAY,17,0,0,0,0,1,1,Medicine,,0.1750847603342559,0.633031641417419,0.066,0.0596,0.9747,0.6532,0.0055,0.0,0.1379,0.125,0.1667,0.0328,0.0538,0.0499,0.0,0.0471,0.0672,0.0618,0.9747,0.6668,0.0055,0.0,0.1379,0.125,0.1667,0.0335,0.0588,0.052000000000000005,0.0,0.0499,0.0666,0.0596,0.9747,0.6578,0.0055,0.0,0.1379,0.125,0.1667,0.0333,0.0547,0.0508,0.0,0.0481,reg oper account,block of flats,0.0525,"Stone, brick",No,6.0,0.0,6.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1665789,417371,Consumer loans,16278.705,165514.5,179716.5,0.0,165514.5,SATURDAY,16,Y,1,0.0,,,XAP,Approved,-341,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,70,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-310.0,20.0,-220.0,-214.0,0.0,0,Cash loans,F,N,Y,1,405000.0,1125000.0,33025.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-15619,-1732,-4077.0,-1661,,1,1,0,1,0,0,Core staff,3.0,2,2,THURSDAY,18,0,0,0,0,0,0,Trade: type 7,0.6695863487250514,0.6214590180168303,0.3996756156233169,0.0825,0.0521,0.9771,,,0.0,0.1379,0.125,,0.0239,,0.0338,,0.0571,0.084,0.0541,0.9772,,,0.0,0.1379,0.125,,0.0245,,0.0352,,0.0604,0.0833,0.0521,0.9771,,,0.0,0.1379,0.125,,0.0244,,0.0344,,0.0583,,block of flats,0.0574,"Stone, brick",No,5.0,0.0,5.0,0.0,-341.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2570873,185529,Consumer loans,1745.82,17460.0,15714.0,1746.0,17460.0,THURSDAY,10,Y,1,0.1089090909090909,,,XAP,Approved,-2891,XNA,XAP,,Repeater,Audio/Video,POS,XNA,Stone,179,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2859.0,-2589.0,-2589.0,-2587.0,0.0,0,Cash loans,M,Y,N,0,112500.0,247275.0,17338.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-23956,365243,-8906.0,-4188,16.0,1,0,0,1,0,0,,2.0,2,2,THURSDAY,8,0,0,0,0,0,0,XNA,0.8219905221558819,0.7068363923288563,0.7850520263728172,0.0247,0.0239,0.9831,0.7688,0.0024,0.0,0.069,0.0833,0.125,0.0414,0.0202,0.0227,0.0,0.0,0.0252,0.0248,0.9831,0.7779,0.0025,0.0,0.069,0.0833,0.125,0.0423,0.022,0.0236,0.0,0.0,0.025,0.0239,0.9831,0.7719,0.0025,0.0,0.069,0.0833,0.125,0.0421,0.0205,0.0231,0.0,0.0,reg oper account,block of flats,0.0192,Block,No,2.0,0.0,2.0,0.0,-1646.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1523361,198139,Consumer loans,29484.045,276633.0,276633.0,0.0,276633.0,WEDNESDAY,15,Y,1,0.0,,,XAP,Approved,-215,XNA,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,1800,Consumer electronics,12.0,middle,POS household with interest,365243.0,-183.0,147.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,270000.0,848745.0,37516.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.0228,-15240,-3146,-3012.0,-3404,,1,1,0,1,0,0,High skill tech staff,1.0,2,2,MONDAY,14,0,0,0,0,0,0,Medicine,,0.7425140076771302,0.7281412993111438,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1834460,402578,Cash loans,9955.305,135000.0,148365.0,,135000.0,TUESDAY,12,Y,1,,,,XNA,Refused,-198,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,Stone,200,Consumer electronics,18.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,49500.0,161730.0,7254.0,135000.0,Family,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.028663,-23300,365243,-6345.0,-4074,1.0,1,0,0,1,1,0,,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,XNA,,0.5191539748529008,0.29708661164720285,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-217.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2526982,366897,Cash loans,16274.79,135000.0,143910.0,0.0,135000.0,TUESDAY,15,Y,1,0.0,,,XNA,Approved,-1554,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,high,Cash X-Sell: high,365243.0,-1524.0,-1194.0,-1194.0,-1192.0,1.0,0,Cash loans,F,Y,Y,1,135000.0,627277.5,30640.5,441000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.005313,-10046,-1865,-4073.0,-1307,64.0,1,1,0,1,0,0,,3.0,2,2,TUESDAY,11,0,0,0,0,1,1,Other,,0.6924878144315126,0.22383131747015547,,,0.9821,,,,0.0345,0.1667,,,,0.0227,,,,,0.9821,,,,0.0345,0.1667,,,,0.0236,,,,,0.9821,,,,0.0345,0.1667,,,,0.0231,,,,specific housing,0.027000000000000003,"Stone, brick",No,0.0,0.0,0.0,0.0,-775.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,4.0 +1973969,189091,Consumer loans,4207.995,19705.5,19993.5,1971.0,19705.5,TUESDAY,13,Y,1,0.09773034586802253,,,XAP,Approved,-665,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,45,Connectivity,6.0,high,POS mobile with interest,365243.0,-634.0,-484.0,-484.0,-478.0,0.0,0,Cash loans,F,N,Y,0,112500.0,277969.5,18576.0,229500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0105,-17410,-2758,-5577.0,-935,,1,1,0,1,1,0,Cooking staff,2.0,3,3,TUESDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.321162981939842,0.6986675550534175,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-33.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1896335,334192,Consumer loans,14785.515,147870.0,133083.0,14787.0,147870.0,TUESDAY,11,Y,1,0.1089090909090909,,,XAP,Approved,-886,Cash through the bank,XAP,Unaccompanied,New,Homewares,POS,XNA,Regional / Local,92,Construction,10.0,low_normal,POS other with interest,365243.0,-838.0,-568.0,-778.0,-776.0,0.0,0,Cash loans,F,Y,Y,0,157500.0,360000.0,23566.5,360000.0,Family,Working,Incomplete higher,Married,House / apartment,0.026392000000000002,-16406,-373,-1991.0,-4319,0.0,1,1,0,1,1,0,Private service staff,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Medicine,0.8687984178103587,0.7207502027552601,0.6940926425266661,0.0825,,0.997,,,0.08,0.069,0.375,,,,0.0505,,0.134,0.084,,0.997,,,0.0806,0.069,0.375,,,,0.0527,,0.1418,0.0833,,0.997,,,0.08,0.069,0.375,,,,0.0515,,0.1368,,block of flats,0.0689,Panel,No,0.0,0.0,0.0,0.0,-334.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1093342,129662,Consumer loans,8160.165,67455.0,42876.0,26982.0,67455.0,WEDNESDAY,15,Y,1,0.42065119111756577,,,XAP,Approved,-229,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,71,Connectivity,6.0,middle,POS mobile with interest,365243.0,-197.0,-47.0,-47.0,-43.0,0.0,0,Cash loans,F,N,N,0,270000.0,1223010.0,48631.5,1125000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.00496,-20578,365243,-11149.0,-4122,,1,0,0,1,0,0,,2.0,2,2,MONDAY,12,0,0,0,0,0,0,XNA,,0.7536599227839219,0.5744466170995097,0.0412,,0.9846,0.7892,,,0.069,0.1667,0.0417,,,0.0177,,,0.042,,0.9846,0.7975,,,0.069,0.1667,0.0417,,,0.0184,,,0.0416,,0.9846,0.792,,,0.069,0.1667,0.0417,,,0.018000000000000002,,,reg oper account,block of flats,0.0261,"Stone, brick",No,2.0,0.0,2.0,0.0,-229.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1258503,384042,Consumer loans,3973.095,15296.4,13945.5,1796.4,15296.4,WEDNESDAY,15,Y,1,0.12428251412414698,,,XAP,Approved,-2892,XNA,XAP,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Stone,400,Consumer electronics,4.0,low_normal,POS household with interest,365243.0,-2861.0,-2771.0,-2771.0,-2580.0,1.0,0,Cash loans,M,N,Y,1,180000.0,518562.0,24160.5,463500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-12232,-1078,-1532.0,-4454,,1,1,0,1,0,0,Drivers,3.0,2,2,THURSDAY,12,0,1,1,0,1,1,Transport: type 4,,0.3573020598117209,0.5585066276769286,0.0938,0.0843,0.9906,,,0.0,0.2069,0.1667,,0.0658,,0.0851,,0.0,0.0956,0.0875,0.9906,,,0.0,0.2069,0.1667,,0.0673,,0.0886,,0.0,0.0947,0.0843,0.9906,,,0.0,0.2069,0.1667,,0.067,,0.0866,,0.0,,block of flats,0.0669,"Stone, brick",No,1.0,0.0,1.0,0.0,-2055.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2211842,274796,Revolving loans,45000.0,0.0,900000.0,,,MONDAY,16,Y,1,,,,XAP,Approved,-488,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,225000.0,450000.0,43969.5,450000.0,"Spouse, partner",State servant,Higher education,Married,House / apartment,0.072508,-20829,-7970,-669.0,-4312,,1,1,0,1,1,0,Core staff,2.0,1,1,SATURDAY,11,0,0,0,0,0,0,Medicine,0.8322465718696324,0.775318035066635,0.7091891096653581,0.3887,0.2301,0.996,0.9456,0.212,0.64,0.2759,0.625,0.4167,0.0,0.3093,0.4074,0.0347,0.1155,0.396,0.2388,0.996,0.9477,0.2139,0.6445,0.2759,0.625,0.4167,0.0,0.3379,0.4245,0.035,0.1223,0.3924,0.2301,0.996,0.9463,0.2133,0.64,0.2759,0.625,0.4167,0.0,0.3147,0.4147,0.0349,0.118,reg oper spec account,block of flats,0.3454,Panel,No,0.0,0.0,0.0,0.0,-656.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2542064,200791,Cash loans,31856.625,135000.0,157099.5,,135000.0,MONDAY,19,Y,1,,,,Other,Refused,-599,Cash through the bank,SCOFR,Other_B,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,,,,,,,0,Cash loans,M,N,N,0,225000.0,343800.0,16024.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010276,-10548,-1223,-632.0,-2552,,1,1,0,1,0,0,Sales staff,2.0,2,2,FRIDAY,17,0,0,0,0,1,1,Self-employed,,0.13022967227465018,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-104.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1423214,369232,Consumer loans,4366.35,63387.0,70515.0,0.0,63387.0,SATURDAY,18,Y,1,0.0,,,XAP,Approved,-767,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,1000,Consumer electronics,18.0,low_action,POS household without interest,365243.0,-736.0,-226.0,-316.0,-311.0,0.0,0,Cash loans,F,Y,Y,0,247500.0,900000.0,32017.5,900000.0,Family,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.026392000000000002,-10724,-2686,-4361.0,-2380,2.0,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Industry: type 3,,0.6465636631961561,0.3996756156233169,0.1979,0.3064,0.9861,,,0.24,0.2069,0.3333,,0.1644,,0.2052,,0.1119,0.2017,0.318,0.9861,,,0.2417,0.2069,0.3333,,0.1681,,0.2138,,0.1185,0.1999,0.3064,0.9861,,,0.24,0.2069,0.3333,,0.1672,,0.2089,,0.1143,,block of flats,0.1857,Panel,No,0.0,0.0,0.0,0.0,-767.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1249296,155066,Consumer loans,12726.63,245925.0,201690.0,73777.5,245925.0,TUESDAY,14,Y,1,0.2916874206411084,,,XAP,Refused,-388,Cash through the bank,LIMIT,,Repeater,Sport and Leisure,POS,XNA,Stone,76,Industry,24.0,middle,POS other with interest,,,,,,,0,Cash loans,M,Y,Y,0,225000.0,808650.0,29709.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0105,-16410,-2083,-3007.0,-3788,6.0,1,1,1,1,1,0,Laborers,2.0,3,3,FRIDAY,12,0,0,0,0,0,0,Self-employed,,0.7529406219030487,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1925.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1796737,391895,Consumer loans,2305.395,24705.0,19755.0,4950.0,24705.0,THURSDAY,13,Y,1,0.21821493624772306,,,XAP,Refused,-2714,Cash through the bank,SCO,Unaccompanied,New,XNA,POS,XNA,Country-wide,37,Connectivity,12.0,low_normal,POS mobile with interest,,,,,,,0,Cash loans,M,Y,Y,1,121500.0,621900.0,49266.0,562500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-11080,-635,-3896.0,-3722,18.0,1,1,0,1,1,0,Drivers,3.0,2,2,TUESDAY,12,0,0,0,0,1,1,Industry: type 11,0.5526604510925485,0.4206431226034096,0.4241303111942548,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-2416.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1891066,331573,Consumer loans,14858.955,65655.0,52155.0,13500.0,65655.0,SATURDAY,13,Y,1,0.2239391862421333,,,XAP,Approved,-2887,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,20,Connectivity,4.0,low_normal,POS mobile with interest,365243.0,-2830.0,-2740.0,-2740.0,-2648.0,0.0,0,Cash loans,M,Y,Y,0,202500.0,1800000.0,49630.5,1800000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.04622,-16608,-2446,-7446.0,-158,2.0,1,1,0,1,0,0,Drivers,2.0,1,1,TUESDAY,11,0,1,1,0,1,1,Business Entity Type 3,0.4652687339281102,0.7145202183931023,0.6313545365850379,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2887.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1816980,205044,Consumer loans,10163.835,75955.5,77350.5,4500.0,75955.5,MONDAY,13,Y,1,0.059876348842207314,,,XAP,Approved,-2470,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,4444,Consumer electronics,10.0,high,POS household with interest,365243.0,-2439.0,-2169.0,-2289.0,-2282.0,1.0,0,Cash loans,M,Y,N,0,112500.0,900000.0,46084.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-10066,-834,-9927.0,-2727,4.0,1,1,0,1,0,0,Laborers,2.0,2,2,SUNDAY,12,0,0,0,0,0,0,Trade: type 3,0.5020646238349298,0.6035189980614502,0.5460231970049609,0.1794,0.0666,0.9896,,,0.08,0.069,0.375,,0.0,,0.1434,,0.1493,0.1828,0.0691,0.9896,,,0.0806,0.069,0.375,,0.0,,0.1494,,0.1581,0.1811,0.0666,0.9896,,,0.08,0.069,0.375,,0.0,,0.146,,0.1525,,block of flats,0.1128,"Stone, brick",No,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1212781,124186,Consumer loans,7186.365,32715.0,30658.5,3271.5,32715.0,SUNDAY,18,Y,1,0.10500916325054256,,,XAP,Approved,-2396,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,29,Connectivity,5.0,low_normal,POS mobile with interest,365243.0,-2333.0,-2213.0,-2243.0,-2235.0,1.0,0,Cash loans,M,Y,Y,0,450000.0,244584.0,11893.5,193500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.072508,-21390,-933,-1264.0,-4830,13.0,1,1,0,1,0,0,Security staff,1.0,1,1,TUESDAY,12,0,0,0,0,0,0,Security,,0.6729001784473363,0.2678689358444539,0.1938,0.033,0.9816,0.7484,0.0358,0.0532,0.1607,0.3888,0.4304,0.0,0.1558,0.1669,0.009000000000000001,0.0121,0.1239,0.0001,0.9747,0.6668,0.0139,0.0,0.2069,0.1667,0.2083,0.0,0.1084,0.1063,0.0,0.0024,0.1239,0.0001,0.9747,0.6578,0.047,0.0,0.2069,0.1667,0.2083,0.0,0.1009,0.1042,0.0039,0.0023,reg oper account,block of flats,0.2474,Panel,No,0.0,0.0,0.0,0.0,-643.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,9.0 +1837454,221875,Consumer loans,3904.425,93726.0,83785.5,9940.5,93726.0,SUNDAY,16,Y,1,0.1155080573354051,,,XAP,Refused,-2798,Cash through the bank,SCO,Other_A,Repeater,XNA,POS,XNA,Country-wide,-1,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,0,Cash loans,M,N,Y,0,171000.0,225000.0,11619.0,225000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.026392000000000002,-11839,-153,-3668.0,-4173,,1,1,0,1,0,1,Cleaning staff,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,Industry: type 9,0.3741947895907414,0.6523782635152829,0.5726825047161584,0.0825,0.078,0.9945,,,0.08,0.069,0.375,,0.0568,,0.1024,,0.0058,0.084,0.0809,0.9945,,,0.0806,0.069,0.375,,0.0581,,0.1067,,0.0061,0.0833,0.078,0.9945,,,0.08,0.069,0.375,,0.0578,,0.1042,,0.0059,,block of flats,0.0818,Panel,No,0.0,0.0,0.0,0.0,-1806.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1978324,206512,Cash loans,29440.8,450000.0,512370.0,,450000.0,TUESDAY,8,Y,1,,,,XNA,Approved,-841,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash X-Sell: high,365243.0,-811.0,239.0,-151.0,-143.0,1.0,0,Cash loans,F,N,Y,0,135000.0,1256400.0,36864.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-20559,-2078,-11832.0,-4075,,1,1,0,1,0,0,Managers,2.0,2,2,WEDNESDAY,7,0,0,0,0,1,1,Military,,0.5383042912596424,0.7421816117614419,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1169.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1643300,320244,Consumer loans,3233.88,16600.5,15727.5,1660.5,16600.5,SUNDAY,12,Y,1,0.10400479954827778,,,XAP,Approved,-936,Cash through the bank,XAP,Other_A,New,Mobile,POS,XNA,Country-wide,6,Connectivity,6.0,high,POS mobile with interest,365243.0,-905.0,-755.0,-755.0,-746.0,0.0,0,Cash loans,M,Y,Y,0,112500.0,314100.0,17167.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.022625,-8630,-164,-3418.0,-969,9.0,1,1,0,1,0,0,Laborers,1.0,2,2,FRIDAY,9,0,0,0,0,1,1,Industry: type 1,0.1459215311187279,0.6152820069986791,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-936.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1387348,350743,Cash loans,44214.255,900000.0,978408.0,,900000.0,TUESDAY,16,Y,1,,,,XNA,Approved,-500,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),100,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-467.0,583.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,202500.0,765261.0,30478.5,684000.0,Unaccompanied,State servant,Secondary / secondary special,Civil marriage,House / apartment,0.01885,-15415,-2018,-3061.0,-4558,13.0,1,1,1,1,1,1,Managers,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,Kindergarten,0.7518648943869172,0.18559406937356548,0.29859498978739724,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1229.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1145414,303940,Consumer loans,3025.53,25200.0,22680.0,2520.0,25200.0,FRIDAY,13,Y,1,0.1089090909090909,,,XAP,Refused,-2641,Cash through the bank,SCO,,New,XNA,POS,XNA,Country-wide,50,Consumer electronics,10.0,low_normal,POS other with interest,,,,,,,0,Cash loans,F,N,Y,0,121500.0,1040985.0,28624.5,909000.0,Family,Pensioner,Higher education,Widow,House / apartment,0.025164,-23132,365243,-8804.0,-4702,,1,0,0,1,0,0,,1.0,2,2,SUNDAY,9,0,0,0,0,0,0,XNA,,0.16076198997582394,,0.1247,0.07,0.9762,0.6736,0.0106,0.0,0.2069,0.1667,0.2083,0.0342,0.0941,0.0893,0.0347,0.0359,0.1271,0.0727,0.9762,0.6864,0.0107,0.0,0.2069,0.1667,0.2083,0.0349,0.1028,0.0931,0.035,0.038,0.126,0.07,0.9762,0.6779999999999999,0.0107,0.0,0.2069,0.1667,0.2083,0.0347,0.0958,0.0909,0.0349,0.0366,reg oper account,block of flats,0.0839,"Stone, brick",No,0.0,0.0,0.0,0.0,-1843.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1962787,302514,Consumer loans,5346.585,78246.0,54769.5,23476.5,78246.0,SATURDAY,17,Y,1,0.32676485350398393,,,XAP,Approved,-746,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,150,Consumer electronics,12.0,middle,POS household with interest,365243.0,-715.0,-385.0,-385.0,-381.0,0.0,0,Cash loans,F,Y,Y,1,225000.0,508495.5,20839.5,454500.0,Unaccompanied,Commercial associate,Incomplete higher,Civil marriage,House / apartment,0.02461,-8252,-1410,-3109.0,-943,14.0,1,1,0,1,0,0,Sales staff,3.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Trade: type 2,0.4894102486781471,0.3877385489573464,0.34090642641523844,0.134,,0.9801,0.728,,0.16,0.1379,0.3333,0.0417,,0.1084,0.1346,0.0039,0.146,0.1366,,0.9801,0.7387,,0.1611,0.1379,0.3333,0.0417,,0.1185,0.1403,0.0039,0.1546,0.1353,,0.9801,0.7316,,0.16,0.1379,0.3333,0.0417,,0.1103,0.13699999999999998,0.0039,0.1491,reg oper account,block of flats,0.1612,Panel,No,1.0,1.0,1.0,1.0,-921.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1351908,301154,Cash loans,21229.515,454500.0,544491.0,,454500.0,FRIDAY,17,Y,1,,,,XNA,Refused,-140,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,N,Y,1,360000.0,407727.0,32341.5,333000.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.04622,-10879,-2422,-659.0,-3562,,1,1,0,1,0,1,,3.0,1,1,FRIDAY,18,0,1,1,0,0,0,Business Entity Type 3,,0.688069847283546,0.0938365970374978,0.066,,0.9722,0.6192,,0.0,0.1379,0.125,0.1667,,0.0538,0.0502,0.0,0.0,0.0672,,0.9722,0.6341,,0.0,0.1379,0.125,0.1667,,0.0588,0.0523,0.0,0.0,0.0666,,0.9722,0.6243,,0.0,0.1379,0.125,0.1667,,0.0547,0.0511,0.0,0.0,reg oper account,block of flats,0.0425,"Stone, brick",No,8.0,0.0,8.0,0.0,-653.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2239842,404761,Consumer loans,12875.265,136350.0,134865.0,13635.0,136350.0,WEDNESDAY,5,Y,1,0.099998347107438,,,XAP,Approved,-1192,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Stone,86,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-1161.0,-831.0,-831.0,-824.0,0.0,0,Cash loans,F,N,N,1,216000.0,521280.0,27292.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Municipal apartment,0.0038179999999999998,-11806,-4479,-2830.0,-2829,,1,1,0,1,0,0,Sales staff,2.0,2,2,FRIDAY,8,0,0,0,0,0,0,Self-employed,,0.07961356744650518,0.6986675550534175,0.0371,,0.9796,,,0.0,0.1034,0.125,,0.0106,,0.04,,,0.0378,,0.9796,,,0.0,0.1034,0.125,,0.0109,,0.0417,,,0.0375,,0.9796,,,0.0,0.1034,0.125,,0.0108,,0.0408,,,,block of flats,0.0315,Block,No,0.0,0.0,0.0,0.0,-1192.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2530764,341930,Consumer loans,5561.01,46620.0,40770.0,5850.0,46620.0,TUESDAY,17,Y,1,0.13666198666198665,,,XAP,Refused,-1886,Cash through the bank,LIMIT,,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,10.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,0,157500.0,1258650.0,53325.0,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-21978,-1553,-2656.0,-2656,,1,1,1,1,1,0,Core staff,2.0,2,2,FRIDAY,16,0,0,0,0,0,0,School,0.7552301704093828,0.7378206949588759,0.3556387169923543,0.0787,0.0905,0.9796,0.7212,0.0,0.0,0.1838,0.1667,0.2083,0.0,0.0642,0.0778,0.0,0.0,0.0578,0.067,0.9796,0.7321,0.0,0.0,0.2069,0.1667,0.2083,0.0,0.0505,0.0579,0.0,0.0,0.0874,0.0963,0.9796,0.7249,0.0,0.0,0.2069,0.1667,0.2083,0.0,0.0718,0.0853,0.0,0.0,reg oper account,block of flats,0.0437,Panel,No,0.0,0.0,0.0,0.0,-1886.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,8.0 +1855507,349841,Consumer loans,5304.465,29205.0,26010.0,4500.0,29205.0,TUESDAY,12,Y,1,0.16063287744703664,,,XAP,Approved,-400,XNA,XAP,,New,Mobile,POS,XNA,Country-wide,30,Connectivity,6.0,high,POS mobile with interest,365243.0,-344.0,-194.0,-254.0,-248.0,0.0,1,Cash loans,M,N,Y,1,135000.0,640080.0,29970.0,450000.0,Other_B,Commercial associate,Secondary / secondary special,Married,House / apartment,0.010276,-16713,-2654,-9295.0,-105,,1,1,0,1,0,0,Drivers,3.0,2,2,WEDNESDAY,13,0,0,0,0,1,1,Housing,,0.13047756651998074,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-400.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2190853,442806,Consumer loans,4872.24,94617.0,105255.0,0.0,94617.0,WEDNESDAY,13,Y,1,0.0,,,XAP,Approved,-946,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,1100,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-915.0,-225.0,-285.0,-277.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,469147.5,22698.0,351000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.008865999999999999,-13109,-708,-2585.0,-2585,7.0,1,1,0,1,0,0,Laborers,1.0,2,2,THURSDAY,12,0,0,0,0,0,0,Self-employed,,0.4736649060839634,0.7838324335199619,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-946.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1438374,105457,Consumer loans,10564.965,55881.0,51381.0,4500.0,55881.0,SATURDAY,18,Y,1,0.0877026017950482,,,XAP,Approved,-394,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,6.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,1,135000.0,611095.5,29529.0,486000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008019,-13858,-1290,-6648.0,-1251,,1,1,0,1,0,1,Sales staff,3.0,2,2,MONDAY,10,0,0,0,0,1,1,Self-employed,0.5146081636802708,0.2710150563020767,0.06168425608839862,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,1.0 +2105823,318681,Consumer loans,3523.05,27391.5,17415.0,10800.0,27391.5,SUNDAY,13,Y,1,0.4168769030013049,,,XAP,Approved,-2097,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,23,Connectivity,6.0,high,POS mobile with interest,365243.0,-2063.0,-1913.0,-1913.0,-1908.0,0.0,0,Cash loans,F,N,Y,0,162000.0,942300.0,30528.0,675000.0,Family,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.008019,-19835,365243,-4858.0,-3398,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,14,0,0,0,0,0,0,XNA,0.6059455478326545,0.313117362770573,,0.0,,0.4898,,,0.0,,,,,,0.035,,,0.0,,0.0005,,,0.0,,,,,,0.0365,,,0.0,,0.4898,,,0.0,,,,,,0.0356,,,,block of flats,0.0,,No,1.0,0.0,1.0,0.0,-251.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1940549,387458,Consumer loans,15750.855,127417.5,142132.5,0.0,127417.5,WEDNESDAY,13,Y,1,0.0,,,XAP,Approved,-1878,Cash through the bank,XAP,Other_B,New,Consumer Electronics,POS,XNA,Country-wide,1000,Consumer electronics,14.0,high,POS household with interest,365243.0,-1847.0,-1457.0,-1457.0,-1363.0,0.0,1,Cash loans,F,N,Y,0,157500.0,555273.0,21645.0,463500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.008625,-22978,365243,-12232.0,-4041,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,15,0,0,0,0,0,0,XNA,,0.5797335461848092,0.21396685226179807,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1878.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +1661577,201149,Consumer loans,6100.155,52272.0,52272.0,0.0,52272.0,SUNDAY,15,Y,1,0.0,,,XAP,Approved,-2631,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,30,Consumer electronics,12.0,high,POS household with interest,365243.0,-2600.0,-2270.0,-2270.0,-2267.0,0.0,0,Cash loans,F,Y,Y,1,112500.0,130824.0,8356.5,103500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-13655,-3955,-13623.0,-4560,7.0,1,1,0,1,0,0,Laborers,3.0,2,2,SATURDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.2904363890080422,0.7686398868983131,0.7136313997323308,0.1021,0.1175,0.9786,0.7076,0.0522,0.0,0.2069,0.1667,0.2083,0.0729,0.0807,0.0766,0.0116,0.0816,0.104,0.122,0.9786,0.7190000000000001,0.0527,0.0,0.2069,0.1667,0.2083,0.0746,0.0882,0.0798,0.0117,0.0864,0.1031,0.1175,0.9786,0.7115,0.0525,0.0,0.2069,0.1667,0.2083,0.0742,0.0821,0.0779,0.0116,0.0833,reg oper account,block of flats,0.0863,"Stone, brick",No,0.0,0.0,0.0,0.0,-1897.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1524015,308225,Consumer loans,25996.275,139050.0,144558.0,0.0,139050.0,WEDNESDAY,16,Y,1,0.0,,,XAP,Approved,-152,Cash through the bank,XAP,Family,New,Furniture,POS,XNA,Stone,16,Furniture,6.0,low_normal,POS industry with interest,365243.0,-122.0,28.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,157500.0,415107.0,20097.0,346500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009175,-22407,-408,-9778.0,-2805,,1,1,0,1,0,0,Cleaning staff,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Other,,0.7914286118906025,0.5531646987710016,0.2227,0.1707,0.9866,,,0.24,0.2069,0.3333,,0.1021,,0.2309,,0.0042,0.2269,0.1772,0.9866,,,0.2417,0.2069,0.3333,,0.1044,,0.2406,,0.0044,0.2248,0.1707,0.9866,,,0.24,0.2069,0.3333,,0.1039,,0.2351,,0.0043,,block of flats,0.1972,"Stone, brick",No,0.0,0.0,0.0,0.0,-152.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,0.0 +2791170,258665,Consumer loans,4443.3,42120.0,41643.0,4230.0,42120.0,SUNDAY,16,Y,1,0.10042627570585196,,,XAP,Approved,-1089,Cash through the bank,XAP,Unaccompanied,New,Furniture,POS,XNA,Stone,32,Furniture,12.0,middle,POS industry with interest,365243.0,-1055.0,-725.0,-725.0,-717.0,0.0,0,Revolving loans,F,N,Y,2,90000.0,135000.0,6750.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-14387,-1622,-316.0,-1108,,1,1,0,1,0,0,Medicine staff,4.0,2,2,THURSDAY,11,0,0,0,0,0,0,Medicine,,0.4236677072982387,0.0005272652387098817,0.0397,0.0,0.9801,0.728,0.0044,0.0,0.069,0.0625,0.1042,0.0216,0.0324,0.0194,0.0058,0.0005,0.0168,0.0,0.9796,0.7321,0.0016,0.0,0.069,0.0417,0.0833,0.0195,0.0147,0.014,0.0,0.0,0.0401,0.0,0.9801,0.7316,0.0044,0.0,0.069,0.0625,0.1042,0.022,0.0329,0.0198,0.0058,0.0005,reg oper account,block of flats,0.0219,Panel,No,0.0,0.0,0.0,0.0,-1089.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,3.0,0.0,0.0,1.0 +1896448,158001,Cash loans,16013.835,135000.0,143910.0,,135000.0,SATURDAY,15,Y,1,,,,XNA,Approved,-864,Cash through the bank,XAP,Children,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-834.0,-504.0,-684.0,-680.0,1.0,0,Cash loans,F,N,N,1,337500.0,1530000.0,42205.5,1530000.0,Unaccompanied,State servant,Secondary / secondary special,Married,Office apartment,0.032561,-12247,-1989,-2359.0,-3777,,1,1,0,1,0,0,IT staff,3.0,1,1,TUESDAY,13,0,0,0,0,0,0,Police,0.6521493894232591,0.6716957490447726,0.3441550073724169,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2147.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2194759,176378,Consumer loans,7356.915,38205.0,36081.0,3825.0,38205.0,TUESDAY,13,Y,1,0.1043896338212982,,,XAP,Approved,-2115,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,76,Connectivity,6.0,high,POS mobile with interest,365243.0,-2077.0,-1927.0,-1987.0,-1984.0,0.0,0,Revolving loans,F,N,Y,2,112500.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.005002,-9818,-2183,-4601.0,-72,,1,1,0,1,0,0,Core staff,4.0,3,3,WEDNESDAY,12,0,0,0,0,0,0,Self-employed,,0.5552587645031147,0.5388627065779676,0.0979,0.0519,0.9781,0.7008,0.0,0.0,0.2069,0.1667,0.2083,0.0622,0.0782,0.0905,0.0077,0.0,0.0998,0.0538,0.9782,0.7125,0.0,0.0,0.2069,0.1667,0.2083,0.0636,0.0854,0.0943,0.0078,0.0,0.0989,0.0519,0.9781,0.7048,0.0,0.0,0.2069,0.1667,0.2083,0.0633,0.0795,0.0921,0.0078,0.0,org spec account,block of flats,0.0712,Block,No,1.0,0.0,1.0,0.0,-2115.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1687476,253864,Cash loans,35739.495,270000.0,323815.5,,270000.0,SUNDAY,16,Y,1,,,,XNA,Approved,-885,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-851.0,-521.0,-521.0,-514.0,0.0,0,Cash loans,F,N,Y,1,405000.0,732915.0,79065.0,675000.0,Family,State servant,Higher education,Married,House / apartment,0.003069,-12732,-4520,-56.0,-5111,,1,1,0,1,0,0,Core staff,3.0,3,3,WEDNESDAY,15,0,0,0,0,1,1,Government,0.4746749999270796,0.3061805399238521,0.1206410299309233,,,0.9747,,,,0.1034,0.125,,,,0.0289,,0.0,,,0.9747,,,,0.1034,0.125,,,,0.0301,,0.0,,,0.9747,,,,0.1034,0.125,,,,0.0295,,0.0,,,0.0359,,No,0.0,0.0,0.0,0.0,-1317.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1930328,444898,Cash loans,38041.38,1309500.0,1499638.5,,1309500.0,TUESDAY,9,Y,1,,,,XNA,Refused,-260,Cash through the bank,XNA,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_action,Cash X-Sell: low,,,,,,,0,Revolving loans,F,N,Y,0,45000.0,247500.0,12375.0,247500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.015221,-21271,365243,-8953.0,-4173,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,XNA,0.7594456666725473,0.6648558588234277,0.2067786544915716,0.0619,0.0619,0.9801,0.728,,0.0,0.1379,0.1667,0.0417,0.0433,,0.0543,,0.0,0.063,0.0642,0.9801,0.7387,,0.0,0.1379,0.1667,0.0417,0.0443,,0.0566,,0.0,0.0625,0.0619,0.9801,0.7316,,0.0,0.1379,0.1667,0.0417,0.044,,0.0553,,0.0,reg oper spec account,block of flats,0.047,Panel,No,,,,,-1409.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,2.0,2.0 +2228525,181593,Consumer loans,17023.86,143550.0,141984.0,14355.0,143550.0,SATURDAY,17,Y,1,0.1,,,XAP,Approved,-1528,Cash through the bank,XAP,Children,New,Mobile,POS,XNA,Country-wide,20,Connectivity,12.0,high,POS mobile with interest,365243.0,-1497.0,-1167.0,-1197.0,-1191.0,0.0,0,Cash loans,F,Y,N,2,315000.0,1125000.0,40410.0,1125000.0,Unaccompanied,Commercial associate,Higher education,Married,Municipal apartment,0.04622,-13785,-153,-2755.0,-3289,7.0,1,1,1,1,1,0,,4.0,1,1,MONDAY,14,0,1,1,0,1,1,Business Entity Type 3,,0.6360307613659094,0.36227724703843145,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1350066,407501,Consumer loans,9660.15,77278.5,69547.5,7731.0,77278.5,SUNDAY,16,Y,1,0.10895348406324938,,,XAP,Refused,-2112,Cash through the bank,SCO,"Spouse, partner",Repeater,Computers,POS,XNA,Regional / Local,174,Consumer electronics,8.0,low_normal,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,135000.0,193500.0,22963.5,193500.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.026392000000000002,-13094,-4436,-58.0,-3655,,1,1,0,1,0,0,Laborers,1.0,2,2,FRIDAY,16,0,0,0,0,0,0,School,,0.6244739793348209,0.5919766183185521,,,,,,0.32,0.1379,0.7917,,,,,,,,,,,,0.3222,0.1379,0.7917,,,,,,,,,,,,0.32,0.1379,0.7917,,,,,,,,,0.4464,,No,3.0,0.0,3.0,0.0,-1568.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,0.0 +1252242,335873,Cash loans,23569.065,369000.0,403096.5,,369000.0,SATURDAY,12,Y,1,,,,XNA,Approved,-824,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-794.0,-104.0,-314.0,-305.0,1.0,0,Cash loans,F,N,Y,0,292500.0,1546020.0,42642.0,1350000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019101,-22832,-559,-10435.0,-4584,,1,1,0,1,0,0,Medicine staff,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Medicine,,0.5470145589669536,0.3360615207658242,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1972.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2269706,403324,Consumer loans,8903.205,55435.5,44010.0,13500.0,55435.5,TUESDAY,16,Y,1,0.2556551429790865,,,XAP,Approved,-1915,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,85,Connectivity,6.0,high,POS mobile with interest,365243.0,-1875.0,-1725.0,-1725.0,-1707.0,0.0,0,Cash loans,M,Y,N,0,180000.0,810000.0,23683.5,810000.0,Unaccompanied,Commercial associate,Higher education,Married,With parents,0.031329,-9463,-144,-2212.0,-2135,9.0,1,1,0,1,1,0,,2.0,2,2,SATURDAY,11,0,0,0,1,1,0,Business Entity Type 1,,0.5569267731180002,,0.033,0.0665,0.9861,,,0.0,0.1034,0.0833,,0.0268,,0.035,,,0.0336,0.0691,0.9861,,,0.0,0.1034,0.0833,,0.0274,,0.0364,,,0.0333,0.0665,0.9861,,,0.0,0.1034,0.0833,,0.0273,,0.0356,,,,block of flats,0.0298,"Stone, brick",No,0.0,0.0,0.0,0.0,-1709.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1703819,176039,Revolving loans,6750.0,0.0,135000.0,,,THURSDAY,7,N,1,,,,XAP,Refused,-379,XNA,HC,,Refreshed,XNA,Cards,x-sell,AP+ (Cash loan),3,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,77850.0,95940.0,9472.5,90000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.018801,-20088,-2311,-1768.0,-3299,,1,1,1,1,1,0,Cleaning staff,1.0,2,2,FRIDAY,13,0,0,0,0,0,0,Construction,,0.15484833645753138,,0.1237,0.108,0.9866,0.8164,0.0496,0.0,0.2759,0.1667,0.2083,0.0,0.1009,0.1033,0.0,0.0,0.1261,0.112,0.9866,0.8236,0.0501,0.0,0.2759,0.1667,0.2083,0.0,0.1102,0.1076,0.0,0.0,0.1249,0.108,0.9866,0.8189,0.0499,0.0,0.2759,0.1667,0.2083,0.0,0.1026,0.1051,0.0,0.0,reg oper account,block of flats,0.1084,Panel,No,0.0,0.0,0.0,0.0,-1874.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1198382,194334,Consumer loans,16033.185,85500.0,90013.5,0.0,85500.0,SUNDAY,10,Y,1,0.0,,,XAP,Approved,-1030,Cash through the bank,XAP,Family,Refreshed,Vehicles,POS,XNA,Country-wide,10,Industry,6.0,low_normal,POS other with interest,365243.0,-996.0,-846.0,-876.0,-868.0,0.0,0,Cash loans,F,N,Y,0,180000.0,558855.0,37476.0,477000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-17248,-4029,-3476.0,-783,,1,1,0,1,0,0,,2.0,2,2,MONDAY,13,0,0,0,0,0,0,Self-employed,,0.5708752938688691,0.6894791426446275,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1806335,111683,Consumer loans,15239.205,146353.5,150853.5,0.0,146353.5,MONDAY,18,Y,1,0.0,,,XAP,Approved,-458,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Regional / Local,15000,Furniture,12.0,middle,POS industry with interest,,,,,,,0,Cash loans,F,Y,Y,1,175500.0,547344.0,30690.0,472500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.008625,-15526,-604,-3372.0,-4579,10.0,1,1,0,1,0,0,Sales staff,3.0,2,2,THURSDAY,12,0,0,0,0,0,0,Self-employed,,0.5968601800832808,0.6313545365850379,0.0969,,0.9791,,,0.0,0.2069,0.1667,,,,0.0874,,0.0,0.0987,,0.9791,,,0.0,0.2069,0.1667,,,,0.0911,,0.0,0.0978,,0.9791,,,0.0,0.2069,0.1667,,,,0.08900000000000001,,0.0,,block of flats,0.0688,Panel,No,0.0,0.0,0.0,0.0,-1694.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +2127069,435746,Consumer loans,12605.49,106290.0,105133.5,10629.0,106290.0,TUESDAY,11,Y,1,0.09999738492799716,,,XAP,Approved,-1474,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Stone,147,Consumer electronics,12.0,high,POS household with interest,365243.0,-1442.0,-1112.0,-1112.0,-1105.0,0.0,0,Revolving loans,F,N,N,0,135000.0,405000.0,20250.0,405000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.028663,-19948,365243,-3203.0,-3218,,1,0,0,1,1,0,,2.0,2,2,SATURDAY,14,0,0,0,0,0,0,XNA,,0.11099189283654703,0.34741822720026416,0.0711,0.0263,0.9851,0.7959999999999999,0.0142,0.0,0.0345,0.1667,0.0417,0.0859,0.058,0.4772,0.0,0.02,0.0725,0.0273,0.9851,0.804,0.0144,0.0,0.0345,0.1667,0.0417,0.0879,0.0634,0.4972,0.0,0.0212,0.0718,0.0263,0.9851,0.7987,0.0143,0.0,0.0345,0.1667,0.0417,0.0874,0.059,0.4858,0.0,0.0205,reg oper account,block of flats,0.0376,"Stone, brick",No,1.0,1.0,1.0,1.0,-1177.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2603688,433054,Consumer loans,11831.085,117220.5,117220.5,0.0,117220.5,SATURDAY,14,Y,1,0.0,0.19690014734217387,0.8673361522198731,XAP,Approved,-196,Cash through the bank,XAP,,Refreshed,Computers,POS,XNA,Country-wide,27,Connectivity,12.0,middle,POS mobile with interest,365243.0,-162.0,168.0,-72.0,-69.0,0.0,0,Cash loans,M,N,Y,0,324000.0,1078200.0,31653.0,900000.0,Family,Working,Higher education,Married,House / apartment,0.025164,-17949,-241,-9308.0,-1502,,1,1,1,1,1,0,,2.0,2,2,SATURDAY,13,0,1,1,0,1,1,Business Entity Type 2,,0.1774246567176,0.6832688314232291,0.0619,0.0415,0.9757,0.6668,0.0081,0.0,0.1034,0.1667,0.2083,0.05,0.0504,0.0502,0.0039,0.0052,0.063,0.0431,0.9757,0.6798,0.0082,0.0,0.1034,0.1667,0.2083,0.0512,0.0551,0.0523,0.0039,0.0055,0.0625,0.0415,0.9757,0.6713,0.0082,0.0,0.1034,0.1667,0.2083,0.0509,0.0513,0.0511,0.0039,0.0053,reg oper account,block of flats,0.0451,"Stone, brick",No,0.0,0.0,0.0,0.0,-196.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2036283,334432,Cash loans,10180.215,90000.0,95940.0,,90000.0,WEDNESDAY,15,Y,1,,,,Repairs,Refused,-441,Cash through the bank,SCO,Family,Repeater,XNA,Cash,walk-in,Country-wide,64,Connectivity,12.0,middle,Cash Street: middle,,,,,,,1,Cash loans,F,N,Y,0,180000.0,633730.5,32485.5,504000.0,Family,Working,Higher education,Married,House / apartment,0.025164,-17660,-3933,-1968.0,-1209,,1,1,0,1,0,0,Managers,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.582614921603375,0.41110286794341416,0.2176285202779586,0.1227,,0.9776,,,0.0,0.2759,0.1667,,,,0.1152,,,0.125,,0.9777,,,0.0,0.2759,0.1667,,,,0.12,,,0.1239,,0.9776,,,0.0,0.2759,0.1667,,,,0.1173,,,,block of flats,0.1013,Panel,No,0.0,0.0,0.0,0.0,-1806.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1992813,337739,Cash loans,22226.355,360000.0,426528.0,,360000.0,FRIDAY,14,Y,1,,,,XNA,Refused,-300,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Stone,100,Furniture,48.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,N,1,135000.0,592560.0,32274.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-11922,-1175,-5689.0,-2218,,1,1,0,1,0,0,Private service staff,3.0,2,2,THURSDAY,10,0,0,0,0,0,0,Self-employed,0.2801046668978303,0.6174382327537167,0.32173528219668485,0.0701,0.0955,0.9881,0.8368,0.0109,0.0,0.2069,0.1667,0.2083,0.0825,0.0572,0.0748,0.0,0.0063,0.0714,0.0991,0.9881,0.8432,0.011,0.0,0.2069,0.1667,0.2083,0.0844,0.0624,0.078,0.0,0.0067,0.0708,0.0955,0.9881,0.8390000000000001,0.0109,0.0,0.2069,0.1667,0.2083,0.084,0.0581,0.0762,0.0,0.0065,reg oper account,block of flats,0.0662,"Stone, brick",No,0.0,0.0,0.0,0.0,-1762.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2014392,196091,Consumer loans,30990.645,187042.5,168336.0,18706.5,187042.5,TUESDAY,17,Y,1,0.1089221919665802,,,XAP,Approved,-321,Cash through the bank,XAP,,New,Jewelry,POS,XNA,Country-wide,100,Industry,6.0,middle,POS other with interest,365243.0,-290.0,-140.0,-140.0,-134.0,0.0,0,Cash loans,F,N,Y,1,3375000.0,900000.0,40801.5,900000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.04622,-14018,-1895,-1973.0,-3695,,1,1,0,1,1,0,Core staff,3.0,1,1,MONDAY,9,0,1,1,0,1,1,Business Entity Type 1,0.7463410258439042,0.7388346496234566,,0.2021,0.0835,0.9891,0.8504,0.0014,0.24,0.1034,0.6667,0.7083,0.0804,0.1647,0.2222,0.0,0.0,0.2059,0.0866,0.9891,0.8563,0.0014,0.2417,0.1034,0.6667,0.7083,0.0822,0.18,0.2315,0.0,0.0,0.204,0.0835,0.9891,0.8524,0.0014,0.24,0.1034,0.6667,0.7083,0.0818,0.1676,0.2262,0.0,0.0,reg oper account,block of flats,0.2088,Panel,No,0.0,0.0,0.0,0.0,-321.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1983721,266398,Consumer loans,1814.445,15426.0,15273.0,1530.0,15426.0,SATURDAY,8,Y,1,0.09916735647855086,,,XAP,Approved,-2089,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Country-wide,1610,Consumer electronics,12.0,high,POS household with interest,365243.0,-2058.0,-1728.0,-1728.0,-1724.0,0.0,0,Cash loans,F,N,Y,0,186750.0,454500.0,21996.0,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018209,-22288,365243,-3554.0,-4319,,1,0,0,1,0,0,,2.0,3,3,TUESDAY,10,0,0,0,0,0,0,XNA,,0.229091804284546,0.4992720153045617,0.0825,0.0915,0.9781,0.7008,0.0,0.0,0.2069,0.1667,0.2083,0.02,0.0672,0.0724,0.0,0.0,0.084,0.0949,0.9782,0.7125,0.0,0.0,0.2069,0.1667,0.2083,0.0204,0.0735,0.0755,0.0,0.0,0.0833,0.0915,0.9781,0.7048,0.0,0.0,0.2069,0.1667,0.2083,0.0203,0.0684,0.0737,0.0,0.0,reg oper account,block of flats,0.057,"Stone, brick",No,4.0,0.0,4.0,0.0,-458.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2655929,379993,Cash loans,25580.97,225000.0,239850.0,,225000.0,WEDNESDAY,6,Y,1,,,,XNA,Refused,-96,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Stone,100,Consumer electronics,12.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,N,N,1,216000.0,557005.5,30348.0,423000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.002506,-11175,-456,-80.0,-3624,,1,1,0,1,0,0,,3.0,2,2,MONDAY,7,0,0,0,0,1,1,Business Entity Type 3,,0.6309536110678217,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2432881,211450,Consumer loans,10295.64,77845.5,74524.5,9000.0,77845.5,SUNDAY,11,Y,1,0.11735261129151545,,,XAP,Approved,-1903,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,46,Connectivity,10.0,high,POS mobile with interest,365243.0,-1863.0,-1593.0,-1623.0,-1616.0,0.0,0,Cash loans,M,N,N,2,225000.0,1391418.0,38394.0,1215000.0,Family,Working,Secondary / secondary special,Married,With parents,0.020713,-14391,-2144,-8009.0,-4677,,1,1,0,1,0,0,Laborers,4.0,3,2,SATURDAY,10,0,0,0,0,0,0,Government,0.2552714608056455,0.4151587782632691,0.520897599048938,0.2619,0.1439,0.9881,0.8368,0.0453,0.32,0.2759,0.375,0.4167,0.1499,0.2085,0.3217,0.0232,0.0568,0.2668,0.1493,0.9881,0.8432,0.0457,0.3222,0.2759,0.375,0.4167,0.1533,0.2277,0.3352,0.0233,0.0601,0.2644,0.1439,0.9881,0.8390000000000001,0.0456,0.32,0.2759,0.375,0.4167,0.1525,0.2121,0.3275,0.0233,0.058,not specified,block of flats,0.2949,Panel,No,2.0,0.0,2.0,0.0,-1903.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1894959,418078,Consumer loans,5733.135,48852.0,48298.5,4905.0,48852.0,SUNDAY,17,Y,1,0.10040675724512316,,,XAP,Approved,-2089,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Country-wide,41,Connectivity,12.0,high,POS mobile with interest,365243.0,-2058.0,-1728.0,-1728.0,-1725.0,0.0,0,Cash loans,F,N,Y,0,58500.0,442062.0,21397.5,369000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00733,-19718,-3947,-13446.0,-3228,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,Self-employed,0.6139913342589234,0.32225571845032,0.6879328378491735,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-2089.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1270406,136016,Revolving loans,9000.0,0.0,180000.0,,,TUESDAY,13,Y,1,,,,XAP,Approved,-2298,XNA,XAP,,Repeater,XNA,Cards,x-sell,Stone,500,Consumer electronics,0.0,XNA,Card X-Sell,-2073.0,-2016.0,365243.0,-1072.0,-121.0,0.0,0,Revolving loans,M,N,N,0,225000.0,585000.0,29250.0,585000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.020713,-15479,-1224,-1087.0,-4079,,1,1,0,1,0,0,Private service staff,1.0,3,2,THURSDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.411716210652456,0.504599412990574,0.21396685226179807,0.2928,0.1395,0.9856,,,0.16,0.1379,0.3333,,0.1478,,0.1934,,0.0,0.2983,0.1448,0.9856,,,0.1611,0.1379,0.3333,,0.1511,,0.2015,,0.0,0.2956,0.1395,0.9856,,,0.16,0.1379,0.3333,,0.1503,,0.1968,,0.0,,block of flats,0.1818,Panel,No,0.0,0.0,0.0,0.0,-427.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1382535,100536,Consumer loans,10074.51,100755.0,90679.5,10075.5,100755.0,THURSDAY,11,Y,1,0.1089090909090909,,,XAP,Approved,-2651,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Stone,111,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2616.0,-2346.0,-2346.0,-2340.0,0.0,0,Cash loans,F,Y,Y,2,99000.0,787131.0,42066.0,679500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019101,-14357,-1683,-7323.0,-4375,64.0,1,1,0,1,0,0,Sales staff,4.0,2,2,TUESDAY,10,0,0,0,0,0,0,Agriculture,0.4059074841971924,0.7234926821589504,0.6817058776720116,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1964.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,4.0 +1449143,439855,Consumer loans,9281.655,48960.0,46246.5,4896.0,48960.0,SATURDAY,19,Y,1,0.10426140863096424,,,XAP,Approved,-2833,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,35,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2802.0,-2652.0,-2772.0,-2594.0,1.0,1,Cash loans,M,N,N,0,315000.0,1099350.0,30361.5,787500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.032561,-15058,-375,-2063.0,-4481,,1,1,0,1,0,1,Core staff,1.0,1,1,WEDNESDAY,19,0,0,0,0,0,0,Insurance,0.3492044784256171,0.2787469612429508,0.3185955240537633,0.0289,0.0,0.9513,,,0.08,0.1034,0.1667,,,,0.0527,,0.0051,0.0294,0.0,0.9513,,,0.0806,0.1034,0.1667,,,,0.0549,,0.0054,0.0291,0.0,0.9513,,,0.08,0.1034,0.1667,,,,0.0536,,0.0052,,block of flats,0.0425,"Stone, brick",No,0.0,0.0,0.0,0.0,-1.0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2376315,414208,Cash loans,21965.355,517500.0,619965.0,,517500.0,TUESDAY,8,Y,1,,,,XNA,Refused,-303,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,135000.0,276277.5,11835.0,238500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.031329,-18907,-1735,-7989.0,-2439,,1,1,0,1,0,0,,2.0,2,2,THURSDAY,8,0,0,0,0,0,0,Business Entity Type 3,0.7809321083962271,0.5220901529791279,0.4561097392782771,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1262.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1131309,357050,Consumer loans,12173.175,175698.0,232933.5,0.0,175698.0,SUNDAY,11,Y,1,0.0,,,XAP,Approved,-1338,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,3500,Consumer electronics,24.0,low_normal,POS household with interest,,,,,,,0,Cash loans,M,Y,Y,2,135000.0,633681.0,30951.0,445500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-13596,-2264,-2846.0,-4077,13.0,1,1,0,1,0,0,Laborers,4.0,2,2,MONDAY,12,0,0,0,0,0,0,Industry: type 5,,0.5269112468197229,0.17982176508970435,0.1959,0.1395,0.9856,,,0.2,0.1724,0.375,,0.2577,,0.2154,,0.0,0.1996,0.1448,0.9856,,,0.2014,0.1724,0.375,,0.2636,,0.2244,,0.0,0.1978,0.1395,0.9856,,,0.2,0.1724,0.375,,0.2622,,0.2193,,0.0,,block of flats,0.1791,Panel,No,1.0,1.0,1.0,1.0,-536.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2742166,208693,Consumer loans,18935.37,186839.685,202864.5,4.185,186839.685,WEDNESDAY,12,Y,1,2.2466973917366555e-05,,,XAP,Approved,-792,XNA,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,1110,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-761.0,-431.0,-431.0,-423.0,0.0,0,Cash loans,F,N,Y,0,157500.0,473760.0,49878.0,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.009656999999999999,-24063,365243,-6463.0,-4692,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,XNA,0.8418041007093571,0.5846218648814593,0.4902575124990026,0.0577,0.0786,0.9791,0.7144,0.0072,0.0,0.1379,0.1667,0.2083,0.0955,0.0471,0.0553,1.0,0.1032,0.0588,0.0816,0.9791,0.7256,0.0073,0.0,0.1379,0.1667,0.2083,0.0977,0.0514,0.0576,1.0,0.1092,0.0583,0.0786,0.9791,0.7182,0.0072,0.0,0.1379,0.1667,0.2083,0.0972,0.0479,0.0563,1.0,0.1053,reg oper account,block of flats,0.0659,Block,No,0.0,0.0,0.0,0.0,-792.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2463104,203702,Cash loans,45495.81,900000.0,1004544.0,,900000.0,THURSDAY,11,Y,1,,,,XNA,Approved,-838,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-808.0,602.0,-448.0,-443.0,1.0,0,Cash loans,M,Y,N,0,135000.0,1350000.0,39474.0,1350000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-15102,-1469,-2482.0,-4968,24.0,1,1,0,1,1,0,Drivers,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,Transport: type 4,,0.6546609055761561,0.7394117535524816,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-649.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1110642,184759,Consumer loans,8375.31,47916.0,51291.0,0.0,47916.0,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-716,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,15,Connectivity,8.0,high,POS mobile with interest,365243.0,-685.0,-475.0,-685.0,-675.0,0.0,0,Cash loans,F,N,N,1,49500.0,1078200.0,31522.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.025164,-10699,-886,-3565.0,-1599,,1,1,0,1,0,0,Core staff,3.0,2,2,WEDNESDAY,15,0,0,0,1,1,0,Kindergarten,,0.535259406853595,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-716.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1963533,161454,Cash loans,24303.15,229500.0,241920.0,,229500.0,THURSDAY,13,Y,1,,,,XNA,Approved,-462,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-432.0,-102.0,-102.0,-95.0,1.0,0,Cash loans,F,N,Y,0,67500.0,291384.0,20407.5,270000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.04622,-20909,365243,-4773.0,-3879,,1,0,0,1,1,0,,1.0,1,1,THURSDAY,11,0,0,0,0,0,0,XNA,0.8616303220891154,0.7750245805008066,,0.0619,0.06,0.993,0.9048,0.0,0.0,0.0345,0.1667,0.2083,0.0,0.0504,0.0327,0.0,0.08,0.063,0.0623,0.993,0.9085,0.0,0.0,0.0345,0.1667,0.2083,0.0,0.0551,0.0341,0.0,0.0847,0.0625,0.06,0.993,0.9061,0.0,0.0,0.0345,0.1667,0.2083,0.0,0.0513,0.0333,0.0,0.0817,reg oper account,block of flats,0.0431,"Stone, brick",No,2.0,0.0,2.0,0.0,-3313.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1065333,450125,Consumer loans,3088.53,25902.0,23292.0,2610.0,25902.0,SUNDAY,11,Y,1,0.10974161349421943,,,XAP,Approved,-2411,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Regional / Local,50,Connectivity,10.0,high,POS mobile with interest,365243.0,-2378.0,-2108.0,-2108.0,-2103.0,0.0,0,Cash loans,F,N,N,0,112500.0,904500.0,38322.0,904500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-22744,365243,-4638.0,-1137,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,XNA,,0.6009312454742669,0.6940926425266661,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-1998.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1297259,398662,Cash loans,,0.0,0.0,,,TUESDAY,14,Y,1,,,,XNA,Refused,-374,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,157500.0,318411.0,33565.5,288000.0,Unaccompanied,State servant,Higher education,Widow,House / apartment,0.035792000000000004,-20934,-3108,-86.0,-2507,,1,1,0,1,1,0,Core staff,1.0,2,2,FRIDAY,12,0,0,0,0,1,1,Medicine,,0.7070674389877311,0.6832688314232291,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-444.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1825265,372787,Revolving loans,9000.0,180000.0,180000.0,,180000.0,WEDNESDAY,5,Y,1,,,,XAP,Approved,-255,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,Y,N,0,180000.0,1762110.0,48586.5,1575000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-18108,-195,-4460.0,-1662,21.0,1,1,1,1,0,0,Security staff,2.0,3,3,FRIDAY,10,0,0,0,0,1,1,Business Entity Type 3,,0.4764133477122117,0.7062051096536562,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-640.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1815438,224622,Consumer loans,3258.495,17955.0,17955.0,0.0,17955.0,MONDAY,14,Y,1,0.0,,,XAP,Approved,-333,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Regional / Local,500,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-303.0,-153.0,-153.0,-145.0,0.0,0,Cash loans,F,N,Y,4,90000.0,454500.0,35910.0,454500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-11765,-174,-969.0,-3395,,1,1,0,1,0,0,Laborers,6.0,2,2,FRIDAY,10,0,0,0,0,0,0,Self-employed,0.3933108000214261,0.09460395517868518,0.4471785780453068,0.0412,0.0471,0.9935,,,0.0,0.1379,0.1667,,0.0193,,0.0519,,0.0,0.042,0.0489,0.9935,,,0.0,0.1379,0.1667,,0.0197,,0.0541,,0.0,0.0416,0.0471,0.9935,,,0.0,0.1379,0.1667,,0.0196,,0.0528,,0.0,,block of flats,0.0408,"Stone, brick",No,0.0,0.0,0.0,0.0,-456.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,4.0 +1586643,251045,Consumer loans,10425.285,103809.6,103292.1,10381.5,103809.6,WEDNESDAY,17,Y,1,0.0994637037335606,0.19332993312932112,0.852536997885835,XAP,Approved,-105,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,17,Connectivity,12.0,middle,POS mobile with interest,365243.0,-61.0,269.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,270000.0,170640.0,11236.5,135000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010643000000000001,-14100,-2318,-7911.0,-4731,,1,1,0,1,0,0,Core staff,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Bank,0.3645035418908877,0.6892888332297292,0.6296742509538716,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-289.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1752987,244733,Consumer loans,7435.08,47367.0,46003.5,4738.5,47367.0,WEDNESDAY,15,Y,1,0.1017038601696282,,,XAP,Approved,-295,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,30,Connectivity,8.0,high,POS mobile with interest,365243.0,-264.0,-54.0,-114.0,-109.0,0.0,0,Cash loans,F,N,N,0,180000.0,1191397.5,47380.5,1021500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.00496,-22615,365243,-1998.0,-2010,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,XNA,0.6530431928202406,0.5760903375430992,0.17982176508970435,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-295.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1963797,352618,Consumer loans,6065.19,48141.0,53226.0,0.0,48141.0,MONDAY,12,Y,1,0.0,,,XAP,Approved,-1130,Cash through the bank,XAP,Family,Refreshed,Audio/Video,POS,XNA,Country-wide,1892,Consumer electronics,12.0,high,POS household with interest,365243.0,-1099.0,-769.0,-799.0,-794.0,0.0,0,Cash loans,M,Y,Y,0,157500.0,497520.0,52371.0,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010147,-15086,-2315,-719.0,-4405,8.0,1,1,1,1,0,0,Managers,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,Self-employed,0.5189787579514032,0.6535377977938318,0.6363761710860439,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2046.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2532159,297006,Consumer loans,10175.895,140044.5,132844.5,7200.0,140044.5,TUESDAY,19,Y,1,0.05599259196508642,,,XAP,Approved,-1130,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,1100,Consumer electronics,16.0,middle,POS household with interest,365243.0,-1099.0,-649.0,-949.0,-943.0,0.0,0,Cash loans,M,Y,Y,0,81000.0,314100.0,16573.5,225000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.010556,-20973,-153,-7249.0,-3227,31.0,1,1,0,1,0,0,Drivers,2.0,3,3,FRIDAY,11,0,0,0,0,0,0,Self-employed,,0.4824876494045626,0.5814837058057234,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1130.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2788220,328848,Consumer loans,11700.45,45000.0,45000.0,0.0,45000.0,THURSDAY,15,Y,1,0.0,,,XAP,Approved,-309,Cash through the bank,XAP,,Refreshed,Audio/Video,POS,XNA,Stone,143,Furniture,4.0,low_action,POS industry with interest,365243.0,-266.0,-176.0,-176.0,-173.0,0.0,0,Cash loans,M,N,N,0,112500.0,675000.0,64089.0,675000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.030755,-23712,365243,-9248.0,-4959,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,16,0,0,0,0,0,0,XNA,0.7573953068058127,0.5778889978777294,0.6313545365850379,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-309.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2677931,352523,Cash loans,17292.465,135000.0,162967.5,,135000.0,SUNDAY,11,Y,1,,,,Other,Refused,-156,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,middle,Cash Street: middle,,,,,,,0,Cash loans,M,N,Y,1,180000.0,450000.0,22018.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010147,-11872,-1476,-3560.0,-3576,,1,1,0,1,0,0,Drivers,3.0,2,2,TUESDAY,9,0,0,0,0,0,0,Transport: type 3,0.21194229346377336,0.7167630218497628,0.5334816299804352,0.2856,0.1091,0.9861,0.8096,0.0554,0.32,0.2759,0.3333,0.375,0.1718,0.2387,0.298,0.0309,0.0699,0.29100000000000004,0.1132,0.9861,0.8171,0.0559,0.3222,0.2759,0.3333,0.375,0.1757,0.2608,0.3105,0.0311,0.07400000000000001,0.2883,0.1091,0.9861,0.8121,0.0557,0.32,0.2759,0.3333,0.375,0.1748,0.2428,0.3034,0.0311,0.0713,reg oper spec account,block of flats,0.2344,"Stone, brick",No,0.0,0.0,0.0,0.0,-351.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,9.0 +2786344,115314,Cash loans,10941.03,135000.0,161730.0,,135000.0,SATURDAY,16,Y,1,,,,Other,Refused,-493,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Country-wide,28,Connectivity,36.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,76500.0,1078200.0,31522.5,900000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.015221,-19027,-1422,-5419.0,-2584,,1,1,1,1,1,0,Sales staff,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Self-employed,0.6562826321780612,0.4156526460626983,0.21885908222837447,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-960.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2418535,373051,Consumer loans,8400.105,48505.5,41107.5,9702.0,48505.5,TUESDAY,15,Y,1,0.2079603223806572,,,XAP,Approved,-370,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,33,Connectivity,6.0,high,POS mobile with interest,365243.0,-338.0,-188.0,-188.0,-183.0,0.0,1,Cash loans,F,N,N,1,67500.0,161730.0,14962.5,135000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.035792000000000004,-12791,-1112,-5813.0,-3714,,1,1,0,1,0,0,Waiters/barmen staff,2.0,2,2,MONDAY,11,0,0,0,0,1,1,Business Entity Type 3,0.6672216136366506,0.23115286412023,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1647840,290229,Consumer loans,7352.505,72808.2,72445.5,7283.7,72808.2,WEDNESDAY,12,Y,1,0.0994944318335748,0.14244021307945146,0.6379492600422833,XAP,Approved,-555,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,88,Connectivity,12.0,middle,POS mobile with interest,365243.0,-517.0,-187.0,-427.0,-425.0,0.0,0,Cash loans,M,Y,N,0,144000.0,497520.0,36184.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.00496,-8676,-693,-8676.0,-1313,65.0,1,1,0,1,0,0,,1.0,2,2,FRIDAY,13,0,0,0,0,1,1,Business Entity Type 3,,0.3012234013274257,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-555.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1590575,372758,Cash loans,62668.665,765000.0,898218.0,,765000.0,THURSDAY,10,Y,1,,,,XNA,Approved,-585,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,Y,Y,0,202500.0,668304.0,32278.5,540000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.016612000000000002,-11941,-1792,-5837.0,-4091,17.0,1,1,0,1,0,0,Medicine staff,2.0,2,2,MONDAY,14,0,0,0,0,1,1,School,0.33896474748686783,0.5230285445649655,0.5620604831738043,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2214.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +1761222,255422,Consumer loans,2171.52,18261.0,17595.0,2250.0,18261.0,SATURDAY,14,Y,1,0.12347969490826635,,,XAP,Approved,-1782,XNA,XAP,Other_B,Repeater,Mobile,POS,XNA,Country-wide,48,Connectivity,12.0,high,POS mobile with interest,365243.0,-1751.0,-1421.0,-1601.0,-1599.0,0.0,0,Cash loans,F,N,Y,0,180000.0,269550.0,14751.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.020246,-24238,365243,-1077.0,-4500,,1,0,0,1,0,0,,1.0,3,3,WEDNESDAY,12,0,0,0,0,0,0,XNA,,0.44578742344408256,0.2580842039460289,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,1.0,7.0,0.0,-1782.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2008527,271521,Revolving loans,,0.0,0.0,,,WEDNESDAY,17,Y,1,,,,XAP,Refused,-354,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Card Street,,,,,,,0,Cash loans,M,Y,N,0,135000.0,135000.0,14670.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.00496,-10685,-1467,-4539.0,-2508,23.0,1,1,1,1,1,0,,1.0,2,2,SUNDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.2284906380502136,0.7354832434876191,0.7338145369642702,0.0866,,0.9866,,,,0.2759,0.1667,,,,,,,0.0882,,0.9866,,,,0.2759,0.1667,,,,,,,0.0874,,0.9866,,,,0.2759,0.1667,,,,,,,,block of flats,0.083,,No,4.0,0.0,4.0,0.0,-649.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2587479,272289,Cash loans,,0.0,0.0,,,MONDAY,14,Y,1,,,,XNA,Refused,-166,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,1,202500.0,254700.0,20119.5,225000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0060079999999999995,-11834,-3497,-2531.0,-4470,,1,1,0,1,1,0,,3.0,2,2,SATURDAY,15,0,0,0,0,0,0,Services,,0.6133546352220471,0.3979463219016906,0.0825,0.079,0.9771,0.6872,0.008,0.0,0.1379,0.1667,0.2083,0.1054,0.0672,0.0706,0.0,0.0,0.084,0.08199999999999999,0.9772,0.6994,0.0081,0.0,0.1379,0.1667,0.2083,0.1078,0.0735,0.0736,0.0,0.0,0.0833,0.079,0.9771,0.6914,0.0081,0.0,0.1379,0.1667,0.2083,0.1072,0.0684,0.0719,0.0,0.0,reg oper account,block of flats,0.0599,Panel,No,1.0,1.0,1.0,1.0,-361.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +1320324,175218,Consumer loans,7492.95,39960.0,37863.0,3996.0,39960.0,WEDNESDAY,9,Y,1,0.10396825707081564,,,XAP,Approved,-475,Cash through the bank,XAP,,New,Computers,POS,XNA,Country-wide,50,Connectivity,6.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,N,0,225000.0,808650.0,26086.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.015221,-22551,365243,-6161.0,-4674,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,XNA,0.6325090780962261,0.7186946027461893,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-475.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1529614,124060,Cash loans,,0.0,0.0,,,TUESDAY,9,Y,1,,,,XNA,Refused,-199,XNA,SCOFR,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,1,Cash loans,M,Y,Y,1,225000.0,400500.0,19476.0,400500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.006305,-11159,-689,-4599.0,-2136,12.0,1,1,0,1,1,0,,2.0,3,3,FRIDAY,7,0,0,0,1,1,0,Business Entity Type 3,,0.034375433708366585,0.2405414172860865,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-568.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2149917,376208,Consumer loans,23681.655,204480.0,129168.0,81792.0,204480.0,SUNDAY,11,Y,1,0.4222550418864411,,,XAP,Approved,-256,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,30,Furniture,6.0,middle,POS industry with interest,365243.0,-226.0,-76.0,-76.0,-74.0,1.0,0,Cash loans,M,Y,N,0,382500.0,1195101.0,66730.5,1129500.0,Family,Working,Higher education,Married,House / apartment,0.015221,-10138,-1622,-4419.0,-2824,6.0,1,1,0,1,1,0,Managers,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.218357292805864,0.7277808859269436,0.13937578009978951,0.0742,0.0567,0.9364,0.1296,0.0309,0.08,0.069,0.3333,0.375,0.0816,0.0605,0.0797,0.0,0.0,0.0756,0.0588,0.9364,0.1637,0.0312,0.0806,0.069,0.3333,0.375,0.0835,0.0661,0.0831,0.0,0.0,0.0749,0.0567,0.9364,0.1412,0.0311,0.08,0.069,0.3333,0.375,0.083,0.0616,0.0812,0.0,0.0,reg oper account,block of flats,0.0796,Panel,No,0.0,0.0,0.0,0.0,-1312.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1489211,217824,Consumer loans,2651.67,21141.0,26311.5,0.0,21141.0,SATURDAY,15,Y,1,0.0,,,XAP,Approved,-804,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,3560,Consumer electronics,12.0,middle,POS household with interest,365243.0,-773.0,-443.0,-443.0,-439.0,0.0,0,Cash loans,F,N,Y,1,76500.0,360000.0,18508.5,360000.0,Unaccompanied,State servant,Secondary / secondary special,Married,With parents,0.018209,-10813,-1266,-178.0,-2976,,1,1,0,1,0,0,Core staff,3.0,3,3,FRIDAY,12,0,0,0,1,1,0,Kindergarten,,0.14285749872360765,0.5814837058057234,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-804.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2764918,165232,Consumer loans,7180.335,159385.5,159385.5,0.0,159385.5,FRIDAY,12,Y,1,0.0,,,XAP,Approved,-474,XNA,XAP,,Repeater,Audio/Video,POS,XNA,Regional / Local,700,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-444.0,246.0,-24.0,-17.0,0.0,0,Cash loans,M,Y,Y,0,157500.0,679500.0,26946.0,679500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.006670999999999999,-21873,-4691,-5411.0,-4486,13.0,1,1,1,1,1,0,Laborers,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Self-employed,0.7008380155433518,0.6256424549675339,0.40314167665875134,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2743.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,1.0 +1622341,112957,Cash loans,15790.5,225000.0,225000.0,,225000.0,TUESDAY,14,Y,1,,,,XNA,Refused,-377,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Stone,770,Construction,18.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,96750.0,135000.0,10795.5,135000.0,Unaccompanied,State servant,Higher education,Married,With parents,0.002042,-10597,-2050,-1055.0,-508,1.0,1,1,1,1,1,0,High skill tech staff,2.0,3,3,MONDAY,16,0,0,0,1,1,0,Housing,,0.17268175004790362,0.17146836689679945,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-385.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1643240,117808,Consumer loans,13627.215,119979.0,119979.0,0.0,119979.0,WEDNESDAY,8,Y,1,0.0,,,XAP,Approved,-28,Cash through the bank,XAP,"Spouse, partner",Repeater,Mobile,POS,XNA,Country-wide,25,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,365243.0,272.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,N,0,67500.0,135000.0,6750.0,180000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.031329,-13978,-2252,-5584.0,-3823,,1,1,1,1,1,0,High skill tech staff,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Services,,0.6303831365109536,,0.1124,,0.9891,,,0.0,0.2759,0.1667,,0.0848,,0.1307,,0.0,0.1145,,0.9891,,,0.0,0.2759,0.1667,,0.0867,,0.1362,,0.0,0.1135,,0.9891,,,0.0,0.2759,0.1667,,0.0863,,0.1331,,0.0,,block of flats,0.1028,Panel,No,0.0,0.0,0.0,0.0,-897.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2157237,279177,Consumer loans,5212.53,115092.0,115092.0,0.0,115092.0,SUNDAY,17,Y,1,0.0,,,XAP,Refused,-321,Cash through the bank,HC,,Repeater,Computers,POS,XNA,Country-wide,1500,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,0,Revolving loans,M,Y,N,2,238500.0,427500.0,21375.0,427500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.016612000000000002,-12929,-2356,-3463.0,-2040,64.0,1,1,1,1,1,0,,4.0,2,2,SATURDAY,14,0,0,0,0,0,0,Self-employed,,0.5172867815436667,0.6722428897082422,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1881.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2787815,382293,Consumer loans,5684.265,55080.0,60898.5,0.0,55080.0,TUESDAY,10,Y,1,0.0,,,XAP,Approved,-597,Cash through the bank,XAP,,Refreshed,Auto Accessories,POS,XNA,Stone,100,Auto technology,12.0,low_normal,POS other with interest,365243.0,-566.0,-236.0,-476.0,-459.0,0.0,0,Cash loans,M,Y,N,2,135000.0,1273500.0,37363.5,1273500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-14723,-702,-723.0,-4612,18.0,1,1,1,1,0,0,Laborers,4.0,2,2,TUESDAY,19,0,0,0,0,0,0,Trade: type 7,0.09994259567338484,0.6257960930991947,0.5190973382084597,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2120.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1555710,143767,Consumer loans,15200.865,149985.0,162855.0,0.0,149985.0,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-730,Cash through the bank,XAP,,Refreshed,Consumer Electronics,POS,XNA,Country-wide,157,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-691.0,-361.0,-361.0,-359.0,0.0,0,Cash loans,M,Y,Y,0,81000.0,573408.0,31234.5,495000.0,Unaccompanied,State servant,Secondary / secondary special,Married,Municipal apartment,0.0105,-11863,-1085,-1439.0,-1457,4.0,1,1,0,1,1,0,Drivers,2.0,3,3,TUESDAY,16,0,0,0,0,0,0,Medicine,0.2701278290265504,0.3925199858008061,0.5424451438613613,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-173.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +1486646,288109,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,11,Y,1,,,,XAP,Approved,-318,XNA,XAP,Family,Refreshed,XNA,Cards,walk-in,AP+ (Cash loan),20,XNA,0.0,XNA,Card Street,-286.0,-240.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,3,135000.0,801000.0,26469.0,801000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.00702,-12684,-3134,-5853.0,-1522,2.0,1,1,0,1,1,0,Drivers,5.0,2,2,SATURDAY,8,0,0,0,0,0,0,Other,0.6406804350031561,0.24974446728278485,0.4776491548517548,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,24.0,1.0,24.0,0.0,-318.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2534960,403047,Cash loans,49149.405,1363500.0,1787251.5,,1363500.0,TUESDAY,11,Y,1,,,,XNA,Refused,-172,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,126000.0,819432.0,24088.5,684000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.035792000000000004,-13295,-1501,-7136.0,-4638,,1,1,0,1,0,0,Core staff,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,Kindergarten,0.4300295781283349,0.5243867403327046,0.3606125659189888,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1468.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,8.0 +2307110,355840,Consumer loans,11746.125,125761.5,125761.5,0.0,125761.5,WEDNESDAY,15,Y,1,0.0,,,XAP,Approved,-992,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,1552,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-961.0,-631.0,-661.0,-652.0,0.0,0,Cash loans,M,Y,Y,1,202500.0,819432.0,24088.5,684000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0105,-9620,-2832,-4427.0,-2257,14.0,1,1,0,1,0,0,Laborers,3.0,3,3,MONDAY,10,0,0,0,0,0,0,Housing,,0.6101812833822955,0.4525335592581747,0.0722,0.0673,0.9861,0.8096,0.0012,0.04,0.0345,0.3333,0.0417,0.0337,0.0538,0.0728,0.0232,0.0715,0.0725,0.0694,0.9856,0.8105,0.0,0.0403,0.0345,0.3333,0.0417,0.0342,0.0588,0.0756,0.0195,0.0324,0.0729,0.0673,0.9861,0.8121,0.0012,0.04,0.0345,0.3333,0.0417,0.0343,0.0547,0.0741,0.0233,0.073,reg oper spec account,block of flats,0.0637,"Stone, brick",No,2.0,1.0,2.0,1.0,-992.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1075048,184111,Revolving loans,22500.0,0.0,450000.0,,,TUESDAY,16,Y,1,,,,XAP,Approved,-737,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-260.0,-209.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,F,N,Y,0,112500.0,545040.0,19705.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.032561,-20741,-1420,-18417.0,-4156,,1,1,0,1,1,0,Core staff,2.0,1,1,THURSDAY,14,0,0,0,0,0,0,School,,0.7174373273626072,0.2636468134452008,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1772.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2321413,379713,Consumer loans,18099.9,148860.0,148860.0,0.0,148860.0,TUESDAY,20,Y,1,0.0,,,XAP,Approved,-714,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,12.0,high,POS mobile with interest,365243.0,-675.0,-345.0,-585.0,-557.0,0.0,0,Cash loans,F,Y,Y,1,189000.0,661702.5,52411.5,598500.0,Unaccompanied,State servant,Incomplete higher,Married,House / apartment,0.032561,-8356,-1686,-7169.0,-917,1.0,1,1,0,1,1,1,Core staff,3.0,1,1,TUESDAY,16,0,0,0,0,0,0,Police,0.3410316344119445,0.5957178604207176,0.4561097392782771,0.4392,0.2291,0.9786,,,0.46,0.3966,0.3333,,,,0.3295,,0.0053,0.188,0.1066,0.9786,,,0.2014,0.1724,0.3333,,,,0.4792,,0.0011,0.4434,0.2291,0.9786,,,0.46,0.3966,0.3333,,,,0.4682,,0.0054,,block of flats,0.5691,,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1028108,262454,Consumer loans,4551.3,30105.0,28660.5,3010.5,30105.0,SUNDAY,6,Y,1,0.10352398666976673,,,XAP,Approved,-2557,XNA,XAP,Family,New,Computers,POS,XNA,Regional / Local,135,Consumer electronics,7.0,middle,POS household without interest,365243.0,-2526.0,-2346.0,-2346.0,-2340.0,1.0,0,Cash loans,M,Y,Y,0,135000.0,1024740.0,52452.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.010032,-23485,-178,-5216.0,-4237,12.0,1,1,0,1,1,1,,2.0,2,2,TUESDAY,5,0,0,0,0,0,0,Business Entity Type 3,,0.7086230811360525,0.7151031019926098,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,3.0,0.0,3.0,0.0,-2557.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +2745205,114794,Consumer loans,2991.285,57010.5,63432.0,0.0,57010.5,MONDAY,21,Y,1,0.0,,,XAP,Approved,-1623,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,2200,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1591.0,-901.0,-1021.0,-1015.0,0.0,0,Cash loans,F,N,Y,1,81000.0,490495.5,27517.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009549,-14786,-2387,-5575.0,-5583,,1,1,0,1,0,0,Sales staff,3.0,2,2,SUNDAY,11,0,0,0,1,1,0,Self-employed,,0.5467598743547601,0.6041125998015721,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1692.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1361722,339950,Consumer loans,13999.365,300015.0,314946.0,30001.5,300015.0,WEDNESDAY,13,Y,1,0.0947227068150687,,,XAP,Approved,-448,Cash through the bank,XAP,,New,Construction Materials,POS,XNA,Stone,50,Construction,36.0,middle,POS industry with interest,365243.0,-417.0,633.0,-27.0,-24.0,0.0,0,Cash loans,M,N,Y,0,193500.0,576072.0,28147.5,405000.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.007305,-9794,-511,-4368.0,-2478,,1,1,1,1,1,0,Cooking staff,2.0,3,3,WEDNESDAY,8,0,0,0,1,1,0,Other,0.04932209858438926,0.6442866536445991,0.25946765482111994,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-448.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2416279,364623,Consumer loans,10644.615,51660.0,54387.0,0.0,51660.0,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-761,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,100,Consumer electronics,6.0,high,POS household with interest,365243.0,-730.0,-580.0,-580.0,-571.0,0.0,0,Cash loans,F,N,Y,2,90000.0,835380.0,40320.0,675000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-11789,365243,-3976.0,-3981,,1,0,0,1,1,0,,4.0,2,2,THURSDAY,9,0,0,0,0,0,0,XNA,,0.3671018432753073,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1536.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1421460,119673,Consumer loans,16571.88,159660.0,137160.0,22500.0,159660.0,TUESDAY,11,Y,1,0.15347955314133446,,,XAP,Approved,-644,Cash through the bank,XAP,,New,Furniture,POS,XNA,Stone,35,Furniture,12.0,high,POS industry with interest,365243.0,-611.0,-281.0,-491.0,-478.0,0.0,0,Cash loans,F,N,Y,0,76500.0,254700.0,14350.5,225000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-24181,365243,-917.0,-4438,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,XNA,,0.6578672879033806,0.30620229831350426,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-644.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1893794,103148,Cash loans,25996.365,337500.0,384277.5,,337500.0,WEDNESDAY,7,Y,1,,,,Repairs,Approved,-355,Cash through the bank,XAP,,Refreshed,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,high,Cash Street: high,365243.0,-325.0,725.0,365243.0,365243.0,1.0,1,Cash loans,M,Y,Y,0,180000.0,592560.0,31153.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-22542,-740,-12001.0,-3698,17.0,1,1,0,1,0,0,Security staff,2.0,2,2,MONDAY,9,0,0,0,0,0,0,Housing,,0.17014429641071435,0.2340151665320674,,,0.9737,,,,,,,,,0.002,,,,,0.9737,,,,,,,,,0.0021,,,,,0.9737,,,,,,,,,0.002,,,,block of flats,0.0016,,Yes,1.0,1.0,1.0,1.0,-355.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1155914,136720,Consumer loans,13666.275,120573.0,133303.5,0.0,120573.0,TUESDAY,6,Y,1,0.0,,,XAP,Approved,-1175,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,2775,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1142.0,-812.0,-812.0,-805.0,0.0,0,Cash loans,M,N,Y,0,153000.0,399559.5,31050.0,342000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.020713,-11384,-1139,-1838.0,-3826,,1,1,0,1,0,0,Laborers,2.0,3,3,MONDAY,10,1,1,0,1,1,1,Business Entity Type 3,0.3585782729295974,0.5422909059653945,0.42765737003502935,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +2552248,146434,Consumer loans,11173.95,112972.5,111739.5,11299.5,112972.5,THURSDAY,11,Y,1,0.10001855287569576,,,XAP,Approved,-2290,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Stone,58,Consumer electronics,12.0,middle,POS household with interest,365243.0,-2258.0,-1928.0,-1928.0,-453.0,1.0,0,Cash loans,M,N,Y,2,105750.0,225000.0,8613.0,225000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.022625,-18058,-365,-6909.0,-1343,,1,1,1,1,1,0,,4.0,2,2,FRIDAY,11,0,0,0,0,1,1,Business Entity Type 2,,0.7849489684715455,0.6801388218428291,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2290.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1237267,302545,Consumer loans,30569.715,340658.235,334827.0,29640.735,340658.235,SATURDAY,17,Y,1,0.08857150284447735,,,XAP,Approved,-2227,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,3100,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-2196.0,-1866.0,-1866.0,-1862.0,1.0,0,Cash loans,F,N,Y,0,112500.0,675000.0,26541.0,675000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.028663,-23547,365243,-10180.0,-4016,,1,0,0,1,0,0,,2.0,2,2,SUNDAY,14,0,0,0,0,0,0,XNA,,0.5270311685575078,0.4614823912998385,0.1474,0.0014,0.9752,,,0.0,0.2759,0.1667,,,,0.114,,0.048,0.1502,0.0014,0.9752,,,0.0,0.2759,0.1667,,,,0.1187,,0.0508,0.1489,0.0014,0.9752,,,0.0,0.2759,0.1667,,,,0.116,,0.049,,,0.146,"Stone, brick",No,0.0,0.0,0.0,0.0,-1195.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1064013,176388,Consumer loans,,94365.0,94365.0,0.0,94365.0,MONDAY,16,Y,1,0.0,,,XAP,Refused,-853,Cash through the bank,LIMIT,,Repeater,Mobile,XNA,XNA,Country-wide,35,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,M,Y,N,0,270000.0,270000.0,30667.5,270000.0,Unaccompanied,Commercial associate,Higher education,Married,Co-op apartment,0.011656999999999999,-14969,-511,-765.0,-648,1.0,1,1,0,1,1,0,Drivers,2.0,1,1,FRIDAY,18,1,1,0,1,1,1,Business Entity Type 3,,0.6328203634442454,0.3046721837533529,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-961.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2774074,309027,Cash loans,47484.18,1129500.0,1129500.0,,1129500.0,FRIDAY,7,Y,1,,,,XNA,Approved,-454,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-424.0,986.0,-304.0,-298.0,0.0,0,Cash loans,F,N,N,0,270000.0,679500.0,34825.5,679500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018209,-19831,-783,-401.0,-3352,,1,1,1,1,1,0,Laborers,2.0,3,3,MONDAY,13,0,0,0,0,0,0,Trade: type 3,,0.5667777525928264,0.2418614865234661,0.1866,0.0144,0.9762,0.6736,0.0096,0.0,0.0345,0.1667,0.2083,0.0645,0.1521,0.0566,0.0,0.0,0.1901,0.0149,0.9762,0.6864,0.0097,0.0,0.0345,0.1667,0.2083,0.066,0.1662,0.0589,0.0,0.0,0.1884,0.0144,0.9762,0.6779999999999999,0.0097,0.0,0.0345,0.1667,0.2083,0.0656,0.1548,0.0576,0.0,0.0,reg oper spec account,specific housing,0.0734,"Stone, brick",No,0.0,0.0,0.0,0.0,-846.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,9.0 +2644418,236110,Consumer loans,30601.98,290700.0,290700.0,0.0,290700.0,MONDAY,11,Y,1,0.0,,,XAP,Approved,-350,Cash through the bank,XAP,Unaccompanied,New,Furniture,POS,XNA,Regional / Local,20,Furniture,10.0,low_action,POS industry without interest,365243.0,-310.0,-40.0,-40.0,-36.0,0.0,0,Revolving loans,F,N,Y,0,90000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.022625,-22208,-3043,-7321.0,-4358,,1,1,0,1,1,0,,1.0,2,2,MONDAY,14,0,0,0,0,0,0,Other,0.7875191359079629,0.6803211845067775,,0.334,0.2106,0.9811,0.7416,0.1354,0.4,0.3448,0.3333,0.375,0.2369,0.2723,0.3661,0.0,0.0,0.3403,0.2185,0.9811,0.7517,0.1366,0.4028,0.3448,0.3333,0.375,0.2423,0.2975,0.3814,0.0,0.0,0.3373,0.2106,0.9811,0.7451,0.1363,0.4,0.3448,0.3333,0.375,0.241,0.277,0.3726,0.0,0.0,,block of flats,0.3619,Panel,No,,,,,-350.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2641266,303258,Consumer loans,6437.52,69772.5,62793.0,6979.5,69772.5,MONDAY,11,Y,1,0.10894421154466297,,,XAP,Approved,-367,XNA,XAP,,New,Consumer Electronics,POS,XNA,Stone,335,Consumer electronics,12.0,middle,POS household with interest,365243.0,-335.0,-5.0,-185.0,-179.0,0.0,0,Cash loans,F,N,Y,1,180000.0,344043.0,18792.0,297000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-15342,-4216,-1878.0,-1652,,1,1,0,1,0,0,Sales staff,3.0,2,2,THURSDAY,11,0,0,0,0,0,0,Industry: type 3,,0.5402004768065105,0.4543210601605785,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-367.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,4.0 +2363007,222229,Consumer loans,2937.015,34650.0,30645.0,6930.0,34650.0,TUESDAY,18,Y,1,0.20086227544910168,,,XAP,Approved,-832,Cash through the bank,XAP,Unaccompanied,Refreshed,Sport and Leisure,POS,XNA,Stone,199,Industry,12.0,low_normal,POS industry with interest,365243.0,-799.0,-469.0,-739.0,-736.0,0.0,0,Revolving loans,M,Y,Y,1,135000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.026392000000000002,-10477,-1115,-941.0,-2774,1.0,1,1,0,1,1,0,Drivers,3.0,2,2,MONDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.6580100089987123,0.32173528219668485,0.1866,,0.9856,,,0.2,0.1724,0.3333,,,,0.1168,,0.2675,0.1901,,0.9856,,,0.2014,0.1724,0.3333,,,,0.1217,,0.2832,0.1884,,0.9856,,,0.2,0.1724,0.3333,,,,0.1189,,0.2731,,block of flats,0.15,Panel,No,,,,,-353.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1887528,342167,Cash loans,33774.345,675000.0,744498.0,,675000.0,MONDAY,9,Y,1,,,,XNA,Approved,-1096,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,Y,N,0,202500.0,679500.0,28917.0,679500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.028663,-21739,-5029,-8841.0,-536,8.0,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Other,,0.19118410369536773,0.3962195720630885,0.0619,0.0585,0.9776,,,0.0,0.1034,0.1667,,0.0,,0.0513,,0.0,0.063,0.0607,0.9777,,,0.0,0.1034,0.1667,,0.0,,0.0534,,0.0,0.0625,0.0585,0.9776,,,0.0,0.1034,0.1667,,0.0,,0.0522,,0.0,,block of flats,0.0561,Mixed,No,3.0,2.0,3.0,2.0,-2110.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +1943289,338570,Cash loans,29089.98,450000.0,604656.0,,450000.0,MONDAY,16,Y,1,,,,XNA,Refused,-886,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,Y,Y,0,202500.0,1256400.0,36864.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-11790,-1177,-5615.0,-797,7.0,1,1,0,1,0,0,Medicine staff,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Medicine,,0.7043925956170796,0.445396241560834,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1481.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1232852,229032,Consumer loans,11948.175,107235.0,118557.0,0.0,107235.0,THURSDAY,10,Y,1,0.0,,,XAP,Approved,-164,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Country-wide,124,Consumer electronics,12.0,middle,POS industry with interest,365243.0,-134.0,196.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,0,67500.0,284400.0,16326.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020246,-22111,365243,-10176.0,-4909,11.0,1,0,0,1,1,0,,2.0,3,3,SUNDAY,7,0,0,0,0,0,0,XNA,0.5659024483737355,0.4749189673561161,0.5832379256761245,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1294.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1878572,105065,Revolving loans,6750.0,135000.0,135000.0,,135000.0,SATURDAY,17,Y,1,,,,XAP,Refused,-330,XNA,HC,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,Y,Y,1,225000.0,98910.0,8059.5,90000.0,Unaccompanied,State servant,Secondary / secondary special,Married,Office apartment,0.011656999999999999,-10267,-305,-1305.0,-551,7.0,1,1,1,1,0,0,,3.0,1,1,SUNDAY,12,0,0,0,0,0,0,Other,,0.5739260765922921,0.25259869783397665,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-619.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2821118,377123,Consumer loans,9632.79,43155.0,35662.5,8631.0,43155.0,THURSDAY,9,Y,1,0.21221948223472145,,,XAP,Approved,-1313,XNA,XAP,Unaccompanied,Refreshed,Mobile,POS,XNA,Country-wide,5,Connectivity,4.0,middle,POS mobile without interest,365243.0,-1282.0,-1192.0,-1192.0,-1183.0,0.0,0,Cash loans,F,Y,N,0,135000.0,675000.0,28728.0,675000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.028663,-13917,-3868,-4609.0,-4276,8.0,1,1,1,1,1,0,Core staff,2.0,2,2,SUNDAY,17,0,0,0,0,0,0,Government,0.4456935728778276,0.4285445769306092,0.7597121819739279,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1313.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1119005,336677,Consumer loans,3441.87,28305.0,28305.0,0.0,28305.0,SATURDAY,10,Y,1,0.0,,,XAP,Approved,-1444,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Regional / Local,800,Consumer electronics,12.0,high,POS household with interest,365243.0,-1413.0,-1083.0,-1083.0,-1079.0,0.0,0,Cash loans,F,N,N,0,45000.0,98910.0,7011.0,90000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,Rented apartment,0.018209,-23843,365243,-2671.0,-4042,,1,0,0,1,1,0,,1.0,3,3,MONDAY,8,0,0,0,0,0,0,XNA,,0.17116252814925367,0.7476633896301825,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2487525,163458,Cash loans,32948.19,463500.0,491031.0,,463500.0,FRIDAY,12,Y,1,,,,XNA,Approved,-188,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-158.0,352.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,1,225000.0,766404.0,24853.5,549000.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.035792000000000004,-14602,-3768,-8749.0,-4293,,1,1,1,1,1,1,Accountants,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.4555604161990969,0.6504814651394691,0.7338145369642702,0.2072,0.1441,0.9881,0.8368,0.0442,0.2,0.1724,0.375,0.4167,0.0596,0.1689,0.2128,0.0,0.0,0.2111,0.1495,0.9881,0.8432,0.0446,0.2014,0.1724,0.375,0.4167,0.0609,0.1846,0.2217,0.0,0.0,0.2092,0.1441,0.9881,0.8390000000000001,0.0445,0.2,0.1724,0.375,0.4167,0.0606,0.1719,0.2166,0.0,0.0,reg oper spec account,block of flats,0.1916,Panel,No,1.0,1.0,1.0,0.0,-962.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2161959,109543,Consumer loans,8085.105,112036.5,112036.5,0.0,112036.5,THURSDAY,13,Y,1,0.0,,,XAP,Approved,-1681,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,3303,Consumer electronics,24.0,high,POS household with interest,365243.0,-1650.0,-960.0,-960.0,-936.0,0.0,0,Cash loans,F,N,N,1,67500.0,283500.0,19075.5,283500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-15781,-3328,-569.0,-4496,,1,1,0,1,0,0,Cleaning staff,3.0,2,2,FRIDAY,14,0,0,0,0,0,0,Housing,0.6463177827017937,0.6470282604438302,0.12140828616312165,0.0928,0.0843,0.9811,0.7416,0.0079,0.0,0.2069,0.1667,0.2083,0.0,0.0756,0.0879,0.0,0.0,0.0945,0.0875,0.9811,0.7517,0.008,0.0,0.2069,0.1667,0.2083,0.0,0.0826,0.0916,0.0,0.0,0.0937,0.0843,0.9811,0.7451,0.008,0.0,0.2069,0.1667,0.2083,0.0,0.077,0.0895,0.0,0.0,reg oper account,block of flats,0.0692,Panel,No,4.0,0.0,4.0,0.0,-556.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,8.0 +1878723,167553,Consumer loans,2119.185,42237.0,46989.0,0.0,42237.0,MONDAY,14,Y,1,0.0,,,XAP,Approved,-1742,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,3303,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1709.0,-1019.0,-1199.0,-1197.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,225000.0,16371.0,225000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.015221,-21453,-3388,-10203.0,-4892,7.0,1,1,1,1,1,0,Laborers,2.0,2,2,SUNDAY,10,0,0,0,0,0,0,Business Entity Type 2,,0.5490294816303962,0.7421816117614419,0.1072,0.0677,0.9866,0.83,0.0438,0.12,0.1034,0.375,0.4167,0.0751,0.0672,0.1128,0.0,0.048,0.084,0.0445,0.9861,0.8367,0.0442,0.0806,0.069,0.375,0.4167,0.0547,0.0735,0.0915,0.0,0.0,0.1083,0.0677,0.9866,0.8323,0.044,0.12,0.1034,0.375,0.4167,0.0764,0.0684,0.1149,0.0,0.049,reg oper account,block of flats,0.1763,Panel,No,5.0,0.0,5.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2424437,169684,Cash loans,41330.88,180000.0,208831.5,,180000.0,FRIDAY,10,Y,1,,,,XNA,Approved,-378,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,high,Cash X-Sell: high,365243.0,-348.0,-198.0,-198.0,-194.0,1.0,0,Cash loans,M,Y,N,1,157500.0,521280.0,41062.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.028663,-10159,-315,-2053.0,-2648,8.0,1,1,0,1,0,1,Sales staff,3.0,2,2,FRIDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.3149211568746957,0.4541273177517018,0.6910212267577837,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-378.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2460084,282027,Consumer loans,12957.615,117796.5,117796.5,0.0,117796.5,FRIDAY,9,Y,1,0.0,,,XAP,Approved,-1476,Cash through the bank,XAP,Unaccompanied,New,Photo / Cinema Equipment,POS,XNA,Country-wide,2000,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1445.0,-1175.0,-1205.0,-1201.0,0.0,0,Cash loans,F,Y,N,0,157500.0,630000.0,41346.0,630000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.028663,-9270,-1685,-9242.0,-1778,5.0,1,1,1,1,1,0,Core staff,1.0,2,2,THURSDAY,16,0,0,0,0,0,0,Trade: type 2,,0.4361760735485749,,0.3165,0.1701,0.9806,0.7348,0.0488,0.24,0.2069,0.3333,0.375,0.1301,0.2429,0.2596,0.0695,0.1874,0.3225,0.1765,0.9806,0.7452,0.0492,0.2417,0.2069,0.3333,0.375,0.1331,0.2654,0.2704,0.07,0.1984,0.3196,0.1701,0.9806,0.7383,0.0491,0.24,0.2069,0.3333,0.375,0.1324,0.2471,0.2642,0.0699,0.1914,reg oper account,block of flats,0.2716,"Stone, brick",No,7.0,0.0,6.0,0.0,-1476.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2331620,185281,Consumer loans,6809.04,84946.5,85972.5,9000.0,84946.5,MONDAY,14,Y,1,0.10320690917705844,,,XAP,Approved,-1662,XNA,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,150,Consumer electronics,16.0,middle,POS household with interest,365243.0,-1631.0,-1181.0,-1271.0,-1264.0,0.0,0,Cash loans,F,N,Y,0,202500.0,289597.5,14062.5,234000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.0105,-23283,365243,-9157.0,-4248,,1,0,0,1,0,0,,1.0,3,3,THURSDAY,13,0,0,0,0,0,0,XNA,,0.4086486483559279,0.8193176922872417,0.0186,0.0353,0.9856,0.8028,0.0138,0.0,0.069,0.0833,0.125,0.0189,0.0151,0.0181,0.0,0.0,0.0189,0.0367,0.9856,0.8105,0.0139,0.0,0.069,0.0833,0.125,0.0194,0.0165,0.0189,0.0,0.0,0.0187,0.0353,0.9856,0.8054,0.0139,0.0,0.069,0.0833,0.125,0.0193,0.0154,0.0184,0.0,0.0,reg oper account,block of flats,0.0218,Panel,No,0.0,0.0,0.0,0.0,-800.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1411551,113125,Consumer loans,7534.62,26446.5,26446.5,0.0,26446.5,SUNDAY,7,Y,1,0.0,,,XAP,Approved,-2820,XNA,XAP,,Repeater,Consumer Electronics,POS,XNA,Stone,300,Furniture,4.0,high,POS industry with interest,365243.0,-2781.0,-2691.0,-2691.0,-2589.0,0.0,0,Cash loans,F,N,Y,0,90000.0,143910.0,14148.0,135000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.020713,-25046,365243,-12486.0,-4789,,1,0,0,1,0,0,,1.0,3,2,SATURDAY,14,0,0,0,0,0,0,XNA,,0.4794415525441026,0.7557400501752248,0.1464,0.0684,0.9821,0.8164,0.1375,0.08,0.069,0.3333,0.375,0.0643,0.1194,0.0956,0.0,0.0,0.1492,0.071,0.9821,0.8236,0.1388,0.0806,0.069,0.3333,0.375,0.0658,0.1304,0.0996,0.0,0.0,0.1478,0.0684,0.9821,0.8189,0.1384,0.08,0.069,0.3333,0.375,0.0654,0.1214,0.0973,0.0,0.0,reg oper account,block of flats,0.0752,Panel,No,1.0,0.0,1.0,0.0,-1008.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2264153,155399,Cash loans,11512.395,157500.0,219870.0,,157500.0,FRIDAY,14,Y,1,,,,XNA,Refused,-154,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),50,XNA,36.0,middle,Cash X-Sell: middle,,,,,,,1,Cash loans,M,Y,Y,0,180000.0,521280.0,35392.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.011656999999999999,-14109,-1782,-4229.0,-3910,2.0,1,1,1,1,0,0,Laborers,2.0,1,1,FRIDAY,16,0,0,0,0,0,0,Self-employed,,0.3496064849248141,0.2750003523983893,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-422.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2167006,163002,Revolving loans,9000.0,180000.0,180000.0,,180000.0,SATURDAY,15,Y,1,,,,XAP,Approved,-341,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-341.0,-300.0,365243.0,-55.0,-22.0,0.0,0,Cash loans,M,Y,Y,2,135000.0,119893.5,14355.0,103500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-10048,-2930,-751.0,-2730,22.0,1,1,0,1,0,0,Core staff,4.0,2,2,THURSDAY,11,0,0,0,0,0,0,Agriculture,,0.6401413708358306,0.5814837058057234,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1763.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1609608,398072,Consumer loans,11397.375,49455.0,58239.0,0.0,49455.0,FRIDAY,13,Y,1,0.0,,,XAP,Approved,-1537,Cash through the bank,XAP,Unaccompanied,Repeater,Auto Accessories,POS,XNA,Regional / Local,100,Consumer electronics,6.0,high,POS household with interest,365243.0,-1506.0,-1356.0,-1356.0,-1352.0,0.0,0,Cash loans,F,N,N,2,135000.0,314055.0,16164.0,238500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.031329,-14661,-2565,-6293.0,-4269,,1,1,0,1,0,0,Laborers,4.0,2,2,TUESDAY,14,0,0,0,0,0,0,Trade: type 1,0.7681726227502769,0.4306504674275795,0.7407990879702335,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1039.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2643595,299195,Consumer loans,7321.995,88186.5,100246.5,0.0,88186.5,TUESDAY,20,Y,1,0.0,,,XAP,Approved,-617,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,550,Consumer electronics,18.0,middle,POS household with interest,365243.0,-586.0,-76.0,-76.0,-73.0,0.0,1,Revolving loans,F,N,N,1,81000.0,247500.0,12375.0,247500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.009175,-8636,-1933,-2860.0,-1293,,1,1,1,1,1,0,Sales staff,3.0,2,2,WEDNESDAY,15,0,0,0,1,1,0,Services,,0.22836655583949755,0.7675231046555077,0.1113,0.0367,0.9861,,,0.04,0.0345,0.3333,,0.0559,,0.0382,,0.1123,0.1134,0.0381,0.9861,,,0.0403,0.0345,0.3333,,0.0571,,0.0398,,0.1189,0.1124,0.0367,0.9861,,,0.04,0.0345,0.3333,,0.0568,,0.0389,,0.1147,,block of flats,0.0575,Panel,No,4.0,1.0,4.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1215418,183777,Cash loans,37255.5,1350000.0,1350000.0,,1350000.0,THURSDAY,14,Y,1,,,,Repairs,Refused,-89,Cash through the bank,HC,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,N,0,180000.0,900000.0,23742.0,900000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.035792000000000004,-11202,-2946,-41.0,-1602,,1,1,0,1,0,0,Core staff,2.0,2,2,SATURDAY,17,0,0,0,0,0,0,Police,0.6268469649820247,0.6554909952808194,0.3893387918468769,0.0742,0.0385,0.9836,0.7756,0.0132,0.08,0.069,0.3333,0.0417,0.0131,0.0605,0.0721,0.0,0.0,0.0756,0.04,0.9836,0.7844,0.0133,0.0806,0.069,0.3333,0.0417,0.0134,0.0661,0.0709,0.0,0.0,0.0749,0.0385,0.9836,0.7786,0.0132,0.08,0.069,0.3333,0.0417,0.0134,0.0616,0.0734,0.0,0.0,reg oper account,block of flats,0.0599,Panel,No,3.0,1.0,3.0,0.0,-1070.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,3.0 +1293958,400885,Consumer loans,4263.885,68809.5,68809.5,0.0,68809.5,WEDNESDAY,11,Y,1,0.0,,,XAP,Approved,-489,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Regional / Local,180,Consumer electronics,18.0,low_action,POS household without interest,365243.0,-458.0,52.0,365243.0,365243.0,0.0,1,Cash loans,M,Y,Y,0,81000.0,253737.0,14697.0,229500.0,Unaccompanied,Working,Lower secondary,Separated,House / apartment,0.010556,-15610,-1502,-7278.0,-2132,16.0,1,1,0,1,0,0,Laborers,1.0,3,3,TUESDAY,10,0,0,0,0,1,1,Business Entity Type 3,,0.2895367778304887,0.6041125998015721,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-489.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2339989,427233,Consumer loans,27225.0,247500.0,247500.0,0.0,247500.0,SATURDAY,9,Y,1,0.0,,,XAP,Approved,-537,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Stone,50,Furniture,10.0,low_normal,POS industry with interest,365243.0,-504.0,-234.0,-234.0,-228.0,0.0,1,Cash loans,F,N,Y,0,144000.0,334152.0,18256.5,270000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-21049,365243,-11728.0,-4606,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,XNA,,0.2537109977247107,,0.0227,,0.9806,,,0.0,0.1034,0.0417,,,,0.018000000000000002,,0.0,0.0231,,0.9806,,,0.0,0.1034,0.0417,,,,0.0188,,0.0,0.0229,,0.9806,,,0.0,0.1034,0.0417,,,,0.0183,,0.0,,block of flats,0.0142,"Stone, brick",No,2.0,1.0,2.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1609662,264445,Cash loans,22772.34,180000.0,191880.0,,180000.0,TUESDAY,8,Y,1,,,,XNA,Approved,-901,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Country-wide,60,Connectivity,12.0,high,Cash Street: high,365243.0,-871.0,-541.0,-541.0,-532.0,1.0,0,Cash loans,M,Y,Y,0,225000.0,573628.5,24435.0,463500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-18843,-2072,-2084.0,-2106,29.0,1,1,0,1,0,0,Sales staff,2.0,3,3,SUNDAY,11,0,0,0,0,0,0,Trade: type 7,0.4181452498050049,0.4219653260716605,0.3441550073724169,,,0.9682,,,,0.1034,0.0,,0.002,,0.0025,,,,,0.9682,,,,0.1034,0.0,,0.002,,0.0026,,,,,0.9682,,,,0.1034,0.0,,0.002,,0.0026,,,,block of flats,0.002,,Yes,0.0,0.0,0.0,0.0,-901.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2236384,422653,Cash loans,16551.45,472500.0,566055.0,,472500.0,WEDNESDAY,11,Y,1,,,,XNA,Refused,-205,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,112500.0,219042.0,14769.0,193500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-20566,-3145,-5356.0,-3208,,1,1,0,1,1,0,,2.0,2,2,FRIDAY,12,0,0,0,0,1,1,Other,,0.3154501269358706,0.5388627065779676,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1647604,127814,Cash loans,13906.71,180000.0,203760.0,0.0,180000.0,TUESDAY,8,Y,1,0.0,,,XNA,Approved,-2272,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,24.0,high,Cash Street: high,365243.0,-2242.0,-1552.0,-1552.0,-1546.0,1.0,0,Cash loans,M,N,Y,0,202500.0,247275.0,17338.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-24042,365243,-1586.0,-4321,,1,0,0,1,1,0,,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,XNA,,0.6608240901331563,0.4974688893052743,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1494.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1974475,375811,Cash loans,37219.32,585000.0,666535.5,,585000.0,FRIDAY,9,Y,1,,,,XNA,Approved,-630,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-600.0,90.0,-570.0,-565.0,1.0,1,Cash loans,M,N,Y,0,112500.0,316125.0,14868.0,261000.0,Unaccompanied,Working,Lower secondary,Married,House / apartment,0.035792000000000004,-20393,-188,-7122.0,-3654,,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,15,0,0,0,0,1,1,Business Entity Type 3,,0.6937018676007985,0.12769879437277135,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1678.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1365566,404617,Consumer loans,15803.1,270184.5,305847.0,0.0,270184.5,MONDAY,5,Y,1,0.0,,,XAP,Approved,-535,Cash through the bank,XAP,,Refreshed,Consumer Electronics,POS,XNA,Country-wide,2417,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-504.0,186.0,-144.0,-137.0,0.0,0,Revolving loans,F,N,Y,0,157500.0,225000.0,11250.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-16321,-4084,-5445.0,-4580,,1,1,0,1,0,0,Core staff,2.0,3,3,THURSDAY,12,0,0,0,0,0,0,Military,,0.5435336029491928,0.5902333386185574,0.0031,0.0,0.9603,0.456,0.0016,0.0,0.0,0.0,0.0417,0.0062,0.0025,0.003,0.0,0.0042,0.0021,0.0,0.9494,0.3336,0.0,0.0,0.0,0.0,0.0417,0.0019,0.0018,0.0016,0.0,0.0,0.0031,0.0,0.9603,0.4633,0.0016,0.0,0.0,0.0,0.0417,0.0063,0.0026,0.003,0.0,0.0043,not specified,block of flats,0.006999999999999999,Wooden,No,0.0,0.0,0.0,0.0,-1659.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2491698,396726,Consumer loans,5556.15,42538.5,53734.5,0.0,42538.5,TUESDAY,16,Y,1,0.0,,,XAP,Approved,-336,Cash through the bank,XAP,,New,Construction Materials,POS,XNA,Stone,11,Construction,12.0,middle,POS industry with interest,365243.0,-299.0,31.0,-149.0,-142.0,0.0,0,Cash loans,M,Y,Y,0,112500.0,448056.0,21015.0,315000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.00823,-17507,-512,-1002.0,-1008,14.0,1,1,0,1,0,0,Drivers,1.0,2,2,TUESDAY,11,0,0,0,0,1,1,Self-employed,,0.49085132148718397,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-336.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2638385,340600,Cash loans,6481.755,90000.0,116077.5,,90000.0,MONDAY,15,Y,1,,,,XNA,Approved,-590,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-560.0,130.0,-200.0,-192.0,1.0,0,Cash loans,F,N,Y,0,126000.0,585000.0,18999.0,585000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.028663,-17106,-3357,-7359.0,-636,,1,1,0,1,0,0,,1.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Self-employed,,0.7801826317753551,0.5064842396679806,0.1485,0.0985,0.9876,,,0.16,0.1379,0.3333,,0.1512,,0.1647,,0.0085,0.1513,0.1023,0.9876,,,0.1611,0.1379,0.3333,,0.1547,,0.1716,,0.0091,0.1499,0.0985,0.9876,,,0.16,0.1379,0.3333,,0.1539,,0.1677,,0.0087,,block of flats,0.1647,Panel,No,2.0,2.0,2.0,1.0,-1416.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +1135114,175713,Consumer loans,5521.635,63000.0,54400.5,13500.0,63000.0,TUESDAY,11,Y,1,0.2165334168780388,,,XAP,Approved,-2030,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Stone,100,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1997.0,-1667.0,-1667.0,-1661.0,0.0,0,Cash loans,M,N,Y,0,157500.0,545040.0,25537.5,450000.0,Other_B,Working,Secondary / secondary special,Single / not married,House / apartment,0.025164,-19697,-1250,-3926.0,-1742,,1,1,1,1,1,0,,1.0,2,2,TUESDAY,8,0,0,0,0,1,1,Government,,0.16214456766623808,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-287.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2671205,338697,Consumer loans,15376.68,341325.0,341325.0,0.0,341325.0,SATURDAY,17,Y,1,0.0,,,XAP,Approved,-515,Cash through the bank,XAP,,Repeater,Clothing and Accessories,POS,XNA,Regional / Local,86,Clothing,24.0,low_action,POS industry without interest,365243.0,-484.0,206.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,180000.0,685386.0,43803.0,585000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.019101,-11065,-165,-1261.0,-2757,,1,1,0,1,0,0,High skill tech staff,2.0,2,2,WEDNESDAY,13,0,0,0,1,1,0,Business Entity Type 3,0.2672186149277788,0.6609074073182916,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-784.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2397206,233626,Consumer loans,7385.13,68625.0,67878.0,6862.5,68625.0,FRIDAY,13,Y,1,0.0999978106065167,,,XAP,Approved,-2250,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,106,Consumer electronics,12.0,high,POS household with interest,365243.0,-2219.0,-1889.0,-1889.0,-1604.0,0.0,0,Cash loans,F,N,Y,0,135000.0,495000.0,16096.5,495000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.030755,-13116,-3576,-2195.0,-4359,,1,1,1,1,1,0,Core staff,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Agriculture,0.4732270518857622,0.4937972752543653,0.6577838002083306,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1224.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +2037860,416138,Consumer loans,13631.355,110309.04,120015.54,0.0,110309.04,SATURDAY,19,Y,1,0.0,,,XAP,Approved,-530,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,40,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-490.0,-220.0,-250.0,-242.0,0.0,0,Cash loans,M,N,Y,0,180000.0,270000.0,13117.5,270000.0,Unaccompanied,State servant,Secondary / secondary special,Married,With parents,0.019101,-10675,-2798,-16.0,-21,,1,1,0,1,0,1,Core staff,2.0,2,2,THURSDAY,17,0,0,0,0,0,0,Police,0.2957898311541269,0.6087447391503361,,0.1299,0.1019,0.9861,0.7688,0.0376,0.16,0.1293,0.3021,0.375,0.041,0.1412,0.1396,0.0,0.0283,0.1513,0.0195,0.9831,0.7779,0.0287,0.1611,0.1379,0.3333,0.375,0.0084,0.1322,0.0,0.0,0.0,0.1499,0.1097,0.9831,0.7719,0.0331,0.16,0.1379,0.3333,0.375,0.0391,0.1231,0.1608,0.0,0.0026,reg oper account,block of flats,0.192,Panel,No,2.0,0.0,2.0,0.0,-530.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2101758,397701,Consumer loans,6993.945,76176.0,76176.0,0.0,76176.0,SUNDAY,18,Y,1,0.0,,,XAP,Approved,-825,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,3268,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-794.0,-464.0,-464.0,-461.0,0.0,0,Cash loans,F,N,N,1,135000.0,490495.5,27517.5,454500.0,Unaccompanied,Working,Higher education,Married,With parents,0.019101,-10877,-2349,-4826.0,-1863,,1,1,0,1,0,0,Core staff,3.0,2,2,SATURDAY,11,0,0,0,0,0,0,Telecom,0.1817894890067584,0.7027187802015383,0.19747451156854226,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-825.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1249714,450125,Consumer loans,2713.005,22140.0,19890.0,2250.0,22140.0,SUNDAY,14,Y,1,0.11067997043606796,,,XAP,Approved,-1998,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,65,Connectivity,10.0,high,POS mobile with interest,365243.0,-1962.0,-1692.0,-1692.0,-1683.0,0.0,0,Cash loans,F,N,N,0,112500.0,904500.0,38322.0,904500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-22744,365243,-4638.0,-1137,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,XNA,,0.6009312454742669,0.6940926425266661,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-1998.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2154625,221839,Consumer loans,5920.245,117990.0,131269.5,0.0,117990.0,WEDNESDAY,20,Y,1,0.0,,,XAP,Approved,-1005,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,4000,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-973.0,-283.0,-283.0,-273.0,0.0,0,Cash loans,M,N,N,0,247500.0,675000.0,41296.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008575,-10359,-1128,-4300.0,-3005,,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,20,0,0,0,0,1,1,Business Entity Type 3,0.12235971077724005,0.4888403363564924,0.2176285202779586,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,1.0,5.0,1.0,-1005.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2496141,122993,Consumer loans,14375.745,130819.5,130819.5,0.0,130819.5,MONDAY,14,Y,1,0.0,,,XAP,Approved,-602,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,15,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-563.0,-293.0,-293.0,-288.0,0.0,0,Cash loans,F,Y,Y,0,270000.0,1223010.0,51948.0,1125000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.025164,-15619,-1055,-9760.0,-5264,0.0,1,1,0,1,1,0,High skill tech staff,2.0,2,2,MONDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.7563526514072288,0.6894339992025385,0.6722428897082422,0.1433,0.0057,0.9786,,,0.0,0.3448,0.1667,,0.0967,,0.1447,,0.001,0.146,0.0059,0.9786,,,0.0,0.3448,0.1667,,0.0989,,0.1508,,0.001,0.1447,0.0057,0.9786,,,0.0,0.3448,0.1667,,0.0984,,0.1473,,0.001,,block of flats,0.1143,Panel,No,1.0,0.0,1.0,0.0,-602.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1897955,191511,Consumer loans,9515.925,49410.0,46669.5,4941.0,49410.0,TUESDAY,4,Y,1,0.10426556963831353,,,XAP,Approved,-2245,XNA,XAP,,New,Mobile,POS,XNA,Country-wide,15,Connectivity,6.0,high,POS mobile with interest,365243.0,-2197.0,-2047.0,-2047.0,-2015.0,0.0,0,Cash loans,M,Y,N,0,252000.0,414792.0,25335.0,315000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.001276,-15097,-1085,-67.0,-4469,14.0,1,1,0,1,0,0,Managers,2.0,2,2,SUNDAY,7,0,0,0,0,0,0,Self-employed,0.6084796836783087,0.4734686478968374,0.3572932680336494,0.0464,0.0412,0.9742,0.6464,0.0053,0.0,0.1034,0.1667,0.0417,0.033,0.0319,0.024,0.027000000000000003,0.0668,0.0473,0.0427,0.9742,0.6602,0.0053,0.0,0.1034,0.1667,0.0417,0.0337,0.0349,0.025,0.0272,0.0707,0.0468,0.0412,0.9742,0.6511,0.0053,0.0,0.1034,0.1667,0.0417,0.0336,0.0325,0.0245,0.0272,0.0682,reg oper account,block of flats,0.0399,"Stone, brick",No,0.0,0.0,0.0,0.0,-601.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +1844066,341279,Revolving loans,2250.0,45000.0,45000.0,,45000.0,FRIDAY,10,Y,1,,,,XAP,Approved,-402,XNA,XAP,Family,Refreshed,XNA,Cards,walk-in,Stone,8,Clothing,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,135000.0,1006920.0,42790.5,900000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018029,-18498,365243,-11777.0,-2009,14.0,1,0,0,1,0,0,,2.0,3,2,MONDAY,6,0,0,0,0,0,0,XNA,,0.019084043097342632,0.6722428897082422,0.0619,0.0521,0.9757,0.6668,0.0192,0.0,0.1379,0.1667,0.2083,0.0419,0.0504,0.0544,0.0,0.0,0.063,0.054000000000000006,0.9757,0.6798,0.0193,0.0,0.1379,0.1667,0.2083,0.0429,0.0551,0.0567,0.0,0.0,0.0625,0.0521,0.9757,0.6713,0.0193,0.0,0.1379,0.1667,0.2083,0.0426,0.0513,0.0554,0.0,0.0,reg oper account,block of flats,0.0533,Panel,No,8.0,0.0,8.0,0.0,-1548.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2093985,243723,Revolving loans,6750.0,135000.0,135000.0,,135000.0,THURSDAY,15,Y,1,,,,XAP,Refused,-551,XNA,HC,,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),5,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,Y,Y,0,135000.0,90000.0,7110.0,90000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.030755,-9277,-1083,-4053.0,-1888,4.0,1,1,1,1,0,0,,1.0,2,2,TUESDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.18103862893979167,0.5182531995437125,0.18848953379516772,0.0825,0.1173,0.9896,0.8572,0.0534,0.0,0.2069,0.1667,0.0417,0.0407,0.0672,0.0843,0.0,0.0,0.084,0.1217,0.9896,0.8628,0.0538,0.0,0.2069,0.1667,0.0417,0.0416,0.0735,0.0879,0.0,0.0,0.0833,0.1173,0.9896,0.8591,0.0537,0.0,0.2069,0.1667,0.0417,0.0414,0.0684,0.0858,0.0,0.0,reg oper account,block of flats,0.0955,"Stone, brick",No,0.0,0.0,0.0,0.0,-2033.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1614888,366626,Revolving loans,2250.0,45000.0,45000.0,,45000.0,FRIDAY,13,Y,1,,,,XAP,Approved,-346,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Country-wide,38,Connectivity,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,0,173250.0,521280.0,31630.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,With parents,0.00702,-9842,-1441,-4193.0,-2427,6.0,1,1,0,1,0,0,Security staff,1.0,2,2,MONDAY,11,0,1,1,0,1,1,Security,,0.16198717733027707,0.3656165070113335,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-432.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1412614,253765,Cash loans,70408.8,1386000.0,1386000.0,,1386000.0,TUESDAY,10,Y,1,,,,XNA,Approved,-331,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_action,Cash X-Sell: low,365243.0,-301.0,389.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,2,360000.0,1113840.0,57001.5,900000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.006233,-16357,-3588,-3184.0,-4105,,1,1,0,1,0,0,Managers,4.0,2,2,THURSDAY,17,0,0,0,0,0,0,Realtor,,0.7544831464355363,0.5638350489514956,0.0742,0.0031,0.9811,,,0.08,0.069,0.3333,,0.2975,,0.0769,,0.0,0.0756,0.0032,0.9811,,,0.0806,0.069,0.3333,,0.3043,,0.0801,,0.0,0.0749,0.0031,0.9811,,,0.08,0.069,0.3333,,0.3026,,0.0782,,0.0,,block of flats,0.0605,Panel,No,2.0,0.0,2.0,0.0,-3135.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1179677,258224,Consumer loans,7472.79,73256.895,72891.0,7327.395,73256.895,MONDAY,11,Y,1,0.0994809143441249,,,XAP,Approved,-515,Cash through the bank,XAP,,Repeater,Homewares,POS,XNA,Regional / Local,11666,Construction,12.0,middle,POS industry with interest,365243.0,-484.0,-154.0,-304.0,-299.0,0.0,1,Cash loans,F,N,Y,0,157500.0,755190.0,36459.0,675000.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.005084,-21516,365243,-4410.0,-4425,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,16,0,0,0,0,0,0,XNA,,0.5649835118172328,0.3740208032583212,0.0278,0.0444,0.9826,,,,0.1034,0.0833,,,,0.0255,,,0.0284,0.0461,0.9826,,,,0.1034,0.0833,,,,0.0266,,,0.0281,0.0444,0.9826,,,,0.1034,0.0833,,,,0.026,,,,block of flats,0.0201,Panel,No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1686889,276952,Consumer loans,12284.775,101740.5,110574.0,10174.5,101740.5,THURSDAY,18,Y,1,0.09176888702174728,,,XAP,Approved,-1838,Cash through the bank,XAP,Other_B,Refreshed,Audio/Video,POS,XNA,Country-wide,1923,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1807.0,-1537.0,-1537.0,-1534.0,0.0,0,Cash loans,M,Y,Y,1,135000.0,339241.5,16627.5,238500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010147,-11808,-374,-3951.0,-3951,9.0,1,1,0,1,0,0,Sales staff,3.0,2,2,MONDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.7470529364445954,,0.1237,0.0643,0.9891,,,0.12,0.1034,0.375,,0.0773,,0.1282,,0.0824,0.1261,0.0667,0.9891,,,0.1208,0.1034,0.375,,0.0791,,0.1336,,0.0872,0.1249,0.0643,0.9891,,,0.12,0.1034,0.375,,0.0786,,0.1305,,0.0841,,block of flats,0.1188,Panel,No,4.0,0.0,4.0,0.0,-1595.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2396450,375903,Consumer loans,13294.395,154323.0,175941.0,0.0,154323.0,TUESDAY,13,Y,1,0.0,,,XAP,Approved,-1179,Cash through the bank,XAP,"Spouse, partner",New,Audio/Video,POS,XNA,Country-wide,652,Consumer electronics,18.0,middle,POS household with interest,365243.0,-1147.0,-637.0,-937.0,-929.0,0.0,0,Cash loans,M,N,N,0,135000.0,1024740.0,49297.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-15643,-2537,-1605.0,-4776,,1,1,0,1,0,0,Laborers,2.0,3,3,TUESDAY,5,0,0,0,0,1,1,Housing,,0.16741090037344694,0.6430255641096323,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1179.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2564410,257662,Consumer loans,2583.495,19440.0,18940.5,1944.0,19440.0,FRIDAY,10,Y,1,0.1013762707880355,,,XAP,Approved,-2219,XNA,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Stone,7,Connectivity,10.0,high,POS mobile with interest,365243.0,-2184.0,-1914.0,-1974.0,-1972.0,0.0,0,Cash loans,F,N,Y,0,40500.0,83538.0,6597.0,67500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-18207,365243,-10084.0,-1747,,1,0,0,1,1,0,,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,XNA,,0.6314626542675973,0.7338145369642702,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-542.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2728641,209222,Consumer loans,13294.395,125970.3,124596.0,12597.3,125970.3,THURSDAY,15,Y,1,0.10000200380842872,,,XAP,Approved,-2169,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,4500,Consumer electronics,12.0,middle,POS household with interest,365243.0,-2138.0,-1808.0,-1808.0,-1802.0,0.0,1,Cash loans,M,Y,N,0,270000.0,608076.0,29704.5,427500.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.007305,-13080,-880,-5620.0,-4114,7.0,1,1,0,1,0,0,Drivers,2.0,3,3,WEDNESDAY,11,0,0,0,0,0,0,Industry: type 7,0.26018890643914616,0.6569364409074514,0.4014074137749511,0.0113,,,,,,0.069,0.0417,,,,0.0064,,,0.0116,,,,,,0.069,0.0417,,,,0.0067,,,0.0115,,,,,,0.069,0.0417,,,,0.0066,,,,,0.0051,Wooden,No,0.0,0.0,0.0,0.0,-1569.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1777360,351662,Consumer loans,7160.535,53995.5,63049.5,0.0,53995.5,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-1167,Cash through the bank,XAP,Unaccompanied,Refreshed,Consumer Electronics,POS,XNA,Country-wide,2112,Consumer electronics,12.0,high,POS household with interest,365243.0,-1134.0,-804.0,-984.0,-977.0,0.0,0,Cash loans,F,N,Y,0,112500.0,81000.0,8140.5,81000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.00702,-17453,-1203,-6473.0,-943,,1,1,1,1,1,0,High skill tech staff,2.0,2,2,THURSDAY,10,0,0,0,0,1,1,Business Entity Type 3,0.4446499534275829,0.5289658285087285,0.8050196619153701,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1167.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +1441395,247088,Consumer loans,,62955.0,62955.0,0.0,62955.0,SATURDAY,11,Y,1,0.0,,,XAP,Refused,-142,Cash through the bank,HC,,Repeater,Computers,XNA,XNA,Country-wide,30,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,M,Y,Y,1,180000.0,1078200.0,38331.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010147,-12503,-805,-4086.0,-3052,0.0,1,1,1,1,0,0,Drivers,3.0,2,2,MONDAY,10,0,0,0,0,0,0,Self-employed,,0.7556801819383854,0.4650692149562261,0.0454,0.0407,0.9747,0.6532,0.0373,0.0,0.1034,0.125,0.1667,0.0587,0.037000000000000005,0.0382,0.0,0.0086,0.0462,0.0423,0.9747,0.6668,0.0376,0.0,0.1034,0.125,0.1667,0.06,0.0404,0.0398,0.0,0.0091,0.0458,0.0407,0.9747,0.6578,0.0375,0.0,0.1034,0.125,0.1667,0.0597,0.0376,0.0389,0.0,0.0088,reg oper account,block of flats,0.0523,"Stone, brick",No,0.0,0.0,0.0,0.0,-901.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1592971,114477,Cash loans,34074.45,540000.0,582768.0,,540000.0,MONDAY,8,Y,1,,,,XNA,Approved,-753,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-721.0,-31.0,-151.0,-145.0,0.0,0,Cash loans,F,N,Y,0,189000.0,1310931.0,41161.5,1174500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018801,-22207,-1931,-2710.0,-3874,,1,1,0,1,0,0,Security staff,2.0,2,2,FRIDAY,7,0,0,0,0,0,0,Business Entity Type 3,,0.7207458014599673,,0.0113,0.0,0.9632,0.4968,0.0028,0.0,0.069,0.0833,0.125,0.0101,0.0092,0.0138,0.0,0.0,0.0116,0.0,0.9633,0.5165,0.0028,0.0,0.069,0.0833,0.125,0.0104,0.0101,0.0144,0.0,0.0,0.0115,0.0,0.9632,0.5035,0.0028,0.0,0.069,0.0833,0.125,0.0103,0.0094,0.0141,0.0,0.0,reg oper account,block of flats,0.0124,"Stone, brick",No,0.0,0.0,0.0,0.0,-1640.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2552160,163369,Cash loans,34281.0,900000.0,900000.0,,900000.0,TUESDAY,17,Y,1,,,,XNA,Approved,-603,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Channel of corporate sales,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-565.0,485.0,-415.0,-409.0,0.0,0,Cash loans,M,Y,N,2,265693.5,675000.0,18562.5,675000.0,Unaccompanied,Commercial associate,Higher education,Married,Co-op apartment,0.018634,-14699,-3800,-98.0,-4940,6.0,1,1,1,1,0,0,Managers,4.0,2,2,WEDNESDAY,13,0,0,0,0,1,1,Trade: type 2,,0.5688813333833367,0.8245949709919925,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-603.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1973718,164219,Cash loans,7189.74,67500.0,71955.0,,67500.0,THURSDAY,10,Y,1,,,,XNA,Approved,-1275,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,middle,Cash X-Sell: middle,365243.0,-1245.0,-915.0,-915.0,-908.0,1.0,0,Cash loans,F,N,Y,0,157500.0,148500.0,11232.0,148500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.02461,-23753,365243,-7927.0,-4266,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,XNA,,0.6624787564533817,0.6109913280868294,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1842.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1843140,303907,Consumer loans,71709.75,744750.0,699471.0,74475.0,744750.0,WEDNESDAY,16,Y,1,0.1048006520539488,,,XAP,Approved,-685,Cash through the bank,XAP,,Repeater,Tourism,POS,XNA,Stone,32,Industry,12.0,middle,POS other with interest,365243.0,-654.0,-324.0,-414.0,-408.0,0.0,0,Cash loans,M,Y,N,1,315000.0,755190.0,36459.0,675000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.00496,-17950,-3473,-4269.0,-1426,65.0,1,1,0,1,0,1,,3.0,2,2,TUESDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.779639436906525,0.577931671149114,0.33928769990891394,0.0748,,0.9846,,,,0.0728,0.1667,,,,,,,0.063,,0.9851,,,,0.069,0.1667,,,,,,,0.0625,,0.9851,,,,0.069,0.1667,,,,,,,,block of flats,0.0292,"Stone, brick",No,6.0,0.0,6.0,0.0,-1043.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +2435800,318129,Cash loans,12662.325,175500.0,175500.0,,175500.0,FRIDAY,13,Y,1,,,,XNA,Approved,-1358,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,18.0,middle,Cash X-Sell: middle,365243.0,-1328.0,-818.0,-938.0,-936.0,0.0,0,Cash loans,F,N,Y,0,81000.0,182983.5,13810.5,166500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010556,-24464,365243,-11586.0,-4539,,1,0,0,1,0,0,,2.0,3,3,FRIDAY,12,0,0,0,0,0,0,XNA,,0.5060589072600693,0.5460231970049609,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-466.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +1692840,248839,Cash loans,54575.055,675000.0,875173.5,,675000.0,FRIDAY,19,Y,1,,,,XNA,Approved,-571,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,high,Cash X-Sell: high,365243.0,-541.0,329.0,-481.0,-464.0,1.0,1,Cash loans,F,N,Y,2,193500.0,1422337.5,41719.5,1242000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,With parents,0.072508,-14213,-4240,-7328.0,-1842,,1,1,1,1,1,0,,4.0,1,1,TUESDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.6078485456586926,0.5172965813614878,0.1979,0.1142,0.9786,0.7076,0.0909,0.2,0.1552,0.4375,0.4792,0.0,0.161,0.1816,0.0019,0.0172,0.1019,0.0431,0.9772,0.6994,0.0373,0.0806,0.0345,0.3333,0.375,0.0,0.0882,0.0863,0.0,0.0,0.1999,0.1142,0.9786,0.7115,0.0914,0.2,0.1552,0.4375,0.4792,0.0,0.1637,0.1849,0.0019,0.0176,reg oper account,block of flats,0.2997,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1317136,316117,Cash loans,9202.545,90000.0,98910.0,,90000.0,WEDNESDAY,9,Y,1,,,,Other,Approved,-1462,Cash through the bank,XAP,"Spouse, partner",New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,365243.0,-1432.0,-922.0,-922.0,-912.0,1.0,0,Cash loans,F,N,Y,0,67500.0,180000.0,12208.5,180000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.015221,-23247,365243,-14159.0,-4415,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,0.7706754884354442,0.6374672221640489,,0.1227,,0.9786,,,0.0,0.2759,0.1667,,,,0.1131,,0.0044,0.125,,0.9786,,,0.0,0.2759,0.1667,,,,0.1178,,0.0046,0.1239,,0.9786,,,0.0,0.2759,0.1667,,,,0.1151,,0.0045,,block of flats,0.1218,Panel,No,5.0,0.0,5.0,0.0,-1462.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2740489,379932,Cash loans,19151.1,450000.0,533160.0,,450000.0,WEDNESDAY,10,Y,1,,,,XNA,Refused,-986,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,135000.0,270000.0,21330.0,270000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.015221,-21884,365243,-9111.0,-496,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,XNA,0.4378678435022425,0.35402466951194683,0.41184855592423975,0.1485,0.1036,0.9871,0.8232,0.1023,0.16,0.1379,0.3333,0.375,0.0448,0.121,0.1468,0.0,0.0,0.1513,0.1075,0.9871,0.8301,0.1032,0.1611,0.1379,0.3333,0.375,0.0458,0.1322,0.153,0.0,0.0,0.1499,0.1036,0.9871,0.8256,0.1029,0.16,0.1379,0.3333,0.375,0.0456,0.1231,0.1494,0.0,0.0,reg oper account,block of flats,0.1714,Panel,No,12.0,0.0,12.0,0.0,-1319.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,8.0 +1560836,332609,Consumer loans,3322.35,29664.0,36387.0,0.0,29664.0,SATURDAY,17,Y,1,0.0,,,XAP,Approved,-620,Cash through the bank,XAP,,New,Computers,POS,XNA,Country-wide,3000,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-589.0,-259.0,-379.0,-373.0,0.0,0,Revolving loans,F,N,Y,0,112500.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.028663,-7834,-260,-2673.0,-516,,1,1,0,1,0,0,Laborers,1.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.35931320227499536,0.5280927512030451,0.0686,0.0214,0.9757,,,0.02,0.0862,0.25,,0.0,,0.0537,,0.0028,0.0546,0.0083,0.9747,,,0.0,0.0345,0.1667,,0.0,,0.0447,,0.0,0.0692,0.0214,0.9757,,,0.02,0.0862,0.25,,0.0,,0.0547,,0.0029,,block of flats,0.0587,"Stone, brick",No,0.0,0.0,0.0,0.0,-620.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2383230,159833,Cash loans,9175.995,45000.0,46485.0,,45000.0,MONDAY,10,Y,1,,,,XNA,Approved,-970,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),-1,XNA,6.0,high,Cash X-Sell: high,365243.0,-940.0,-790.0,-880.0,-873.0,1.0,0,Cash loans,F,N,N,1,157500.0,381528.0,19512.0,315000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.010147,-11576,-133,-930.0,-3461,,1,1,0,1,0,0,,3.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.5490024098436479,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1372.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,,,,,, +1951878,240942,Cash loans,8903.88,135000.0,152820.0,,135000.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-278,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-248.0,442.0,-158.0,-155.0,1.0,0,Cash loans,F,N,Y,0,112500.0,62554.5,6696.0,54000.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.018634,-21790,365243,-15536.0,-4218,,1,0,0,1,0,0,,2.0,2,2,MONDAY,14,0,0,0,0,0,0,XNA,,0.4113834832042249,0.4048783643353997,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2626.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1644457,217307,Consumer loans,4419.225,67495.5,23607.0,45000.0,67495.5,SATURDAY,13,Y,1,0.7143453424445158,,,XAP,Approved,-2308,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,1100,Consumer electronics,6.0,middle,POS household with interest,365243.0,-2277.0,-2127.0,-2127.0,-1509.0,0.0,0,Cash loans,F,Y,N,1,360000.0,1094688.0,39451.5,945000.0,Children,State servant,Incomplete higher,Married,Municipal apartment,0.072508,-18311,-3521,-5175.0,-254,9.0,1,1,0,1,1,1,High skill tech staff,3.0,1,1,THURSDAY,17,0,0,0,0,0,0,Government,0.5179878790218791,0.3661573501084383,,0.1341,0.0567,0.9881,0.8368,0.0936,0.1244,0.0534,0.6342,0.6758,0.0,0.1066,0.135,0.0129,0.0081,0.0819,0.0459,0.9945,0.9281,0.0646,0.0806,0.0345,0.625,0.6667,0.0,0.0698,0.0903,0.0078,0.0,0.1135,0.0445,0.9925,0.8994,0.0698,0.08,0.0345,0.625,0.6667,0.0,0.0915,0.1071,0.0078,0.0037,reg oper account,block of flats,0.1754,Block,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2705620,367961,Revolving loans,13500.0,0.0,270000.0,,,THURSDAY,13,Y,1,,,,XAP,Approved,-767,XNA,XAP,,Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-255.0,-230.0,365243.0,-168.0,365243.0,0.0,0,Cash loans,M,N,Y,1,112500.0,352044.0,16542.0,247500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-15043,-253,-4934.0,-4214,,1,1,0,1,0,0,Laborers,3.0,2,2,MONDAY,14,0,0,0,0,0,0,Industry: type 2,,0.2027087521000192,,0.0309,0.03,0.9876,0.83,0.0158,0.12,0.069,0.1667,0.2083,0.1086,0.0252,0.0282,0.0,0.0661,0.0315,0.0311,0.9876,0.8367,0.0159,0.1208,0.069,0.1667,0.2083,0.1111,0.0275,0.0293,0.0,0.0699,0.0312,0.03,0.9876,0.8323,0.0159,0.12,0.069,0.1667,0.2083,0.1105,0.0257,0.0287,0.0,0.0674,reg oper account,block of flats,0.0365,Panel,No,10.0,0.0,10.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2233135,130258,Consumer loans,12773.475,151704.0,151704.0,0.0,151704.0,TUESDAY,13,Y,1,0.0,,,XAP,Refused,-2241,XNA,LIMIT,Other_A,Repeater,Audio/Video,POS,XNA,Country-wide,1079,Consumer electronics,18.0,high,POS household with interest,,,,,,,0,Cash loans,M,N,N,0,112500.0,521280.0,47938.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-11536,-939,-1729.0,-2849,,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Military,0.2794758930972202,0.18834976189392733,0.816092360478441,0.1309,0.0704,0.9732,0.6328,0.0154,0.0,0.2414,0.1667,0.2083,0.0756,0.1042,0.1035,0.0116,0.0396,0.1334,0.073,0.9732,0.6472,0.0155,0.0,0.2414,0.1667,0.2083,0.0774,0.1139,0.1078,0.0117,0.0419,0.1322,0.0704,0.9732,0.6377,0.0155,0.0,0.2414,0.1667,0.2083,0.077,0.106,0.1053,0.0116,0.0404,reg oper account,block of flats,0.0984,Block,No,0.0,0.0,0.0,0.0,-2241.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,0.0 +2122906,274084,Consumer loans,11988.765,229500.0,229500.0,0.0,229500.0,MONDAY,9,Y,1,0.0,,,XAP,Approved,-456,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Stone,60,Furniture,24.0,low_normal,POS industry with interest,365243.0,-425.0,265.0,-275.0,-268.0,0.0,0,Cash loans,F,N,N,1,180000.0,655614.0,34929.0,607500.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.031329,-17040,-3396,-7819.0,-592,,1,1,1,1,0,0,,2.0,2,2,SUNDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.6492643197900007,0.5501121134205992,0.2910973802776635,0.0722,0.0453,0.9757,0.6668,0.0047,0.0,0.069,0.1667,0.2083,0.0757,0.0572,0.0624,0.0077,0.0264,0.0735,0.047,0.9757,0.6798,0.0047,0.0,0.069,0.1667,0.2083,0.0774,0.0624,0.065,0.0078,0.028,0.0729,0.0453,0.9757,0.6713,0.0047,0.0,0.069,0.1667,0.2083,0.077,0.0581,0.0635,0.0078,0.027000000000000003,not specified,block of flats,0.0573,"Stone, brick",No,0.0,0.0,0.0,0.0,-2105.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2291937,224522,Consumer loans,5247.81,43839.0,39339.0,4500.0,43839.0,SATURDAY,13,Y,1,0.1117933595864206,,,XAP,Approved,-2805,XNA,XAP,,New,Mobile,POS,XNA,Country-wide,64,Connectivity,10.0,low_normal,POS mobile with interest,365243.0,-2755.0,-2485.0,-2485.0,-2482.0,0.0,0,Cash loans,M,Y,Y,0,202500.0,794173.5,38335.5,697500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.011703,-12348,-383,-11922.0,-3284,25.0,1,1,0,1,0,0,Laborers,1.0,2,2,THURSDAY,9,0,0,0,0,0,0,Business Entity Type 1,0.17844649214760613,0.6517730016146617,0.4578995512067301,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-652.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,4.0 +2273558,106699,Consumer loans,1153.62,14287.5,11430.0,2857.5,14287.5,FRIDAY,17,Y,1,0.2178181818181818,,,XAP,Approved,-369,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,12.0,middle,POS mobile with interest,365243.0,-325.0,5.0,-325.0,-318.0,0.0,0,Cash loans,F,Y,Y,0,67500.0,237024.0,12231.0,180000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.01885,-8072,-297,-3225.0,-722,5.0,1,1,1,1,1,1,Core staff,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Government,0.14756732745249,0.0013403956683165196,0.07058051883159755,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1144.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2347590,368331,Cash loans,9803.43,67500.0,82611.0,,67500.0,TUESDAY,15,Y,1,,,,XNA,Approved,-706,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),5,XNA,12.0,high,Cash Street: high,365243.0,-676.0,-346.0,-466.0,-463.0,1.0,0,Cash loans,F,N,Y,0,112500.0,571446.0,21123.0,477000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-13301,-1584,-1511.0,-5198,,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Business Entity Type 2,0.6433905115175356,0.26525634018619443,0.7295666907060153,0.0619,0.1207,0.9717,0.6124,,0.0,0.1379,0.125,,0.0747,0.0504,0.0616,,0.0619,0.063,0.1252,0.9717,0.6276,,0.0,0.1379,0.125,,0.0764,0.0551,0.0642,,0.0655,0.0625,0.1207,0.9717,0.6176,,0.0,0.1379,0.125,,0.076,0.0513,0.0627,,0.0632,,block of flats,0.0619,"Stone, brick",No,4.0,2.0,4.0,2.0,-905.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2700928,426265,Consumer loans,5741.1,60547.5,60547.5,0.0,60547.5,TUESDAY,13,Y,1,0.0,,,XAP,Approved,-171,XNA,XAP,,New,Mobile,POS,XNA,Country-wide,30,Connectivity,18.0,high,POS mobile with interest,365243.0,-133.0,377.0,365243.0,365243.0,0.0,0,Revolving loans,M,N,Y,0,112500.0,337500.0,16875.0,337500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.020713,-21301,-918,-4167.0,-4840,,1,1,0,1,0,0,Core staff,2.0,3,2,FRIDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.5245339932559168,,0.0825,0.0795,0.9762,0.6736,0.0095,0.0,0.1379,0.1667,0.2083,0.0639,0.0672,0.0702,0.0,0.0,0.084,0.0825,0.9762,0.6864,0.0096,0.0,0.1379,0.1667,0.2083,0.0654,0.0735,0.0731,0.0,0.0,0.0833,0.0795,0.9762,0.6779999999999999,0.0095,0.0,0.1379,0.1667,0.2083,0.065,0.0684,0.0715,0.0,0.0,not specified,block of flats,0.0604,Panel,No,0.0,0.0,0.0,0.0,-171.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1560736,225817,Consumer loans,4398.525,43555.5,43339.5,4356.0,43555.5,THURSDAY,7,Y,1,0.09946598735729782,,,XAP,Approved,-588,XNA,XAP,,New,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,middle,POS mobile with interest,365243.0,-557.0,-227.0,-497.0,-487.0,0.0,0,Cash loans,M,N,Y,1,135000.0,675000.0,34596.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.028663,-18828,-1778,-80.0,-2283,,1,1,0,1,0,0,Drivers,3.0,2,2,THURSDAY,13,0,0,0,0,0,0,Self-employed,,0.6010099047892333,0.7338145369642702,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2413259,223980,Consumer loans,4993.155,61494.12,49198.5,12295.62,61494.12,TUESDAY,16,Y,1,0.2177614374128186,0.1607163096452454,0.715644820295983,XAP,Approved,-262,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,15,Connectivity,12.0,middle,POS mobile with interest,365243.0,-222.0,108.0,-132.0,-124.0,0.0,0,Cash loans,F,Y,Y,1,180000.0,508495.5,35518.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006207,-14669,-4268,-4280.0,-4202,64.0,1,1,0,1,0,0,,3.0,2,2,FRIDAY,15,0,0,0,0,0,0,Business Entity Type 2,,0.6138834644265367,0.34741822720026416,0.0907,0.0,0.9732,,,0.0,0.069,0.125,,0.0086,,0.0113,,0.0,0.0924,0.0,0.9732,,,0.0,0.069,0.125,,0.0088,,0.0011,,0.0,0.0916,0.0,0.9732,,,0.0,0.069,0.125,,0.0087,,0.0115,,0.0,,block of flats,0.0184,"Stone, brick",Yes,6.0,0.0,6.0,0.0,-1794.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1705749,227671,Consumer loans,11426.355,114277.5,102847.5,11430.0,114277.5,WEDNESDAY,12,Y,1,0.10893053392758056,,,XAP,Approved,-2519,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Stone,100,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-2487.0,-2217.0,-2217.0,-2207.0,0.0,0,Cash loans,F,N,N,0,256500.0,1800000.0,47484.0,1800000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-20408,365243,-9705.0,-3073,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,XNA,0.6472689204034862,0.6764854151031389,0.7091891096653581,0.1031,0.0846,0.9846,0.7892,0.0474,0.0,0.2069,0.1667,0.0417,0.0631,0.0841,0.0881,0.0,0.0,0.105,0.0877,0.9846,0.7975,0.0478,0.0,0.2069,0.1667,0.0417,0.0645,0.0918,0.0918,0.0,0.0,0.1041,0.0846,0.9846,0.792,0.0477,0.0,0.2069,0.1667,0.0417,0.0642,0.0855,0.0897,0.0,0.0,reg oper spec account,block of flats,0.0952,"Stone, brick",No,6.0,0.0,6.0,0.0,-2215.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1331147,337760,Consumer loans,7753.995,105345.0,118273.5,0.0,105345.0,WEDNESDAY,17,Y,1,0.0,,,XAP,Approved,-677,Cash through the bank,XAP,Family,Refreshed,Audio/Video,POS,XNA,Regional / Local,250,Consumer electronics,18.0,low_normal,POS household with interest,365243.0,-645.0,-135.0,-555.0,-547.0,0.0,0,Cash loans,F,N,Y,1,81000.0,157500.0,9171.0,157500.0,Children,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-14582,-7821,-5561.0,-4716,,1,1,0,1,1,0,Laborers,3.0,2,2,MONDAY,12,0,0,0,0,0,0,Other,,0.6846475610722559,0.5190973382084597,0.0711,0.0607,0.9796,,,0.0,0.1379,0.1667,,0.0406,,0.0606,,0.0071,0.0725,0.063,0.9796,,,0.0,0.1379,0.1667,,0.0415,,0.0631,,0.0075,0.0718,0.0607,0.9796,,,0.0,0.1379,0.1667,,0.0413,,0.0617,,0.0073,,block of flats,0.0492,"Stone, brick",No,0.0,0.0,0.0,0.0,-1832.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1815241,243366,Consumer loans,3714.885,33705.0,31612.5,4500.0,33705.0,TUESDAY,15,Y,1,0.13571226281506654,,,XAP,Approved,-1481,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,55,Connectivity,10.0,high,POS mobile with interest,365243.0,-1444.0,-1174.0,-1294.0,-1287.0,0.0,0,Cash loans,M,Y,Y,0,292500.0,1127074.5,37377.0,922500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.018634,-14860,-2899,-3600.0,-4652,12.0,1,1,1,1,0,0,Managers,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.4315490192768873,0.7183319363660219,0.6754132910917112,,,0.9811,,,0.0,,0.1667,,,,0.1011,,,,,0.9811,,,0.0,,0.1667,,,,0.1053,,,,,0.9811,,,0.0,,0.1667,,,,0.1029,,,,,0.0795,,No,0.0,0.0,0.0,0.0,-1481.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2557408,263363,Consumer loans,8130.375,80959.5,80554.5,8100.0,80959.5,FRIDAY,10,Y,1,0.0995057934299597,,,XAP,Approved,-330,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Country-wide,30,Furniture,12.0,middle,POS industry with interest,365243.0,-300.0,30.0,-210.0,-202.0,1.0,0,Cash loans,F,N,Y,0,40500.0,755190.0,33394.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-23577,365243,-5.0,-4441,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,XNA,,0.3769459706060007,0.7776594425716818,0.1237,0.1394,0.9796,0.7212,0.0136,0.0,0.2759,0.1667,0.2083,0.1099,0.1009,0.1211,0.0,0.0,0.1261,0.1445,0.9796,0.7321,0.0114,0.0,0.2759,0.1667,0.2083,0.0933,0.1102,0.126,0.0,0.0,0.1249,0.1394,0.9796,0.7249,0.0137,0.0,0.2759,0.1667,0.2083,0.1118,0.1026,0.1233,0.0,0.0,reg oper account,block of flats,0.1013,Panel,No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1929568,427398,Consumer loans,12654.72,109651.5,127746.0,0.0,109651.5,WEDNESDAY,18,Y,1,0.0,,,XAP,Approved,-13,XNA,XAP,Unaccompanied,Refreshed,Consumer Electronics,POS,XNA,Country-wide,3000,Consumer electronics,12.0,middle,POS household without interest,365243.0,365243.0,347.0,365243.0,365243.0,1.0,1,Cash loans,M,Y,N,1,225000.0,630747.0,34348.5,544500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.011703,-14228,-3731,-95.0,-3581,7.0,1,1,0,1,0,0,Laborers,3.0,2,2,TUESDAY,10,0,0,0,0,0,0,Self-employed,,0.6732177687416366,0.41534714488434,0.0031,,0.9717,,,,0.0345,0.0417,,0.0297,,0.0107,,0.0,0.0032,,0.9717,,,,0.0345,0.0417,,0.0304,,0.0111,,0.0,0.0031,,0.9717,,,,0.0345,0.0417,,0.0302,,0.0109,,0.0,,block of flats,0.0126,"Stone, brick",No,3.0,0.0,3.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1051369,359739,Cash loans,34391.25,675000.0,675000.0,,675000.0,SUNDAY,9,Y,1,,,,XNA,Approved,-755,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,42.0,middle,Cash Street: middle,365243.0,-721.0,509.0,-391.0,-384.0,0.0,1,Cash loans,M,Y,Y,0,202500.0,814041.0,23931.0,679500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.019688999999999998,-13263,-1059,-2164.0,-2164,0.0,1,1,0,1,0,1,Security staff,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.21947124816288446,0.4983399533733603,0.4632753280912678,0.0381,0.0,0.9737,0.6396,,0.0,0.069,0.0833,0.125,0.03,,0.02,,0.0,0.0389,0.0,0.9737,0.6537,,0.0,0.069,0.0833,0.125,0.0307,,0.0208,,0.0,0.0385,0.0,0.9737,0.6444,,0.0,0.069,0.0833,0.125,0.0305,,0.0203,,0.0,not specified,block of flats,0.0171,"Stone, brick",No,0.0,0.0,0.0,0.0,-1051.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,2.0 +1633903,160227,Revolving loans,4500.0,90000.0,90000.0,,90000.0,THURSDAY,10,Y,1,,,,XAP,Refused,-216,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Revolving loans,F,N,Y,1,180000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.035792000000000004,-8393,-840,-3144.0,-1086,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,10,0,0,0,0,1,1,Industry: type 1,0.13660193043017466,0.31659399326302284,0.3706496323299817,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-520.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2823159,424122,Cash loans,28278.675,135000.0,139455.0,,135000.0,THURSDAY,11,Y,1,,,,Urgent needs,Refused,-380,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,6.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,1,247500.0,254700.0,20250.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.01885,-21038,-358,-452.0,-600,,1,1,0,1,0,0,Sales staff,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.6492375170387852,0.15286622915504153,0.1495,0.1111,0.9856,0.8028,0.0318,0.16,0.1379,0.3333,0.375,0.0354,0.121,0.1501,0.0039,0.0031,0.1523,0.1153,0.9856,0.8105,0.0321,0.1611,0.1379,0.3333,0.375,0.0362,0.1322,0.1564,0.0039,0.0033,0.1509,0.1111,0.9856,0.8054,0.032,0.16,0.1379,0.3333,0.375,0.036000000000000004,0.1231,0.1528,0.0039,0.0031,reg oper account,block of flats,0.1361,Panel,No,0.0,0.0,0.0,0.0,-445.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,8.0 +1442490,238363,Cash loans,31275.81,450000.0,560097.0,,450000.0,SATURDAY,9,Y,1,,,,Urgent needs,Approved,-607,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,low_normal,Cash Street: low,365243.0,-574.0,116.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,130500.0,319500.0,21478.5,319500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.001417,-18957,-497,-4226.0,-2488,6.0,1,1,0,1,1,1,Accountants,1.0,2,2,SATURDAY,8,0,0,0,0,0,0,Other,0.6877038122557061,0.5685648799361184,0.2764406945454034,0.1711,0.1006,0.9841,0.7824,0.0618,0.0,0.0345,0.1667,0.2083,0.0434,0.1345,0.0572,0.0232,0.1187,0.1744,0.1043,0.9841,0.7909,0.0623,0.0,0.0345,0.1667,0.2083,0.0444,0.1469,0.0596,0.0233,0.1257,0.1728,0.1006,0.9841,0.7853,0.0621,0.0,0.0345,0.1667,0.2083,0.0441,0.1368,0.0582,0.0233,0.1212,reg oper account,specific housing,0.0708,Panel,No,0.0,0.0,0.0,0.0,-609.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1914408,292821,Consumer loans,5510.16,56817.0,62815.5,0.0,56817.0,SUNDAY,17,Y,1,0.0,,,XAP,Approved,-366,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Regional / Local,250,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-335.0,-5.0,-245.0,-233.0,0.0,1,Revolving loans,F,N,Y,0,211500.0,270000.0,13500.0,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.00963,-16655,-1750,-10528.0,-203,,1,1,0,1,1,0,Private service staff,2.0,2,2,TUESDAY,13,0,1,1,0,0,0,Self-employed,0.3870012368360621,0.17690822965673625,0.7850520263728172,0.1196,0.1235,0.9831,,,0.0,0.2759,0.1667,,0.1186,,0.1156,,0.0077,0.1218,0.1282,0.9831,,,0.0,0.2759,0.1667,,0.1213,,0.1205,,0.0082,0.1207,0.1235,0.9831,,,0.0,0.2759,0.1667,,0.1207,,0.1177,,0.0079,,block of flats,0.0942,Panel,No,1.0,0.0,1.0,0.0,-277.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2551854,313562,Consumer loans,4708.845,26505.0,23094.0,4500.0,26505.0,THURSDAY,18,Y,1,0.17760778034750638,,,XAP,Approved,-1777,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,-1,Connectivity,6.0,high,POS mobile with interest,365243.0,-1741.0,-1591.0,-1591.0,-1585.0,0.0,0,Cash loans,F,Y,Y,0,225000.0,539100.0,26064.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.007273999999999998,-17775,-1377,-6867.0,-1315,23.0,1,1,0,1,0,0,,1.0,2,2,WEDNESDAY,18,0,0,0,0,0,0,Trade: type 7,,0.5047470062763187,0.7992967832109371,0.0186,0.0,0.9379,0.15,0.0,0.0,0.069,0.0833,0.125,0.0,,0.0126,,0.0073,0.0189,0.0,0.9379,0.1833,0.0,0.0,0.069,0.0833,0.125,0.0,,0.0131,,0.0078,0.0187,0.0,0.9379,0.1614,0.0,0.0,0.069,0.0833,0.125,0.0,,0.0128,,0.0075,reg oper account,block of flats,0.0116,"Stone, brick",No,0.0,0.0,0.0,0.0,-21.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +1158196,199555,Cash loans,34182.0,360000.0,360000.0,,360000.0,THURSDAY,7,Y,1,,,,XNA,Approved,-1101,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),6,XNA,12.0,low_normal,Cash Street: low,365243.0,-1068.0,-738.0,-738.0,-735.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,1096020.0,52857.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014464,-17103,-734,-5106.0,-632,14.0,1,1,0,1,0,0,High skill tech staff,2.0,2,2,SUNDAY,8,0,0,0,0,0,0,Industry: type 4,0.6651300287845958,0.6960155153943958,,0.1619,0.1026,0.9896,0.8572,0.1114,0.16,0.1379,0.375,0.4167,0.1407,0.1311,0.1808,0.0039,0.0141,0.1649,0.1064,0.9896,0.8628,0.1124,0.1611,0.1379,0.375,0.4167,0.1439,0.1433,0.1884,0.0039,0.0149,0.1634,0.1026,0.9896,0.8591,0.1121,0.16,0.1379,0.375,0.4167,0.1431,0.1334,0.1841,0.0039,0.0144,reg oper account,block of flats,0.2062,Panel,No,0.0,0.0,0.0,0.0,-1606.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1109624,121124,Consumer loans,1709.82,15798.6,15390.0,1583.1,15798.6,FRIDAY,10,Y,1,0.1015807258651524,,,XAP,Approved,-2678,Cash through the bank,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Country-wide,264,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2647.0,-2377.0,-2407.0,-2403.0,1.0,0,Cash loans,F,N,Y,0,81000.0,526491.0,17527.5,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.025164,-22142,365243,-5457.0,-5457,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,13,0,0,0,0,0,0,XNA,,0.6548438041342818,0.6940926425266661,0.0825,0.0727,0.9771,,,0.0,0.1379,0.1667,,0.0153,,0.0772,,0.0,0.084,0.0754,0.9772,,,0.0,0.1379,0.1667,,0.0156,,0.0804,,0.0,0.0833,0.0727,0.9771,,,0.0,0.1379,0.1667,,0.0155,,0.0786,,0.0,,block of flats,0.0607,Panel,No,0.0,0.0,0.0,0.0,-2678.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2032400,195012,Cash loans,34586.82,900000.0,1017612.0,,900000.0,WEDNESDAY,9,Y,1,,,,XNA,Approved,-744,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,54.0,low_normal,Cash X-Sell: low,365243.0,-714.0,876.0,-264.0,-257.0,1.0,0,Cash loans,F,N,Y,0,90000.0,305221.5,18801.0,252000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-21074,365243,-1208.0,-4424,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,XNA,0.5532089133625022,0.3153226437218324,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1825.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2566955,104276,Revolving loans,5625.0,0.0,112500.0,,0.0,TUESDAY,16,Y,1,,,,XAP,Approved,-1159,XNA,XAP,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-1135.0,-1085.0,365243.0,-658.0,365243.0,0.0,0,Cash loans,M,N,Y,1,135000.0,900000.0,29034.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-10461,-1330,-5248.0,-2160,,1,1,0,1,0,0,Laborers,3.0,2,2,SATURDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.3251831354792797,0.5140153314060801,0.5100895276257282,0.0742,0.0543,0.9876,0.83,0.0529,0.08,0.069,0.3333,0.375,0.0173,0.0605,0.0786,0.0,0.0,0.0756,0.0563,0.9876,0.8367,0.0534,0.0806,0.069,0.3333,0.375,0.0177,0.0661,0.0818,0.0,0.0,0.0749,0.0543,0.9876,0.8323,0.0532,0.08,0.069,0.3333,0.375,0.0176,0.0616,0.08,0.0,0.0,reg oper account,block of flats,0.0907,Panel,No,0.0,0.0,0.0,0.0,-1159.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1419685,106970,Consumer loans,10153.845,134955.0,128205.0,6750.0,134955.0,FRIDAY,17,Y,1,0.054472703022219536,,,XAP,Approved,-2104,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,2000,Consumer electronics,16.0,middle,POS household with interest,365243.0,-2071.0,-1621.0,-1621.0,-1619.0,0.0,0,Cash loans,F,Y,N,0,202500.0,1575000.0,80010.0,1575000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.032561,-20434,-3323,-2898.0,-3963,3.0,1,1,1,1,1,0,Managers,2.0,1,1,MONDAY,9,0,0,0,0,0,0,Business Entity Type 1,,0.7894872206267629,0.7583930617144343,0.0247,0.0,0.9702,0.4764,0.008,0.0,0.1034,0.125,0.0417,0.0292,0.0202,0.0446,0.0,0.0,0.0252,0.0,0.9702,0.4969,0.008,0.0,0.1034,0.125,0.0417,0.0298,0.022,0.0464,0.0,0.0,0.025,0.0,0.9702,0.4834,0.008,0.0,0.1034,0.125,0.0417,0.0297,0.0205,0.0454,0.0,0.0,reg oper account,block of flats,0.0394,"Stone, brick",No,1.0,0.0,1.0,0.0,-2104.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1889863,354946,Cash loans,5530.5,45000.0,45000.0,0.0,45000.0,TUESDAY,9,Y,1,0.0,,,XNA,Approved,-2915,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,10.0,middle,Cash Street: middle,365243.0,-2885.0,-2615.0,-2675.0,-2651.0,0.0,0,Cash loans,F,N,Y,0,112500.0,634482.0,20596.5,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020246,-22598,365243,-8528.0,-5002,,1,0,0,1,0,0,,2.0,3,3,FRIDAY,8,0,0,0,0,0,0,XNA,,0.2752609294483028,0.6801388218428291,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1569.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2011819,376380,Revolving loans,9000.0,180000.0,180000.0,,180000.0,SUNDAY,11,Y,1,,,,XAP,Approved,-219,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-214.0,-178.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,193500.0,269982.0,30663.0,238500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-16430,-1003,-3361.0,-4751,,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,10,0,0,0,0,1,1,Business Entity Type 3,,0.33789143271965344,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-179.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,6.0 +2001154,345459,Consumer loans,11052.54,63180.0,59679.0,6318.0,63180.0,SUNDAY,11,Y,1,0.10426044159032023,,,XAP,Approved,-1780,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,229,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1746.0,-1596.0,-1596.0,-1591.0,0.0,0,Cash loans,F,N,Y,0,126000.0,251091.0,24588.0,238500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.02461,-20290,365243,-11407.0,-3826,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,16,0,0,0,0,0,0,XNA,0.7692758511386405,,0.7151031019926098,0.0082,0.0,0.9816,0.7484,0.001,0.0,0.0345,0.0417,0.0833,0.0,0.0067,0.0071,0.0,0.0,0.0084,0.0,0.9816,0.7583,0.001,0.0,0.0345,0.0417,0.0833,0.0,0.0073,0.0074,0.0,0.0,0.0083,0.0,0.9816,0.7518,0.001,0.0,0.0345,0.0417,0.0833,0.0,0.0068,0.0073,0.0,0.0,reg oper account,block of flats,0.0062,"Stone, brick",No,4.0,1.0,4.0,0.0,-1780.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1960378,176158,Cash loans,17504.055,135000.0,142425.0,,135000.0,MONDAY,15,Y,1,,,,XNA,Approved,-2689,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,10,Consumer electronics,10.0,middle,Cash Street: middle,365243.0,-2659.0,-2389.0,-2389.0,-2382.0,1.0,0,Cash loans,M,Y,Y,0,315000.0,1687266.0,64395.0,1575000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-22163,365243,-2727.0,-2860,16.0,1,0,0,1,0,0,,2.0,2,2,TUESDAY,7,0,0,0,0,0,0,XNA,,0.663817201402734,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-734.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1839213,453627,Consumer loans,15551.01,71617.5,84096.0,0.0,71617.5,THURSDAY,8,Y,1,0.0,,,XAP,Approved,-320,Cash through the bank,XAP,,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,1375,Consumer electronics,6.0,middle,POS household with interest,365243.0,-288.0,-138.0,-168.0,-163.0,0.0,0,Revolving loans,F,Y,Y,1,135000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.018029,-12454,-3687,-5976.0,-1265,16.0,1,1,0,1,0,0,Managers,2.0,3,3,TUESDAY,10,0,0,0,0,0,0,Other,0.43920638091352,0.4657399484710892,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-396.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2771586,161665,Consumer loans,13724.775,173682.0,167211.0,26055.0,173682.0,SUNDAY,18,Y,1,0.14682491300261638,,,XAP,Refused,-1670,Cash through the bank,LIMIT,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,5000,Consumer electronics,18.0,high,POS household with interest,,,,,,,0,Revolving loans,F,N,Y,0,279000.0,247500.0,12375.0,247500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-23454,365243,-5164.0,-4685,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,XNA,,0.6134272354847407,0.5082869913916046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1571.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,2.0,2.0,6.0 +2125587,200502,Cash loans,,0.0,0.0,,,FRIDAY,12,Y,1,,,,XNA,Refused,-115,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,180000.0,545040.0,20677.5,450000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.030755,-13685,-2328,-7419.0,-4247,,1,1,0,1,0,0,,1.0,2,2,MONDAY,14,0,0,0,0,0,0,University,0.1470133350570196,0.6992674457417661,0.12140828616312165,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1490.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2208128,221937,Revolving loans,7875.0,0.0,157500.0,,,TUESDAY,15,Y,1,,,,XAP,Approved,-2177,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-2175.0,-2125.0,365243.0,-1061.0,365243.0,0.0,0,Cash loans,F,N,N,1,45000.0,544491.0,17563.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-13529,-5900,-2475.0,-4136,,1,1,1,1,0,0,Laborers,3.0,3,3,SATURDAY,15,0,0,0,0,1,1,Medicine,0.3573106188653869,0.18682012827262612,0.2650494299443805,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,4.0,4.0,3.0,-2177.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1466530,181030,Consumer loans,5486.535,24273.0,20101.5,4855.5,24273.0,SUNDAY,11,Y,1,0.2118876831787038,,,XAP,Approved,-866,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,100,Connectivity,4.0,middle,POS mobile without interest,365243.0,-835.0,-745.0,-835.0,-829.0,0.0,0,Revolving loans,F,N,N,0,90000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.007120000000000001,-16068,-3104,-9467.0,-4449,,1,1,0,1,0,0,Accountants,1.0,2,2,FRIDAY,13,0,0,0,0,0,0,Transport: type 4,0.5641209860739891,0.2632411250133655,0.17560597946937906,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-3267.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1772284,376435,Cash loans,24972.48,229500.0,269856.0,,229500.0,MONDAY,9,Y,1,,,,XNA,Approved,-336,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),-1,XNA,12.0,low_action,Cash X-Sell: low,365243.0,-306.0,24.0,-6.0,365243.0,1.0,0,Cash loans,M,Y,Y,1,182250.0,1134000.0,33286.5,1134000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-17015,-440,-5319.0,-574,5.0,1,1,1,1,0,0,Laborers,3.0,2,2,MONDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.6176396594085383,0.4740512892789932,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1217991,319597,Cash loans,15737.985,135000.0,143910.0,,135000.0,MONDAY,11,Y,1,,,,XNA,Approved,-2684,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-2654.0,-2324.0,-2324.0,-2314.0,1.0,0,Cash loans,F,N,Y,0,225000.0,2013840.0,53253.0,1800000.0,Family,State servant,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-15602,-4513,-8385.0,-4781,,1,1,0,1,0,0,,2.0,2,2,THURSDAY,17,0,0,0,0,0,0,Business Entity Type 1,0.8400101574256207,0.6797644929208356,0.7252764347002191,0.2856,0.0582,0.9826,0.762,0.0987,0.08,0.0345,0.3333,0.375,0.0732,0.2328,0.086,0.0,0.0,0.29100000000000004,0.0604,0.9826,0.7713,0.0996,0.0806,0.0345,0.3333,0.375,0.0748,0.2544,0.0896,0.0,0.0,0.2883,0.0582,0.9826,0.7652,0.0994,0.08,0.0345,0.3333,0.375,0.0744,0.2369,0.0875,0.0,0.0,not specified,block of flats,0.1208,"Stone, brick",No,0.0,0.0,0.0,0.0,-1106.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1062142,193566,Cash loans,21490.56,180000.0,191880.0,0.0,180000.0,MONDAY,16,Y,1,0.0,,,Purchase of electronic equipment,Approved,-2210,Cash through the bank,XAP,"Spouse, partner",New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-2180.0,-1850.0,-1850.0,-1841.0,1.0,0,Cash loans,F,N,Y,0,427500.0,1607418.0,81783.0,1534500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-18187,365243,-12077.0,-1747,,1,0,0,1,0,0,,2.0,2,2,SUNDAY,12,0,0,0,0,0,0,XNA,,0.6981856721369415,0.7490217048463391,0.1227,0.1206,0.9771,0.6872,0.0471,0.0,0.2759,0.1667,0.2083,0.1262,0.1,0.1038,0.0,0.0,0.125,0.1251,0.9772,0.6994,0.0476,0.0,0.2759,0.1667,0.2083,0.1291,0.1093,0.1082,0.0,0.0,0.1239,0.1206,0.9771,0.6914,0.0474,0.0,0.2759,0.1667,0.2083,0.1284,0.1018,0.1057,0.0,0.0,,block of flats,0.1075,Panel,No,0.0,0.0,0.0,0.0,-2211.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,6.0,3.0 +1237649,366143,Consumer loans,2843.865,39285.0,23391.0,18000.0,39285.0,MONDAY,13,Y,1,0.4736207475933504,,,XAP,Approved,-2098,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,12.0,high,POS mobile with interest,365243.0,-2057.0,-1727.0,-1787.0,-1784.0,0.0,0,Cash loans,M,Y,N,0,202500.0,728460.0,58405.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.031329,-11468,-4066,-5238.0,-3979,7.0,1,1,0,1,1,0,Laborers,1.0,2,2,THURSDAY,16,0,0,0,0,1,1,Business Entity Type 1,0.5719832208956468,0.2238362423082464,0.2955826421513093,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2098.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1467151,251065,Consumer loans,4214.925,21735.0,18153.0,4347.0,21735.0,SUNDAY,13,Y,1,0.2104123636363636,,,XAP,Approved,-1082,Cash through the bank,XAP,"Spouse, partner",New,Mobile,POS,XNA,Country-wide,5,Connectivity,5.0,middle,POS mobile with interest,365243.0,-1051.0,-931.0,-931.0,-928.0,0.0,0,Cash loans,F,Y,Y,0,90000.0,675000.0,21775.5,675000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.015221,-14702,-942,-13152.0,-1249,6.0,1,1,1,1,0,0,Core staff,2.0,2,2,THURSDAY,6,0,0,0,0,0,0,Government,0.4920368830267008,0.6509188489487553,0.5460231970049609,0.0907,0.0991,0.9821,0.7552,,0.0,0.2069,0.1667,0.0417,0.0725,0.07400000000000001,0.0845,0.0,0.0,0.0924,0.1029,0.9821,0.7648,,0.0,0.2069,0.1667,0.0417,0.0741,0.0808,0.0881,0.0,0.0,0.0916,0.0991,0.9821,0.7585,,0.0,0.2069,0.1667,0.0417,0.0737,0.0752,0.086,0.0,0.0,reg oper account,block of flats,0.0729,Panel,No,1.0,0.0,1.0,0.0,-1082.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,7.0 +2208124,419503,Revolving loans,9000.0,0.0,180000.0,,,FRIDAY,9,Y,1,,,,XAP,Approved,-2373,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-2370.0,-2331.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,630000.0,1528200.0,53118.0,1350000.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.003540999999999999,-22001,-1539,-2292.0,-282,,1,1,1,1,1,0,Accountants,1.0,1,1,FRIDAY,11,0,0,0,0,0,0,Other,0.5940638488714756,0.6419578622146448,0.5495965024956946,0.0247,,0.9841,0.7824,0.0035,0.0,0.1034,0.0417,,0.0428,0.0202,0.0228,0.0,0.0,0.0252,,0.9841,0.7909,0.0036,0.0,0.1034,0.0417,,0.0437,0.022,0.0237,0.0,0.0,0.025,,0.9841,0.7853,0.0035,0.0,0.1034,0.0417,,0.0435,0.0205,0.0232,0.0,0.0,not specified,block of flats,0.0198,Wooden,Yes,0.0,0.0,0.0,0.0,-260.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2707661,224567,Consumer loans,4508.685,49635.0,44671.5,4963.5,49635.0,SUNDAY,19,Y,1,0.1089090909090909,0.19332993312932112,0.852536997885835,XAP,Approved,-82,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,31,Connectivity,12.0,middle,POS mobile with interest,,,,,,,0,Cash loans,F,N,N,0,102780.0,679500.0,18684.0,679500.0,Unaccompanied,Commercial associate,Higher education,Single / not married,With parents,0.026392000000000002,-10217,-397,-4517.0,-2886,,1,1,1,1,0,0,Sales staff,1.0,2,2,FRIDAY,11,0,0,0,0,0,0,Other,,0.5121906442819728,0.7062051096536562,0.4825,,0.9846,,,0.52,0.4483,0.3333,,,,0.5224,,0.0,0.4916,,0.9846,,,0.5236,0.4483,0.3333,,,,0.5443,,0.0,0.4871,,0.9846,,,0.52,0.4483,0.3333,,,,0.5318,,0.0,,block of flats,0.4894,Panel,No,5.0,0.0,5.0,0.0,-310.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +1967730,195355,Revolving loans,11250.0,0.0,225000.0,,0.0,WEDNESDAY,13,Y,1,,,,XAP,Refused,-1371,XNA,HC,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,Y,Y,1,292500.0,553351.5,26748.0,414000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010556,-11454,-2395,-3321.0,-532,2.0,1,1,0,1,0,1,,3.0,3,3,TUESDAY,12,0,0,0,0,1,1,Business Entity Type 3,,0.5847546163592603,0.520897599048938,0.401,0.2242,0.995,0.932,0.102,0.24,0.2069,0.375,0.4167,0.2105,0.327,0.3129,0.0039,0.0011,0.4086,0.2326,0.995,0.9347,0.1029,0.2417,0.2069,0.375,0.4167,0.2153,0.3572,0.326,0.0039,0.0012,0.4049,0.2242,0.995,0.9329,0.1026,0.24,0.2069,0.375,0.4167,0.2141,0.3326,0.3185,0.0039,0.0012,reg oper account,block of flats,0.3021,Panel,No,0.0,0.0,0.0,0.0,-1886.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,5.0 +2786339,358259,Cash loans,29329.92,670500.0,739534.5,,670500.0,SUNDAY,11,Y,1,,,,Repairs,Refused,-646,XNA,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,Y,Y,1,135000.0,254700.0,17149.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010966,-18479,-1184,-740.0,-2015,12.0,1,1,0,1,0,0,,3.0,2,2,TUESDAY,12,0,0,0,0,1,1,Business Entity Type 3,,0.20357246321933267,0.3344541255096772,0.0701,0.0682,0.9861,0.8096,0.0292,0.0,0.1379,0.1667,0.2083,0.0,0.0555,0.0625,0.0077,0.0145,0.0714,0.0708,0.9861,0.8171,0.0295,0.0,0.1379,0.1667,0.2083,0.0,0.0606,0.0651,0.0078,0.0154,0.0708,0.0682,0.9861,0.8121,0.0294,0.0,0.1379,0.1667,0.2083,0.0,0.0564,0.0636,0.0078,0.0148,org spec account,block of flats,0.0523,Panel,No,0.0,0.0,0.0,0.0,-1838.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2621908,360800,Consumer loans,9727.785,54841.5,49356.0,5485.5,54841.5,SUNDAY,15,Y,1,0.10893590040057584,,,XAP,Approved,-337,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,6.0,high,POS mobile with interest,365243.0,-284.0,-134.0,-164.0,-162.0,0.0,0,Revolving loans,F,N,Y,1,94500.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Incomplete higher,Single / not married,House / apartment,0.010556,-7748,-1108,-791.0,-307,,1,1,1,1,1,0,Core staff,2.0,3,3,MONDAY,10,0,0,0,0,1,1,Trade: type 7,0.1913171334711337,0.3518423267351426,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-579.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1508273,156938,Revolving loans,13500.0,0.0,270000.0,,,SUNDAY,12,Y,1,,,,XAP,Refused,-1223,XNA,HC,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,N,0,337500.0,1006920.0,42790.5,900000.0,Family,Pensioner,Higher education,Married,House / apartment,0.072508,-17367,365243,-9681.0,-911,,1,0,0,1,1,0,,2.0,1,1,FRIDAY,12,0,0,0,0,0,0,XNA,,0.731735423611235,0.42765737003502935,0.2206,0.1431,0.9796,0.7212,0.0,0.24,0.2069,0.3333,0.375,0.0,0.1799,0.211,0.0,0.0,0.2248,0.1485,0.9796,0.7321,0.0,0.2417,0.2069,0.3333,0.375,0.0,0.1965,0.2198,0.0,0.0,0.2228,0.1431,0.9796,0.7249,0.0,0.24,0.2069,0.3333,0.375,0.0,0.183,0.2147,0.0,0.0,reg oper account,block of flats,0.1659,Panel,No,0.0,0.0,0.0,0.0,-1673.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1983933,399888,Cash loans,49671.0,450000.0,450000.0,,450000.0,FRIDAY,18,Y,1,,,,XNA,Approved,-745,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Country-wide,1465,Consumer electronics,12.0,high,Cash X-Sell: high,365243.0,-715.0,-385.0,-625.0,-617.0,0.0,0,Cash loans,F,Y,Y,0,202500.0,704844.0,32791.5,630000.0,,Commercial associate,Incomplete higher,Married,House / apartment,0.035792000000000004,-8773,-1047,-4107.0,-1452,10.0,1,1,1,1,1,0,,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.5996343024469264,0.5733270609974779,0.36896873825284665,0.0093,,0.9712,,,,0.069,0.0417,,,,,,,0.0095,,0.9712,,,,0.069,0.0417,,,,,,,0.0094,,0.9712,,,,0.069,0.0417,,,,,,,,,0.0066,,No,5.0,1.0,5.0,0.0,-1168.0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,5.0 +1226426,325361,Consumer loans,13890.33,76455.0,76455.0,0.0,76455.0,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-533,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,150,Consumer electronics,6.0,middle,POS household with interest,365243.0,-500.0,-350.0,-350.0,-346.0,0.0,0,Cash loans,M,Y,Y,2,135000.0,148365.0,11610.0,135000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.005313,-9222,-2060,-435.0,-1896,15.0,1,1,1,1,0,0,Laborers,4.0,2,2,WEDNESDAY,15,0,1,1,0,1,1,Transport: type 2,0.2498683430229095,0.4716373082197941,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-533.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1684031,310046,Revolving loans,7875.0,157500.0,157500.0,,157500.0,SATURDAY,13,Y,1,,,,XAP,Approved,-270,XNA,XAP,Unaccompanied,Refreshed,XNA,Cards,x-sell,AP+ (Cash loan),1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,112500.0,675000.0,28728.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-15536,-816,-1013.0,-4302,,1,1,1,1,1,0,Accountants,2.0,2,2,WEDNESDAY,12,0,0,0,0,1,1,Self-employed,,0.22494754513925252,0.8083935912119442,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-270.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1281071,437985,Cash loans,19867.5,675000.0,675000.0,,675000.0,THURSDAY,16,Y,1,,,,XNA,Approved,-90,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-60.0,1710.0,365243.0,365243.0,0.0,1,Cash loans,F,N,Y,0,103500.0,909000.0,25641.0,909000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.026392000000000002,-23678,365243,-10379.0,-4127,,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,XNA,,0.7150150840717806,0.7366226976503176,0.1866,,0.9856,,,0.2,0.1724,0.3333,,,,0.1892,,0.0,0.1901,,0.9856,,,0.2014,0.1724,0.3333,,,,0.1971,,0.0,0.1884,,0.9856,,,0.2,0.1724,0.3333,,,,0.1926,,0.0,,block of flats,0.1488,Panel,No,0.0,0.0,0.0,0.0,-1770.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,0.0 +1272153,272026,Cash loans,25783.425,360000.0,530086.5,,360000.0,TUESDAY,9,Y,1,,,,Repairs,Refused,-684,Cash through the bank,SCOFR,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,middle,Cash Street: middle,,,,,,,0,Cash loans,M,N,Y,0,202500.0,225000.0,17775.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-9552,-1793,-1131.0,-2239,,1,1,0,1,1,0,Laborers,2.0,3,3,SUNDAY,9,0,0,0,0,0,0,Industry: type 11,,0.10797946459612424,,0.0825,0.0802,0.9747,0.6532,0.0077,0.0,0.1379,0.1667,0.2083,0.0542,0.0664,0.0414,0.0039,0.0794,0.084,0.0832,0.9747,0.6668,0.0078,0.0,0.1379,0.1667,0.2083,0.0554,0.0725,0.0432,0.0039,0.0841,0.0833,0.0802,0.9747,0.6578,0.0078,0.0,0.1379,0.1667,0.2083,0.0551,0.0676,0.0422,0.0039,0.0811,reg oper account,block of flats,0.0499,"Stone, brick",No,2.0,0.0,2.0,0.0,-337.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2057786,294412,Cash loans,10073.97,112500.0,123637.5,0.0,112500.0,THURSDAY,9,Y,1,0.0,,,XNA,Approved,-2468,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,18.0,high,Cash Street: high,365243.0,-2438.0,-1928.0,-1928.0,-1926.0,1.0,0,Cash loans,M,N,N,1,135000.0,1077061.5,31621.5,940500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-15328,-426,-6080.0,-4108,,1,1,0,1,0,0,Drivers,3.0,2,2,MONDAY,10,0,0,0,0,1,1,Business Entity Type 3,,0.2755358466931539,0.6706517530862718,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,3.0,8.0,0.0,-527.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,3.0,1.0 +1828638,384722,Cash loans,24639.21,337500.0,368685.0,,337500.0,TUESDAY,14,Y,1,,,,XNA,Refused,-857,Cash through the bank,LIMIT,Family,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),1,XNA,24.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,202500.0,101880.0,11623.5,90000.0,Family,Working,Secondary / secondary special,Separated,House / apartment,0.018634,-12641,-3142,-2325.0,-4449,,1,1,1,1,0,0,Medicine staff,1.0,2,2,FRIDAY,14,0,0,0,0,0,0,Medicine,0.29759929463436874,0.4765115337624806,0.7583930617144343,0.1495,,0.9811,,,,0.069,0.1667,,,,0.0784,,,0.1523,,0.9811,,,,0.069,0.1667,,,,0.0817,,,0.1509,,0.9811,,,,0.069,0.1667,,,,0.0798,,,,,0.0616,,No,6.0,0.0,6.0,0.0,-1670.0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2521922,135134,Cash loans,18864.945,337500.0,445243.5,,337500.0,SATURDAY,14,Y,1,,,,XNA,Approved,-812,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-782.0,268.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,162000.0,247500.0,26118.0,247500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.019101,-18314,-2020,-9758.0,-1844,,1,1,0,1,0,0,Core staff,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,Self-employed,0.4675764372767761,0.7632615504591453,0.4614823912998385,0.0289,0.0195,0.9821,,,0.0,0.069,0.1458,,0.0189,,0.0287,,0.0,0.0126,0.0202,0.9806,,,0.0,0.0345,0.125,,0.0194,,0.0122,,0.0,0.0291,0.0195,0.9821,,,0.0,0.069,0.1458,,0.0193,,0.0292,,0.0,,block of flats,0.0359,"Stone, brick",No,0.0,0.0,0.0,0.0,-1788.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2584608,396519,Consumer loans,14366.88,97119.0,77692.5,19426.5,97119.0,TUESDAY,12,Y,1,0.21784845957489826,,,XAP,Approved,-304,Cash through the bank,XAP,Unaccompanied,New,Jewelry,POS,XNA,Stone,25,Industry,6.0,middle,POS industry with interest,365243.0,-274.0,-124.0,-124.0,-117.0,0.0,0,Cash loans,F,N,N,0,135000.0,473742.0,30406.5,418500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.016612000000000002,-24096,365243,-4851.0,-3817,,1,0,0,1,1,0,,1.0,2,2,FRIDAY,11,0,0,0,0,0,0,XNA,0.7779674410602893,0.4961423317920989,0.5762088360175724,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-304.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1460996,252296,Consumer loans,9944.01,99450.0,89505.0,9945.0,99450.0,WEDNESDAY,11,Y,1,0.1089090909090909,,,XAP,Approved,-2789,XNA,XAP,,Repeater,Consumer Electronics,POS,XNA,Country-wide,15,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2757.0,-2487.0,-2487.0,-2484.0,0.0,0,Cash loans,F,N,N,0,135000.0,450000.0,43839.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-19305,-4582,-6109.0,-2838,,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,10,0,0,0,0,1,1,Housing,,0.6680883251894207,0.8106180215523969,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1282.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2068965,260063,Consumer loans,10134.945,99270.0,99270.0,0.0,99270.0,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-268,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Regional / Local,814,Consumer electronics,12.0,middle,POS household with interest,365243.0,-238.0,92.0,-28.0,-22.0,0.0,0,Cash loans,F,Y,N,0,112500.0,900000.0,45954.0,900000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.018634,-9317,-578,-9309.0,-532,23.0,1,1,0,1,0,0,High skill tech staff,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,Transport: type 4,0.20886135412745727,0.35517572463298525,0.2735646775174348,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-460.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2248129,439728,Consumer loans,3371.085,36670.5,27936.0,11250.0,36670.5,TUESDAY,13,Y,1,0.31266964546707315,,,XAP,Approved,-1858,XNA,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,56,Connectivity,12.0,high,POS mobile with interest,365243.0,-1827.0,-1497.0,-1497.0,-1489.0,0.0,0,Cash loans,F,N,Y,0,90000.0,267102.0,20101.5,247500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.010643000000000001,-15716,-646,-8032.0,-4616,,1,1,0,1,0,0,Sales staff,1.0,2,2,FRIDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.2979929368092617,0.6910212267577837,0.0082,,0.9762,0.6736,,0.0,0.069,0.0417,0.0833,,0.0067,0.0075,0.0,0.0042,0.0084,,0.9762,0.6864,,0.0,0.069,0.0417,0.0833,,0.0073,0.0078,0.0,0.0044,0.0083,,0.9762,0.6779999999999999,,0.0,0.069,0.0417,0.0833,,0.0068,0.0076,0.0,0.0043,reg oper account,block of flats,0.0059,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1445264,258946,Consumer loans,30684.87,277200.0,295497.0,0.0,277200.0,FRIDAY,13,Y,1,0.0,,,XAP,Approved,-236,Cash through the bank,XAP,Unaccompanied,Repeater,Auto Accessories,POS,XNA,Stone,230,Auto technology,12.0,middle,POS other with interest,365243.0,-204.0,126.0,-84.0,-73.0,0.0,1,Cash loans,M,Y,Y,0,270000.0,416052.0,19525.5,292500.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.010006000000000001,-15155,-3115,-6501.0,-3886,1.0,1,1,1,1,1,0,Laborers,2.0,2,2,WEDNESDAY,15,0,0,0,0,1,1,Industry: type 9,,0.5574069664571539,0.09950368352887068,0.0052,0.0,0.9791,,,0.0,,0.0,,,,0.0035,,0.0,0.0053,0.0,0.9791,,,0.0,,0.0,,,,0.0036,,0.0,0.0052,0.0,0.9791,,,0.0,,0.0,,,,0.0035,,0.0,,block of flats,0.0027,Wooden,No,0.0,0.0,0.0,0.0,-1672.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1570449,444769,Revolving loans,22500.0,0.0,450000.0,,,MONDAY,16,Y,1,,,,XAP,Approved,-1071,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-1070.0,-1043.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,1,225000.0,533304.0,28053.0,405000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.022625,-19600,-1949,-2652.0,-3127,,1,1,0,1,0,0,Managers,3.0,2,2,MONDAY,13,0,1,1,0,1,1,Business Entity Type 3,,0.22842436201913044,0.36227724703843145,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-159.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2835319,239141,Revolving loans,2250.0,45000.0,45000.0,,45000.0,THURSDAY,18,Y,1,,,,XAP,Approved,-203,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,-77.0,0.0,0,Cash loans,M,Y,Y,1,157500.0,450000.0,30573.0,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.030755,-11665,-1377,-5465.0,-2023,10.0,1,1,1,1,1,0,Drivers,3.0,2,2,THURSDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.6240636433450176,0.3123653692278984,0.0964,0.095,0.9801,0.728,0.0094,0.06,0.1321,0.25,0.375,0.0434,0.1202,0.0927,0.0039,0.0112,0.0735,0.0708,0.9801,0.7387,0.0094,0.0,0.1379,0.1667,0.375,0.0243,0.1313,0.0532,0.0039,0.0,0.0885,0.0941,0.9801,0.7316,0.0094,0.04,0.1379,0.25,0.375,0.0403,0.1223,0.0812,0.0039,0.0019,reg oper account,block of flats,0.0547,Panel,No,0.0,0.0,0.0,0.0,-371.0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0.0,1.0,0.0,0.0,0.0,5.0 +2218516,116785,Cash loans,,0.0,0.0,,,THURSDAY,12,Y,1,,,,XNA,Refused,-190,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,225000.0,284400.0,22599.0,225000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.002042,-14170,-4752,-290.0,-4864,,1,1,0,1,0,0,Managers,1.0,3,3,FRIDAY,16,0,0,0,0,0,0,Insurance,0.825280125183315,0.3745249834514295,0.25259869783397665,0.0464,0.0776,0.9985,0.9796,0.0505,0.0,0.1034,0.0833,0.0,0.0148,0.0378,0.0183,0.0,0.0614,0.0473,0.0805,0.9985,0.9804,0.0509,0.0,0.1034,0.0833,0.0,0.0151,0.0413,0.019,0.0,0.065,0.0468,0.0776,0.9985,0.9799,0.0508,0.0,0.1034,0.0833,0.0,0.015,0.0385,0.0186,0.0,0.0627,reg oper spec account,block of flats,0.0286,"Stone, brick",No,0.0,0.0,0.0,0.0,-708.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,6.0 +1614482,142735,Cash loans,16395.3,360000.0,360000.0,,360000.0,TUESDAY,13,Y,1,,,,XNA,Approved,-1334,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-1304.0,-254.0,-1034.0,-1027.0,0.0,0,Cash loans,F,N,Y,0,112500.0,1048500.0,30784.5,1048500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-19675,-3150,-7284.0,-3173,,1,1,0,1,1,0,Laborers,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,Postal,,0.6762604424780145,0.5954562029091491,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1592.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,8.0 +1579374,238522,Cash loans,18444.6,180000.0,180000.0,,180000.0,WEDNESDAY,11,Y,1,,,,XNA,Refused,-353,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,135000.0,225000.0,24363.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.028663,-24823,365243,-10228.0,-4413,,1,0,0,1,1,0,,1.0,2,2,SATURDAY,11,0,0,0,0,0,0,XNA,,0.4789940415933813,0.5190973382084597,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,11.0,0.0,11.0,0.0,-141.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +1942665,424201,Revolving loans,4500.0,0.0,90000.0,,,WEDNESDAY,12,N,1,,,,XAP,Refused,-2709,XNA,SYSTEM,,Repeater,XNA,Cards,x-sell,Country-wide,84,Connectivity,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,Y,Y,1,112500.0,178290.0,11736.0,157500.0,Unaccompanied,Working,Incomplete higher,Separated,House / apartment,0.010966,-14815,-125,-7495.0,-4534,7.0,1,1,0,1,0,1,Laborers,2.0,2,2,WEDNESDAY,18,0,0,0,0,0,0,Industry: type 9,,0.6778812861916539,0.3672910183026313,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1654.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +1721167,389348,Consumer loans,3222.945,46305.0,26163.0,22500.0,46305.0,SUNDAY,19,Y,1,0.5035559964355969,,,XAP,Approved,-2238,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,46,Connectivity,12.0,high,POS mobile with interest,365243.0,-2202.0,-1872.0,-1902.0,-1895.0,0.0,0,Cash loans,M,Y,N,0,315000.0,450000.0,30442.5,450000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-19187,-1540,-4844.0,-2642,4.0,1,1,1,1,1,0,Laborers,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,Other,0.4509296186062216,0.6411130177178883,0.324891229465852,0.0804,,0.9935,,,0.08,0.069,0.375,,,,0.0828,,0.0,0.0819,,0.9935,,,0.0806,0.069,0.375,,,,0.0863,,0.0,0.0812,,0.9935,,,0.08,0.069,0.375,,,,0.0843,,0.0,,block of flats,0.0651,Panel,No,0.0,0.0,0.0,0.0,-1502.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,6.0 +1523783,404819,Consumer loans,2762.91,30510.0,26824.5,6102.0,30510.0,SATURDAY,13,Y,1,0.20183234559618315,,,XAP,Approved,-1735,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,911,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1704.0,-1374.0,-1614.0,-1608.0,0.0,0,Cash loans,F,N,Y,0,180000.0,1042812.0,30618.0,747000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.025164,-23409,-602,-2674.0,-4767,,1,1,0,1,0,0,Medicine staff,1.0,2,2,FRIDAY,15,0,0,0,0,0,0,Medicine,0.8221327533666514,0.3896818709626937,0.6092756673894402,0.1299,0.125,0.9821,0.7552,0.0,0.02,0.2241,0.25,0.2917,0.0,0.1055,0.1193,0.0019,0.0005,0.0756,0.0524,0.9777,0.706,0.0,0.0,0.0345,0.1667,0.2083,0.0,0.0661,0.068,0.0,0.0,0.1312,0.125,0.9821,0.7585,0.0,0.02,0.2241,0.25,0.2917,0.0,0.1073,0.1215,0.0019,0.0005,reg oper account,block of flats,0.0513,"Stone, brick",No,0.0,0.0,0.0,0.0,-245.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1411385,337243,Consumer loans,22136.94,139230.0,166819.5,4500.0,139230.0,SATURDAY,9,Y,1,0.0286068374639728,,,XAP,Approved,-957,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,56,Connectivity,10.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,Y,Y,2,540000.0,760225.5,58963.5,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006629,-12917,-2376,-2933.0,-4737,1.0,1,1,0,1,0,0,Managers,4.0,2,2,THURSDAY,10,0,0,0,0,0,0,Industry: type 3,0.3771906774461786,0.6421940600402358,0.1206410299309233,0.0876,0.1107,0.9836,0.7756,0.0249,0.0,0.1207,0.1667,0.0417,0.0664,0.0714,0.0737,0.0,0.0148,0.084,0.1136,0.9831,0.7779,0.0206,0.0,0.1034,0.1667,0.0417,0.0587,0.0735,0.0743,0.0,0.013,0.0885,0.1107,0.9836,0.7786,0.025,0.0,0.1207,0.1667,0.0417,0.0676,0.0727,0.075,0.0,0.0151,reg oper account,block of flats,0.0699,Panel,No,0.0,0.0,0.0,0.0,-1546.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2204638,278698,Consumer loans,8414.865,70551.0,70200.0,7056.0,70551.0,SUNDAY,16,Y,1,0.09946962636617812,,,XAP,Approved,-512,Cash through the bank,XAP,,New,Jewelry,POS,XNA,Stone,50,Industry,12.0,high,POS other with interest,365243.0,-480.0,-150.0,-150.0,-148.0,0.0,0,Cash loans,F,N,Y,1,382500.0,241618.5,26149.5,229500.0,Family,Working,Secondary / secondary special,Single / not married,House / apartment,0.008625,-12423,-667,-1015.0,-1021,,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,14,0,0,0,0,1,1,Self-employed,,0.25637834287325256,0.22888341670067305,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-512.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1105773,219533,Consumer loans,35483.49,151002.0,135900.0,15102.0,151002.0,FRIDAY,18,Y,1,0.10892207327777713,,,XAP,Approved,-1039,XNA,XAP,Unaccompanied,Refreshed,Furniture,POS,XNA,Stone,25,Furniture,4.0,low_normal,POS industry with interest,365243.0,-1008.0,-918.0,-918.0,-911.0,0.0,0,Cash loans,M,Y,Y,0,292500.0,2013840.0,55507.5,1800000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.02461,-20498,-3614,-333.0,-3838,3.0,1,1,0,1,0,0,,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.7536925483402815,0.4776244340673636,0.3740208032583212,0.0082,0.0,0.9732,0.6328,0.0006,0.0,0.0345,0.0417,0.0417,0.0154,0.0067,0.0056,0.0,0.0,0.0084,0.0,0.9732,0.6472,0.0006,0.0,0.0345,0.0417,0.0417,0.0157,0.0073,0.0058,0.0,0.0,0.0083,0.0,0.9732,0.6377,0.0006,0.0,0.0345,0.0417,0.0417,0.0156,0.0068,0.0057,0.0,0.0,reg oper account,block of flats,0.0044,"Stone, brick",No,0.0,0.0,0.0,0.0,-1039.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2364385,203646,Cash loans,55380.6,1800000.0,2013840.0,,1800000.0,MONDAY,7,Y,1,,,,Repairs,Refused,-303,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,Y,Y,0,225000.0,254700.0,20250.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0038179999999999998,-12349,-1006,-4822.0,-888,10.0,1,1,0,1,0,0,Core staff,2.0,2,2,WEDNESDAY,5,0,0,0,0,0,0,Kindergarten,0.2533153181225867,0.531656543248514,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-501.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1289260,342134,Cash loans,12171.6,135000.0,135000.0,,135000.0,TUESDAY,12,Y,1,,,,XNA,Approved,-357,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,1000,Consumer electronics,12.0,low_action,Cash Street: low,365243.0,-326.0,4.0,-236.0,-233.0,0.0,0,Cash loans,F,N,Y,0,157500.0,225000.0,22837.5,225000.0,Family,Commercial associate,Higher education,Civil marriage,House / apartment,0.019688999999999998,-9469,-810,-4095.0,-2080,,1,1,0,1,1,0,Accountants,2.0,2,2,TUESDAY,9,0,0,0,0,1,1,Bank,,0.4580548049127467,,0.0722,0.064,0.9767,0.6804,0.0605,0.0,0.1379,0.1667,0.2083,0.0316,0.0588,0.0667,0.0,0.0,0.0735,0.0664,0.9767,0.6929,0.0611,0.0,0.1379,0.1667,0.2083,0.0323,0.0643,0.0695,0.0,0.0,0.0729,0.064,0.9767,0.6847,0.0609,0.0,0.1379,0.1667,0.2083,0.0321,0.0599,0.0679,0.0,0.0,reg oper account,block of flats,0.0856,Block,No,2.0,1.0,2.0,0.0,-628.0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,,,,,, +1739729,362664,Cash loans,14588.055,180000.0,215640.0,,180000.0,TUESDAY,17,Y,1,,,,Repairs,Approved,-653,Cash through the bank,XAP,,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,high,Cash Street: high,365243.0,-623.0,427.0,-623.0,-613.0,1.0,0,Cash loans,F,N,Y,1,135000.0,539100.0,27652.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-11061,-387,-3704.0,-155,,1,1,0,1,0,0,Laborers,3.0,2,2,THURSDAY,14,0,0,0,1,1,1,Advertising,0.6512906499088892,0.5628862869905201,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-653.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1687700,444388,Cash loans,8641.305,112500.0,127350.0,,112500.0,FRIDAY,9,Y,1,,,,XNA,Approved,-81,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Regional / Local,351,Consumer electronics,24.0,middle,Cash X-Sell: middle,365243.0,-51.0,639.0,-21.0,-16.0,1.0,0,Cash loans,F,N,N,2,157500.0,398808.0,10647.0,261000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-14339,-707,-1611.0,-3722,,1,1,0,1,0,0,Laborers,4.0,2,2,MONDAY,14,0,0,0,0,0,0,Other,0.5325700126312184,0.25103736445126484,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-397.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1937043,409615,Consumer loans,3967.965,26541.0,28732.5,0.0,26541.0,FRIDAY,13,Y,1,0.0,,,XAP,Approved,-1508,Cash through the bank,XAP,Unaccompanied,Refreshed,Computers,POS,XNA,Country-wide,1600,Consumer electronics,10.0,high,POS household with interest,365243.0,-1477.0,-1207.0,-1207.0,-1205.0,0.0,0,Cash loans,M,Y,Y,0,112500.0,139230.0,11290.5,112500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.005084,-12727,-1641,-4567.0,-4569,8.0,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,14,0,0,0,0,1,1,Business Entity Type 3,0.29004124473468645,0.5784596563998058,0.6722428897082422,0.0278,0.0528,0.9806,,,,0.1034,0.0833,,,,,,,0.0284,0.0548,0.9806,,,,0.1034,0.0833,,,,,,,0.0281,0.0528,0.9806,,,,0.1034,0.0833,,,,,,,,block of flats,0.0213,,No,0.0,0.0,0.0,0.0,-1508.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2099329,234577,Consumer loans,12298.68,125716.5,113143.5,12573.0,125716.5,SUNDAY,12,Y,1,0.1089207860543365,,,XAP,Approved,-2369,XNA,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,1420,Consumer electronics,12.0,high,POS household with interest,365243.0,-2335.0,-2005.0,-2065.0,-2054.0,0.0,0,Cash loans,M,Y,N,0,90000.0,900000.0,26316.0,900000.0,Unaccompanied,Pensioner,Incomplete higher,Married,House / apartment,0.009656999999999999,-21906,365243,-7833.0,-4122,7.0,1,0,0,1,1,0,,2.0,2,2,MONDAY,13,0,0,0,0,0,0,XNA,0.5771818312363344,0.6752446602102558,0.5460231970049609,0.3,0.1753,0.9896,0.8572,0.0,0.28,0.2414,0.375,0.0417,0.1544,0.2446,0.3192,0.0,0.0,0.3057,0.1819,0.9896,0.8628,0.0,0.282,0.2414,0.375,0.0417,0.1579,0.2672,0.3325,0.0,0.0,0.3029,0.1753,0.9896,0.8591,0.0,0.28,0.2414,0.375,0.0417,0.1571,0.2488,0.3249,0.0,0.0,reg oper account,block of flats,0.2918,Panel,No,0.0,0.0,0.0,0.0,-1518.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1109845,178337,Revolving loans,22500.0,0.0,450000.0,,,FRIDAY,12,Y,1,,,,XAP,Approved,-1455,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-1427.0,-1376.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,126000.0,781920.0,33259.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-21365,365243,-7391.0,-4906,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,,0.6698897008965031,0.5638350489514956,0.1856,0.0922,0.9831,,,0.2,0.1724,0.3333,,0.025,,0.1772,,0.0066,0.1891,0.0956,0.9831,,,0.2014,0.1724,0.3333,,0.0255,,0.1846,,0.006999999999999999,0.1874,0.0922,0.9831,,,0.2,0.1724,0.3333,,0.0254,,0.1804,,0.0067,,block of flats,0.1411,Panel,No,0.0,0.0,0.0,0.0,-1758.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +2815872,288526,Cash loans,26155.755,409500.0,447336.0,,409500.0,WEDNESDAY,17,Y,1,,,,XNA,Refused,-929,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,Y,Y,1,180000.0,971280.0,54364.5,900000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-11164,365243,-170.0,-1904,5.0,1,0,0,1,0,0,,3.0,2,2,MONDAY,14,0,0,0,0,0,0,XNA,,0.16545113137305956,,0.0876,0.1078,0.9851,0.7756,0.0127,0.0,0.2069,0.1667,0.2083,0.0959,0.071,0.0782,0.0019,0.0176,0.084,0.1106,0.9836,0.7844,0.0128,0.0,0.2069,0.1667,0.2083,0.0863,0.0735,0.078,0.0,0.0035,0.0885,0.1078,0.9851,0.7786,0.0128,0.0,0.2069,0.1667,0.2083,0.0975,0.0723,0.0796,0.0019,0.018000000000000002,org spec account,block of flats,0.0658,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2252820,302857,Consumer loans,11248.11,111091.5,122823.0,0.0,111091.5,WEDNESDAY,13,Y,1,0.0,,,XAP,Approved,-678,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,1200,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-646.0,-316.0,-316.0,-310.0,0.0,0,Cash loans,F,N,Y,0,90000.0,269550.0,10818.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.018209,-20954,365243,-3367.0,-4053,,1,0,0,1,0,0,,1.0,3,3,TUESDAY,12,0,0,0,0,0,0,XNA,,0.5592296372120715,0.31547215492577346,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,0.0,-678.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2347443,371061,Cash loans,18274.545,180000.0,197820.0,0.0,180000.0,THURSDAY,11,Y,1,0.0,,,Repairs,Approved,-1971,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,365243.0,-1941.0,-1431.0,-1581.0,-1576.0,1.0,0,Cash loans,M,Y,Y,1,270000.0,755190.0,38686.5,675000.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.031329,-17552,-526,-1927.0,-1088,13.0,1,1,0,1,1,0,Managers,3.0,2,2,MONDAY,12,0,0,0,0,1,1,Business Entity Type 3,,0.609067606240645,0.4974688893052743,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1571.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1324910,222096,Revolving loans,2250.0,45000.0,45000.0,,45000.0,MONDAY,12,Y,1,,,,XAP,Refused,-368,XNA,SCOFR,Family,Refreshed,XNA,Cards,walk-in,Country-wide,2105,Consumer electronics,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,N,N,0,112500.0,152820.0,18265.5,135000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.018634,-14110,-6443,-7770.0,-4201,,1,1,0,1,0,0,,1.0,2,2,FRIDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.1562650670781765,0.3377055529044749,0.5172965813614878,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1525736,177432,Cash loans,,0.0,0.0,,,THURSDAY,16,Y,1,,,,XNA,Refused,-169,XNA,SCOFR,,Repeater,XNA,XNA,XNA,Country-wide,20,Connectivity,,XNA,Cash,,,,,,,1,Cash loans,F,N,Y,0,139500.0,556870.5,26091.0,391500.0,Family,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.04622,-10910,-82,-4332.0,-3535,,1,1,0,1,0,0,Laborers,2.0,1,1,FRIDAY,16,0,0,0,0,0,0,Postal,,0.4805331796083213,0.05922650139750646,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1476276,363060,Cash loans,,0.0,0.0,,,WEDNESDAY,10,Y,1,,,,XNA,Refused,-286,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,90000.0,490536.0,15795.0,405000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.010147,-20234,365243,-8559.0,-3581,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,13,0,0,0,0,0,0,XNA,0.7446555191661602,0.5649136413519339,0.5190973382084597,0.1227,0.0,0.9886,0.8436,0.0207,0.0,0.2759,0.1667,0.2083,,0.1,0.1227,0.0,0.0,0.125,0.0,0.9886,0.8497,0.0209,0.0,0.2759,0.1667,0.2083,,0.1093,0.1279,0.0,0.0,0.1239,0.0,0.9886,0.8457,0.0208,0.0,0.2759,0.1667,0.2083,,0.1018,0.1249,0.0,0.0,reg oper spec account,block of flats,0.1078,Panel,No,1.0,0.0,1.0,0.0,-595.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1394071,355018,Revolving loans,3375.0,0.0,67500.0,,,TUESDAY,13,Y,1,,,,XAP,Approved,-2657,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,42,Connectivity,0.0,XNA,Card Street,-2647.0,-2599.0,365243.0,-2478.0,365243.0,0.0,1,Cash loans,F,Y,N,0,126000.0,573408.0,25389.0,495000.0,Family,Commercial associate,Secondary / secondary special,Single / not married,With parents,0.030755,-12396,-5216,-2711.0,-4571,18.0,1,1,0,1,0,0,Laborers,1.0,2,2,SATURDAY,12,0,0,0,0,0,0,Business Entity Type 1,0.6220023471758899,0.5913866989491036,0.0005272652387098817,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +1872892,301997,Consumer loans,10012.815,102703.5,107203.5,0.0,102703.5,TUESDAY,14,Y,1,0.0,,,XAP,Approved,-1406,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,1700,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-1375.0,-1045.0,-1075.0,-1072.0,0.0,0,Cash loans,M,Y,Y,0,103500.0,117162.0,13347.0,103500.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.00963,-12263,-195,-6170.0,-2355,65.0,1,1,0,1,0,0,Laborers,1.0,2,2,MONDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.2700964600013275,0.6609368110041745,0.6496203111237195,0.0619,0.08,0.9836,0.7756,0.0128,0.0,0.1379,0.1667,0.2083,0.0615,0.0504,0.0586,0.0,0.0,0.063,0.083,0.9836,0.7844,0.0129,0.0,0.1379,0.1667,0.2083,0.0629,0.0551,0.0611,0.0,0.0,0.0625,0.08,0.9836,0.7786,0.0128,0.0,0.1379,0.1667,0.2083,0.0626,0.0513,0.0597,0.0,0.0,reg oper account,block of flats,0.053,Panel,No,3.0,0.0,3.0,0.0,-1885.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2384411,415423,Consumer loans,9539.28,177408.0,180702.0,17743.5,177408.0,MONDAY,12,Y,1,0.09737829552927398,,,XAP,Approved,-390,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,1700,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-359.0,331.0,365243.0,365243.0,0.0,0,Revolving loans,M,Y,N,0,180000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.00963,-15087,-1047,-204.0,-3931,26.0,1,1,0,1,0,0,,1.0,2,2,SATURDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.5106506097766818,0.5830172619119978,0.2458512138252296,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1375.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2806374,274301,Consumer loans,17422.38,147964.5,158544.0,0.0,147964.5,WEDNESDAY,16,Y,1,0.0,,,XAP,Approved,-439,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,25,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-401.0,-131.0,-131.0,-127.0,0.0,0,Cash loans,M,N,Y,1,247500.0,373941.0,29493.0,346500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Co-op apartment,0.04622,-10875,-1546,-3658.0,-2385,,1,1,0,1,1,0,Laborers,3.0,1,1,MONDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.7075337372482275,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-712.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1431582,162499,Cash loans,30052.755,540000.0,593460.0,,540000.0,SATURDAY,12,Y,1,,,,XNA,Approved,-773,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,365243.0,-743.0,127.0,-293.0,-288.0,1.0,0,Revolving loans,F,Y,Y,0,225000.0,337500.0,16875.0,337500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.026392000000000002,-22757,365243,-49.0,-4724,3.0,1,0,0,1,0,0,,1.0,2,2,TUESDAY,12,0,0,0,0,0,0,XNA,,0.6594061768905888,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,-1317.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1251056,435391,Cash loans,27361.08,135000.0,139455.0,0.0,135000.0,SATURDAY,12,Y,1,0.0,,,Other,Approved,-2228,Cash through the bank,XAP,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,365243.0,-2197.0,-2047.0,-2047.0,-2040.0,0.0,0,Cash loans,M,Y,N,0,180000.0,1288350.0,34114.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.031329,-14434,-2910,-6055.0,-4436,2.0,1,1,0,1,0,0,Laborers,1.0,2,2,WEDNESDAY,10,0,0,0,1,1,1,Industry: type 5,,0.5975913455916301,0.7121551551910698,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1295.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,1.0 +2309660,350035,Consumer loans,6321.105,122265.0,122265.0,0.0,122265.0,THURSDAY,14,Y,1,0.0,,,XAP,Approved,-1217,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Regional / Local,762,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-1186.0,-496.0,-526.0,-521.0,0.0,0,Cash loans,F,N,Y,0,67500.0,288873.0,16258.5,238500.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.025164,-20588,365243,-1640.0,-3855,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,XNA,0.7093660138997704,0.6164253249528335,0.6738300778602003,0.1062,0.0533,0.997,0.9592,0.0,0.08,0.0345,0.5417,0.0417,0.0412,0.0866,0.1078,0.0,0.0679,0.1082,0.0554,0.997,0.9608,0.0,0.0806,0.0345,0.5417,0.0417,0.0422,0.0946,0.1123,0.0,0.0719,0.1072,0.0533,0.997,0.9597,0.0,0.08,0.0345,0.5417,0.0417,0.042,0.0881,0.1097,0.0,0.0694,not specified,block of flats,0.146,Block,No,1.0,0.0,1.0,0.0,-1217.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +1158255,263073,Consumer loans,37935.675,384390.0,409761.0,0.0,384390.0,TUESDAY,15,Y,1,0.0,,,XAP,Approved,-422,Cash through the bank,XAP,,New,Furniture,POS,XNA,Country-wide,500,Furniture,12.0,low_normal,POS industry with interest,365243.0,-391.0,-61.0,-61.0,-53.0,0.0,0,Cash loans,F,N,Y,0,234000.0,447768.0,25834.5,405000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.003069,-19583,-9478,-9454.0,-3110,,1,1,0,1,0,0,,2.0,3,3,THURSDAY,14,0,0,0,0,1,1,Other,0.6683237321095415,0.5026970369039745,0.7136313997323308,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-422.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2597890,251791,Consumer loans,7887.375,97684.56,78147.0,19537.56,97684.56,SATURDAY,15,Y,1,0.21782540640832268,,,XAP,Approved,-83,Cash through the bank,XAP,Family,Repeater,Construction Materials,POS,XNA,Regional / Local,99,Construction,12.0,middle,POS industry with interest,365243.0,-53.0,277.0,365243.0,365243.0,0.0,0,Revolving loans,F,Y,Y,0,450000.0,900000.0,45000.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.026392000000000002,-21864,-2155,-8400.0,-4445,64.0,1,1,0,1,0,0,High skill tech staff,1.0,2,2,FRIDAY,15,0,0,0,0,1,1,Construction,0.9154459994874318,0.39146199301715656,0.4311917977993083,0.034,0.0786,0.9921,,,0.0,0.1034,0.0833,,0.0337,,0.0367,,0.0,0.0347,0.0816,0.9921,,,0.0,0.1034,0.0833,,0.0344,,0.0383,,0.0,0.0344,0.0786,0.9921,,,0.0,0.1034,0.0833,,0.0342,,0.0374,,0.0,,block of flats,0.0289,"Stone, brick",No,0.0,0.0,0.0,0.0,-1098.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2091288,133166,Revolving loans,6750.0,135000.0,135000.0,,135000.0,FRIDAY,16,Y,1,,,,XAP,Refused,-598,XNA,LIMIT,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,Y,N,0,225000.0,797557.5,25173.0,688500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-15745,-991,-2617.0,-4041,16.0,1,1,1,1,1,1,Managers,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.7278817633090796,0.7629690277185625,0.13259749523614614,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1027.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2349341,218137,Cash loans,,0.0,0.0,,,FRIDAY,12,Y,1,,,,XNA,Refused,-245,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,N,0,90000.0,647046.0,21001.5,463500.0,Unaccompanied,Pensioner,Lower secondary,Civil marriage,House / apartment,0.022625,-22257,365243,-906.0,-2220,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,XNA,,0.7143596106510881,0.6769925032909132,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-332.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1552429,164442,Cash loans,16075.08,135000.0,173839.5,0.0,135000.0,WEDNESDAY,9,Y,1,0.0,,,Other,Refused,-1811,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,112500.0,979992.0,28782.0,702000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-19819,-5413,-9261.0,-3260,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Business Entity Type 2,,0.2653117484731741,0.4686596550493113,0.1433,0.1181,0.9737,0.6396,0.0163,0.0,0.2414,0.1667,0.2083,0.0644,0.1168,0.0901,0.0,0.0,0.146,0.1225,0.9737,0.6537,0.0165,0.0,0.2414,0.1667,0.2083,0.0658,0.1276,0.0938,0.0,0.0,0.1447,0.1181,0.9737,0.6444,0.0164,0.0,0.2414,0.1667,0.2083,0.0655,0.1189,0.0917,0.0,0.0,reg oper account,block of flats,0.0798,Block,No,0.0,0.0,0.0,0.0,-36.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,3.0 +1706439,413790,Cash loans,15789.6,540000.0,540000.0,,540000.0,WEDNESDAY,15,Y,1,,,,Repairs,Refused,-1569,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Revolving loans,F,N,Y,2,112500.0,135000.0,6750.0,135000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-13283,-186,-4987.0,-1057,,1,1,1,1,1,0,Sales staff,4.0,2,2,THURSDAY,10,0,0,0,0,0,0,Trade: type 3,,0.5640588639760636,,0.0165,0.0,0.9667,0.5444,0.002,0.0,0.069,0.0417,0.0833,0.0286,0.0134,0.0142,0.0,0.0,0.0168,0.0,0.9667,0.5622,0.002,0.0,0.069,0.0417,0.0833,0.0292,0.0147,0.0148,0.0,0.0,0.0167,0.0,0.9667,0.5505,0.002,0.0,0.069,0.0417,0.0833,0.0291,0.0137,0.0145,0.0,0.0,not specified,block of flats,0.0122,Block,No,3.0,2.0,3.0,1.0,-1669.0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,,,,,, +2697132,175051,Cash loans,59208.795,1107000.0,1394343.0,,1107000.0,THURSDAY,19,Y,1,,,,XNA,Approved,-470,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-440.0,610.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,2,292500.0,848745.0,43465.5,675000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.04622,-13958,-3021,-5853.0,-2452,4.0,1,1,0,1,0,0,Sales staff,4.0,1,1,FRIDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.8369865172537354,0.7504754523973374,0.42589289800515295,0.2227,0.1302,0.9846,0.7892,0.0763,0.24,0.2069,0.3333,0.375,0.1558,0.1816,0.2269,0.0,0.0,0.2269,0.1351,0.9846,0.7975,0.077,0.2417,0.2069,0.3333,0.375,0.1593,0.1983,0.2364,0.0,0.0,0.2248,0.1302,0.9846,0.792,0.0768,0.24,0.2069,0.3333,0.375,0.1585,0.1847,0.231,0.0,0.0,reg oper account,block of flats,0.2202,"Stone, brick",No,7.0,0.0,7.0,0.0,-2454.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1278843,333182,Cash loans,25996.365,337500.0,384277.5,,337500.0,WEDNESDAY,11,Y,1,,,,Buying a home,Refused,-420,Cash through the bank,LIMIT,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,225000.0,225000.0,26833.5,225000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.028663,-9901,-211,-3994.0,-2130,,1,1,0,1,0,0,Medicine staff,2.0,2,2,WEDNESDAY,11,0,0,0,0,1,1,Medicine,,0.4222960525759468,0.2822484337007223,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-324.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,4.0,3.0 +2432679,212549,Consumer loans,5025.96,36219.6,39204.0,3.6,36219.6,MONDAY,10,Y,1,9.999916528242669e-05,,,XAP,Approved,-2142,XNA,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,280,Consumer electronics,10.0,high,POS household with interest,365243.0,-2111.0,-1841.0,-1841.0,-1835.0,0.0,0,Cash loans,M,Y,Y,0,90000.0,254700.0,20119.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009175,-14733,-2913,-1558.0,-3713,9.0,1,1,1,1,1,0,Laborers,2.0,2,2,MONDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.7030978053404182,0.10145935699146924,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2103723,157493,Consumer loans,11808.72,107910.0,97119.0,10791.0,107910.0,SATURDAY,6,Y,1,0.1089090909090909,,,XAP,Approved,-669,XNA,XAP,Children,Repeater,Mobile,POS,XNA,Stone,44,Connectivity,12.0,high,POS mobile with interest,365243.0,-638.0,-308.0,-428.0,-423.0,0.0,0,Cash loans,F,N,N,0,81000.0,961146.0,28233.0,688500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.001276,-16322,-692,-8013.0,-4018,,1,1,0,1,0,0,Cleaning staff,2.0,2,2,WEDNESDAY,4,0,0,0,0,0,0,Security Ministries,0.4634262740760358,0.16310940985855024,0.8106180215523969,0.0619,0.0779,0.9896,,,0.0,0.0917,0.1667,,0.0448,,0.0679,,0.0517,0.063,0.076,0.9881,,,0.0,0.069,0.1667,,0.0688,,0.0705,,0.0,0.0625,0.0744,0.9896,,,0.0,0.069,0.1667,,0.0684,,0.0692,,0.0,,block of flats,0.0617,Others,No,1.0,1.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2753485,294005,Consumer loans,29047.5,504000.0,453600.0,50400.0,504000.0,TUESDAY,15,Y,1,0.1089090909090909,,,XAP,Refused,-1267,Cash through the bank,LIMIT,Family,Repeater,Clothing and Accessories,POS,XNA,Stone,200,Clothing,18.0,low_action,POS industry without interest,,,,,,,0,Cash loans,F,N,Y,0,90000.0,311877.0,16074.0,252000.0,Other_B,Pensioner,Secondary / secondary special,Widow,House / apartment,0.0228,-22053,365243,-10238.0,-5003,,1,0,0,1,1,0,,1.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,,0.5830970025471518,0.4974688893052743,0.0825,0.077,0.9747,,,0.0,0.1379,0.1667,,0.039,,0.071,,0.0,0.084,0.0799,0.9747,,,0.0,0.1379,0.1667,,0.0399,,0.07400000000000001,,0.0,0.0833,0.077,0.9747,,,0.0,0.1379,0.1667,,0.0396,,0.0723,,0.0,,block of flats,0.0615,Panel,No,0.0,0.0,0.0,0.0,-937.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2791621,432857,Consumer loans,8169.705,44955.0,42462.0,4495.5,44955.0,TUESDAY,18,Y,1,0.10426466872849234,,,XAP,Approved,-2522,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Stone,150,Consumer electronics,6.0,high,POS household with interest,365243.0,-2491.0,-2341.0,-2341.0,-2335.0,1.0,0,Cash loans,M,Y,Y,1,450000.0,312768.0,13774.5,270000.0,"Spouse, partner",Working,Higher education,Married,House / apartment,0.009549,-11326,-774,-1045.0,-3697,11.0,1,1,1,1,1,0,Managers,3.0,2,2,THURSDAY,14,0,1,1,0,1,1,Business Entity Type 3,,0.6141425963952029,0.3031463744186309,0.0031,,0.9836,,,,,0.0,,,,0.0009,,,0.0032,,0.9836,,,,,0.0,,,,0.0009,,,0.0031,,0.9836,,,,,0.0,,,,0.0009,,,,block of flats,0.0012,Others,No,0.0,0.0,0.0,0.0,-1200.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1557252,278454,Cash loans,6808.635,90000.0,101880.0,,90000.0,MONDAY,13,Y,1,,,,XNA,Approved,-578,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-548.0,142.0,-8.0,-5.0,1.0,0,Cash loans,M,Y,N,0,157500.0,900000.0,26316.0,900000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.008865999999999999,-23709,365243,-465.0,-3059,23.0,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,20,0,0,0,0,0,0,XNA,,0.5424265974490685,0.7544061731797895,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1987.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2628720,175842,Cash loans,31193.64,742500.0,818946.0,,742500.0,THURSDAY,13,Y,1,,,,XNA,Approved,-338,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-308.0,742.0,-98.0,-90.0,1.0,0,Revolving loans,F,N,Y,0,202500.0,585000.0,29250.0,585000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.010276,-21421,365243,-11117.0,-4383,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,XNA,,0.5115841619484653,0.4794489811780563,0.1082,0.1069,0.9841,0.7824,,0.0,0.2414,0.1667,,,0.0883,0.0973,0.0,,0.1103,0.1109,0.9841,0.7909,,0.0,0.2414,0.1667,,,0.0964,0.1014,0.0,,0.1093,0.1069,0.9841,0.7853,,0.0,0.2414,0.1667,,,0.0898,0.0991,0.0,,reg oper account,block of flats,0.0766,"Stone, brick",No,0.0,0.0,0.0,0.0,-633.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,16.0 +2287791,451092,Cash loans,13071.105,90000.0,110146.5,0.0,90000.0,FRIDAY,12,Y,1,0.0,,,Repairs,Approved,-2096,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,12.0,high,Cash Street: high,365243.0,-2065.0,-1735.0,-1735.0,-1733.0,0.0,0,Cash loans,F,N,N,2,225000.0,537322.5,30132.0,486000.0,Unaccompanied,Working,Higher education,Civil marriage,With parents,0.020713,-12252,-1056,-310.0,-4753,,1,1,0,1,0,0,,4.0,3,2,THURSDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.7279868010833491,0.4104571433857249,0.12373532211307872,0.0536,0.0641,0.9742,0.6464,0.0064,0.0,0.1034,0.1667,0.2083,0.0319,0.0403,0.0391,0.0154,0.0751,0.0546,0.0666,0.9742,0.6602,0.0065,0.0,0.1034,0.1667,0.2083,0.0326,0.0441,0.0407,0.0156,0.0795,0.0541,0.0641,0.9742,0.6511,0.0065,0.0,0.1034,0.1667,0.2083,0.0324,0.041,0.0398,0.0155,0.0767,reg oper account,block of flats,0.0506,"Stone, brick",No,0.0,0.0,0.0,0.0,-2099.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1430865,203793,Cash loans,12125.655,229500.0,268326.0,,229500.0,SATURDAY,11,Y,1,,,,XNA,Approved,-444,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-414.0,636.0,-324.0,-317.0,1.0,0,Cash loans,F,N,Y,0,144000.0,568197.0,17838.0,490500.0,Unaccompanied,Working,Higher education,Widow,House / apartment,0.010966,-19909,-3488,-175.0,-3378,,1,1,0,1,0,0,High skill tech staff,1.0,2,2,TUESDAY,14,0,0,0,0,0,0,Industry: type 11,,0.7539723986173466,0.1694287272664794,0.033,0.0,0.9747,0.6532,0.0028,0.0,0.069,0.125,0.1667,0.0,0.0269,0.025,0.0,0.0,0.0336,0.0,0.9747,0.6668,0.0029,0.0,0.069,0.125,0.1667,0.0,0.0294,0.0261,0.0,0.0,0.0333,0.0,0.9747,0.6578,0.0029,0.0,0.069,0.125,0.1667,0.0,0.0274,0.0255,0.0,0.0,reg oper account,block of flats,0.0212,"Stone, brick",No,1.0,1.0,1.0,0.0,-2353.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,4.0,1.0,3.0 +1335451,180509,Consumer loans,13994.55,113391.0,110470.5,11340.0,113391.0,THURSDAY,18,Y,1,0.10138937865857954,,,XAP,Approved,-1288,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,600,Consumer electronics,10.0,high,POS household with interest,365243.0,-1257.0,-987.0,-1017.0,-1011.0,0.0,0,Cash loans,M,Y,Y,0,180000.0,161730.0,14962.5,135000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,With parents,0.035792000000000004,-9665,-1155,-4002.0,-2155,64.0,1,1,0,1,0,0,Laborers,1.0,2,2,THURSDAY,18,0,0,0,0,0,0,Self-employed,,0.1036210203328439,0.2807895743848605,0.1124,,0.9747,,,,0.0345,0.1667,,,,,,,0.1145,,0.9747,,,,0.0345,0.1667,,,,,,,0.1135,,0.9747,,,,0.0345,0.1667,,,,,,,,specific housing,0.031,Panel,No,0.0,0.0,0.0,0.0,-541.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1880405,447802,Cash loans,6543.0,90000.0,90000.0,0.0,90000.0,THURSDAY,12,Y,1,0.0,,,XNA,Approved,-2555,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,20.0,middle,Cash Street: middle,365243.0,-2525.0,-1955.0,-1955.0,-1950.0,0.0,0,Cash loans,F,N,Y,0,180000.0,787131.0,28404.0,679500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.025164,-19874,-1839,-13946.0,-3410,,1,1,0,1,0,0,Drivers,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.2622583692422573,,0.0619,0.0629,0.9781,0.7008,0.0081,0.0,0.1379,0.1667,0.2083,,0.0504,0.0548,0.0,0.0,0.063,0.0652,0.9782,0.7125,0.0082,0.0,0.1379,0.1667,0.2083,,0.0551,0.0571,0.0,0.0,0.0625,0.0629,0.9781,0.7048,0.0081,0.0,0.1379,0.1667,0.2083,,0.0513,0.0558,0.0,0.0,org spec account,block of flats,0.0475,Panel,No,0.0,0.0,0.0,0.0,-1133.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +1994499,101558,Consumer loans,8874.45,66546.0,49041.0,19966.5,66546.0,SATURDAY,17,Y,1,0.31511551115985403,,,XAP,Approved,-224,Cash through the bank,XAP,Unaccompanied,Refreshed,Consumer Electronics,POS,XNA,Country-wide,1050,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-193.0,-43.0,-43.0,-41.0,0.0,0,Cash loans,F,N,Y,0,202500.0,972000.0,27292.5,972000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.018801,-15628,-3820,-404.0,-5954,,1,1,1,1,0,0,Managers,1.0,2,2,SATURDAY,6,0,0,0,0,0,0,Transport: type 4,,0.7725326918736927,0.3441550073724169,0.1505,0.0826,0.998,0.9728,0.051,0.14,0.0862,0.4375,0.2708,0.1539,0.1219,0.1193,0.0039,0.0898,0.1176,0.055,0.9975,0.9673,0.0399,0.1208,0.069,0.4167,0.0417,0.0518,0.101,0.1038,0.0,0.0241,0.152,0.0826,0.998,0.9732,0.0513,0.14,0.0862,0.4375,0.2708,0.1566,0.124,0.1215,0.0039,0.0917,reg oper spec account,block of flats,0.0833,"Stone, brick",No,0.0,0.0,0.0,0.0,-1351.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1190096,407827,Consumer loans,5238.45,80671.5,49095.0,36000.0,80671.5,THURSDAY,14,Y,1,0.4607470794673332,,,XAP,Approved,-1559,Cash through the bank,XAP,Other_B,Repeater,Consumer Electronics,POS,XNA,Country-wide,2711,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1528.0,-1198.0,-1258.0,-1255.0,0.0,0,Cash loans,M,N,N,0,121500.0,225000.0,15034.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.01885,-10861,-837,-3958.0,-2488,,1,1,1,1,1,0,Security staff,1.0,2,2,TUESDAY,9,0,0,0,1,1,1,Other,,0.584876736854697,0.3376727217405312,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1559.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1628035,248136,Cash loans,28593.495,225000.0,239850.0,,225000.0,WEDNESDAY,14,Y,1,,,,Repairs,Refused,-1458,Cash through the bank,HC,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,135000.0,755190.0,30078.0,675000.0,Unaccompanied,State servant,Incomplete higher,Widow,House / apartment,0.019688999999999998,-22141,-1830,-13703.0,-1053,,1,1,0,1,0,0,,1.0,2,2,FRIDAY,9,0,0,0,0,0,0,School,,0.2982812135368904,0.3774042489507649,0.0784,0.0478,0.9757,0.6668,0.0237,0.0,0.1379,0.1667,0.0417,0.0,0.0639,0.0605,0.0,0.0111,0.0798,0.0496,0.9757,0.6798,0.0239,0.0,0.1379,0.1667,0.0417,0.0,0.0698,0.063,0.0,0.0118,0.0791,0.0478,0.9757,0.6713,0.0239,0.0,0.1379,0.1667,0.0417,0.0,0.065,0.0616,0.0,0.0114,reg oper spec account,block of flats,0.05,"Stone, brick",No,3.0,0.0,3.0,0.0,-2.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +2664619,194266,Cash loans,59807.88,1462500.0,1566747.0,,1462500.0,THURSDAY,12,Y,1,,,,XNA,Refused,-138,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,Y,Y,0,270000.0,675000.0,34641.0,675000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.019688999999999998,-17814,-7115,-11858.0,-1222,1.0,1,1,0,1,0,0,,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Transport: type 4,,0.6796978459116699,0.7032033049040319,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1104.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1383607,102706,Consumer loans,1596.825,15970.5,14373.0,1597.5,15970.5,MONDAY,12,Y,1,0.1089397781705474,,,XAP,Approved,-2316,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,175,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2274.0,-2004.0,-2004.0,-2002.0,0.0,0,Cash loans,F,Y,Y,0,337500.0,927000.0,36891.0,927000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-17941,-4015,-10397.0,-1468,12.0,1,1,0,1,0,0,,2.0,2,2,SUNDAY,15,0,0,0,0,0,0,School,,0.3973849599078085,0.326475210066026,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-14.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1711098,365632,Cash loans,42176.295,675000.0,721332.0,,675000.0,MONDAY,10,Y,1,,,,XNA,Approved,-1064,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-1034.0,-344.0,-344.0,-337.0,1.0,0,Cash loans,M,Y,Y,0,157500.0,677664.0,36103.5,585000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.072508,-16421,-3668,-9183.0,-4471,3.0,1,1,1,1,1,0,,1.0,1,1,MONDAY,11,0,0,0,0,0,0,Security,,0.6323731103443364,0.470456116119975,0.1828,0.0837,0.9791,0.7144,0.0,0.08,0.069,0.3333,0.375,0.0153,0.1491,0.1125,0.0,0.001,0.1859,0.0868,0.9791,0.7256,0.0,0.0806,0.069,0.3333,0.375,0.0156,0.1625,0.1165,0.0,0.0003,0.1842,0.0837,0.9791,0.7182,0.0,0.08,0.069,0.3333,0.375,0.0156,0.1513,0.1147,0.0,0.0014,reg oper account,block of flats,0.0883,Panel,No,0.0,0.0,0.0,0.0,-1782.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1079011,142434,Cash loans,23464.755,495000.0,553806.0,,495000.0,FRIDAY,12,Y,1,,,,XNA,Approved,-399,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-369.0,681.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,N,0,405000.0,857169.0,25191.0,715500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,Municipal apartment,0.020713,-18076,365243,-10076.0,-1624,27.0,1,0,0,1,0,0,,2.0,3,3,FRIDAY,8,0,0,0,0,0,0,XNA,,0.4119131028183509,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2516.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2048548,137442,Consumer loans,4501.845,99819.0,99819.0,0.0,99819.0,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-1463,Cash through the bank,XAP,Family,Refreshed,Photo / Cinema Equipment,POS,XNA,Country-wide,1700,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1432.0,-742.0,-1222.0,-1213.0,0.0,0,Cash loans,F,N,Y,0,112500.0,572076.0,38385.0,540000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020713,-22148,365243,-12445.0,-4290,,1,0,0,1,0,0,,2.0,3,3,TUESDAY,6,0,0,0,0,0,0,XNA,,0.6430678929922486,,0.0918,0.0827,0.9801,0.728,0.012,0.0,0.2069,0.1667,0.2083,0.0272,0.07400000000000001,0.0856,0.0039,0.0077,0.0935,0.0858,0.9801,0.7387,0.0121,0.0,0.2069,0.1667,0.2083,0.0278,0.0808,0.0892,0.0039,0.0082,0.0926,0.0827,0.9801,0.7316,0.0121,0.0,0.2069,0.1667,0.2083,0.0276,0.0752,0.0871,0.0039,0.0079,reg oper account,block of flats,0.0756,Panel,No,0.0,0.0,0.0,0.0,-1463.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1843899,329791,Consumer loans,6099.075,56520.0,50868.0,5652.0,56520.0,FRIDAY,9,Y,1,0.1089090909090909,,,XAP,Approved,-1571,Cash through the bank,XAP,Unaccompanied,New,Gardening,POS,XNA,Stone,150,Consumer electronics,12.0,high,POS household with interest,365243.0,-1540.0,-1210.0,-1210.0,-1197.0,0.0,0,Revolving loans,F,N,Y,0,135000.0,405000.0,20250.0,405000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.018634,-20275,365243,-2316.0,-2356,,1,0,0,1,0,0,,2.0,2,2,MONDAY,17,0,0,0,0,0,0,XNA,,0.2400045435158577,0.6738300778602003,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1571.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,1.0 +1548122,171595,Cash loans,14876.955,135000.0,143910.0,,135000.0,MONDAY,11,Y,1,,,,XNA,Approved,-784,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-754.0,-424.0,-754.0,-749.0,1.0,0,Cash loans,F,N,Y,0,180000.0,526491.0,30222.0,454500.0,Unaccompanied,Pensioner,Higher education,Separated,House / apartment,0.032561,-21897,365243,-5158.0,-4759,,1,0,0,1,1,0,,1.0,1,1,MONDAY,13,0,0,0,0,0,0,XNA,0.8313375465353398,0.6082394174583526,0.7776594425716818,0.1624,0.0785,0.9836,0.7756,,0.14,0.0517,0.6042,,0.0359,,0.2028,,0.0095,0.0305,0.0496,0.9836,0.7844,,0.1208,0.0345,0.5833,,0.0337,,0.1193,,0.01,0.1639,0.0785,0.9836,0.7786,,0.14,0.0517,0.6042,,0.0365,,0.2064,,0.0097,reg oper account,block of flats,0.231,"Stone, brick",No,0.0,0.0,0.0,0.0,-3223.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1633724,246026,Cash loans,32726.385,697500.0,769315.5,,697500.0,TUESDAY,14,Y,1,,,,XNA,Refused,-120,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,270000.0,1736937.0,47893.5,1552500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.032561,-23334,365243,-2171.0,-4380,,1,0,0,1,0,0,,1.0,1,1,WEDNESDAY,14,0,0,0,0,0,0,XNA,,0.7140159065736147,0.5531646987710016,0.246,0.0766,0.9881,0.7552,0.0245,0.16,0.2297,0.3333,0.375,0.0188,0.1202,0.2354,0.0,0.0,0.1502,0.0795,0.9821,0.7648,0.0248,0.1611,0.1379,0.3333,0.375,0.0192,0.1313,0.1484,0.0,0.0,0.2238,0.0766,0.9821,0.7585,0.0247,0.16,0.2069,0.3333,0.375,0.0191,0.1223,0.2164,0.0,0.0,reg oper account,block of flats,0.1852,"Stone, brick",No,2.0,0.0,2.0,0.0,-978.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1934517,396080,Cash loans,33380.235,900000.0,1030680.0,,900000.0,TUESDAY,11,Y,1,,,,XNA,Refused,-1252,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,Y,N,0,234000.0,521280.0,35262.0,450000.0,Family,State servant,Secondary / secondary special,Married,Office apartment,0.032561,-12682,-1819,-5004.0,-4631,2.0,1,1,1,1,0,0,,2.0,1,1,MONDAY,12,0,1,1,1,1,1,Other,,0.6277195318825608,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,1.0,0.0,-1609.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1816741,155097,Cash loans,50441.625,1215000.0,1320849.0,,1215000.0,MONDAY,8,Y,1,,,,XNA,Approved,-170,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-140.0,910.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,0,153000.0,571446.0,16839.0,477000.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-21719,365243,-8604.0,-4369,2.0,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,,0.6600345339564145,0.7394117535524816,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-1130.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1261145,268129,Consumer loans,4171.77,15975.0,14643.0,1800.0,15975.0,THURSDAY,16,Y,1,0.11922177439418816,,,XAP,Approved,-2795,Cash through the bank,XAP,,New,Mobile,POS,XNA,Stone,25,Connectivity,4.0,high,POS mobile with interest,365243.0,-2753.0,-2663.0,-2663.0,-2659.0,1.0,0,Cash loans,M,Y,Y,2,225000.0,755190.0,36459.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-10860,-395,-4295.0,-3067,9.0,1,1,0,1,0,0,Laborers,4.0,2,2,SATURDAY,10,0,0,0,1,1,0,Construction,,0.5080320621473046,0.6706517530862718,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,1.0,9.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1305034,191533,Consumer loans,10822.815,100120.5,91192.5,20025.0,100120.5,SATURDAY,14,Y,1,0.19609364942158786,,,XAP,Approved,-816,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,380,Consumer electronics,10.0,middle,POS household with interest,365243.0,-785.0,-515.0,-635.0,-633.0,0.0,0,Cash loans,M,Y,Y,0,112500.0,348264.0,36697.5,315000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.00733,-11317,-1747,-8834.0,-1995,16.0,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,16,0,0,0,1,1,0,Business Entity Type 3,0.6237714296511188,0.6490034275284726,0.7517237147741489,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,0.0,-1677.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2825590,400956,Revolving loans,7875.0,157500.0,157500.0,0.0,157500.0,SATURDAY,9,Y,1,0.0,,,XAP,Refused,-333,XNA,HC,,Repeater,XNA,Cards,walk-in,Country-wide,33,Connectivity,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,1,81000.0,760131.0,24520.5,634500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-14515,-1609,-2193.0,-4566,,1,1,0,1,0,0,,3.0,2,2,WEDNESDAY,10,0,0,0,0,1,1,Business Entity Type 3,,0.27894484293408656,0.10753217580247099,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-935.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1852471,268186,Revolving loans,11250.0,225000.0,225000.0,,225000.0,SUNDAY,14,Y,1,,,,XAP,Approved,-774,XNA,XAP,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-774.0,-732.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,157500.0,755190.0,36459.0,675000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.002042,-12337,-706,-356.0,-4243,,1,1,1,1,0,0,Core staff,2.0,3,3,THURSDAY,11,0,0,0,0,0,0,Agriculture,0.5934263226614396,0.24031180775693484,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,0.0,8.0,0.0,-918.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1848842,220444,Consumer loans,6273.675,49585.5,50391.0,9900.0,49585.5,THURSDAY,14,Y,1,0.1788326615912822,,,XAP,Approved,-1821,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,15,Connectivity,12.0,high,POS mobile with interest,365243.0,-1790.0,-1460.0,-1460.0,-1440.0,0.0,0,Cash loans,M,N,N,0,157500.0,540000.0,21055.5,540000.0,Unaccompanied,Working,Higher education,Separated,With parents,0.018634,-11774,-322,-5580.0,-3113,,1,1,0,1,1,0,Laborers,1.0,2,2,FRIDAY,13,0,0,0,0,1,1,Business Entity Type 3,0.14709427241436288,0.3487368357387613,0.21640296051521946,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,2.0,7.0,2.0,-1821.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2688259,138751,Revolving loans,6750.0,0.0,315000.0,,,SATURDAY,10,N,0,,,,XAP,Refused,-678,XNA,SCOFR,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,N,0,85500.0,269550.0,13761.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.030755,-11572,-2502,-11517.0,-2520,,1,1,1,1,0,0,Security staff,2.0,2,2,MONDAY,12,0,0,0,0,1,1,Agriculture,0.5733092785373604,0.5168554002617823,0.4471785780453068,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-883.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2365706,187310,Cash loans,19461.87,247500.0,287685.0,,247500.0,SATURDAY,15,Y,1,,,,Repairs,Refused,-252,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),5,XNA,36.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,81000.0,544491.0,17694.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-10473,-397,-4112.0,-760,,1,1,0,1,1,0,,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,Business Entity Type 2,0.04805336884793356,0.22359319175218306,0.36227724703843145,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-385.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,7.0 +1471146,420075,Consumer loans,15039.9,135000.0,118800.0,16200.0,135000.0,SATURDAY,11,Y,1,0.13069090909090908,,,XAP,Approved,-1737,Cash through the bank,XAP,Family,New,Clothing and Accessories,POS,XNA,Regional / Local,30,Clothing,10.0,high,POS industry with interest,365243.0,-1706.0,-1436.0,-1436.0,-1428.0,0.0,0,Cash loans,F,N,Y,0,157500.0,585000.0,22797.0,585000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.015221,-19586,-5282,-3558.0,-3124,,1,1,0,1,0,0,Laborers,2.0,2,2,SUNDAY,10,0,0,0,0,0,0,Industry: type 9,,0.6264973845393977,0.7091891096653581,0.0619,0.0525,0.9791,0.7144,0.0,0.0,0.1379,0.1667,0.0833,0.0,0.0504,0.052000000000000005,0.0,0.0,0.063,0.0545,0.9791,0.7256,0.0,0.0,0.1379,0.1667,0.0833,0.0,0.0551,0.0541,0.0,0.0,0.0625,0.0525,0.9791,0.7182,0.0,0.0,0.1379,0.1667,0.0833,0.0,0.0513,0.0529,0.0,0.0,reg oper account,block of flats,0.0451,Panel,No,3.0,0.0,3.0,0.0,-1737.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,3.0 +1459626,298685,Revolving loans,9000.0,180000.0,180000.0,,180000.0,TUESDAY,12,Y,1,,,,XAP,Approved,-321,XNA,XAP,Unaccompanied,Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-321.0,-279.0,365243.0,-187.0,-137.0,0.0,0,Cash loans,F,N,Y,0,180000.0,343377.0,25114.5,283500.0,Unaccompanied,Working,Incomplete higher,Single / not married,House / apartment,0.019101,-8469,-646,-3345.0,-1132,,1,1,0,1,0,0,Sales staff,1.0,2,2,MONDAY,12,0,0,0,0,1,1,Self-employed,0.14100359348160565,0.3092737485054189,,0.1666,0.0392,0.9831,0.7688,0.0494,0.32,0.2621,0.3917,0.0729,0.1581,0.153,0.139,0.0116,0.0743,0.2269,0.0634,0.9816,0.7517,0.0266,0.4834,0.4138,0.25,0.0,0.0444,0.1983,0.0908,0.0,0.0,0.2248,0.0377,0.9831,0.7652,0.0534,0.48,0.4138,0.25,0.0,0.16,0.1847,0.1274,0.0097,0.0553,reg oper account,block of flats,0.1576,Panel,No,2.0,0.0,2.0,0.0,-321.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2100634,284407,Cash loans,13095.855,225000.0,269550.0,0.0,225000.0,FRIDAY,9,Y,1,0.0,,,Other,Approved,-1828,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,middle,Cash Street: middle,365243.0,-1798.0,-748.0,-748.0,-744.0,1.0,0,Cash loans,M,N,Y,0,63000.0,136260.0,9234.0,112500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-21140,365243,-6293.0,-3869,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,XNA,,0.5029539727860056,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-1831.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,7.0 +1853460,320857,Consumer loans,10141.785,100143.0,110718.0,0.0,100143.0,TUESDAY,19,Y,1,0.0,,,XAP,Approved,-1220,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Regional / Local,96,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-1180.0,-850.0,-910.0,-885.0,0.0,0,Revolving loans,F,Y,Y,1,225000.0,225000.0,11250.0,225000.0,Family,Working,Higher education,Married,House / apartment,0.026392000000000002,-12967,-2879,-152.0,-349,2.0,1,1,0,1,0,1,Accountants,3.0,2,2,THURSDAY,10,0,0,0,0,0,0,Security,0.5429846508627771,0.6951032870869119,0.5656079814115492,0.1113,,0.9901,,,0.12,0.1034,0.3333,,,,0.1221,,0.0,0.1134,,0.9901,,,0.1208,0.1034,0.3333,,,,0.1272,,0.0,0.1124,,0.9901,,,0.12,0.1034,0.3333,,,,0.1243,,0.0,,block of flats,0.096,Panel,No,1.0,0.0,1.0,0.0,-1220.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +2356112,135233,Consumer loans,4316.85,26982.0,24282.0,2700.0,26982.0,SUNDAY,9,Y,1,0.10898174540602824,,,XAP,Approved,-1023,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Stone,1615,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-992.0,-842.0,-842.0,-826.0,0.0,0,Cash loans,M,Y,Y,0,90000.0,126000.0,9549.0,126000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.028663,-11060,-203,-6240.0,-3429,10.0,1,1,0,1,0,1,Laborers,2.0,2,2,MONDAY,15,0,0,0,0,0,0,Construction,,0.3234221738452569,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1823.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1941520,302535,Cash loans,14780.43,135000.0,172206.0,,135000.0,FRIDAY,9,Y,1,,,,XNA,Approved,-529,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-499.0,11.0,-139.0,-128.0,1.0,0,Cash loans,F,N,Y,1,157500.0,675000.0,32472.0,675000.0,Other_B,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.020246,-10100,-3186,-4723.0,-2752,,1,1,0,1,0,0,,2.0,3,3,TUESDAY,12,0,0,0,0,1,1,Business Entity Type 2,,0.1632587162622585,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-529.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1513678,427986,Consumer loans,5096.565,42043.5,38205.0,6750.0,42043.5,WEDNESDAY,11,Y,1,0.1635271635271635,,,XAP,Approved,-2465,XNA,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,40,Connectivity,10.0,low_normal,POS mobile with interest,365243.0,-2434.0,-2164.0,-2194.0,-2188.0,1.0,0,Cash loans,F,N,Y,0,157500.0,813195.0,24786.0,702000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.019688999999999998,-20930,365243,-6006.0,-4398,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,XNA,,0.6929346737850505,0.4866531565147181,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1640.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2492202,250722,Cash loans,16006.545,157500.0,173092.5,,157500.0,THURSDAY,15,Y,1,,,,Repairs,Approved,-605,Cash through the bank,XAP,,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,365243.0,-575.0,-65.0,-545.0,-532.0,1.0,0,Cash loans,F,N,Y,0,135000.0,238981.5,12964.5,162000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010276,-22315,365243,-12055.0,-4420,,1,0,0,1,0,0,,2.0,2,2,SUNDAY,11,0,0,0,0,0,0,XNA,,0.36377026016190256,0.4650692149562261,0.0825,0.066,0.9767,0.6804,0.0,0.0,0.1379,0.1667,0.0417,0.013,0.0672,0.0341,0.0,0.0791,0.084,0.0685,0.9767,0.6929,0.0,0.0,0.1379,0.1667,0.0417,0.0133,0.0735,0.0355,0.0,0.0838,0.0833,0.066,0.9767,0.6847,0.0,0.0,0.1379,0.1667,0.0417,0.0132,0.0684,0.0347,0.0,0.0808,reg oper account,block of flats,0.044,"Stone, brick",No,2.0,0.0,2.0,0.0,-605.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2004010,115951,Revolving loans,9000.0,180000.0,180000.0,,180000.0,FRIDAY,17,Y,1,,,,XAP,Approved,-223,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-222.0,-179.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,157500.0,500211.0,28062.0,463500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.009549,-18119,-1073,-8388.0,-1639,,1,1,0,1,1,0,Medicine staff,1.0,2,2,THURSDAY,18,0,0,0,0,0,0,Medicine,,0.18571639515139168,,0.1237,,0.9762,,,0.0,0.2069,0.1667,,0.0718,,0.0941,,0.0,0.1261,,0.9762,,,0.0,0.2069,0.1667,,0.0735,,0.098,,0.0,0.1249,,0.9762,,,0.0,0.2069,0.1667,,0.0731,,0.0958,,0.0,,block of flats,0.0796,"Stone, brick",No,5.0,0.0,5.0,0.0,-223.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,5.0 +2618611,328235,Cash loans,20123.865,225000.0,254700.0,,225000.0,FRIDAY,13,Y,1,,,,XNA,Approved,-651,XNA,XAP,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,24.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,N,0,90000.0,508495.5,24592.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.002134,-9922,-1132,-4340.0,-427,,1,1,0,1,0,0,High skill tech staff,2.0,3,3,FRIDAY,8,0,0,0,0,0,0,Transport: type 3,,0.4546098189583888,0.5442347412142162,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-795.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2195688,455838,Revolving loans,9000.0,0.0,180000.0,,,THURSDAY,11,Y,1,,,,XAP,Refused,-2196,XNA,LIMIT,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,67500.0,225000.0,12694.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.018801,-20676,365243,-742.0,-3562,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,8,0,0,0,0,0,0,XNA,,0.2370613815336965,0.5316861425197883,0.1454,0.0,0.9781,0.7008,,0.0,0.0345,0.1667,0.2083,0.0284,0.1185,0.0505,0.0,0.0,0.1481,0.0,0.9782,0.7125,,0.0,0.0345,0.1667,0.2083,0.029,0.1295,0.0526,0.0,0.0,0.1468,0.0,0.9781,0.7048,,0.0,0.0345,0.1667,0.2083,0.0289,0.1206,0.0514,0.0,0.0,reg oper account,specific housing,0.0595,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,2.0 +2650424,419917,Consumer loans,12729.69,76383.0,71797.5,4585.5,76383.0,SATURDAY,14,Y,1,0.06538138543440768,,,XAP,Refused,-1843,Cash through the bank,SCO,Family,New,Furniture,POS,XNA,Stone,370,Furniture,6.0,low_normal,POS industry without interest,,,,,,,0,Cash loans,F,N,Y,0,112500.0,360000.0,17446.5,360000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.015221,-22457,365243,-1952.0,-3358,,1,0,0,1,0,0,,1.0,2,2,MONDAY,8,0,0,0,0,0,0,XNA,,0.5163530005666849,0.4812493411434029,0.033,0.0291,0.9737,0.6396,0.0111,0.0,0.069,0.125,0.1667,0.0227,0.0269,0.0247,0.0,0.0,0.0336,0.0302,0.9737,0.6537,0.0112,0.0,0.069,0.125,0.1667,0.0232,0.0294,0.0258,0.0,0.0,0.0333,0.0291,0.9737,0.6444,0.0112,0.0,0.069,0.125,0.1667,0.0231,0.0274,0.0252,0.0,0.0,reg oper account,block of flats,0.0255,"Stone, brick",No,1.0,0.0,1.0,0.0,-876.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2379364,132137,Cash loans,14746.455,135000.0,143910.0,,135000.0,TUESDAY,4,Y,1,,,,XNA,Approved,-602,XNA,XAP,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,12.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,N,N,0,90000.0,152820.0,16587.0,135000.0,Unaccompanied,Working,Lower secondary,Single / not married,With parents,0.010032,-12846,-938,-5278.0,-3100,,1,1,1,1,0,0,Laborers,1.0,2,2,TUESDAY,6,0,0,0,0,0,0,Business Entity Type 3,,0.31989138767664765,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-602.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,11.0 +1597230,166471,Cash loans,23095.575,270000.0,329958.0,,270000.0,FRIDAY,14,Y,1,,,,XNA,Approved,-652,Cash through the bank,XAP,Other_B,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-622.0,-112.0,-112.0,-104.0,1.0,0,Cash loans,F,Y,Y,1,171000.0,835380.0,35523.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.00496,-14010,-2894,-3052.0,-4357,64.0,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,14,0,0,0,0,0,0,Business Entity Type 1,,0.7502706479162894,,0.1443,0.1397,0.9791,,,0.0,0.2759,0.1667,,0.0804,,0.0821,,0.004,0.1471,0.145,0.9791,,,0.0,0.2759,0.1667,,0.0823,,0.0856,,0.0042,0.1457,0.1397,0.9791,,,0.0,0.2759,0.1667,,0.0818,,0.0836,,0.004,,block of flats,0.0978,Panel,No,2.0,0.0,2.0,0.0,-1847.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1272632,308255,Cash loans,43864.155,867722.355,968517.855,,867722.355,TUESDAY,4,Y,1,,,,XNA,Refused,-1014,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,286200.0,852088.5,43636.5,688500.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.008068,-18569,-10433,-7265.0,-2105,,1,1,0,1,0,0,Core staff,2.0,3,3,MONDAY,8,0,0,0,0,0,0,School,0.7050666470232455,0.338841177708252,0.25533177083329,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1337.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1201875,103437,Cash loans,11302.605,229500.0,266760.0,,229500.0,TUESDAY,13,Y,1,,,,XNA,Approved,-613,XNA,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Contact center,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,58500.0,148365.0,10548.0,135000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-19379,365243,-9376.0,-2916,,1,0,0,1,1,0,,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,XNA,,0.5793179156048036,0.5100895276257282,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1656.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1455666,267846,Consumer loans,26653.59,406552.5,406552.5,0.0,406552.5,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-386,Cash through the bank,XAP,,New,Education,POS,XNA,Country-wide,70,Industry,18.0,low_normal,POS industry with interest,365243.0,-338.0,172.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,0,225000.0,1575000.0,46053.0,1575000.0,Family,Commercial associate,Incomplete higher,Married,With parents,0.01885,-15091,-4139,-3721.0,-4471,,1,1,0,1,1,0,Managers,2.0,2,2,SATURDAY,18,1,1,0,1,1,0,Business Entity Type 3,,0.7652590225987091,0.3774042489507649,0.1649,0.0827,0.9767,0.6804,0.026,0.0,0.1034,0.1667,0.2083,0.0454,0.1328,0.0616,0.0077,0.0,0.1681,0.0858,0.9767,0.6929,0.0262,0.0,0.1034,0.1667,0.2083,0.0464,0.1451,0.0641,0.0078,0.0,0.1665,0.0827,0.9767,0.6847,0.0262,0.0,0.1034,0.1667,0.2083,0.0462,0.1351,0.0627,0.0078,0.0,reg oper spec account,block of flats,0.0484,"Stone, brick",No,0.0,0.0,0.0,0.0,-386.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1877124,430338,Consumer loans,4510.71,21960.0,23049.0,0.0,21960.0,THURSDAY,12,Y,1,0.0,,,XAP,Approved,-1558,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Regional / Local,93,Consumer electronics,6.0,high,POS household with interest,365243.0,-1522.0,-1372.0,-1372.0,-1366.0,0.0,0,Cash loans,M,Y,Y,1,337500.0,1080000.0,42831.0,1080000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-9459,-2108,-692.0,-2120,7.0,1,1,0,1,0,0,Core staff,3.0,2,2,MONDAY,12,0,0,0,0,0,0,Police,,0.5175597943983871,0.5298898341969072,0.1278,0.0026,0.9737,,,0.0,0.069,0.1667,,0.0,,0.0448,,0.0065,0.1303,0.0027,0.9737,,,0.0,0.069,0.1667,,0.0,,0.0467,,0.0068,0.1291,0.0026,0.9737,,,0.0,0.069,0.1667,,0.0,,0.0457,,0.0066,,specific housing,0.0561,"Stone, brick",No,0.0,0.0,0.0,0.0,-1717.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1619946,401174,Consumer loans,14318.505,107995.5,117499.5,0.0,107995.5,SATURDAY,17,Y,1,0.0,,,XAP,Approved,-920,Cash through the bank,XAP,Family,Refreshed,Audio/Video,POS,XNA,Country-wide,1500,Consumer electronics,10.0,middle,POS household with interest,365243.0,-889.0,-619.0,-619.0,-611.0,0.0,0,Cash loans,M,Y,Y,1,180000.0,310671.0,24673.5,256500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.0228,-10063,-313,-4604.0,-2722,5.0,1,1,0,1,1,1,,3.0,2,2,TUESDAY,14,0,0,0,0,1,1,Business Entity Type 3,,0.37756246174923896,0.3606125659189888,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2448.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2609698,157472,Consumer loans,7741.89,29776.5,29776.5,0.0,29776.5,MONDAY,11,Y,1,0.0,,,XAP,Approved,-981,Cash through the bank,XAP,Unaccompanied,New,Construction Materials,POS,XNA,Stone,786,Construction,4.0,low_action,POS industry with interest,365243.0,-939.0,-849.0,-879.0,-870.0,0.0,0,Cash loans,F,N,Y,0,49500.0,119925.0,11812.5,112500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-22886,365243,-9961.0,-3984,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,,0.6171179329799528,,0.1299,0.1277,0.9781,,,0.0,0.2759,0.1667,,0.097,,0.0822,,0.2925,0.1324,0.1326,0.9782,,,0.0,0.2759,0.1667,,0.0992,,0.0857,,0.3097,0.1312,0.1277,0.9781,,,0.0,0.2759,0.1667,,0.0987,,0.0837,,0.2986,,block of flats,0.1283,"Stone, brick",No,0.0,0.0,0.0,0.0,-981.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1785289,324515,Consumer loans,27068.76,180450.0,150552.0,36090.0,180450.0,THURSDAY,11,Y,1,0.21059188665515216,,,XAP,Approved,-174,Cash through the bank,XAP,Unaccompanied,Repeater,Gardening,POS,XNA,Stone,75,Construction,6.0,low_normal,POS industry with interest,365243.0,-144.0,6.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,0,135000.0,345645.0,13158.0,243000.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.010147,-16731,-3233,-3298.0,-287,7.0,1,1,1,1,1,0,Laborers,2.0,2,2,WEDNESDAY,16,0,0,0,0,1,1,Self-employed,,0.4029540370159127,0.6397075677637197,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1396.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,6.0 +2572518,209767,Consumer loans,2275.92,18855.0,18369.0,1885.5,18855.0,WEDNESDAY,6,Y,1,0.10138393488315726,,,XAP,Approved,-1434,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Regional / Local,575,Consumer electronics,10.0,middle,POS other with interest,365243.0,-1403.0,-1133.0,-1133.0,-1129.0,0.0,0,Cash loans,F,N,Y,0,90900.0,152820.0,8662.5,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-20541,-303,-4267.0,-3933,,1,1,1,1,1,0,Laborers,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Kindergarten,0.6827907431322302,0.5886731160816913,0.5762088360175724,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,0.0,9.0,0.0,-1103.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1197106,111086,Revolving loans,6750.0,135000.0,135000.0,0.0,135000.0,SATURDAY,14,Y,1,0.0,,,XAP,Refused,-264,XNA,SCOFR,,Repeater,XNA,Cards,walk-in,Country-wide,39,Connectivity,0.0,XNA,Card Street,,,,,,,1,Cash loans,F,N,Y,0,157500.0,1078200.0,34911.0,900000.0,Unaccompanied,State servant,Secondary / secondary special,Civil marriage,House / apartment,0.025164,-14745,-879,-7933.0,-4081,,1,1,0,1,0,0,,2.0,2,2,THURSDAY,12,0,0,0,0,1,1,Government,,0.1435255356797161,0.3185955240537633,0.0722,0.0831,0.9801,0.728,0.0077,0.0,0.1379,0.1667,0.2083,0.1172,0.0572,0.0455,0.0077,0.0759,0.0735,0.0862,0.9801,0.7387,0.0078,0.0,0.1379,0.1667,0.2083,0.1199,0.0624,0.0474,0.0078,0.0803,0.0729,0.0831,0.9801,0.7316,0.0078,0.0,0.1379,0.1667,0.2083,0.1192,0.0581,0.0464,0.0078,0.0775,reg oper spec account,block of flats,0.0523,"Stone, brick",No,0.0,0.0,0.0,0.0,-1507.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1194496,451164,Consumer loans,13888.395,71460.0,75231.0,0.0,71460.0,TUESDAY,10,Y,1,0.0,,,XAP,Approved,-983,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Regional / Local,1,Consumer electronics,6.0,middle,POS household with interest,365243.0,-952.0,-802.0,-922.0,-915.0,0.0,0,Cash loans,F,N,N,0,90000.0,265306.5,25843.5,252000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,With parents,0.0228,-19399,-399,-4375.0,-2934,,1,1,0,1,0,0,Sales staff,1.0,2,2,FRIDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.6407456392643217,,0.2144,0.103,0.9836,0.7756,0.0355,0.08,0.069,0.3333,,0.0256,,0.1141,,0.026,0.2185,0.1068,0.9836,0.7844,0.0359,0.0806,0.069,0.3333,,0.0262,,0.1189,,0.0275,0.2165,0.103,0.9836,0.7786,0.0358,0.08,0.069,0.3333,,0.0261,,0.1161,,0.0265,reg oper account,block of flats,0.1148,"Stone, brick",No,0.0,0.0,0.0,0.0,-1748.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1526183,328405,Consumer loans,31640.355,130050.0,121167.0,13005.0,130050.0,FRIDAY,18,Y,1,0.10556321194233724,,,XAP,Approved,-368,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,6,Furniture,4.0,low_normal,POS industry with interest,365243.0,-337.0,-247.0,-247.0,-240.0,0.0,0,Cash loans,M,Y,N,0,157500.0,385164.0,19795.5,292500.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.018634,-9691,-1056,-621.0,-2349,64.0,1,1,0,1,0,0,,1.0,2,2,TUESDAY,14,0,0,0,0,0,0,Advertising,0.2109121269659225,0.40956316608827703,0.40314167665875134,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1551.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2485582,166016,Consumer loans,6958.26,56160.0,61789.5,6750.0,56160.0,FRIDAY,12,Y,1,0.10725732805701288,,,XAP,Approved,-1361,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,50,Connectivity,12.0,high,POS mobile with interest,365243.0,-1330.0,-1000.0,-1090.0,-1086.0,0.0,0,Cash loans,F,Y,Y,0,166500.0,351000.0,34321.5,351000.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.015221,-14164,-3110,-8147.0,-4513,1.0,1,1,0,1,1,0,Sales staff,1.0,2,2,MONDAY,15,0,0,0,0,0,0,Self-employed,0.7269826542050141,0.20576515607438625,0.4418358231994413,0.0577,0.0835,0.9811,,,,0.1379,0.1667,,0.0393,,0.053,,0.0906,0.0588,0.0866,0.9811,,,,0.1379,0.1667,,0.0401,,0.0552,,0.0959,0.0583,0.0835,0.9811,,,,0.1379,0.1667,,0.0399,,0.0539,,0.0925,,block of flats,0.0709,"Stone, brick",No,0.0,0.0,0.0,0.0,-1361.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2266780,227384,Cash loans,59539.95,1129500.0,1195101.0,,1129500.0,THURSDAY,13,Y,1,,,,XNA,Approved,-285,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,24.0,low_action,Cash X-Sell: low,365243.0,-255.0,435.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,135000.0,508495.5,22527.0,454500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-20725,-1847,-6817.0,-4108,,1,1,0,1,0,1,Secretaries,2.0,2,2,THURSDAY,10,0,0,0,1,1,0,Business Entity Type 3,0.7631051039254579,0.7315422135645357,0.7713615919194317,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1350.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,8.0 +2721470,124093,Consumer loans,21694.68,187425.0,178425.0,9000.0,187425.0,MONDAY,14,Y,1,0.05229728254938338,,,XAP,Approved,-113,XNA,XAP,,Refreshed,Computers,POS,XNA,Country-wide,120,Connectivity,12.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,1,157500.0,450000.0,30573.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.0228,-13751,-4544,-6706.0,-4430,,1,1,0,1,0,0,Core staff,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.3171835103055683,0.6907154560397604,0.6690566947824041,0.1309,0.1554,0.9831,0.7688,0.0146,0.0,0.2759,0.1667,0.2083,0.0363,0.1051,0.1138,0.0077,0.0177,0.1334,0.1613,0.9831,0.7779,0.0147,0.0,0.2759,0.1667,0.2083,0.0371,0.1148,0.1186,0.0078,0.0187,0.1322,0.1554,0.9831,0.7719,0.0147,0.0,0.2759,0.1667,0.2083,0.0369,0.1069,0.1159,0.0078,0.0181,reg oper account,block of flats,0.1014,"Stone, brick",No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,5.0,0.0,1.0 +1500274,305611,Consumer loans,16106.355,145476.0,133276.5,29097.0,145476.0,FRIDAY,15,Y,1,0.19516286944494127,,,XAP,Approved,-82,Cash through the bank,XAP,Unaccompanied,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,30,Connectivity,12.0,high,POS mobile with interest,365243.0,-52.0,278.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,0,157500.0,497749.5,27130.5,378000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-9477,-1652,-4284.0,-295,11.0,1,1,1,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,18,0,0,0,1,1,0,Industry: type 4,0.05977859126994853,0.6617693987669102,0.25396280933631177,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-269.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,3.0 +1329251,419922,Consumer loans,5909.265,90135.0,90135.0,0.0,90135.0,FRIDAY,15,Y,1,0.0,,,XAP,Approved,-761,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Stone,50,Furniture,18.0,low_normal,POS industry with interest,365243.0,-730.0,-220.0,-400.0,-395.0,0.0,0,Cash loans,M,N,N,0,135000.0,1125000.0,33025.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.015221,-14611,-7132,-4858.0,-4010,,1,1,0,1,0,0,Drivers,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Police,0.6352579864373846,0.6886046476733501,0.7016957740576931,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2294.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2299079,262449,Consumer loans,5269.32,35055.0,38142.0,0.0,35055.0,FRIDAY,13,Y,1,0.0,,,XAP,Approved,-438,XNA,XAP,,Repeater,Mobile,POS,XNA,Stone,10,Connectivity,10.0,high,POS mobile with interest,365243.0,-400.0,-130.0,-160.0,-156.0,0.0,0,Cash loans,F,N,Y,0,135000.0,265851.0,19035.0,229500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.019101,-8935,-2246,-382.0,-510,,1,1,0,1,0,0,Medicine staff,2.0,2,2,TUESDAY,17,0,0,0,0,1,1,Medicine,0.3550464254110413,0.6914530693409198,0.6940926425266661,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1451255,145282,Cash loans,6647.76,90000.0,101880.0,,90000.0,SATURDAY,8,Y,1,,,,XNA,Approved,-331,Non-cash from your account,XAP,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-301.0,389.0,-241.0,-232.0,1.0,0,Cash loans,M,N,Y,0,94500.0,90000.0,6529.5,90000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-22209,365243,-12599.0,-4179,,1,0,0,1,1,1,,2.0,2,2,MONDAY,9,0,0,0,0,0,0,XNA,0.7098614585884313,0.472362124982151,0.2079641743053816,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-490.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1431781,375744,Consumer loans,56928.96,742500.0,594000.0,148500.0,742500.0,FRIDAY,15,Y,1,0.2178181818181818,,,XAP,Approved,-588,XNA,XAP,,New,Auto Accessories,POS,XNA,Stone,40,Auto technology,12.0,low_normal,POS other with interest,365243.0,-555.0,-225.0,-315.0,-313.0,0.0,1,Cash loans,M,N,N,0,180000.0,225000.0,17775.0,225000.0,Unaccompanied,Working,Incomplete higher,Single / not married,With parents,0.010643000000000001,-10801,-770,-85.0,-616,,1,1,0,1,1,0,Drivers,1.0,2,2,FRIDAY,15,0,1,1,0,1,1,Transport: type 3,0.11071555824062848,0.39852186080007596,,0.2237,0.11,0.9856,0.8028,0.037000000000000005,0.24,0.2069,0.3333,0.0417,0.1579,0.1816,0.229,0.0039,0.0,0.2279,0.1141,0.9856,0.8105,0.0373,0.2417,0.2069,0.3333,0.0417,0.1615,0.1983,0.2386,0.0039,0.0,0.2259,0.11,0.9856,0.8054,0.0372,0.24,0.2069,0.3333,0.0417,0.1606,0.1847,0.2332,0.0039,0.0,reg oper account,block of flats,0.2004,Panel,No,0.0,0.0,0.0,0.0,-588.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2758627,343337,Consumer loans,3315.06,31455.0,28309.5,3145.5,31455.0,TUESDAY,18,Y,1,0.1089090909090909,,,XAP,Refused,-2304,Cash through the bank,LIMIT,Family,Repeater,Computers,POS,XNA,Country-wide,20,Connectivity,12.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,0,211500.0,521280.0,31630.5,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.04622,-17458,-804,-8125.0,-1015,,1,1,0,1,0,0,,2.0,1,1,WEDNESDAY,16,0,0,0,0,0,0,Other,0.674837331706866,0.5697338678962323,0.34741822720026416,,,0.9776,,,,0.1724,0.1667,,,,,,,,,0.9777,,,,0.1724,0.1667,,,,,,,,,0.9776,,,,0.1724,0.1667,,,,,,,,block of flats,0.0601,Panel,No,0.0,0.0,0.0,0.0,-594.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1230614,147667,Consumer loans,3251.34,29160.0,29160.0,0.0,29160.0,THURSDAY,12,Y,1,0.0,,,XAP,Approved,-1623,Cash through the bank,XAP,Family,New,Photo / Cinema Equipment,POS,XNA,Regional / Local,300,Consumer electronics,12.0,high,POS household with interest,365243.0,-1592.0,-1262.0,-1382.0,-1375.0,0.0,0,Cash loans,M,N,N,0,270000.0,792000.0,31540.5,792000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Rented apartment,0.014519999999999996,-11489,-2627,-2120.0,-3101,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,15,0,0,0,0,1,1,Other,0.1107616934709476,0.5931768448009945,0.646329897706246,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,3.0,6.0,3.0,-1623.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1875275,142904,Consumer loans,8167.095,44505.0,40054.5,4450.5,44505.0,FRIDAY,13,Y,1,0.1089090909090909,,,XAP,Approved,-1486,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,25,Connectivity,6.0,high,POS mobile with interest,365243.0,-1444.0,-1294.0,-1294.0,-1288.0,0.0,0,Cash loans,M,Y,Y,0,112500.0,675000.0,21775.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-16043,-712,-8592.0,-4514,2.0,1,1,0,1,0,1,Security staff,2.0,2,2,SUNDAY,15,0,0,0,0,0,0,Trade: type 1,0.2717149456878472,0.6401061081048707,0.6313545365850379,0.0371,0.0213,0.9791,,,0.04,0.0345,0.3333,,0.0339,,0.0412,,0.0,0.0378,0.0221,0.9791,,,0.0403,0.0345,0.3333,,0.0347,,0.0429,,0.0,0.0375,0.0213,0.9791,,,0.04,0.0345,0.3333,,0.0345,,0.0419,,0.0,,block of flats,0.0324,"Stone, brick",No,0.0,0.0,0.0,0.0,-1606.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,8.0 +1846445,348065,Consumer loans,2396.61,14175.0,15111.0,0.0,14175.0,WEDNESDAY,20,Y,1,0.0,,,XAP,Approved,-2879,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,6695,Consumer electronics,8.0,high,POS household with interest,365243.0,-2848.0,-2638.0,-2698.0,-2679.0,1.0,0,Cash loans,M,N,N,0,202500.0,1305000.0,55291.5,1305000.0,Unaccompanied,Commercial associate,Higher education,Married,With parents,0.02461,-10167,-1328,-1340.0,-2785,,1,1,0,1,1,1,Sales staff,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,Transport: type 4,,0.5079227520684936,0.4507472818545589,0.0082,0.0,0.9563,0.4016,0.0,0.0,0.0345,0.0,0.0417,,0.0067,0.0049,0.0,0.0,0.0084,0.0,0.9563,0.425,0.0,0.0,0.0345,0.0,0.0417,,0.0073,0.0051,0.0,0.0,0.0083,0.0,0.9563,0.4096,0.0,0.0,0.0345,0.0,0.0417,,0.0068,0.005,0.0,0.0,reg oper account,block of flats,0.0039,Wooden,No,5.0,1.0,5.0,0.0,-1039.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,7.0,0.0,3.0 +1898365,443116,Consumer loans,7128.63,135063.0,158238.0,0.0,135063.0,FRIDAY,13,Y,1,0.0,,,XAP,Approved,-473,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,350,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-442.0,248.0,-442.0,-424.0,0.0,0,Cash loans,M,Y,N,1,157500.0,571446.0,18562.5,477000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.016612000000000002,-17110,-2130,-7063.0,-657,14.0,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Construction,0.7143303628198348,0.6030532066517333,0.4329616670974407,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,3.0,0.0,3.0,0.0,-1181.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1856877,451004,Cash loans,47071.215,900000.0,978408.0,,900000.0,FRIDAY,7,Y,1,,,,XNA,Approved,-1064,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,AP+ (Cash loan),7,XNA,36.0,middle,Cash Street: middle,365243.0,-1034.0,16.0,-434.0,-425.0,1.0,0,Cash loans,F,N,Y,1,360000.0,1113840.0,57001.5,900000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.035792000000000004,-12966,-1384,-304.0,-3138,,1,1,0,1,0,0,Accountants,3.0,2,2,FRIDAY,15,0,1,1,0,1,1,Self-employed,0.5008248933187829,0.6873372023468571,0.7476633896301825,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2464395,169069,Consumer loans,7188.48,129208.5,156496.5,0.0,129208.5,TUESDAY,18,Y,1,0.0,,,XAP,Approved,-952,Cash through the bank,XAP,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Country-wide,1000,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-921.0,-231.0,-291.0,-289.0,0.0,0,Cash loans,M,N,Y,1,157500.0,545040.0,26509.5,450000.0,Family,Working,Secondary / secondary special,Separated,House / apartment,0.006207,-13271,-199,-5949.0,-4430,,1,1,1,1,0,0,Drivers,2.0,2,2,TUESDAY,8,0,0,0,0,0,0,Self-employed,0.29950969502627034,0.7211373502916127,0.20915469884100693,0.0928,0.0295,0.9811,0.7416,0.0,0.0,0.2069,0.1667,0.2083,0.0,0.0756,0.0612,0.0,0.1037,0.0945,0.0306,0.9811,0.7517,0.0,0.0,0.2069,0.1667,0.2083,0.0,0.0826,0.0638,0.0,0.1097,0.0937,0.0295,0.9811,0.7451,0.0,0.0,0.2069,0.1667,0.2083,0.0,0.077,0.0623,0.0,0.1058,reg oper account,block of flats,0.0707,Panel,No,0.0,0.0,0.0,0.0,-1203.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1023123,276069,Revolving loans,,0.0,0.0,,,TUESDAY,15,Y,1,,,,XAP,Refused,-352,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Card Street,,,,,,,0,Cash loans,F,N,N,0,202500.0,364896.0,26680.5,315000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.072508,-23504,-2832,-3285.0,-5833,,1,1,1,1,1,0,,2.0,1,1,THURSDAY,18,0,1,1,0,1,1,Trade: type 4,,0.6734053611261612,0.24318648044201235,0.1654,0.078,0.9876,0.83,0.2546,0.194,0.0738,0.6842,0.7258,0.0,0.1332,0.1719,0.0077,0.0183,0.1166,0.0566,0.995,0.9347,0.1737,0.2417,0.069,0.625,0.6667,0.0,0.1019,0.1247,0.0117,0.0,0.1447,0.0618,0.995,0.9329,0.2392,0.24,0.069,0.6667,0.7083,0.0,0.1163,0.1622,0.0116,0.0264,reg oper account,block of flats,0.1791,Panel,No,0.0,0.0,0.0,0.0,-2025.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2561885,311803,Consumer loans,8220.69,75951.9,73993.5,7596.9,75951.9,SUNDAY,9,Y,1,0.10140549289221193,,,XAP,Approved,-2648,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Stone,264,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2617.0,-2347.0,-2347.0,-2326.0,1.0,0,Cash loans,M,Y,Y,3,270000.0,840996.0,24718.5,702000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009656999999999999,-12994,-2816,-5641.0,-3980,14.0,1,1,0,1,0,0,Laborers,5.0,2,2,TUESDAY,11,0,0,0,0,1,1,Transport: type 2,,0.5473017269764806,0.4311917977993083,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2837865,380348,Consumer loans,4045.725,97114.95,86818.5,10296.45,97114.95,FRIDAY,9,Y,1,0.11546904046090832,,,XAP,Refused,-2582,Cash through the bank,SCO,,Repeater,XNA,POS,XNA,Stone,253,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,0,Cash loans,M,N,Y,0,117000.0,175500.0,11425.5,175500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.026392000000000002,-11252,-156,-5189.0,-3794,,1,1,0,1,0,0,Cleaning staff,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,School,,0.40381713202760816,0.4614823912998385,0.0186,,0.9876,,,0.0,0.1034,0.0417,,,,0.0151,,0.0072,0.0189,,0.9876,,,0.0,0.1034,0.0417,,,,0.0157,,0.0076,0.0187,,0.9876,,,0.0,0.1034,0.0417,,,,0.0153,,0.0073,,block of flats,0.0134,"Stone, brick",No,13.0,0.0,13.0,0.0,-1694.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +2630028,215429,Consumer loans,15024.915,77805.0,72436.5,9000.0,77805.0,THURSDAY,12,Y,1,0.12036148633374685,,,XAP,Approved,-102,XNA,XAP,,Repeater,Consumer Electronics,POS,XNA,Stone,50,Consumer electronics,6.0,high,POS household with interest,365243.0,-65.0,85.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,148500.0,134316.0,15939.0,126000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.00963,-10449,-200,-4623.0,-2177,,1,1,1,1,1,0,Laborers,1.0,2,2,MONDAY,13,0,1,1,0,1,1,Transport: type 4,,0.09439064351535023,0.06380484447151785,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-269.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2658320,140138,Revolving loans,22500.0,0.0,450000.0,,,FRIDAY,11,Y,1,,,,XAP,Approved,-934,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card X-Sell,-928.0,-894.0,365243.0,-680.0,365243.0,0.0,0,Cash loans,M,Y,N,0,112500.0,454500.0,16321.5,454500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.01885,-18589,-1788,-3618.0,-2133,15.0,1,1,1,1,1,1,Laborers,2.0,2,2,SUNDAY,18,0,0,0,0,0,0,Kindergarten,0.6929061914760815,0.7522321383937267,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1429.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2703836,421010,Cash loans,9426.24,45000.0,46485.0,,45000.0,WEDNESDAY,8,Y,1,,,,Repairs,Approved,-663,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,365243.0,-662.0,-483.0,-662.0,-658.0,1.0,0,Cash loans,F,N,Y,0,67500.0,57564.0,5737.5,54000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-22338,365243,-703.0,-5208,,1,0,0,1,0,0,,2.0,2,2,MONDAY,8,0,0,0,0,0,0,XNA,,0.26651977539251576,0.3893387918468769,0.0619,0.0525,0.9866,0.8164,0.0122,0.0,0.1379,0.1667,0.2083,0.0462,0.0504,0.0535,0.0,0.0,0.063,0.0545,0.9866,0.8236,0.0123,0.0,0.1379,0.1667,0.2083,0.0473,0.0551,0.0557,0.0,0.0,0.0625,0.0525,0.9866,0.8189,0.0123,0.0,0.1379,0.1667,0.2083,0.047,0.0513,0.0545,0.0,0.0,reg oper account,block of flats,0.0421,Panel,No,12.0,0.0,12.0,0.0,-1512.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +1431890,301344,Consumer loans,11030.175,97735.95,111883.5,0.45,97735.95,WEDNESDAY,9,Y,1,4.380350435347599e-06,,,XAP,Approved,-253,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Regional / Local,100,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-223.0,107.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,85500.0,272520.0,16803.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.020246,-24455,365243,-3990.0,-4789,,1,0,0,1,0,0,,1.0,3,3,THURSDAY,10,0,0,0,0,0,0,XNA,,0.3134043274914314,0.7032033049040319,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-789.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2673076,421680,Consumer loans,4900.86,37710.0,36738.0,3771.0,37710.0,SATURDAY,16,Y,1,0.10138393488315726,,,XAP,Approved,-2621,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,60,Connectivity,10.0,low_normal,POS mobile with interest,365243.0,-2590.0,-2320.0,-2320.0,-2312.0,1.0,0,Cash loans,M,N,N,0,180000.0,669600.0,32211.0,598500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-12059,-3123,-4701.0,-4465,,1,1,0,1,0,0,Drivers,2.0,1,1,TUESDAY,15,0,0,0,0,1,1,Trade: type 7,0.2855191358948027,0.5103109866148409,,0.0278,0.0705,0.9841,,,0.0,0.1034,0.0833,,,,,,,0.0284,0.0732,0.9841,,,0.0,0.1034,0.0833,,,,,,,0.0281,0.0705,0.9841,,,0.0,0.1034,0.0833,,,,,,,,block of flats,0.0272,"Stone, brick",No,0.0,0.0,0.0,0.0,-2276.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2050647,431885,Consumer loans,11063.25,112500.0,112500.0,0.0,112500.0,SUNDAY,18,Y,1,0.0,,,XAP,Approved,-366,Cash through the bank,XAP,,Repeater,Clothing and Accessories,POS,XNA,Stone,50,Clothing,12.0,middle,POS industry with interest,365243.0,-319.0,11.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,N,0,153000.0,316125.0,16056.0,261000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.005313,-16103,-587,-678.0,-2524,14.0,1,1,0,1,0,0,Managers,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,School,0.7345493047081576,0.6575719121677934,0.6479768603302221,0.1567,0.1601,0.9821,0.7552,0.0193,0.0,0.3448,0.1667,0.2083,0.0691,0.121,0.1409,0.0309,0.2429,0.1597,0.1661,0.9821,0.7648,0.0195,0.0,0.3448,0.1667,0.2083,0.0706,0.1322,0.1469,0.0311,0.2571,0.1582,0.1601,0.9821,0.7585,0.0194,0.0,0.3448,0.1667,0.2083,0.0703,0.1231,0.1435,0.0311,0.248,reg oper account,block of flats,0.1807,"Stone, brick",No,0.0,0.0,0.0,0.0,-1881.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +2051956,453622,Consumer loans,14805.72,132880.5,146911.5,0.0,132880.5,SATURDAY,17,Y,1,0.0,,,XAP,Approved,-447,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Country-wide,2226,Consumer electronics,12.0,middle,POS household with interest,365243.0,-415.0,-85.0,-85.0,-82.0,0.0,0,Cash loans,M,N,N,0,216000.0,645592.5,69529.5,621000.0,Family,Working,Secondary / secondary special,Married,With parents,0.025164,-8841,-2265,-5246.0,-1193,,1,1,1,1,0,0,Sales staff,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Self-employed,,0.5553829638604664,0.20559813854932085,0.1031,0.0863,0.9816,0.7484,0.1337,0.0,0.2069,0.1667,0.2083,0.0561,0.0841,0.0904,0.0,0.0,0.105,0.0895,0.9816,0.7583,0.135,0.0,0.2069,0.1667,0.2083,0.0574,0.0918,0.0942,0.0,0.0,0.1041,0.0863,0.9816,0.7518,0.1346,0.0,0.2069,0.1667,0.2083,0.0571,0.0855,0.0921,0.0,0.0,reg oper account,block of flats,0.0933,"Stone, brick",No,0.0,0.0,0.0,0.0,-1974.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2608926,256258,Consumer loans,4771.98,85905.0,102915.0,0.0,85905.0,SATURDAY,17,Y,1,0.0,,,XAP,Approved,-1543,Cash through the bank,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Country-wide,1200,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1512.0,-822.0,-882.0,-877.0,0.0,0,Cash loans,F,N,N,2,112500.0,700830.0,20619.0,585000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008865999999999999,-12018,-814,-8274.0,-1609,,1,1,0,1,0,0,Sales staff,4.0,2,2,TUESDAY,10,0,0,0,0,0,0,Industry: type 3,,0.1630228625270542,,0.0825,0.0665,0.9747,0.6532,0.0101,0.0,0.1379,0.1667,0.2083,0.0831,0.0672,0.0695,0.0,0.0,0.084,0.069,0.9747,0.6668,0.0102,0.0,0.1379,0.1667,0.2083,0.085,0.0735,0.0724,0.0,0.0,0.0833,0.0665,0.9747,0.6578,0.0101,0.0,0.1379,0.1667,0.2083,0.0846,0.0684,0.0707,0.0,0.0,reg oper account,block of flats,0.0601,Panel,No,0.0,0.0,0.0,0.0,-603.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2047106,262860,Consumer loans,,342441.0,342441.0,,342441.0,WEDNESDAY,14,Y,1,,,,XAP,Refused,-1345,Cash through the bank,HC,Unaccompanied,Refreshed,Audio/Video,XNA,XNA,Country-wide,1000,Consumer electronics,,XNA,POS household with interest,,,,,,,0,Cash loans,M,Y,Y,0,202500.0,450000.0,24412.5,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.008625,-11041,-2727,-2487.0,-2487,64.0,1,1,1,1,1,0,Drivers,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Business Entity Type 1,,0.4658977475205362,0.3672910183026313,0.0928,0.1002,0.9786,0.7076,,0.0,0.2069,0.1667,0.2083,0.034,0.0756,0.0603,,,0.0945,0.104,0.9786,0.7190000000000001,,0.0,0.2069,0.1667,0.2083,0.0347,0.0826,0.0628,,,0.0937,0.1002,0.9786,0.7115,,0.0,0.2069,0.1667,0.2083,0.0345,0.077,0.0614,,,,block of flats,0.0683,Panel,No,1.0,1.0,1.0,1.0,-1345.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1985310,214255,Consumer loans,2835.495,16641.0,14170.5,3141.0,16641.0,TUESDAY,8,Y,1,0.19760474513788776,,,XAP,Approved,-2425,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,650,Consumer electronics,6.0,high,POS household with interest,365243.0,-2394.0,-2244.0,-2244.0,-2238.0,1.0,0,Cash loans,F,N,N,0,180000.0,876816.0,44896.5,720000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.018029,-18942,-1473,-1130.0,-2472,,1,1,0,1,0,0,Sales staff,2.0,3,3,FRIDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.2708185278933655,0.3465250334423291,0.4614823912998385,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,1.0,2.0 +1421229,255059,Revolving loans,6750.0,135000.0,135000.0,,135000.0,FRIDAY,15,Y,1,,,,XAP,Approved,-791,XNA,XAP,,Repeater,XNA,Cards,walk-in,Stone,150,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,269550.0,13891.5,225000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.005313,-19398,365243,-2957.0,-2954,17.0,1,0,0,1,0,0,,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,XNA,,0.7378756824621081,0.7281412993111438,0.0794,0.047,0.9786,0.7076,0.0085,0.0,0.1379,0.1667,0.2083,0.0609,0.063,0.066,0.0077,0.0051,0.0735,0.0,0.9786,0.7190000000000001,0.0076,0.0,0.1379,0.1667,0.2083,0.0531,0.0643,0.0648,0.0,0.0,0.0802,0.047,0.9786,0.7115,0.0086,0.0,0.1379,0.1667,0.2083,0.062,0.0641,0.0671,0.0078,0.0053,reg oper spec account,block of flats,0.0535,"Stone, brick",No,0.0,0.0,0.0,0.0,-2548.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1747029,281199,Consumer loans,4090.365,26955.0,29988.0,2695.5,26955.0,SUNDAY,9,Y,1,0.08982038476462267,,,XAP,Approved,-1975,Cash through the bank,XAP,Children,Refreshed,Mobile,POS,XNA,Country-wide,50,Connectivity,10.0,high,POS mobile with interest,365243.0,-1944.0,-1674.0,-1674.0,-1667.0,0.0,0,Cash loans,F,N,Y,2,202500.0,675000.0,32472.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.006207,-12066,-3465,-5708.0,-4410,,1,1,0,1,0,0,Core staff,3.0,2,2,MONDAY,14,0,0,0,0,1,1,Transport: type 2,0.3131160479080485,0.4460305545960992,0.6986675550534175,0.0186,0.0402,0.9826,0.762,0.0026,0.0,0.069,0.0833,0.0417,0.0239,0.0151,0.0209,,,0.0189,0.0417,0.9826,0.7713,0.0027,0.0,0.069,0.0833,0.0417,0.0245,0.0165,0.0217,,,0.0187,0.0402,0.9826,0.7652,0.0027,0.0,0.069,0.0833,0.0417,0.0243,0.0154,0.0212,,,reg oper account,block of flats,0.0179,"Stone, brick",No,3.0,1.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2425409,253759,Consumer loans,7729.11,40000.5,37899.0,4000.5,40000.5,TUESDAY,12,Y,1,0.10398472969410567,,,XAP,Approved,-817,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,72,Connectivity,6.0,high,POS mobile with interest,365243.0,-786.0,-636.0,-696.0,-665.0,0.0,0,Cash loans,F,N,Y,2,135000.0,797557.5,44662.5,688500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-10929,-3442,-4797.0,-2217,,1,1,0,1,0,0,Laborers,4.0,3,3,SUNDAY,8,0,0,0,0,0,0,Self-employed,0.4159682501376895,0.3754782746369341,0.6626377922738201,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1603604,444898,Cash loans,19749.42,639000.0,748651.5,,639000.0,THURSDAY,9,Y,1,,,,XNA,Refused,-258,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_action,Cash X-Sell: low,,,,,,,0,Revolving loans,F,N,Y,0,45000.0,247500.0,12375.0,247500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.015221,-21271,365243,-8953.0,-4173,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,XNA,0.7594456666725473,0.6648558588234277,0.2067786544915716,0.0619,0.0619,0.9801,0.728,,0.0,0.1379,0.1667,0.0417,0.0433,,0.0543,,0.0,0.063,0.0642,0.9801,0.7387,,0.0,0.1379,0.1667,0.0417,0.0443,,0.0566,,0.0,0.0625,0.0619,0.9801,0.7316,,0.0,0.1379,0.1667,0.0417,0.044,,0.0553,,0.0,reg oper spec account,block of flats,0.047,Panel,No,,,,,-1409.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,2.0,2.0 +1779744,322803,Consumer loans,8054.055,86287.5,86287.5,0.0,86287.5,SUNDAY,14,Y,1,0.0,,,XAP,Approved,-191,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,50,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-158.0,172.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,135000.0,1030500.0,30127.5,1030500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,Municipal apartment,0.011656999999999999,-18791,-5940,-5380.0,-2337,,1,1,1,1,1,0,Laborers,2.0,1,1,TUESDAY,15,0,0,0,0,0,0,Self-employed,,0.790655089447317,,0.0371,0.0707,0.9861,0.8096,0.0446,0.0,0.0345,0.0833,0.125,0.0517,0.0303,0.0285,0.0,0.0,0.0378,0.0734,0.9861,0.8171,0.045,0.0,0.0345,0.0833,0.125,0.0529,0.0331,0.0297,0.0,0.0,0.0375,0.0707,0.9861,0.8121,0.0449,0.0,0.0345,0.0833,0.125,0.0526,0.0308,0.029,0.0,0.0,reg oper account,block of flats,0.0468,"Stone, brick",No,0.0,0.0,0.0,0.0,-1557.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2731515,161767,Cash loans,118714.5,1215000.0,1250284.5,,1215000.0,SATURDAY,15,Y,1,,,,XNA,Approved,-392,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_action,Cash X-Sell: low,365243.0,-362.0,-32.0,-32.0,-27.0,1.0,0,Revolving loans,F,N,N,0,180000.0,495000.0,24750.0,495000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,Municipal apartment,0.006233,-21905,-2161,-11579.0,-2790,,1,1,0,1,0,0,Sales staff,1.0,2,2,SATURDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.6086093149216117,0.28371188263500075,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-1745.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2591575,110888,Revolving loans,6750.0,180000.0,180000.0,,180000.0,FRIDAY,14,N,0,,,,XAP,Refused,-216,XNA,HC,Unaccompanied,Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,Y,Y,1,450000.0,900000.0,48955.5,900000.0,Family,Working,Secondary / secondary special,Separated,House / apartment,0.028663,-12996,-3767,-5405.0,-4607,6.0,1,1,0,1,0,0,,2.0,2,2,THURSDAY,10,0,1,1,0,1,1,Kindergarten,,0.5601296017493471,0.4543210601605785,0.07400000000000001,0.0782,0.994,0.83,0.081,0.064,0.2586,0.1,0.375,0.1211,0.2622,0.1197,0.0116,0.0012,0.0084,0.0358,0.996,0.8367,0.0817,0.0,0.2759,0.0417,0.375,0.0802,0.2865,0.0368,0.0117,0.0,0.0083,0.0432,0.996,0.8323,0.0815,0.0,0.2759,0.0417,0.375,0.0798,0.2668,0.0504,0.0116,0.0,reg oper account,terraced house,0.0278,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1618787,198694,Consumer loans,12529.575,112450.5,124326.0,0.0,112450.5,MONDAY,19,Y,1,0.0,,,XAP,Approved,-350,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,2170,Consumer electronics,12.0,middle,POS household with interest,365243.0,-319.0,11.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,2,135000.0,521280.0,23089.5,450000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.010276,-12609,-4816,-937.0,-2244,,1,1,0,1,0,0,Core staff,4.0,2,2,MONDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.4733328230930867,0.7743489852400278,0.3556387169923543,0.066,0.0251,0.9747,0.6532,0.0474,0.0,0.1379,0.125,0.0417,0.0445,0.0538,0.0357,0.0,0.0179,0.0672,0.0051,0.9747,0.6668,0.0478,0.0,0.1379,0.125,0.0417,0.0361,0.0588,0.0343,0.0,0.0,0.0666,0.0251,0.9747,0.6578,0.0477,0.0,0.1379,0.125,0.0417,0.0453,0.0547,0.0363,0.0,0.0183,reg oper account,block of flats,0.0403,"Stone, brick",No,0.0,0.0,0.0,0.0,-350.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2617259,389548,Consumer loans,12978.81,137650.5,137650.5,0.0,137650.5,MONDAY,18,Y,1,0.0,,,XAP,Approved,-812,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Regional / Local,150,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-781.0,-451.0,-481.0,-477.0,0.0,0,Revolving loans,M,Y,Y,0,112500.0,270000.0,13500.0,270000.0,Unaccompanied,Pensioner,Higher education,Separated,House / apartment,0.0105,-21675,365243,-7348.0,-4422,11.0,1,0,0,1,1,0,,1.0,3,3,MONDAY,14,0,0,0,0,0,0,XNA,,0.6202442047723109,0.4382813743111921,0.0278,,0.9727,,,,0.1034,0.125,,,,,,,0.0231,,0.9722,,,,0.069,0.125,,,,,,,0.0281,,0.9727,,,,0.1034,0.125,,,,,,,,block of flats,0.0207,"Stone, brick",No,0.0,0.0,0.0,0.0,-812.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1549999,360036,Cash loans,13362.84,225000.0,312304.5,,225000.0,TUESDAY,15,Y,1,,,,XNA,Approved,-1304,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-1274.0,-224.0,-944.0,-942.0,1.0,0,Cash loans,F,N,Y,0,162000.0,1056447.0,31018.5,922500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.00963,-22256,365243,-566.0,-3886,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,11,0,0,0,0,0,0,XNA,,0.4873432577426596,0.43473324875017305,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-138.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1055749,225034,Consumer loans,12609.18,192213.0,192213.0,0.0,192213.0,FRIDAY,10,Y,1,0.0,,,XAP,Approved,-1047,Cash through the bank,XAP,Unaccompanied,New,Homewares,POS,XNA,Country-wide,150,Construction,18.0,low_normal,POS other with interest,365243.0,-1012.0,-502.0,-532.0,-527.0,0.0,1,Cash loans,M,Y,Y,1,202500.0,301500.0,15525.0,301500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.015221,-18388,-2792,-10217.0,-1912,19.0,1,1,0,1,0,0,Managers,3.0,2,2,TUESDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.5543405561558165,0.4578995512067301,0.0619,0.0632,0.9816,0.7484,0.0102,0.0,0.1379,0.1667,0.2083,0.0,0.0504,0.0595,0.0,0.0,0.063,0.0655,0.9816,0.7583,0.0103,0.0,0.1379,0.1667,0.2083,0.0,0.0551,0.062,0.0,0.0,0.0625,0.0632,0.9816,0.7518,0.0103,0.0,0.1379,0.1667,0.2083,0.0,0.0513,0.0605,0.0,0.0,reg oper account,block of flats,0.0468,Panel,No,1.0,0.0,1.0,0.0,-1047.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2200656,410504,Cash loans,6956.775,90000.0,116748.0,,90000.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-1199,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-1169.0,-479.0,-479.0,-474.0,1.0,0,Cash loans,F,N,Y,0,103500.0,312768.0,12042.0,270000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-23522,365243,-15816.0,-4152,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,XNA,0.6226983275834421,0.7047567331760975,0.4938628816996244,0.1629,0.0636,0.9781,,,0.24,0.3448,0.1667,,,,0.0964,,0.1825,0.166,0.066,0.9782,,,0.2417,0.3448,0.1667,,,,0.1005,,0.1932,0.1645,0.0636,0.9781,,,0.24,0.3448,0.1667,,,,0.0982,,0.1863,,block of flats,0.1548,"Stone, brick",No,7.0,1.0,7.0,1.0,-1576.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2486393,158319,Consumer loans,8034.21,29826.0,29826.0,0.0,29826.0,THURSDAY,10,Y,1,0.0,,,XAP,Approved,-264,Cash through the bank,XAP,Unaccompanied,Refreshed,Auto Accessories,POS,XNA,Stone,500,Construction,4.0,middle,POS industry with interest,365243.0,-228.0,-138.0,-168.0,-163.0,0.0,0,Cash loans,M,Y,Y,2,247500.0,592560.0,35937.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-13285,-895,-567.0,-995,4.0,1,1,0,1,0,0,Laborers,4.0,2,1,TUESDAY,9,0,0,0,0,0,0,Business Entity Type 2,0.35872060145169177,0.5531733569928252,0.5971924268337128,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-264.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2211807,183823,Consumer loans,13850.55,136575.0,148293.0,0.0,136575.0,TUESDAY,17,Y,1,0.0,,,XAP,Approved,-1082,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Regional / Local,200,Furniture,12.0,low_normal,POS industry with interest,365243.0,-1051.0,-721.0,-721.0,-713.0,0.0,0,Cash loans,F,Y,Y,2,202500.0,835380.0,40320.0,675000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.0031219999999999998,-10660,-2273,-4505.0,-3328,14.0,1,1,0,1,0,0,Laborers,4.0,3,3,SATURDAY,11,0,0,0,0,0,0,Self-employed,,0.5337468481250014,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1561.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2311848,441881,Cash loans,23644.935,675000.0,808650.0,,675000.0,WEDNESDAY,16,Y,1,,,,XNA,Refused,-136,Cash through the bank,HC,"Spouse, partner",Repeater,XNA,Cash,x-sell,Stone,360,Consumer electronics,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,126000.0,450000.0,35685.0,450000.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-22139,365243,-5653.0,-386,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,14,0,0,0,0,0,0,XNA,,0.553967765380652,0.0005272652387098817,0.1531,0.0,0.9767,0.6804,0.0149,0.0,0.1034,0.1667,0.2083,0.0348,0.1248,0.0512,0.0,0.0316,0.1471,0.0,0.9767,0.6929,0.015,0.0,0.1034,0.1667,0.2083,0.0341,0.1286,0.0508,0.0,0.0252,0.1546,0.0,0.9767,0.6847,0.015,0.0,0.1034,0.1667,0.2083,0.0354,0.127,0.0521,0.0,0.0322,reg oper account,block of flats,0.055,"Stone, brick",No,5.0,2.0,5.0,2.0,-618.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2194713,255472,Consumer loans,4684.545,17455.5,18378.0,0.0,17455.5,FRIDAY,13,Y,1,0.0,,,XAP,Approved,-734,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,30,XNA,5.0,high,POS mobile with interest,365243.0,-661.0,-541.0,-541.0,-529.0,0.0,0,Cash loans,M,N,Y,1,103500.0,900000.0,38263.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-11822,-657,-2282.0,-4214,,1,1,1,1,0,0,Laborers,3.0,2,2,THURSDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.5841066730246064,0.13765446191826075,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-734.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2680477,419303,Revolving loans,2250.0,45000.0,45000.0,,45000.0,THURSDAY,11,Y,1,,,,XAP,Refused,-277,XNA,SCOFR,Family,Repeater,XNA,Cards,walk-in,Country-wide,765,Consumer electronics,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,N,1,90000.0,180000.0,12159.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-11041,-647,-664.0,-889,,1,1,0,1,1,0,Core staff,3.0,2,2,MONDAY,9,0,0,0,0,0,0,Self-employed,0.7413811539255714,0.5934828770816909,,0.0719,0.065,0.9742,0.6464,0.0069,0.0,0.1207,0.1667,0.2083,0.0136,0.0584,0.0602,0.001,0.0014,0.084,0.0778,0.9747,0.6668,0.0042,0.0,0.1379,0.1667,0.2083,0.008,0.0735,0.0323,0.0,0.0,0.0833,0.075,0.9747,0.6578,0.0079,0.0,0.1379,0.1667,0.2083,0.0158,0.0684,0.071,0.0,0.0,reg oper account,block of flats,0.0256,Panel,No,3.0,0.0,3.0,0.0,-329.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1339665,441488,Cash loans,19230.3,180000.0,180000.0,,180000.0,TUESDAY,11,Y,1,,,,Repairs,Refused,-147,Cash through the bank,SCOFR,Unaccompanied,Repeater,XNA,Cash,walk-in,Country-wide,10,Connectivity,12.0,middle,Cash Street: middle,,,,,,,0,Cash loans,M,Y,Y,2,135000.0,225000.0,20767.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-10789,-1575,-1285.0,-1663,2.0,1,1,0,1,0,0,Drivers,4.0,2,2,TUESDAY,16,0,0,0,0,0,0,Transport: type 3,,0.6926274968152443,0.5814837058057234,0.0165,0.0266,0.9727,,,0.0,0.069,0.0417,,0.0166,,0.0128,,0.0,0.0168,0.0276,0.9727,,,0.0,0.069,0.0417,,0.017,,0.0133,,0.0,0.0167,0.0266,0.9727,,,0.0,0.069,0.0417,,0.0169,,0.013,,0.0,,block of flats,0.0101,"Stone, brick",No,2.0,0.0,2.0,0.0,-937.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1688557,110782,Consumer loans,5085.0,28777.5,28777.5,0.0,28777.5,WEDNESDAY,17,Y,1,0.0,,,XAP,Approved,-1601,XNA,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,500,Furniture,6.0,low_normal,POS industry with interest,365243.0,-1570.0,-1420.0,-1480.0,-1471.0,0.0,0,Cash loans,M,N,Y,2,225000.0,80865.0,7047.0,67500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.01885,-14841,-3868,-698.0,-5113,,1,1,0,1,0,0,Managers,4.0,2,2,MONDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.3470841018398501,0.6699380565225481,0.4170996682522097,0.0278,0.0109,0.9692,,,0.0,0.1034,0.0833,,,,0.0197,,0.014,0.0284,0.0113,0.9692,,,0.0,0.1034,0.0833,,,,0.0205,,0.0148,0.0281,0.0109,0.9692,,,0.0,0.1034,0.0833,,,,0.0201,,0.0143,,block of flats,0.027000000000000003,"Stone, brick",No,0.0,0.0,0.0,0.0,-2194.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2116993,196732,Consumer loans,4815.315,27000.0,23616.0,4500.0,27000.0,FRIDAY,12,Y,1,0.1743103247584681,,,XAP,Approved,-2113,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,12,Connectivity,6.0,high,POS mobile with interest,365243.0,-2072.0,-1922.0,-1922.0,-1915.0,0.0,1,Cash loans,F,N,N,0,117000.0,545040.0,20677.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.020246,-16445,-340,-1555.0,0,,1,1,0,1,0,0,Sales staff,1.0,3,3,THURSDAY,14,0,0,0,0,0,0,Trade: type 3,0.1381354113039744,0.3525857311004714,0.5709165417729987,0.0278,0.0526,0.998,0.9728,0.004,0.0,0.1034,0.0833,0.125,0.0394,0.0227,0.0233,0.0,0.0,0.0284,0.0546,0.998,0.9739,0.0041,0.0,0.1034,0.0833,0.125,0.0403,0.0248,0.0243,0.0,0.0,0.0281,0.0526,0.998,0.9732,0.0041,0.0,0.1034,0.0833,0.125,0.0401,0.0231,0.0237,0.0,0.0,reg oper account,block of flats,0.0183,"Stone, brick",No,0.0,0.0,0.0,0.0,-2113.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +2412457,190796,Consumer loans,6462.675,57055.5,52812.0,9000.0,57055.5,TUESDAY,11,Y,1,0.15857468099751146,,,XAP,Approved,-1624,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,35,Connectivity,12.0,high,POS mobile with interest,365243.0,-1593.0,-1263.0,-1263.0,-1255.0,0.0,1,Cash loans,F,Y,N,1,112500.0,942300.0,30528.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,With parents,0.035792000000000004,-13290,-1434,-6700.0,-2384,4.0,1,1,0,1,0,0,Sales staff,3.0,2,2,TUESDAY,18,0,0,0,1,1,1,Trade: type 3,,0.5122562078216173,0.4632753280912678,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1624.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2173676,185925,Consumer loans,5297.31,42844.5,38344.5,4500.0,42844.5,WEDNESDAY,15,Y,1,0.11438829000009546,,,XAP,Approved,-376,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,10.0,high,POS mobile with interest,365243.0,-303.0,-33.0,-213.0,-211.0,0.0,1,Cash loans,F,Y,Y,0,90000.0,450000.0,27193.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.026392000000000002,-15539,-1093,-10.0,-1116,10.0,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Self-employed,,0.34381151972528434,0.4650692149562261,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-301.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2837398,311276,Consumer loans,11248.875,112500.0,101250.0,11250.0,112500.0,SUNDAY,16,Y,1,0.1089090909090909,,,XAP,Approved,-1260,Cash through the bank,XAP,Other_B,New,Clothing and Accessories,POS,XNA,Stone,50,Clothing,10.0,low_normal,POS industry with interest,365243.0,-1224.0,-954.0,-954.0,-944.0,0.0,0,Cash loans,F,N,N,0,157500.0,225000.0,17775.0,225000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.001417,-10551,-1173,-52.0,-3216,,1,1,0,1,0,0,,1.0,2,2,SUNDAY,13,1,1,0,1,1,0,Business Entity Type 3,,0.12438520856349793,0.3344541255096772,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1260.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +1398455,226099,Consumer loans,13563.81,119691.0,121648.5,9000.0,119691.0,SATURDAY,17,Y,1,0.0750243453374373,,,XAP,Approved,-1498,Cash through the bank,XAP,Unaccompanied,Refreshed,Consumer Electronics,POS,XNA,Country-wide,1674,Consumer electronics,12.0,high,POS household with interest,365243.0,-1467.0,-1137.0,-1287.0,-1280.0,0.0,0,Cash loans,F,Y,Y,0,135000.0,247500.0,25987.5,247500.0,Family,State servant,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-16709,-4681,-3997.0,-254,3.0,1,1,0,1,0,0,High skill tech staff,2.0,2,2,SATURDAY,17,0,0,0,0,0,0,School,,0.6522145936001167,0.4223696523543468,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1764.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1793707,283304,Consumer loans,5666.76,33516.0,35730.0,0.0,33516.0,FRIDAY,15,Y,1,0.0,,,XAP,Approved,-2675,Cash through the bank,XAP,"Spouse, partner",Repeater,Mobile,POS,XNA,Country-wide,25,Connectivity,8.0,high,POS mobile with interest,365243.0,-2644.0,-2434.0,-2464.0,-2456.0,1.0,0,Cash loans,M,Y,N,2,247500.0,799299.0,40941.0,702000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.0228,-10696,-239,-1349.0,-3350,13.0,1,1,0,1,0,1,Laborers,4.0,2,2,SATURDAY,17,0,0,0,0,0,0,Construction,,0.4131266986328405,0.4241303111942548,0.1046,0.075,0.9925,0.8912,0.0471,0.11,0.0948,0.375,0.2292,0.0374,0.0378,0.149,0.0212,0.0727,0.0819,0.0715,0.993,0.8628,0.0266,0.1208,0.1034,0.375,0.0417,0.0081,0.0,0.1307,0.0,0.0,0.1088,0.075,0.993,0.8927,0.0474,0.12,0.1034,0.375,0.2292,0.0381,0.0385,0.1517,0.0214,0.0743,reg oper account,block of flats,0.0833,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,0.0 +2627931,106477,Consumer loans,3465.45,34335.0,34335.0,0.0,34335.0,MONDAY,18,Y,1,0.0,0.19690014734217387,0.8673361522198731,XAP,Approved,-149,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,middle,POS mobile with interest,,,,,,,0,Cash loans,F,Y,N,0,112500.0,630000.0,32751.0,630000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.022625,-11349,-2476,-1674.0,-783,2.0,1,1,0,1,0,1,High skill tech staff,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Trade: type 2,0.5678318909211894,0.5716411813650637,0.722392890081304,0.066,0.0,0.9757,0.6668,0.0081,0.0,0.1379,0.1667,0.2083,0.0541,0.0538,0.0566,0.0193,0.0627,0.0672,0.0,0.9757,0.6798,0.0082,0.0,0.1379,0.1667,0.2083,0.0554,0.0588,0.059,0.0195,0.0663,0.0666,0.0,0.9757,0.6713,0.0081,0.0,0.1379,0.1667,0.2083,0.0551,0.0547,0.0576,0.0194,0.064,reg oper account,block of flats,0.0626,Panel,No,0.0,0.0,0.0,0.0,-173.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1546164,215148,Revolving loans,4500.0,0.0,180000.0,,,WEDNESDAY,7,N,0,,,,XAP,Refused,-632,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,N,Y,0,135000.0,781920.0,32998.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-21280,-1137,-1423.0,-4504,,1,1,0,1,0,0,Laborers,2.0,3,3,FRIDAY,13,0,0,0,0,0,0,Government,,0.3597764681816129,0.41885428862332175,0.2165,0.1207,0.995,,,0.16,0.1379,0.375,,0.1714,,0.1808,,0.0364,0.2206,0.1252,0.995,,,0.1611,0.1379,0.375,,0.1753,,0.1884,,0.0386,0.2186,0.1207,0.995,,,0.16,0.1379,0.375,,0.1743,,0.184,,0.0372,,block of flats,0.1422,Panel,No,1.0,0.0,1.0,0.0,-526.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2282895,274017,Consumer loans,7583.445,168147.0,168147.0,0.0,168147.0,TUESDAY,14,Y,1,0.0,,,XAP,Approved,-1503,Cash through the bank,XAP,Children,Repeater,Audio/Video,POS,XNA,Country-wide,1500,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1472.0,-782.0,-782.0,-777.0,0.0,0,Cash loans,F,N,Y,1,157500.0,781920.0,28215.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.007305,-16987,-6324,-2271.0,-451,,1,1,0,1,0,0,Medicine staff,3.0,3,3,SUNDAY,7,0,0,0,0,0,0,Medicine,,0.5610722542614989,0.5673792367572691,0.0722,0.0807,0.9826,0.762,0.0884,0.0,0.1379,0.1667,0.2083,0.0264,0.0588,0.0414,0.0,0.0,0.0735,0.0838,0.9826,0.7713,0.0892,0.0,0.1379,0.1667,0.2083,0.027000000000000003,0.0643,0.0431,0.0,0.0,0.0729,0.0807,0.9826,0.7652,0.08900000000000001,0.0,0.1379,0.1667,0.2083,0.0269,0.0599,0.0421,0.0,0.0,reg oper account,block of flats,0.0483,"Stone, brick",No,0.0,0.0,0.0,0.0,-1503.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1745700,288773,Consumer loans,2923.47,22496.4,21915.0,2250.9,22496.4,WEDNESDAY,17,Y,1,0.10144189652662333,,,XAP,Approved,-2856,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,536,Consumer electronics,10.0,high,POS household with interest,365243.0,-2825.0,-2555.0,-2555.0,-2551.0,1.0,0,Cash loans,F,N,Y,0,207000.0,427045.5,20673.0,319500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.010966,-22227,365243,-4556.0,-4059,,1,0,0,1,0,1,,1.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,XNA,,0.6743568965379431,0.4596904504249018,0.0722,0.0811,0.9776,0.6940000000000001,0.0082,0.0,0.1379,0.1667,0.2083,0.0,0.0572,0.0626,0.0077,0.0277,0.0735,0.0842,0.9777,0.706,0.0083,0.0,0.1379,0.1667,0.2083,0.0,0.0624,0.0652,0.0078,0.0293,0.0729,0.0811,0.9776,0.6981,0.0083,0.0,0.1379,0.1667,0.2083,0.0,0.0581,0.0637,0.0078,0.0283,org spec account,block of flats,0.0597,"Stone, brick",No,1.0,0.0,1.0,0.0,-449.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,1.0 +2518469,291212,Cash loans,66882.735,2025000.0,2241513.0,,2025000.0,WEDNESDAY,19,Y,1,,,,XNA,Approved,-737,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,54.0,low_normal,Cash X-Sell: low,365243.0,-707.0,883.0,-77.0,-75.0,1.0,0,Cash loans,F,Y,Y,0,270000.0,523152.0,37336.5,463500.0,Unaccompanied,Commercial associate,Higher education,Widow,House / apartment,0.032561,-17935,-2915,-185.0,-1493,10.0,1,1,0,1,0,1,Accountants,1.0,1,1,FRIDAY,17,0,1,1,0,0,0,Business Entity Type 3,0.8249191214352022,0.4033539335050246,0.646329897706246,0.0687,0.0,0.9742,,,0.0,0.1379,0.1667,,0.0679,,0.066,,0.0278,0.084,0.0,0.9742,,,0.0,0.1724,0.1667,,0.034,,0.0333,,0.0,0.0833,0.0,0.9742,,,0.0,0.1552,0.1667,,0.0654,,0.0698,,0.0,,block of flats,0.0252,"Stone, brick",No,0.0,0.0,0.0,0.0,-382.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1215870,309155,Consumer loans,5155.605,49048.605,44140.5,4908.105,49048.605,WEDNESDAY,16,Y,1,0.10898113282454487,,,XAP,Approved,-2262,XNA,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,250,Consumer electronics,10.0,middle,POS household with interest,365243.0,-2231.0,-1961.0,-1961.0,-1943.0,0.0,0,Cash loans,F,Y,N,0,180000.0,1521000.0,56497.5,1521000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-20768,365243,-3303.0,-4097,7.0,1,0,0,1,0,0,,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,XNA,,0.7367321087383132,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2494.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2682111,208476,Cash loans,12110.49,315000.0,381528.0,,315000.0,MONDAY,11,Y,1,,,,XNA,Approved,-68,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Regional / Local,50,Consumer electronics,48.0,low_normal,Cash X-Sell: low,365243.0,-38.0,1372.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,157500.0,188685.0,8442.0,157500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.018634,-20044,365243,-12041.0,-2921,,1,0,0,1,0,0,,1.0,2,2,SATURDAY,9,0,0,0,0,0,0,XNA,,0.5007344470156673,0.5937175866150576,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,1.0,-68.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2197907,129905,Cash loans,38767.14,369000.0,369000.0,,369000.0,MONDAY,13,Y,1,,,,XNA,Approved,-611,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-581.0,-251.0,-341.0,-326.0,0.0,0,Cash loans,M,Y,Y,0,180000.0,450000.0,38628.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.008575,-10052,-1416,-4581.0,-177,11.0,1,1,0,1,0,0,Laborers,1.0,2,2,THURSDAY,16,0,0,0,1,1,1,Trade: type 7,0.123668065912447,0.5262516221252161,0.7180328113294772,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1664.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2052717,437483,Cash loans,7518.375,112500.0,112500.0,,112500.0,THURSDAY,6,Y,1,,,,XNA,Refused,-585,Non-cash from your account,SCO,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,,,,,,,1,Cash loans,F,N,Y,0,135000.0,521280.0,31630.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018801,-14450,-546,-707.0,-4320,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Self-employed,,0.2310906886355476,,0.0227,0.0479,0.999,,,0.0,0.0345,0.0833,,,0.0185,0.0184,,0.0,0.0231,0.0497,0.999,,,0.0,0.0345,0.0833,,,0.0202,0.0192,,0.0,0.0229,0.0479,0.999,,,0.0,0.0345,0.0833,,,0.0188,0.0187,,0.0,reg oper spec account,block of flats,0.0238,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2318446,240757,Consumer loans,14551.92,143581.5,155902.5,0.0,143581.5,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-497,XNA,XAP,,Repeater,Computers,POS,XNA,Country-wide,1000,Consumer electronics,12.0,low_normal,POS household with interest,,,,,,,1,Cash loans,M,Y,Y,0,180000.0,755190.0,36459.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010032,-13293,-1081,-7397.0,-2629,19.0,1,1,0,1,0,1,Laborers,2.0,2,2,SATURDAY,4,0,0,0,0,0,0,Construction,0.26517251836359423,0.2425545385275224,0.4083588531230431,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,1.0,7.0,1.0,-1232.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1183840,199932,Revolving loans,13500.0,270000.0,270000.0,,270000.0,MONDAY,15,Y,1,,,,XAP,Approved,-137,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-117.0,-94.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,112500.0,700830.0,18616.5,585000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.009656999999999999,-11735,-3353,-2183.0,-1157,,1,1,0,1,0,0,Accountants,3.0,2,2,FRIDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.2471396306042005,0.6310147116687359,0.4650692149562261,0.1399,0.1064,0.997,0.9592,0.0334,0.0532,0.1262,0.2917,0.2775,0.0,0.1137,0.1187,0.0013,0.001,0.0578,0.08800000000000001,0.9965,0.9543,0.0143,0.0806,0.069,0.1667,0.2083,0.0,0.0505,0.0641,0.0,0.0,0.1582,0.0891,0.997,0.9597,0.0416,0.08,0.1034,0.3333,0.2083,0.0,0.1291,0.1313,0.0,0.0,reg oper account,block of flats,0.1616,Panel,No,0.0,0.0,0.0,0.0,-321.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2262202,240889,Consumer loans,4652.55,44995.5,44995.5,0.0,44995.5,TUESDAY,16,Y,1,0.0,,,XAP,Approved,-460,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Country-wide,3446,Consumer electronics,12.0,middle,POS household with interest,365243.0,-428.0,-98.0,-98.0,-91.0,0.0,0,Revolving loans,M,Y,Y,0,112500.0,135000.0,6750.0,135000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.01885,-18923,-310,-2431.0,-2468,6.0,1,1,1,1,0,0,Laborers,2.0,2,2,SUNDAY,12,0,0,0,1,1,0,Business Entity Type 3,,0.6705277055617637,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-460.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2207041,216657,Cash loans,38066.175,675000.0,744498.0,,675000.0,WEDNESDAY,7,Y,1,,,,XNA,Approved,-568,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-538.0,512.0,-328.0,-326.0,1.0,1,Cash loans,F,N,Y,0,247500.0,1051245.0,30865.5,877500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.018029,-17402,-2685,-4038.0,-932,,1,1,0,1,0,0,Sales staff,1.0,3,3,THURSDAY,12,0,0,0,0,0,0,Self-employed,,0.5926595915098644,0.622922000268356,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,1.0,7.0,1.0,-1773.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2829821,286878,Consumer loans,7273.125,67455.0,60660.0,6795.0,67455.0,SATURDAY,13,Y,1,0.10970829037540174,,,XAP,Approved,-2234,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Regional / Local,5,Connectivity,12.0,high,POS other with interest,365243.0,-2193.0,-1863.0,-2073.0,-2065.0,0.0,0,Cash loans,M,N,N,0,144000.0,781920.0,31977.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.022625,-10450,-1779,-5154.0,-3123,,1,1,0,1,1,0,,1.0,2,2,SUNDAY,14,0,0,0,0,1,1,Business Entity Type 3,,0.2744720350316229,0.38079968264891495,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,3.0,8.0,2.0,-373.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1248522,330715,Cash loans,9649.71,202500.0,255960.0,,202500.0,THURSDAY,11,Y,1,,,,XNA,Refused,-183,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,144000.0,619965.0,22905.0,517500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.00733,-21275,365243,-581.0,-911,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,11,0,0,0,0,0,0,XNA,,0.697147864431653,0.3962195720630885,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-342.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2546373,360166,Consumer loans,8675.46,74304.0,74304.0,0.0,74304.0,WEDNESDAY,10,Y,1,0.0,,,XAP,Approved,-346,Cash through the bank,XAP,,Repeater,Jewelry,POS,XNA,Stone,100,Industry,10.0,middle,POS other with interest,365243.0,-315.0,-45.0,-75.0,-69.0,0.0,0,Cash loans,F,Y,N,0,225000.0,697500.0,25051.5,697500.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,With parents,0.007120000000000001,-9753,-1179,-2632.0,-2434,2.0,1,1,0,1,1,0,Managers,2.0,2,2,SATURDAY,16,1,1,0,1,1,1,Business Entity Type 3,0.3657678365520936,0.7336797647518334,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1213.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1208866,392683,Consumer loans,14333.895,74250.0,78169.5,0.0,74250.0,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-891,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,360,Furniture,6.0,middle,POS industry with interest,365243.0,-860.0,-710.0,-710.0,-700.0,0.0,0,Cash loans,F,N,Y,0,135000.0,225000.0,23755.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-13465,-576,-13061.0,-4672,,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,9,0,0,0,0,0,0,Self-employed,0.5637579715603879,0.5573206474495658,0.5919766183185521,0.1237,0.116,0.9821,0.7552,0.0055,0.0,0.2759,0.1667,0.2083,0.098,0.1009,0.1086,0.0,0.0,0.1261,0.1204,0.9821,0.7648,0.0056,0.0,0.2759,0.1667,0.2083,0.1002,0.1102,0.1132,0.0,0.0,0.1249,0.116,0.9821,0.7585,0.0055,0.0,0.2759,0.1667,0.2083,0.0997,0.1026,0.1106,0.0,0.0,reg oper account,block of flats,0.114,"Stone, brick",No,0.0,0.0,0.0,0.0,-622.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1585102,281496,Consumer loans,15933.6,87642.0,82782.0,8766.0,87642.0,FRIDAY,15,Y,1,0.104283773638866,,,XAP,Approved,-1402,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,1000,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1371.0,-1221.0,-1221.0,-1210.0,0.0,0,Cash loans,F,N,N,0,162000.0,1236816.0,36292.5,1080000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-16998,-3717,-7408.0,-541,,1,1,0,1,0,0,Laborers,2.0,2,2,SUNDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.2491099128110057,0.8435435389318647,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,0.0,8.0,0.0,-1865.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1265587,162980,Consumer loans,4867.785,45855.0,45625.5,4585.5,45855.0,SUNDAY,15,Y,1,0.0994608026853949,,,XAP,Approved,-662,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Stone,150,Consumer electronics,12.0,middle,POS household with interest,365243.0,-631.0,-301.0,-301.0,-298.0,0.0,0,Cash loans,F,N,Y,0,157500.0,127350.0,12532.5,112500.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.030755,-16810,-1732,-3411.0,-345,,1,1,0,1,0,1,,1.0,2,2,THURSDAY,18,0,0,0,0,0,0,Self-employed,0.6764181027764228,0.6983745661625264,0.6528965519806539,0.1155,0.0177,0.9737,0.6396,0.0,0.0,0.069,0.125,0.1667,0.0402,0.0933,0.0456,0.0039,0.0103,0.1176,0.0184,0.9737,0.6537,0.0,0.0,0.069,0.125,0.1667,0.0411,0.1019,0.0475,0.0039,0.0109,0.1166,0.0177,0.9737,0.6444,0.0,0.0,0.069,0.125,0.1667,0.0409,0.0949,0.0465,0.0039,0.0105,reg oper account,block of flats,0.064,"Stone, brick",No,0.0,0.0,0.0,0.0,-2971.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1205088,451867,Cash loans,16128.0,135000.0,143910.0,0.0,135000.0,THURSDAY,14,Y,1,0.0,,,XNA,Approved,-2543,Cash through the bank,XAP,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,12.0,high,Cash Street: high,365243.0,-2513.0,-2183.0,-2243.0,-2239.0,1.0,0,Cash loans,F,N,Y,0,225000.0,521280.0,37201.5,450000.0,Unaccompanied,Pensioner,Higher education,Separated,House / apartment,0.072508,-23486,365243,-5888.0,-4635,,1,0,0,1,0,0,,1.0,1,1,SATURDAY,16,0,0,0,0,0,0,XNA,,0.3768278552034466,0.4507472818545589,0.2115,0.114,0.9916,0.8844,0.1266,0.3332,0.1321,0.6387,0.0417,0.0,0.1685,0.2418,0.018000000000000002,0.0397,0.1754,0.0651,0.9911,0.8824,0.1,0.2417,0.069,0.5417,0.0417,0.0,0.1598,0.1911,0.0,0.0015,0.2045,0.1134,0.9911,0.8792,0.1096,0.32,0.1379,0.5417,0.0417,0.0,0.1633,0.2361,0.0194,0.0409,reg oper account,block of flats,0.1784,Panel,No,0.0,0.0,0.0,0.0,-742.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1268551,247653,Consumer loans,14433.21,120600.0,131211.0,0.0,120600.0,SATURDAY,14,Y,1,0.0,,,XAP,Approved,-311,Cash through the bank,XAP,,New,Computers,POS,XNA,Stone,40,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-279.0,-9.0,-219.0,-212.0,0.0,0,Revolving loans,M,Y,Y,2,180000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-11059,-648,-1023.0,-1102,2.0,1,1,1,1,1,1,Laborers,4.0,2,2,TUESDAY,14,0,0,0,0,0,0,Construction,,0.6407456392643217,,0.3835,0.2559,0.998,0.9728,0.0409,0.4,0.3448,0.375,0.0417,0.2994,0.306,0.4799,0.0309,0.0658,0.3908,0.2656,0.998,0.9739,0.0413,0.4028,0.3448,0.375,0.0417,0.3063,0.3343,0.5,0.0311,0.0696,0.3872,0.2559,0.998,0.9732,0.0412,0.4,0.3448,0.375,0.0417,0.3047,0.3113,0.4886,0.0311,0.0671,reg oper account,block of flats,0.4142,Panel,No,0.0,0.0,0.0,0.0,-311.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2166199,334049,Consumer loans,5554.98,24786.0,26095.5,0.0,24786.0,FRIDAY,10,Y,1,0.0,,,XAP,Approved,-1099,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,6.0,high,POS mobile with interest,365243.0,-1068.0,-918.0,-918.0,-900.0,0.0,0,Cash loans,F,Y,Y,1,126000.0,318528.0,23305.5,252000.0,Family,Working,Higher education,Married,House / apartment,0.019688999999999998,-11884,-1456,-5833.0,-2557,3.0,1,1,0,1,1,1,,3.0,2,2,FRIDAY,8,0,1,1,0,1,1,Government,0.6221270374375478,0.4314441804102945,0.2263473957097693,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,16.0,0.0,16.0,0.0,-42.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2305762,157964,Consumer loans,9124.335,67455.0,66046.5,6750.0,67455.0,SUNDAY,17,Y,1,0.10098512478434583,,,XAP,Approved,-585,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,10,Connectivity,10.0,high,POS mobile with interest,365243.0,-554.0,-284.0,-464.0,-459.0,0.0,0,Revolving loans,M,N,N,1,112500.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-15317,-1809,-2318.0,-4700,,1,1,0,1,0,0,Drivers,3.0,2,2,THURSDAY,11,0,0,0,0,1,1,Trade: type 7,,0.7890143689315441,0.6296742509538716,0.2969,0.1041,0.9776,0.6940000000000001,0.0406,0.32,0.2759,0.3333,0.375,0.1635,0.2421,0.2888,0.0,0.0,0.3025,0.108,0.9777,0.706,0.041,0.3222,0.2759,0.3333,0.375,0.1672,0.2645,0.3009,0.0,0.0,0.2998,0.1041,0.9776,0.6981,0.0409,0.32,0.2759,0.3333,0.375,0.1663,0.2463,0.294,0.0,0.0,,block of flats,0.2272,"Stone, brick",No,2.0,0.0,2.0,0.0,-3070.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2190350,437932,Consumer loans,10491.3,90598.5,90598.5,0.0,90598.5,TUESDAY,19,Y,1,0.0,,,XAP,Approved,-2382,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Stone,10,Furniture,10.0,middle,POS industry with interest,365243.0,-2343.0,-2073.0,-2103.0,-2097.0,0.0,0,Cash loans,F,N,N,0,369000.0,706410.0,67203.0,679500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.009334,-10171,-3235,-10157.0,-1202,,1,1,0,1,0,0,,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.6412967877804131,0.6022886950159204,0.4794489811780563,0.1732,,0.9851,,,0.2,0.1724,0.3333,,0.1292,,0.1918,,0.116,0.1765,,0.9851,,,0.2014,0.1724,0.3333,,0.1321,,0.1999,,0.1228,0.1749,,0.9851,,,0.2,0.1724,0.3333,,0.1314,,0.1953,,0.1184,,block of flats,0.2001,"Stone, brick",No,1.0,0.0,1.0,0.0,-1737.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1088553,192557,Consumer loans,3985.2,40050.0,39852.0,4005.0,40050.0,WEDNESDAY,12,Y,1,0.09945525437009124,,,XAP,Approved,-1056,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Stone,18,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1025.0,-695.0,-695.0,-688.0,0.0,0,Cash loans,F,N,Y,0,67500.0,436032.0,16564.5,360000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-19819,365243,-3212.0,-3268,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,XNA,0.4268843768230185,0.6630212884548149,0.6296742509538716,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1466468,346119,Consumer loans,2997.585,48559.5,48559.5,0.0,48559.5,THURSDAY,19,Y,1,0.0,,,XAP,Approved,-69,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,3000,Consumer electronics,18.0,low_action,POS mobile without interest,365243.0,-38.0,472.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,180000.0,675000.0,32602.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.026392000000000002,-8434,-674,-252.0,-1120,4.0,1,1,0,1,0,0,Core staff,1.0,2,2,WEDNESDAY,19,0,0,0,0,0,0,Self-employed,,0.5302133624993348,,0.1701,,0.9826,,,0.04,,,,,,0.0814,,,0.1733,,0.9826,,,0.0403,,,,,,0.0848,,,0.1718,,0.9826,,,0.04,,,,,,0.0828,,,,block of flats,0.0783,"Stone, brick",No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2821082,383593,Consumer loans,13908.375,126441.0,75861.0,50580.0,126441.0,SUNDAY,13,Y,1,0.43566737199024186,,,XAP,Approved,-639,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,2326,Consumer electronics,6.0,middle,POS household with interest,365243.0,-605.0,-455.0,-455.0,-450.0,0.0,0,Cash loans,F,Y,Y,0,135000.0,481500.0,45846.0,481500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-21450,365243,-479.0,-4247,7.0,1,0,0,1,0,0,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,,0.7059837705605684,0.813917469762627,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-639.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2772082,127544,Revolving loans,6750.0,0.0,135000.0,,,MONDAY,15,N,1,,,,XAP,Refused,-1140,XNA,SCO,,Refreshed,XNA,Cards,x-sell,Country-wide,900,Consumer electronics,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,N,Y,1,315000.0,257391.0,18432.0,238500.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.010006000000000001,-15639,-1029,-1566.0,-4044,,1,1,0,1,1,0,Laborers,3.0,2,2,SUNDAY,12,0,0,0,0,1,1,Telecom,0.32417722197022336,0.5854977967923253,0.19294222771695085,0.0876,,0.9975,,,0.2,0.1724,0.1667,,,,0.1024,,0.0765,0.0893,,0.9975,,,0.2014,0.1724,0.1667,,,,0.1067,,0.081,0.0885,,0.9975,,,0.2,0.1724,0.1667,,,,0.1042,,0.0781,,block of flats,0.0972,"Stone, brick",No,0.0,0.0,0.0,0.0,-1614.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2417585,155244,Consumer loans,8653.095,59080.5,43114.5,18000.0,59080.5,THURSDAY,9,Y,1,0.32076898876103643,,,XAP,Approved,-2681,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,30,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2650.0,-2500.0,-2500.0,-2496.0,1.0,0,Cash loans,M,Y,Y,0,157500.0,314100.0,17037.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.020713,-11636,-1015,-3074.0,-993,13.0,1,1,1,1,0,0,Core staff,2.0,3,3,THURSDAY,8,0,0,0,1,1,1,Emergency,0.24866741893504474,0.20374979101374088,0.11761373170805695,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-617.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2508625,122515,Cash loans,17293.05,225000.0,308034.0,,225000.0,THURSDAY,10,Y,1,,,,XNA,Approved,-610,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,365243.0,-580.0,290.0,365243.0,365243.0,1.0,1,Cash loans,M,Y,Y,0,202500.0,460858.5,17500.5,324000.0,"Spouse, partner",State servant,Secondary / secondary special,Married,House / apartment,0.006852,-19823,-5532,-1955.0,-3360,15.0,1,1,0,1,0,0,Security staff,2.0,3,3,FRIDAY,8,0,0,0,0,0,0,School,,0.013586634256141213,0.7713615919194317,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1134.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2138236,428782,Cash loans,12466.035,180000.0,203760.0,,180000.0,TUESDAY,14,Y,1,,,,XNA,Approved,-708,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-678.0,12.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,1,238500.0,766282.5,25452.0,661500.0,Children,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.00963,-19431,-11091,-3310.0,-2791,,1,1,0,1,0,0,,3.0,2,2,WEDNESDAY,13,0,0,0,1,1,0,Business Entity Type 3,,0.5430724022824696,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1539.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1158735,153620,Cash loans,8172.54,180000.0,227520.0,,180000.0,TUESDAY,11,Y,1,,,,XNA,Approved,-855,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,low_normal,Cash Street: low,365243.0,-824.0,586.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,162000.0,171900.0,8140.5,112500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-17694,-492,-11821.0,-1254,,1,1,0,1,0,0,Security staff,2.0,2,2,WEDNESDAY,11,0,1,1,0,1,1,Security,,0.3646158777927531,,0.0247,0.0367,0.9826,0.762,0.0026,0.0,0.069,0.0833,0.0417,0.0192,0.0202,0.0209,0.0,0.0,0.0252,0.0381,0.9826,0.7713,0.0026,0.0,0.069,0.0833,0.0417,0.0196,0.022,0.0218,0.0,0.0,0.025,0.0367,0.9826,0.7652,0.0026,0.0,0.069,0.0833,0.0417,0.0195,0.0205,0.0213,0.0,0.0,reg oper account,block of flats,0.0242,"Stone, brick",No,1.0,0.0,1.0,0.0,-855.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1185977,136209,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,12,Y,1,,,,XAP,Approved,-233,XNA,XAP,Family,Repeater,XNA,Cards,walk-in,Stone,872,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,157500.0,263686.5,26208.0,238500.0,"Spouse, partner",Working,Secondary / secondary special,Civil marriage,House / apartment,0.018029,-20308,-2752,-6805.0,-3867,17.0,1,1,0,1,0,0,Drivers,2.0,3,3,FRIDAY,7,0,0,0,0,0,0,Self-employed,,0.5265896232306497,,0.1134,0.3142,0.9871,,,0.0,0.2069,0.1667,,0.0077,,0.115,,0.1165,0.1155,0.326,0.9871,,,0.0,0.2069,0.1667,,0.0079,,0.1199,,0.1233,0.1145,0.3142,0.9871,,,0.0,0.2069,0.1667,,0.0078,,0.1171,,0.1189,,block of flats,0.0905,Panel,No,4.0,0.0,4.0,0.0,-2056.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2085091,256461,Cash loans,26368.65,495000.0,495000.0,,495000.0,MONDAY,15,Y,1,,,,XNA,Approved,-1331,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,low_normal,Cash Street: low,365243.0,-1300.0,-610.0,-610.0,-605.0,0.0,0,Cash loans,M,Y,N,0,135000.0,450000.0,21888.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0228,-16885,-2269,-6077.0,-413,4.0,1,1,0,1,1,0,Laborers,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.6112678321684768,0.7407990879702335,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2643.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1298960,445400,Consumer loans,5640.075,22630.5,26797.5,0.0,22630.5,WEDNESDAY,12,Y,1,0.0,,,XAP,Approved,-1737,XNA,XAP,"Spouse, partner",New,Audio/Video,POS,XNA,Country-wide,1488,Consumer electronics,6.0,high,POS household with interest,365243.0,-1706.0,-1556.0,-1556.0,-1551.0,0.0,0,Cash loans,F,N,Y,0,90000.0,142200.0,6759.0,112500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.018029,-16323,-279,-6357.0,-2438,,1,1,0,1,0,0,Cleaning staff,1.0,3,3,THURSDAY,11,0,0,0,0,0,0,Restaurant,0.4547274213628473,0.30988603987475954,0.5316861425197883,0.0887,0.1005,0.9811,0.7416,0.0116,0.0,0.2069,0.1667,0.0417,,,0.0819,,0.0,0.0903,0.1043,0.9811,0.7517,0.0118,0.0,0.2069,0.1667,0.0417,,,0.0854,,0.0,0.0895,0.1005,0.9811,0.7451,0.0117,0.0,0.2069,0.1667,0.0417,,,0.0834,,0.0,,block of flats,0.0708,Panel,No,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2558421,422622,Consumer loans,7950.15,45000.0,45000.0,0.0,45000.0,WEDNESDAY,10,Y,1,0.0,,,XAP,Approved,-231,Cash through the bank,XAP,Unaccompanied,Refreshed,Clothing and Accessories,POS,XNA,Stone,29,Clothing,6.0,low_normal,POS industry with interest,365243.0,-201.0,-51.0,-51.0,-45.0,0.0,0,Cash loans,F,N,Y,0,225000.0,225000.0,12694.5,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.018209,-15503,-614,-8143.0,-4245,,1,1,1,1,1,0,Core staff,1.0,3,3,WEDNESDAY,10,0,0,0,1,1,0,Self-employed,0.7684070913307914,0.479790852346156,0.6910212267577837,0.0082,0.0,0.9692,0.5784,0.0006,0.0,0.0345,0.0417,0.0833,0.0198,0.0067,0.0074,0.0,0.0,0.0084,0.0,0.9692,0.5949,0.0006,0.0,0.0345,0.0417,0.0833,0.0203,0.0073,0.0077,0.0,0.0,0.0083,0.0,0.9692,0.584,0.0006,0.0,0.0345,0.0417,0.0833,0.0202,0.0068,0.0075,0.0,0.0,reg oper account,block of flats,0.0061,Wooden,No,4.0,1.0,4.0,1.0,-2221.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1188283,252301,Consumer loans,7762.14,40171.5,38061.0,4018.5,40171.5,WEDNESDAY,19,Y,1,0.10400579422716087,,,XAP,Approved,-681,Cash through the bank,XAP,Unaccompanied,Refreshed,Mobile,POS,XNA,Country-wide,30,Connectivity,6.0,high,POS mobile with interest,365243.0,-648.0,-498.0,-498.0,-495.0,0.0,0,Cash loans,F,N,N,0,157500.0,1506816.0,47443.5,1350000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.00496,-23309,365243,-12001.0,-4235,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,XNA,0.6691716176111896,0.6750096450779032,,0.1485,,0.9836,,,0.16,0.1379,0.3333,,0.1125,,0.0907,,0.2433,0.1513,,0.9836,,,0.1611,0.1379,0.3333,,0.115,,0.0945,,0.2576,0.1499,,0.9836,,,0.16,0.1379,0.3333,,0.1144,,0.0923,,0.2484,,block of flats,0.1255,,No,1.0,0.0,1.0,0.0,-1848.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2558657,218026,Consumer loans,9032.13,123660.0,123660.0,0.0,123660.0,SATURDAY,16,Y,1,0.0,,,XAP,Approved,-298,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,150,Consumer electronics,18.0,middle,POS household with interest,365243.0,-268.0,242.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,157500.0,363190.5,26446.5,328500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.025164,-21319,365243,-9758.0,-4130,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,XNA,,0.19589403215727108,0.7091891096653581,0.1247,0.0027,0.9742,0.6464,0.0132,0.0,0.2069,0.1667,0.2083,0.0545,0.0992,0.071,0.0116,0.0488,0.1271,0.0028,0.9742,0.6602,0.0133,0.0,0.2069,0.1667,0.2083,0.0557,0.1084,0.07400000000000001,0.0117,0.0516,0.126,0.0027,0.9742,0.6511,0.0133,0.0,0.2069,0.1667,0.2083,0.0554,0.1009,0.0723,0.0116,0.0498,not specified,block of flats,0.0737,Block,No,0.0,0.0,0.0,0.0,-298.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1230974,374126,Consumer loans,8909.01,147748.5,132970.5,14778.0,147748.5,FRIDAY,10,Y,1,0.10893231034186776,,,XAP,Approved,-2339,XNA,XAP,,Repeater,Consumer Electronics,POS,XNA,Regional / Local,972,Consumer electronics,24.0,high,POS household with interest,365243.0,-2298.0,-1608.0,-1608.0,-1602.0,0.0,0,Cash loans,F,N,Y,0,67500.0,254700.0,24939.0,225000.0,Other_B,Pensioner,Secondary / secondary special,Married,House / apartment,0.010276,-24683,365243,-14984.0,-4650,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,10,0,0,0,1,0,0,XNA,,0.4714683830382088,,0.0722,0.0481,0.9732,,,0.0,0.1379,0.1667,,0.0139,,0.0541,,,0.0735,0.0499,0.9732,,,0.0,0.1379,0.1667,,0.0142,,0.0564,,,0.0729,0.0481,0.9732,,,0.0,0.1379,0.1667,,0.0141,,0.0551,,,,block of flats,0.0471,"Stone, brick",No,1.0,0.0,1.0,0.0,-1.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1664738,150538,Consumer loans,5932.125,64948.5,58450.5,6498.0,64948.5,WEDNESDAY,18,Y,1,0.1089619117804526,,,XAP,Approved,-632,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,40,Connectivity,12.0,middle,POS mobile with interest,365243.0,-592.0,-262.0,-532.0,-518.0,0.0,0,Cash loans,F,N,Y,1,90000.0,191880.0,20277.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-8775,-1282,-8025.0,-1172,,1,1,0,1,0,1,,3.0,2,2,FRIDAY,12,0,0,0,1,1,0,Business Entity Type 3,,0.50782437234958,,0.0619,0.0735,0.9886,0.8436,0.0095,0.0,0.1379,0.1667,0.2083,0.0747,0.0504,0.0545,0.0,0.0014,0.063,0.0763,0.9886,0.8497,0.0096,0.0,0.1379,0.1667,0.2083,0.0764,0.0551,0.0568,0.0,0.0014,0.0625,0.0735,0.9886,0.8457,0.0095,0.0,0.1379,0.1667,0.2083,0.076,0.0513,0.0555,0.0,0.0014,reg oper account,block of flats,0.0432,"Stone, brick",No,0.0,0.0,0.0,0.0,-632.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2449677,330413,Consumer loans,5095.17,26455.5,24988.5,2646.0,26455.5,WEDNESDAY,9,Y,1,0.10428032153484036,,,XAP,Approved,-1974,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,12,Connectivity,6.0,high,POS mobile with interest,365243.0,-1941.0,-1791.0,-1791.0,-1788.0,0.0,0,Cash loans,F,Y,Y,0,76500.0,679671.0,27085.5,607500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.020713,-16990,-494,-6526.0,-545,12.0,1,1,0,1,0,0,Sales staff,2.0,3,3,WEDNESDAY,6,0,0,0,0,0,0,Trade: type 7,,0.675292611642783,0.41534714488434,0.1232,0.1042,0.9801,0.7756,0.0141,0.0,0.1897,0.1667,0.2083,0.092,0.0967,0.0801,0.0039,0.0099,0.1218,0.0815,0.9772,0.7844,0.0142,0.0,0.1034,0.1667,0.2083,0.0329,0.1056,0.0522,0.0039,0.0105,0.1244,0.1042,0.9801,0.7786,0.0142,0.0,0.1897,0.1667,0.2083,0.0936,0.0983,0.0815,0.0039,0.0101,reg oper account,block of flats,0.0571,Panel,No,0.0,0.0,0.0,0.0,-366.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,8.0 +2047202,108650,Cash loans,6543.0,90000.0,90000.0,0.0,90000.0,FRIDAY,9,Y,1,0.0,,,XNA,Refused,-2770,XNA,SCO,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,20.0,middle,Cash Street: middle,,,,,,,0,Cash loans,M,Y,N,0,135000.0,1120500.0,32890.5,1120500.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.014519999999999996,-13315,-2752,-6469.0,-3855,10.0,1,1,0,1,0,0,Drivers,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Government,,0.6890077610009161,0.3539876078507373,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1851.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,1.0,1.0 +2150418,337915,Cash loans,29353.05,675000.0,756081.0,,675000.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-408,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,32,Connectivity,42.0,low_normal,Cash X-Sell: low,365243.0,-378.0,852.0,-168.0,-166.0,1.0,0,Cash loans,F,Y,Y,0,180000.0,1288350.0,37669.5,1125000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.00823,-21762,365243,-6055.0,-3922,4.0,1,0,0,1,1,0,,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,XNA,,0.05283524015391857,0.190705947811054,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,1.0,-135.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1618013,442025,Consumer loans,5096.88,44046.0,49279.5,0.0,44046.0,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-332,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,1099,Consumer electronics,12.0,middle,POS household with interest,365243.0,-302.0,28.0,-152.0,-149.0,1.0,0,Cash loans,M,Y,Y,0,157500.0,477621.0,37863.0,432000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.022625,-10206,-862,-5447.0,-343,14.0,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,11,0,0,0,1,1,0,Transport: type 4,0.16478510698690355,0.6821067286851498,,0.0165,,0.9791,,,,0.069,0.0417,,,,0.0096,,,0.0168,,0.9791,,,,0.069,0.0417,,,,0.01,,,0.0167,,0.9791,,,,0.069,0.0417,,,,0.0098,,,,block of flats,0.0117,"Stone, brick",No,4.0,0.0,4.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1053452,102858,Consumer loans,6298.74,70785.0,59886.0,22500.0,70785.0,FRIDAY,10,Y,1,0.29743579557868394,,,XAP,Approved,-1071,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Stone,8,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1036.0,-706.0,-706.0,-696.0,0.0,0,Cash loans,F,Y,Y,0,67500.0,900000.0,26316.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-18003,-4098,-8411.0,-1554,11.0,1,1,0,1,0,0,Sales staff,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,Self-employed,,0.6581625413016439,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1071.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1773556,340004,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SATURDAY,8,Y,1,,,,XAP,Approved,-226,XNA,XAP,Unaccompanied,Refreshed,XNA,Cards,walk-in,Country-wide,1911,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,1,157500.0,143910.0,15399.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.018029,-15080,-7953,-8207.0,-4569,,1,1,0,1,0,0,Laborers,2.0,3,3,MONDAY,10,0,0,0,0,0,0,Industry: type 9,,0.6616519175450849,0.5100895276257282,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1481.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1276218,112641,Revolving loans,2250.0,0.0,45000.0,,,TUESDAY,4,Y,1,,,,XAP,Approved,-791,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-789.0,-747.0,365243.0,-655.0,365243.0,0.0,0,Cash loans,M,N,N,1,130500.0,810000.0,23211.0,810000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018209,-16017,-3986,-2713.0,-4456,,1,1,1,1,1,0,Laborers,3.0,3,3,MONDAY,15,0,0,0,0,1,1,Business Entity Type 3,0.2075033158763103,0.4816413711233133,0.4083588531230431,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-5.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1097631,110081,Cash loans,16783.2,315000.0,315000.0,,315000.0,FRIDAY,11,Y,1,,,,XNA,Refused,-425,Cash through the bank,HC,"Spouse, partner",Repeater,XNA,Cash,x-sell,Stone,384,Furniture,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,1,76500.0,112500.0,12244.5,112500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.004849,-12169,-1421,-1170.0,-4628,,1,1,1,1,0,0,Sales staff,3.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.4246718435187729,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1043.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1325409,167720,Cash loans,34290.0,675000.0,675000.0,,675000.0,TUESDAY,14,Y,1,,,,Repairs,Refused,-130,Cash through the bank,VERIF,Unaccompanied,Refreshed,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,24.0,low_action,Cash Street: low,,,,,,,0,Cash loans,M,Y,Y,2,337500.0,450000.0,42075.0,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.072508,-15488,-1010,-3761.0,-4067,6.0,1,1,1,1,0,0,Core staff,4.0,1,1,SATURDAY,17,0,1,1,0,1,1,Business Entity Type 3,,0.7259096547926693,0.8256357449717892,0.2216,0.13,0.9816,0.7484,0.0744,0.24,0.2069,0.3333,0.375,0.0271,0.1807,0.1312,0.0,0.0,0.2258,0.1349,0.9816,0.7583,0.075,0.2417,0.2069,0.3333,0.375,0.0277,0.1974,0.1367,0.0,0.0,0.2238,0.13,0.9816,0.7518,0.0748,0.24,0.2069,0.3333,0.375,0.0276,0.1838,0.1336,0.0,0.0,reg oper account,block of flats,0.1598,Panel,No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2145369,268051,Cash loans,34074.765,765000.0,855882.0,,765000.0,MONDAY,17,Y,1,,,,XNA,Refused,-39,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,360000.0,1204042.5,39924.0,985500.0,Unaccompanied,Working,Higher education,Single / not married,Rented apartment,0.007114,-20344,-1740,-3080.0,-3069,,1,1,0,1,0,0,Drivers,1.0,2,2,FRIDAY,16,0,1,1,0,1,1,Business Entity Type 1,0.8163592827104195,0.6587084369747426,0.6109913280868294,0.1485,0.0752,,0.7212,,,0.0345,0.1667,0.2083,0.042,,0.0733,,0.0246,0.1513,0.0781,,0.7321,,,0.0345,0.1667,0.2083,0.0429,,0.0764,,0.026,0.1499,0.0752,,0.7249,,,0.0345,0.1667,0.2083,0.0427,,0.0746,,0.0251,,specific housing,0.063,"Stone, brick",No,0.0,0.0,0.0,0.0,-1774.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +2818318,288037,Consumer loans,2976.03,24975.0,23341.5,3735.0,24975.0,THURSDAY,15,Y,1,0.1502319186547206,,,XAP,Approved,-2212,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,50,Connectivity,12.0,high,POS mobile with interest,365243.0,-2180.0,-1850.0,-1880.0,-1873.0,0.0,0,Cash loans,M,N,Y,0,189000.0,573628.5,27724.5,463500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.018634,-17303,-3018,-155.0,-857,,1,1,0,1,0,0,Security staff,2.0,2,2,THURSDAY,11,0,1,1,0,0,0,Security,0.3229506190606755,0.4739047882467746,0.470456116119975,0.0412,0.0,0.9791,,,0.0,0.069,0.1667,,0.0082,,0.0356,,0.0,0.042,0.0,0.9791,,,0.0,0.069,0.1667,,0.0084,,0.0371,,0.0,0.0416,0.0,0.9791,,,0.0,0.069,0.1667,,0.0083,,0.0362,,0.0,,block of flats,0.0316,"Stone, brick",No,6.0,2.0,6.0,2.0,-1673.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2725317,211679,Consumer loans,10015.695,56682.0,56682.0,0.0,56682.0,TUESDAY,11,Y,1,0.0,,,XAP,Approved,-1208,XNA,XAP,"Spouse, partner",Repeater,Furniture,POS,XNA,Stone,244,Furniture,6.0,low_normal,POS industry with interest,365243.0,-1175.0,-1025.0,-1025.0,-1021.0,0.0,0,Cash loans,F,N,Y,0,58500.0,808650.0,23773.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020713,-22246,365243,-10118.0,-4014,,1,0,0,1,0,0,,2.0,3,3,SATURDAY,7,0,0,0,0,0,0,XNA,,0.7433325916825244,0.6894791426446275,0.0124,0.0,0.9508,0.3268,0.0042,0.0,0.069,0.0833,0.0417,0.0498,0.0101,0.014,0.0039,0.0,0.0126,0.0,0.9508,0.3532,0.0042,0.0,0.069,0.0833,0.0417,0.0509,0.011,0.0146,0.0039,0.0,0.0125,0.0,0.9508,0.3358,0.0042,0.0,0.069,0.0833,0.0417,0.0506,0.0103,0.0143,0.0039,0.0,reg oper account,block of flats,0.0133,"Stone, brick",No,0.0,0.0,0.0,0.0,-402.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1551419,246031,Consumer loans,5895.495,20925.0,21753.0,0.0,20925.0,WEDNESDAY,12,Y,1,0.0,,,XAP,Approved,-244,Cash through the bank,XAP,Unaccompanied,Repeater,Jewelry,POS,XNA,Stone,40,Consumer electronics,4.0,low_normal,POS household with interest,365243.0,-214.0,-124.0,-124.0,-121.0,1.0,0,Cash loans,F,N,Y,0,84150.0,1288350.0,37800.0,1125000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.002042,-21947,365243,-9281.0,-4562,,1,0,0,1,0,0,,2.0,3,3,TUESDAY,11,0,0,0,0,0,0,XNA,,0.6355547769581593,0.7776594425716818,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-703.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2155373,431157,Consumer loans,13690.575,107100.0,68044.5,49500.0,107100.0,TUESDAY,12,Y,1,0.4586348148998886,,,XAP,Approved,-1628,XNA,XAP,Family,Repeater,Computers,POS,XNA,Regional / Local,30,Consumer electronics,6.0,high,POS household with interest,365243.0,-1593.0,-1443.0,-1473.0,-1469.0,0.0,0,Cash loans,F,Y,N,0,112500.0,932643.0,27270.0,778500.0,Unaccompanied,Commercial associate,Incomplete higher,Single / not married,House / apartment,0.006629,-11570,-1681,-1417.0,-3056,11.0,1,1,0,1,1,0,Managers,1.0,2,2,SATURDAY,6,0,0,0,0,0,0,Self-employed,,0.6115172188588556,0.5513812618027899,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1628.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,2.0 +1977554,284685,Cash loans,20392.74,139500.0,170730.0,,139500.0,FRIDAY,12,Y,1,,,,Other,Refused,-576,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,F,Y,Y,0,247500.0,553626.0,44518.5,490500.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.04622,-10033,-1562,-215.0,-2706,2.0,1,1,0,1,0,0,,1.0,1,1,SUNDAY,15,0,0,0,0,0,0,Business Entity Type 2,0.5814752230634976,0.3421114943985414,,0.0979,0.0376,0.9831,0.7688,,0.16,0.069,0.4583,,0.0122,,0.0869,,0.0,0.0998,0.039,0.9831,0.7779,,0.1611,0.069,0.4583,,0.0124,,0.0905,,0.0,0.0989,0.0376,0.9831,0.7719,,0.16,0.069,0.4583,,0.0124,,0.0885,,0.0,reg oper account,block of flats,0.0684,Panel,No,0.0,0.0,0.0,0.0,-845.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2671370,162953,Consumer loans,7547.76,69732.0,67936.5,6975.0,69732.0,TUESDAY,11,Y,1,0.10140511257829687,,,XAP,Approved,-1680,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,2775,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1646.0,-1376.0,-1376.0,-1367.0,0.0,0,Cash loans,F,N,N,0,279000.0,770292.0,30676.5,688500.0,Family,Pensioner,Higher education,Married,House / apartment,0.0038130000000000004,-19185,365243,-4772.0,-2738,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,7,0,0,0,0,0,0,XNA,,0.5322500011481164,0.4365064990977374,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1159441,114321,Consumer loans,42899.895,451782.0,381298.5,90360.0,451782.0,SATURDAY,18,Y,1,0.2086472618334124,,,XAP,Approved,-326,Cash through the bank,XAP,Family,New,Clothing and Accessories,POS,XNA,Country-wide,350,Clothing,10.0,low_normal,POS industry with interest,365243.0,-294.0,-24.0,-54.0,-52.0,0.0,0,Cash loans,M,Y,N,0,675000.0,260568.0,24745.5,247500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.072508,-18126,-948,-4058.0,-1493,6.0,1,1,0,1,1,0,Managers,2.0,1,1,THURSDAY,19,0,0,0,0,0,0,Electricity,,0.7093359586832615,0.8061492814355136,0.2275,0.2061,0.9906,0.8708,0.1434,0.48,0.2069,0.4025,0.2917,0.0,0.1841,0.1874,0.0064,0.0098,0.1712,0.1681,0.9906,0.8759,0.1315,0.4028,0.1724,0.375,0.2917,0.0,0.1497,0.1206,0.0,0.0083,0.228,0.2278,0.9906,0.8725,0.136,0.48,0.2069,0.375,0.2917,0.0,0.1838,0.1685,0.0039,0.0087,not specified,block of flats,0.1678,Panel,No,0.0,0.0,0.0,0.0,-326.0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2222219,161103,Revolving loans,22500.0,0.0,450000.0,,,MONDAY,13,Y,1,,,,XAP,Refused,-807,XNA,HC,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,Y,Y,0,270000.0,1123443.0,32976.0,981000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.007114,-16238,-7610,-5543.0,-4157,13.0,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Security Ministries,,0.4449663728923282,0.3506958432829587,0.0165,0.0004,0.9737,0.6396,0.0015,0.0,0.069,0.0417,0.0833,0.0344,0.0134,0.0127,0.0,0.0,0.0168,0.0005,0.9737,0.6537,0.0015,0.0,0.069,0.0417,0.0833,0.0352,0.0147,0.0132,0.0,0.0,0.0167,0.0004,0.9737,0.6444,0.0015,0.0,0.069,0.0417,0.0833,0.035,0.0137,0.0129,0.0,0.0,reg oper account,block of flats,0.01,"Stone, brick",No,1.0,0.0,1.0,0.0,-1896.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1009049,168218,Consumer loans,4884.48,53478.0,48127.5,5350.5,53478.0,TUESDAY,15,Y,1,0.10896407698662827,,,XAP,Approved,-589,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,40,Connectivity,12.0,middle,POS mobile with interest,365243.0,-557.0,-227.0,-467.0,-458.0,0.0,1,Cash loans,M,N,Y,1,135000.0,521280.0,35392.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.006296,-11905,-1819,-1575.0,-2169,,1,1,0,1,0,0,Drivers,3.0,3,3,WEDNESDAY,18,0,0,0,0,0,0,Trade: type 7,,0.4106000231363464,0.746300213050371,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-875.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2708453,358321,Consumer loans,4068.765,89838.0,89838.0,0.0,89838.0,THURSDAY,15,Y,1,0.0,,,XAP,Refused,-1104,Cash through the bank,SCO,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,1354,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,0,Cash loans,M,N,N,0,157500.0,835380.0,30955.5,675000.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.009334,-9788,-1083,-20.0,-2456,,1,1,0,1,0,0,Core staff,1.0,2,2,WEDNESDAY,18,0,0,0,0,0,0,Trade: type 2,,0.5036482381510776,0.4436153084085652,0.0309,0.0564,0.9732,0.6328,,0.0,0.1034,0.1667,0.2083,,,0.047,,0.0429,0.0315,0.0585,0.9732,0.6472,,0.0,0.1034,0.1667,0.2083,,,0.0489,,0.0455,0.0312,0.0564,0.9732,0.6377,,0.0,0.1034,0.1667,0.2083,,,0.0478,,0.0438,reg oper account,block of flats,0.05,"Stone, brick",No,5.0,0.0,5.0,0.0,-1811.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2181370,102138,Consumer loans,7743.735,77445.0,69700.5,7744.5,77445.0,THURSDAY,15,Y,1,0.1089090909090909,,,XAP,Approved,-2727,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,148,Furniture,10.0,low_normal,POS industry without interest,365243.0,-2693.0,-2423.0,-2423.0,-2416.0,0.0,0,Cash loans,F,N,Y,0,135000.0,725328.0,26181.0,540000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.032561,-22487,-1215,-264.0,-530,,1,1,0,1,0,0,,1.0,1,1,MONDAY,12,0,0,0,0,0,0,Other,0.7267510046459557,0.718836053974528,0.28371188263500075,0.3175,0.1692,0.9796,0.7212,,0.24,0.3621,0.2708,0.2917,0.0974,0.2589,0.3052,0.0135,0.1294,0.1597,0.1729,0.9791,0.7256,,0.0403,0.3448,0.2083,0.2083,0.0996,0.1396,0.1543,0.0,0.0,0.3206,0.1692,0.9796,0.7249,,0.24,0.3621,0.2708,0.2917,0.0991,0.2634,0.3107,0.0136,0.1321,reg oper account,block of flats,0.4207,Panel,No,0.0,0.0,0.0,0.0,-1728.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2237597,256764,Revolving loans,2250.0,45000.0,45000.0,,45000.0,MONDAY,16,Y,1,,,,XAP,Refused,-143,XNA,HC,"Spouse, partner",Repeater,XNA,Cards,walk-in,Country-wide,1600,Consumer electronics,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,Y,Y,0,270000.0,1071000.0,54535.5,1071000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.001417,-16456,-1306,-408.0,-16,12.0,1,1,0,1,0,1,Accountants,2.0,2,2,THURSDAY,9,0,0,0,0,1,1,Self-employed,0.6270144293190144,0.31583274323468674,0.5867400085415683,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-246.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1812243,412299,Cash loans,4793.175,45000.0,47970.0,,45000.0,TUESDAY,10,Y,1,,,,XNA,Approved,-871,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-841.0,-511.0,-661.0,-655.0,1.0,0,Cash loans,F,N,Y,0,67500.0,76410.0,7573.5,67500.0,Unaccompanied,Pensioner,Lower secondary,Widow,House / apartment,0.035792000000000004,-24137,365243,-3718.0,-4861,,1,0,0,1,1,0,,1.0,2,2,FRIDAY,10,0,0,0,0,0,0,XNA,,0.250811300192376,0.7738956942145427,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1243621,378592,Cash loans,40783.995,1350000.0,1546020.0,,1350000.0,TUESDAY,11,Y,1,,,,Other,Refused,-652,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),3,XNA,60.0,low_action,Cash Street: low,,,,,,,0,Cash loans,F,Y,N,2,157500.0,810000.0,22405.5,810000.0,Unaccompanied,State servant,Secondary / secondary special,Separated,Municipal apartment,0.003540999999999999,-15888,-2472,-2323.0,-2141,25.0,1,1,0,1,0,0,Managers,3.0,1,1,THURSDAY,15,0,0,0,0,0,0,Business Entity Type 2,,0.4850598397226959,0.5638350489514956,0.0155,,0.9871,,,,0.069,0.0417,,,,0.0053,,,0.0158,,0.9871,,,,0.069,0.0417,,,,0.0055,,,0.0156,,0.9871,,,,0.069,0.0417,,,,0.0054,,,,block of flats,0.016,Wooden,No,0.0,0.0,0.0,0.0,-498.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1898513,225172,Consumer loans,5133.51,23715.0,24966.0,0.0,23715.0,THURSDAY,14,Y,1,0.0,,,XAP,Approved,-433,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Regional / Local,19,Connectivity,6.0,high,POS mobile with interest,365243.0,-397.0,-247.0,-307.0,-297.0,0.0,1,Cash loans,M,N,N,0,99000.0,225000.0,11074.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-9870,-1168,-3032.0,-2546,,1,1,1,1,1,0,Sales staff,2.0,2,2,FRIDAY,17,0,0,0,0,0,0,Self-employed,0.20360163536312925,0.6425557611068046,0.11033242816628903,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2156.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1985981,377975,Consumer loans,17088.795,170905.5,153814.5,17091.0,170905.5,SATURDAY,10,Y,1,0.10891195852253273,,,XAP,Approved,-2372,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Country-wide,911,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2341.0,-2071.0,-2071.0,-2063.0,0.0,0,Cash loans,F,Y,N,1,157500.0,760225.5,32206.5,679500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.025164,-14365,-7153,-3132.0,-5167,12.0,1,1,1,1,1,1,Core staff,3.0,2,2,TUESDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.6525202679762863,0.6599363902126975,0.5989262182569273,0.3670000000000001,0.2355,0.9955,0.9388,0.0608,0.32,0.2759,0.375,0.0417,0.1612,0.2954,0.3194,0.0174,0.0937,0.3739,0.2382,0.9955,0.9412,0.0499,0.3222,0.2759,0.375,0.0417,0.1648,0.3186,0.2986,0.0,0.0397,0.3706,0.2355,0.9955,0.9396,0.0612,0.32,0.2759,0.375,0.0417,0.16399999999999998,0.3006,0.3251,0.0175,0.0957,reg oper account,block of flats,0.285,Panel,No,0.0,0.0,0.0,0.0,-2372.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1259682,192142,Consumer loans,9332.55,83700.0,83700.0,0.0,83700.0,WEDNESDAY,12,Y,1,0.0,,,XAP,Approved,-1437,Cash through the bank,XAP,Family,Repeater,Construction Materials,POS,XNA,Regional / Local,12,Furniture,12.0,high,POS industry with interest,365243.0,-1405.0,-1075.0,-1075.0,-1069.0,0.0,0,Cash loans,F,N,Y,0,135000.0,225000.0,22383.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-15253,-3890,-6048.0,-6042,,1,1,0,1,0,0,Managers,2.0,3,3,FRIDAY,14,0,0,0,0,0,0,Trade: type 7,0.7323199396834581,0.6160426371474671,0.6642482627052363,0.0722,0.0673,0.9811,0.7416,0.0076,0.0,0.1379,0.1667,0.2083,0.0,0.0588,0.0667,0.0,0.0,0.0735,0.0698,0.9811,0.7517,0.0076,0.0,0.1379,0.1667,0.2083,0.0,0.0643,0.0695,0.0,0.0,0.0729,0.0673,0.9811,0.7451,0.0076,0.0,0.1379,0.1667,0.2083,0.0,0.0599,0.0679,0.0,0.0,reg oper account,block of flats,0.0566,Panel,No,6.0,0.0,6.0,0.0,-3381.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +2630375,277835,Consumer loans,12355.515,188991.0,218929.5,0.0,188991.0,FRIDAY,10,Y,1,0.0,,,XAP,Approved,-35,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Regional / Local,465,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-5.0,685.0,365243.0,365243.0,1.0,1,Cash loans,F,N,Y,1,67500.0,187704.0,10903.5,148500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018029,-13225,-1382,-904.0,-4183,,1,1,0,1,0,0,Security staff,3.0,3,3,FRIDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.1338026968829686,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-525.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1049662,422261,Consumer loans,3063.78,15655.5,15655.5,0.0,15655.5,THURSDAY,10,Y,1,0.0,,,XAP,Refused,-2239,XNA,SCO,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Regional / Local,100,Consumer electronics,6.0,high,POS household with interest,,,,,,,1,Cash loans,F,N,Y,2,135000.0,640080.0,31261.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0038130000000000004,-12004,-2596,-1142.0,-2043,,1,1,0,1,0,0,Sales staff,4.0,2,2,WEDNESDAY,5,0,0,0,1,1,0,Business Entity Type 3,,0.30110834231611955,0.4794489811780563,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2150.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1397745,422808,Consumer loans,5570.46,57325.5,61825.5,0.0,57325.5,MONDAY,18,Y,1,0.0,,,XAP,Approved,-71,Cash through the bank,XAP,Family,Refreshed,Computers,POS,XNA,Country-wide,2400,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-40.0,290.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,90000.0,458725.5,17127.0,396000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.019101,-16813,-768,-685.0,-361,,1,1,0,1,0,0,,1.0,2,2,SUNDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.8489291066706238,0.6468484492579611,0.5691487713619409,0.1041,0.0477,0.9767,0.6804,0.0186,0.0,0.2069,0.1667,0.0417,0.0657,0.0841,0.0635,0.0039,0.029,0.1061,0.0495,0.9767,0.6929,0.0187,0.0,0.2069,0.1667,0.0417,0.0672,0.0918,0.0662,0.0039,0.0307,0.1051,0.0477,0.9767,0.6847,0.0187,0.0,0.2069,0.1667,0.0417,0.0668,0.0855,0.0647,0.0039,0.0296,reg oper account,block of flats,0.0799,Panel,No,1.0,0.0,1.0,0.0,-11.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,0.0 +1525927,259977,Consumer loans,11891.88,80977.5,99099.0,0.0,80977.5,WEDNESDAY,11,Y,1,0.0,,,XAP,Refused,-799,Cash through the bank,HC,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Regional / Local,838,Consumer electronics,10.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,Y,1,81000.0,533668.5,25803.0,477000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.025164,-14554,-2457,-8450.0,-1981,,1,1,0,1,0,0,Sales staff,3.0,2,2,THURSDAY,8,0,0,0,0,0,0,Self-employed,,0.6994605510931274,0.6956219298394389,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-799.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1126994,159349,Consumer loans,14298.165,80316.0,70123.5,13500.0,80316.0,TUESDAY,14,Y,1,0.17582052022131658,,,XAP,Approved,-1052,Cash through the bank,XAP,Family,Refreshed,Computers,POS,XNA,Regional / Local,200,Consumer electronics,6.0,high,POS household with interest,365243.0,-1021.0,-871.0,-871.0,-865.0,0.0,0,Cash loans,M,Y,Y,1,315000.0,1078200.0,31522.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0228,-14505,-925,-1374.0,-2612,10.0,1,1,0,1,1,0,Laborers,3.0,2,2,THURSDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.2536530358540307,0.31547215492577346,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1052.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1760692,131635,Cash loans,30431.655,135000.0,156388.5,,135000.0,SUNDAY,16,Y,1,,,,XNA,Approved,-621,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,high,Cash X-Sell: high,365243.0,-591.0,-441.0,-591.0,-586.0,1.0,0,Cash loans,F,N,Y,1,135000.0,364356.0,18733.5,261000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.003540999999999999,-14888,-3965,-2376.0,-4574,,1,1,0,1,0,1,Core staff,3.0,1,1,FRIDAY,13,0,0,0,0,0,0,Kindergarten,0.6677885908551539,0.5831873700119162,0.6545292802242897,0.1567,,0.9965,,,0.16,0.2069,0.2292,,0.0208,,0.1935,,0.2273,0.0966,,0.9965,,,0.0403,0.1724,0.1667,,0.0,,0.1097,,0.17800000000000002,0.1582,,0.9965,,,0.16,0.2069,0.2292,,0.0211,,0.197,,0.2321,,block of flats,0.2874,Monolithic,No,0.0,0.0,0.0,0.0,-1723.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2726355,191688,Consumer loans,12791.205,133200.0,119880.0,13320.0,133200.0,THURSDAY,10,Y,1,0.1089090909090909,,,XAP,Approved,-1398,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Stone,60,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1354.0,-1024.0,-1024.0,-1017.0,0.0,0,Cash loans,F,N,Y,3,90000.0,562491.0,27189.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009334,-14285,-622,-75.0,-4428,,1,1,0,1,1,0,Sales staff,5.0,2,2,TUESDAY,12,0,0,0,0,1,1,Other,,0.5157522619730067,0.6109913280868294,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2335.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1097590,141304,Revolving loans,13500.0,270000.0,270000.0,,270000.0,THURSDAY,11,Y,1,,,,XAP,Refused,-334,XNA,SCOFR,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,Y,N,0,112500.0,225000.0,11074.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-15833,-2930,-4857.0,-4093,11.0,1,1,1,1,1,0,Drivers,2.0,2,2,SUNDAY,19,0,0,0,0,0,0,Self-employed,0.6676571895262376,0.7568370441696555,0.4507472818545589,0.0464,0.0176,0.9876,0.8232,0.0557,0.04,0.0345,0.3333,0.375,0.0274,0.0378,0.0387,0.0,0.0,0.0378,0.0115,0.9871,0.8236,0.0555,0.0403,0.0345,0.3333,0.375,0.0276,0.0331,0.0398,0.0,0.0,0.0468,0.0176,0.9876,0.8256,0.0561,0.04,0.0345,0.3333,0.375,0.0278,0.0385,0.0394,0.0,0.0,reg oper spec account,block of flats,0.0344,"Stone, brick",No,0.0,0.0,0.0,0.0,-2625.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2778432,143139,Consumer loans,10382.04,47691.0,36441.0,11250.0,47691.0,FRIDAY,14,Y,1,0.25690953696237706,,,XAP,Approved,-2556,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,60,Connectivity,4.0,high,POS mobile with interest,365243.0,-2521.0,-2431.0,-2431.0,-2428.0,0.0,0,Cash loans,M,Y,N,1,225000.0,254700.0,27558.0,225000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.030755,-10811,-846,-435.0,-3129,8.0,1,1,0,1,0,1,Laborers,3.0,2,2,SATURDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.2439318013446763,0.7501559084325305,,0.0753,0.0625,0.9871,0.8232,0.0303,0.08,0.069,0.3333,0.0417,0.0198,0.0605,0.0934,0.0039,0.0154,0.0767,0.0648,0.9871,0.8301,0.0306,0.0806,0.069,0.3333,0.0417,0.0202,0.0661,0.0852,0.0039,0.0051,0.076,0.0625,0.9871,0.8256,0.0305,0.08,0.069,0.3333,0.0417,0.0201,0.0616,0.0951,0.0039,0.0158,reg oper account,block of flats,0.0829,Panel,No,0.0,0.0,0.0,0.0,-1541.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2667973,403991,Consumer loans,31316.85,313200.0,281880.0,31320.0,313200.0,TUESDAY,14,Y,1,0.1089090909090909,,,XAP,Refused,-1205,Cash through the bank,SCO,,Repeater,Tourism,POS,XNA,Stone,23,Industry,10.0,low_normal,POS other with interest,,,,,,,0,Cash loans,F,N,Y,0,202500.0,339948.0,27256.5,315000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.006233,-12184,-1021,-3281.0,-2573,,1,1,1,1,1,1,Medicine staff,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Medicine,0.5388820945559584,0.5966339048327399,0.7394117535524816,0.1206,0.0028,0.9786,0.7076,0.0177,0.0,0.2414,0.2083,0.25,0.0604,0.0983,0.1157,0.0,0.006999999999999999,0.1229,0.0029,0.9786,0.7190000000000001,0.0179,0.0,0.2414,0.2083,0.25,0.0618,0.1074,0.1206,0.0,0.0074,0.1218,0.0028,0.9786,0.7115,0.0178,0.0,0.2414,0.2083,0.25,0.0615,0.1,0.1178,0.0,0.0072,reg oper account,block of flats,0.0925,Mixed,No,4.0,1.0,4.0,1.0,-1239.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1336608,255065,Consumer loans,2880.135,21262.5,24021.0,2250.0,21262.5,TUESDAY,10,Y,1,0.09327602852782706,,,XAP,Approved,-1895,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Regional / Local,72,Connectivity,12.0,high,POS mobile with interest,365243.0,-1856.0,-1526.0,-1526.0,-1505.0,0.0,0,Cash loans,F,Y,N,1,202500.0,1800000.0,62568.0,1800000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0228,-12715,-2773,-1726.0,-3551,3.0,1,1,1,1,1,0,Core staff,3.0,2,2,SUNDAY,10,0,0,0,1,1,0,Kindergarten,0.37566562860142894,0.626604834866135,0.5442347412142162,,,0.9796,,,,0.069,0.0,,0.0,,0.0014,,,,,0.9796,,,,0.069,0.0,,0.0,,0.0014,,,,,0.9796,,,,0.069,0.0,,0.0,,0.0014,,,,block of flats,0.0011,Mixed,Yes,1.0,1.0,1.0,1.0,-1361.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,2.0,0.0,2.0 +1626755,219917,Cash loans,28698.3,810000.0,810000.0,,810000.0,SATURDAY,12,Y,1,,,,XNA,Approved,-286,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,middle,Cash X-Sell: middle,365243.0,-256.0,1514.0,-196.0,-194.0,0.0,0,Cash loans,F,N,Y,0,211500.0,1125000.0,43722.0,1125000.0,Unaccompanied,State servant,Higher education,Widow,House / apartment,0.015221,-20120,-3510,-3941.0,-2499,,1,1,0,1,0,0,,1.0,2,2,FRIDAY,13,0,0,0,0,0,0,Other,,0.7148769302726231,0.7267112092725122,0.0041,0.0,0.9876,0.83,0.0,0.0,0.0,0.0,0.0417,0.0186,0.0034,0.0043,0.0,0.0,0.0042,0.0,0.9876,0.8367,0.0,0.0,0.0,0.0,0.0417,0.0191,0.0037,0.0045,0.0,0.0,0.0042,0.0,0.9876,0.8323,0.0,0.0,0.0,0.0,0.0417,0.019,0.0034,0.0044,0.0,0.0,reg oper account,terraced house,0.0034,"Stone, brick",No,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2443872,249181,Cash loans,8766.27,229500.0,279180.0,,229500.0,THURSDAY,16,Y,1,,,,XNA,Approved,-239,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-209.0,1201.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,1,252000.0,808650.0,26217.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.011703,-14987,-3079,-5253.0,-4379,,1,1,0,1,0,0,Laborers,3.0,2,2,FRIDAY,17,0,0,0,0,0,0,Self-employed,,0.7067820129119722,0.4740512892789932,0.068,0.0241,0.9727,0.626,0.0138,0.0,0.1379,0.125,0.0417,0.0691,0.0538,0.0504,0.0077,0.0159,0.0693,0.025,0.9727,0.6406,0.0139,0.0,0.1379,0.125,0.0417,0.0706,0.0588,0.0525,0.0078,0.0169,0.0687,0.0241,0.9727,0.631,0.0139,0.0,0.1379,0.125,0.0417,0.0703,0.0547,0.0513,0.0078,0.0163,reg oper account,block of flats,0.0586,"Stone, brick",No,0.0,0.0,0.0,0.0,-717.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2527612,349559,Cash loans,63675.0,1129500.0,1195101.0,,1129500.0,MONDAY,12,Y,1,,,,XNA,Approved,-540,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-510.0,180.0,-240.0,-233.0,1.0,0,Cash loans,F,Y,Y,0,112500.0,2085120.0,72607.5,1800000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-16761,-1293,-5466.0,-300,23.0,1,1,0,1,0,0,Cooking staff,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.5977207566746212,0.6377299713164364,,0.1072,,0.9841,,,0.12,0.1034,0.3333,,0.0944,,0.1102,,0.0355,0.1092,,0.9841,,,0.1208,0.1034,0.3333,,0.0966,,0.1148,,0.0376,0.1083,,0.9841,,,0.12,0.1034,0.3333,,0.0961,,0.1122,,0.0363,,block of flats,0.0944,Panel,No,2.0,0.0,2.0,0.0,-2183.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2816726,411779,Consumer loans,12040.965,130500.0,117450.0,13050.0,130500.0,MONDAY,21,Y,1,0.1089090909090909,,,XAP,Approved,-574,Cash through the bank,XAP,,New,Computers,POS,XNA,Stone,50,Consumer electronics,12.0,middle,POS household with interest,365243.0,-541.0,-211.0,-271.0,-267.0,0.0,0,Cash loans,F,N,Y,0,270000.0,900000.0,31887.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-10139,-1962,-2308.0,-2302,,1,1,1,1,1,0,Managers,2.0,2,2,MONDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.4912592232059406,0.6937715593950854,0.3031463744186309,0.2356,0.1253,0.9945,0.9252,0.0754,0.24,0.1552,0.5208,0.5625,0.0909,0.1891,0.2914,0.0135,0.1156,0.2279,0.0943,0.9911,0.8824,0.0544,0.2417,0.1034,0.375,0.4167,0.0714,0.1928,0.2824,0.0,0.1224,0.2378,0.1253,0.9945,0.9262,0.0759,0.24,0.1552,0.5208,0.5625,0.0925,0.1924,0.2966,0.0136,0.118,reg oper spec account,block of flats,0.2427,"Stone, brick",No,4.0,1.0,4.0,1.0,-574.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1824517,184606,Consumer loans,5796.585,50220.0,49671.0,5022.0,50220.0,SATURDAY,12,Y,1,0.10000209433482428,,,XAP,Approved,-2550,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Stone,100,Consumer electronics,12.0,high,POS household with interest,365243.0,-2518.0,-2188.0,-2188.0,-2185.0,1.0,0,Cash loans,M,Y,N,0,270000.0,848745.0,46174.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.0228,-10009,-552,-4779.0,-2630,15.0,1,1,0,1,0,0,Laborers,1.0,2,2,MONDAY,9,0,1,1,0,1,1,Business Entity Type 2,,0.4741992055356321,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-852.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1609152,132708,Consumer loans,8118.81,60750.0,66766.5,0.0,60750.0,SATURDAY,6,Y,1,0.0,,,XAP,Approved,-2096,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,422,Consumer electronics,12.0,high,POS household with interest,365243.0,-2065.0,-1735.0,-1735.0,-1717.0,0.0,0,Cash loans,F,Y,Y,2,54000.0,647046.0,19048.5,463500.0,Family,State servant,Secondary / secondary special,Married,With parents,0.020713,-14027,-1818,-6692.0,-4578,13.0,1,1,0,1,0,0,Core staff,4.0,3,3,TUESDAY,11,0,0,0,0,0,0,Kindergarten,0.4479549224590352,0.6139404790018347,0.42589289800515295,0.1186,0.1316,0.9796,0.7212,,0.0,0.2759,0.1667,0.0417,0.0,,0.1108,,,0.1208,0.1365,0.9796,0.7321,,0.0,0.2759,0.1667,0.0417,0.0,,0.1154,,,0.1197,0.1316,0.9796,0.7249,,0.0,0.2759,0.1667,0.0417,0.0,,0.1127,,,reg oper account,block of flats,0.0871,Panel,No,4.0,1.0,4.0,0.0,-1051.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2261281,256325,Consumer loans,12038.085,66645.0,59980.5,6664.5,66645.0,WEDNESDAY,13,Y,1,0.1089090909090909,,,XAP,Approved,-2863,XNA,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,3600,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-2831.0,-2681.0,-2741.0,-2733.0,0.0,0,Cash loans,M,N,Y,0,472500.0,1699740.0,93276.0,1575000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-16789,-1694,-3282.0,-329,,1,1,0,1,1,1,Laborers,2.0,1,1,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.4761608563377675,0.6669623865025072,0.5226973172821112,0.1057,0.0462,0.9856,0.8028,0.0,0.12,0.0517,0.5417,0.0417,0.0,0.0853,0.1069,0.0039,0.0278,0.0851,0.0383,0.9762,0.6864,0.0,0.0806,0.0345,0.4583,0.0417,0.0,0.0735,0.0732,0.0039,0.0144,0.1067,0.0462,0.9856,0.8054,0.0,0.12,0.0517,0.5417,0.0417,0.0,0.0868,0.1089,0.0039,0.0284,reg oper account,block of flats,0.0644,Block,No,0.0,0.0,0.0,0.0,-963.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1048307,384586,Cash loans,17079.255,135000.0,143910.0,,135000.0,TUESDAY,11,Y,1,,,,Repairs,Refused,-320,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Country-wide,51,Connectivity,12.0,high,Cash Street: high,,,,,,,0,Cash loans,M,Y,Y,2,157500.0,76410.0,9198.0,67500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-13444,-3011,-122.0,-4240,4.0,1,1,1,1,0,0,,4.0,3,3,SUNDAY,8,0,0,0,0,1,1,Military,0.3926634445933817,0.6239815547520193,0.6956219298394389,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-708.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +2729851,397284,Consumer loans,21294.72,198720.0,191637.0,19872.0,198720.0,SATURDAY,14,Y,1,0.10232384695428813,,,XAP,Approved,-494,Cash through the bank,XAP,,New,Furniture,POS,XNA,Country-wide,272,Furniture,10.0,low_normal,POS industry with interest,365243.0,-460.0,-190.0,-190.0,-185.0,0.0,0,Cash loans,F,N,N,0,135000.0,904500.0,38452.5,904500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.04622,-15822,-3859,-6616.0,-4191,,1,1,1,1,0,0,High skill tech staff,2.0,1,1,MONDAY,11,0,0,0,0,0,0,Other,,0.7194190822749299,0.3706496323299817,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-494.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2522836,141578,Consumer loans,3973.905,18135.0,19489.5,1813.5,18135.0,THURSDAY,14,Y,1,0.09271306218074278,,,XAP,Approved,-1394,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Regional / Local,10,Connectivity,6.0,high,POS mobile with interest,365243.0,-1362.0,-1212.0,-1242.0,-1236.0,0.0,1,Cash loans,F,N,Y,1,171000.0,1065433.5,42385.5,913500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020713,-15898,365243,-2.0,-4546,,1,0,0,1,0,0,,3.0,3,3,FRIDAY,12,0,0,0,0,0,0,XNA,,0.3703339827561277,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1856.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2120298,211206,Consumer loans,8503.47,45720.0,48132.0,0.0,45720.0,SATURDAY,10,Y,1,0.0,,,XAP,Approved,-510,Cash through the bank,XAP,,Refreshed,Clothing and Accessories,POS,XNA,Stone,120,Clothing,6.0,low_normal,POS industry with interest,365243.0,-477.0,-327.0,-327.0,-322.0,0.0,0,Cash loans,F,N,Y,0,81000.0,253737.0,13905.0,229500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.025164,-22808,365243,-8668.0,-4336,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,8,0,0,0,0,0,0,XNA,,0.607415819672833,0.7324033228040929,0.2464,0.1615,0.9881,0.8368,0.0512,0.24,0.2069,0.375,0.4167,0.0496,0.1992,0.262,0.0077,0.0085,0.2511,0.1676,0.9881,0.8432,0.0517,0.2417,0.2069,0.375,0.4167,0.0507,0.2176,0.273,0.0078,0.009000000000000001,0.2488,0.1615,0.9881,0.8390000000000001,0.0515,0.24,0.2069,0.375,0.4167,0.0504,0.2027,0.2667,0.0078,0.0087,reg oper account,block of flats,0.2359,Panel,No,3.0,0.0,3.0,0.0,-2498.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2248914,189463,Consumer loans,5326.605,114057.0,118107.0,0.0,114057.0,TUESDAY,16,Y,1,0.0,,,XAP,Approved,-1087,Cash through the bank,XAP,Children,Repeater,Audio/Video,POS,XNA,Country-wide,2400,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1056.0,-366.0,-396.0,-389.0,0.0,0,Revolving loans,F,N,Y,1,157500.0,337500.0,16875.0,337500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.031329,-15411,-7372,-15322.0,-4670,,1,1,0,1,0,0,Laborers,3.0,2,2,THURSDAY,14,0,0,0,0,0,0,Industry: type 5,0.6643834250490948,0.6325103599943628,0.4507472818545589,0.0722,0.0626,0.9771,0.6872,0.0257,0.0,0.1379,0.1667,0.2083,0.0273,0.0588,0.0657,0.0,0.0,0.0735,0.0649,0.9772,0.6994,0.0259,0.0,0.1379,0.1667,0.2083,0.0279,0.0643,0.0684,0.0,0.0,0.0729,0.0626,0.9771,0.6914,0.0259,0.0,0.1379,0.1667,0.2083,0.0278,0.0599,0.0669,0.0,0.0,reg oper spec account,block of flats,0.0657,Block,No,1.0,1.0,1.0,1.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1532799,325640,Consumer loans,6738.93,100800.0,100800.0,0.0,100800.0,THURSDAY,14,Y,1,0.0,,,XAP,Approved,-531,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Stone,138,Consumer electronics,18.0,low_normal,POS household with interest,365243.0,-496.0,14.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,2,216000.0,98910.0,7164.0,90000.0,"Spouse, partner",Commercial associate,Incomplete higher,Married,House / apartment,0.00702,-16773,-6136,-448.0,-301,10.0,1,1,0,1,0,0,,4.0,2,2,WEDNESDAY,12,0,0,0,0,1,1,Industry: type 9,0.6764800120934309,0.5739153817820374,0.5424451438613613,0.0742,0.0597,0.998,,,0.09,0.0776,0.3333,,0.0665,,0.0742,,0.0,0.0756,0.0469,0.9985,,,0.1208,0.1034,0.3333,,0.0545,,0.0562,,0.0,0.0749,0.0613,0.998,,,0.1,0.0862,0.3333,,0.0587,,0.0786,,0.0,,block of flats,0.0518,Panel,No,0.0,0.0,0.0,0.0,-1330.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2202758,419984,Consumer loans,5086.89,26415.0,24948.0,2641.5,26415.0,SUNDAY,9,Y,1,0.1042727717560534,,,XAP,Approved,-1044,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Regional / Local,20,Connectivity,6.0,high,POS mobile with interest,365243.0,-1013.0,-863.0,-863.0,-855.0,0.0,0,Cash loans,F,N,Y,0,81000.0,172512.0,9031.5,144000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.006852,-16909,365243,-146.0,-463,,1,0,0,1,1,0,,1.0,3,3,MONDAY,4,0,0,0,0,0,0,XNA,0.2846723677547047,0.718048682281308,0.7076993447402619,0.1464,0.1671,0.9876,0.83,0.2628,0.0,0.3448,0.1667,0.0417,0.0,0.1194,0.1424,0.0,0.0,0.1492,0.1734,0.9876,0.8367,0.2652,0.0,0.3448,0.1667,0.0417,0.0,0.1304,0.1484,0.0,0.0,0.1478,0.1671,0.9876,0.8323,0.2645,0.0,0.3448,0.1667,0.0417,0.0,0.1214,0.145,0.0,0.0,reg oper account,block of flats,0.1437,"Stone, brick",No,2.0,0.0,2.0,0.0,-1044.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1366455,121101,Consumer loans,3388.545,27094.5,26793.0,2713.5,27094.5,MONDAY,17,Y,1,0.10015583623331067,,,XAP,Approved,-1590,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,39,Connectivity,12.0,high,POS mobile with interest,365243.0,-1559.0,-1229.0,-1349.0,-1346.0,0.0,0,Cash loans,F,N,N,0,135000.0,508495.5,24462.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.01885,-14708,-6638,-5204.0,-5228,,1,1,1,1,0,0,Laborers,1.0,2,2,MONDAY,14,0,0,0,0,0,0,Industry: type 9,0.4334539296256689,0.6118444502809615,0.43473324875017305,0.0186,0.0,0.9712,0.6056,0.0029,0.0,0.1034,0.0417,0.0833,0.0115,0.0151,0.021,0.0,0.0,0.0189,0.0,0.9712,0.621,0.003,0.0,0.1034,0.0417,0.0833,0.0118,0.0165,0.0219,0.0,0.0,0.0187,0.0,0.9712,0.6109,0.0029,0.0,0.1034,0.0417,0.0833,0.0117,0.0154,0.0214,0.0,0.0,reg oper account,block of flats,0.0181,"Stone, brick",No,1.0,0.0,1.0,0.0,-1590.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2689756,223840,Consumer loans,7669.305,71046.0,65718.0,11250.0,71046.0,WEDNESDAY,19,Y,1,0.15918658049153836,,,XAP,Approved,-2710,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,33,Connectivity,12.0,low_normal,POS mobile with interest,365243.0,-2679.0,-2349.0,-2349.0,-2342.0,1.0,0,Cash loans,F,N,Y,0,139500.0,1379376.0,40459.5,1080000.0,Unaccompanied,Pensioner,Incomplete higher,Married,House / apartment,0.035792000000000004,-21841,365243,-5826.0,-4571,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,XNA,,0.7111944942125918,0.4014074137749511,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,1.0,7.0,0.0,-1626.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +2408989,378029,Consumer loans,9550.035,88650.0,79650.0,9000.0,88650.0,SATURDAY,11,Y,1,0.1105676049838486,,,XAP,Approved,-1938,Cash through the bank,XAP,"Spouse, partner",Repeater,Gardening,POS,XNA,Stone,70,Construction,12.0,high,POS industry with interest,365243.0,-1907.0,-1577.0,-1577.0,-1573.0,0.0,0,Cash loans,M,N,N,0,85500.0,270000.0,21460.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-18769,-2611,-11127.0,-2291,,1,1,1,1,1,0,Security staff,2.0,2,2,TUESDAY,16,0,0,0,0,1,1,Security Ministries,,0.5951963644276234,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1718.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1938258,264503,Consumer loans,15073.515,150750.0,135675.0,15075.0,150750.0,SATURDAY,11,Y,1,0.1089090909090909,,,XAP,Approved,-1084,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,20,Furniture,10.0,low_normal,POS industry with interest,365243.0,-1053.0,-783.0,-813.0,-810.0,0.0,0,Cash loans,F,Y,N,0,45000.0,454500.0,13284.0,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.022625,-20909,365243,-2383.0,-4093,11.0,1,0,0,1,0,0,,1.0,2,2,FRIDAY,11,0,0,0,0,0,0,XNA,0.6933781039705174,0.6260930548981777,0.6380435278721609,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1439.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1323147,430863,Consumer loans,9325.845,107775.0,96997.5,10777.5,107775.0,SATURDAY,11,Y,1,0.1089090909090909,,,XAP,Approved,-1132,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,235,Consumer electronics,14.0,middle,POS household with interest,365243.0,-1101.0,-711.0,-711.0,-703.0,0.0,0,Cash loans,M,N,Y,0,157500.0,847359.0,28134.0,643500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-23327,365243,-14202.0,-3998,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,XNA,,0.2508688309712892,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1222474,331608,Consumer loans,3868.56,36180.0,24178.5,13500.0,36180.0,TUESDAY,20,Y,1,0.3902153024331454,,,XAP,Refused,-1767,Cash through the bank,LIMIT,,Refreshed,Mobile,POS,XNA,Country-wide,51,Connectivity,8.0,high,POS mobile with interest,,,,,,,0,Cash loans,M,N,Y,1,189000.0,481855.5,47070.0,463500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00702,-11438,-3218,-5397.0,-3453,,1,1,0,1,0,0,Core staff,3.0,2,2,FRIDAY,13,0,0,0,0,1,1,Security Ministries,,0.6099315861275452,0.8050196619153701,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1767.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,2.0 +1226145,134543,Cash loans,12125.655,229500.0,268326.0,,229500.0,FRIDAY,16,Y,1,,,,XNA,Approved,-414,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,0,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-384.0,666.0,-234.0,-230.0,1.0,0,Cash loans,F,N,Y,0,247500.0,904500.0,36000.0,904500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.026392000000000002,-17843,-3082,-5440.0,-1240,,1,1,0,1,1,0,Core staff,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,Other,,0.6130745584602297,0.4471785780453068,0.1031,,0.9771,,,0.0,0.1724,0.1667,,,,0.0429,,0.0895,0.105,,0.9772,,,0.0,0.1724,0.1667,,,,0.0447,,0.0948,0.1041,,0.9771,,,0.0,0.1724,0.1667,,,,0.0437,,0.0914,,block of flats,0.0532,Panel,No,0.0,0.0,0.0,0.0,-414.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2139589,395418,Cash loans,47259.315,225000.0,232425.0,,225000.0,FRIDAY,18,Y,1,,,,XNA,Refused,-1179,Cash through the bank,HC,Family,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),4,XNA,6.0,high,Cash Street: high,,,,,,,0,Cash loans,M,Y,Y,1,360000.0,540000.0,26109.0,540000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-15570,-505,-951.0,-4553,7.0,1,1,0,1,0,0,Core staff,3.0,1,1,MONDAY,11,0,0,0,0,0,0,Trade: type 2,,0.5260171878547558,0.20092608771597092,0.2423,0.0,0.998,0.9728,0.0845,0.32,0.1379,0.6667,0.7083,0.2319,0.1975,0.3135,0.0,0.0,0.2468,0.0,0.998,0.9739,0.0853,0.3222,0.1379,0.6667,0.7083,0.2372,0.2158,0.3266,0.0,0.0,0.2446,0.0,0.998,0.9732,0.085,0.32,0.1379,0.6667,0.7083,0.236,0.2009,0.3191,0.0,0.0,not specified,block of flats,0.331,Others,No,1.0,0.0,1.0,0.0,-402.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,5.0 +1154092,183489,Cash loans,41409.0,225000.0,225000.0,,225000.0,WEDNESDAY,13,Y,1,,,,XNA,Approved,-1106,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,10,Connectivity,6.0,middle,Cash X-Sell: middle,365243.0,-1076.0,-926.0,-926.0,-920.0,0.0,0,Cash loans,M,N,N,0,184500.0,437076.0,32679.0,405000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-23666,365243,-15583.0,-4250,,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,XNA,,0.5203602717604611,,0.066,0.0361,0.9737,0.6396,0.0695,0.0,0.1379,0.125,0.0417,0.0466,0.0538,0.0506,0.0,0.0,0.0672,0.0374,0.9737,0.6537,0.0701,0.0,0.1379,0.125,0.0417,0.0477,0.0588,0.0527,0.0,0.0,0.0666,0.0361,0.9737,0.6444,0.0699,0.0,0.1379,0.125,0.0417,0.0474,0.0547,0.0515,0.0,0.0,reg oper account,block of flats,0.0778,Block,No,2.0,1.0,2.0,1.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2079412,312441,Consumer loans,10287.36,83952.0,92263.5,0.0,83952.0,SATURDAY,17,Y,1,0.0,,,XAP,Approved,-1321,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,1923,Consumer electronics,12.0,high,POS household with interest,365243.0,-1290.0,-960.0,-960.0,-956.0,0.0,0,Cash loans,F,N,N,0,202500.0,332842.5,15646.5,234000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.010147,-22952,365243,-1659.0,-4593,,1,0,0,1,0,1,,1.0,2,2,THURSDAY,11,0,0,0,0,0,0,XNA,0.8168821551886302,0.6364103453308395,0.6594055320683344,0.2464,0.0968,0.997,0.9592,,0.16,0.1379,0.375,0.4167,,0.2009,0.2113,,0.0,0.2511,0.1004,0.997,0.9608,,0.1611,0.1379,0.375,0.4167,,0.2195,0.2201,,0.0,0.2488,0.0968,0.997,0.9597,,0.16,0.1379,0.375,0.4167,,0.2044,0.2151,,0.0,reg oper spec account,block of flats,0.2285,"Stone, brick",No,1.0,1.0,1.0,0.0,-1321.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2476632,298209,Consumer loans,10299.915,71955.0,57564.0,14391.0,71955.0,TUESDAY,11,Y,1,0.2178181818181818,,,XAP,Approved,-169,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,12,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-139.0,11.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,1,180000.0,254700.0,25834.5,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-9036,-149,-1079.0,-1506,1.0,1,1,0,1,0,0,Laborers,3.0,1,1,MONDAY,20,0,1,1,0,0,0,Business Entity Type 3,0.5891261171347572,0.7330939829656491,0.3539876078507373,,0.0773,0.9841,,,,,,,,,,,,,0.0802,0.9841,,,,,,,,,,,,,0.0773,0.9841,,,,,,,,,,,,,block of flats,0.1114,Panel,No,4.0,0.0,4.0,0.0,-676.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1201684,141316,Consumer loans,5418.405,58050.0,58050.0,0.0,58050.0,FRIDAY,8,Y,1,0.0,,,XAP,Approved,-229,XNA,XAP,,Refreshed,Fitness,POS,XNA,Stone,60,Industry,12.0,low_normal,POS industry with interest,365243.0,-195.0,135.0,365243.0,365243.0,0.0,0,Revolving loans,F,Y,N,2,148500.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Incomplete higher,Married,With parents,0.010032,-11532,-1555,-1553.0,-4103,11.0,1,1,0,1,1,0,Core staff,4.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,School,0.36943380029806855,0.6206252837793524,0.4206109640437848,0.0928,0.0507,0.9786,0.7076,0.0288,0.0,0.2069,0.1667,0.2083,0.159,0.0748,0.0868,0.0039,0.0276,0.0945,0.0526,0.9786,0.7190000000000001,0.029,0.0,0.2069,0.1667,0.2083,0.1627,0.0817,0.0905,0.0039,0.0292,0.0937,0.0507,0.9786,0.7115,0.0289,0.0,0.2069,0.1667,0.2083,0.1618,0.0761,0.0884,0.0039,0.0282,,block of flats,0.09,Panel,No,3.0,0.0,3.0,0.0,-1301.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2064540,350099,Consumer loans,5055.885,38065.5,37066.5,3825.0,38065.5,SUNDAY,10,Y,1,0.10187380573646666,,,XAP,Approved,-2158,Cash through the bank,XAP,,New,Mobile,POS,XNA,Stone,24,Connectivity,10.0,high,POS mobile with interest,365243.0,-2125.0,-1855.0,-1885.0,-1878.0,0.0,0,Cash loans,F,N,Y,0,112500.0,193500.0,11106.0,193500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-11385,-910,-1886.0,-2721,,1,1,1,1,1,0,,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Other,,0.5316783231133371,0.8633633824101478,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2158.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2102523,218513,Consumer loans,4323.06,16488.0,15174.0,1800.0,16488.0,SATURDAY,8,Y,1,0.11549214306372313,,,XAP,Approved,-2901,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,35,Connectivity,4.0,low_normal,POS mobile with interest,365243.0,-2843.0,-2753.0,-2783.0,-2760.0,1.0,0,Cash loans,F,N,Y,0,112500.0,135000.0,16020.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-14899,-440,-2105.0,-4722,,1,1,1,1,1,0,Security staff,2.0,3,3,TUESDAY,8,0,0,0,0,0,0,Security,,0.37954818695011694,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-323.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2014239,113698,Consumer loans,11105.28,122256.0,110029.5,12226.5,122256.0,SATURDAY,5,Y,1,0.10891710836277972,,,XAP,Approved,-375,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Stone,537,Furniture,12.0,middle,POS industry with interest,365243.0,-343.0,-13.0,-253.0,-248.0,0.0,0,Cash loans,M,Y,N,0,225000.0,337500.0,26793.0,337500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014464,-20772,-584,-10241.0,-4333,9.0,1,1,0,1,0,0,Drivers,2.0,2,2,WEDNESDAY,8,1,1,0,1,1,0,Construction,0.5944773252454357,0.3734703231198693,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-171.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1847433,434909,Consumer loans,13254.255,151182.0,128682.0,22500.0,151182.0,SATURDAY,7,Y,1,0.16208639556657173,,,XAP,Approved,-2261,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,1972,Consumer electronics,12.0,middle,POS household with interest,365243.0,-2230.0,-1900.0,-2080.0,-2078.0,0.0,1,Cash loans,M,Y,Y,0,112500.0,407520.0,23526.0,360000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.006852,-21244,-321,-1345.0,-4265,21.0,1,1,0,1,0,1,Laborers,2.0,3,3,SATURDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.5299813704415417,0.1820931966388015,0.3706496323299817,0.0804,0.0823,0.9861,0.8096,0.0386,0.0,0.2069,0.1667,0.0417,0.0542,0.0656,0.0624,0.0,0.0962,0.0819,0.0854,0.9861,0.8171,0.0389,0.0,0.2069,0.1667,0.0417,0.0554,0.0716,0.0651,0.0,0.1018,0.0812,0.0823,0.9861,0.8121,0.0388,0.0,0.2069,0.1667,0.0417,0.0551,0.0667,0.0636,0.0,0.0982,reg oper account,block of flats,0.0827,"Stone, brick",No,0.0,0.0,0.0,0.0,-2107.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2802843,251117,Cash loans,34297.515,450000.0,491580.0,,450000.0,FRIDAY,9,Y,1,,,,XNA,Approved,-522,Non-cash from your account,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,39,Connectivity,24.0,high,Cash X-Sell: high,365243.0,-492.0,198.0,-342.0,-338.0,1.0,0,Cash loans,F,Y,N,0,157500.0,1078200.0,31522.5,900000.0,Unaccompanied,State servant,Higher education,Separated,House / apartment,0.006629,-13313,-2258,-3899.0,-4515,9.0,1,1,1,1,1,0,Core staff,1.0,2,2,MONDAY,12,0,0,0,0,0,0,Other,,0.6398239518317564,0.7826078370261895,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1848.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2584169,410731,Consumer loans,13062.42,105705.0,115006.5,0.0,105705.0,SATURDAY,10,Y,1,0.0,,,XAP,Approved,-265,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-233.0,37.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,0,135000.0,323460.0,27891.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-9441,-184,-2330.0,-2071,30.0,1,1,0,1,0,1,Drivers,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Trade: type 7,0.1878863546863976,0.09536149457788694,0.5316861425197883,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,1.0,5.0,1.0,-2.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2817293,214910,Revolving loans,36000.0,0.0,720000.0,,,THURSDAY,11,Y,1,,,,XAP,Approved,-648,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,2,90000.0,277969.5,16087.5,229500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-12846,-2481,-671.0,-2652,,1,1,0,1,0,0,Sales staff,4.0,3,2,MONDAY,7,0,0,0,0,0,0,Self-employed,0.6337553724564607,0.5121906442819728,0.3791004853998145,0.1649,0.1568,0.9811,0.7416,0.0439,0.2,0.1724,0.3333,0.375,0.0272,0.1294,0.1676,0.0232,0.1629,0.1681,0.1627,0.9811,0.7517,0.0443,0.2014,0.1724,0.3333,0.375,0.0278,0.1414,0.1746,0.0233,0.1725,0.1665,0.1568,0.9811,0.7451,0.0442,0.2,0.1724,0.3333,0.375,0.0277,0.1317,0.1706,0.0233,0.1663,reg oper account,block of flats,0.1673,Panel,No,1.0,0.0,1.0,0.0,-2356.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2273233,182174,Consumer loans,2818.125,31455.0,22455.0,9000.0,31455.0,MONDAY,13,Y,1,0.31161399401742745,,,XAP,Approved,-2440,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Stone,10,Connectivity,10.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,N,0,157500.0,675000.0,21775.5,675000.0,Unaccompanied,State servant,Secondary / secondary special,Civil marriage,House / apartment,0.015221,-16764,-6999,-1810.0,-316,,1,1,0,1,0,0,Managers,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,Military,0.6652127151099215,0.6705470292450948,0.6801388218428291,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1107894,325408,Consumer loans,20826.9,103941.0,109431.0,0.0,103941.0,SATURDAY,15,Y,1,0.0,,,XAP,Approved,-307,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,1000,Consumer electronics,6.0,middle,POS household with interest,365243.0,-277.0,-127.0,-127.0,-124.0,1.0,1,Cash loans,M,Y,Y,2,135000.0,450000.0,27324.0,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.026392000000000002,-10920,-1831,-4697.0,-3604,8.0,1,1,0,1,0,0,,4.0,2,2,FRIDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.1632784493110616,0.685213845537127,0.13510601574017175,0.0742,0.0432,0.9856,,,0.08,0.069,0.3333,,0.0182,,0.0724,,0.0,0.0756,0.0448,0.9856,,,0.0806,0.069,0.3333,,0.0186,,0.0754,,0.0,0.0749,0.0432,0.9856,,,0.08,0.069,0.3333,,0.0185,,0.0737,,0.0,,block of flats,0.0569,Panel,No,0.0,0.0,0.0,0.0,-442.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1180662,384511,Consumer loans,13845.645,139239.0,151186.5,0.0,139239.0,WEDNESDAY,11,Y,1,0.0,,,XAP,Approved,-423,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,204,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-392.0,-62.0,-62.0,-55.0,0.0,1,Cash loans,F,Y,Y,0,112500.0,524866.5,25659.0,369000.0,Unaccompanied,Working,Lower secondary,Civil marriage,House / apartment,0.010032,-15447,-2513,-3110.0,-4427,14.0,1,1,0,1,0,0,Drivers,2.0,2,2,SATURDAY,7,0,0,0,0,0,0,Self-employed,,0.4592927414053716,,0.2227,0.0938,0.9801,,,0.24,0.2069,0.3333,,0.1023,,0.2754,,0.0767,0.2269,0.0973,0.9801,,,0.2417,0.2069,0.3333,,0.1046,,0.2869,,0.0812,0.2248,0.0938,0.9801,,,0.24,0.2069,0.3333,,0.1041,,0.2803,,0.0783,,block of flats,0.168,"Stone, brick",No,1.0,1.0,1.0,1.0,-1208.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2120688,186003,Consumer loans,8541.99,74205.0,73638.0,7200.0,74205.0,FRIDAY,11,Y,1,0.09700208497803683,,,XAP,Approved,-2034,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,280,Connectivity,12.0,high,POS mobile with interest,365243.0,-2003.0,-1673.0,-1673.0,-1668.0,0.0,0,Cash loans,M,N,N,0,157500.0,868797.0,34587.0,702000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,With parents,0.019688999999999998,-11585,-1766,-6003.0,-3785,,1,1,0,1,0,0,Sales staff,1.0,2,2,TUESDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.4572425034354068,0.6871068831929256,0.6161216908872079,0.0722,0.0174,0.9767,0.6804,0.0136,0.0,0.1379,0.1667,0.2083,0.0608,0.0588,0.0632,0.0,0.0,0.0735,0.0181,0.9767,0.6929,0.0137,0.0,0.1379,0.1667,0.2083,0.0622,0.0643,0.0658,0.0,0.0,0.0729,0.0174,0.9767,0.6847,0.0136,0.0,0.1379,0.1667,0.2083,0.0619,0.0599,0.0643,0.0,0.0,org spec account,block of flats,0.0571,"Stone, brick",No,5.0,1.0,5.0,1.0,-1583.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1502304,164162,Cash loans,19609.065,135000.0,165226.5,,135000.0,TUESDAY,9,Y,1,,,,Repairs,Refused,-585,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,315000.0,263686.5,27148.5,238500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-18025,-2890,-7292.0,-1545,,1,1,0,1,0,0,Sales staff,2.0,2,2,SATURDAY,15,0,0,0,0,0,0,Self-employed,0.7967243221621091,0.6609368110041745,0.5814837058057234,0.5124,0.3142,0.9891,0.8504,0.2837,0.4,0.3448,0.375,0.0417,0.1765,0.4177,0.4264,0.0039,0.0012,0.5221,0.3261,0.9891,0.8563,0.2863,0.4028,0.3448,0.375,0.0417,0.1805,0.4564,0.4442,0.0039,0.0012,0.5173,0.3142,0.9891,0.8524,0.2855,0.4,0.3448,0.375,0.0417,0.1795,0.425,0.434,0.0039,0.0012,org spec account,block of flats,0.4907,"Stone, brick",No,2.0,0.0,2.0,0.0,-1182.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1007419,405745,Consumer loans,9363.645,106746.75,106744.5,2.25,106746.75,SATURDAY,13,Y,1,2.295577659698816e-05,,,XAP,Approved,-716,Cash through the bank,XAP,,New,Computers,POS,XNA,Country-wide,15,Consumer electronics,12.0,low_action,POS mobile without interest,365243.0,-675.0,-345.0,-405.0,-400.0,0.0,0,Cash loans,F,N,Y,0,225000.0,770292.0,39460.5,688500.0,Family,State servant,Higher education,Married,House / apartment,0.00702,-11072,-1410,-1482.0,-651,,1,1,0,1,0,0,High skill tech staff,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Insurance,0.3663750285900877,0.4680423013352701,,,,0.9836,,,,0.069,0.1667,,,,,,,,,0.9836,,,,0.069,0.1667,,,,,,,,,0.9836,,,,0.069,0.1667,,,,,,,,block of flats,0.0916,"Stone, brick",No,0.0,0.0,0.0,0.0,-716.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1950253,382354,Consumer loans,4851.045,24876.0,25983.0,2700.0,24876.0,SATURDAY,9,Y,1,0.10251875517015148,,,XAP,Approved,-1579,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,350,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1548.0,-1398.0,-1398.0,-1389.0,0.0,0,Cash loans,F,Y,N,1,135000.0,765000.0,22054.5,765000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.015221,-12578,-1658,-337.0,-5203,4.0,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,9,0,0,0,0,1,1,Business Entity Type 3,0.4371869500441241,0.5008273840137935,0.5549467685334323,0.0918,0.0906,0.9871,0.8232,0.0145,0.0,0.2069,0.1667,0.2083,0.0286,0.07400000000000001,0.0858,0.0039,0.0053,0.0935,0.0941,0.9871,0.8301,0.0147,0.0,0.2069,0.1667,0.2083,0.0292,0.0808,0.0887,0.0039,0.0056,0.0926,0.0906,0.9871,0.8256,0.0146,0.0,0.2069,0.1667,0.2083,0.0291,0.0752,0.0874,0.0039,0.0054,reg oper account,block of flats,0.0782,Block,No,0.0,0.0,0.0,0.0,-8.0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,4.0,4.0,0.0,0.0,1.0 +2441102,220857,Consumer loans,2794.32,26005.5,23305.5,2700.0,26005.5,TUESDAY,10,Y,1,0.11307398260158248,,,XAP,Refused,-1798,Cash through the bank,LIMIT,,Repeater,Mobile,POS,XNA,Country-wide,62,Connectivity,12.0,high,POS mobile with interest,,,,,,,1,Cash loans,M,N,N,0,157500.0,227520.0,14940.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.019101,-15644,-2330,-1566.0,-4618,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,10,0,0,0,0,1,1,Business Entity Type 3,,0.3662487078523497,0.34578480246959553,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-955.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1980574,399043,Consumer loans,1914.435,42448.5,42448.5,0.0,42448.5,THURSDAY,11,Y,1,0.0,,,XAP,Approved,-1574,Cash through the bank,XAP,Unaccompanied,Refreshed,Consumer Electronics,POS,XNA,Country-wide,3063,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1543.0,-853.0,-1213.0,-1204.0,0.0,0,Cash loans,F,N,N,0,247500.0,225000.0,13045.5,225000.0,Unaccompanied,Pensioner,Higher education,Widow,House / apartment,0.006207,-24321,365243,-3963.0,-4138,,1,0,0,1,1,0,,1.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,XNA,,0.5687687038442358,0.6178261467332483,0.0619,0.0618,0.994,0.9184,0.0101,0.0,0.069,0.1667,0.0417,0.0061,0.0504,0.0502,0.0,0.0,0.063,0.0642,0.994,0.9216,0.0102,0.0,0.069,0.1667,0.0417,0.0063,0.0551,0.0523,0.0,0.0,0.0625,0.0618,0.994,0.9195,0.0102,0.0,0.069,0.1667,0.0417,0.0062,0.0513,0.0511,0.0,0.0,reg oper account,block of flats,0.0413,Panel,No,2.0,0.0,2.0,0.0,-1356.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1079184,228940,Consumer loans,6796.935,31302.0,36756.0,0.0,31302.0,THURSDAY,19,Y,1,0.0,,,XAP,Approved,-618,Cash through the bank,XAP,,Refreshed,Computers,POS,XNA,Country-wide,3063,Consumer electronics,6.0,middle,POS household with interest,365243.0,-587.0,-437.0,-467.0,-461.0,0.0,0,Cash loans,F,N,Y,0,166500.0,654948.0,62316.0,630000.0,"Spouse, partner",Working,Higher education,Civil marriage,House / apartment,0.006207,-18571,-1591,-3286.0,-2101,,1,1,0,1,0,0,High skill tech staff,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Business Entity Type 2,0.7713668311389866,0.7397702975416501,0.7091891096653581,0.0619,0.0,0.9747,0.6532,,0.0,0.1034,0.1667,0.2083,0.0443,0.0504,0.0474,,0.0,0.063,0.0,0.9747,0.6668,,0.0,0.1034,0.1667,0.2083,0.0453,0.0551,0.0494,,0.0,0.0625,0.0,0.9747,0.6578,,0.0,0.1034,0.1667,0.2083,0.0451,0.0513,0.0482,,0.0,reg oper account,block of flats,0.0404,"Stone, brick",No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1810911,279660,Cash loans,8616.105,144000.0,182016.0,,144000.0,TUESDAY,11,Y,1,,,,XNA,Approved,-132,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),5,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-102.0,1308.0,365243.0,365243.0,1.0,1,Cash loans,F,N,N,0,49500.0,284400.0,13963.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.018801,-21277,365243,-11421.0,-4554,,1,0,0,1,1,0,,1.0,2,2,FRIDAY,17,0,0,0,0,0,0,XNA,,0.31719044049342565,0.0938365970374978,0.0165,0.0711,0.9841,0.7824,0.0,0.0,0.069,0.0417,0.0417,,0.0134,0.014,0.0,0.0,0.0168,0.0738,0.9841,0.7909,0.0,0.0,0.069,0.0417,0.0417,,0.0147,0.0146,0.0,0.0,0.0167,0.0711,0.9841,0.7853,0.0,0.0,0.069,0.0417,0.0417,,0.0137,0.0142,0.0,0.0,reg oper account,block of flats,0.0122,"Stone, brick",No,3.0,1.0,3.0,1.0,-620.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1772575,104571,Cash loans,11992.275,112500.0,119925.0,,112500.0,MONDAY,16,Y,1,,,,XNA,Approved,-242,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-212.0,118.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,157500.0,1113840.0,57001.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010966,-19665,-3664,-10537.0,-2678,,1,1,0,1,0,0,Sales staff,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Self-employed,,0.5658217552819211,0.6832688314232291,0.1289,0.1428,0.9781,0.7008,0.0145,0.0,0.2759,0.1667,0.2083,0.1037,0.1034,0.1132,0.0077,0.0364,0.1313,0.1482,0.9782,0.7125,0.0147,0.0,0.2759,0.1667,0.2083,0.1061,0.1129,0.1179,0.0078,0.0386,0.1301,0.1428,0.9781,0.7048,0.0146,0.0,0.2759,0.1667,0.2083,0.1055,0.1052,0.1152,0.0078,0.0372,reg oper spec account,block of flats,0.1056,"Stone, brick",No,0.0,0.0,0.0,0.0,-1477.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2275316,294368,Cash loans,65589.3,940500.0,940500.0,,940500.0,SUNDAY,11,Y,1,,,,XNA,Approved,-137,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,N,Y,1,225000.0,941472.0,37467.0,841500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00963,-15892,-2189,-7638.0,-4047,,1,1,0,1,0,0,Managers,3.0,2,2,THURSDAY,14,0,0,0,0,0,0,Trade: type 1,,0.5663266692856679,0.7338145369642702,0.0825,0.08199999999999999,0.9757,,,0.0,0.1379,0.1667,,0.0527,,0.0701,,0.0,0.084,0.0851,0.9757,,,0.0,0.1379,0.1667,,0.0539,,0.0731,,0.0,0.0833,0.08199999999999999,0.9757,,,0.0,0.1379,0.1667,,0.0536,,0.0714,,0.0,,block of flats,0.06,Panel,No,0.0,0.0,0.0,0.0,-748.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2388055,303597,Cash loans,39711.51,1125000.0,1500417.0,,1125000.0,THURSDAY,16,Y,1,,,,Urgent needs,Refused,-754,Cash through the bank,HC,Unaccompanied,Refreshed,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_action,Cash Street: low,,,,,,,0,Cash loans,F,N,N,0,112500.0,276277.5,16915.5,238500.0,Unaccompanied,Commercial associate,Incomplete higher,Married,Rented apartment,0.031329,-10019,-687,-9990.0,-177,,1,1,0,1,0,0,Managers,2.0,2,2,SATURDAY,11,0,0,0,1,1,0,Business Entity Type 3,0.06603947461189774,0.2299812758211297,,0.1649,0.093,0.9856,0.8028,0.0374,0.16,0.1379,0.3333,0.375,0.0476,0.1345,0.1611,0.0,0.0,0.1681,0.0965,0.9856,0.8105,0.0377,0.1611,0.1379,0.3333,0.375,0.0487,0.1469,0.1678,0.0,0.0,0.1665,0.093,0.9856,0.8054,0.0376,0.16,0.1379,0.3333,0.375,0.0485,0.1368,0.16399999999999998,0.0,0.0,reg oper account,block of flats,0.1471,Block,No,0.0,0.0,0.0,0.0,-735.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1825408,225188,Consumer loans,3743.415,14841.0,17572.5,0.0,14841.0,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-1514,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,1378,Consumer electronics,6.0,high,POS household with interest,365243.0,-1483.0,-1333.0,-1393.0,-1388.0,0.0,0,Cash loans,M,N,Y,0,67500.0,244584.0,12024.0,193500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.007273999999999998,-23490,365243,-825.0,-491,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,14,0,0,0,0,0,0,XNA,,0.20720910340030047,,0.0103,0.048,0.9742,0.6464,0.0021,0.0,0.069,0.0417,0.0417,0.0,0.0084,0.0104,0.0,0.0,0.0105,0.0498,0.9742,0.6602,0.0022,0.0,0.069,0.0417,0.0417,0.0,0.0092,0.0109,0.0,0.0,0.0104,0.048,0.9742,0.6511,0.0021,0.0,0.069,0.0417,0.0417,0.0,0.0086,0.0106,0.0,0.0,reg oper account,block of flats,0.0127,"Stone, brick",No,1.0,0.0,1.0,0.0,-122.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2535629,347265,Consumer loans,3608.01,35212.5,39397.5,0.0,35212.5,WEDNESDAY,19,Y,1,0.0,,,XAP,Approved,-291,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,1378,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-261.0,69.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,90000.0,257391.0,18837.0,238500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.007273999999999998,-18376,-1600,-8789.0,-1658,,1,1,0,1,1,0,Sales staff,1.0,2,2,THURSDAY,12,0,0,0,0,0,0,Self-employed,,0.5314387379798973,0.6127042441012546,0.1031,0.1105,0.9786,0.7076,0.0126,0.0,0.2069,0.1667,0.2083,0.0074,0.0841,0.0892,0.0116,0.0286,0.105,0.1147,0.9786,0.7190000000000001,0.0127,0.0,0.2069,0.1667,0.2083,0.0076,0.0918,0.093,0.0117,0.0303,0.1041,0.1105,0.9786,0.7115,0.0127,0.0,0.2069,0.1667,0.2083,0.0075,0.0855,0.0908,0.0116,0.0292,reg oper account,block of flats,0.0764,"Stone, brick",No,0.0,0.0,0.0,0.0,-291.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2473634,424321,Consumer loans,4307.94,32400.0,23400.0,9000.0,32400.0,SUNDAY,15,Y,1,0.3025252525252524,,,XAP,Refused,-2180,Cash through the bank,SCO,Family,Repeater,Furniture,POS,XNA,Stone,108,Furniture,6.0,middle,POS industry with interest,,,,,,,0,Cash loans,F,Y,Y,1,157500.0,1035000.0,30370.5,1035000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.026392000000000002,-10458,-1112,-4900.0,-3108,4.0,1,1,0,1,0,0,Core staff,3.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Trade: type 2,0.6146678041472834,0.2838619724355804,0.7121551551910698,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1861.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,9.0,2.0,2.0 +1467131,258440,Revolving loans,4500.0,0.0,90000.0,,,FRIDAY,15,Y,1,,,,XAP,Approved,-1246,XNA,XAP,,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),-1,XNA,0.0,XNA,Card X-Sell,-1094.0,-1068.0,365243.0,-732.0,-79.0,0.0,0,Cash loans,F,N,N,0,225000.0,874152.0,46570.5,810000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-19778,-786,-2313.0,-3328,,1,1,1,1,0,0,Laborers,2.0,3,3,THURSDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.5579254402945071,0.4358211703048661,0.1986200451074864,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1717.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2486191,252904,Revolving loans,4500.0,90000.0,90000.0,,90000.0,FRIDAY,11,Y,1,,,,XAP,Approved,-286,XNA,XAP,Other_A,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),6,XNA,0.0,XNA,Card X-Sell,-286.0,-242.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,270000.0,550980.0,43659.0,450000.0,Family,Working,Secondary / secondary special,Single / not married,House / apartment,0.025164,-10696,-3105,-4972.0,-3383,,1,1,0,1,0,0,Laborers,1.0,2,2,THURSDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.580686936821281,,0.2387,0.1711,0.9856,,,0.26,0.2241,0.3333,,0.1484,,0.2445,,0.0097,0.1492,0.1109,0.9856,,,0.1611,0.1379,0.3333,,0.0678,,0.1564,,0.0084,0.241,0.1711,0.9856,,,0.26,0.2241,0.3333,,0.151,,0.2489,,0.0099,,block of flats,0.3471,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2164514,391497,Consumer loans,11342.07,96500.25,95472.0,9627.75,96500.25,FRIDAY,13,Y,1,0.09976707841835968,,,XAP,Approved,-1319,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,25,Connectivity,12.0,high,POS mobile with interest,365243.0,-1284.0,-954.0,-1194.0,-1191.0,0.0,0,Cash loans,M,Y,Y,0,270000.0,848745.0,43465.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-17744,-210,-5284.0,-1291,4.0,1,1,0,1,0,0,Security staff,2.0,1,1,MONDAY,11,0,1,1,0,0,0,Business Entity Type 3,0.3300041708045013,0.699253649796703,,0.0619,0.0882,0.9717,0.6124,0.0,0.16,0.1379,0.1667,0.0417,0.0,0.0504,0.0629,0.0,0.0466,0.063,0.0915,0.9717,0.6276,0.0,0.1611,0.1379,0.1667,0.0417,0.0,0.0551,0.0655,0.0,0.0493,0.0625,0.0882,0.9717,0.6176,0.0,0.16,0.1379,0.1667,0.0417,0.0,0.0513,0.064,0.0,0.0476,reg oper account,block of flats,0.0596,"Stone, brick",No,0.0,0.0,0.0,0.0,-761.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1476783,202872,Cash loans,4536.0,45000.0,49455.0,,45000.0,SATURDAY,12,Y,1,,,,Urgent needs,Refused,-327,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Country-wide,38,Connectivity,18.0,high,Cash Street: high,,,,,,,1,Cash loans,F,N,Y,0,99000.0,900000.0,26446.5,900000.0,Family,Working,Secondary / secondary special,Single / not married,House / apartment,0.030755,-14414,-3339,-5719.0,-3997,,1,1,0,1,0,0,,1.0,2,2,THURSDAY,13,0,0,0,0,1,1,Industry: type 9,,0.01423719044085816,0.3996756156233169,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-579.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2134846,324112,Consumer loans,3149.055,75591.0,67576.5,8014.5,75591.0,SATURDAY,16,Y,1,0.11547034820162574,,,XAP,Approved,-2677,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,408,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-2646.0,-1956.0,-1956.0,-1948.0,0.0,0,Cash loans,F,Y,Y,0,58500.0,568800.0,15133.5,450000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00823,-16613,-968,-76.0,-152,9.0,1,1,1,1,1,0,Cleaning staff,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Housing,,0.4248161058463641,0.13765446191826075,0.1581,0.0837,0.9995,0.9932,0.0743,0.16,0.1379,0.3333,0.375,0.0318,0.1513,0.1256,,0.0718,0.1471,0.0784,1.0,0.9935,0.075,0.1611,0.1379,0.3333,0.375,0.0294,0.1653,0.1269,,0.0,0.1499,0.0765,1.0,0.9933,0.0748,0.16,0.1379,0.3333,0.375,0.0338,0.1539,0.1286,,0.0915,reg oper spec account,block of flats,0.1413,"Stone, brick",No,0.0,0.0,0.0,0.0,-5.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2040686,257115,Consumer loans,12375.405,165375.0,186660.0,0.0,165375.0,MONDAY,10,Y,1,0.0,,,XAP,Refused,-859,Cash through the bank,LIMIT,Family,Repeater,Furniture,POS,XNA,Stone,50,Furniture,18.0,low_normal,POS industry with interest,,,,,,,0,Cash loans,F,N,Y,1,135000.0,857655.0,36337.5,693000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.008068,-10138,-294,-1228.0,-2796,,1,1,1,1,1,1,Managers,3.0,3,3,SATURDAY,10,0,0,0,0,0,0,Self-employed,0.5778396462447966,0.010528427639243144,,0.1082,0.1185,0.9841,0.7824,0.015,0.0,0.2414,0.1667,0.2083,0.0667,0.0883,0.1017,0.0,0.0,0.1103,0.1229,0.9841,0.7909,0.0151,0.0,0.2414,0.1667,0.2083,0.0682,0.0964,0.106,0.0,0.0,0.1093,0.1185,0.9841,0.7853,0.0151,0.0,0.2414,0.1667,0.2083,0.0678,0.0898,0.1035,0.0,0.0,reg oper account,block of flats,0.0882,Panel,No,0.0,0.0,0.0,0.0,-105.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1310150,241124,Cash loans,23567.85,229500.0,241920.0,,229500.0,TUESDAY,17,Y,1,,,,XNA,Approved,-605,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-575.0,-245.0,-245.0,-243.0,1.0,0,Cash loans,M,N,Y,0,148500.0,743958.0,21451.5,621000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.006233,-22760,365243,-9541.0,-4017,,1,0,0,1,1,0,,1.0,2,2,FRIDAY,16,0,0,0,0,0,0,XNA,,0.7619868655721292,0.2276129150623945,0.0629,0.0061,0.9871,0.8232,0.0123,0.0,0.1379,0.1667,0.2083,0.033,0.0504,0.0567,0.0039,0.0057,0.0641,0.0064,0.9871,0.8301,0.0125,0.0,0.1379,0.1667,0.2083,0.0337,0.0551,0.0591,0.0039,0.0061,0.0635,0.0061,0.9871,0.8256,0.0124,0.0,0.1379,0.1667,0.2083,0.0336,0.0513,0.0577,0.0039,0.0059,reg oper account,block of flats,0.0446,Panel,No,1.0,0.0,1.0,0.0,-1867.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1193275,220119,Cash loans,7868.43,99000.0,108801.0,,99000.0,WEDNESDAY,15,Y,1,,,,XNA,Approved,-186,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-156.0,354.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,157500.0,988191.0,39321.0,909000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-21671,365243,-6845.0,-4317,,1,0,0,1,0,0,,2.0,2,2,SUNDAY,10,0,0,0,0,0,0,XNA,,0.6104777238569471,0.4311917977993083,,,0.9613,,,,0.1724,0.0,,0.0125,,0.0097,,,,,0.9613,,,,0.1724,0.0,,0.0128,,0.0101,,,,,0.9613,,,,0.1724,0.0,,0.0128,,0.0099,,,,block of flats,0.0088,Mixed,Yes,0.0,0.0,0.0,0.0,-1226.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2011675,423475,Cash loans,19264.86,247500.0,274288.5,,247500.0,MONDAY,12,Y,1,,,,XNA,Approved,-1233,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,high,Cash X-Sell: high,365243.0,-1203.0,-513.0,-963.0,-961.0,1.0,0,Cash loans,M,N,N,0,157500.0,814041.0,23800.5,679500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-14061,-2331,-1938.0,-4634,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,10,0,0,0,0,1,1,Self-employed,0.3103868140498183,0.2622583692422573,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-1392.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1329930,211322,Cash loans,25409.745,450000.0,545040.0,,450000.0,TUESDAY,10,Y,1,,,,XNA,Approved,-202,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-170.0,1240.0,-20.0,-15.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,868797.0,39388.5,702000.0,Family,Working,Higher education,Married,House / apartment,0.006852,-10939,-3270,-5156.0,-3555,20.0,1,1,0,1,0,0,High skill tech staff,2.0,3,3,MONDAY,4,0,0,0,0,0,0,University,0.3505838228354412,0.338312292963811,0.6894791426446275,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1813.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1385689,244271,Cash loans,10719.405,90000.0,95940.0,,90000.0,WEDNESDAY,13,Y,1,,,,XNA,Approved,-920,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-890.0,-560.0,-680.0,-670.0,1.0,0,Cash loans,M,N,N,2,49500.0,961146.0,28102.5,688500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.02461,-14277,365243,-6644.0,-4610,,1,0,0,1,0,1,,4.0,2,2,SATURDAY,13,0,0,0,0,0,0,XNA,0.6543358922372626,0.5938679524778434,0.501075160239048,0.0928,0.0759,0.9806,0.728,0.1098,0.0,0.2069,0.1667,0.2083,0.0324,0.0756,0.0499,0.0,0.0957,0.0945,0.0787,0.9806,0.7387,0.1108,0.0,0.2069,0.1667,0.2083,0.0331,0.0826,0.052000000000000005,0.0,0.1013,0.0937,0.0759,0.9806,0.7316,0.1105,0.0,0.2069,0.1667,0.2083,0.0329,0.077,0.0508,0.0,0.0977,reg oper spec account,block of flats,0.06,Panel,No,4.0,1.0,4.0,0.0,-974.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +2204574,146628,Consumer loans,17189.37,114750.0,92250.0,22500.0,114750.0,MONDAY,14,Y,1,0.2135472370766488,,,XAP,Approved,-15,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,29,Furniture,6.0,middle,POS industry with interest,365243.0,365243.0,167.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,157500.0,454500.0,31761.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.026392000000000002,-18010,-3293,-5051.0,-1461,,1,1,0,1,0,0,Sales staff,1.0,2,2,TUESDAY,15,0,0,0,0,0,0,Self-employed,0.8277579667864132,0.6683888981051882,,0.2598,,0.9925,,,0.28,0.2414,0.3333,,,,0.2629,,0.0228,0.2647,,0.9926,,,0.282,0.2414,0.3333,,,,0.274,,0.0241,0.2623,,0.9925,,,0.28,0.2414,0.3333,,,,0.2677,,0.0233,,block of flats,0.2118,Panel,No,4.0,0.0,4.0,0.0,-3218.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2836523,278716,Consumer loans,13316.76,61515.0,64764.0,0.0,61515.0,MONDAY,6,Y,1,0.0,,,XAP,Approved,-402,Cash through the bank,XAP,Other_B,Repeater,Mobile,POS,XNA,Regional / Local,20,Connectivity,6.0,high,POS mobile with interest,365243.0,-372.0,-222.0,-222.0,-214.0,1.0,0,Cash loans,M,N,Y,1,135000.0,500211.0,52654.5,463500.0,Unaccompanied,State servant,Secondary / secondary special,Civil marriage,House / apartment,0.002506,-16764,-824,-3251.0,-294,,1,1,0,1,0,0,Drivers,3.0,2,2,THURSDAY,9,0,0,0,0,0,0,Government,0.4827571430381036,0.6934555523437286,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-613.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2768537,287795,Consumer loans,7241.49,60493.5,60493.5,0.0,60493.5,MONDAY,14,Y,1,0.0,,,XAP,Approved,-114,Cash through the bank,XAP,Family,Repeater,Jewelry,POS,XNA,Stone,50,Jewelry,10.0,middle,POS other with interest,365243.0,-84.0,186.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,126000.0,299772.0,23814.0,247500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.002042,-10054,-201,-1442.0,-2444,4.0,1,1,0,1,0,0,Managers,2.0,3,3,WEDNESDAY,15,0,0,0,1,1,1,Self-employed,,0.3574527222862288,0.6528965519806539,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-649.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2409303,346769,Revolving loans,20250.0,405000.0,405000.0,,405000.0,FRIDAY,15,Y,1,,,,XAP,Approved,-449,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-440.0,-400.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,2,261000.0,1024290.0,30078.0,855000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.022625,-12466,-3052,-5996.0,-1906,,1,1,0,1,0,0,,4.0,2,2,SATURDAY,14,0,0,0,0,1,1,Transport: type 4,0.4765312849167804,0.6749040993981836,0.4902575124990026,0.0825,,0.9762,,,0.0,0.1379,0.1667,,,,0.0654,,,0.084,,0.9762,,,0.0,0.1379,0.1667,,,,0.0681,,,0.0833,,0.9762,,,0.0,0.1379,0.1667,,,,0.0666,,,,block of flats,0.0519,,No,1.0,1.0,1.0,1.0,-2119.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1551311,176211,Cash loans,16591.5,135000.0,135000.0,,135000.0,MONDAY,9,Y,1,,,,XNA,Approved,-2641,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,10,Consumer electronics,10.0,middle,Cash Street: middle,365243.0,-2611.0,-2341.0,-2371.0,-2362.0,0.0,0,Cash loans,F,Y,Y,0,45000.0,227520.0,13189.5,180000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,With parents,0.025164,-15953,-504,-3375.0,-4649,7.0,1,1,0,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Self-employed,0.5593137827829128,0.5826397640434509,,0.1381,0.084,0.9896,0.8572,0.0639,0.14,0.1207,0.3542,0.3958,0.0255,0.1122,0.1531,0.0019,0.0025,0.1134,0.0682,0.9891,0.8563,0.022,0.1208,0.1034,0.3333,0.375,0.0189,0.0992,0.1225,0.0,0.0,0.1395,0.084,0.9896,0.8591,0.0643,0.14,0.1207,0.3542,0.3958,0.0259,0.1142,0.1558,0.0019,0.0026,reg oper account,block of flats,0.2074,Block,No,0.0,0.0,0.0,0.0,-3201.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1964622,255671,Revolving loans,4500.0,675000.0,90000.0,,675000.0,FRIDAY,13,Y,1,,,,XAP,Approved,-181,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),4,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,67500.0,521280.0,23089.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-18614,-11677,-8724.0,-2151,,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,Trade: type 7,,0.6058973429276491,0.8016009030071296,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-181.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2244363,185609,Consumer loans,16603.785,150943.5,150943.5,0.0,150943.5,SUNDAY,15,Y,1,0.0,,,XAP,Approved,-1005,Cash through the bank,XAP,Family,Refreshed,Clothing and Accessories,POS,XNA,Country-wide,40,Clothing,10.0,low_normal,POS industry with interest,365243.0,-973.0,-703.0,-703.0,-697.0,0.0,0,Revolving loans,F,Y,N,2,225000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006207,-13417,-1801,-6945.0,-3969,0.0,1,1,0,1,0,0,Core staff,4.0,2,2,THURSDAY,9,0,0,0,0,0,0,Self-employed,0.588205751985778,0.5793445619705825,,0.0976,,0.9861,,,0.1064,0.0917,0.3333,,0.0577,,0.0964,,0.0304,0.0693,,0.9851,,,0.1208,0.1034,0.3333,,0.0568,,0.0704,,0.0322,0.1124,,0.9861,,,0.12,0.1034,0.3333,,0.0587,,0.1123,,0.031,,,0.0531,"Stone, brick",No,,,,,-25.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1928690,312047,Consumer loans,5382.36,31900.5,26397.0,6750.0,31900.5,SUNDAY,8,Y,1,0.2217806629970626,,,XAP,Approved,-1494,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,20,Connectivity,6.0,high,POS mobile with interest,365243.0,-1437.0,-1287.0,-1287.0,-1284.0,0.0,0,Cash loans,M,N,Y,1,135000.0,119403.0,12667.5,108000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014464,-18774,-1346,-244.0,-2298,,1,1,0,1,0,0,Laborers,3.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Construction,0.6478156500827519,0.6678264242222628,0.746300213050371,0.0155,0.0,0.9717,0.6124,0.0,0.0,0.069,0.0417,0.0833,0.0398,0.0126,0.0098,0.0,0.0,0.0158,0.0,0.9717,0.6276,0.0,0.0,0.069,0.0417,0.0833,0.0407,0.0138,0.0102,0.0,0.0,0.0156,0.0,0.9717,0.6176,0.0,0.0,0.069,0.0417,0.0833,0.0405,0.0128,0.01,0.0,0.0,reg oper account,block of flats,0.0139,Wooden,No,0.0,0.0,0.0,0.0,-1494.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2205254,245176,Cash loans,25742.52,292500.0,324162.0,,292500.0,MONDAY,11,Y,1,,,,Payments on other loans,Approved,-618,Cash through the bank,XAP,,Refreshed,XNA,Cash,walk-in,Country-wide,50,Connectivity,24.0,high,Cash Street: high,365243.0,-588.0,102.0,-438.0,-430.0,1.0,0,Cash loans,F,N,Y,0,202500.0,414792.0,20083.5,315000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.018634,-20244,365243,-12241.0,-3121,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,XNA,,0.4264626656501308,0.14375805349116522,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,1.0,-268.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1773503,328747,Consumer loans,6235.02,35284.5,33637.5,3532.5,35284.5,WEDNESDAY,16,Y,1,0.10350319172353076,,,XAP,Approved,-189,Cash through the bank,XAP,Children,Repeater,Audio/Video,POS,XNA,Regional / Local,100,Consumer electronics,6.0,low_normal,POS household with interest,,,,,,,0,Revolving loans,F,N,Y,2,112500.0,337500.0,16875.0,337500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.010643000000000001,-13368,-1922,-2893.0,-4193,,1,1,0,1,0,0,Accountants,3.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,Business Entity Type 2,0.7247523527576039,0.3369625353750618,0.6848276586890367,0.1495,0.0495,0.9752,0.66,0.0,0.0,0.1379,0.1667,0.2083,0.0483,0.1009,0.0643,0.0,0.0658,0.1261,0.0,0.9757,0.6733,0.0,0.0,0.1034,0.1667,0.2083,0.0149,0.1102,0.0421,0.0,0.0102,0.1634,0.0495,0.9757,0.6645,0.0,0.0,0.1034,0.1667,0.2083,0.0491,0.1026,0.0579,0.0,0.0908,reg oper spec account,block of flats,0.0468,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1598967,292139,Cash loans,24104.655,675000.0,767664.0,,675000.0,WEDNESDAY,11,Y,1,,,,Wedding / gift / holiday,Refused,-330,Cash through the bank,VERIF,Unaccompanied,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),4,XNA,48.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,67500.0,121500.0,9868.5,121500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018209,-19414,-771,-6232.0,-2965,,1,1,0,1,0,0,Sales staff,2.0,3,3,SATURDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.4593307562568608,0.5673792367572691,0.0608,0.0671,0.9771,0.6872,0.0,0.0,0.1379,0.1667,0.2083,0.0364,0.0496,0.0539,0.0,0.0,0.062,0.0696,0.9772,0.6994,0.0,0.0,0.1379,0.1667,0.2083,0.0373,0.0542,0.0562,0.0,0.0,0.0614,0.0671,0.9771,0.6914,0.0,0.0,0.1379,0.1667,0.2083,0.0371,0.0504,0.0549,0.0,0.0,reg oper account,block of flats,0.0424,Panel,No,2.0,0.0,2.0,0.0,-534.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2238872,178175,Cash loans,23179.59,202500.0,215865.0,0.0,202500.0,WEDNESDAY,10,Y,1,0.0,,,XNA,Approved,-2497,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,middle,Cash Street: middle,365243.0,-2467.0,-2137.0,-2137.0,-2122.0,1.0,0,Cash loans,M,N,Y,1,180000.0,755190.0,36459.0,675000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.031329,-10923,-546,-62.0,-3603,,1,1,0,1,0,0,Managers,3.0,2,2,MONDAY,15,0,0,0,0,0,0,Advertising,0.6787316047546937,0.7703542581524253,0.7738956942145427,0.2959,0.1726,0.9841,0.7824,,0.32,0.2759,0.3333,0.375,0.2256,,0.3125,,0.0011,0.3015,0.1791,0.9841,0.7909,,0.3222,0.2759,0.3333,0.375,0.2307,,0.3256,,0.0012,0.2987,0.1726,0.9841,0.7853,,0.32,0.2759,0.3333,0.375,0.2295,,0.3181,,0.0011,reg oper account,block of flats,0.2461,Panel,No,12.0,0.0,12.0,0.0,-1701.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,1.0 +2228277,370579,Consumer loans,7620.3,82575.0,81675.0,8257.5,82575.0,TUESDAY,9,Y,1,0.09999909022676094,,,XAP,Approved,-2400,Cash through the bank,XAP,"Spouse, partner",Repeater,Furniture,POS,XNA,Stone,193,Furniture,12.0,low_normal,POS industry with interest,365243.0,-2369.0,-2039.0,-2069.0,-2066.0,1.0,0,Cash loans,F,N,Y,0,270000.0,312768.0,16096.5,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.020246,-16940,-1966,-10884.0,-489,,1,1,0,1,0,0,Cleaning staff,1.0,3,3,MONDAY,6,0,0,0,0,0,0,Business Entity Type 3,,0.34762515368887204,0.3490552510751822,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1730.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1708729,439568,Cash loans,18915.93,540000.0,646920.0,,540000.0,THURSDAY,14,Y,1,,,,XNA,Refused,-155,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,135000.0,495000.0,20970.0,495000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.030755,-23084,365243,-3472.0,-4540,,1,0,0,1,1,0,,1.0,2,2,FRIDAY,12,0,0,0,0,0,0,XNA,0.5172418674825309,0.3863481975282573,0.42765737003502935,0.1186,0.0724,0.9826,0.762,0.0376,0.08,0.069,0.3333,0.375,0.0432,0.0967,0.1149,0.0,,0.1208,0.0751,0.9826,0.7713,0.038,0.0806,0.069,0.3333,0.375,0.0442,0.1056,0.1197,0.0,,0.1197,0.0724,0.9826,0.7652,0.0379,0.08,0.069,0.3333,0.375,0.0439,0.0983,0.117,0.0,,,block of flats,0.111,"Stone, brick",No,3.0,2.0,3.0,2.0,-949.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,7.0 +2079350,168545,Revolving loans,3375.0,0.0,67500.0,,,THURSDAY,12,Y,1,,,,XAP,Approved,-2653,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,41,Connectivity,0.0,XNA,Card Street,-2648.0,-2612.0,365243.0,-1090.0,365243.0,0.0,0,Cash loans,F,Y,N,0,108000.0,454500.0,21865.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.0105,-12805,-146,-2929.0,-3584,14.0,1,1,1,1,1,0,Managers,2.0,3,3,WEDNESDAY,16,0,0,0,0,0,0,Self-employed,0.3538935065752761,0.583033210386588,0.5136937663039473,0.0124,,0.9707,,,,0.069,0.0417,,,,0.0115,,0.0048,0.0126,,0.9707,,,,0.069,0.0417,,,,0.012,,0.005,0.0125,,0.9707,,,,0.069,0.0417,,,,0.0117,,0.0049,,block of flats,0.0101,Wooden,No,0.0,0.0,0.0,0.0,-2018.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2527786,334049,Consumer loans,3082.275,21145.5,26473.5,0.0,21145.5,SATURDAY,15,Y,1,0.0,,,XAP,Approved,-2057,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,1500,Consumer electronics,12.0,high,POS household with interest,365243.0,-2026.0,-1696.0,-1696.0,-1692.0,0.0,0,Cash loans,F,Y,Y,1,126000.0,318528.0,23305.5,252000.0,Family,Working,Higher education,Married,House / apartment,0.019688999999999998,-11884,-1456,-5833.0,-2557,3.0,1,1,0,1,1,1,,3.0,2,2,FRIDAY,8,0,1,1,0,1,1,Government,0.6221270374375478,0.4314441804102945,0.2263473957097693,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,16.0,0.0,16.0,0.0,-42.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1045556,327972,Consumer loans,2672.73,26730.0,24057.0,2673.0,26730.0,TUESDAY,9,Y,1,0.1089090909090909,,,XAP,Approved,-2636,Cash through the bank,XAP,Unaccompanied,New,Sport and Leisure,POS,XNA,Stone,100,Industry,10.0,low_normal,POS others without interest,365243.0,-2604.0,-2334.0,-2394.0,-2386.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,526491.0,28179.0,454500.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.025164,-20853,365243,-1380.0,-4331,3.0,1,0,0,1,0,0,,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,XNA,,0.7782753550065319,0.39277386060313396,0.3985,0.2581,0.9896,0.8572,0.2246,0.34,0.2931,0.3542,0.3958,0.0137,0.3223,0.3905,0.0116,0.015,0.1891,0.1417,0.9816,0.7583,0.115,0.2417,0.2069,0.3333,0.375,0.0,0.1653,0.2309,0.0,0.0,0.4023,0.2581,0.9896,0.8591,0.226,0.34,0.2931,0.3542,0.3958,0.0139,0.3279,0.3976,0.0116,0.0153,reg oper account,block of flats,0.2366,Panel,No,0.0,0.0,0.0,0.0,-25.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1054667,393754,Revolving loans,11250.0,0.0,225000.0,,,SUNDAY,2,Y,1,,,,XAP,Approved,-846,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-347.0,-307.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,171000.0,359725.5,13050.0,297000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0038179999999999998,-19997,-1285,-6889.0,-3524,,1,1,1,1,1,1,Accountants,2.0,2,2,SATURDAY,3,0,0,0,0,0,0,Self-employed,0.7793948379404204,0.5601619284853095,0.4956658291397297,0.0763,0.0776,0.9831,,,0.0,0.1379,0.1667,,0.1306,,0.0731,,0.006999999999999999,0.0777,0.0806,0.9831,,,0.0,0.1379,0.1667,,0.1336,,0.0762,,0.0074,0.077,0.0776,0.9831,,,0.0,0.1379,0.1667,,0.1329,,0.0744,,0.0071,,block of flats,0.0575,Block,No,0.0,0.0,0.0,0.0,-1357.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1950185,112453,Revolving loans,2250.0,45000.0,45000.0,,45000.0,TUESDAY,11,Y,1,,,,XAP,Approved,-308,XNA,XAP,Family,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-290.0,-264.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,370629.0,24898.5,306000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.04622,-20167,-5076,-10266.0,-3407,2.0,1,1,0,1,0,0,Drivers,2.0,1,1,TUESDAY,16,0,0,0,0,1,1,Transport: type 3,,0.7103898455910941,0.816092360478441,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-659.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2536370,138172,Consumer loans,5591.07,41958.0,40252.5,4198.5,41958.0,THURSDAY,14,Y,1,0.10286716118463438,,,XAP,Approved,-1441,Cash through the bank,XAP,Unaccompanied,Repeater,Clothing and Accessories,POS,XNA,Stone,83,Clothing,8.0,low_normal,POS industry with interest,365243.0,-1390.0,-1180.0,-1210.0,-1206.0,0.0,0,Cash loans,F,N,N,1,135000.0,562491.0,27189.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.030755,-12995,-3675,-5020.0,-4450,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Self-employed,0.3636623970862564,0.6806492491934151,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2198463,359647,Cash loans,19115.55,166500.0,177489.0,,166500.0,FRIDAY,10,Y,1,,,,XNA,Approved,-719,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Country-wide,45,Connectivity,12.0,middle,Cash X-Sell: middle,365243.0,-689.0,-359.0,-419.0,-416.0,1.0,0,Cash loans,F,N,N,0,135000.0,1006920.0,51412.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-15188,-1754,-5574.0,-4765,,1,1,1,1,0,0,Sales staff,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Self-employed,,0.3000004578441956,0.6817058776720116,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,2.0,4.0,1.0,-719.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1581530,147078,Consumer loans,5610.24,21883.5,19692.0,2191.5,21883.5,SUNDAY,8,Y,1,0.10906585908436617,,,XAP,Approved,-2711,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,25,Connectivity,4.0,low_normal,POS mobile with interest,365243.0,-2680.0,-2590.0,-2590.0,-2557.0,0.0,0,Cash loans,F,N,N,0,202500.0,1546020.0,45198.0,1350000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.018801,-20530,-8060,-6342.0,-3779,,1,1,0,1,0,0,Core staff,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,School,0.7997367811453349,0.6500488025140119,0.0005272652387098817,,,0.9911,0.8776,,0.32,0.2414,0.4583,0.375,0.1627,0.179,0.3145,,0.1985,,,0.9911,0.8824,,0.3222,0.2414,0.4583,0.375,0.1664,0.1956,0.3277,,0.2101,,,0.9911,0.8792,,0.32,0.2414,0.4583,0.375,0.1655,0.1821,0.3202,,0.2026,,block of flats,0.3502,Mixed,No,0.0,0.0,0.0,0.0,-2711.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2033550,247994,Cash loans,6706.35,67500.0,67500.0,,67500.0,FRIDAY,11,Y,1,,,,XNA,Approved,-91,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-61.0,269.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,112500.0,454500.0,18022.5,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.026392000000000002,-23697,365243,-7192.0,-4571,,1,0,0,1,1,0,,1.0,2,2,FRIDAY,14,0,0,0,0,0,0,XNA,0.37070934454011545,0.7360784140730198,0.4956658291397297,0.0557,,0.9776,,,0.0,0.0345,0.3333,,,,0.0303,,0.0559,0.0567,,0.9777,,,0.0,0.0345,0.3333,,,,0.0316,,0.0592,0.0562,,0.9776,,,0.0,0.0345,0.3333,,,,0.0308,,0.0571,,block of flats,0.036000000000000004,"Stone, brick",No,1.0,1.0,1.0,0.0,-1336.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,3.0,3.0 +1549556,261350,Consumer loans,4753.845,17950.5,16686.0,1795.5,17950.5,WEDNESDAY,12,Y,1,0.105806494455143,,,XAP,Approved,-2742,XNA,XAP,Family,New,Computers,POS,XNA,Country-wide,1744,Consumer electronics,4.0,low_normal,POS household with interest,365243.0,-2711.0,-2621.0,-2621.0,-2059.0,1.0,0,Cash loans,F,Y,Y,1,135000.0,807984.0,26833.5,697500.0,Unaccompanied,Pensioner,Higher education,Widow,House / apartment,0.010032,-21200,365243,-755.0,-3856,17.0,1,0,0,1,0,0,,2.0,2,2,MONDAY,9,0,0,0,0,0,0,XNA,,0.12142921959832192,0.3296550543128238,0.0082,0.0,0.9707,,,0.0,0.069,0.0417,,,,0.0114,,0.0059,0.0084,0.0,0.9707,,,0.0,0.069,0.0417,,,,0.0119,,0.0062,0.0083,0.0,0.9707,,,0.0,0.069,0.0417,,,,0.0116,,0.006,,block of flats,0.0102,,No,1.0,1.0,1.0,1.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1840033,321592,Consumer loans,3509.64,35100.0,31590.0,3510.0,35100.0,WEDNESDAY,10,Y,1,0.1089090909090909,,,XAP,Approved,-2517,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Stone,206,Furniture,10.0,low_normal,POS industry without interest,365243.0,-2484.0,-2214.0,-2214.0,-2191.0,0.0,0,Cash loans,F,Y,N,0,135000.0,1125000.0,36423.0,1125000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.0228,-20280,365243,-8745.0,-2981,1.0,1,0,0,1,1,0,,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,XNA,0.6578999222851082,0.4010090239137272,0.6279908192952864,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2517.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1324388,437004,Consumer loans,5271.435,44230.5,38137.5,9000.0,44230.5,WEDNESDAY,13,Y,1,0.2079409850292906,,,XAP,Approved,-1946,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,31,Connectivity,10.0,high,POS mobile with interest,365243.0,-1907.0,-1637.0,-1667.0,-1662.0,0.0,0,Revolving loans,F,N,Y,1,157500.0,337500.0,16875.0,337500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-15866,-1030,-8862.0,-4411,,1,1,0,1,0,0,Medicine staff,3.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Other,,0.5358305298365973,0.7544061731797895,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2436.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2602519,132605,Revolving loans,,0.0,0.0,,,WEDNESDAY,16,Y,1,,,,XAP,Refused,-308,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,72000.0,276277.5,15115.5,238500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.006207,-23256,365243,-4590.0,-3492,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,XNA,,0.6260521002918679,0.38079968264891495,0.0216,0.0252,0.9722,0.6192,0.0079,0.0,0.069,0.0417,0.0833,0.0257,0.0177,0.0117,0.0,0.0,0.0221,0.0262,0.9722,0.6341,0.008,0.0,0.069,0.0417,0.0833,0.0263,0.0193,0.0122,0.0,0.0,0.0219,0.0252,0.9722,0.6243,0.008,0.0,0.069,0.0417,0.0833,0.0261,0.018000000000000002,0.0119,0.0,0.0,reg oper spec account,specific housing,0.0092,"Stone, brick",No,1.0,1.0,1.0,0.0,-915.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,7.0 +2631223,221869,Cash loans,17209.755,135000.0,143910.0,,135000.0,SATURDAY,12,Y,1,,,,XNA,Approved,-855,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,M,Y,Y,1,90000.0,253737.0,16650.0,229500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.006207,-10161,-77,-10158.0,-2833,10.0,1,1,0,1,0,1,,3.0,2,2,SUNDAY,14,0,0,0,1,0,1,Business Entity Type 3,,0.7234139318530026,0.3996756156233169,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1126056,237347,Cash loans,31251.15,765000.0,870021.0,,765000.0,SATURDAY,10,Y,1,,,,XNA,Approved,-875,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-845.0,565.0,-665.0,-657.0,1.0,0,Cash loans,F,N,Y,0,180000.0,1011955.5,43006.5,904500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.031329,-23514,-6370,-6114.0,-4324,,1,1,0,1,1,0,Core staff,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,School,0.7091418069932433,0.7061289998319146,0.2910973802776635,0.1443,,0.9851,,,0.16,0.1379,0.3333,,,,0.071,,,0.1471,,0.9851,,,0.1611,0.1379,0.3333,,,,0.07400000000000001,,,0.1457,,0.9851,,,0.16,0.1379,0.3333,,,,0.0723,,,,block of flats,0.1069,Panel,No,2.0,1.0,2.0,1.0,-1803.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1167982,114764,Consumer loans,18408.24,427050.0,427050.0,0.0,427050.0,SATURDAY,10,Y,1,0.0,,,XAP,Refused,-1041,Cash through the bank,HC,Unaccompanied,Repeater,Medical Supplies,POS,XNA,Stone,100,Industry,36.0,middle,POS industry with interest,,,,,,,0,Cash loans,F,N,Y,0,157500.0,338832.0,23049.0,292500.0,Unaccompanied,Pensioner,Higher education,Widow,House / apartment,0.010006000000000001,-21107,365243,-1073.0,-4231,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,13,0,0,0,0,0,0,XNA,,0.5215827014540525,0.3490552510751822,0.1969,0.0706,0.9881,0.7688,0.1245,0.24,0.1034,0.625,0.6667,,0.1605,0.2093,0.0,0.0,0.2006,0.0732,0.9881,0.7779,0.1256,0.2417,0.1034,0.625,0.6667,,0.1754,0.2181,0.0,0.0,0.1988,0.0706,0.9881,0.7719,0.1253,0.24,0.1034,0.625,0.6667,,0.1633,0.2131,0.0,0.0,reg oper account,block of flats,0.2327,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,6.0 +1185197,168942,Consumer loans,16960.995,158890.5,172525.5,0.0,158890.5,MONDAY,13,Y,1,0.0,,,XAP,Approved,-764,Non-cash from your account,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,720,Consumer electronics,12.0,middle,POS household with interest,365243.0,-733.0,-403.0,-403.0,-394.0,0.0,0,Cash loans,F,N,Y,0,36000.0,733176.0,21438.0,612000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-22626,365243,-5290.0,-5299,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,,0.5255755480397455,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-764.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2629386,101471,Consumer loans,6332.085,44460.0,48370.5,0.0,44460.0,TUESDAY,21,Y,1,0.0,,,XAP,Approved,-730,XNA,XAP,Unaccompanied,New,Computers,POS,XNA,Regional / Local,636,Consumer electronics,10.0,high,POS household with interest,365243.0,-699.0,-429.0,-429.0,-410.0,0.0,0,Cash loans,F,N,Y,0,180000.0,675000.0,28728.0,675000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.032561,-18174,-570,-6691.0,-1462,,1,1,0,1,0,1,Core staff,2.0,1,1,THURSDAY,16,0,0,0,0,0,0,Self-employed,0.7910605671901674,0.6758294163726332,0.2793353208976285,0.3763,0.2405,0.9851,0.7959999999999999,,0.48,0.2069,0.4583,,0.096,,0.4185,,,0.3834,0.2495,0.9851,0.804,,0.4834,0.2069,0.4583,,0.0982,,0.4349,,,0.3799,0.2405,0.9851,0.7987,,0.48,0.2069,0.4583,,0.0977,,0.426,,,reg oper account,block of flats,0.33,Panel,No,1.0,0.0,1.0,0.0,-522.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2451552,193627,Consumer loans,15181.425,77310.0,81391.5,0.0,77310.0,FRIDAY,9,Y,1,0.0,,,XAP,Approved,-132,Cash through the bank,XAP,Unaccompanied,Refreshed,Construction Materials,POS,XNA,Stone,100,Construction,6.0,middle,POS industry with interest,365243.0,-99.0,51.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,180000.0,229500.0,10237.5,229500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018209,-20576,365243,-12614.0,-4123,,1,0,0,1,0,0,,2.0,3,3,THURSDAY,10,0,0,0,0,0,0,XNA,,0.5730274723974595,0.1852020815902493,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2466638,381944,Cash loans,22758.48,229500.0,248130.0,,229500.0,WEDNESDAY,8,Y,1,,,,Gasification / water supply,Approved,-728,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),10,XNA,18.0,high,Cash Street: high,,,,,,,1,Cash loans,M,Y,Y,0,121500.0,808650.0,31464.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-10026,-1394,-1099.0,-1826,2.0,1,1,1,1,1,0,Core staff,2.0,2,2,WEDNESDAY,10,0,0,0,0,1,1,Agriculture,0.14997741136567871,0.16318703546427088,0.5046813193144684,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,1.0,6.0,1.0,-1006.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1425144,248453,Cash loans,23739.615,360000.0,445563.0,,360000.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-622,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-592.0,98.0,-442.0,-424.0,1.0,0,Cash loans,F,N,Y,0,171000.0,1463566.5,42921.0,1278000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009656999999999999,-13377,-3502,-582.0,-1370,,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Self-employed,,0.6444069239496737,0.40314167665875134,0.0124,0.0,0.9697,0.5852,0.0139,0.0,0.069,0.0417,0.0833,0.0,0.0101,0.0122,0.0,0.0,0.0126,0.0,0.9697,0.6014,0.014,0.0,0.069,0.0417,0.0833,0.0,0.011,0.0127,0.0,0.0,0.0125,0.0,0.9697,0.5907,0.014,0.0,0.069,0.0417,0.0833,0.0,0.0103,0.0124,0.0,0.0,reg oper account,block of flats,0.0172,"Stone, brick",No,5.0,0.0,5.0,0.0,-1720.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1698181,133901,Consumer loans,4666.05,38790.0,38178.0,4050.0,38790.0,SATURDAY,20,Y,1,0.104452452917926,,,XAP,Approved,-1805,Cash through the bank,XAP,Family,Refreshed,Mobile,POS,XNA,Country-wide,100,Connectivity,12.0,high,POS mobile with interest,365243.0,-1773.0,-1443.0,-1473.0,-1468.0,0.0,0,Cash loans,F,N,Y,0,90000.0,67500.0,4005.0,67500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.026392000000000002,-22910,365243,-10775.0,-4227,,1,0,0,1,1,0,,1.0,2,2,FRIDAY,10,0,0,0,0,0,0,XNA,,0.6501781299017313,0.4418358231994413,0.0825,,0.9747,,,0.0,0.1379,0.1667,,,,0.08,,0.0,0.084,,0.9747,,,0.0,0.1379,0.1667,,,,0.0834,,0.0,0.0833,,0.9747,,,0.0,0.1379,0.1667,,,,0.0814,,0.0,,block of flats,0.0629,"Stone, brick",No,0.0,0.0,0.0,0.0,-1420.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +1566247,106104,Consumer loans,5884.245,30555.0,28858.5,3055.5,30555.0,MONDAY,14,Y,1,0.1042713941444906,,,XAP,Approved,-1797,Cash through the bank,XAP,"Spouse, partner",New,Mobile,POS,XNA,Stone,70,Connectivity,6.0,high,POS mobile with interest,365243.0,-1764.0,-1614.0,-1614.0,-1609.0,0.0,1,Cash loans,M,N,Y,0,135000.0,1082214.0,31770.0,945000.0,Family,Pensioner,Secondary / secondary special,Married,Office apartment,0.020246,-21139,365243,-7858.0,-4133,,1,0,0,1,0,0,,2.0,3,3,SATURDAY,9,0,0,0,0,0,0,XNA,,0.0579426637768607,,0.1134,0.0847,0.9786,,,0.0,0.2069,0.1667,,0.0924,,0.1071,,0.0037,0.1155,0.0879,0.9786,,,0.0,0.2069,0.1667,,0.0945,,0.1115,,0.0039,0.1145,0.0847,0.9786,,,0.0,0.2069,0.1667,,0.094,,0.109,,0.0038,,block of flats,0.091,"Stone, brick",No,0.0,0.0,0.0,0.0,-1797.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2143558,409790,Consumer loans,10461.6,78727.5,76698.0,7875.0,78727.5,SATURDAY,13,Y,1,0.10141050818926738,,,XAP,Refused,-2008,Cash through the bank,HC,Children,Repeater,Mobile,POS,XNA,Country-wide,90,Consumer electronics,10.0,high,POS household with interest,,,,,,,0,Revolving loans,F,N,Y,0,157500.0,225000.0,11250.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.0105,-22025,365243,-3146.0,-4162,,1,0,0,1,1,0,,2.0,3,3,FRIDAY,14,0,0,0,0,0,0,XNA,,0.5026423695066607,0.5814837058057234,,,,,,,,,,,,0.0051,,,,,,,,,,,,,,0.0053,,,,,,,,,,,,,,0.0052,,,,,0.004,,No,0.0,0.0,0.0,0.0,-1298.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1684630,109323,Consumer loans,23261.085,234561.285,252517.5,3.285,234561.285,SATURDAY,19,Y,1,1.4167798648193006e-05,,,XAP,Approved,-1204,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,3089,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-1173.0,-843.0,-843.0,-839.0,0.0,0,Cash loans,F,Y,N,0,225000.0,544491.0,17694.0,454500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.008019,-13780,-1674,-45.0,-1235,3.0,1,1,0,1,1,0,Laborers,2.0,2,2,FRIDAY,19,0,0,0,0,0,0,Business Entity Type 3,,0.5694443739786229,0.2276129150623945,0.0619,,0.9851,,,0.0,0.1379,0.1667,,0.0452,,0.06,,0.0508,0.063,,0.9851,,,0.0,0.1379,0.1667,,0.0462,,0.0625,,0.0538,0.0625,,0.9851,,,0.0,0.1379,0.1667,,0.046,,0.0611,,0.0519,,block of flats,0.0582,Panel,No,0.0,0.0,0.0,0.0,-1204.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2536556,456035,Revolving loans,2250.0,45000.0,45000.0,,45000.0,MONDAY,9,Y,1,,,,XAP,Approved,-221,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-221.0,-178.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,2,180000.0,1027327.5,43654.5,945000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.002042,-16556,-3154,-3803.0,-106,6.0,1,1,0,1,0,0,,4.0,3,3,FRIDAY,14,0,0,0,0,0,0,Trade: type 7,,0.11456250489154447,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,1.0,0.0,-358.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1938487,213741,Cash loans,51465.195,810000.0,893398.5,,810000.0,SUNDAY,13,Y,1,,,,XNA,Refused,-339,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,N,2,112500.0,508495.5,24592.5,454500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.002042,-14153,-6199,-1947.0,-5559,,1,1,1,1,0,0,Laborers,4.0,3,3,WEDNESDAY,13,0,0,0,0,0,0,Postal,0.24853862402136145,0.5019863561849582,0.1556893746835917,0.1351,0.1336,0.9851,0.7959999999999999,0.1075,0.0,0.0345,0.125,0.1667,0.1532,0.1101,0.0617,0.0,0.2704,0.1376,0.1387,0.9851,0.804,0.1085,0.0,0.0345,0.125,0.1667,0.1567,0.1203,0.0643,0.0,0.2863,0.1364,0.1336,0.9851,0.7987,0.1082,0.0,0.0345,0.125,0.1667,0.1559,0.112,0.0629,0.0,0.2761,reg oper account,block of flats,0.1074,"Stone, brick",No,0.0,0.0,0.0,0.0,-473.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1375302,280617,Consumer loans,14684.175,118827.0,129285.0,0.0,118827.0,FRIDAY,13,Y,1,0.0,,,XAP,Approved,-490,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,40,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-455.0,-185.0,-425.0,-418.0,0.0,0,Cash loans,F,Y,N,0,234000.0,472500.0,12460.5,472500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.031329,-10202,-2105,-2068.0,-2086,3.0,1,1,1,1,1,0,,2.0,2,2,MONDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.6210375319640767,0.4596457546222905,0.501075160239048,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-203.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1311061,342041,Consumer loans,4889.43,25690.5,25690.5,0.0,25690.5,THURSDAY,18,Y,1,0.0,,,XAP,Approved,-190,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Regional / Local,50,Connectivity,6.0,middle,POS mobile with interest,365243.0,-146.0,4.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,121500.0,282690.0,15462.0,202500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.019101,-9080,-2112,-9080.0,-1751,,1,1,0,1,0,0,Accountants,1.0,2,2,FRIDAY,14,0,0,0,0,0,0,Self-employed,0.21582279958422174,0.6449078538682121,0.5673792367572691,0.1206,0.1502,0.9806,0.7348,0.0122,0.0,0.2759,0.1667,0.2083,0.0,0.0941,0.1089,0.0193,0.0355,0.1229,0.1558,0.9806,0.7452,0.0124,0.0,0.2759,0.1667,0.2083,0.0,0.1028,0.1134,0.0195,0.0376,0.1218,0.1502,0.9806,0.7383,0.0123,0.0,0.2759,0.1667,0.2083,0.0,0.0958,0.1108,0.0194,0.0362,reg oper account,block of flats,0.0934,"Stone, brick",No,1.0,0.0,1.0,0.0,-261.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1484985,248658,Consumer loans,25299.45,114912.0,94950.0,22995.0,114912.0,THURSDAY,17,Y,1,0.21233325240192846,,,XAP,Approved,-1400,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,25,Connectivity,4.0,middle,POS mobile without interest,365243.0,-1362.0,-1272.0,-1272.0,-1264.0,0.0,0,Cash loans,F,N,Y,0,247500.0,1295190.0,72450.0,1215000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.008865999999999999,-15891,-2578,-989.0,-4342,,1,1,1,1,1,0,Accountants,2.0,2,2,WEDNESDAY,22,0,0,0,0,0,0,Other,0.6269565438550401,0.390467471959301,,0.1031,0.0831,0.9781,0.7008,0.0374,0.0,0.2069,0.1667,,0.0514,0.0841,0.0932,0.0,0.0,0.105,0.0862,0.9782,0.7125,0.0377,0.0,0.2069,0.1667,,0.0526,0.0918,0.0971,0.0,0.0,0.1041,0.0831,0.9781,0.7048,0.0376,0.0,0.2069,0.1667,,0.0523,0.0855,0.0948,0.0,0.0,not specified,block of flats,0.0733,Panel,No,0.0,0.0,0.0,0.0,-1400.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2823800,275585,Cash loans,,0.0,0.0,,,THURSDAY,12,Y,1,,,,XNA,Refused,-270,XNA,SCOFR,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,N,Y,0,112500.0,180000.0,9895.5,180000.0,Unaccompanied,Commercial associate,Incomplete higher,Single / not married,House / apartment,0.015221,-8728,-450,-5522.0,-1392,,1,1,0,1,0,0,Core staff,1.0,2,2,MONDAY,10,0,0,0,0,0,0,Bank,,0.7538506865454412,0.19633396621345675,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-538.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1042052,338523,Consumer loans,12310.695,121455.0,121455.0,0.0,121455.0,FRIDAY,13,Y,1,0.0,,,XAP,Approved,-638,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,50,Connectivity,14.0,high,POS mobile with interest,365243.0,-600.0,-210.0,-240.0,-237.0,0.0,0,Revolving loans,F,N,N,0,76500.0,180000.0,9000.0,180000.0,Other_B,Working,Secondary / secondary special,Single / not married,House / apartment,0.01885,-8284,-109,-2612.0,-975,,1,1,0,1,0,0,Sales staff,1.0,2,2,SATURDAY,13,0,0,0,0,1,1,Business Entity Type 3,0.09506028836458,0.34510523499010193,0.2405414172860865,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-638.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2040465,227318,Consumer loans,10215.54,98991.0,109444.5,0.0,98991.0,MONDAY,11,Y,1,0.0,,,XAP,Approved,-228,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,4000,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-198.0,132.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,112500.0,808650.0,23773.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.02461,-18454,-11358,-70.0,-1989,,1,1,0,1,0,0,Medicine staff,1.0,2,2,FRIDAY,15,0,0,0,0,1,1,Medicine,,0.6825570200531693,0.6023863442690867,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-1512.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2589416,327091,Consumer loans,9559.035,92628.0,102411.0,0.0,92628.0,THURSDAY,11,Y,1,0.0,,,XAP,Approved,-650,XNA,XAP,,Refreshed,Computers,POS,XNA,Country-wide,1100,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-606.0,-276.0,-276.0,-269.0,0.0,0,Cash loans,F,Y,Y,3,67500.0,625536.0,35059.5,540000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.008865999999999999,-13268,-2876,-1570.0,-4971,16.0,1,1,1,1,1,0,Sales staff,5.0,2,2,WEDNESDAY,15,0,0,0,1,0,1,Other,0.2785228082034884,0.6802022764078426,0.6006575372857061,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1962.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1981085,159965,Consumer loans,17649.99,107955.0,89685.0,22500.0,107955.0,WEDNESDAY,19,Y,1,0.21842978521678885,,,XAP,Approved,-2221,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,55,Connectivity,6.0,high,POS mobile with interest,365243.0,-2183.0,-2033.0,-2033.0,-2028.0,1.0,0,Cash loans,M,N,Y,0,180000.0,360000.0,17509.5,360000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.008865999999999999,-9999,-1381,-4690.0,-2592,,1,1,0,1,1,0,Managers,1.0,2,2,FRIDAY,19,0,1,1,0,1,1,Business Entity Type 3,,0.5977280623090558,0.5082869913916046,0.1598,0.1508,0.9901,0.8640000000000001,,0.0,0.3793,0.1667,0.2083,0.1785,0.1303,0.1596,0.0039,0.0009,0.1628,0.1565,0.9901,0.8693,,0.0,0.3793,0.1667,0.2083,0.1826,0.1423,0.1663,0.0039,0.001,0.1613,0.1508,0.9901,0.8658,,0.0,0.3793,0.1667,0.2083,0.1816,0.1325,0.1624,0.0039,0.001,reg oper spec account,block of flats,0.1257,Panel,No,0.0,0.0,0.0,0.0,-1708.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1547839,256009,Consumer loans,5327.685,36895.5,39937.5,0.0,36895.5,SATURDAY,15,Y,1,0.0,,,XAP,Approved,-2500,Cash through the bank,XAP,Children,New,Mobile,POS,XNA,Country-wide,27,Connectivity,10.0,high,POS mobile with interest,365243.0,-2469.0,-2199.0,-2199.0,-2191.0,1.0,0,Cash loans,M,N,Y,2,90000.0,227520.0,14049.0,180000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-18257,365243,-7334.0,-1759,,1,0,0,1,0,0,,4.0,2,2,SUNDAY,12,0,0,0,0,0,0,XNA,,0.5352213286833877,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2212.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1403182,153361,Consumer loans,6034.545,51651.0,54121.5,2700.0,51651.0,SATURDAY,17,Y,1,0.05175057776625845,,,XAP,Refused,-1035,Cash through the bank,LIMIT,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,2441,Consumer electronics,12.0,high,POS household with interest,,,,,,,0,Cash loans,M,Y,N,0,225000.0,422892.0,28260.0,382500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.010643000000000001,-9169,-1882,-2807.0,-1701,12.0,1,1,0,1,0,0,Drivers,1.0,2,2,FRIDAY,19,0,0,0,0,0,0,Self-employed,,0.2358375044688613,0.7407990879702335,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,1.0,0.0,0.0,0.0,0.0 +1487468,428368,Revolving loans,15750.0,315000.0,315000.0,,315000.0,MONDAY,4,Y,1,,,,XAP,Approved,-353,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),4,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,-247.0,0.0,0,Cash loans,F,N,Y,0,117000.0,431280.0,22018.5,360000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.002506,-23600,365243,-259.0,-4006,,1,0,0,1,1,0,,1.0,2,2,THURSDAY,5,0,0,0,0,0,0,XNA,,0.393808658510488,0.5620604831738043,0.068,0.0245,0.9836,0.762,0.0092,0.0,0.0345,0.1667,0.0417,0.0,0.0504,0.0687,0.0232,0.0232,0.0693,0.0255,0.9836,0.7713,0.0093,0.0,0.0345,0.1667,0.0417,0.0,0.0551,0.0716,0.0233,0.0245,0.0687,0.0245,0.9836,0.7652,0.0093,0.0,0.0345,0.1667,0.0417,0.0,0.0513,0.0699,0.0233,0.0236,not specified,block of flats,0.0591,Panel,No,8.0,0.0,8.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2065816,202462,Consumer loans,3885.66,25852.5,27558.0,0.0,25852.5,MONDAY,8,Y,1,0.0,,,XAP,Approved,-2642,Cash through the bank,XAP,"Spouse, partner",New,Furniture,POS,XNA,Stone,150,Furniture,8.0,middle,POS industry with interest,365243.0,-2609.0,-2399.0,-2399.0,-2391.0,1.0,0,Cash loans,F,N,N,0,92250.0,254700.0,14751.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-24167,365243,-7833.0,-4074,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,7,0,0,0,0,0,0,XNA,,0.1953537989258013,0.4974688893052743,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1301.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +2800666,252280,Cash loans,20317.59,270000.0,291919.5,,270000.0,THURSDAY,15,Y,1,,,,XNA,Approved,-725,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-695.0,-185.0,-185.0,-183.0,1.0,0,Cash loans,F,N,Y,0,135000.0,765000.0,30339.0,765000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.007305,-22269,365243,-9610.0,-4120,,1,0,0,1,0,0,,2.0,3,3,MONDAY,6,0,0,0,0,0,0,XNA,,0.24141137397883736,0.7421816117614419,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1558.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1748060,395977,Consumer loans,4192.47,41310.0,41346.0,4500.0,41310.0,TUESDAY,13,Y,1,0.10689938251775706,,,XAP,Approved,-939,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,50,Connectivity,14.0,high,POS mobile with interest,365243.0,-901.0,-511.0,-511.0,-507.0,0.0,0,Cash loans,M,N,N,0,180000.0,545040.0,26640.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.005084,-10865,-2360,-4632.0,-3527,,1,1,1,1,1,0,Drivers,2.0,2,2,MONDAY,17,0,0,0,0,0,0,Self-employed,,0.3168779406930787,,0.0619,0.0609,0.9826,0.762,0.0287,0.0,0.1379,0.1667,0.2083,0.0719,0.0504,0.0527,0.0,0.0,0.063,0.0632,0.9826,0.7713,0.0289,0.0,0.1379,0.1667,0.2083,0.0735,0.0551,0.0549,0.0,0.0,0.0625,0.0609,0.9826,0.7652,0.0289,0.0,0.1379,0.1667,0.2083,0.0731,0.0513,0.0536,0.0,0.0,reg oper account,block of flats,0.0571,Panel,No,0.0,0.0,0.0,0.0,-939.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2283575,339674,Consumer loans,4208.355,39190.5,35154.0,11250.0,39190.5,TUESDAY,10,Y,1,0.26403484025671764,,,XAP,Approved,-1593,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,42,Connectivity,12.0,high,POS mobile with interest,365243.0,-1561.0,-1231.0,-1231.0,-1224.0,0.0,0,Cash loans,F,N,N,1,144000.0,341280.0,22936.5,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.019688999999999998,-13841,-4240,-3693.0,-214,,1,1,0,1,1,0,Sales staff,3.0,2,2,SATURDAY,9,0,0,0,0,1,1,Self-employed,,0.4322436121748831,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,1.0,-487.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1963841,119530,Consumer loans,2396.61,47826.0,53199.0,0.0,47826.0,THURSDAY,19,Y,1,0.0,,,XAP,Approved,-271,Cash through the bank,XAP,"Spouse, partner",Refreshed,Computers,POS,XNA,Country-wide,1600,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-241.0,449.0,365243.0,365243.0,1.0,0,Revolving loans,M,Y,Y,1,126000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.005084,-11621,-2860,-10359.0,-3619,18.0,1,1,0,1,0,0,Drivers,3.0,2,2,TUESDAY,14,0,0,0,0,0,0,Industry: type 9,,0.5421877762403426,0.5280927512030451,0.101,,0.9811,,,0.0,0.2759,0.1667,,,,0.0634,,,0.1029,,0.9811,,,0.0,0.2759,0.1667,,,,0.066,,,0.102,,0.9811,,,0.0,0.2759,0.1667,,,,0.0645,,,,block of flats,0.0806,"Stone, brick",No,4.0,0.0,4.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1567077,254267,Cash loans,53255.61,1800000.0,2013840.0,,1800000.0,WEDNESDAY,14,Y,1,,,,XNA,Refused,-135,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,N,0,135000.0,225000.0,23625.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-16773,-723,-1905.0,-170,11.0,1,1,0,1,1,0,Laborers,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.8370407828469645,0.6408463073326529,0.363945238612397,0.0412,,0.997,,,0.04,0.0345,0.375,,0.0702,,0.0379,,0.0247,0.042,,0.997,,,0.0403,0.0345,0.375,,0.0718,,0.0395,,0.0261,0.0416,,0.997,,,0.04,0.0345,0.375,,0.0714,,0.0386,,0.0252,reg oper account,block of flats,0.0298,Panel,No,0.0,0.0,0.0,0.0,-2070.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1193081,327224,Consumer loans,8149.275,40941.0,44185.5,0.0,40941.0,TUESDAY,10,Y,1,0.0,,,XAP,Approved,-86,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,1500,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-56.0,94.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,1,270000.0,156384.0,18688.5,135000.0,Unaccompanied,State servant,Secondary / secondary special,Separated,House / apartment,0.072508,-12237,-2244,-6061.0,-2981,6.0,1,1,0,1,1,1,Drivers,2.0,1,1,THURSDAY,11,0,0,0,0,0,0,Police,0.17262240817310684,0.7572151375248846,0.3606125659189888,0.1979,0.0616,0.9881,0.8368,0.1076,0.24,0.1034,0.6667,0.7083,0.0,0.1614,0.1219,0.0193,0.0494,0.2017,0.064,0.9881,0.8432,0.1086,0.2417,0.1034,0.6667,0.7083,0.0,0.1763,0.127,0.0195,0.0523,0.1999,0.0616,0.9881,0.8390000000000001,0.1083,0.24,0.1034,0.6667,0.7083,0.0,0.1642,0.1241,0.0194,0.0504,reg oper account,block of flats,0.1654,Panel,No,0.0,0.0,0.0,0.0,-1967.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1887907,406198,Consumer loans,6036.57,31347.45,29605.5,3136.95,31347.45,SUNDAY,14,Y,1,0.10434233624156793,,,XAP,Approved,-1809,Cash through the bank,XAP,Unaccompanied,Refreshed,Mobile,POS,XNA,Country-wide,2800,Consumer electronics,6.0,high,POS household with interest,,,,,,,0,Cash loans,M,Y,N,0,112500.0,239850.0,25186.5,225000.0,Unaccompanied,State servant,Higher education,Single / not married,Municipal apartment,0.072508,-13698,-6083,-7750.0,-4745,3.0,1,1,1,1,1,0,Core staff,1.0,1,1,TUESDAY,13,0,0,0,0,0,0,Emergency,0.38976660380754696,0.7366684829400655,0.6785676886853644,0.2088,,0.9826,,,0.26,0.1207,0.6042,,,,,,,0.1513,,0.9806,,,0.1611,0.1034,0.3333,,,,,,,0.2108,,0.9826,,,0.26,0.1207,0.6042,,,,,,,,block of flats,0.2547,Panel,No,1.0,1.0,1.0,1.0,-1512.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1470278,256444,Cash loans,20123.865,225000.0,254700.0,,225000.0,SATURDAY,14,Y,1,,,,Medicine,Approved,-390,Cash through the bank,XAP,,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,high,Cash Street: high,365243.0,-360.0,330.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,193500.0,1350000.0,37255.5,1350000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-22239,365243,-5790.0,-3950,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,XNA,,0.6348250950590113,0.2458512138252296,0.1646,0.0971,0.9921,0.8708,0.0,0.26,0.1552,0.3192,0.2708,0.0476,0.1748,0.1835,0.0386,0.1544,0.0452,0.1003,0.9906,0.8759,0.0,0.2014,0.1379,0.125,0.0417,0.0242,0.1653,0.1332,0.0,0.0,0.2082,0.0971,0.9906,0.8725,0.0,0.26,0.1552,0.375,0.2708,0.0484,0.1779,0.1868,0.0388,0.1577,reg oper spec account,block of flats,0.1677,Panel,No,5.0,0.0,5.0,0.0,-390.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1203605,108351,Revolving loans,16875.0,337500.0,337500.0,,337500.0,WEDNESDAY,16,Y,1,,,,XAP,Refused,-273,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Revolving loans,F,N,Y,0,180000.0,337500.0,16875.0,337500.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.026392000000000002,-18537,-265,-8485.0,-1947,,1,1,0,1,0,0,Managers,1.0,2,2,WEDNESDAY,18,0,0,0,0,0,0,Government,0.8729805284123032,0.6565026180523159,0.722392890081304,0.1196,,0.9826,,,0.0,0.2759,0.1667,,0.1583,,0.1099,,0.1112,0.1218,,0.9826,,,0.0,0.2759,0.1667,,0.1619,,0.1145,,0.1177,0.1207,,0.9826,,,0.0,0.2759,0.1667,,0.161,,0.1118,,0.1135,,block of flats,0.1106,"Stone, brick",No,0.0,0.0,0.0,0.0,-273.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2705509,337724,Cash loans,52742.07,1710000.0,1913148.0,,1710000.0,WEDNESDAY,13,Y,1,,,,Building a house or an annex,Refused,-216,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),3,XNA,60.0,low_normal,Cash Street: low,,,,,,,1,Cash loans,F,N,Y,2,198000.0,585000.0,27238.5,585000.0,,Commercial associate,Higher education,Married,House / apartment,0.014519999999999996,-15354,-8695,-5977.0,-1145,,1,1,0,1,0,0,Core staff,4.0,2,2,TUESDAY,9,0,0,0,0,0,0,Bank,,0.4556130426710891,0.24988506275045536,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-2308.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +2210314,376941,Consumer loans,9327.24,71910.0,78237.0,0.0,71910.0,MONDAY,19,Y,1,0.0,,,XAP,Approved,-323,XNA,XAP,,Repeater,Computers,POS,XNA,Country-wide,500,Consumer electronics,10.0,middle,POS household with interest,365243.0,-292.0,-22.0,-292.0,-289.0,0.0,0,Cash loans,F,N,Y,0,157500.0,1288350.0,37669.5,1125000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.011703,-13135,-5313,-6640.0,-4800,,1,1,1,1,1,0,Medicine staff,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,Medicine,0.35640173701842426,0.7666428513148466,0.4135967602644276,0.0825,0.0589,0.9737,,,0.0,0.1379,0.1667,,0.0447,,0.0644,,0.0,0.084,0.0611,0.9737,,,0.0,0.1379,0.1667,,0.0457,,0.0671,,0.0,0.0833,0.0589,0.9737,,,0.0,0.1379,0.1667,,0.0455,,0.0655,,0.0,,block of flats,0.0551,"Stone, brick",No,0.0,0.0,0.0,0.0,-1790.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1638459,342346,Cash loans,42858.0,1350000.0,1350000.0,,1350000.0,THURSDAY,13,Y,1,,,,Repairs,Refused,-228,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,N,N,0,270000.0,630000.0,49774.5,630000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-16842,-9389,-2183.0,-387,,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,16,0,0,0,0,0,0,Industry: type 11,,0.7004708986295811,0.3876253444214701,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,0.0,9.0,0.0,-2317.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1435530,258526,Consumer loans,12137.175,120856.5,120253.5,12087.0,120856.5,WEDNESDAY,14,Y,1,0.0994694883137196,,,XAP,Approved,-182,Cash through the bank,XAP,Other_B,Repeater,Computers,POS,XNA,Regional / Local,19,Consumer electronics,12.0,middle,POS household with interest,365243.0,-152.0,178.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,0,135000.0,284400.0,22599.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.020713,-8595,-1082,-8568.0,-1273,,1,1,0,1,0,0,Laborers,1.0,3,2,WEDNESDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.16037815683143292,0.7264184133893312,0.4170996682522097,0.0247,0.0837,0.9687,0.5716,0.0037,0.0,0.1034,0.0417,0.0833,0.042,0.0202,0.024,0.0,0.0,0.0252,0.0869,0.9687,0.5884,0.0037,0.0,0.1034,0.0417,0.0833,0.043,0.022,0.025,0.0,0.0,0.025,0.0837,0.9687,0.5773,0.0037,0.0,0.1034,0.0417,0.0833,0.0427,0.0205,0.0244,0.0,0.0,reg oper account,block of flats,0.0209,"Stone, brick",No,0.0,0.0,0.0,0.0,-888.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1453451,325474,Cash loans,43130.205,567000.0,827676.0,,567000.0,TUESDAY,19,Y,1,,,,XNA,Refused,-243,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,high,Cash Street: high,,,,,,,1,Cash loans,F,N,Y,0,157500.0,284400.0,22468.5,225000.0,Unaccompanied,Working,Incomplete higher,Married,With parents,0.035792000000000004,-10615,-259,-4887.0,-629,,1,1,0,1,0,0,Core staff,2.0,2,2,SUNDAY,15,0,0,0,0,0,0,Trade: type 3,0.1938157786475792,,0.21518240418475384,0.0928,0.0773,0.9861,0.8096,0.0117,0.0,0.2069,0.1667,0.2083,0.0587,0.0756,0.0825,0.0,0.0,0.0945,0.0802,0.9861,0.8171,0.0118,0.0,0.2069,0.1667,0.2083,0.06,0.0826,0.086,0.0,0.0,0.0937,0.0773,0.9861,0.8121,0.0118,0.0,0.2069,0.1667,0.2083,0.0597,0.077,0.084,0.0,0.0,reg oper account,block of flats,0.0649,"Stone, brick",No,6.0,0.0,6.0,0.0,-1033.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,6.0,2.0 +2421330,272047,Consumer loans,6654.825,66555.0,59899.5,6655.5,66555.0,TUESDAY,15,Y,1,0.1089090909090909,,,XAP,Approved,-2844,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Country-wide,304,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-2812.0,-2542.0,-2542.0,-2538.0,0.0,0,Cash loans,F,N,Y,0,180000.0,1724220.0,47542.5,1350000.0,Unaccompanied,Working,Higher education,Widow,House / apartment,0.019101,-19791,-9229,-8798.0,-3327,,1,1,1,1,1,0,High skill tech staff,1.0,2,2,THURSDAY,11,0,0,0,0,0,0,Industry: type 9,0.4894676798696042,0.7251519513234828,0.3859146722745145,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-4.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1830642,181684,Cash loans,22462.2,315000.0,349096.5,,315000.0,TUESDAY,15,Y,1,,,,XNA,Approved,-700,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-670.0,20.0,-430.0,-415.0,1.0,0,Cash loans,M,N,Y,0,225000.0,469147.5,24084.0,351000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-17166,-590,-2995.0,-722,,1,1,0,1,0,0,High skill tech staff,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Business Entity Type 1,,0.3347967615940848,0.29708661164720285,0.033,0.0409,0.9727,0.626,0.004,0.0,0.069,0.125,0.1667,0.0301,0.0269,0.025,0.0,0.0,0.0336,0.0424,0.9727,0.6406,0.004,0.0,0.069,0.125,0.1667,0.0307,0.0294,0.0261,0.0,0.0,0.0333,0.0409,0.9727,0.631,0.004,0.0,0.069,0.125,0.1667,0.0306,0.0274,0.0255,0.0,0.0,reg oper account,block of flats,0.0219,Block,No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1012581,118616,Cash loans,18809.325,171000.0,182286.0,,171000.0,FRIDAY,8,Y,1,,,,XNA,Approved,-273,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-243.0,87.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,0,67500.0,226422.0,15885.0,189000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-19547,-843,-310.0,-3091,16.0,1,1,0,1,1,0,High skill tech staff,2.0,2,2,FRIDAY,8,0,0,0,0,0,0,Industry: type 12,,0.6297052247197907,0.5797274227921155,0.1227,0.1014,0.9776,0.6940000000000001,0.0489,0.0,0.2759,0.1667,0.2083,0.0831,0.1,0.1149,0.0,0.0,0.125,0.1053,0.9777,0.706,0.0494,0.0,0.2759,0.1667,0.2083,0.085,0.1093,0.1197,0.0,0.0,0.1239,0.1014,0.9776,0.6981,0.0492,0.0,0.2759,0.1667,0.2083,0.0845,0.1018,0.117,0.0,0.0,not specified,block of flats,0.1171,Panel,No,5.0,0.0,5.0,0.0,-1752.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2794051,249392,Cash loans,31576.86,450000.0,491580.0,,450000.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-1022,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-992.0,-302.0,-302.0,-297.0,1.0,0,Cash loans,F,N,Y,1,292500.0,1338354.0,53208.0,1147500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.032561,-16359,-4903,-4290.0,-1979,,1,1,0,1,0,0,Sales staff,3.0,1,1,WEDNESDAY,19,0,0,0,0,0,0,Trade: type 7,,0.6552539233353317,0.5867400085415683,0.0206,0.0136,0.9334,,,0.0,0.1034,0.125,,,,0.0403,,0.0365,0.021,0.0142,0.9335,,,0.0,0.1034,0.125,,,,0.042,,0.0386,0.0208,0.0136,0.9334,,,0.0,0.1034,0.125,,,,0.041,,0.0372,,block of flats,0.0396,"Stone, brick",No,1.0,0.0,1.0,0.0,-1464.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1132182,406420,Consumer loans,8675.595,67900.5,76927.5,6790.5,67900.5,FRIDAY,9,Y,1,0.08833789409902071,,,XAP,Approved,-705,XNA,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,42,Connectivity,12.0,high,POS mobile with interest,365243.0,-674.0,-344.0,-344.0,-339.0,0.0,0,Revolving loans,M,Y,Y,1,67500.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0105,-12194,-1021,-737.0,-4097,12.0,1,1,1,1,0,0,Laborers,3.0,3,3,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 1,0.4625735369880098,0.3006713463183852,0.7016957740576931,0.0227,0.0,0.9786,0.7076,0.0026,0.0,0.069,0.0417,0.0833,0.0,0.0185,0.011,0.0,0.0134,0.0231,0.0,0.9786,0.7190000000000001,0.0026,0.0,0.069,0.0417,0.0833,0.0,0.0202,0.0115,0.0,0.0142,0.0229,0.0,0.9786,0.7115,0.0026,0.0,0.069,0.0417,0.0833,0.0,0.0188,0.0112,0.0,0.0137,reg oper account,block of flats,0.013,"Stone, brick",No,0.0,0.0,0.0,0.0,-373.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2542865,318371,Consumer loans,6788.205,39528.0,37449.0,3955.5,39528.0,WEDNESDAY,10,Y,1,0.1040442244420073,,,XAP,Approved,-720,Cash through the bank,XAP,Unaccompanied,Repeater,Photo / Cinema Equipment,POS,XNA,Regional / Local,200,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-689.0,-539.0,-539.0,-534.0,0.0,0,Cash loans,F,N,Y,1,72000.0,127350.0,7110.0,112500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010966,-14138,-347,-14116.0,-4989,,1,1,1,1,1,0,,3.0,2,2,TUESDAY,9,0,0,0,0,0,0,Business Entity Type 1,,0.20357246321933267,0.520897599048938,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,0.0,-383.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +1932722,205996,Consumer loans,5589.405,49211.1,49211.1,0.0,49211.1,THURSDAY,18,Y,1,0.0,,,XAP,Approved,-304,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,36,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-268.0,2.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,135000.0,263686.5,27819.0,238500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Rented apartment,0.025164,-8755,-1061,-3432.0,-1157,,1,1,0,1,0,0,Laborers,1.0,2,2,SUNDAY,12,0,0,0,1,1,0,Business Entity Type 1,,0.5276525309366917,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1938684,143882,Consumer loans,31251.915,343579.5,343579.5,0.0,343579.5,SATURDAY,5,Y,1,0.0,,,XAP,Refused,-236,XNA,HC,Family,Refreshed,Audio/Video,POS,XNA,Regional / Local,516,Consumer electronics,12.0,low_action,POS household without interest,,,,,,,0,Cash loans,M,N,Y,0,495000.0,728460.0,73651.5,675000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.001276,-23366,-15043,-9395.0,-4579,,1,1,0,1,0,0,Core staff,2.0,2,2,THURSDAY,6,0,0,0,0,0,0,University,0.8476344752710181,0.6418623584160772,0.4722533429586386,0.0605,0.0469,0.9841,0.7824,0.0,0.0,0.1034,0.1667,0.0417,0.0563,0.0168,0.0466,0.0,0.047,0.063,0.0,0.9841,0.7909,0.0,0.0,0.069,0.1667,0.0417,0.0473,0.0,0.0438,0.0,0.0316,0.0625,0.0703,0.9841,0.7853,0.0,0.0,0.1034,0.1667,0.0417,0.0515,0.0,0.0485,0.0,0.0567,reg oper account,block of flats,0.04,Panel,No,0.0,0.0,0.0,0.0,-2402.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2079102,169292,Consumer loans,6338.97,52965.0,57627.0,0.0,52965.0,TUESDAY,10,Y,1,0.0,,,XAP,Approved,-979,XNA,XAP,Unaccompanied,New,Construction Materials,POS,XNA,Stone,260,Construction,10.0,low_normal,POS industry with interest,365243.0,-947.0,-677.0,-677.0,-673.0,0.0,0,Cash loans,F,N,Y,0,67500.0,808650.0,26217.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-15879,-960,-6110.0,-4290,,1,1,1,1,1,0,High skill tech staff,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Other,,0.4981650148530821,0.17352743046491467,0.0124,,,,,,0.069,0.0417,,,,,,,0.0126,,,,,,0.069,0.0417,,,,,,,0.0125,,,,,,0.069,0.0417,,,,,,,,block of flats,0.0084,"Stone, brick",No,2.0,1.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2630164,190985,Consumer loans,6541.29,50355.0,55341.0,0.0,50355.0,TUESDAY,10,Y,1,0.0,,,XAP,Approved,-2234,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Stone,10,Consumer electronics,12.0,high,POS household with interest,365243.0,-2203.0,-1873.0,-1873.0,-1865.0,1.0,0,Revolving loans,F,N,Y,1,90000.0,270000.0,13500.0,270000.0,Other_A,Working,Higher education,Separated,House / apartment,0.015221,-14102,-508,-911.0,-4607,,1,1,1,1,1,0,Core staff,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Government,0.6907709848495718,0.6469533441719847,0.7503751495159068,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-266.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2585660,455978,Consumer loans,35408.79,383760.0,345384.0,38376.0,383760.0,WEDNESDAY,17,Y,1,0.1089090909090909,,,XAP,Approved,-232,Cash through the bank,XAP,Other_B,New,Clothing and Accessories,POS,XNA,Stone,100,Clothing,12.0,middle,POS industry with interest,365243.0,-201.0,129.0,-81.0,-74.0,0.0,0,Cash loans,F,N,N,0,112500.0,450000.0,17271.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.018634,-19049,-5279,-8028.0,-2529,,1,1,0,1,0,0,Accountants,1.0,2,2,TUESDAY,18,0,0,0,0,0,0,Self-employed,,0.5814907258604329,0.6178261467332483,0.0371,0.0254,0.9876,0.83,0.0224,0.04,0.0345,0.3333,0.375,0.0329,0.0303,0.0379,0.0,0.0,0.0378,0.0264,0.9876,0.8367,0.0226,0.0403,0.0345,0.3333,0.375,0.0337,0.0331,0.0395,0.0,0.0,0.0375,0.0254,0.9876,0.8323,0.0225,0.04,0.0345,0.3333,0.375,0.0335,0.0308,0.0386,0.0,0.0,reg oper spec account,block of flats,0.0421,Panel,No,0.0,0.0,0.0,0.0,-232.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2814709,405977,Cash loans,,0.0,0.0,,,MONDAY,20,Y,1,,,,XNA,Refused,-256,XNA,SCOFR,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,N,N,0,270000.0,284256.0,32071.5,270000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.072508,-10322,-3250,-3746.0,-525,,1,1,1,1,1,1,Accountants,2.0,1,1,TUESDAY,18,0,0,0,0,0,0,Business Entity Type 1,0.3385152856462869,0.7387671315791738,0.21885908222837447,0.268,0.1181,0.9886,,,0.32,0.1379,0.6667,,0.0,,0.2837,,0.0499,0.2731,0.1225,0.9886,,,0.3222,0.1379,0.6667,,0.0,,0.2956,,0.0528,0.2706,0.1181,0.9886,,,0.32,0.1379,0.6667,,0.0,,0.2888,,0.0509,,block of flats,0.234,Panel,No,0.0,0.0,0.0,0.0,-1655.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,4.0 +1773867,233221,Revolving loans,2250.0,45000.0,45000.0,,45000.0,MONDAY,15,Y,1,,,,XAP,Refused,-128,XNA,SCO,Unaccompanied,Repeater,XNA,Cards,walk-in,Country-wide,150,Consumer electronics,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,Y,Y,0,225000.0,112500.0,12114.0,112500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.026392000000000002,-13243,-431,-3658.0,-3799,2.0,1,1,0,1,1,1,Drivers,2.0,2,2,WEDNESDAY,18,0,0,0,0,0,0,Self-employed,0.5640449108669797,0.6605838848687839,0.5028782772082183,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1008.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,9.0 +2743177,251076,Cash loans,20252.7,630000.0,630000.0,,630000.0,FRIDAY,10,Y,1,,,,Buying a home,Refused,-143,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,N,0,225000.0,490495.5,28156.5,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.028663,-22146,365243,-6033.0,-4746,,1,0,0,1,1,0,,1.0,2,2,MONDAY,19,0,0,0,0,0,0,XNA,,0.6343991608560137,,0.0588,0.0855,0.9757,0.6668,0.0071,0.0,0.1379,0.1667,0.2083,0.071,0.0471,0.0533,0.0039,0.05,0.0599,0.0888,0.9757,0.6798,0.0072,0.0,0.1379,0.1667,0.2083,0.0726,0.0514,0.0555,0.0039,0.0529,0.0593,0.0855,0.9757,0.6713,0.0071,0.0,0.1379,0.1667,0.2083,0.0723,0.0479,0.0542,0.0039,0.051,reg oper account,block of flats,0.0567,"Stone, brick",No,4.0,0.0,3.0,0.0,-1411.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2299898,286989,Cash loans,15446.79,247500.0,274288.5,,247500.0,THURSDAY,10,Y,1,,,,XNA,Approved,-153,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-119.0,571.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,99000.0,157914.0,16753.5,139500.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.00702,-15363,-634,-3476.0,-256,,1,1,0,1,0,0,Sales staff,1.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 2,0.6699656359233203,0.34691137599184885,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-243.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1212792,263833,Consumer loans,10481.625,102240.0,102240.0,0.0,102240.0,THURSDAY,12,Y,1,0.0,,,XAP,Approved,-412,Cash through the bank,XAP,,Refreshed,Furniture,POS,XNA,Stone,40,Furniture,12.0,middle,POS industry with interest,365243.0,-377.0,-47.0,-47.0,-45.0,0.0,0,Revolving loans,F,N,Y,0,135000.0,202500.0,10125.0,202500.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.026392000000000002,-17204,-2995,-8056.0,-726,,1,1,0,1,1,0,Accountants,1.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Medicine,0.788324150464643,0.5518487413752843,0.1895952597360396,0.1237,0.0986,0.9796,,,0.0,0.2759,0.1667,,0.1128,,0.1022,,0.0411,0.1261,0.1024,0.9796,,,0.0,0.2759,0.1667,,0.1154,,0.1065,,0.0435,0.1249,0.0986,0.9796,,,0.0,0.2759,0.1667,,0.1148,,0.104,,0.042,,block of flats,0.0973,Panel,No,2.0,0.0,2.0,0.0,-412.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1903256,153165,Cash loans,14509.98,135000.0,143910.0,,135000.0,MONDAY,15,Y,1,,,,XNA,Approved,-1023,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-993.0,-663.0,-963.0,-961.0,1.0,0,Cash loans,F,N,N,0,135000.0,315000.0,16132.5,315000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.026392000000000002,-23113,365243,-4274.0,-4758,,1,0,0,1,0,0,,1.0,2,2,SATURDAY,11,0,0,0,0,0,0,XNA,,0.7118139305564757,,0.1443,0.1075,0.9851,,,0.16,0.1379,0.3333,,,,0.1522,,0.0012,0.1471,0.1115,0.9851,,,0.1611,0.1379,0.3333,,,,0.1586,,0.0013,0.1457,0.1075,0.9851,,,0.16,0.1379,0.3333,,,,0.155,,0.0012,,block of flats,0.12,Panel,No,0.0,0.0,0.0,0.0,-1023.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2210331,255340,Cash loans,4921.2,45000.0,45000.0,0.0,45000.0,THURSDAY,9,Y,1,0.0,,,XNA,Approved,-2202,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,high,Cash Street: high,365243.0,-2172.0,-1842.0,-1842.0,-1478.0,0.0,0,Cash loans,F,N,Y,0,112500.0,276277.5,19359.0,238500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-14979,-3693,-6786.0,-4449,,1,1,1,1,1,0,Managers,2.0,2,2,MONDAY,9,0,0,0,0,0,0,Other,,0.5079282175905123,0.5460231970049609,0.0722,0.0752,0.6513,0.6804,0.008,0.0,0.1379,0.1667,0.2083,0.0671,0.0664,0.0639,0.0039,0.0029,0.063,0.0653,0.0005,0.6929,0.0081,0.0,0.1379,0.1667,0.2083,0.0581,0.0725,0.0555,0.0039,0.0031,0.0729,0.08,0.9767,0.6847,0.0081,0.0,0.1379,0.1667,0.2083,0.0659,0.0676,0.0701,0.0039,0.003,reg oper account,block of flats,0.0472,Panel,No,0.0,0.0,0.0,0.0,-1045.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2478384,267377,Consumer loans,4833.045,22149.0,23247.0,0.0,22149.0,THURSDAY,10,Y,1,0.0,,,XAP,Approved,-1542,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,47,Connectivity,6.0,high,POS mobile with interest,365243.0,-1505.0,-1355.0,-1385.0,-1378.0,0.0,0,Cash loans,F,N,Y,0,90000.0,646920.0,20997.0,540000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.030755,-23579,365243,-5814.0,-4120,,1,0,0,1,0,0,,1.0,2,2,SATURDAY,11,0,0,0,0,0,0,XNA,,0.7291261467880102,0.8297501422395771,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1542.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1779725,228148,Consumer loans,1082.565,24030.0,24030.0,0.0,24030.0,TUESDAY,20,Y,1,0.0,,,XAP,Approved,-539,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Regional / Local,90,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-506.0,184.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,1,99000.0,810000.0,41485.5,810000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.009334,-9961,-1948,-9961.0,-1399,,1,1,1,1,1,0,Medicine staff,3.0,2,2,TUESDAY,18,0,0,0,0,1,1,Medicine,,0.6844634003510949,0.6690566947824041,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-1921.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2705889,104372,Consumer loans,5196.96,51975.0,46777.5,5197.5,51975.0,THURSDAY,11,Y,1,0.1089090909090909,,,XAP,Approved,-1329,Cash through the bank,XAP,Children,New,Audio/Video,POS,XNA,Stone,18,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1293.0,-1023.0,-1083.0,-1074.0,0.0,0,Cash loans,F,N,N,0,90000.0,110331.0,10876.5,103500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-21517,365243,-8057.0,-4731,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,XNA,,0.4444533685293244,0.5567274263630174,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1997536,236596,Consumer loans,,40266.0,40266.0,0.0,40266.0,TUESDAY,16,Y,1,0.0,,,XAP,Refused,-1270,Cash through the bank,LIMIT,,Repeater,Mobile,XNA,XNA,Country-wide,35,Connectivity,,XNA,POS mobile with interest,,,,,,,1,Cash loans,M,N,Y,1,135000.0,305221.5,24246.0,252000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.02461,-12972,-179,-6968.0,-4048,,1,1,0,1,0,0,Security staff,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,Security,0.15561584419312688,0.5598763580247114,0.5406544504453575,0.0124,0.0,0.9762,0.6736,0.0016,0.0,0.069,0.0417,0.0833,0.0064,0.0101,0.0092,0.0,0.0,0.0126,0.0,0.9762,0.6864,0.0016,0.0,0.069,0.0417,0.0833,0.0066,0.011,0.0096,0.0,0.0,0.0125,0.0,0.9762,0.6779999999999999,0.0016,0.0,0.069,0.0417,0.0833,0.0065,0.0103,0.0094,0.0,0.0,reg oper account,block of flats,0.0081,"Stone, brick",No,0.0,0.0,0.0,0.0,-1419.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2712292,206264,Cash loans,27435.465,454500.0,526491.0,,454500.0,THURSDAY,14,Y,1,,,,XNA,Approved,-383,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,high,Cash X-Sell: high,365243.0,-353.0,1057.0,-23.0,-16.0,1.0,0,Cash loans,M,N,N,0,337500.0,443088.0,16420.5,382500.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.00963,-10286,-985,-4687.0,-2048,,1,1,0,1,1,0,Laborers,2.0,2,2,SATURDAY,15,0,1,1,0,1,1,Business Entity Type 3,,0.7844982829843445,0.5726825047161584,0.0907,0.0989,0.9826,,,0.0,0.2069,0.1667,,0.0942,,0.0834,,0.0044,0.0924,0.1026,0.9826,,,0.0,0.2069,0.1667,,0.0963,,0.0869,,0.0046,0.0916,0.0989,0.9826,,,0.0,0.2069,0.1667,,0.0958,,0.0849,,0.0044,,block of flats,0.0666,Panel,No,0.0,0.0,0.0,0.0,-1785.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2110135,391446,Consumer loans,4714.38,44910.0,39703.5,9000.0,44910.0,THURSDAY,12,Y,1,0.20125490327837187,,,XAP,Approved,-806,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,high,POS mobile with interest,365243.0,-764.0,-434.0,-434.0,-432.0,0.0,0,Cash loans,M,Y,N,0,180000.0,852088.5,33921.0,688500.0,Unaccompanied,Working,Secondary / secondary special,Married,Co-op apartment,0.020713,-12686,-1655,-5994.0,-615,20.0,1,1,0,1,1,0,Laborers,2.0,3,2,FRIDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.3127835347956668,,0.0825,0.0631,0.9747,0.6532,0.1028,0.0,0.1379,0.1667,0.2083,0.0716,0.0672,0.0715,0.0,0.0,0.084,0.0655,0.9747,0.6668,0.1038,0.0,0.1379,0.1667,0.2083,0.0732,0.0735,0.0745,0.0,0.0,0.0833,0.0631,0.9747,0.6578,0.1035,0.0,0.1379,0.1667,0.2083,0.0728,0.0684,0.0728,0.0,0.0,reg oper account,block of flats,0.0562,Panel,No,0.0,0.0,0.0,0.0,-806.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1247901,445055,Cash loans,8398.8,45000.0,45000.0,,45000.0,SATURDAY,19,Y,1,,,,XNA,Approved,-857,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-817.0,-667.0,-787.0,-778.0,0.0,0,Cash loans,F,N,N,0,90000.0,113760.0,7398.0,90000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.0105,-11923,-848,-6051.0,-4366,,1,1,0,1,0,0,Secretaries,1.0,3,3,TUESDAY,18,0,0,0,1,1,0,Security Ministries,,0.6646755489387347,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2010.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2177686,389414,Cash loans,12074.31,135000.0,152820.0,,135000.0,SATURDAY,15,Y,1,,,,Urgent needs,Approved,-739,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),50,XNA,24.0,high,Cash Street: high,365243.0,-709.0,-19.0,-79.0,-73.0,1.0,0,Cash loans,F,N,Y,0,135000.0,774000.0,22761.0,774000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.005084,-22816,365243,-350.0,-769,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,XNA,,0.4879387852154698,0.3108182544189319,0.0588,0.044,0.9801,0.728,,0.0,0.0345,0.1667,0.0417,0.0654,0.0479,0.0166,0.0,0.0021,0.0599,0.0457,0.9801,0.7387,,0.0,0.0345,0.1667,0.0417,0.0669,0.0523,0.0172,0.0,0.0022,0.0593,0.044,0.9801,0.7316,,0.0,0.0345,0.1667,0.0417,0.0666,0.0487,0.0169,0.0,0.0022,reg oper account,block of flats,0.023,"Stone, brick",No,0.0,0.0,0.0,0.0,-739.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,5.0,0.0,3.0 +2609769,105782,Consumer loans,13441.185,74920.5,65920.5,9000.0,74920.5,SATURDAY,17,Y,1,0.13082958845467105,,,XAP,Approved,-2132,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,25,Connectivity,6.0,high,POS mobile with interest,365243.0,-2084.0,-1934.0,-1934.0,-1928.0,0.0,0,Cash loans,M,Y,Y,0,675000.0,450000.0,29299.5,450000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.010006000000000001,-10533,-2437,-2448.0,-3198,2.0,1,1,0,1,0,0,Core staff,2.0,2,1,WEDNESDAY,9,0,0,0,0,0,0,Emergency,0.4653786963714832,0.7110058132282977,0.622922000268356,0.0701,0.065,0.9811,0.7416,,0.0,0.1379,0.2083,,0.0568,,0.0654,,,0.0714,0.0674,0.9811,0.7517,,0.0,0.1379,0.2083,,0.0581,,0.0682,,,0.0708,0.065,0.9811,0.7451,,0.0,0.1379,0.2083,,0.0578,,0.0666,,,reg oper account,block of flats,0.0596,Panel,No,0.0,0.0,0.0,0.0,-1624.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1407725,361368,Cash loans,37125.0,1350000.0,1350000.0,,1350000.0,THURSDAY,10,Y,1,,,,XNA,Refused,-138,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,2,292500.0,234324.0,23305.5,207000.0,Unaccompanied,State servant,Higher education,Married,Office apartment,0.018029,-12168,-3439,-534.0,-1189,,1,1,0,1,0,0,Managers,4.0,3,3,TUESDAY,7,0,0,0,0,0,0,Military,,0.3796872367566835,0.5937175866150576,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1364807,157341,Consumer loans,20328.615,93906.0,98865.0,0.0,93906.0,FRIDAY,12,Y,1,0.0,,,XAP,Approved,-284,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,6.0,high,POS mobile with interest,365243.0,-253.0,-103.0,-103.0,-100.0,0.0,0,Cash loans,F,N,Y,0,90000.0,495351.0,26518.5,459000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.025164,-20610,365243,-6027.0,-4088,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,15,0,0,0,0,0,0,XNA,,0.3177637850507548,,0.1082,0.2166,0.9613,0.4696,0.0185,0.0,0.4138,0.125,0.1667,0.17600000000000002,0.0874,0.1364,0.0039,0.0464,0.1103,0.2248,0.9613,0.4904,0.0186,0.0,0.4138,0.125,0.1667,0.18,0.0955,0.1421,0.0039,0.0491,0.1093,0.2166,0.9613,0.4767,0.0186,0.0,0.4138,0.125,0.1667,0.179,0.0889,0.1389,0.0039,0.0474,reg oper account,block of flats,0.1526,"Stone, brick",No,0.0,0.0,0.0,0.0,-623.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2259523,408816,Revolving loans,22500.0,0.0,450000.0,,,MONDAY,13,Y,1,,,,XAP,Approved,-654,XNA,XAP,,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),4,XNA,0.0,XNA,Card X-Sell,-569.0,-523.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,166500.0,495985.5,18697.5,409500.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.005002,-17782,-1257,-2374.0,-1331,,1,1,1,1,1,0,Medicine staff,2.0,3,3,THURSDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.7406953698891897,0.7910749129911773,0.0291,0.0302,0.9851,0.8028,0.0151,0.0,0.0776,0.0833,0.1388,0.0167,0.0272,0.0243,0.0,0.0,0.0042,0.0,0.9806,0.7452,0.0,0.0,0.0,0.0,0.0417,0.0038,0.0037,0.003,0.0,0.0,0.0177,0.0194,0.9856,0.8390000000000001,0.0032,0.0,0.069,0.0833,0.1667,0.0108,0.0154,0.0132,0.0,0.0,reg oper account,block of flats,0.0023,"Stone, brick",No,3.0,0.0,3.0,0.0,-1506.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2647409,262573,Cash loans,52788.78,1125000.0,1255680.0,,1125000.0,SUNDAY,11,Y,1,,,,Buying a new car,Approved,-692,XNA,XAP,,Repeater,XNA,Cash,walk-in,Contact center,-1,XNA,48.0,middle,Cash Street: middle,365243.0,-652.0,758.0,-192.0,-188.0,0.0,0,Cash loans,M,N,N,0,135000.0,450000.0,27193.5,450000.0,Unaccompanied,Working,Incomplete higher,Married,With parents,0.010643000000000001,-11183,-1712,-6019.0,-478,,1,1,1,1,1,0,,2.0,2,2,FRIDAY,10,0,1,1,1,1,1,Security,,0.5733484581270699,0.3441550073724169,0.0186,,0.9876,,,,0.1034,0.0417,,,,0.0169,,,0.0189,,0.9876,,,,0.1034,0.0417,,,,0.0177,,,0.0187,,0.9876,,,,0.1034,0.0417,,,,0.0173,,,,block of flats,0.0133,"Stone, brick",No,0.0,0.0,0.0,0.0,-1841.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1746971,197846,Cash loans,7576.65,112500.0,127350.0,,112500.0,TUESDAY,9,Y,1,,,,XNA,Approved,-906,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-876.0,-186.0,-396.0,-390.0,1.0,0,Cash loans,F,N,Y,0,58500.0,187704.0,10611.0,148500.0,Family,Pensioner,Secondary / secondary special,Separated,House / apartment,0.007120000000000001,-24379,365243,-5646.0,-4280,,1,0,0,1,1,0,,1.0,2,2,FRIDAY,13,0,0,0,0,0,0,XNA,,0.1915258625230554,0.6910212267577837,0.0835,0.0805,0.9757,0.6668,,0.0,0.1379,0.1667,0.2083,0.0318,0.0681,0.0484,0.0,0.0,0.0851,0.0835,0.9757,0.6798,,0.0,0.1379,0.1667,0.2083,0.0325,0.0744,0.0505,0.0,0.0,0.0843,0.0805,0.9757,0.6713,,0.0,0.1379,0.1667,0.2083,0.0323,0.0693,0.0493,0.0,0.0,reg oper account,block of flats,0.0552,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1106803,214218,Consumer loans,20112.795,172336.5,190588.5,17235.0,172336.5,TUESDAY,12,Y,1,0.09031934222155734,,,XAP,Approved,-644,Cash through the bank,XAP,Unaccompanied,Refreshed,Computers,POS,XNA,Country-wide,1500,Consumer electronics,12.0,middle,POS household with interest,365243.0,-612.0,-282.0,-282.0,-275.0,0.0,0,Cash loans,F,N,N,0,90000.0,1285816.5,42624.0,1152000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.04622,-19033,-3441,-10006.0,-2565,,1,1,0,1,0,0,Sales staff,2.0,1,1,TUESDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.7227352312752509,0.7435593141311444,0.066,,0.9752,,,0.0,0.1379,0.125,,,,0.0501,,,0.0672,,0.9752,,,0.0,0.1379,0.125,,,,0.0522,,,0.0666,,0.9752,,,0.0,0.1379,0.125,,,,0.051,,,,block of flats,0.0529,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2212425,211304,Cash loans,29529.0,450000.0,450000.0,0.0,450000.0,THURSDAY,10,Y,1,0.0,,,XNA,Refused,-2220,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,24.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,Y,Y,0,261000.0,755190.0,29947.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.02461,-20962,-7825,-5596.0,-4508,6.0,1,1,0,1,0,0,Managers,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,Medicine,,0.7046566213318147,0.5762088360175724,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2702.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1795968,334081,Cash loans,25409.745,450000.0,545040.0,,450000.0,SATURDAY,14,Y,1,,,,XNA,Refused,-159,XNA,HC,Family,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,3,135000.0,808650.0,31333.5,675000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010643000000000001,-12322,-3255,-5375.0,-4347,,1,1,1,1,0,0,Sales staff,5.0,2,2,THURSDAY,16,0,0,0,0,1,1,Business Entity Type 3,0.5491569425208426,0.3647273389802139,0.09821859526287233,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1414.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1893148,449724,Cash loans,33193.935,810000.0,1130760.0,,810000.0,SATURDAY,10,Y,1,,,,XNA,Refused,-27,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,202500.0,593010.0,19260.0,495000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.010966,-23286,365243,-10143.0,-4278,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,14,0,0,0,0,0,0,XNA,,0.3133902111302968,0.5064842396679806,0.0742,0.1236,0.9821,0.7552,0.0145,0.08,0.069,0.3333,,0.0273,,0.0743,,0.0001,0.0756,0.1283,0.9821,0.7648,0.0147,0.0806,0.069,0.3333,,0.0279,,0.0774,,0.0002,0.0749,0.1236,0.9821,0.7585,0.0146,0.08,0.069,0.3333,,0.0278,,0.0756,,0.0001,reg oper account,block of flats,0.0588,Panel,No,3.0,0.0,3.0,0.0,-487.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,1.0,2.0,7.0 +1492264,118841,Cash loans,24092.775,225000.0,304933.5,,225000.0,WEDNESDAY,11,Y,1,,,,Repairs,Approved,-527,Cash through the bank,XAP,,New,XNA,Cash,walk-in,Credit and cash offices,0,XNA,24.0,high,Cash Street: high,365243.0,-497.0,193.0,-287.0,-285.0,1.0,0,Cash loans,M,N,Y,0,225000.0,835380.0,40320.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.02461,-17324,-462,-6883.0,-842,,1,1,0,1,1,0,Laborers,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Self-employed,,0.6688152820991569,0.3893387918468769,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-527.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2668119,331758,Cash loans,9164.565,76500.0,91719.0,0.0,76500.0,THURSDAY,8,Y,1,0.0,,,XNA,Refused,-1546,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,202500.0,993082.5,39384.0,913500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-21704,365243,-4145.0,-4662,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,XNA,,0.6392694350890558,0.0005272652387098817,0.0701,,0.9886,,,0.0,0.0345,0.1667,,0.0573,,0.0265,,0.0,0.0714,,0.9886,,,0.0,0.0345,0.1667,,0.0586,,0.0276,,0.0,0.0708,,0.9886,,,0.0,0.0345,0.1667,,0.0583,,0.027000000000000003,,0.0,,block of flats,0.0377,"Stone, brick",No,2.0,0.0,2.0,0.0,-960.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,2.0,2.0 +1432236,222871,Cash loans,22661.37,661500.0,775012.5,,661500.0,WEDNESDAY,18,Y,1,,,,XNA,Refused,-380,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,225000.0,1800000.0,62568.0,1800000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-15625,-5311,-3010.0,-4917,,1,1,1,1,1,0,Medicine staff,2.0,2,2,MONDAY,16,0,0,0,0,0,0,Medicine,,0.6906967696501873,0.5226973172821112,0.0206,,0.9916,,,0.0,0.0345,0.1667,,,,0.0135,,0.0314,0.021,,0.9916,,,0.0,0.0345,0.1667,,,,0.0141,,0.0332,0.0208,,0.9916,,,0.0,0.0345,0.1667,,,,0.0138,,0.032,,block of flats,0.0175,Panel,No,0.0,0.0,0.0,0.0,-2507.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,4.0 +2149557,156264,Cash loans,44226.0,1575000.0,1575000.0,,1575000.0,MONDAY,13,Y,1,,,,XNA,Approved,-737,XNA,XAP,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,180000.0,271066.5,19723.5,234000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,Rented apartment,0.015221,-20300,365243,-5304.0,-3535,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,16,1,0,0,0,0,0,XNA,0.8436656359933363,0.7097731009780756,0.5424451438613613,0.1485,0.1018,0.9896,0.8572,,0.16,0.1379,0.3333,0.0417,0.0938,0.121,0.1473,0.0,0.0,0.1513,0.1057,0.9896,0.8628,,0.1611,0.1379,0.3333,0.0417,0.096,0.1322,0.1535,0.0,0.0,0.1499,0.1018,0.9896,0.8591,,0.16,0.1379,0.3333,0.0417,0.0955,0.1231,0.15,0.0,0.0,reg oper account,block of flats,0.1294,Panel,No,4.0,1.0,4.0,1.0,-238.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1591690,174457,Consumer loans,4682.07,84240.0,100921.5,0.0,84240.0,WEDNESDAY,17,Y,1,0.0,,,XAP,Approved,-1368,Cash through the bank,XAP,Children,Refreshed,Audio/Video,POS,XNA,Country-wide,1060,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1337.0,-647.0,-647.0,-642.0,0.0,0,Cash loans,F,N,N,0,112500.0,75384.0,3321.0,54000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.008019,-18923,-6362,-7388.0,-2472,,1,1,0,1,0,0,Cleaning staff,1.0,2,2,SATURDAY,12,0,0,0,0,0,0,School,,0.4725528857278206,0.6246146584503397,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1368.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2813408,356932,Consumer loans,12794.58,140072.85,126067.5,14005.35,140072.85,WEDNESDAY,17,Y,1,0.10889404594563726,0.14244021307945146,0.6379492600422833,XAP,Approved,-679,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,35,Connectivity,12.0,middle,POS mobile with interest,365243.0,-642.0,-312.0,-582.0,-570.0,0.0,0,Cash loans,M,Y,Y,1,202500.0,225000.0,23184.0,225000.0,Family,Working,Secondary / secondary special,Married,Municipal apartment,0.009549,-13415,-4746,-7506.0,-4078,7.0,1,1,0,1,1,0,Laborers,3.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Industry: type 3,,0.6485848762390846,0.7380196196295241,0.0742,0.0434,0.9861,0.8096,0.0324,0.08,0.069,0.3333,0.375,0.0476,0.0605,0.0773,0.0,0.0,0.0756,0.045,0.9861,0.8171,0.0327,0.0806,0.069,0.3333,0.375,0.0487,0.0661,0.0805,0.0,0.0,0.0749,0.0434,0.9861,0.8121,0.0326,0.08,0.069,0.3333,0.375,0.0484,0.0616,0.0787,0.0,0.0,reg oper account,block of flats,0.071,"Stone, brick",No,0.0,0.0,0.0,0.0,-42.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1204526,451014,Cash loans,,0.0,0.0,,,MONDAY,16,Y,1,,,,XNA,Refused,-208,XNA,HC,,Repeater,XNA,XNA,XNA,Contact center,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,67500.0,450000.0,22018.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.015221,-16475,-3415,-5451.0,-15,,1,1,0,1,0,0,,2.0,2,2,SATURDAY,12,0,0,0,1,1,0,School,,0.2372987659591537,0.2512394458905693,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1377.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1635759,368910,Cash loans,21786.075,333000.0,379152.0,,333000.0,FRIDAY,15,Y,1,,,,XNA,Approved,-625,XNA,XAP,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,36.0,high,Cash X-Sell: high,365243.0,-595.0,455.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,2,135000.0,364896.0,22302.0,315000.0,Family,Working,Secondary / secondary special,Married,Rented apartment,0.030755,-11806,-3217,-2697.0,-2712,,1,1,0,1,0,0,Laborers,4.0,2,2,SUNDAY,14,0,0,0,0,0,0,Industry: type 3,0.32600417875189314,0.7192910559514982,0.6430255641096323,0.0175,0.0363,0.9712,,,0.0,0.069,0.0833,,0.0248,,0.0193,,0.0115,0.0179,0.0377,0.9712,,,0.0,0.069,0.0833,,0.0254,,0.0202,,0.0121,0.0177,0.0363,0.9712,,,0.0,0.069,0.0833,,0.0252,,0.0197,,0.0117,,block of flats,0.0268,Others,No,0.0,0.0,0.0,0.0,-1090.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2224072,101689,Cash loans,,0.0,0.0,,,TUESDAY,9,Y,1,,,,XNA,Refused,-262,XNA,HC,,Repeater,XNA,XNA,XNA,Contact center,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,N,0,301500.0,900000.0,38133.0,900000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.018209,-21601,365243,-7210.0,-4019,,1,0,0,1,0,0,,1.0,3,3,FRIDAY,8,0,0,0,1,0,0,XNA,0.7331785260590857,0.5963707423703652,0.2707073872651806,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-665.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2260203,377856,Consumer loans,18380.34,165366.0,148828.5,16537.5,165366.0,SUNDAY,12,Y,1,0.1089150182570233,,,XAP,Approved,-1361,Cash through the bank,XAP,"Spouse, partner",Repeater,Computers,POS,XNA,Stone,235,Consumer electronics,9.0,low_normal,POS household with interest,365243.0,-1328.0,-1088.0,-1088.0,-1081.0,0.0,1,Cash loans,F,Y,Y,0,157500.0,1314000.0,38421.0,1314000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.019688999999999998,-11408,-1723,-2477.0,-2478,8.0,1,1,0,1,1,1,Core staff,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Kindergarten,0.4492712164137668,0.5669495647869836,0.5620604831738043,0.0928,0.0973,0.9811,0.7416,0.0106,0.0,0.2069,0.1667,0.2083,0.0242,0.0756,0.0774,0.0,0.0,0.0945,0.1009,0.9811,0.7517,0.0107,0.0,0.2069,0.1667,0.2083,0.0248,0.0826,0.0807,0.0,0.0,0.0937,0.0973,0.9811,0.7451,0.0106,0.0,0.2069,0.1667,0.2083,0.0247,0.077,0.0788,0.0,0.0,reg oper account,block of flats,0.0609,Panel,No,1.0,0.0,1.0,0.0,-1705.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1397227,364034,Cash loans,33330.69,900000.0,1004544.0,,900000.0,TUESDAY,15,Y,1,,,,XNA,Refused,-1433,Cash through the bank,LIMIT,Family,Refreshed,XNA,Cash,walk-in,AP+ (Cash loan),-1,XNA,48.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,Y,Y,2,315000.0,315000.0,33925.5,315000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.00702,-15101,-6053,-2101.0,-4420,11.0,1,1,1,1,1,0,Managers,4.0,2,2,SUNDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.5423111543033927,0.7036042577496636,,0.1216,0.1636,0.9806,0.7348,0.0176,0.0,0.2759,0.1667,0.0,0.0851,0.0992,0.1047,0.0,0.0,0.1239,0.1698,0.9806,0.7452,0.0177,0.0,0.2759,0.1667,0.0,0.0871,0.1084,0.1091,0.0,0.0,0.1228,0.1636,0.9806,0.7383,0.0177,0.0,0.2759,0.1667,0.0,0.0866,0.1009,0.1066,0.0,0.0,org spec account,block of flats,0.0918,"Stone, brick",No,3.0,0.0,3.0,0.0,-1427.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1242735,313920,Revolving loans,11250.0,0.0,450000.0,,,SATURDAY,11,N,0,,,,XAP,Refused,-851,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,1,67500.0,152820.0,12204.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-14117,-718,-880.0,-2296,,1,1,0,1,0,0,Core staff,3.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Kindergarten,0.4136894628860395,0.6732706850286138,0.30620229831350426,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1114.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,7.0 +2385931,385380,Consumer loans,6315.39,52290.0,57465.0,0.0,52290.0,TUESDAY,14,Y,1,0.0,,,XAP,Approved,-2430,XNA,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Regional / Local,93,Consumer electronics,12.0,high,POS household with interest,365243.0,-2396.0,-2066.0,-2066.0,-2061.0,1.0,0,Cash loans,F,Y,Y,1,157500.0,900000.0,43429.5,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.028663,-11439,-956,-267.0,-3953,2.0,1,1,1,1,0,0,Core staff,3.0,2,2,WEDNESDAY,12,0,0,0,0,1,1,Self-employed,0.351979782302969,0.16891588802071786,0.4614823912998385,0.0309,0.0567,0.9856,,,0.0,0.0345,0.125,,0.0124,,0.0203,,0.0511,0.0315,0.0589,0.9856,,,0.0,0.0345,0.125,,0.0127,,0.0211,,0.0541,0.0312,0.0567,0.9856,,,0.0,0.0345,0.125,,0.0126,,0.0206,,0.0522,,block of flats,0.027000000000000003,"Stone, brick",No,3.0,0.0,3.0,0.0,-1540.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1945618,127523,Consumer loans,16988.265,94050.0,84645.0,9405.0,94050.0,WEDNESDAY,11,Y,1,0.1089090909090909,,,XAP,Approved,-2742,XNA,XAP,,Repeater,Furniture,POS,XNA,Stone,247,Furniture,6.0,low_normal,POS industry with interest,365243.0,-2710.0,-2560.0,-2560.0,-2549.0,0.0,0,Cash loans,F,N,Y,0,103500.0,178290.0,17496.0,157500.0,Family,Pensioner,Higher education,Widow,House / apartment,0.02461,-24677,365243,-2357.0,-4455,,1,0,0,1,0,0,,1.0,2,2,MONDAY,13,0,0,0,0,0,0,XNA,,0.6752638412243441,0.4902575124990026,0.1118,0.0382,0.9955,0.9388,0.0,0.096,0.0414,0.6667,0.7083,0.0718,0.079,0.1397,0.0,0.0258,0.1008,0.0396,0.996,0.9412,0.0,0.0806,0.0345,0.6667,0.7083,0.042,0.0863,0.1244,0.0,0.0,0.0999,0.0382,0.996,0.9396,0.0,0.08,0.0345,0.6667,0.7083,0.0681,0.0804,0.1222,0.0,0.0286,org spec account,block of flats,0.159,"Stone, brick",No,0.0,0.0,0.0,0.0,-627.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,2.0,5.0 +2735883,151242,Cash loans,9117.54,112500.0,134775.0,,112500.0,FRIDAY,9,Y,1,,,,Other,Refused,-349,XNA,HC,,Repeater,XNA,Cash,walk-in,Country-wide,18,Connectivity,36.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,117000.0,675000.0,22437.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-21514,365243,-157.0,-1883,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,8,0,0,0,0,0,0,XNA,,0.5421443521160818,0.34090642641523844,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-726.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,7.0 +1374326,377477,Consumer loans,23155.92,145305.0,129240.0,29061.0,145305.0,FRIDAY,8,Y,1,0.199936013727588,,,XAP,Approved,-776,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,129,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-745.0,-595.0,-595.0,-585.0,0.0,0,Cash loans,F,N,Y,0,157500.0,239850.0,28462.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-12329,-2853,-5118.0,-4381,,1,1,1,1,1,0,Secretaries,2.0,3,2,THURSDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.5708250485437341,0.3950622271285701,0.29708661164720285,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,10.0,0.0,10.0,0.0,-2133.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2468290,420035,Cash loans,12303.0,112500.0,112500.0,0.0,112500.0,WEDNESDAY,9,Y,1,0.0,,,XNA,Refused,-2448,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,M,Y,Y,0,135000.0,427365.0,31405.5,396000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.016612000000000002,-10598,-352,-4668.0,-3147,28.0,1,1,0,1,1,0,Drivers,1.0,2,2,MONDAY,12,0,0,0,0,0,0,Government,0.6709909479749834,0.5192740689484122,0.2851799046358216,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2411.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2598029,128106,Consumer loans,9514.17,54261.0,45198.0,10854.0,54261.0,FRIDAY,15,Y,1,0.21089332632685226,,,XAP,Approved,-1202,Cash through the bank,XAP,,New,Photo / Cinema Equipment,POS,XNA,Country-wide,53,Connectivity,5.0,low_normal,POS mobile without interest,365243.0,-1166.0,-1046.0,-1046.0,-1039.0,0.0,1,Cash loans,F,N,Y,0,135000.0,521280.0,28408.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-8741,-106,-3253.0,-959,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,9,0,0,0,1,1,0,Agriculture,0.69752310709929,0.3919674097902954,0.24318648044201235,0.0088,,0.9816,,,0.0,0.0517,0.0208,,,,0.006999999999999999,,0.0,0.0011,,0.9757,,,0.0,0.0345,0.0,,,,0.0012,,0.0,0.0088,,0.9816,,,0.0,0.0517,0.0208,,,,0.0072,,0.0,,block of flats,0.0009,Wooden,No,5.0,2.0,5.0,2.0,-877.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,9.0 +1485171,265310,Cash loans,8267.895,67500.0,71955.0,0.0,67500.0,WEDNESDAY,8,Y,1,0.0,,,XNA,Approved,-2120,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,high,Cash Street: high,365243.0,-2090.0,-1760.0,-1820.0,-1815.0,1.0,0,Cash loans,F,N,Y,0,202500.0,751842.0,33246.0,607500.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.010966,-14399,-3480,-6935.0,-4366,,1,1,0,1,0,0,Core staff,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,Legal Services,0.7535431898047438,0.5934195660041517,0.8396980847302156,,0.0837,0.9841,0.7824,,0.0,0.2069,0.1667,0.2083,,,0.076,0.0077,,,0.0868,0.9841,0.7909,,0.0,0.2069,0.1667,0.2083,,,0.0792,0.0078,,,0.0837,0.9841,0.7853,,0.0,0.2069,0.1667,0.2083,,,0.0774,0.0078,,org spec account,block of flats,0.0639,Others,No,3.0,0.0,3.0,0.0,-1664.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1998156,140383,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,10,Y,1,,,,XAP,Approved,-197,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,F,N,Y,2,108000.0,381528.0,17914.5,315000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-13422,-4646,-519.0,-4782,,1,1,0,1,0,0,Cleaning staff,4.0,2,2,THURSDAY,16,0,0,0,0,0,0,Other,,0.4347407350554506,0.6195277080511546,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,2.0,0.0,2.0,0.0,-310.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2114042,348883,Consumer loans,4546.755,36670.5,38272.5,1845.0,36670.5,WEDNESDAY,17,Y,1,0.050087187069800636,,,XAP,Approved,-2258,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,54,Connectivity,12.0,high,POS mobile with interest,365243.0,-2227.0,-1897.0,-1897.0,-1890.0,0.0,0,Cash loans,F,Y,Y,0,184500.0,360000.0,17446.5,360000.0,Family,Working,Secondary / secondary special,Married,Municipal apartment,0.028663,-20730,-535,-270.0,-4268,20.0,1,1,0,1,0,0,Accountants,2.0,2,2,SUNDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.7532049358098746,0.6769925032909132,0.0478,0.0,0.9851,0.7824,0.0124,0.0,0.069,0.075,0.0692,0.0403,0.0639,0.0308,0.0019,0.0003,0.0168,0.0,0.9861,0.7256,0.0017,0.0,0.069,0.0417,0.0833,0.0172,0.0147,0.013,0.0,0.0,0.025,0.0,0.9861,0.8121,0.0125,0.0,0.069,0.0417,0.0833,0.029,0.065,0.0169,0.0019,0.0,reg oper account,block of flats,0.0235,"Stone, brick",No,13.0,0.0,13.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1016458,237959,Cash loans,17856.72,504000.0,504000.0,,504000.0,WEDNESDAY,17,Y,1,,,,XNA,Refused,-707,XNA,HC,,Repeater,XNA,Cash,x-sell,Regional / Local,1000,Consumer electronics,60.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,81000.0,513000.0,22725.0,513000.0,Children,Pensioner,Secondary / secondary special,Married,House / apartment,0.009175,-20892,365243,-4513.0,-2007,,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,XNA,,0.6630115168970956,0.6127042441012546,0.0701,0.0827,0.9776,,,0.0,0.1379,0.1667,,0.0513,,0.0638,,0.0076,0.0714,0.0858,0.9777,,,0.0,0.1379,0.1667,,0.0525,,0.0665,,0.008,0.0708,0.0827,0.9776,,,0.0,0.1379,0.1667,,0.0522,,0.065,,0.0078,,block of flats,0.0519,"Stone, brick",No,0.0,0.0,0.0,0.0,-345.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,7.0 +2683550,269350,Consumer loans,5189.85,55719.0,50143.5,5575.5,55719.0,WEDNESDAY,10,Y,1,0.1089794569830105,,,XAP,Approved,-2291,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Stone,42,Consumer electronics,12.0,middle,POS household with interest,365243.0,-2259.0,-1929.0,-1929.0,-1923.0,0.0,1,Cash loans,M,Y,N,0,180000.0,900000.0,45954.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-16046,-565,-639.0,-4858,9.0,1,1,1,1,0,1,Laborers,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.399853422484412,0.4205258850293776,0.3842068130556564,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-564.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1948094,176889,Consumer loans,6569.28,49896.0,34924.5,14971.5,49896.0,SATURDAY,12,Y,1,0.32678620621802434,,,XAP,Approved,-949,Cash through the bank,XAP,Unaccompanied,New,Jewelry,POS,XNA,Stone,50,Industry,6.0,middle,POS industry with interest,365243.0,-918.0,-768.0,-768.0,-759.0,0.0,0,Cash loans,F,N,Y,0,202500.0,132444.0,13099.5,117000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-16216,-3367,-5990.0,-4221,,1,1,0,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,Self-employed,,0.22359319175218306,,0.1237,0.11,0.9767,0.6804,0.0135,0.0,0.2069,0.1667,0.2083,0.0963,0.1,0.1156,0.0039,0.0032,0.1261,0.1142,0.9767,0.6929,0.0136,0.0,0.2069,0.1667,0.2083,0.0985,0.1093,0.1205,0.0039,0.0034,0.1249,0.11,0.9767,0.6847,0.0135,0.0,0.2069,0.1667,0.2083,0.098,0.1018,0.1177,0.0039,0.0033,reg oper spec account,block of flats,0.099,Panel,No,3.0,1.0,3.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1601771,243252,Consumer loans,,57195.0,57195.0,,57195.0,THURSDAY,9,Y,1,,,,XAP,Refused,-1323,Non-cash from your account,LIMIT,,Repeater,Mobile,XNA,XNA,Country-wide,55,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Revolving loans,F,N,Y,1,90000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009656999999999999,-12244,-194,-5503.0,-700,,1,1,0,1,0,0,Core staff,3.0,2,2,THURSDAY,12,0,0,0,0,0,0,Self-employed,0.7761313136786114,0.4778044832257041,0.4686596550493113,0.0619,0.0478,0.9742,,,0.0,0.1034,0.1667,,0.0361,,0.0486,,0.0,0.063,0.0496,0.9742,,,0.0,0.1034,0.1667,,0.0369,,0.0506,,0.0,0.0625,0.0478,0.9742,,,0.0,0.1034,0.1667,,0.0367,,0.0494,,0.0,,block of flats,0.0409,"Stone, brick",No,0.0,0.0,0.0,0.0,-403.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2631080,301319,Cash loans,45506.025,1129500.0,1227901.5,,1129500.0,MONDAY,10,Y,1,,,,XNA,Approved,-481,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_action,Cash X-Sell: low,365243.0,-446.0,604.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,135000.0,352044.0,13401.0,247500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018801,-19279,-3125,-7334.0,-291,,1,1,0,1,0,0,Sales staff,3.0,2,2,SATURDAY,10,0,0,0,0,0,0,Trade: type 7,,0.5935461850531463,0.6940926425266661,0.066,,0.9737,,,,0.1379,0.1667,,0.0493,,0.0528,,0.0442,0.0672,,0.9737,,,,0.1379,0.1667,,0.0505,,0.055,,0.0468,0.0666,,0.9737,,,,0.1379,0.1667,,0.0502,,0.0538,,0.0451,reg oper account,block of flats,0.0511,"Stone, brick",No,0.0,0.0,0.0,0.0,-2444.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1569744,427453,Revolving loans,4500.0,90000.0,90000.0,,90000.0,WEDNESDAY,6,Y,1,,,,XAP,Approved,-266,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-263.0,-223.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,F,N,N,0,90000.0,436032.0,21208.5,360000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.018801,-9875,-976,-4580.0,-2563,,1,1,1,1,0,0,Sales staff,1.0,2,2,WEDNESDAY,11,0,0,0,1,1,0,Self-employed,0.14020677361059547,0.5442930645167376,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-564.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2751726,362909,Consumer loans,5361.975,33745.5,32373.0,3375.0,33745.5,SUNDAY,11,Y,1,0.1028220269156825,,,XAP,Approved,-1349,XNA,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Stone,28,Connectivity,8.0,high,POS mobile with interest,365243.0,-1313.0,-1103.0,-1103.0,-1097.0,0.0,0,Cash loans,M,N,Y,0,85500.0,675000.0,21906.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.01885,-12984,-4641,-7066.0,-4056,,1,1,1,1,1,1,Security staff,1.0,2,2,FRIDAY,9,0,0,0,0,0,0,Business Entity Type 2,0.10385753196286512,0.3607945552181375,0.2608559142068693,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1204911,363926,Consumer loans,6170.535,33336.0,30262.5,4500.0,33336.0,FRIDAY,11,Y,1,0.1409826419535157,,,XAP,Approved,-1473,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,6.0,high,POS mobile with interest,365243.0,-1439.0,-1289.0,-1289.0,-1282.0,0.0,0,Cash loans,F,N,Y,0,112500.0,1125000.0,33025.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,Office apartment,0.022625,-15953,-9329,-6943.0,-2405,,1,1,1,1,0,1,Laborers,2.0,2,2,MONDAY,14,0,0,0,0,1,1,Business Entity Type 3,0.4658317770164514,0.5589816741409573,0.8327850252992314,0.067,,0.9906,,,0.0,0.0345,0.1667,,0.0131,,0.0476,,0.0149,0.0683,,0.9906,,,0.0,0.0345,0.1667,,0.0134,,0.0496,,0.0158,0.0677,,0.9906,,,0.0,0.0345,0.1667,,0.0133,,0.0485,,0.0153,,block of flats,0.0487,"Stone, brick",No,0.0,0.0,0.0,0.0,-1812.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1074654,172119,Consumer loans,6121.17,133249.5,135724.5,0.0,133249.5,SUNDAY,11,Y,1,0.0,,,XAP,Approved,-1389,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,939,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1358.0,-668.0,-668.0,-660.0,0.0,0,Cash loans,F,N,N,0,121500.0,636138.0,18729.0,531000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.030755,-21105,365243,-121.0,-4653,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,XNA,0.6829477136327391,0.5517243516237319,0.5172965813614878,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1389.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1377337,184647,Consumer loans,7047.0,43353.0,36513.0,8671.5,43353.0,THURSDAY,10,Y,1,0.2090108736000579,,,XAP,Approved,-1240,Cash through the bank,XAP,Unaccompanied,New,Photo / Cinema Equipment,POS,XNA,Country-wide,35,Connectivity,6.0,high,POS mobile with interest,365243.0,-1209.0,-1059.0,-1059.0,-1055.0,0.0,0,Cash loans,F,N,Y,0,135000.0,187659.0,21352.5,162000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.002506,-12061,-2061,-4392.0,-1669,,1,1,0,1,0,0,Laborers,1.0,2,2,FRIDAY,8,0,0,0,0,0,0,Restaurant,0.5064089045013399,0.4194338766254377,0.8193176922872417,0.0619,0.0632,0.9821,,,0.0,0.1379,0.1667,,,,0.0537,,0.0,0.063,0.0655,0.9821,,,0.0,0.1379,0.1667,,,,0.056,,0.0,0.0625,0.0632,0.9821,,,0.0,0.1379,0.1667,,,,0.0547,,0.0,,block of flats,0.047,Panel,No,1.0,0.0,1.0,0.0,-565.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2253537,131339,Consumer loans,8576.775,107199.0,75037.5,32161.5,107199.0,WEDNESDAY,15,Y,1,0.3267455598720816,,,XAP,Approved,-2444,Cash through the bank,XAP,Unaccompanied,New,Other,POS,XNA,Stone,12,Construction,10.0,middle,POS industry with interest,365243.0,-2402.0,-2132.0,-2132.0,-2125.0,0.0,0,Cash loans,F,N,Y,0,133650.0,254700.0,14350.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.04622,-24025,365243,-14093.0,-4070,,1,0,0,1,1,0,,1.0,1,1,THURSDAY,15,0,0,0,0,0,0,XNA,,0.4494911611559818,0.6109913280868294,0.0639,0.0497,0.9737,0.6396,0.0216,0.0,0.1034,0.1667,0.2083,0.0,0.0504,0.0335,0.0077,0.0544,0.0651,0.0516,0.9737,0.6537,0.0218,0.0,0.1034,0.1667,0.2083,0.0,0.0551,0.0349,0.0078,0.0576,0.0645,0.0497,0.9737,0.6444,0.0218,0.0,0.1034,0.1667,0.2083,0.0,0.0513,0.0341,0.0078,0.0555,reg oper account,block of flats,0.0382,"Stone, brick",No,0.0,0.0,0.0,0.0,-1540.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1789221,199456,Consumer loans,5625.9,26955.0,25326.0,2695.5,26955.0,SUNDAY,11,Y,1,0.10476400426296044,,,XAP,Approved,-888,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,100,Consumer electronics,5.0,middle,POS household with interest,365243.0,-845.0,-725.0,-725.0,-719.0,0.0,0,Cash loans,F,N,N,1,202500.0,337500.0,18436.5,337500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.026392000000000002,-11118,-756,-477.0,-2076,,1,1,0,1,1,0,High skill tech staff,3.0,2,2,SATURDAY,14,0,0,0,0,0,0,Trade: type 7,,0.6776233838322611,0.248535557339522,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1633.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1443409,392874,Revolving loans,2250.0,45000.0,45000.0,,45000.0,THURSDAY,12,Y,1,,,,XAP,Approved,-322,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),14,XNA,0.0,XNA,Card Street,-290.0,-246.0,365243.0,-154.0,-160.0,0.0,0,Cash loans,M,Y,Y,0,157500.0,900000.0,46084.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-19607,-7806,-6859.0,-3109,9.0,1,1,0,1,0,1,Managers,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,Self-employed,,0.6800833448782087,0.5867400085415683,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-812.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,3.0 +2014222,206865,Consumer loans,3209.49,31455.0,27153.0,6750.0,31455.0,SUNDAY,20,Y,1,0.2168351955981369,,,XAP,Approved,-1804,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,48,Connectivity,12.0,high,POS mobile with interest,365243.0,-1770.0,-1440.0,-1500.0,-1496.0,0.0,0,Cash loans,F,Y,N,1,225000.0,1129500.0,33025.5,1129500.0,Family,Working,Higher education,Married,House / apartment,0.032561,-17057,-38,-3724.0,-553,7.0,1,1,0,1,1,0,Managers,3.0,1,1,THURSDAY,19,0,0,0,0,0,0,Business Entity Type 3,0.8523498718499033,0.7294499405859021,0.6577838002083306,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1804.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2174085,436529,Consumer loans,4550.67,44685.0,44878.5,4455.0,44685.0,SATURDAY,17,Y,1,0.098348992064216,,,XAP,Approved,-1371,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,14.0,high,POS mobile with interest,365243.0,-1330.0,-940.0,-940.0,-921.0,0.0,1,Cash loans,M,N,Y,0,135000.0,509400.0,40374.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.007120000000000001,-10508,-579,-4614.0,-3185,,1,1,0,1,0,1,Low-skill Laborers,1.0,2,2,FRIDAY,9,0,0,0,0,0,0,Business Entity Type 2,,0.04535192295690455,0.09950368352887068,0.1134,0.1173,0.9796,0.7212,0.0552,0.0,0.2759,0.1667,0.2083,0.0776,0.0916,0.1153,0.0039,0.0039,0.1155,0.1217,0.9796,0.7321,0.0557,0.0,0.2759,0.1667,0.2083,0.0794,0.1001,0.1201,0.0039,0.0042,0.1145,0.1173,0.9796,0.7249,0.0555,0.0,0.2759,0.1667,0.2083,0.079,0.0932,0.1174,0.0039,0.004,reg oper spec account,block of flats,0.1217,Panel,No,0.0,0.0,0.0,0.0,-239.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1808398,357609,Consumer loans,16778.115,360000.0,377460.0,36000.0,360000.0,SATURDAY,8,Y,1,0.0948272450231527,,,XAP,Refused,-369,Cash through the bank,LIMIT,,Repeater,Clothing and Accessories,POS,XNA,Regional / Local,640,Clothing,30.0,low_normal,POS industry with interest,,,,,,,0,Cash loans,M,N,Y,1,315000.0,619965.0,20128.5,517500.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,With parents,0.008068,-14052,-104,-2640.0,-4791,,1,1,0,1,0,0,Drivers,3.0,3,3,THURSDAY,9,0,0,0,1,1,0,Construction,,0.11308687444238348,0.4329616670974407,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2215.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2764726,267425,Consumer loans,15000.3,136503.0,136503.0,0.0,136503.0,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-552,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,60,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-517.0,-247.0,-247.0,-243.0,0.0,0,Cash loans,F,N,Y,1,216000.0,1096020.0,56092.5,900000.0,Unaccompanied,Working,Higher education,Married,Office apartment,0.018029,-10097,-1365,-4950.0,-1284,,1,1,0,1,0,1,Core staff,3.0,3,3,FRIDAY,7,0,0,0,0,0,0,Business Entity Type 3,0.21355900462200805,0.1431871684600415,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1693150,197243,Consumer loans,16533.09,359415.0,287532.0,71883.0,359415.0,FRIDAY,8,Y,1,0.2178181818181818,,,XAP,Approved,-2225,Cash through the bank,XAP,Family,New,Medical Supplies,POS,XNA,Country-wide,141,Construction,24.0,middle,POS other with interest,365243.0,-2191.0,-1501.0,-1531.0,-1523.0,0.0,0,Cash loans,M,Y,Y,0,108000.0,558486.0,29884.5,517500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-23059,365243,-5466.0,-4607,15.0,1,0,0,1,0,0,,2.0,2,2,THURSDAY,8,0,0,0,0,0,0,XNA,,0.636693657318655,,0.1247,0.1122,0.9801,0.728,0.0764,0.08,0.1607,0.2221,0.375,0.0719,0.1782,0.1093,0.0193,0.0149,0.0588,0.1164,0.9806,0.7387,0.0771,0.0,0.1379,0.1667,0.375,0.068,0.1947,0.0549,0.0195,0.0,0.0937,0.1122,0.9806,0.7316,0.0769,0.08,0.1379,0.1667,0.375,0.0732,0.1813,0.0774,0.0194,0.0,reg oper account,block of flats,0.2081,Panel,No,0.0,0.0,0.0,0.0,-2225.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2257751,209779,Cash loans,11826.225,229500.0,329238.0,,229500.0,SATURDAY,14,Y,1,,,,XNA,Approved,-1082,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-1052.0,358.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,90000.0,641173.5,23157.0,553500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.01885,-20258,365243,-8836.0,-3102,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,XNA,,0.6599412977260477,0.8327850252992314,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2252.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,2.0 +2839238,107616,Cash loans,27449.82,450000.0,491580.0,,450000.0,WEDNESDAY,17,Y,1,,,,XNA,Approved,-379,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,Y,Y,1,315000.0,675000.0,53460.0,675000.0,Unaccompanied,Commercial associate,Higher education,Separated,With parents,0.008625,-12346,-986,-6068.0,-1787,8.0,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.3152801554938419,0.3296550543128238,0.0619,0.0485,0.9831,0.7688,0.0072,0.0,0.1379,0.1667,0.2083,0.0338,0.0504,0.0558,0.0,0.0,0.063,0.0504,0.9831,0.7779,0.0073,0.0,0.1379,0.1667,0.2083,0.0346,0.0551,0.0582,0.0,0.0,0.0625,0.0485,0.9831,0.7719,0.0073,0.0,0.1379,0.1667,0.2083,0.0344,0.0513,0.0568,0.0,0.0,reg oper account,block of flats,0.0479,Panel,No,0.0,0.0,0.0,0.0,-728.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2090503,201115,Consumer loans,8828.64,80100.0,73633.5,13500.0,80100.0,FRIDAY,11,Y,1,0.16873793974449855,,,XAP,Approved,-979,XNA,XAP,Family,Refreshed,Furniture,POS,XNA,Stone,50,Furniture,12.0,high,POS industry with interest,365243.0,-945.0,-615.0,-615.0,-604.0,0.0,0,Cash loans,F,Y,Y,0,135000.0,900000.0,35694.0,900000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.028663,-21699,365243,-11392.0,-4472,3.0,1,0,0,1,1,0,,1.0,2,2,THURSDAY,8,0,0,0,0,0,0,XNA,0.663422861316042,0.66772939750934,0.6528965519806539,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-581.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2028725,296789,Consumer loans,7169.49,64300.5,64300.5,0.0,64300.5,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-1034,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Stone,200,Consumer electronics,12.0,high,POS household with interest,365243.0,-998.0,-668.0,-668.0,-662.0,0.0,0,Cash loans,F,Y,Y,1,315000.0,1314000.0,47326.5,1314000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.026392000000000002,-14828,-4241,-7737.0,-4099,3.0,1,1,0,1,0,0,Medicine staff,2.0,2,2,FRIDAY,11,0,0,0,0,1,1,Medicine,0.3799231432795331,0.5926859869669572,,0.1237,0.1158,0.9821,,,0.0,,0.1667,,0.1148,,0.071,,,0.1261,0.1201,0.9821,,,0.0,,0.1667,,0.1174,,0.07400000000000001,,,0.1249,0.1158,0.9821,,,0.0,,0.1667,,0.1168,,0.0723,,,,block of flats,0.0818,Panel,No,0.0,0.0,0.0,0.0,-1136.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2745202,195994,Consumer loans,17223.48,62775.0,64984.5,0.0,62775.0,TUESDAY,13,Y,1,0.0,,,XAP,Approved,-947,Cash through the bank,XAP,"Spouse, partner",Refreshed,Construction Materials,POS,XNA,Stone,150,Furniture,4.0,low_normal,POS industry with interest,365243.0,-914.0,-824.0,-824.0,-816.0,0.0,0,Cash loans,M,Y,Y,0,157500.0,1288350.0,37800.0,1125000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-23519,365243,-1486.0,-4272,40.0,1,0,0,1,0,0,,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,XNA,,0.659636967015962,0.8106180215523969,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-277.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1684810,211539,Revolving loans,2250.0,45000.0,45000.0,,45000.0,TUESDAY,16,Y,1,,,,XAP,Approved,-290,XNA,XAP,,Repeater,XNA,Cards,walk-in,Country-wide,44,Connectivity,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,1,81000.0,188460.0,9994.5,135000.0,Children,Working,Secondary / secondary special,Married,House / apartment,0.009334,-10983,-240,-2789.0,-444,,1,1,0,1,0,0,,3.0,2,2,FRIDAY,12,0,0,0,1,1,0,Government,,0.6808203424146194,0.7981372313187245,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1764.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1260806,419222,Consumer loans,24308.325,124191.0,130747.5,0.0,124191.0,TUESDAY,16,Y,1,0.0,,,XAP,Approved,-649,Cash through the bank,XAP,,New,Photo / Cinema Equipment,POS,XNA,Country-wide,2222,Consumer electronics,6.0,middle,POS household with interest,365243.0,-618.0,-468.0,-528.0,-511.0,0.0,0,Cash loans,F,N,Y,0,252000.0,872415.0,58536.0,823500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.010006000000000001,-19444,365243,-5366.0,-2980,,1,0,0,1,1,0,,1.0,2,1,SUNDAY,10,0,0,0,0,0,0,XNA,,0.7066415054376997,,0.3454,0.226,0.9866,0.8164,0.1083,0.4,0.3448,0.3333,0.375,0.2545,0.2749,0.3486,0.0309,0.1463,0.3519,0.2345,0.9866,0.8236,0.1093,0.4028,0.3448,0.3333,0.375,0.2603,0.3003,0.3632,0.0311,0.1549,0.3487,0.226,0.9866,0.8189,0.109,0.4,0.3448,0.3333,0.375,0.2589,0.2796,0.3549,0.0311,0.1494,reg oper account,block of flats,0.3652,Panel,No,0.0,0.0,0.0,0.0,-649.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1604321,132572,Revolving loans,9000.0,0.0,180000.0,,,SATURDAY,13,Y,1,,,,XAP,Approved,-2510,XNA,XAP,,Repeater,XNA,Cards,x-sell,Stone,2500,Consumer electronics,0.0,XNA,Card X-Sell,-2510.0,-2432.0,365243.0,-2371.0,365243.0,0.0,0,Cash loans,M,Y,N,1,225000.0,904500.0,40347.0,904500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00702,-14212,-1062,-1230.0,-2771,5.0,1,1,1,1,0,0,,3.0,2,2,MONDAY,16,0,0,0,0,0,0,Construction,,0.40968479664288393,0.5762088360175724,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2721.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2703090,190003,Consumer loans,17891.325,152860.5,149256.0,17860.5,152860.5,MONDAY,16,Y,1,0.11639609602773025,,,XAP,Approved,-752,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,58,Connectivity,12.0,high,POS mobile with interest,365243.0,-713.0,-383.0,-683.0,-676.0,0.0,0,Cash loans,F,Y,Y,1,180000.0,509400.0,34173.0,450000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.0228,-17017,-4484,-8504.0,-546,4.0,1,1,0,1,0,0,Accountants,3.0,2,2,THURSDAY,15,0,0,0,0,0,0,Construction,,0.6036602685045408,0.33125086459090186,0.0186,0.0741,0.9836,0.7756,0.0,0.0,0.0345,0.0417,0.0833,0.0199,0.0227,0.0099,0.0,0.0,0.0126,0.0769,0.9836,0.7844,0.0,0.0,0.0345,0.0417,0.0833,0.0203,0.0248,0.0069,0.0,0.0,0.0156,0.0741,0.9836,0.7786,0.0,0.0,0.0345,0.0417,0.0833,0.0202,0.0231,0.0078,0.0,0.0,not specified,block of flats,0.0067,"Stone, brick",No,0.0,0.0,0.0,0.0,-2280.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1116047,295668,Cash loans,20458.305,360000.0,436032.0,,360000.0,WEDNESDAY,11,Y,1,,,,XNA,Refused,-121,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,Y,Y,0,225000.0,755190.0,56592.0,675000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.003069,-15965,-2940,-1666.0,-4701,15.0,1,1,0,1,0,0,Managers,2.0,3,3,FRIDAY,14,0,0,0,0,0,0,Self-employed,,0.6348707183665275,0.5954562029091491,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-924.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2457490,116959,Cash loans,,0.0,0.0,,,WEDNESDAY,8,Y,1,,,,XNA,Refused,-282,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,135000.0,202500.0,7713.0,202500.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.028663,-20900,365243,-10556.0,-4455,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,17,0,0,0,0,0,0,XNA,,0.6050563418391851,0.5884877883422673,0.0124,0.0068,0.9702,0.5920000000000001,0.0019,0.0,0.069,0.0417,0.0833,0.0209,0.0101,0.0142,0.0,0.0,0.0126,0.0071,0.9702,0.608,0.0019,0.0,0.069,0.0417,0.0833,0.0214,0.011,0.0148,0.0,0.0,0.0125,0.0068,0.9702,0.5975,0.0019,0.0,0.069,0.0417,0.0833,0.0213,0.0103,0.0145,0.0,0.0,reg oper account,block of flats,0.0124,Block,No,1.0,0.0,1.0,0.0,-626.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1648639,100307,Consumer loans,15571.935,143865.0,140161.5,14386.5,143865.0,SUNDAY,16,Y,1,0.10138084196260297,,,XAP,Approved,-2696,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,-1,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2665.0,-2395.0,-2485.0,-2479.0,1.0,0,Cash loans,M,N,Y,0,225000.0,451804.5,35824.5,369000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.01885,-16546,-1480,-2196.0,-7,,1,1,0,1,0,0,Managers,2.0,2,2,MONDAY,11,0,1,1,0,1,1,Military,0.5725847271056428,0.6803211845067775,0.4489622731076524,0.2773,0.1882,0.9771,0.6872,,0.04,0.1724,0.3333,,,,0.2404,,0.0931,0.2826,0.1953,0.9772,0.6994,,0.0403,0.1724,0.3333,,,,0.2504,,0.0986,0.28,0.1882,0.9771,0.6914,,0.04,0.1724,0.3333,,,,0.2447,,0.0951,,block of flats,0.2093,,No,2.0,1.0,2.0,0.0,-745.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1978991,202233,Cash loans,44194.68,373500.0,390757.5,,373500.0,FRIDAY,11,Y,1,,,,XNA,Approved,-397,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-367.0,-37.0,-37.0,-31.0,1.0,0,Cash loans,M,Y,N,0,360000.0,534204.0,54868.5,495000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,Municipal apartment,0.032561,-15204,-1384,-2904.0,-5004,4.0,1,1,0,1,1,0,Managers,1.0,1,1,WEDNESDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.6085828657689478,0.7326102037214859,0.6212263380626669,0.378,0.2176,0.995,0.932,,0.4,0.2297,0.4583,0.25,0.1804,0.3082,0.3406,0.0,,0.1565,0.1536,0.9955,0.9412,,0.2014,0.1724,0.375,0.25,0.1279,0.1368,0.1911,0.0,,0.1582,0.1496,0.9955,0.9396,,0.2,0.1724,0.375,0.25,0.1287,0.13,0.1892,0.0,,reg oper account,block of flats,0.5284,Panel,No,0.0,0.0,0.0,0.0,-1727.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1812417,438895,Cash loans,22926.42,112500.0,116212.5,0.0,112500.0,THURSDAY,11,Y,1,0.0,,,Other,Approved,-2038,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,365243.0,-2008.0,-1858.0,-1858.0,-1853.0,1.0,0,Cash loans,F,N,Y,0,202500.0,1076247.0,42808.5,990000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-23712,365243,-5208.0,-2394,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,XNA,,0.5262516221252161,0.8203829585116356,0.16699999999999998,0.0,0.9767,0.6804,0.0513,0.0,0.0345,0.1667,0.0417,0.0734,0.1362,0.06,0.0,0.0856,0.1702,0.0,0.9767,0.6929,0.0518,0.0,0.0345,0.1667,0.0417,0.0751,0.1488,0.0625,0.0,0.0906,0.1686,0.0,0.9767,0.6847,0.0516,0.0,0.0345,0.1667,0.0417,0.0747,0.1385,0.0611,0.0,0.0874,reg oper account,block of flats,0.0939,"Stone, brick",No,7.0,0.0,7.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1419293,454753,Revolving loans,,0.0,0.0,,,FRIDAY,12,Y,1,,,,XAP,Refused,-508,XNA,HC,,Refreshed,XNA,XNA,XNA,Regional / Local,350,Consumer electronics,,XNA,Card Street,,,,,,,0,Cash loans,M,N,Y,0,112500.0,1288350.0,37800.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-22035,-2345,-8701.0,-4640,,1,1,0,1,0,0,Security staff,2.0,2,2,TUESDAY,13,0,0,0,0,1,1,Security,,0.26525634018619443,0.6690566947824041,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,0.0,8.0,0.0,-1971.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2214206,316338,Consumer loans,10640.79,90792.0,88452.0,9081.0,90792.0,SATURDAY,12,Y,1,0.10140193109465044,,,XAP,Approved,-2096,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Stone,19,Consumer electronics,10.0,middle,POS household with interest,365243.0,-2063.0,-1793.0,-1793.0,-1787.0,0.0,0,Cash loans,F,N,Y,0,202500.0,1350000.0,39474.0,1350000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.014519999999999996,-11931,-1469,-712.0,-1749,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Other,0.3985961998320821,0.2066564401807979,0.32173528219668485,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2096.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,9.0 +2296701,221476,Cash loans,27726.84,270000.0,284611.5,,270000.0,SATURDAY,10,Y,1,,,,XNA,Approved,-366,Cash through the bank,XAP,Children,Refreshed,XNA,Cash,x-sell,Contact center,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-336.0,-6.0,-6.0,365243.0,1.0,0,Cash loans,F,Y,N,2,58500.0,494550.0,45490.5,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.025164,-10073,-2114,-4696.0,-2748,15.0,1,1,0,1,0,0,,4.0,2,2,MONDAY,15,0,0,0,0,0,0,Other,0.6381491613206682,0.4098487509592458,,0.0186,0.0545,0.9851,0.7959999999999999,,0.0,0.1034,0.0417,,0.01,0.0151,0.0102,,0.0,0.0189,0.0566,0.9851,0.804,,0.0,0.1034,0.0417,,0.0103,0.0165,0.0107,,0.0,0.0187,0.0545,0.9851,0.7987,,0.0,0.1034,0.0417,,0.0102,0.0154,0.0104,,0.0,reg oper account,block of flats,0.0137,Block,No,0.0,0.0,0.0,0.0,-366.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,3.0 +2585514,281756,Consumer loans,3295.575,17955.0,16159.5,1795.5,17955.0,FRIDAY,17,Y,1,0.1089090909090909,,,XAP,Approved,-88,Cash through the bank,XAP,Unaccompanied,Refreshed,Mobile,POS,XNA,Stone,16,Connectivity,6.0,high,POS mobile with interest,365243.0,-46.0,104.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,126000.0,392427.0,14922.0,324000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.008473999999999999,-12296,-1121,-3659.0,-2883,,1,1,0,1,1,0,Accountants,3.0,2,2,TUESDAY,12,0,0,0,0,0,0,Police,0.4145795152681328,0.33583488624317714,0.6212263380626669,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1597454,288861,Consumer loans,12852.9,137700.0,137700.0,0.0,137700.0,THURSDAY,10,Y,1,0.0,,,XAP,Approved,-831,Cash through the bank,XAP,Unaccompanied,New,Furniture,POS,XNA,Stone,50,Furniture,12.0,low_normal,POS industry with interest,365243.0,-800.0,-470.0,-530.0,-527.0,0.0,0,Cash loans,F,Y,Y,0,90000.0,592560.0,28507.5,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.0228,-23208,365243,-5604.0,-4498,4.0,1,0,0,1,0,0,,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,,0.757363851913932,0.7407990879702335,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-831.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1295981,423267,Consumer loans,31488.795,299124.0,299124.0,0.0,299124.0,WEDNESDAY,14,Y,1,0.0,,,XAP,Approved,-426,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Stone,25,Furniture,10.0,low_action,POS industry without interest,365243.0,-395.0,-125.0,-155.0,-149.0,0.0,0,Cash loans,F,N,N,0,315000.0,450000.0,42642.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.01885,-13294,-296,-973.0,-4639,,1,1,0,1,0,0,,1.0,2,2,MONDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.6742560440721064,0.7503751495159068,0.0928,0.0994,0.9791,0.7144,0.0163,0.0,0.2069,0.1667,,0.0644,0.0756,0.0874,0.0,,0.0945,0.1032,0.9791,0.7256,0.0165,0.0,0.2069,0.1667,,0.0658,0.0826,0.0911,0.0,,0.0937,0.0994,0.9791,0.7182,0.0164,0.0,0.2069,0.1667,,0.0655,0.077,0.08900000000000001,0.0,,,block of flats,0.0777,Panel,No,0.0,0.0,0.0,0.0,-2708.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2012122,110392,Consumer loans,9995.22,65160.0,70893.0,0.0,65160.0,FRIDAY,10,Y,1,0.0,,,XAP,Approved,-435,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,40,Connectivity,10.0,high,POS mobile with interest,365243.0,-397.0,-127.0,-157.0,-153.0,0.0,0,Cash loans,F,N,Y,0,202500.0,1164667.5,34182.0,1017000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.006852,-8281,-311,-1549.0,-959,,1,1,0,1,0,0,Core staff,1.0,3,3,SATURDAY,10,0,0,0,0,1,1,Self-employed,,0.002990065009537994,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-186.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1418570,399495,Consumer loans,16292.79,149742.0,146623.5,14976.0,149742.0,THURSDAY,14,Y,1,0.10092992524448066,,,XAP,Approved,-616,XNA,XAP,,New,Clothing and Accessories,POS,XNA,Regional / Local,110,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-580.0,-310.0,-430.0,-424.0,0.0,0,Cash loans,F,N,Y,0,270000.0,1506816.0,47443.5,1350000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-14613,-7225,-4136.0,-4306,,1,1,1,1,0,0,Laborers,2.0,3,1,THURSDAY,13,0,0,0,0,0,0,Transport: type 4,,0.6519516545552231,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-616.0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2538492,220765,Consumer loans,9421.38,77566.5,85756.5,0.0,77566.5,FRIDAY,17,Y,1,0.0,,,XAP,Approved,-563,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Country-wide,1500,Consumer electronics,12.0,high,POS household with interest,365243.0,-532.0,-202.0,-352.0,-325.0,0.0,1,Cash loans,F,N,N,0,90000.0,152820.0,12204.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.00702,-8266,-723,-6132.0,-934,,1,1,1,1,1,0,,1.0,2,2,MONDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.2511795207995531,0.01410491196171129,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-563.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2224602,418877,Consumer loans,4143.195,34420.5,33475.5,4500.0,34420.5,MONDAY,8,Y,1,0.12905449805556454,,,XAP,Approved,-156,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,high,POS mobile with interest,365243.0,-126.0,204.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,3,112500.0,281493.0,19170.0,243000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.020713,-17984,-908,-658.0,-1519,,1,1,0,1,0,0,,5.0,3,3,WEDNESDAY,7,0,0,0,0,1,1,Business Entity Type 1,0.6215678835144521,0.4213680622092317,0.324891229465852,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-254.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1915029,195486,Consumer loans,11135.88,51439.5,54157.5,0.0,51439.5,WEDNESDAY,11,Y,1,0.0,,,XAP,Approved,-558,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Stone,100,Furniture,6.0,high,POS other with interest,365243.0,-527.0,-377.0,-377.0,-372.0,0.0,0,Cash loans,M,N,Y,1,225000.0,985851.0,55179.0,913500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.006296,-16713,-5429,-6553.0,-153,,1,1,0,1,0,0,Accountants,3.0,3,3,MONDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.7245762749300355,0.3441550073724169,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-686.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,1.0,4.0 +1334304,162562,Consumer loans,10295.91,90630.0,57334.5,36000.0,90630.0,TUESDAY,10,Y,1,0.4200726711695324,,,XAP,Approved,-1600,Cash through the bank,XAP,Unaccompanied,New,Furniture,POS,XNA,Stone,110,Furniture,6.0,low_normal,POS industry without interest,365243.0,-1568.0,-1418.0,-1418.0,-1413.0,0.0,0,Cash loans,F,N,N,0,180000.0,269550.0,11547.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,Municipal apartment,0.011656999999999999,-23569,365243,-13143.0,-4559,,1,0,0,1,0,0,,2.0,1,1,SATURDAY,11,0,0,0,0,0,0,XNA,,0.6660729065222493,0.7583930617144343,0.0619,0.0809,0.9821,,0.0111,0.0,0.1379,0.1667,0.2083,0.0836,0.0504,0.0375,,,0.063,0.084,0.9821,,0.0112,0.0,0.1379,0.1667,0.2083,0.0856,0.0551,0.039,,,0.0625,0.0809,0.9821,,0.0112,0.0,0.1379,0.1667,0.2083,0.0851,0.0513,0.0382,,,reg oper account,block of flats,0.0517,Panel,No,7.0,1.0,7.0,0.0,-1600.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1549555,182235,Consumer loans,20039.175,204075.0,195313.5,45000.0,204075.0,FRIDAY,8,Y,1,0.20393815124448228,,,XAP,Approved,-1698,XNA,XAP,Children,Repeater,Computers,POS,XNA,Stone,46,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1667.0,-1337.0,-1337.0,-1332.0,0.0,0,Cash loans,F,Y,Y,0,193500.0,500211.0,48861.0,463500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.006629,-16411,-6612,-8276.0,-2713,13.0,1,1,0,1,1,0,Core staff,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Government,,0.5052827080988126,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1843954,281464,Cash loans,8489.43,90000.0,98910.0,,90000.0,THURSDAY,9,Y,1,,,,XNA,Approved,-485,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-455.0,55.0,-305.0,-300.0,1.0,0,Revolving loans,F,N,Y,0,180000.0,270000.0,13500.0,270000.0,Unaccompanied,Pensioner,Higher education,Separated,House / apartment,0.020246,-21116,365243,-241.0,-4526,,1,0,0,1,0,0,,1.0,3,3,SATURDAY,6,0,0,0,0,0,0,XNA,,0.4240361738916909,0.2340151665320674,0.2464,0.094,0.997,0.9592,0.0489,0.2,0.1724,0.375,0.4167,0.1996,0.2009,0.2433,0.0,0.0,0.2101,0.0953,0.997,0.9608,0.0459,0.2014,0.1724,0.375,0.4167,0.1588,0.1837,0.2526,0.0,0.0,0.2488,0.094,0.997,0.9597,0.0492,0.2,0.1724,0.375,0.4167,0.2031,0.2044,0.2476,0.0,0.0,reg oper account,block of flats,0.2168,Panel,No,3.0,0.0,3.0,0.0,-696.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1430069,371074,Revolving loans,18000.0,360000.0,360000.0,,360000.0,FRIDAY,10,Y,1,,,,XAP,Approved,-81,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,171000.0,990000.0,29074.5,990000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.00702,-22304,365243,-483.0,-4779,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,0.5322465253544493,0.5316674331960082,0.3842068130556564,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2002.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +2830590,430425,Consumer loans,2005.425,20380.5,20380.5,0.0,20380.5,TUESDAY,15,Y,1,0.0,,,XAP,Refused,-1034,XNA,SCO,,Repeater,Construction Materials,POS,XNA,Country-wide,4241,Construction,12.0,middle,POS industry with interest,,,,,,,0,Cash loans,F,Y,Y,0,135000.0,1515415.5,40104.0,1354500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010966,-20936,-2877,-7492.0,-4402,8.0,1,1,0,1,0,0,Security staff,2.0,2,2,SUNDAY,11,0,0,0,0,0,0,Security,,0.5891707507374124,0.5762088360175724,0.1948,0.3709,0.9856,0.8028,0.0409,0.24,0.2069,0.3333,,0.0986,,0.1976,,0.1309,0.1985,0.3849,0.9856,0.8105,0.0413,0.2417,0.2069,0.3333,,0.1009,,0.2059,,0.1385,0.1967,0.3709,0.9856,0.8054,0.0412,0.24,0.2069,0.3333,,0.1003,,0.2011,,0.1336,org spec account,block of flats,0.1839,Panel,No,5.0,0.0,5.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2509387,219288,Consumer loans,18655.47,157455.0,152788.5,14170.5,157455.0,THURSDAY,12,Y,1,0.09243564424363296,,,XAP,Approved,-2304,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Stone,19,Consumer electronics,9.0,low_normal,POS household without interest,365243.0,-2273.0,-2033.0,-2033.0,-2028.0,1.0,0,Cash loans,F,N,N,1,135000.0,599472.0,24196.5,517500.0,Unaccompanied,Working,Higher education,Married,Municipal apartment,0.010032,-15502,-2104,-9405.0,-5204,,1,1,0,1,0,0,Core staff,3.0,2,2,FRIDAY,9,0,0,0,0,0,0,Transport: type 1,,0.6710154519449951,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1732.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1446942,283166,Consumer loans,12664.62,112491.0,124371.0,0.0,112491.0,SATURDAY,17,Y,1,0.0,,,XAP,Approved,-296,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,1400,Consumer electronics,12.0,middle,POS household with interest,365243.0,-265.0,65.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,0,180000.0,247275.0,19417.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-10073,-829,-385.0,-1904,,1,1,0,1,0,0,Laborers,2.0,2,2,SUNDAY,15,0,0,0,0,1,1,Self-employed,,0.5266713940422842,,0.0165,0.0,0.9757,0.6668,0.0016,0.0,0.069,0.0417,0.0833,0.0109,0.0134,0.0126,0.0,0.0,0.0168,0.0,0.9757,0.6798,0.0016,0.0,0.069,0.0417,0.0833,0.0112,0.0147,0.0131,0.0,0.0,0.0167,0.0,0.9757,0.6713,0.0016,0.0,0.069,0.0417,0.0833,0.0111,0.0137,0.0128,0.0,0.0,,block of flats,0.0117,"Stone, brick",No,0.0,0.0,0.0,0.0,-296.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2623319,296605,Consumer loans,5859.9,53325.0,52744.5,5332.5,53325.0,FRIDAY,8,Y,1,0.09999788681797052,,,XAP,Approved,-2168,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Stone,35,Consumer electronics,12.0,high,POS household with interest,365243.0,-2133.0,-1803.0,-1803.0,-1795.0,0.0,0,Cash loans,M,N,Y,1,112500.0,610335.0,22050.0,463500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-18800,365243,-12699.0,-2343,,1,0,0,1,0,0,,3.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,XNA,,0.2394943616965817,0.4938628816996244,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-156.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,4.0 +1813481,275799,Consumer loans,3618.0,20034.0,18027.0,2007.0,20034.0,FRIDAY,8,Y,1,0.10910479457649264,,,XAP,Refused,-2496,Cash through the bank,SCO,"Spouse, partner",Repeater,Other,POS,XNA,Country-wide,1925,Consumer electronics,6.0,low_normal,POS household with interest,,,,,,,0,Cash loans,F,N,N,1,121500.0,1097676.0,32224.5,958500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.020713,-19844,-4024,-8414.0,-3345,,1,1,0,1,0,0,Cleaning staff,3.0,3,2,TUESDAY,14,0,0,0,0,0,0,Security Ministries,0.6684373691875927,0.5664877831235009,,0.1041,0.0394,0.9786,0.7076,0.0124,0.0,0.2069,0.1667,0.2083,0.0499,0.0849,0.0928,0.0,0.0,0.1061,0.0408,0.9786,0.7190000000000001,0.0125,0.0,0.2069,0.1667,0.2083,0.051,0.0927,0.0967,0.0,0.0,0.1051,0.0394,0.9786,0.7115,0.0125,0.0,0.2069,0.1667,0.2083,0.0508,0.0864,0.0945,0.0,0.0,reg oper account,block of flats,0.0798,Panel,No,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2569916,434346,Consumer loans,11906.28,78345.0,85239.0,0.0,78345.0,MONDAY,14,Y,1,0.0,,,XAP,Approved,-226,Cash through the bank,XAP,Family,Repeater,Jewelry,POS,XNA,Country-wide,120,Industry,10.0,high,POS other with interest,365243.0,-196.0,74.0,-196.0,-192.0,1.0,0,Cash loans,F,N,Y,0,180000.0,1190434.5,34938.0,1039500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-17689,-466,-1848.0,-736,,1,1,0,1,1,0,Cooking staff,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.3662313974726568,0.4768388336666753,0.14734591802757252,0.0241,0.0607,0.9518,,,0.0,0.1034,0.125,,0.0105,,0.0269,,0.0747,0.0221,0.063,0.9518,,,0.0,0.1034,0.125,,0.0108,,0.0281,,0.0791,0.0229,0.0607,0.9518,,,0.0,0.1034,0.125,,0.0107,,0.0274,,0.0763,,block of flats,0.0322,"Stone, brick",No,5.0,1.0,5.0,1.0,-1524.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1687121,328022,Consumer loans,8900.055,72630.0,79821.0,0.0,72630.0,THURSDAY,8,Y,1,0.0,,,XAP,Approved,-1672,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,149,Consumer electronics,12.0,high,POS household with interest,365243.0,-1641.0,-1311.0,-1341.0,-1333.0,0.0,0,Cash loans,F,N,Y,0,202500.0,675000.0,22437.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.018209,-21110,-3677,-4563.0,-3204,,1,1,0,1,1,0,Laborers,1.0,3,3,WEDNESDAY,11,0,0,0,0,0,0,Industry: type 11,0.7164900079932748,0.2489218008733642,0.4066174366275036,0.0928,0.0994,0.9801,0.728,0.0432,0.0,0.2069,0.1667,0.2083,0.0752,0.0756,0.0874,0.0,0.0,0.0945,0.1032,0.9801,0.7387,0.0436,0.0,0.2069,0.1667,0.2083,0.0769,0.0826,0.0911,0.0,0.0,0.0937,0.0994,0.9801,0.7316,0.0435,0.0,0.2069,0.1667,0.2083,0.0765,0.077,0.08900000000000001,0.0,0.0,reg oper account,block of flats,0.0924,Panel,No,0.0,0.0,0.0,0.0,-1672.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2793177,193291,Revolving loans,4500.0,90000.0,90000.0,,90000.0,SATURDAY,15,Y,1,,,,XAP,Refused,-745,XNA,SCOFR,,Refreshed,XNA,Cards,walk-in,Country-wide,400,Consumer electronics,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,N,Y,0,157500.0,503266.5,52978.5,463500.0,"Spouse, partner",Working,Secondary / secondary special,Civil marriage,House / apartment,0.025164,-12404,-2636,-7512.0,-2458,,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,8,0,0,0,0,1,1,Business Entity Type 3,,0.49346384875239097,0.6769925032909132,0.0742,0.1091,0.9846,0.7892,0.0145,0.08,0.069,0.3333,,0.011,,0.0758,,0.0,0.0756,0.1132,0.9846,0.7975,0.0146,0.0806,0.069,0.3333,,0.0113,,0.079,,0.0,0.0749,0.1091,0.9846,0.792,0.0146,0.08,0.069,0.3333,,0.0112,,0.0772,,0.0,reg oper account,block of flats,0.0596,Panel,No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1955517,370372,Consumer loans,11633.76,98986.5,109440.0,0.0,98986.5,THURSDAY,15,Y,1,0.0,,,XAP,Approved,-846,Cash through the bank,XAP,Other_B,New,Computers,POS,XNA,Country-wide,3446,Consumer electronics,12.0,middle,POS household with interest,365243.0,-815.0,-485.0,-485.0,-479.0,0.0,0,Cash loans,M,Y,Y,2,351000.0,835380.0,45445.5,675000.0,Other_B,Commercial associate,Secondary / secondary special,Married,With parents,0.01885,-12802,-2291,-1258.0,-2477,9.0,1,1,0,1,0,0,Laborers,4.0,2,2,WEDNESDAY,17,0,1,1,0,0,0,Transport: type 4,0.25229177475535125,0.710583262223091,0.24988506275045536,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-846.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1632160,366600,Revolving loans,11250.0,0.0,225000.0,,0.0,WEDNESDAY,13,Y,1,,,,XAP,Refused,-1144,XNA,HC,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,Y,N,0,90000.0,1040985.0,30568.5,909000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.01885,-17664,-1383,-649.0,-1215,11.0,1,1,0,1,0,0,Cooking staff,2.0,2,2,SATURDAY,13,0,0,0,0,1,1,Business Entity Type 3,,0.6950801140942466,0.4471785780453068,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1583.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1030228,348425,Consumer loans,14081.085,123975.0,123975.0,0.0,123975.0,TUESDAY,10,Y,1,0.0,,,XAP,Approved,-71,XNA,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,76,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-25.0,245.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,270000.0,1233000.0,34038.0,1233000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.018209,-19348,-6225,-6239.0,-2877,,1,1,0,1,0,0,Core staff,2.0,3,3,WEDNESDAY,12,0,0,0,0,0,0,School,0.7925425445714546,0.7642597796905639,0.7209441499436497,0.0928,0.1002,0.9776,0.6940000000000001,,0.0,0.2069,0.1667,,0.1081,,0.0879,,0.0,0.0945,0.1039,0.9777,0.706,,0.0,0.2069,0.1667,,0.1106,,0.0916,,0.0,0.0937,0.1002,0.9776,0.6981,,0.0,0.2069,0.1667,,0.11,,0.0895,,0.0,,block of flats,0.0691,Panel,No,0.0,0.0,0.0,0.0,-1578.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1614075,254841,Consumer loans,14004.09,134995.5,121495.5,13500.0,134995.5,MONDAY,15,Y,1,0.10891272133313533,,,XAP,Approved,-303,Cash through the bank,XAP,"Spouse, partner",Repeater,Computers,POS,XNA,Country-wide,2000,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-273.0,-3.0,-3.0,365243.0,0.0,0,Cash loans,M,N,Y,0,225000.0,956574.0,43357.5,855000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.008865999999999999,-10126,-2261,-974.0,-429,,1,1,0,1,0,1,Laborers,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Construction,0.2897082597364348,0.5116005538193673,,0.2598,0.1415,0.998,,,0.2,0.1724,0.4167,,0.1462,,0.271,,0.3249,0.2647,0.1468,0.998,,,0.2014,0.1724,0.4167,,0.1495,,0.2824,,0.344,0.2623,0.1415,0.998,,,0.2,0.1724,0.4167,,0.1487,,0.2759,,0.3318,,block of flats,0.2797,"Stone, brick",No,4.0,0.0,4.0,0.0,-1022.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2567743,448110,Consumer loans,59139.225,353250.0,330516.0,35325.0,353250.0,MONDAY,16,Y,1,0.10516081129134336,,,XAP,Approved,-109,Cash through the bank,XAP,"Spouse, partner",New,Tourism,POS,XNA,Stone,18,XNA,6.0,low_normal,POS industry with interest,365243.0,-79.0,71.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,2,382500.0,1054935.0,44824.5,904500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-14301,-1552,-3048.0,-4617,64.0,1,1,0,1,0,0,Laborers,4.0,1,1,FRIDAY,15,0,1,1,0,0,0,Other,0.28528116748879034,0.5307090035149336,0.24318648044201235,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,1.0,6.0,0.0,-798.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,0.0 +2814916,394929,Consumer loans,,29650.5,29650.5,,29650.5,TUESDAY,17,Y,1,,,,XAP,Refused,-1665,Cash through the bank,LIMIT,Family,New,Mobile,XNA,XNA,Country-wide,18,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,M,Y,N,1,225000.0,1303191.0,46939.5,1053000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00702,-16578,-1354,-7481.0,-117,15.0,1,1,0,1,0,0,Drivers,3.0,2,2,MONDAY,17,0,0,0,0,0,0,Self-employed,0.6656574720634215,0.2422372930649799,0.6769925032909132,0.0407,0.0653,0.9786,0.6940000000000001,0.0146,0.0,0.069,0.0417,0.0833,0.0263,0.0332,0.0358,,0.0028,0.0158,0.0678,0.9732,0.6668,0.0147,0.0,0.069,0.0417,0.0833,0.0269,0.0138,0.006999999999999999,,0.0029,0.0411,0.0653,0.9776,0.6981,0.0147,0.0,0.069,0.0417,0.0833,0.0267,0.0338,0.0327,,0.0028,reg oper account,block of flats,0.0427,"Stone, brick",No,6.0,2.0,6.0,2.0,-383.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,2.0,3.0 +1956855,233160,Cash loans,15221.25,225000.0,225000.0,,225000.0,SATURDAY,14,Y,1,,,,Repairs,Approved,-521,Cash through the bank,XAP,,New,XNA,Cash,walk-in,Country-wide,30,Connectivity,36.0,high,Cash Street: high,365243.0,-491.0,559.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,90000.0,147726.0,9999.0,130500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.025164,-15350,-1205,-300.0,-544,,1,1,1,1,1,0,,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Self-employed,,0.26651977539251576,0.18195910978627852,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-521.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2107813,276069,Cash loans,36481.41,180000.0,185940.0,0.0,180000.0,SATURDAY,18,Y,1,0.0,,,Journey,Approved,-2364,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,6.0,high,Cash Street: high,365243.0,-2334.0,-2184.0,-2184.0,-2174.0,1.0,0,Cash loans,F,N,N,0,202500.0,364896.0,26680.5,315000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.072508,-23504,-2832,-3285.0,-5833,,1,1,1,1,1,0,,2.0,1,1,THURSDAY,18,0,1,1,0,1,1,Trade: type 4,,0.6734053611261612,0.24318648044201235,0.1654,0.078,0.9876,0.83,0.2546,0.194,0.0738,0.6842,0.7258,0.0,0.1332,0.1719,0.0077,0.0183,0.1166,0.0566,0.995,0.9347,0.1737,0.2417,0.069,0.625,0.6667,0.0,0.1019,0.1247,0.0117,0.0,0.1447,0.0618,0.995,0.9329,0.2392,0.24,0.069,0.6667,0.7083,0.0,0.1163,0.1622,0.0116,0.0264,reg oper account,block of flats,0.1791,Panel,No,0.0,0.0,0.0,0.0,-2025.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1081237,361052,Cash loans,25043.04,225000.0,267840.0,,225000.0,FRIDAY,15,Y,1,,,,XNA,Approved,-293,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-263.0,67.0,-83.0,-81.0,1.0,0,Cash loans,F,N,Y,0,90000.0,930055.5,37012.5,751500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.016612000000000002,-19901,-1794,-9338.0,-2544,,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,Construction,,0.43862451544119146,,0.1464,0.0965,0.9722,0.6192,0.1384,0.0,0.3448,0.1667,0.2083,0.1573,0.1177,0.1583,0.0077,0.016,0.1492,0.1002,0.9722,0.6341,0.1396,0.0,0.3448,0.1667,0.2083,0.1609,0.1286,0.165,0.0078,0.0169,0.1478,0.0965,0.9722,0.6243,0.1393,0.0,0.3448,0.1667,0.2083,0.16,0.1197,0.1612,0.0078,0.0163,reg oper spec account,block of flats,0.2037,"Stone, brick",No,2.0,0.0,2.0,0.0,-288.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1961981,275453,Consumer loans,5576.94,42075.0,19575.0,22500.0,42075.0,SATURDAY,10,Y,1,0.5824015556635874,,,XAP,Approved,-2874,Cash through the bank,XAP,Unaccompanied,New,Furniture,POS,XNA,Stone,400,Furniture,4.0,low_normal,POS industry with interest,365243.0,-2843.0,-2753.0,-2813.0,-2600.0,0.0,0,Cash loans,F,N,Y,0,337500.0,485640.0,33930.0,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.00702,-23783,365243,-11716.0,-4631,,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,XNA,,0.4955683472606134,0.6658549219640212,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,14.0,1.0,13.0,1.0,-378.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2306271,236291,Consumer loans,13847.85,78480.0,84006.0,0.0,78480.0,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-179,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Regional / Local,100,Consumer electronics,8.0,high,POS household with interest,365243.0,-149.0,61.0,-29.0,-24.0,1.0,0,Cash loans,M,N,Y,0,180000.0,314100.0,21375.0,225000.0,"Spouse, partner",Working,Secondary / secondary special,Civil marriage,House / apartment,0.02461,-19521,-892,-4375.0,-2884,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,16,0,0,0,0,1,1,Business Entity Type 2,,0.2056365316527288,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-347.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2742288,213719,Consumer loans,12285.36,80505.0,61069.5,22500.0,80505.0,MONDAY,11,Y,1,0.2932235499140889,,,XAP,Approved,-579,XNA,XAP,,New,Audio/Video,POS,XNA,Regional / Local,222,Consumer electronics,6.0,high,POS household with interest,365243.0,-548.0,-398.0,-398.0,-391.0,0.0,0,Cash loans,M,N,Y,0,135000.0,53910.0,4450.5,45000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.020713,-10050,-384,-1361.0,-1838,,1,1,1,1,0,0,Laborers,2.0,3,3,SATURDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.23430096325170785,0.5964181157109354,0.4436153084085652,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-579.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1919621,331047,Consumer loans,58498.47,303615.0,315639.0,0.0,303615.0,THURSDAY,11,Y,1,0.0,,,XAP,Approved,-78,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,40,Furniture,6.0,middle,POS household with interest,365243.0,-48.0,102.0,365243.0,365243.0,1.0,1,Cash loans,M,Y,N,2,270000.0,679671.0,32827.5,607500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00496,-17097,-657,-5784.0,-651,18.0,1,1,0,1,0,0,Drivers,4.0,2,2,FRIDAY,10,0,0,0,0,0,0,Construction,,0.21458882781424984,0.4048783643353997,0.0165,,0.9781,,,0.0,0.0345,0.0417,,,,0.0094,,,0.0168,,0.9782,,,0.0,0.0345,0.0417,,,,0.0098,,,0.0167,,0.9781,,,0.0,0.0345,0.0417,,,,0.0095,,,,block of flats,0.0112,,No,0.0,0.0,0.0,0.0,-260.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2438326,384872,Consumer loans,5604.075,33165.0,32953.5,2250.0,33165.0,MONDAY,9,Y,1,0.06960826467409617,,,XAP,Approved,-2220,Cash through the bank,XAP,"Spouse, partner",Repeater,Mobile,POS,XNA,Country-wide,42,Connectivity,8.0,high,POS mobile with interest,365243.0,-2189.0,-1979.0,-2099.0,-2095.0,0.0,0,Cash loans,F,N,Y,0,67500.0,397017.0,24120.0,301500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-14643,-4934,-6529.0,-4761,,1,1,0,1,0,0,Cooking staff,2.0,3,3,TUESDAY,12,0,0,0,0,0,0,Industry: type 11,,0.4229043442739037,0.6178261467332483,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1300.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1686308,420438,Consumer loans,19815.84,198000.0,178200.0,19800.0,198000.0,SATURDAY,13,Y,1,0.1089090909090909,,,XAP,Approved,-1269,Cash through the bank,XAP,Unaccompanied,Refreshed,Clothing and Accessories,POS,XNA,Country-wide,100,Clothing,10.0,low_normal,POS industry with interest,365243.0,-1237.0,-967.0,-967.0,-960.0,0.0,0,Revolving loans,F,N,Y,0,90000.0,450000.0,22500.0,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,Office apartment,0.015221,-22632,365243,-5962.0,-4854,,1,0,0,1,1,0,,2.0,2,2,MONDAY,9,0,0,0,0,0,0,XNA,,0.3607642969177874,0.5082869913916046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1726.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2822139,268164,Consumer loans,5362.2,36630.0,32283.0,6345.0,36630.0,THURSDAY,17,Y,1,0.17889307803100898,,,XAP,Approved,-1448,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,48,Connectivity,8.0,high,POS mobile with interest,365243.0,-1405.0,-1195.0,-1225.0,-1221.0,0.0,0,Cash loans,M,Y,Y,1,180000.0,1042560.0,40702.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009175,-14630,-2086,-3694.0,-4639,8.0,1,1,0,1,0,0,Drivers,3.0,2,2,WEDNESDAY,11,0,0,0,0,1,1,Industry: type 9,0.5172264167155406,0.766126050734293,0.41534714488434,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,3.0,1.0,-1765.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2722391,204452,Consumer loans,9705.285,44203.5,41422.5,4423.5,44203.5,THURSDAY,16,Y,1,0.10508209301495516,,,XAP,Refused,-2909,Cash through the bank,HC,Unaccompanied,Repeater,XNA,POS,XNA,Country-wide,84,Connectivity,5.0,low_normal,POS mobile with interest,,,,,,,0,Cash loans,F,N,N,0,220500.0,900000.0,26316.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00702,-14374,-3134,-3617.0,-4853,,1,1,1,1,1,0,,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Other,,0.7829340748015541,0.4241303111942548,0.1474,0.1054,0.9871,0.8232,0.0,0.32,0.2759,0.3333,0.375,0.1016,0.1202,0.0994,0.0,0.0,0.1502,0.1093,0.9871,0.8301,0.0,0.3222,0.2759,0.3333,0.375,0.1039,0.1313,0.1036,0.0,0.0,0.1489,0.1054,0.9871,0.8256,0.0,0.32,0.2759,0.3333,0.375,0.1034,0.1223,0.1012,0.0,0.0,org spec account,block of flats,0.129,Panel,No,0.0,0.0,0.0,0.0,-2391.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2761049,209125,Consumer loans,9022.725,80955.0,93780.0,0.0,80955.0,SUNDAY,7,Y,1,0.0,,,XAP,Approved,-304,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,37,Connectivity,18.0,high,POS mobile with interest,365243.0,-274.0,236.0,365243.0,365243.0,1.0,0,Revolving loans,M,N,N,2,135000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.0038130000000000004,-10010,-1545,-4566.0,-2666,,1,1,0,1,0,0,Laborers,4.0,2,2,WEDNESDAY,7,0,0,0,0,1,1,Business Entity Type 3,,0.3436684641571825,0.25946765482111994,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-455.0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1003895,335323,Consumer loans,24473.745,303106.5,242482.5,60624.0,303106.5,MONDAY,12,Y,1,0.2178278831787746,,,XAP,Approved,-213,Cash through the bank,XAP,Family,Refreshed,Construction Materials,POS,XNA,Stone,100,Construction,12.0,middle,POS industry with interest,365243.0,-183.0,147.0,-93.0,-88.0,0.0,0,Cash loans,F,Y,N,2,270000.0,521280.0,22959.0,450000.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.072508,-14378,-4527,-8282.0,-5750,2.0,1,1,0,1,1,0,,4.0,1,1,WEDNESDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.7543129766693842,0.6127042441012546,0.0866,0.039,0.9771,0.6872,0.0222,0.08,0.0345,0.4583,0.5,0.0,0.0706,0.0719,0.0,0.0,0.0882,0.0405,0.9772,0.6994,0.0224,0.0806,0.0345,0.4583,0.5,0.0,0.0771,0.0749,0.0,0.0,0.0874,0.039,0.9771,0.6914,0.0224,0.08,0.0345,0.4583,0.5,0.0,0.0718,0.0732,0.0,0.0,reg oper account,block of flats,0.0566,Block,No,0.0,0.0,0.0,0.0,-3586.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1720433,169321,Consumer loans,2930.805,19350.0,15849.0,5850.0,19350.0,MONDAY,12,Y,1,0.2936163794728704,,,XAP,Approved,-501,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Country-wide,3560,Consumer electronics,6.0,middle,POS household with interest,365243.0,-470.0,-320.0,-470.0,-453.0,0.0,0,Cash loans,F,Y,N,1,144000.0,319500.0,9283.5,319500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.018209,-9512,-1312,-3420.0,-2174,5.0,1,1,1,1,1,0,Medicine staff,2.0,3,3,THURSDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.26127253331283856,0.5545782459173029,0.7544061731797895,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1069.0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1054050,220500,Consumer loans,9840.105,83065.5,108252.0,0.0,83065.5,FRIDAY,17,Y,1,0.0,,,XAP,Approved,-1301,Cash through the bank,XAP,Unaccompanied,Refreshed,Computers,POS,XNA,Country-wide,111,Consumer electronics,16.0,high,POS household with interest,365243.0,-1270.0,-820.0,-1000.0,-991.0,0.0,1,Cash loans,F,N,Y,0,90000.0,781920.0,28084.5,675000.0,Family,Pensioner,Higher education,Widow,House / apartment,0.022625,-23631,365243,-461.0,-3922,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,16,0,0,0,0,0,0,XNA,0.6757599349800278,0.6183469143590322,0.7662336700704004,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1301.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2309618,154666,Cash loans,12521.16,180000.0,215640.0,,180000.0,SATURDAY,14,Y,1,,,,XNA,Approved,-1517,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Country-wide,2000,Consumer electronics,36.0,high,Cash X-Sell: high,365243.0,-1487.0,-437.0,-887.0,-872.0,1.0,0,Cash loans,F,N,Y,0,180000.0,808650.0,23773.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.008575,-23421,365243,-4713.0,-4887,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,13,0,0,0,0,0,0,XNA,,0.2179915649360708,0.1674084472266241,0.066,0.055,0.9831,0.7688,0.0475,0.0264,0.1148,0.2221,0.2638,0.0673,0.0538,0.1016,0.0,0.0,0.063,0.0638,0.9826,0.7713,0.0414,0.0,0.1379,0.1667,0.2083,0.0536,0.0551,0.0656,0.0,0.0,0.0625,0.0615,0.9831,0.7786,0.0511,0.0,0.1379,0.1667,0.2083,0.0681,0.0513,0.0731,0.0,0.0,reg oper account,block of flats,0.1573,Panel,No,0.0,0.0,0.0,0.0,-1750.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2366208,298065,Consumer loans,2252.745,49950.0,49950.0,0.0,49950.0,THURSDAY,11,Y,1,0.0,,,XAP,Approved,-1675,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Regional / Local,117,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1644.0,-954.0,-954.0,-950.0,0.0,0,Cash loans,F,Y,Y,2,103500.0,521280.0,26743.5,450000.0,Children,State servant,Higher education,Married,House / apartment,0.035792000000000004,-11085,-1171,-837.0,-3480,16.0,1,1,0,1,1,0,Accountants,4.0,2,2,SATURDAY,10,0,0,0,0,1,1,School,0.4285720667220106,0.6767772791604749,0.7352209993926424,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1675.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,0.0,0.0,1.0 +1684532,290030,Consumer loans,3845.61,35531.595,34614.0,3554.595,35531.595,MONDAY,6,Y,1,0.10142571661335716,,,XAP,Approved,-2422,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,149,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2391.0,-2121.0,-2121.0,-2115.0,1.0,0,Cash loans,F,N,N,1,90000.0,247500.0,6655.5,247500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-12197,-1948,-2050.0,-3836,,1,1,0,1,1,0,Sales staff,3.0,3,3,FRIDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.7497130125973437,0.6863823354047934,0.1031,0.0801,0.9801,0.728,0.011,0.0,0.2069,0.1667,0.0417,0.0629,0.0841,0.0876,0.0077,0.0066,0.105,0.0831,0.9801,0.7387,0.0111,0.0,0.2069,0.1667,0.0417,0.0644,0.0918,0.0913,0.0078,0.0069,0.1041,0.0801,0.9801,0.7316,0.0111,0.0,0.2069,0.1667,0.0417,0.064,0.0855,0.0892,0.0078,0.0067,reg oper spec account,block of flats,0.0934,"Stone, brick",No,0.0,0.0,0.0,0.0,-2422.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1815365,103804,Consumer loans,2659.14,21253.5,19552.5,1701.0,21253.5,THURSDAY,7,Y,1,0.08716416761303485,,,XAP,Approved,-2796,XNA,XAP,,New,Audio/Video,POS,XNA,Stone,16,Consumer electronics,8.0,low_normal,POS household without interest,365243.0,-2760.0,-2550.0,-2610.0,-2555.0,0.0,0,Cash loans,F,Y,N,2,112500.0,1046142.0,30717.0,913500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.0038130000000000004,-12261,-4781,-2827.0,-3442,18.0,1,1,0,1,0,0,Medicine staff,4.0,2,2,SUNDAY,7,0,0,0,0,0,0,Medicine,0.443187963012684,0.5660742294280295,0.6956219298394389,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-83.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2383291,329387,Consumer loans,11143.575,247360.5,247360.5,0.0,247360.5,WEDNESDAY,16,Y,1,0.0,,,XAP,Approved,-881,Cash through the bank,XAP,Unaccompanied,New,Furniture,POS,XNA,Country-wide,137,Furniture,24.0,low_action,POS industry without interest,365243.0,-849.0,-159.0,-159.0,-149.0,0.0,0,Revolving loans,F,N,Y,0,225000.0,337500.0,16875.0,337500.0,Family,Pensioner,Secondary / secondary special,Widow,Municipal apartment,0.072508,-21658,365243,-7441.0,-1378,,1,0,0,1,0,0,,1.0,1,1,TUESDAY,16,0,0,0,0,0,0,XNA,,0.2858978721410488,,0.1234,0.0683,0.9796,0.7212,0.1568,0.16,0.069,0.4583,0.5,0.0116,0.0995,0.1053,0.0051,0.0052,0.0882,0.0317,0.9777,0.706,0.1067,0.0806,0.0345,0.4583,0.5,0.006999999999999999,0.0735,0.073,0.0,0.0,0.0874,0.0306,0.9781,0.7048,0.1064,0.08,0.0345,0.4583,0.5,0.006999999999999999,0.0718,0.0734,0.0,0.0029,reg oper account,block of flats,0.0578,Block,No,0.0,0.0,0.0,0.0,-362.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2109493,287782,Consumer loans,5343.84,118620.0,118620.0,0.0,118620.0,WEDNESDAY,16,Y,1,0.0,,,XAP,Refused,-479,Cash through the bank,HC,,Repeater,Clothing and Accessories,POS,XNA,Country-wide,60,Industry,24.0,low_action,POS industry without interest,,,,,,,0,Cash loans,F,N,Y,0,99000.0,356427.0,15228.0,288000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.008473999999999999,-22403,365243,-1720.0,-1654,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,XNA,,0.5930660221601639,0.4992720153045617,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1741.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,3.0 +2610189,203719,Consumer loans,7452.135,35100.0,36837.0,0.0,35100.0,TUESDAY,10,Y,1,0.0,,,XAP,Approved,-2184,Cash through the bank,XAP,,New,Photo / Cinema Equipment,POS,XNA,Country-wide,44,Connectivity,6.0,high,POS mobile with interest,365243.0,-2131.0,-1981.0,-1981.0,-1976.0,0.0,0,Cash loans,M,N,Y,0,112500.0,808650.0,26217.0,675000.0,"Spouse, partner",Pensioner,Lower secondary,Married,Office apartment,0.025164,-16699,365243,-153.0,-250,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,XNA,,0.15967923350263774,0.7713615919194317,0.2969,0.2149,0.9881,0.8368,0.001,0.32,0.2759,0.3333,0.375,0.1494,0.2412,0.3298,0.0039,0.1448,0.3025,0.223,0.9881,0.8432,0.001,0.3222,0.2759,0.3333,0.375,0.1528,0.2635,0.3436,0.0039,0.1533,0.2998,0.2149,0.9881,0.8390000000000001,0.001,0.32,0.2759,0.3333,0.375,0.152,0.2454,0.3357,0.0039,0.1478,reg oper account,block of flats,0.2914,Panel,No,1.0,1.0,1.0,1.0,-130.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2280591,385333,Consumer loans,4274.595,42750.0,38475.0,4275.0,42750.0,SATURDAY,11,Y,1,0.1089090909090909,,,XAP,Approved,-2727,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Stone,225,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2694.0,-2424.0,-2424.0,-2418.0,0.0,0,Cash loans,F,N,Y,0,67500.0,45000.0,4977.0,45000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.028663,-14650,-987,-7778.0,-4478,,1,1,0,1,0,0,Laborers,1.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.5706449254687117,0.4489622731076524,0.1196,0.1564,0.9826,0.762,0.0199,0.0,0.1724,0.1667,0.2083,0.0776,0.0916,0.1028,0.027000000000000003,0.0473,0.1218,0.1623,0.9826,0.7713,0.0201,0.0,0.1724,0.1667,0.2083,0.0794,0.1001,0.1071,0.0272,0.05,0.1207,0.1564,0.9826,0.7652,0.02,0.0,0.1724,0.1667,0.2083,0.079,0.0932,0.1047,0.0272,0.0483,reg oper account,block of flats,0.0911,"Stone, brick",No,0.0,0.0,0.0,0.0,-2481.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2764706,227173,Consumer loans,2882.025,15705.0,14134.5,1570.5,15705.0,MONDAY,12,Y,1,0.1089090909090909,,,XAP,Approved,-1074,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,22,Connectivity,6.0,high,POS mobile with interest,365243.0,-1034.0,-884.0,-884.0,-879.0,0.0,0,Revolving loans,M,N,Y,1,180000.0,540000.0,27000.0,540000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-17639,-605,-8660.0,-1188,,1,1,0,1,0,0,Laborers,3.0,2,2,THURSDAY,10,0,1,1,0,1,1,Telecom,,0.3758783298039064,0.7583930617144343,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2525.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,1.0 +1606607,360508,Cash loans,9842.4,90000.0,90000.0,0.0,90000.0,MONDAY,9,Y,1,0.0,,,XNA,Refused,-2259,XNA,LIMIT,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,high,Cash Street: high,,,,,,,0,Cash loans,M,N,Y,2,85500.0,187704.0,12672.0,148500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.010966,-14337,-474,-6199.0,-4327,,1,1,0,1,0,0,Low-skill Laborers,4.0,2,2,SATURDAY,10,0,0,0,1,1,0,Business Entity Type 3,,0.3133902111302968,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-599.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1214964,371113,Cash loans,19076.175,225000.0,281983.5,,225000.0,MONDAY,8,Y,1,,,,XNA,Refused,-593,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),3,XNA,36.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,M,N,N,0,135000.0,592560.0,31023.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-9219,-2412,-9219.0,-1900,,1,1,0,1,0,0,,2.0,3,3,TUESDAY,10,0,0,0,0,1,1,Business Entity Type 3,,0.3663806860197835,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-593.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1354933,255530,Revolving loans,9000.0,0.0,180000.0,,,FRIDAY,16,Y,1,,,,XAP,Approved,-2272,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,225000.0,2156400.0,57015.0,1800000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.01885,-20514,365243,-83.0,-973,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,XNA,0.6422803568041048,0.4283732177491577,0.5954562029091491,0.2041,0.1186,0.9826,0.762,0.0318,0.24,0.2069,0.3333,0.375,0.1463,0.1664,0.23,0.0,0.0008,0.208,0.1231,0.9826,0.7713,0.0321,0.2417,0.2069,0.3333,0.375,0.1497,0.1818,0.2396,0.0,0.0009,0.2061,0.1186,0.9826,0.7652,0.032,0.24,0.2069,0.3333,0.375,0.1489,0.1693,0.2341,0.0,0.0009,reg oper spec account,block of flats,0.1984,"Stone, brick",No,0.0,0.0,0.0,0.0,-1577.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1665180,408593,Cash loans,88969.5,900000.0,935640.0,,900000.0,FRIDAY,16,Y,1,,,,XNA,Approved,-39,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,N,2,225000.0,835380.0,31950.0,675000.0,"Spouse, partner",Working,Higher education,Married,House / apartment,0.04622,-11950,-3086,-5915.0,-3882,6.0,1,1,0,1,0,0,Sales staff,4.0,1,1,FRIDAY,19,0,0,0,0,0,0,Self-employed,0.5590849983677724,0.635878880323458,,0.0619,,0.9747,,,0.0,0.1034,0.1667,,0.0428,,0.0484,,0.0023,0.063,,0.9747,,,0.0,0.1034,0.1667,,0.0438,,0.0504,,0.0024,0.0625,,0.9747,,,0.0,0.1034,0.1667,,0.0436,,0.0493,,0.0023,,block of flats,0.0422,"Stone, brick",No,1.0,1.0,1.0,1.0,-1925.0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,,,,,, +2387890,368080,Consumer loans,11204.55,90670.5,98649.0,0.0,90670.5,THURSDAY,9,Y,1,0.0,,,XAP,Approved,-342,Cash through the bank,XAP,"Spouse, partner",New,Computers,POS,XNA,Country-wide,23,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-312.0,-42.0,-42.0,-38.0,1.0,1,Cash loans,F,Y,Y,2,90000.0,545040.0,26640.0,450000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018209,-16662,-1780,-434.0,-177,17.0,1,1,1,1,1,0,Sales staff,4.0,3,3,WEDNESDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.4700246158201353,0.5709165417729987,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-342.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2273632,267158,Consumer loans,14926.005,79492.5,75636.0,7650.0,79492.5,TUESDAY,12,Y,1,0.10003536554217346,,,XAP,Approved,-992,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,166,Consumer electronics,6.0,high,POS household with interest,365243.0,-960.0,-810.0,-810.0,-804.0,0.0,0,Cash loans,F,Y,Y,4,202500.0,1363500.0,37624.5,1363500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-11861,-2295,-5338.0,-3609,3.0,1,1,0,1,1,0,,6.0,1,1,SUNDAY,12,0,1,1,0,0,0,Business Entity Type 3,0.7535481146838875,0.7231294404417554,0.4382813743111921,0.0268,0.0447,0.9667,0.5444,0.0066,0.0,0.1034,0.0833,0.125,0.0081,0.0219,0.0331,0.0,0.0257,0.0084,0.0,0.9613,0.4904,0.0019,0.0,0.069,0.0417,0.0833,0.0,0.0073,0.011,0.0,0.0,0.0271,0.0447,0.9667,0.5505,0.0067,0.0,0.1034,0.0833,0.125,0.0082,0.0222,0.0337,0.0,0.0262,reg oper account,block of flats,0.055,"Stone, brick",No,0.0,0.0,0.0,0.0,-1474.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +1706721,131175,Revolving loans,6750.0,0.0,225000.0,,,WEDNESDAY,17,N,0,,,,XAP,Refused,-1349,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,1,157500.0,526491.0,29529.0,454500.0,Other_A,Commercial associate,Higher education,Married,House / apartment,0.032561,-14100,-2381,-6727.0,-4100,,1,1,0,1,0,0,Accountants,3.0,1,1,MONDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.7465277865185493,0.6446794549585961,0.4608,0.3329,0.9816,0.7484,0.1885,0.48,0.4138,0.3333,0.375,0.2642,0.3749,0.4653,0.0039,0.0035,0.4695,0.3454,0.9816,0.7583,0.1902,0.4834,0.4138,0.3333,0.375,0.2702,0.4096,0.4848,0.0039,0.0037,0.4653,0.3329,0.9816,0.7518,0.1897,0.48,0.4138,0.3333,0.375,0.2688,0.3814,0.4737,0.0039,0.0035,org spec account,block of flats,0.4698,Panel,No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,3.0 +1518066,101341,Cash loans,26204.265,225000.0,269010.0,,225000.0,MONDAY,14,Y,1,,,,XNA,Approved,-1453,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-1423.0,-1093.0,-1093.0,-1082.0,1.0,0,Cash loans,F,Y,N,0,450000.0,298512.0,29079.0,270000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.032561,-19982,-10998,-9002.0,-3116,8.0,1,1,0,1,1,0,Core staff,1.0,1,1,FRIDAY,13,0,0,0,0,0,0,Government,,0.6319205430085026,0.7700870700124128,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2324490,324292,Consumer loans,8421.66,77805.0,75802.5,7780.5,77805.0,SATURDAY,11,Y,1,0.10138032636040598,,,XAP,Approved,-2415,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,150,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2384.0,-2114.0,-2114.0,-2106.0,1.0,0,Cash loans,M,Y,Y,0,171000.0,1078200.0,31653.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.035792000000000004,-12782,-1277,-302.0,-4909,11.0,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,10,0,0,0,0,1,1,Business Entity Type 3,,0.5110432164426221,0.633031641417419,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1337.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2444910,231971,Consumer loans,5890.05,56605.5,55989.0,5661.0,56605.5,THURSDAY,9,Y,1,0.10000557398805572,,,XAP,Approved,-2413,Cash through the bank,XAP,Unaccompanied,Refreshed,Consumer Electronics,POS,XNA,Regional / Local,323,Consumer electronics,12.0,middle,POS household with interest,365243.0,-2382.0,-2052.0,-2052.0,-1738.0,1.0,0,Cash loans,F,N,Y,0,67500.0,238981.5,10656.0,162000.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.007120000000000001,-17967,-451,-2555.0,-1495,,1,1,0,1,0,0,Laborers,1.0,2,2,TUESDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.15142896803828074,0.7975550853217985,,0.0691,0.0547,0.9816,,,0.0,0.0345,0.1667,,0.0565,,0.0469,,0.0158,0.0704,0.0568,0.9816,,,0.0,0.0345,0.1667,,0.0578,,0.0488,,0.0167,0.0697,0.0547,0.9816,,,0.0,0.0345,0.1667,,0.0575,,0.0477,,0.0161,,block of flats,0.0388,"Stone, brick",No,0.0,0.0,0.0,0.0,-1741.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2745560,264942,Consumer loans,17868.51,171450.0,154305.0,17145.0,171450.0,SUNDAY,9,Y,1,0.1089090909090909,,,XAP,Approved,-2361,Cash through the bank,XAP,,Refreshed,Audio/Video,POS,XNA,Stone,100,Consumer electronics,10.0,middle,POS household with interest,365243.0,-2329.0,-2059.0,-2059.0,-2053.0,0.0,0,Cash loans,F,N,Y,0,112500.0,490495.5,26262.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-13362,-5695,-6720.0,-4186,,1,1,1,1,1,1,Managers,2.0,2,2,TUESDAY,8,0,0,0,0,0,0,Postal,,0.5020792918735825,0.8128226070575616,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-1.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2607102,177144,Cash loans,5860.89,45000.0,54418.5,,45000.0,TUESDAY,8,Y,1,,,,XNA,Refused,-520,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,12.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,202500.0,463500.0,18508.5,463500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.015221,-14680,-2960,-4864.0,-4556,,1,1,1,1,1,0,Medicine staff,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Medicine,,0.5151787871847137,0.10547318648733764,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-826.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,4.0 +2179722,335620,Cash loans,15451.38,360000.0,426528.0,,360000.0,MONDAY,14,Y,1,,,,XNA,Approved,-535,XNA,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-505.0,905.0,-505.0,-501.0,1.0,0,Cash loans,F,N,Y,0,202500.0,824823.0,24246.0,688500.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.072508,-21820,365243,-267.0,-4599,,1,0,0,1,0,0,,1.0,1,1,THURSDAY,15,0,0,0,0,0,0,XNA,,0.6346780701565842,0.4525335592581747,0.4392,0.2952,0.9791,0.7144,0.0,0.48,0.4138,0.3333,0.375,0.0,0.3581,0.4187,0.0,0.0132,0.4475,0.3063,0.9791,0.7256,0.0,0.4834,0.4138,0.3333,0.375,0.0,0.3912,0.4363,0.0,0.0139,0.4434,0.2952,0.9791,0.7182,0.0,0.48,0.4138,0.3333,0.375,0.0,0.3643,0.4262,0.0,0.0134,reg oper account,block of flats,0.3322,Panel,No,0.0,0.0,0.0,0.0,-1429.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1320260,133138,Revolving loans,6750.0,135000.0,135000.0,,135000.0,TUESDAY,8,Y,1,,,,XAP,Approved,-196,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,45000.0,452385.0,16380.0,373500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020246,-22378,365243,-3137.0,-4729,,1,0,0,1,0,0,,2.0,3,3,TUESDAY,6,0,0,0,0,0,0,XNA,0.7774096282150674,0.5470958361154127,0.7435593141311444,0.0619,0.0746,0.9836,,,0.0,0.1379,0.1667,,0.0372,,0.0565,,0.0,0.063,0.0774,0.9836,,,0.0,0.1379,0.1667,,0.038,,0.0588,,0.0,0.0625,0.0746,0.9836,,,0.0,0.1379,0.1667,,0.0378,,0.0575,,0.0,,block of flats,0.0497,"Stone, brick",No,0.0,0.0,0.0,0.0,-1415.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2499162,342672,Consumer loans,10284.615,76410.0,74443.5,7641.0,76410.0,TUESDAY,10,Y,1,0.10138020742483217,,,XAP,Refused,-2012,Cash through the bank,LIMIT,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,10.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,Y,Y,1,157500.0,450000.0,28890.0,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.035792000000000004,-9710,-1688,-1350.0,-2361,6.0,1,1,0,1,0,0,,3.0,2,2,FRIDAY,13,0,0,0,0,0,0,Self-employed,0.3259905830383604,0.6264973845393977,0.4668640059537032,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2048197,236363,Cash loans,33647.4,720000.0,794133.0,,720000.0,TUESDAY,11,Y,1,,,,XNA,Approved,-526,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),3,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-496.0,554.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,0,157500.0,495000.0,20970.0,495000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.020713,-21738,-4413,-5082.0,-5083,12.0,1,1,1,1,1,0,Laborers,1.0,3,3,WEDNESDAY,8,0,0,0,0,0,0,Postal,,0.501740349304867,0.5867400085415683,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1618.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1571662,155729,Cash loans,36410.4,1152000.0,1319269.5,,1152000.0,THURSDAY,13,Y,1,,,,XNA,Refused,-5,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,337500.0,1319269.5,36409.5,1152000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-17992,-4266,-5467.0,-536,16.0,1,1,0,1,0,0,Cooking staff,2.0,1,1,TUESDAY,13,0,0,0,0,1,1,Government,,0.7050978753047009,0.5226973172821112,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2114.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,8.0 +2051990,186347,Consumer loans,3148.425,38997.0,31194.0,7803.0,38997.0,WEDNESDAY,11,Y,1,0.21791872102049809,0.1891363481808909,0.8350951374207188,XAP,Approved,-185,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,35,Connectivity,12.0,middle,POS mobile with interest,365243.0,-126.0,204.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,157500.0,503676.0,27454.5,382500.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.022625,-9892,-603,-2502.0,-2496,1.0,1,1,0,1,0,0,Managers,1.0,2,2,SATURDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.436633242193628,0.4632753280912678,0.2227,0.1299,0.9856,0.8028,0.0838,0.24,0.2069,0.3333,0.375,0.1515,0.1816,0.2272,0.0,0.0,0.2269,0.1348,0.9856,0.8105,0.0846,0.2417,0.2069,0.3333,0.375,0.155,0.1983,0.2367,0.0,0.0,0.2248,0.1299,0.9856,0.8054,0.0844,0.24,0.2069,0.3333,0.375,0.1542,0.1847,0.2313,0.0,0.0,reg oper account,block of flats,0.2245,Panel,No,4.0,0.0,3.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,1.0,5.0 +1376787,295491,Revolving loans,3375.0,0.0,67500.0,,,SUNDAY,14,Y,1,,,,XAP,Approved,-2745,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,112500.0,679500.0,28786.5,679500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-18057,-2086,-614.0,-1602,17.0,1,1,1,1,1,0,Drivers,2.0,2,2,MONDAY,12,0,1,1,0,1,1,Bank,0.6662513338408604,0.5721551513457331,0.8599241760145402,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-86.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2305956,406348,Consumer loans,12412.89,66420.0,66420.0,0.0,66420.0,WEDNESDAY,8,Y,1,0.0,,,XAP,Approved,-50,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Regional / Local,90,Consumer electronics,6.0,middle,POS household with interest,365243.0,-20.0,130.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,90000.0,225000.0,8613.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.0228,-23133,365243,-1057.0,-1350,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,8,0,0,0,0,0,0,XNA,,0.5244412789482056,0.722392890081304,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-468.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,1.0,0.0 +2764458,448764,Cash loans,23462.865,382500.0,417843.0,,382500.0,SUNDAY,11,Y,1,,,,XNA,Approved,-946,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,157500.0,931500.0,25110.0,931500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-20298,-1513,-11407.0,-2344,,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,7,0,0,0,0,0,0,Self-employed,,0.4333172292316084,0.3077366963789207,0.1227,0.1172,0.9776,,,0.0,0.2759,0.1667,,0.158,,0.1123,,0.0042,0.125,0.1216,0.9777,,,0.0,0.2759,0.1667,,0.1616,,0.117,,0.0044,0.1239,0.1172,0.9776,,,0.0,0.2759,0.1667,,0.1607,,0.1143,,0.0043,,block of flats,0.0883,Panel,No,4.0,0.0,4.0,0.0,-1734.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2230626,188008,Cash loans,,0.0,0.0,,,THURSDAY,11,Y,1,,,,XNA,Refused,-243,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,N,Y,1,180000.0,225000.0,17797.5,225000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.028663,-10191,-2178,-4456.0,-2433,,1,1,0,1,0,0,Drivers,3.0,2,2,TUESDAY,10,0,0,0,0,0,0,Transport: type 4,,0.4155304909058132,0.18848953379516772,0.1124,0.0751,0.9811,,,0.08,0.1724,0.25,,,,0.0727,,0.0674,0.0945,0.0604,0.9811,,,0.0,0.1379,0.1667,,,,0.0627,,0.0,0.1135,0.0751,0.9811,,,0.08,0.1724,0.25,,,,0.07400000000000001,,0.0688,,,0.1645,"Stone, brick",No,9.0,1.0,9.0,0.0,-361.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1653271,272529,Consumer loans,5276.34,57186.0,51466.5,5719.5,57186.0,WEDNESDAY,11,Y,1,0.10892623115002716,,,XAP,Approved,-279,XNA,XAP,,Repeater,Consumer Electronics,POS,XNA,Regional / Local,60,Consumer electronics,12.0,middle,POS household with interest,365243.0,-248.0,82.0,-98.0,-93.0,0.0,0,Cash loans,M,N,Y,2,135000.0,604152.0,42178.5,540000.0,Unaccompanied,Working,Lower secondary,Married,House / apartment,0.01885,-13323,-863,-4793.0,-4915,,1,1,1,1,1,0,Security staff,4.0,2,2,TUESDAY,15,0,1,1,0,1,1,Security,,0.31248748368633,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,1.0,5.0,1.0,-670.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2617368,160779,Consumer loans,10121.49,93510.0,91102.5,9351.0,93510.0,FRIDAY,14,Y,1,0.10138112749589696,,,XAP,Approved,-1541,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,1925,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1510.0,-1240.0,-1240.0,-1230.0,0.0,0,Cash loans,F,N,N,0,315000.0,314055.0,16164.0,238500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.020713,-20588,-1995,-9223.0,-4047,,1,1,0,1,0,0,,2.0,3,2,SATURDAY,7,0,0,0,0,0,0,Kindergarten,,0.5974335766807336,0.5316861425197883,0.1794,0.15,0.9806,0.7348,0.0415,0.08,0.3103,0.3333,0.2083,0.1011,0.1463,0.203,0.0,0.0,0.1828,0.1557,0.9806,0.7452,0.0418,0.0806,0.3103,0.3333,0.2083,0.1034,0.1598,0.2115,0.0,0.0,0.1811,0.15,0.9806,0.7383,0.0417,0.08,0.3103,0.3333,0.2083,0.1028,0.1488,0.2066,0.0,0.0,reg oper spec account,block of flats,0.1823,Panel,No,5.0,0.0,5.0,0.0,-1646.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2690580,276821,Consumer loans,9625.41,117360.0,93888.0,23472.0,117360.0,THURSDAY,18,Y,1,0.2178181818181818,0.16019211152669166,0.6374207188160677,XAP,Approved,-257,XNA,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Regional / Local,52,Furniture,12.0,middle,POS industry with interest,,,,,,,0,Cash loans,F,N,Y,1,157500.0,497520.0,32521.5,450000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.007114,-11172,-206,-726.0,-1410,,1,1,0,1,0,0,,3.0,2,2,TUESDAY,13,0,0,0,0,0,0,Construction,0.66969390102917,0.6665542478020728,0.3077366963789207,0.0412,0.0516,0.9876,0.83,0.0,0.0,0.069,0.1667,0.0417,0.0273,0.0336,0.0401,0.0039,0.0,0.042,0.0536,0.9876,0.8367,0.0,0.0,0.069,0.1667,0.0417,0.0279,0.0367,0.0418,0.0039,0.0,0.0416,0.0516,0.9876,0.8323,0.0,0.0,0.069,0.1667,0.0417,0.0278,0.0342,0.0408,0.0039,0.0,reg oper spec account,block of flats,0.0316,"Stone, brick",No,1.0,0.0,1.0,0.0,-483.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1965796,154154,Cash loans,10180.215,90000.0,95940.0,,90000.0,WEDNESDAY,12,Y,1,,,,Urgent needs,Refused,-308,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),4,XNA,12.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,2,67500.0,315000.0,17217.0,315000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-13297,-1731,-6435.0,-5337,,1,1,1,1,1,0,Sales staff,4.0,3,3,WEDNESDAY,11,0,0,0,0,1,1,Trade: type 7,0.4629779007854477,0.22790447723524,0.1674084472266241,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-179.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1978339,217105,Consumer loans,15628.14,76005.0,76005.0,0.0,76005.0,FRIDAY,13,Y,1,0.0,,,XAP,Approved,-594,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,20,Connectivity,6.0,high,POS mobile with interest,365243.0,-559.0,-409.0,-409.0,-396.0,0.0,0,Cash loans,M,Y,N,0,180000.0,450000.0,17608.5,450000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.026392000000000002,-9948,-302,-884.0,-2612,0.0,1,1,1,1,1,0,High skill tech staff,1.0,2,2,TUESDAY,11,0,0,0,1,1,1,Business Entity Type 3,,0.4670406320146154,0.6313545365850379,0.0639,0.0487,0.9781,,,0.0,0.1379,0.125,,,,0.0517,,0.0,0.0651,0.0505,0.9782,,,0.0,0.1379,0.125,,,,0.0538,,0.0,0.0645,0.0487,0.9781,,,0.0,0.1379,0.125,,,,0.0526,,0.0,,block of flats,0.0406,"Stone, brick",No,0.0,0.0,0.0,0.0,-3.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1799609,235190,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SUNDAY,16,Y,1,,,,XAP,Approved,-151,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Country-wide,1000,Consumer electronics,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,N,2,225000.0,1227901.5,48825.0,1129500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.04622,-11966,-3125,-6021.0,-3915,,1,1,1,1,1,0,Core staff,4.0,1,1,THURSDAY,11,0,0,0,0,1,1,Kindergarten,0.4631515284770446,0.4314334522021932,0.5046813193144684,0.0619,0.07400000000000001,0.9831,0.7688,0.0094,0.0,0.1379,0.1667,0.0417,0.1032,0.0504,0.0547,0.0,0.0,0.063,0.0768,0.9831,0.7779,0.0095,0.0,0.1379,0.1667,0.0417,0.1056,0.0551,0.057,0.0,0.0,0.0625,0.07400000000000001,0.9831,0.7719,0.0095,0.0,0.1379,0.1667,0.0417,0.105,0.0513,0.0557,0.0,0.0,reg oper account,block of flats,0.0482,Panel,No,0.0,0.0,0.0,0.0,-1108.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,3.0 +1098337,443502,Revolving loans,33750.0,675000.0,675000.0,,675000.0,SATURDAY,13,Y,1,,,,XAP,Refused,-276,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,157500.0,183294.0,16938.0,153000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.035792000000000004,-18845,-4026,-285.0,-2293,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Self-employed,0.8471051503816399,0.6781772627182657,0.6212263380626669,,,0.9771,,,,,,,,,0.0645,,,,,0.9772,,,,,,,,,0.0672,,,,,0.9771,,,,,,,,,0.0657,,,,,0.0589,,No,0.0,0.0,0.0,0.0,-2239.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1619826,437634,Consumer loans,3979.89,30105.0,29178.0,3150.0,30105.0,WEDNESDAY,18,Y,1,0.10611965985017208,,,XAP,Approved,-2113,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,80,Connectivity,10.0,high,POS mobile with interest,365243.0,-2075.0,-1805.0,-1805.0,-1801.0,0.0,0,Cash loans,F,N,Y,1,292500.0,450000.0,24543.0,450000.0,Unaccompanied,Working,Incomplete higher,Single / not married,House / apartment,0.028663,-12665,-2593,-6118.0,-4036,,1,1,0,1,0,0,Core staff,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,Kindergarten,0.2530295188731637,0.34007680659988104,0.3185955240537633,0.1124,0.0883,0.9886,0.8436,0.0245,0.12,0.1034,0.3333,0.375,0.0468,0.0899,0.1177,0.0077,0.0053,0.1145,0.0917,0.9886,0.8497,0.0247,0.1208,0.1034,0.3333,0.375,0.0479,0.0983,0.1227,0.0078,0.0057,0.1135,0.0883,0.9886,0.8457,0.0246,0.12,0.1034,0.3333,0.375,0.0476,0.0915,0.1198,0.0078,0.0055,reg oper account,block of flats,0.1071,Panel,No,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,1.0 +1245127,141187,Consumer loans,10727.055,58455.0,52609.5,5845.5,58455.0,WEDNESDAY,18,Y,1,0.1089090909090909,,,XAP,Approved,-1156,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,40,Connectivity,6.0,high,POS mobile with interest,365243.0,-1118.0,-968.0,-968.0,-962.0,0.0,0,Cash loans,M,N,Y,0,180000.0,1396570.5,40963.5,1219500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.030755,-19573,-3599,-13673.0,-2646,,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.535163499386852,0.6133909359834588,0.3979463219016906,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1156.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1024297,174067,Cash loans,9814.5,135000.0,135000.0,,135000.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-2666,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,20.0,middle,Cash Street: middle,365243.0,-2636.0,-2066.0,-2066.0,-2060.0,0.0,0,Cash loans,F,N,Y,3,85500.0,808650.0,26217.0,675000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.00702,-10819,-1994,-525.0,-3497,,1,1,1,1,1,0,Medicine staff,5.0,2,2,TUESDAY,10,0,0,0,0,1,1,Medicine,,0.2212860526551216,0.7503751495159068,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-2856.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2736753,249795,Cash loans,4793.175,45000.0,47970.0,,45000.0,MONDAY,12,Y,1,,,,XNA,Approved,-835,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-805.0,-475.0,-475.0,-472.0,1.0,0,Cash loans,F,N,Y,0,81000.0,225000.0,12694.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.020246,-20773,365243,-11079.0,-4311,,1,0,0,1,1,0,,1.0,3,3,WEDNESDAY,8,0,0,0,0,0,0,XNA,0.8608094234837576,0.3995496809025312,0.6577838002083306,0.0928,0.1009,0.9781,0.7008,0.0129,0.0,0.2069,0.1667,0.2083,0.0182,0.0756,0.0869,0.0,0.0,0.0945,0.1047,0.9782,0.7125,0.013,0.0,0.2069,0.1667,0.2083,0.0186,0.0826,0.0906,0.0,0.0,0.0937,0.1009,0.9781,0.7048,0.013,0.0,0.2069,0.1667,0.2083,0.0185,0.077,0.0885,0.0,0.0,reg oper account,block of flats,0.0684,Panel,No,9.0,0.0,9.0,0.0,-1703.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2807904,275664,Consumer loans,2977.74,29556.0,25065.0,6750.0,29556.0,SATURDAY,6,Y,1,0.2310659637392309,,,XAP,Approved,-2249,Cash through the bank,XAP,"Spouse, partner",Repeater,Mobile,POS,XNA,Country-wide,35,Connectivity,12.0,high,POS mobile with interest,365243.0,-2218.0,-1888.0,-1888.0,-1884.0,0.0,0,Cash loans,M,Y,Y,2,135000.0,857169.0,25060.5,715500.0,Family,Working,Secondary / secondary special,Married,With parents,0.020246,-14294,-3211,-8431.0,-4641,12.0,1,1,0,1,0,0,Laborers,4.0,3,3,MONDAY,14,0,0,0,0,0,0,Industry: type 9,,0.5048344685754148,0.21396685226179807,0.0619,,0.9826,0.762,0.0492,0.0,0.1379,0.1667,0.2083,,0.0504,0.0536,0.0,,0.063,,0.9826,0.7713,0.0497,0.0,0.1379,0.1667,0.2083,,0.0551,0.0558,0.0,,0.0625,,0.9826,0.7652,0.0495,0.0,0.1379,0.1667,0.2083,,0.0513,0.0545,0.0,,reg oper account,block of flats,0.069,Panel,No,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1771436,216213,Cash loans,43488.495,1161000.0,1482831.0,,1161000.0,SUNDAY,11,Y,1,,,,XNA,Refused,-15,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,Y,Y,1,225000.0,1288350.0,37800.0,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.005313,-14366,-2337,-115.0,-3619,4.0,1,1,0,1,0,0,Laborers,3.0,2,2,MONDAY,18,0,0,0,0,1,1,Construction,0.2900831113183045,0.6283376550761742,0.0005272652387098817,0.7258,0.2012,0.998,0.9728,0.156,0.52,0.2414,0.5417,0.3333,0.0,0.5479999999999999,0.5551,0.2008,0.5246,0.7395,0.2088,0.998,0.9739,0.1574,0.5236,0.2414,0.5417,0.3333,0.0,0.5987,0.5783,0.2023,0.5553,0.7328,0.2012,0.998,0.9732,0.157,0.52,0.2414,0.5417,0.3333,0.0,0.5575,0.565,0.2019,0.5356,reg oper account,block of flats,0.5765,Monolithic,No,0.0,0.0,0.0,0.0,-189.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,1.0 +2030160,425714,Consumer loans,10147.725,268600.5,268600.5,0.0,268600.5,MONDAY,10,Y,1,0.0,,,XAP,Approved,-661,Cash through the bank,XAP,Unaccompanied,New,Construction Materials,POS,XNA,Stone,11,Furniture,36.0,low_normal,POS industry with interest,365243.0,-621.0,429.0,365243.0,365243.0,0.0,0,Revolving loans,F,Y,Y,0,135000.0,405000.0,20250.0,405000.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-23070,365243,-3646.0,-3961,20.0,1,0,0,1,1,0,,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,XNA,,0.6450931175490381,0.5989262182569273,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-661.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1956580,328812,Consumer loans,11046.96,65200.5,54913.5,13041.0,65200.5,SATURDAY,15,Y,1,0.20900506287964069,,,XAP,Approved,-213,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,50,Connectivity,6.0,high,POS mobile with interest,365243.0,-183.0,-33.0,-33.0,-30.0,1.0,0,Cash loans,F,N,Y,0,81000.0,360000.0,14026.5,360000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.028663,-23179,365243,-4001.0,-4001,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,15,0,0,0,0,0,0,XNA,,0.5009312547084518,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,2.0,8.0,0.0,-2381.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1810512,433728,Consumer loans,14198.355,143037.0,155308.5,0.0,143037.0,TUESDAY,17,Y,1,0.0,,,XAP,Approved,-298,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Regional / Local,100,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-267.0,63.0,365243.0,365243.0,0.0,0,Revolving loans,M,N,Y,1,180000.0,495000.0,24750.0,495000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.031329,-12218,-544,-6305.0,-4005,,1,1,0,1,1,0,High skill tech staff,3.0,2,2,SATURDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.3903281079057075,0.6719416367739021,0.7047064232963289,0.0825,0.079,0.9771,0.6872,0.0069,0.0,0.1379,0.1667,0.2083,,0.0668,0.0582,0.0019,0.0226,0.084,0.0802,0.9772,0.6994,0.0069,0.0,0.1379,0.1667,0.2083,,0.0725,0.0538,0.0,0.0,0.0833,0.079,0.9771,0.6914,0.0069,0.0,0.1379,0.1667,0.2083,,0.068,0.0592,0.0019,0.0231,reg oper account,block of flats,0.0543,"Stone, brick",No,2.0,0.0,2.0,0.0,-776.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1176815,279737,Consumer loans,62147.655,665820.0,665820.0,0.0,665820.0,SATURDAY,10,Y,1,0.0,,,XAP,Approved,-328,XNA,XAP,,Refreshed,Clothing and Accessories,POS,XNA,Regional / Local,1000,Clothing,12.0,low_normal,POS industry with interest,365243.0,-297.0,33.0,365243.0,365243.0,0.0,0,Revolving loans,M,N,Y,0,360000.0,900000.0,45000.0,900000.0,Unaccompanied,Commercial associate,Higher education,Married,Municipal apartment,0.008625,-17036,-901,-8337.0,-583,,1,1,0,1,1,0,Managers,2.0,2,2,FRIDAY,17,0,0,0,0,0,0,Other,0.5960149580842334,0.6536665227549411,0.7813782380840683,0.1866,0.0862,0.9816,0.7484,0.3379,0.2,0.1724,0.3333,0.375,0.0317,,0.1812,,0.1681,0.1901,0.0894,0.9816,0.7583,0.341,0.2014,0.1724,0.3333,0.375,0.0324,,0.1888,,0.1779,0.1884,0.0862,0.9816,0.7518,0.34,0.2,0.1724,0.3333,0.375,0.0322,,0.1845,,0.1716,reg oper account,block of flats,0.1847,Panel,No,0.0,0.0,0.0,0.0,-2627.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,1.0 +1153761,440029,Cash loans,26704.755,225000.0,289732.5,,225000.0,THURSDAY,12,Y,1,,,,Other,Approved,-1615,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,,,,,,,0,Cash loans,M,N,Y,0,292500.0,283500.0,15507.0,283500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.028663,-12109,-4519,-784.0,-1635,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Medicine,,0.462580012666611,0.7121551551910698,0.0946,0.0628,0.9925,0.898,0.0258,0.08800000000000001,0.0828,0.3,0.1417,0.0583,0.0765,0.0843,0.0031,0.0014,0.1134,0.0506,0.994,0.9216,0.0499,0.1208,0.1034,0.3333,0.0417,0.0131,0.0983,0.0548,0.0039,0.0,0.1124,0.0566,0.994,0.9195,0.0128,0.12,0.1034,0.3333,0.0417,0.0749,0.0915,0.0942,0.0039,0.001,reg oper account,block of flats,0.0895,Panel,No,3.0,1.0,3.0,1.0,-259.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,1.0,0.0,4.0 +1592816,224423,Consumer loans,3287.07,24615.0,18373.5,7380.0,24615.0,TUESDAY,13,Y,1,0.31209314885708384,,,XAP,Approved,-1625,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,15,Connectivity,8.0,high,POS mobile with interest,365243.0,-1594.0,-1384.0,-1384.0,-1382.0,0.0,0,Cash loans,F,N,N,3,135000.0,808650.0,26217.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009175,-12538,-2562,-6550.0,-5089,,1,1,0,1,1,0,Managers,5.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Construction,,0.691383084619226,,0.0613,0.0018,0.9752,,,0.0,0.1034,0.1667,,0.0202,,0.0469,,0.0015,0.042,0.0019,0.9752,,,0.0,0.069,0.1667,,0.0155,,0.0326,,0.0,0.0619,0.0018,0.9752,,,0.0,0.1034,0.1667,,0.0206,,0.0477,,0.0015,,block of flats,0.0246,"Stone, brick",No,2.0,0.0,2.0,0.0,-1625.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1726052,349595,Cash loans,34999.74,337500.0,441382.5,,337500.0,SATURDAY,17,Y,1,,,,XNA,Refused,-1033,Cash through the bank,LIMIT,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,high,Cash Street: high,,,,,,,0,Cash loans,M,N,Y,0,247500.0,628069.5,32197.5,499500.0,Unaccompanied,Commercial associate,Lower secondary,Single / not married,House / apartment,0.00702,-13811,-1998,-7426.0,-4758,,1,1,0,1,0,0,Sales staff,1.0,2,2,WEDNESDAY,16,0,0,0,1,1,0,Self-employed,,0.6793930805100056,0.5334816299804352,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-863.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1291406,210903,Cash loans,7294.005,90000.0,107820.0,,90000.0,SATURDAY,2,Y,1,,,,Urgent needs,Refused,-356,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),5,XNA,36.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,90000.0,93964.5,6813.0,85500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.014464,-17668,365243,-11665.0,-1231,,1,0,0,1,1,0,,1.0,2,2,FRIDAY,9,0,0,0,0,0,0,XNA,,0.5959390359269537,0.4418358231994413,0.0619,0.0647,0.9841,0.7824,,0.0,0.1379,0.1667,0.2083,0.0059,0.0504,0.0559,0.0,0.0266,0.063,0.0672,0.9841,0.7909,,0.0,0.1379,0.1667,0.2083,0.006,0.0551,0.0582,0.0,0.0281,0.0625,0.0647,0.9841,0.7853,,0.0,0.1379,0.1667,0.2083,0.006,0.0513,0.0569,0.0,0.0271,reg oper account,block of flats,0.0497,Panel,No,0.0,0.0,0.0,0.0,-165.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2332148,294891,Consumer loans,13431.465,63013.5,50409.0,12604.5,63013.5,THURSDAY,15,Y,1,0.21784929203482373,,,XAP,Approved,-954,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,55,Connectivity,4.0,middle,POS mobile without interest,365243.0,-905.0,-815.0,-815.0,-796.0,0.0,0,Cash loans,F,N,Y,1,67500.0,242595.0,12514.5,202500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.011656999999999999,-20466,365243,-3539.0,-3944,,1,0,0,1,0,0,,3.0,1,1,SATURDAY,16,0,0,0,0,0,0,XNA,,0.6676469136099263,0.4992720153045617,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-954.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1768222,245048,Cash loans,23097.96,247500.0,267592.5,,247500.0,FRIDAY,16,Y,1,,,,XNA,Approved,-419,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-389.0,121.0,-179.0,-172.0,1.0,0,Cash loans,F,N,N,0,360000.0,450000.0,27193.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-13327,-1757,-3579.0,-2075,,1,1,1,1,0,0,Laborers,2.0,1,1,WEDNESDAY,13,0,1,1,0,1,1,Trade: type 1,0.71899351100837,0.6132820299202719,0.5779691187553125,0.2227,,0.9801,,,0.24,0.2069,0.3333,,,,,,,0.2269,,0.9801,,,0.2417,0.2069,0.3333,,,,,,,0.2248,,0.9801,,,0.24,0.2069,0.3333,,,,,,,,block of flats,0.1662,Panel,No,0.0,0.0,0.0,0.0,-782.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2214725,211290,Consumer loans,6502.95,30096.0,30991.5,3010.5,30096.0,SATURDAY,10,Y,1,0.09642692141104003,,,XAP,Approved,-888,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,60,Connectivity,6.0,high,POS mobile with interest,365243.0,-857.0,-707.0,-707.0,-698.0,0.0,0,Cash loans,F,N,Y,1,180000.0,326664.0,16807.5,234000.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.020246,-9544,-965,-995.0,-2222,,1,1,0,1,0,1,Core staff,2.0,3,3,FRIDAY,7,0,0,0,0,0,0,Kindergarten,,0.2253137592203792,0.5656079814115492,0.0804,0.0305,0.9975,0.966,0.0358,0.08,0.069,0.375,0.4167,0.047,0.0656,0.076,0.0,0.0,0.0819,0.0317,0.9975,0.9673,0.0362,0.0806,0.069,0.375,0.4167,0.0481,0.0716,0.0792,0.0,0.0,0.0812,0.0305,0.9975,0.9665,0.0361,0.08,0.069,0.375,0.4167,0.0478,0.0667,0.0774,0.0,0.0,reg oper account,block of flats,0.0794,Panel,No,1.0,0.0,1.0,0.0,-888.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2471401,449644,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,18,Y,1,,,,XAP,Refused,-252,XNA,SCOFR,Family,New,XNA,Cards,walk-in,Country-wide,500,Consumer electronics,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,N,Y,0,315000.0,314100.0,21244.5,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.01885,-14638,-400,-1584.0,-5067,,1,1,1,1,0,0,Laborers,2.0,2,2,WEDNESDAY,8,1,0,1,1,1,1,Construction,,0.7166298202881106,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-252.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1851015,439926,Consumer loans,4407.03,44995.5,23832.0,22500.0,44995.5,MONDAY,13,Y,1,0.5288903016175742,,,XAP,Approved,-249,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,2425,Consumer electronics,6.0,middle,POS household with interest,365243.0,-218.0,-68.0,-188.0,-180.0,0.0,0,Cash loans,M,Y,Y,0,171000.0,1129500.0,31189.5,1129500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-20755,-2045,-8214.0,-2809,19.0,1,1,1,1,1,0,Drivers,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.6457436988327211,0.7610263695502636,0.0423,,0.9722,,,0.0,0.1034,0.0833,,,,0.0323,,0.0,0.0021,,0.9712,,,0.0,0.069,0.0,,,,0.0011,,0.0,0.0427,,0.9722,,,0.0,0.1034,0.0833,,,,0.0329,,0.0,,block of flats,0.0018,Wooden,No,0.0,0.0,0.0,0.0,-1536.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1365561,156803,Consumer loans,10472.85,229320.0,229320.0,0.0,229320.0,THURSDAY,12,Y,1,0.0,,,XAP,Approved,-1359,Cash through the bank,XAP,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Country-wide,2417,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1328.0,-638.0,-638.0,-635.0,0.0,0,Cash loans,F,Y,Y,1,202500.0,943425.0,27715.5,787500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.018029,-10222,-296,-749.0,-1577,13.0,1,1,0,1,0,0,Medicine staff,3.0,3,3,FRIDAY,6,0,0,0,0,0,0,Kindergarten,0.6094458449785146,0.5384782005452575,0.3360615207658242,0.0082,0.0,0.9692,0.5784,0.0,0.0,0.0345,0.0417,0.0417,0.0177,0.0067,0.0101,0.0,0.0,0.0084,0.0,0.9692,0.5949,0.0,0.0,0.0345,0.0417,0.0417,0.0181,0.0073,0.0105,0.0,0.0,0.0083,0.0,0.9692,0.584,0.0,0.0,0.0345,0.0417,0.0417,0.018000000000000002,0.0068,0.0102,0.0,0.0,not specified,block of flats,0.0079,Wooden,No,2.0,1.0,2.0,0.0,-1083.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +2010712,269107,Consumer loans,4040.82,35577.0,35577.0,0.0,35577.0,SATURDAY,15,Y,1,0.0,,,XAP,Approved,-299,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-266.0,4.0,-116.0,-109.0,0.0,0,Cash loans,F,Y,Y,0,135000.0,109467.0,11623.5,94500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.010276,-10425,-2265,-4991.0,-771,7.0,1,1,0,1,0,1,Accountants,2.0,2,2,THURSDAY,16,0,0,0,0,0,0,Self-employed,,0.7475319716883749,0.5513812618027899,0.4454,0.621,0.9831,0.7688,0.0335,0.48,0.4138,0.3333,0.375,0.0582,0.3631,0.4766,0.0,0.0066,0.4538,0.6444,0.9831,0.7779,0.0338,0.4834,0.4138,0.3333,0.375,0.0596,0.3967,0.4966,0.0,0.006999999999999999,0.4497,0.621,0.9831,0.7719,0.0338,0.48,0.4138,0.3333,0.375,0.0593,0.3694,0.4852,0.0,0.0067,reg oper account,block of flats,0.3775,Block,No,0.0,0.0,0.0,0.0,-737.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,0.0,0.0,1.0 +2834123,172298,Consumer loans,11612.25,60705.0,63909.0,0.0,60705.0,THURSDAY,15,Y,1,0.0,,,XAP,Approved,-876,Cash through the bank,XAP,"Spouse, partner",Repeater,Computers,POS,XNA,Country-wide,260,Consumer electronics,6.0,middle,POS household with interest,365243.0,-845.0,-695.0,-695.0,-682.0,0.0,1,Revolving loans,M,Y,N,2,270000.0,765000.0,38250.0,765000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.00496,-11344,-2712,-5498.0,-3502,6.0,1,1,0,1,1,0,Core staff,4.0,2,2,FRIDAY,18,0,0,0,0,0,0,Self-employed,0.16392435538695868,0.6554712422392824,0.3425288720742255,0.1037,,0.9796,,,0.0,0.2328,0.1667,,,,0.0775,,0.0,0.125,,0.9796,,,0.0,0.2759,0.1667,,,,0.0,,0.0,0.1239,,0.9796,,,0.0,0.2759,0.1667,,,,0.0805,,0.0,,block of flats,0.031,"Stone, brick",No,0.0,0.0,0.0,0.0,-1386.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +1365248,423974,Consumer loans,9569.835,97560.0,94414.5,13500.0,97560.0,SUNDAY,7,Y,1,0.1362442236467506,,,XAP,Approved,-475,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,50,Connectivity,14.0,high,POS mobile with interest,365243.0,-415.0,-25.0,-25.0,-20.0,0.0,0,Cash loans,F,Y,Y,1,202500.0,234576.0,23197.5,202500.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.002506,-15061,-131,-4383.0,-1834,3.0,1,1,0,1,0,0,HR staff,2.0,2,2,SATURDAY,2,0,0,0,0,0,0,Military,0.6330123271310032,0.6683016491276186,0.15663982703141147,0.066,,0.9771,,,0.0,0.1379,0.125,,0.0,,,,,0.0672,,0.9772,,,0.0,0.1379,0.125,,0.0,,,,,0.0666,,0.9771,,,0.0,0.1379,0.125,,0.0,,,,,,block of flats,0.0399,Block,No,0.0,0.0,0.0,0.0,-475.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,1.0,0.0,0.0 +1081889,419031,Consumer loans,58246.29,529492.5,317695.5,211797.0,529492.5,FRIDAY,13,Y,1,0.4356363636363636,,,XAP,Approved,-258,XNA,XAP,,Repeater,Clothing and Accessories,POS,XNA,Country-wide,170,Clothing,6.0,middle,POS industry with interest,365243.0,-222.0,-72.0,-72.0,-67.0,0.0,0,Cash loans,F,N,Y,1,157500.0,752742.0,42030.0,697500.0,Family,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.019688999999999998,-10282,-628,-204.0,-2821,,1,1,0,1,0,0,,3.0,2,2,THURSDAY,14,0,0,0,0,0,0,Services,,0.6320273495378292,0.4507472818545589,0.1062,0.0582,0.9826,0.762,0.0261,0.12,0.1034,0.3333,0.375,0.0368,0.0832,0.0986,0.0154,0.0356,0.1082,0.0604,0.9826,0.7713,0.0264,0.1208,0.1034,0.3333,0.375,0.0377,0.0909,0.1028,0.0156,0.0377,0.1072,0.0582,0.9826,0.7652,0.0263,0.12,0.1034,0.3333,0.375,0.0375,0.0847,0.1004,0.0155,0.0364,reg oper account,block of flats,0.0866,"Stone, brick",No,10.0,0.0,10.0,0.0,-2071.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1907015,444945,Consumer loans,3837.825,38205.0,26541.0,13500.0,38205.0,SUNDAY,13,Y,1,0.3671918102127138,,,XAP,Approved,-2693,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Stone,22,Connectivity,9.0,high,POS mobile with interest,365243.0,-2650.0,-2410.0,-2410.0,-2406.0,1.0,0,Cash loans,F,N,Y,0,121500.0,254700.0,14751.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.031329,-24475,-5761,-1288.0,-4406,,1,1,1,1,1,0,Accountants,1.0,2,2,FRIDAY,16,0,0,0,0,0,0,School,0.8478638002567642,0.628613376377087,0.7801436381572275,0.0608,0.0595,0.9737,0.6396,0.0054,0.0,0.1379,0.125,0.1667,0.0371,0.0496,0.0467,0.0,0.0136,0.062,0.0617,0.9737,0.6537,0.0054,0.0,0.1379,0.125,0.1667,0.0379,0.0542,0.0487,0.0,0.0144,0.0614,0.0595,0.9737,0.6444,0.0054,0.0,0.1379,0.125,0.1667,0.0377,0.0504,0.0476,0.0,0.0139,reg oper account,block of flats,0.0397,Block,No,3.0,0.0,3.0,0.0,-2050.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2302514,121406,Cash loans,59490.0,1800000.0,1800000.0,,1800000.0,WEDNESDAY,18,Y,1,,,,Repairs,Refused,-1702,Cash through the bank,LIMIT,Family,Refreshed,XNA,Cash,walk-in,Credit and cash offices,0,XNA,48.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,Y,Y,0,292500.0,895500.0,67086.0,895500.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-22318,365243,-14727.0,-4319,1.0,1,0,0,1,1,0,,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,XNA,,0.6996765613039345,0.7016957740576931,0.066,,0.9737,,,0.0,0.1379,0.1667,,,,0.0525,,0.0358,0.0672,,0.9737,,,0.0,0.1379,0.1667,,,,0.0546,,0.0379,0.0666,,0.9737,,,0.0,0.1379,0.1667,,,,0.0534,,0.0366,,block of flats,0.049,"Stone, brick",No,0.0,0.0,0.0,0.0,-699.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1197950,197076,Cash loans,14220.81,225000.0,269104.5,,225000.0,FRIDAY,7,Y,1,,,,Urgent needs,Refused,-218,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Country-wide,30,Connectivity,36.0,middle,Cash Street: middle,,,,,,,1,Cash loans,F,N,N,0,207000.0,454500.0,21865.5,454500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.020713,-9884,-3244,-3824.0,-841,,1,1,1,1,0,0,Sales staff,2.0,3,3,THURSDAY,16,0,0,0,0,0,0,Self-employed,0.3030769236461517,0.2942009537785405,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,10.0,2.0,10.0,1.0,-1505.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2286198,179412,Consumer loans,8621.055,43942.5,46552.5,0.0,43942.5,SATURDAY,9,Y,1,0.0,,,XAP,Approved,-216,Cash through the bank,XAP,Family,Repeater,Jewelry,POS,XNA,Country-wide,50,Jewelry,6.0,middle,POS others without interest,365243.0,-177.0,-27.0,-27.0,-19.0,0.0,0,Cash loans,M,Y,N,1,67500.0,610335.0,22050.0,463500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.0038130000000000004,-14965,-268,-965.0,-4649,9.0,1,1,0,1,0,0,Drivers,3.0,2,2,FRIDAY,6,0,0,0,0,0,0,Security,0.413207139568462,0.3147799711669639,0.8038850611746273,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1851.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2632327,248413,Cash loans,16021.8,135000.0,135000.0,,135000.0,SUNDAY,10,Y,1,,,,Wedding / gift / holiday,Approved,-369,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-339.0,-9.0,-9.0,365243.0,0.0,0,Cash loans,F,N,Y,2,144000.0,1546051.5,42516.0,1210500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.072508,-19821,365243,-10995.0,-3382,,1,0,0,1,0,0,,4.0,1,1,FRIDAY,12,0,0,0,0,0,0,XNA,0.7653587839637658,0.3768843433535922,,0.0206,0.0409,0.9722,,,0.0,0.069,0.1667,,0.0,,0.0351,,0.0027,0.021,0.0425,0.9722,,,0.0,0.069,0.1667,,0.0,,0.0366,,0.0029,0.0208,0.0409,0.9722,,,0.0,0.069,0.1667,,0.0,,0.0357,,0.0028,,block of flats,0.0276,Block,No,0.0,0.0,0.0,0.0,-381.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2251719,202750,Consumer loans,10496.97,78705.0,95427.0,0.0,78705.0,WEDNESDAY,14,Y,1,0.0,,,XAP,Refused,-737,Cash through the bank,LIMIT,,Repeater,Photo / Cinema Equipment,POS,XNA,Regional / Local,60,Consumer electronics,10.0,low_normal,POS household with interest,,,,,,,0,Cash loans,M,Y,N,0,76500.0,497520.0,29754.0,450000.0,"Spouse, partner",Working,Higher education,Married,House / apartment,0.018029,-9628,-2356,-457.0,-2307,11.0,1,1,0,1,0,0,High skill tech staff,2.0,3,2,THURSDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.3515282170208541,0.722392890081304,0.0557,0.0345,0.9801,0.728,0.0188,0.04,0.0345,0.3333,0.375,0.0368,0.0437,0.0421,0.0077,0.0067,0.0567,0.0358,0.9801,0.7387,0.019,0.0403,0.0345,0.3333,0.375,0.0376,0.0478,0.0438,0.0078,0.0071,0.0562,0.0345,0.9801,0.7316,0.0189,0.04,0.0345,0.3333,0.375,0.0374,0.0445,0.0428,0.0078,0.0069,reg oper account,block of flats,0.0448,"Stone, brick",No,1.0,0.0,1.0,0.0,-862.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0.0,0.0,0.0,0.0,2.0,0.0 +2475869,184633,Consumer loans,16307.28,97200.0,87480.0,9720.0,97200.0,THURSDAY,12,Y,1,0.1089090909090909,,,XAP,Approved,-36,Cash through the bank,XAP,Unaccompanied,Repeater,Clothing and Accessories,POS,XNA,Regional / Local,86,Clothing,6.0,middle,POS industry with interest,365243.0,-6.0,144.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,1,121500.0,225000.0,20821.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-15045,-1300,-1015.0,-360,,1,1,0,1,0,0,Sales staff,3.0,2,2,TUESDAY,9,0,0,0,0,0,0,Other,,0.6496756191523021,0.43473324875017305,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-684.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,4.0,1.0 +1130166,152911,Consumer loans,11259.09,102262.5,102262.5,0.0,102262.5,FRIDAY,11,Y,1,0.0,,,XAP,Approved,-1149,XNA,XAP,"Spouse, partner",Repeater,Clothing and Accessories,POS,XNA,Stone,9,Clothing,10.0,low_normal,POS industry with interest,365243.0,-1115.0,-845.0,-935.0,-930.0,0.0,0,Cash loans,F,N,Y,2,135000.0,85320.0,5683.5,67500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-11665,-380,-5723.0,-3420,,1,1,0,1,0,0,,4.0,2,2,SATURDAY,8,0,0,0,1,1,0,Self-employed,0.3101635940144177,0.5329413460804172,0.3825018041447388,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1305.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2463227,392857,Cash loans,9431.595,139500.0,139500.0,0.0,139500.0,TUESDAY,7,Y,1,0.0,,,XNA,Approved,-2478,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,24.0,high,Cash Street: high,365243.0,-2448.0,-1758.0,-2208.0,-2186.0,0.0,0,Cash loans,F,N,Y,0,90000.0,970380.0,28503.0,810000.0,Family,Working,Secondary / secondary special,Widow,House / apartment,0.006852,-19497,-4723,-8644.0,-3050,,1,1,0,1,0,0,Laborers,1.0,3,3,TUESDAY,9,0,0,0,0,0,0,Other,0.7460045128133556,0.4741446824558696,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2478.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2408172,124186,Revolving loans,13500.0,0.0,270000.0,,,WEDNESDAY,13,Y,1,,,,XAP,Approved,-1378,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-1163.0,-1123.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,450000.0,244584.0,11893.5,193500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.072508,-21390,-933,-1264.0,-4830,13.0,1,1,0,1,0,0,Security staff,1.0,1,1,TUESDAY,12,0,0,0,0,0,0,Security,,0.6729001784473363,0.2678689358444539,0.1938,0.033,0.9816,0.7484,0.0358,0.0532,0.1607,0.3888,0.4304,0.0,0.1558,0.1669,0.009000000000000001,0.0121,0.1239,0.0001,0.9747,0.6668,0.0139,0.0,0.2069,0.1667,0.2083,0.0,0.1084,0.1063,0.0,0.0024,0.1239,0.0001,0.9747,0.6578,0.047,0.0,0.2069,0.1667,0.2083,0.0,0.1009,0.1042,0.0039,0.0023,reg oper account,block of flats,0.2474,Panel,No,0.0,0.0,0.0,0.0,-643.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,9.0 +2589456,427178,Consumer loans,6633.315,60975.0,59706.0,6097.5,60975.0,SATURDAY,10,Y,1,0.10091760800233752,,,XAP,Approved,-839,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,110,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-808.0,-538.0,-538.0,-530.0,0.0,0,Cash loans,F,N,N,0,112500.0,170640.0,13612.5,135000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,With parents,0.035792000000000004,-16493,-866,-942.0,-38,,1,1,0,1,0,0,Cleaning staff,1.0,2,2,FRIDAY,11,0,0,0,0,1,1,Business Entity Type 2,0.5594619344953302,0.5379890569452419,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-839.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1038789,304590,Consumer loans,2502.45,21105.0,20871.0,2115.0,21105.0,MONDAY,10,Y,1,0.1002100092546451,,,XAP,Approved,-1855,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,12.0,high,POS mobile with interest,365243.0,-1822.0,-1492.0,-1642.0,-1639.0,0.0,0,Cash loans,F,N,Y,0,270000.0,677664.0,22527.0,585000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-21573,365243,-7730.0,-4720,,1,0,0,1,0,0,,2.0,2,2,MONDAY,9,0,0,0,0,0,0,XNA,0.6056394607311121,0.25634082347862586,0.6347055309763198,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1030.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2034788,346142,Consumer loans,7396.38,38407.5,36274.5,3843.0,38407.5,SATURDAY,13,Y,1,0.10432794575026766,,,XAP,Approved,-1350,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Stone,40,Connectivity,6.0,high,POS mobile with interest,365243.0,-1245.0,-1095.0,-1155.0,-1152.0,0.0,0,Cash loans,F,N,N,0,90000.0,312768.0,13905.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.025164,-14571,-546,-3189.0,-4369,,1,1,1,1,0,0,Cleaning staff,1.0,2,2,FRIDAY,14,0,0,0,0,0,0,Housing,,0.2622583692422573,0.6658549219640212,0.0082,,0.9801,,,,0.069,0.0417,,,,0.0069,,,0.0084,,0.9801,,,,0.069,0.0417,,,,0.0072,,,0.0083,,0.9801,,,,0.069,0.0417,,,,0.0071,,,,block of flats,0.0057,"Stone, brick",No,2.0,0.0,2.0,0.0,-1564.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1994471,283135,Consumer loans,19170.0,270000.0,270000.0,0.0,270000.0,THURSDAY,10,Y,1,0.0,,,XAP,Approved,-1738,XNA,XAP,Unaccompanied,Repeater,Construction Materials,POS,XNA,Stone,11,Construction,24.0,high,POS industry with interest,365243.0,-1703.0,-1013.0,-1013.0,-1007.0,0.0,0,Cash loans,F,N,Y,0,135000.0,422235.0,21685.5,364500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-19406,-5505,-7333.0,-2969,,1,1,0,1,0,0,,2.0,2,2,SATURDAY,11,0,0,0,0,1,1,Medicine,,0.11646377761927976,0.33125086459090186,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,3.0,7.0,2.0,-2115.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1106021,213362,Cash loans,26026.47,135000.0,139455.0,,135000.0,THURSDAY,11,Y,1,,,,XNA,Approved,-857,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-827.0,-677.0,-677.0,-671.0,1.0,0,Cash loans,F,N,Y,2,180000.0,1039500.0,30523.5,1039500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-14129,-2625,-4254.0,-4710,,1,1,0,1,0,0,,4.0,2,2,SUNDAY,11,0,0,0,0,1,1,Industry: type 7,0.42377313756303736,0.12116118856408208,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-412.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2156467,423312,Consumer loans,5268.33,52857.0,64021.5,0.0,52857.0,WEDNESDAY,15,Y,1,0.0,,,XAP,Refused,-913,Cash through the bank,LIMIT,Other_A,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,2500,Consumer electronics,24.0,high,POS household with interest,,,,,,,0,Cash loans,M,Y,Y,0,247500.0,168102.0,16753.5,148500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-21820,-1106,-1205.0,-4113,3.0,1,1,0,1,1,0,Drivers,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Transport: type 3,,0.6858691038829133,0.7180328113294772,0.3113,,0.9985,,,0.4,0.1724,0.625,,,,0.3336,,0.1247,0.3172,,0.9985,,,0.4028,0.1724,0.625,,,,0.3476,,0.132,0.3144,,0.9985,,,0.4,0.1724,0.625,,,,0.3396,,0.1273,,block of flats,0.3994,Block,No,4.0,0.0,3.0,0.0,-1135.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +2016521,361563,Consumer loans,12658.545,75145.5,71203.5,7515.0,75145.5,SUNDAY,9,Y,1,0.1039719784017502,,,XAP,Approved,-571,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Country-wide,2263,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-539.0,-389.0,-389.0,-382.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,254700.0,17149.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.020713,-13348,-926,-4676.0,-978,11.0,1,1,0,1,0,0,Laborers,2.0,3,3,THURSDAY,6,0,0,0,1,1,1,Business Entity Type 3,,0.6561178747137842,0.09950368352887068,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-709.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2657858,249502,Cash loans,17265.6,247500.0,247500.0,,247500.0,THURSDAY,13,Y,1,,,,XNA,Approved,-1271,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,high,Cash X-Sell: high,365243.0,-1241.0,-551.0,-821.0,-813.0,0.0,0,Cash loans,F,Y,N,1,337500.0,854896.5,43780.5,702000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.020713,-10542,-2607,-1213.0,-1571,15.0,1,1,0,1,0,0,,3.0,3,2,MONDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.3382164656539035,0.5440272762159111,0.4686596550493113,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1786.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2009286,272985,Cash loans,5846.04,49500.0,63738.0,,49500.0,THURSDAY,10,Y,1,,,,XNA,Refused,-909,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,,,,,,,0,Cash loans,M,Y,N,0,198000.0,450000.0,47254.5,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018801,-20471,-744,-3922.0,-2183,12.0,1,1,0,1,0,0,Drivers,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,Medicine,,0.5829694154460509,0.4223696523543468,0.0619,0.0545,0.9762,0.6736,0.0086,0.0,0.1379,0.1667,0.2083,0.0475,0.0504,0.0525,0.0,0.0,0.063,0.0565,0.9762,0.6864,0.0086,0.0,0.1379,0.1667,0.2083,0.0447,0.0551,0.0543,0.0,0.0,0.0625,0.0545,0.9762,0.6779999999999999,0.0086,0.0,0.1379,0.1667,0.2083,0.0483,0.0513,0.0534,0.0,0.0,reg oper account,block of flats,0.041,Panel,No,0.0,0.0,0.0,0.0,-975.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +1793756,153460,Consumer loans,16020.81,151141.5,163111.5,0.0,151141.5,SATURDAY,10,Y,1,0.0,,,XAP,Approved,-261,Cash through the bank,XAP,"Spouse, partner",New,Audio/Video,POS,XNA,Country-wide,2000,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-231.0,99.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,0,225000.0,360000.0,28440.0,360000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.022625,-9128,-467,-1201.0,-1782,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.4207124035603281,0.3092753558842053,0.1701,0.0524,0.9831,,,0.08,0.069,0.3333,,0.049,,0.0568,,0.2546,0.1733,0.0544,0.9831,,,0.0806,0.069,0.3333,,0.0501,,0.0591,,0.2696,0.1718,0.0524,0.9831,,,0.08,0.069,0.3333,,0.0498,,0.0578,,0.26,,specific housing,0.1006,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1070718,126386,Revolving loans,11250.0,225000.0,225000.0,,225000.0,THURSDAY,9,Y,1,,,,XAP,Refused,-635,XNA,HC,,New,XNA,Cards,walk-in,AP+ (Cash loan),4,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,Y,Y,0,202500.0,414792.0,22630.5,315000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.005084,-20100,-707,-417.0,-3536,9.0,1,1,0,1,0,0,Security staff,1.0,2,2,TUESDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.5204366809118744,0.5971924268337128,0.0825,,0.9771,,,,0.1379,0.1667,,,,0.063,,0.0,0.084,,0.9772,,,,0.1379,0.1667,,,,0.0656,,0.0,0.0833,,0.9771,,,,0.1379,0.1667,,,,0.0641,,0.0,,block of flats,0.0589,Panel,No,0.0,0.0,0.0,0.0,-635.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1572293,100859,Consumer loans,16200.0,180000.0,162000.0,18000.0,180000.0,THURSDAY,14,Y,1,0.1089090909090909,,,XAP,Approved,-1356,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,70,Furniture,12.0,middle,POS industry with interest,365243.0,-1325.0,-995.0,-1025.0,-1017.0,0.0,0,Cash loans,F,N,Y,0,270000.0,1225224.0,44140.5,990000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.04622,-14004,-2402,-7999.0,-1062,,1,1,0,1,0,1,Core staff,2.0,1,1,TUESDAY,10,0,0,0,0,0,0,Self-employed,0.8738990399798535,0.558863072697854,0.3893387918468769,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1719.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,5.0 +2242770,122390,Consumer loans,5536.305,29205.0,27585.0,2920.5,29205.0,THURSDAY,12,Y,1,0.1042661159463048,,,XAP,Approved,-2694,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,19,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2663.0,-2513.0,-2513.0,-1515.0,1.0,0,Cash loans,F,N,Y,0,238500.0,1350000.0,37255.5,1350000.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.026392000000000002,-22323,365243,-539.0,-153,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,XNA,,0.6035346956305814,0.6956219298394389,0.2412,,0.994,,,0.24,0.2069,0.375,,,,0.2496,,0.0,0.2458,,0.994,,,0.2417,0.2069,0.375,,,,0.2601,,0.0,0.2436,,0.994,,,0.24,0.2069,0.375,,,,0.2541,,0.0,,block of flats,0.1963,Panel,No,2.0,1.0,2.0,0.0,-1027.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1535887,221413,Cash loans,6190.335,45000.0,54738.0,0.0,45000.0,MONDAY,11,Y,1,0.0,,,Everyday expenses,Approved,-1982,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-1951.0,-1621.0,-1621.0,-1613.0,0.0,0,Cash loans,F,Y,Y,0,135000.0,117162.0,11542.5,103500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.010966,-15197,-2313,-14673.0,-4089,4.0,1,1,0,1,1,0,Laborers,1.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,University,,0.7036179387119115,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2770.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2004394,367845,Cash loans,22226.355,360000.0,426528.0,,360000.0,SUNDAY,18,Y,1,,,,XNA,Approved,-679,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),5,XNA,48.0,high,Cash X-Sell: high,365243.0,-649.0,761.0,-409.0,-406.0,1.0,0,Cash loans,F,N,N,0,225000.0,755190.0,36459.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-21411,365243,-1062.0,-1880,,1,0,0,1,1,0,,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,XNA,0.7293203144087819,0.6544136726370908,0.29708661164720285,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1420.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1726578,165621,Cash loans,52164.18,990000.0,1090624.5,,990000.0,THURSDAY,15,Y,1,,,,XNA,Approved,-885,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,42.0,middle,Cash X-Sell: middle,365243.0,-855.0,375.0,-645.0,-637.0,1.0,0,Cash loans,F,N,N,1,414000.0,1528200.0,53248.5,1350000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-14650,-2118,-3162.0,-5266,,1,1,0,1,0,0,Sales staff,3.0,1,1,FRIDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.6483035465309676,0.6250071489380951,0.15286622915504153,0.0825,,0.9851,,,,0.2069,0.1667,,0.0456,,0.0836,,,0.084,,0.9851,,,,0.2069,0.1667,,0.0467,,0.0871,,,0.0833,,0.9851,,,,0.2069,0.1667,,0.0464,,0.0851,,,,block of flats,0.0741,"Stone, brick",No,0.0,0.0,0.0,0.0,-1505.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2755762,225931,Consumer loans,2872.08,17091.0,14346.0,3420.0,17091.0,FRIDAY,15,Y,1,0.2096527585889287,,,XAP,Approved,-1597,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,2535,Consumer electronics,6.0,high,POS household with interest,365243.0,-1566.0,-1416.0,-1446.0,-1441.0,0.0,0,Cash loans,F,N,Y,0,180000.0,601470.0,30708.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-13900,-206,-928.0,-1655,,1,1,1,1,1,0,Sales staff,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,Trade: type 7,0.476416625673683,0.6857183185446323,0.36896873825284665,0.0722,0.0157,0.998,0.9728,,0.0,0.0517,0.25,,0.0361,,0.0685,,0.0348,0.0735,0.0118,0.998,0.9739,,0.0,0.0345,0.25,,0.0369,,0.0684,,0.0349,0.0729,0.0157,0.998,0.9732,,0.0,0.0517,0.25,,0.0367,,0.0697,,0.0355,,block of flats,0.0714,"Stone, brick",No,2.0,1.0,2.0,1.0,-1597.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1184886,289242,Cash loans,14509.98,135000.0,143910.0,,135000.0,FRIDAY,9,Y,1,,,,XNA,Approved,-1243,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1213.0,-883.0,-913.0,-905.0,1.0,0,Cash loans,M,N,Y,0,90000.0,277969.5,17136.0,229500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-16126,-8183,-8273.0,-4275,,1,1,0,1,0,0,Laborers,2.0,3,3,TUESDAY,8,0,0,0,0,0,0,Business Entity Type 2,0.5660848443252424,0.2887591961029972,0.6817058776720116,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1613.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1954220,228043,Consumer loans,5168.565,23805.0,25348.5,2380.5,23805.0,SUNDAY,12,Y,1,0.09349709362367588,,,XAP,Approved,-1575,Cash through the bank,XAP,Family,Refreshed,Mobile,POS,XNA,Country-wide,10,Connectivity,6.0,high,POS mobile with interest,365243.0,-1542.0,-1392.0,-1452.0,-1449.0,0.0,0,Cash loans,M,Y,Y,0,157500.0,239850.0,23850.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008473999999999999,-15815,-2427,-165.0,-3517,7.0,1,1,1,1,0,0,,2.0,2,2,SUNDAY,10,0,0,0,0,1,1,Other,,0.7134082396008418,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-263.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1515330,192228,Consumer loans,13682.16,237951.0,190359.0,47592.0,237951.0,WEDNESDAY,13,Y,1,0.2178264203363488,,,XAP,Approved,-394,Cash through the bank,XAP,,New,Homewares,POS,XNA,Regional / Local,32,Industry,16.0,low_action,POS other with interest,365243.0,-363.0,87.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,2,180000.0,364500.0,24489.0,364500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010006000000000001,-15751,-3279,-2793.0,-3481,,1,1,0,1,0,0,,4.0,2,1,FRIDAY,10,0,1,1,0,1,1,Business Entity Type 3,0.6482471115182612,0.6684228251400942,0.5316861425197883,0.0753,0.1275,0.9811,0.7416,0.0257,0.0,0.1034,0.1667,0.2083,0.0894,0.0605,0.1062,0.0039,0.0233,0.0767,0.1323,0.9811,0.7517,0.0259,0.0,0.1034,0.1667,0.2083,0.0914,0.0661,0.1106,0.0039,0.0247,0.076,0.1275,0.9811,0.7451,0.0259,0.0,0.1034,0.1667,0.2083,0.0909,0.0616,0.1081,0.0039,0.0238,reg oper account,block of flats,0.1067,"Stone, brick",No,1.0,0.0,1.0,0.0,-394.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,3.0 +1778630,344125,Cash loans,15270.03,463500.0,555273.0,,463500.0,WEDNESDAY,11,Y,1,,,,XNA,Refused,-243,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,202500.0,238896.0,11749.5,189000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.009175,-14139,-593,-4750.0,-4923,,1,1,1,1,1,0,,1.0,2,2,MONDAY,11,0,0,0,0,1,1,Industry: type 3,,0.7184071466490513,0.656158373001177,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1793.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1311278,334049,Cash loans,18404.775,450000.0,543555.0,,450000.0,WEDNESDAY,15,Y,1,,,,XNA,Approved,-821,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,54.0,low_normal,Cash X-Sell: low,365243.0,-791.0,799.0,-101.0,-96.0,1.0,0,Cash loans,F,Y,Y,1,126000.0,318528.0,23305.5,252000.0,Family,Working,Higher education,Married,House / apartment,0.019688999999999998,-11884,-1456,-5833.0,-2557,3.0,1,1,0,1,1,1,,3.0,2,2,FRIDAY,8,0,1,1,0,1,1,Government,0.6221270374375478,0.4314441804102945,0.2263473957097693,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,16.0,0.0,16.0,0.0,-42.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2390181,130706,Revolving loans,4500.0,90000.0,90000.0,,90000.0,TUESDAY,12,Y,1,,,,XAP,Refused,-14,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),3,XNA,0.0,XNA,Card X-Sell,,,,,,,1,Cash loans,M,N,Y,0,225000.0,364500.0,17725.5,364500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Municipal apartment,0.007273999999999998,-11248,-2949,-6040.0,-3875,,1,1,1,1,1,0,Laborers,1.0,2,2,TUESDAY,15,0,0,0,0,0,0,Other,0.34990590109038106,0.640060768085437,0.41184855592423975,0.0742,0.1011,0.9876,0.83,0.0236,0.08,0.069,0.3333,0.375,0.0,0.0605,0.0819,0.0,0.0,0.0756,0.1049,0.9876,0.8367,0.0238,0.0806,0.069,0.3333,0.375,0.0,0.0661,0.0853,0.0,0.0,0.0749,0.1011,0.9876,0.8323,0.0238,0.08,0.069,0.3333,0.375,0.0,0.0616,0.0833,0.0,0.0,org spec account,block of flats,0.0644,Panel,No,1.0,0.0,1.0,0.0,-14.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2130380,172010,Revolving loans,2250.0,45000.0,45000.0,,45000.0,THURSDAY,19,Y,1,,,,XAP,Approved,-289,XNA,XAP,Family,Repeater,XNA,Cards,walk-in,Country-wide,25,Connectivity,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,-170.0,0.0,0,Cash loans,M,Y,Y,0,157500.0,548770.5,26527.5,490500.0,Family,Commercial associate,Higher education,Civil marriage,House / apartment,0.04622,-13543,-1326,-7674.0,-4244,13.0,1,1,0,1,0,0,Drivers,2.0,1,1,SATURDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.6507846786243261,0.656158373001177,,,0.9762,,,,0.1379,0.125,,,,0.071,,,,,0.9762,,,,0.1379,0.125,,,,0.0739,,,,,0.9762,,,,0.1379,0.125,,,,0.0723,,,,,0.0702,,No,5.0,0.0,5.0,0.0,-2196.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1744391,375801,Revolving loans,42750.0,0.0,855000.0,,,SATURDAY,11,Y,1,,,,XAP,Approved,-811,XNA,XAP,,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),10,XNA,0.0,XNA,Card X-Sell,-171.0,-130.0,365243.0,-10.0,-9.0,0.0,0,Cash loans,F,N,N,0,139500.0,207000.0,10696.5,207000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.025164,-15630,-1645,-1428.0,-4153,,1,1,0,1,1,0,Sales staff,1.0,2,2,WEDNESDAY,20,0,0,0,0,0,0,Self-employed,,0.5921315702396891,0.4048783643353997,0.0,,0.0,,,,,,,,,,,,0.0,,0.0,,,,,,,,,,,,0.0,,0.0,,,,,,,,,,,,,block of flats,0.0,,No,0.0,0.0,0.0,0.0,-1441.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2299273,215493,Consumer loans,8233.335,165096.0,165096.0,0.0,165096.0,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-676,Cash through the bank,XAP,Unaccompanied,Repeater,Medical Supplies,POS,XNA,Stone,500,Industry,24.0,low_action,POS industry with interest,365243.0,-639.0,51.0,-279.0,-276.0,0.0,0,Revolving loans,F,N,Y,0,292500.0,382500.0,19125.0,382500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.018209,-15281,-1146,-2016.0,-4311,,1,1,1,1,1,0,,2.0,3,3,WEDNESDAY,9,0,0,0,0,0,0,Self-employed,0.51974222915284,0.4513911874355137,0.646329897706246,0.1474,0.0787,0.9871,,,0.08,0.069,0.3333,,0.1027,,0.049,,0.0,0.1502,0.0817,0.9871,,,0.0806,0.069,0.3333,,0.1051,,0.0511,,0.0,0.1489,0.0787,0.9871,,,0.08,0.069,0.3333,,0.1045,,0.0499,,0.0,,block of flats,0.0843,Panel,No,0.0,0.0,0.0,0.0,-2039.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1231443,363737,Revolving loans,9000.0,0.0,180000.0,,,WEDNESDAY,17,Y,1,,,,XAP,Approved,-2247,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,45,Connectivity,0.0,XNA,Card X-Sell,-2246.0,-2194.0,365243.0,-946.0,-68.0,0.0,0,Cash loans,F,Y,Y,0,157500.0,1125000.0,32895.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0105,-19088,-4477,-896.0,-2630,10.0,1,1,0,1,1,0,,2.0,3,3,WEDNESDAY,11,0,0,0,0,0,0,Other,,0.6815706751850761,0.5762088360175724,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1483.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2139661,120715,Cash loans,27435.465,454500.0,526491.0,,454500.0,WEDNESDAY,10,Y,1,,,,XNA,Refused,-320,Cash through the bank,SCO,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,high,Cash X-Sell: high,,,,,,,1,Cash loans,M,N,Y,0,94500.0,142200.0,4540.5,112500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.030755,-18670,-1581,-3576.0,-2208,,1,1,1,1,1,0,Security staff,1.0,2,2,MONDAY,9,0,0,0,0,0,0,Security,,0.3183281923969015,0.041759360068304566,0.118,0.1216,0.9816,0.6872,0.0121,0.0132,0.2155,0.2188,0.125,0.0491,0.1101,0.0939,0.0077,0.0421,0.063,0.0508,0.9782,0.6864,0.0,0.0,0.2759,0.1667,0.0417,0.0104,0.1175,0.0621,0.0,0.0,0.1353,0.1565,0.9781,0.6914,0.0122,0.0,0.2759,0.1667,0.125,0.0399,0.112,0.0987,0.0078,0.0145,reg oper spec account,block of flats,0.0613,"Stone, brick",No,0.0,0.0,0.0,0.0,-642.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,4.0 +1860747,314779,Consumer loans,4252.995,25909.2,25605.0,1888.2,25909.2,TUESDAY,14,Y,1,0.07479745735474423,,,XAP,Approved,-1183,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,60,Connectivity,8.0,high,POS mobile with interest,365243.0,-1149.0,-939.0,-939.0,-932.0,0.0,0,Cash loans,F,N,Y,1,112500.0,254700.0,14220.0,225000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.02461,-16389,-4971,-7404.0,-4186,,1,1,0,1,0,0,Laborers,3.0,2,2,TUESDAY,11,0,0,0,0,1,1,Self-employed,,0.2588541773992266,0.7295666907060153,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1872.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1520133,260987,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SUNDAY,11,Y,1,,,,XAP,Approved,-231,XNA,XAP,"Spouse, partner",Refreshed,XNA,Cards,walk-in,Country-wide,1378,Consumer electronics,0.0,XNA,Card Street,-184.0,-157.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,121500.0,592560.0,31153.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007273999999999998,-16554,-1470,-2337.0,-114,,1,1,0,1,0,0,Sales staff,2.0,2,2,SUNDAY,11,0,0,0,0,1,1,Self-employed,,0.010434306346353832,0.2866524828090694,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1329.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2253368,188719,Consumer loans,22320.27,117450.0,118165.5,11745.0,117450.0,MONDAY,11,Y,1,0.09846296278801736,,,XAP,Approved,-470,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Stone,10,Connectivity,6.0,middle,POS mobile with interest,365243.0,-439.0,-289.0,-349.0,-345.0,0.0,0,Cash loans,F,N,Y,0,810000.0,1097676.0,35541.0,958500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.003069,-15437,-2201,-336.0,-4053,,1,1,0,1,0,0,Sales staff,2.0,3,3,TUESDAY,17,0,0,0,0,0,0,Trade: type 7,0.5959553618162263,0.6713291533909549,0.5638350489514956,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1389.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1630777,256974,Cash loans,27782.955,450000.0,533160.0,,450000.0,WEDNESDAY,9,Y,1,,,,XNA,Refused,-589,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,Y,0,67500.0,333621.0,17163.0,288000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.002134,-19629,365243,-2082.0,-3180,,1,0,0,1,0,0,,2.0,3,3,THURSDAY,6,0,0,0,0,0,0,XNA,,0.04031108043900487,0.4083588531230431,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1212872,174789,Consumer loans,8782.875,35955.0,42714.0,0.0,35955.0,WEDNESDAY,10,Y,1,0.0,,,XAP,Approved,-630,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,40,Connectivity,6.0,high,POS mobile with interest,365243.0,-599.0,-449.0,-449.0,-444.0,0.0,0,Cash loans,M,Y,Y,0,45000.0,239850.0,23719.5,225000.0,Other_A,Working,Secondary / secondary special,Married,House / apartment,0.028663,-14274,-94,-5202.0,-4108,3.0,1,1,1,1,1,0,Security staff,2.0,2,2,WEDNESDAY,9,0,0,0,0,1,1,Other,0.2433177167993937,0.5284100409070329,0.6380435278721609,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1480721,162557,Consumer loans,3715.02,20205.0,19143.0,2020.5,20205.0,WEDNESDAY,18,Y,1,0.10397657201399496,,,XAP,Approved,-678,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Stone,138,Consumer electronics,6.0,middle,POS household without interest,365243.0,-647.0,-497.0,-527.0,-520.0,0.0,0,Revolving loans,F,N,Y,0,90000.0,247500.0,12375.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.030755,-15539,-1589,-8953.0,-4178,,1,1,0,1,0,0,Sales staff,1.0,2,2,TUESDAY,18,0,0,0,0,0,0,Medicine,,0.5357978967548059,,0.0021,,0.9682,,,0.0,,0.0,,,,0.0011,,0.0,0.0021,,0.9682,,,0.0,,0.0,,,,0.0011,,0.0,0.0021,,0.9682,,,0.0,,0.0,,,,0.0011,,0.0,,terraced house,0.0017,Others,No,3.0,2.0,3.0,2.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1521267,124083,Cash loans,20254.365,225000.0,254700.0,,225000.0,WEDNESDAY,16,Y,1,,,,Other,Refused,-417,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Country-wide,51,Connectivity,24.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,1,225000.0,544491.0,17694.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-16115,-5309,-3418.0,-4672,,1,1,1,1,0,0,Cooking staff,3.0,2,2,SUNDAY,9,0,0,0,0,0,0,School,,0.2477339906551195,0.5406544504453575,0.0186,,0.9816,,,,0.1034,0.0417,,,,0.0017,,0.0035,0.0189,,0.9816,,,,0.1034,0.0417,,,,0.0018,,0.0037,0.0187,,0.9816,,,,0.1034,0.0417,,,,0.0017,,0.0035,,block of flats,0.0141,"Stone, brick",No,0.0,0.0,0.0,0.0,-510.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +2178785,290763,Cash loans,29034.0,900000.0,900000.0,,900000.0,SATURDAY,10,Y,1,,,,XNA,Approved,-98,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-68.0,1702.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,1288350.0,37669.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,Office apartment,0.00823,-19525,-2866,-2152.0,-3069,4.0,1,1,0,1,0,0,Managers,2.0,2,2,SATURDAY,14,0,0,0,0,0,0,Government,0.5523741508711553,0.5548159107161412,0.8406665596573005,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1113.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2488592,381879,Cash loans,51310.71,1093500.0,1220521.5,,1093500.0,MONDAY,6,Y,1,,,,Repairs,Refused,-351,Cash through the bank,VERIF,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,Y,Y,0,115650.0,1078200.0,31653.0,900000.0,"Spouse, partner",Working,Lower secondary,Married,House / apartment,0.0038130000000000004,-17212,-1486,-8307.0,-757,20.0,1,1,0,1,1,0,Accountants,2.0,2,2,WEDNESDAY,7,0,0,0,0,0,0,Self-employed,0.7724189630909863,0.2596058387525502,0.5849900404894085,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-994.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1745692,395058,Consumer loans,3480.75,15777.0,13063.5,3159.0,15777.0,SUNDAY,18,Y,1,0.21207817425293146,,,XAP,Approved,-642,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,50,Connectivity,4.0,middle,POS mobile without interest,365243.0,-600.0,-510.0,-540.0,-537.0,0.0,0,Cash loans,F,N,Y,0,157500.0,1006920.0,45499.5,900000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.0105,-19714,-397,-1354.0,-2768,,1,1,0,1,0,0,Laborers,1.0,3,3,FRIDAY,13,0,0,0,0,0,0,Construction,,0.4901682058312337,0.13510601574017175,0.0619,0.0696,0.9836,0.7756,0.0082,0.0,0.1379,0.1667,0.2083,0.0379,0.0504,0.0602,0.0,0.0,0.063,0.0723,0.9836,0.7844,0.0083,0.0,0.1379,0.1667,0.2083,0.0388,0.0551,0.0628,0.0,0.0,0.0625,0.0696,0.9836,0.7786,0.0083,0.0,0.1379,0.1667,0.2083,0.0386,0.0513,0.0613,0.0,0.0,org spec account,block of flats,0.0519,Panel,No,4.0,0.0,4.0,0.0,-642.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1001850,278531,Consumer loans,4409.145,24295.5,24295.5,0.0,24295.5,THURSDAY,17,Y,1,0.0,,,XAP,Approved,-97,Cash through the bank,XAP,Unaccompanied,Refreshed,Sport and Leisure,POS,XNA,Country-wide,1700,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-67.0,83.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,3,90000.0,180000.0,12798.0,180000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.009175,-12885,-4597,-2248.0,-4976,,1,1,1,1,1,0,Medicine staff,4.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Medicine,,0.09359177493515812,0.5867400085415683,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2413860,324967,Consumer loans,6925.68,75600.0,59346.0,21600.0,75600.0,SATURDAY,12,Y,1,0.29061798774940856,,,XAP,Approved,-2421,XNA,XAP,Children,Repeater,Computers,POS,XNA,Stone,30,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-2386.0,-2056.0,-2116.0,-2112.0,1.0,0,Cash loans,F,N,Y,0,81000.0,247275.0,17716.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00702,-17879,-403,-8575.0,-1429,,1,1,1,1,1,0,,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Agriculture,,0.524174034186169,0.3572932680336494,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-535.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2673744,319970,Cash loans,11340.045,112500.0,123637.5,,112500.0,MONDAY,9,Y,1,,,,Other,Approved,-840,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,AP+ (Cash loan),120,XNA,18.0,high,Cash Street: high,365243.0,-810.0,-300.0,-330.0,-323.0,1.0,0,Cash loans,F,N,Y,0,153000.0,1223010.0,51817.5,1125000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-23059,365243,-10699.0,-74,,1,0,0,1,0,0,,2.0,2,2,MONDAY,12,0,0,0,0,0,0,XNA,,0.4208616346874108,,0.0938,0.0805,0.9811,0.7416,0.0426,0.0,0.2069,0.1667,0.0417,0.0806,0.0672,0.0949,0.0425,0.085,0.0956,0.0836,0.9811,0.7517,0.043,0.0,0.2069,0.1667,0.0417,0.0824,0.0735,0.0989,0.0428,0.09,0.0947,0.0805,0.9811,0.7451,0.0429,0.0,0.2069,0.1667,0.0417,0.08199999999999999,0.0684,0.0966,0.0427,0.0868,reg oper spec account,block of flats,0.098,"Stone, brick",No,0.0,0.0,0.0,0.0,-840.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2210469,216258,Consumer loans,3977.595,20466.0,21546.0,0.0,20466.0,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-1016,Cash through the bank,XAP,Family,Refreshed,Audio/Video,POS,XNA,Regional / Local,149,Consumer electronics,6.0,middle,POS household with interest,365243.0,-984.0,-834.0,-834.0,-826.0,0.0,0,Cash loans,F,N,N,1,67500.0,265500.0,15372.0,265500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.018209,-12660,-133,-6802.0,-4784,,1,1,0,1,0,0,,3.0,3,3,SUNDAY,11,0,0,0,0,0,0,Business Entity Type 2,0.5301222917095076,0.6471930508033348,0.7136313997323308,0.2567,0.1957,0.9826,,,0.28,0.2414,0.3333,,0.1685,,0.2659,,0.013,0.2616,0.2031,0.9826,,,0.282,0.2414,0.3333,,0.1723,,0.2771,,0.0138,0.2592,0.1957,0.9826,,,0.28,0.2414,0.3333,,0.1714,,0.2707,,0.0133,,block of flats,0.2486,Panel,No,8.0,0.0,8.0,0.0,-2857.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,0.0 +1234330,109629,Cash loans,12054.195,157500.0,178290.0,0.0,157500.0,FRIDAY,12,Y,1,0.0,,,XNA,Approved,-2309,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,high,Cash Street: high,365243.0,-2279.0,-1589.0,-1589.0,-1586.0,1.0,0,Cash loans,F,N,Y,0,135000.0,1110019.5,36814.5,994500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-23189,365243,-3650.0,-3671,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,8,0,0,0,0,0,0,XNA,,0.1735739251618644,0.7281412993111438,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1200.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +2167908,268483,Consumer loans,8295.615,88875.0,88875.0,0.0,88875.0,SUNDAY,9,Y,1,0.0,,,XAP,Approved,-536,XNA,XAP,,Repeater,Vehicles,POS,XNA,Stone,35,Auto technology,12.0,low_normal,POS other with interest,365243.0,-502.0,-172.0,-172.0,-165.0,0.0,0,Cash loans,M,Y,Y,0,112500.0,824823.0,24246.0,688500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-18816,-928,-4192.0,-2357,3.0,1,1,0,1,0,0,,2.0,2,2,THURSDAY,10,0,0,0,0,1,1,Business Entity Type 3,,0.3439447348697373,0.7281412993111438,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1887.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +1820586,108837,Revolving loans,2250.0,45000.0,45000.0,,45000.0,FRIDAY,11,Y,1,,,,XAP,Approved,-225,XNA,XAP,Family,New,XNA,Cards,walk-in,Stone,150,Furniture,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,90000.0,697500.0,22500.0,697500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-17805,-1485,-10186.0,-576,,1,1,0,1,1,0,Medicine staff,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Medicine,,0.5793498911882633,0.4866531565147181,0.2227,0.1213,0.9861,,,0.24,0.2069,0.3333,,0.1496,,0.2206,,,0.2269,0.1259,0.9861,,,0.2417,0.2069,0.3333,,0.1531,,0.2298,,,0.2248,0.1213,0.9861,,,0.24,0.2069,0.3333,,0.1522,,0.2246,,,,block of flats,0.2059,Panel,No,0.0,0.0,0.0,0.0,-225.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2544819,245492,Cash loans,,0.0,0.0,,,WEDNESDAY,9,Y,1,,,,XNA,Refused,-344,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,157500.0,521280.0,26743.5,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-20889,365243,-2953.0,-4126,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,XNA,,0.4759115365335943,0.21640296051521946,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-133.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2419154,282411,Cash loans,12466.035,180000.0,203760.0,,180000.0,MONDAY,15,Y,1,,,,XNA,Refused,-611,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,90000.0,239850.0,23850.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-24767,365243,-12468.0,-4040,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,XNA,,0.7078051664987776,0.4048783643353997,0.2216,0.1568,0.9831,0.7688,0.0266,0.24,0.2069,0.3333,0.375,0.0667,0.174,0.2152,0.0309,0.0862,0.2258,0.1627,0.9831,0.7779,0.0269,0.2417,0.2069,0.3333,0.375,0.0682,0.1901,0.2242,0.0311,0.0913,0.2238,0.1568,0.9831,0.7719,0.0268,0.24,0.2069,0.3333,0.375,0.0678,0.177,0.2191,0.0311,0.0881,reg oper spec account,block of flats,0.2026,"Stone, brick",No,1.0,1.0,1.0,1.0,-1433.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1006060,276971,Consumer loans,6628.05,60255.0,60255.0,0.0,60255.0,SUNDAY,17,Y,1,0.0,,,XAP,Approved,-882,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Stone,2000,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-851.0,-581.0,-701.0,-692.0,0.0,0,Cash loans,F,N,N,0,135000.0,808650.0,31333.5,675000.0,Family,Pensioner,Secondary / secondary special,Widow,Municipal apartment,0.032561,-20158,365243,-12045.0,-3461,,1,0,0,1,1,0,,1.0,1,1,SUNDAY,15,0,0,0,0,0,0,XNA,0.8601706082993471,0.5835222124251309,,,0.058,0.9826,0.762,0.0202,0.1,0.069,0.4583,0.5,0.027000000000000003,,0.0957,,0.0,,0.0323,0.9821,0.7648,0.0194,0.0806,0.0345,0.3333,0.375,0.0146,,0.0736,,0.0,,0.058,0.9826,0.7652,0.0203,0.1,0.069,0.4583,0.5,0.0275,,0.0974,,0.0,reg oper account,block of flats,0.0661,Panel,No,5.0,0.0,5.0,0.0,-1779.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1901360,180404,Consumer loans,14345.505,143352.0,122926.5,31500.0,143352.0,SATURDAY,18,Y,1,0.22215334567812925,,,XAP,Approved,-2543,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,1073,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-2512.0,-2182.0,-2212.0,-2199.0,1.0,0,Cash loans,F,N,Y,2,135000.0,1237500.0,36315.0,1237500.0,Family,State servant,Higher education,Married,House / apartment,0.04622,-14515,-2484,-2610.0,-4414,,1,1,0,1,0,0,,4.0,1,1,MONDAY,15,0,0,0,0,0,0,Medicine,,0.7308545315248073,0.6413682574954046,0.0402,0.0126,0.9627,0.49,,0.0,0.2414,0.0833,0.125,0.1357,,0.0575,,0.0159,0.041,0.0131,0.9628,0.51,,0.0,0.2414,0.0833,0.125,0.1388,,0.0599,,0.0169,0.0406,0.0126,0.9627,0.4968,,0.0,0.2414,0.0833,0.125,0.1381,,0.0585,,0.0163,reg oper account,block of flats,0.0575,"Stone, brick",No,2.0,0.0,2.0,0.0,-1902.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1343957,305775,Consumer loans,4742.145,50805.0,50805.0,0.0,50805.0,SATURDAY,10,Y,1,0.0,,,XAP,Approved,-713,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Stone,50,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-681.0,-351.0,-351.0,-347.0,0.0,0,Cash loans,F,N,Y,1,85500.0,107820.0,4747.5,90000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-10236,-3246,-10236.0,-805,,1,1,1,1,1,0,Sales staff,3.0,2,2,FRIDAY,11,0,0,0,0,1,1,Self-employed,,0.3523411768500896,0.7252764347002191,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1597395,348458,Cash loans,5372.64,45000.0,47970.0,0.0,45000.0,TUESDAY,17,Y,1,0.0,,,Education,Approved,-2122,Cash through the bank,XAP,Other_B,New,XNA,Cash,walk-in,Credit and cash offices,0,XNA,12.0,high,Cash Street: high,365243.0,-2092.0,-1762.0,-1762.0,-1747.0,1.0,0,Cash loans,F,N,N,0,99000.0,814041.0,26257.5,679500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.022625,-17778,-703,-7713.0,-1318,,1,1,1,1,1,0,,1.0,2,2,WEDNESDAY,19,0,0,0,0,0,0,Business Entity Type 3,0.4899735279714516,0.5958389851633757,,0.3959,0.3515,0.9796,0.7212,0.1781,0.0,0.8966,0.1667,0.2083,0.3773,0.3228,0.3872,0.0039,0.0057,0.4034,0.3647,0.9796,0.7321,0.1797,0.0,0.8966,0.1667,0.2083,0.3859,0.3526,0.4034,0.0039,0.006,0.3997,0.3515,0.9796,0.7249,0.1792,0.0,0.8966,0.1667,0.2083,0.3838,0.3284,0.3942,0.0039,0.0058,reg oper account,block of flats,0.4016,Panel,No,0.0,0.0,0.0,0.0,-1247.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1628001,444410,Cash loans,54900.405,1170000.0,1305909.0,,1170000.0,THURSDAY,13,Y,1,,,,XNA,Refused,-555,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,Y,N,0,270000.0,485640.0,41674.5,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.019101,-10114,-2563,-4683.0,-1682,3.0,1,1,0,1,0,0,Accountants,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.5906636576739556,0.5110650733366345,0.4794489811780563,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,2.0,3.0,2.0,-1259.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1634735,297153,Cash loans,6034.5,67500.0,67500.0,0.0,67500.0,FRIDAY,10,Y,1,0.0,,,XNA,Approved,-2863,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,15.0,middle,Cash Street: middle,365243.0,-2833.0,-2413.0,-2443.0,-2434.0,0.0,1,Cash loans,F,N,N,0,112500.0,457834.5,17388.0,378000.0,Family,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.020246,-22528,365243,-105.0,-4973,,1,0,0,1,0,0,,2.0,3,3,FRIDAY,14,0,0,0,0,0,0,XNA,,0.14380801658102926,0.25533177083329,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2870.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +2075124,148956,Cash loans,25027.785,279000.0,301648.5,,279000.0,THURSDAY,4,Y,1,,,,XNA,Approved,-1308,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,38,Connectivity,18.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,Y,0,157500.0,479578.5,28980.0,414000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.008068,-11005,-1587,-1423.0,-2253,,1,1,0,1,0,0,Accountants,2.0,3,3,WEDNESDAY,12,0,0,0,1,1,0,Self-employed,,0.3853791593532381,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1665.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1032160,169415,Consumer loans,3536.82,17995.5,18945.0,0.0,17995.5,SATURDAY,17,Y,1,0.0,,,XAP,Approved,-793,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,5000,Consumer electronics,6.0,middle,POS household with interest,365243.0,-761.0,-611.0,-611.0,-603.0,0.0,0,Cash loans,F,N,Y,1,135000.0,166500.0,13284.0,166500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.005084,-12959,-1445,-3901.0,-3901,,1,1,0,1,0,1,,3.0,2,2,MONDAY,12,1,1,0,1,1,0,Business Entity Type 3,0.3217766025071165,0.6977615680763014,0.0005272652387098817,0.0825,0.101,0.9841,0.7824,,0.0,0.2069,0.1667,0.2083,0.0744,0.0672,0.0841,0.0,0.0,0.084,0.1049,0.9841,0.7909,,0.0,0.2069,0.1667,0.2083,0.0761,0.0735,0.0877,0.0,0.0,0.0833,0.101,0.9841,0.7853,,0.0,0.2069,0.1667,0.2083,0.0757,0.0684,0.0856,0.0,0.0,reg oper spec account,block of flats,0.0755,Panel,No,0.0,0.0,0.0,0.0,-793.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,2.0 +1108310,345514,Consumer loans,3588.975,44454.15,35559.0,8895.15,44454.15,THURSDAY,11,Y,1,0.2179240183424944,0.1891221806641732,0.8350951374207188,XAP,Approved,-5,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,15,Connectivity,12.0,middle,POS mobile with interest,365243.0,365243.0,359.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,67500.0,808650.0,29839.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,Municipal apartment,0.025164,-21934,365243,-10553.0,-4276,0.0,1,0,0,1,0,0,,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,XNA,,0.15967923350263774,0.8327850252992314,0.0928,0.0984,0.9856,0.8028,0.0137,0.0,0.2069,0.1667,0.2083,0.1278,0.0756,0.0876,0.0,0.0,0.0945,0.1022,0.9856,0.8105,0.0138,0.0,0.2069,0.1667,0.2083,0.1307,0.0826,0.0913,0.0,0.0,0.0937,0.0984,0.9856,0.8054,0.0138,0.0,0.2069,0.1667,0.2083,0.13,0.077,0.0892,0.0,0.0,reg oper account,block of flats,0.0752,Panel,No,1.0,1.0,1.0,1.0,-500.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1060074,363466,Consumer loans,6433.2,123750.0,105750.0,18000.0,123750.0,WEDNESDAY,11,Y,1,0.1584132231404958,,,XAP,Approved,-1499,Cash through the bank,XAP,"Spouse, partner",New,Furniture,POS,XNA,Country-wide,972,Furniture,24.0,middle,POS industry with interest,365243.0,-1468.0,-778.0,-1168.0,-1166.0,0.0,0,Cash loans,M,Y,Y,0,157500.0,808650.0,26217.0,675000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-14519,-2683,-8550.0,-4895,16.0,1,1,0,1,0,0,Drivers,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Self-employed,,0.5686453395203537,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1499.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2030065,352792,Consumer loans,6294.69,53955.0,52834.5,5395.5,53955.0,MONDAY,14,Y,1,0.10091344667697064,,,XAP,Approved,-469,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,240,Consumer electronics,10.0,middle,POS household with interest,365243.0,-438.0,-168.0,-168.0,-162.0,0.0,0,Cash loans,M,Y,Y,1,153000.0,276903.0,25524.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.019688999999999998,-11644,-2418,-5296.0,-3910,8.0,1,1,0,1,1,0,Laborers,3.0,2,2,MONDAY,10,0,0,0,0,0,0,Business Entity Type 2,0.1581212249897364,0.6673799835114839,0.29859498978739724,0.0825,0.0048,0.9856,0.8028,0.0148,0.0,0.2069,0.1667,0.2083,0.1103,0.0672,0.0837,0.0,0.0382,0.084,0.005,0.9856,0.8105,0.0149,0.0,0.2069,0.1667,0.2083,0.1128,0.0735,0.0872,0.0,0.0405,0.0833,0.0048,0.9856,0.8054,0.0148,0.0,0.2069,0.1667,0.2083,0.1122,0.0684,0.0852,0.0,0.039,reg oper account,block of flats,0.0822,"Stone, brick",No,0.0,0.0,0.0,0.0,-469.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,0.0,0.0,0.0 +1640279,268826,Consumer loans,5963.535,33075.0,31239.0,3307.5,33075.0,WEDNESDAY,10,Y,1,0.10427013393015734,,,XAP,Approved,-1945,XNA,XAP,Unaccompanied,Repeater,Gardening,POS,XNA,Stone,60,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1901.0,-1751.0,-1751.0,-1745.0,0.0,0,Cash loans,M,N,Y,0,76500.0,675000.0,26770.5,675000.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.010966,-22729,365243,-8819.0,-4199,,1,0,0,1,1,1,,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,XNA,0.8642097939382967,0.31333374914217565,0.8106180215523969,0.0186,,0.9881,,,0.0,0.1034,0.0417,,,,0.0104,,,0.0189,,0.9881,,,0.0,0.1034,0.0417,,,,0.0109,,,0.0187,,0.9881,,,0.0,0.1034,0.0417,,,,0.0106,,,,block of flats,0.014,"Stone, brick",No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1495661,167473,Consumer loans,3000.42,29205.0,27153.0,4500.0,29205.0,FRIDAY,19,Y,1,0.15483237263163332,,,XAP,Approved,-2146,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Country-wide,38,Connectivity,12.0,high,POS mobile with interest,365243.0,-2115.0,-1785.0,-1785.0,-1780.0,0.0,0,Cash loans,F,N,Y,0,112500.0,135000.0,13279.5,135000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.011656999999999999,-14697,-7678,-7356.0,-4043,,1,1,1,1,1,0,Managers,2.0,1,1,TUESDAY,16,0,0,0,0,0,0,Kindergarten,,0.7015113526564043,0.5531646987710016,0.0309,0.0788,0.9727,0.626,0.0035,0.0,0.1379,0.0833,0.125,0.0455,0.0252,0.0365,0.0,0.0,0.0315,0.0818,0.9727,0.6406,0.0036,0.0,0.1379,0.0833,0.125,0.0465,0.0275,0.038,0.0,0.0,0.0312,0.0788,0.9727,0.631,0.0035,0.0,0.1379,0.0833,0.125,0.0463,0.0257,0.0372,0.0,0.0,reg oper account,block of flats,0.0306,"Stone, brick",No,1.0,0.0,1.0,0.0,-94.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1418795,132801,Cash loans,17432.01,261000.0,303376.5,,261000.0,SATURDAY,12,Y,1,,,,XNA,Refused,-381,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,Y,1,94500.0,540000.0,20925.0,540000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-13710,-2503,-7087.0,-1557,,1,1,1,1,0,0,Cleaning staff,3.0,2,2,TUESDAY,11,0,0,0,0,0,0,Transport: type 2,0.5081720103154274,0.6486396995421703,0.5884877883422673,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-2354.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1899739,405863,Consumer loans,19337.49,117319.5,94819.5,22500.0,117319.5,SUNDAY,9,Y,1,0.2088701831711305,,,XAP,Approved,-793,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,71,Connectivity,6.0,high,POS mobile with interest,365243.0,-751.0,-601.0,-601.0,-597.0,0.0,0,Cash loans,M,Y,N,0,157500.0,315000.0,15318.0,315000.0,Family,Working,Secondary / secondary special,Married,With parents,0.0228,-9797,-959,-4589.0,-2464,7.0,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,18,0,0,0,0,0,0,Business Entity Type 3,,0.006532733427346693,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-3.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2823549,414804,Cash loans,25015.5,675000.0,675000.0,,675000.0,FRIDAY,6,Y,1,,,,Repairs,Refused,-222,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,low_action,Cash Street: low,,,,,,,0,Cash loans,F,Y,N,0,360000.0,1800000.0,49500.0,1800000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.014464,-13760,-3901,-3904.0,-2504,23.0,1,1,1,1,1,0,Core staff,2.0,2,2,MONDAY,11,0,0,0,0,0,0,Medicine,0.7172758160543976,0.5648330183800699,0.3344541255096772,0.0866,,0.9786,0.7076,,0.0,0.2069,0.1667,,,,0.0861,,0.03,0.0882,,0.9786,0.7190000000000001,,0.0,0.2069,0.1667,,,,0.0897,,0.0317,0.0874,,0.9786,0.7115,,0.0,0.2069,0.1667,,,,0.0876,,0.0306,,block of flats,0.0742,Panel,No,0.0,0.0,0.0,0.0,-2153.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1776703,182490,Cash loans,11421.405,180000.0,215640.0,,180000.0,THURSDAY,19,Y,1,,,,XNA,Refused,-76,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,N,N,0,180000.0,314100.0,21375.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Municipal apartment,0.006670999999999999,-15012,-1317,-8345.0,-4304,,1,1,0,1,0,0,Laborers,1.0,2,2,WEDNESDAY,18,0,0,0,0,1,1,Industry: type 1,0.1989773901733442,0.6811101391779583,0.6263042766749393,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2602.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +2311763,449649,Consumer loans,7650.45,202500.0,202500.0,0.0,202500.0,WEDNESDAY,7,Y,1,0.0,,,XAP,Refused,-561,Cash through the bank,SCO,,Repeater,Clothing and Accessories,POS,XNA,Stone,90,Clothing,36.0,low_normal,POS industry with interest,,,,,,,0,Cash loans,M,N,N,0,157500.0,296505.0,23904.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006629,-8517,-1080,-8517.0,-1119,,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Self-employed,,0.4395400919425487,0.2735646775174348,0.0722,0.0,0.9781,0.7008,0.0,0.0,0.1379,0.1667,0.0417,,0.0588,0.0584,0.0,0.0,0.0735,0.0,0.9782,0.7125,0.0,0.0,0.1379,0.1667,0.0417,,0.0643,0.0609,0.0,0.0,0.0729,0.0,0.9781,0.7048,0.0,0.0,0.1379,0.1667,0.0417,,0.0599,0.0595,0.0,0.0,reg oper spec account,block of flats,0.0527,Block,No,2.0,0.0,2.0,0.0,-659.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2077668,415025,Consumer loans,6479.955,32971.5,31140.0,3298.5,32971.5,WEDNESDAY,14,Y,1,0.10431250965159232,,,XAP,Approved,-1567,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,73,Connectivity,6.0,high,POS mobile with interest,365243.0,-1536.0,-1386.0,-1446.0,-1437.0,0.0,1,Cash loans,M,Y,Y,1,180000.0,675000.0,34465.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.018209,-9894,-1320,-4675.0,-2559,91.0,1,1,1,1,1,0,Drivers,3.0,3,3,TUESDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.5231376494426053,0.13342925446731707,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-688.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2765913,213976,Cash loans,9346.455,90000.0,95940.0,,90000.0,TUESDAY,12,Y,1,,,,Repairs,Approved,-689,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-659.0,-329.0,-479.0,-474.0,1.0,0,Cash loans,F,N,Y,0,171000.0,246357.0,26662.5,234000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009175,-21320,-664,-7455.0,-4880,,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,9,0,0,0,0,1,1,Business Entity Type 2,,0.6591114413014443,0.501075160239048,0.16699999999999998,0.1075,0.9896,,,0.16,0.1379,0.375,,0.1246,,0.1028,,0.1866,0.1702,0.1115,0.9896,,,0.1611,0.1379,0.375,,0.1274,,0.1071,,0.1975,0.1686,0.1075,0.9896,,,0.16,0.1379,0.375,,0.1267,,0.1047,,0.1905,,block of flats,0.1345,Panel,No,1.0,0.0,1.0,0.0,-689.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +2410407,360477,Revolving loans,3375.0,67500.0,67500.0,,67500.0,THURSDAY,11,Y,1,,,,XAP,Refused,-524,XNA,SCOFR,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,135000.0,640080.0,31261.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.02461,-13553,-941,-712.0,-70,,1,1,0,1,1,0,Sales staff,1.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Self-employed,0.13885787196973076,0.659352151254895,0.32173528219668485,0.0247,0.0671,0.9622,0.4832,0.0492,0.0,0.1034,0.125,0.1667,0.1114,0.0202,0.0404,0.0,0.0,0.0252,0.0696,0.9623,0.5034,0.0496,0.0,0.1034,0.125,0.1667,0.114,0.022,0.0421,0.0,0.0,0.025,0.0671,0.9622,0.4901,0.0495,0.0,0.1034,0.125,0.1667,0.1134,0.0205,0.0411,0.0,0.0,reg oper account,block of flats,0.0594,"Stone, brick",No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1947996,234306,Consumer loans,6570.495,145687.5,145687.5,0.0,145687.5,THURSDAY,15,Y,1,0.0,,,XAP,Approved,-1608,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Regional / Local,148,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1577.0,-887.0,-887.0,-884.0,0.0,0,Cash loans,F,Y,Y,0,270000.0,1303812.0,38119.5,1138500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-12037,-1165,-1824.0,-2022,5.0,1,1,0,1,0,0,Managers,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Trade: type 7,0.6340610270244582,0.6803687411833265,0.5954562029091491,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1608.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2174005,216203,Consumer loans,5927.985,27810.0,22248.0,5562.0,27810.0,MONDAY,10,Y,1,0.2178181818181818,,,XAP,Approved,-928,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,5,Connectivity,4.0,middle,POS mobile without interest,365243.0,-878.0,-788.0,-788.0,-780.0,0.0,0,Cash loans,M,Y,N,0,234000.0,454500.0,16452.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.035792000000000004,-12151,-1009,-5803.0,-2827,1.0,1,1,1,1,0,0,Laborers,1.0,2,2,THURSDAY,18,0,1,1,0,1,1,Business Entity Type 3,0.18377533095978624,0.7335601095346542,0.4014074137749511,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-1411.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1100362,386389,Consumer loans,10891.08,58455.0,54265.5,6750.0,58455.0,TUESDAY,16,Y,1,0.12048354330233522,,,XAP,Approved,-2567,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Stone,60,Connectivity,6.0,high,POS mobile with interest,365243.0,-2533.0,-2383.0,-2383.0,-2373.0,1.0,0,Cash loans,M,Y,Y,0,112500.0,265500.0,18882.0,265500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.014519999999999996,-11126,-635,-5836.0,-3532,21.0,1,1,0,1,0,0,Drivers,1.0,2,2,SUNDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.344191494398425,0.4812493411434029,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1817895,168027,Consumer loans,5514.21,49491.0,54715.5,0.0,49491.0,SATURDAY,15,Y,1,0.0,,,XAP,Approved,-264,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,2300,Consumer electronics,12.0,middle,POS household with interest,365243.0,-234.0,96.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,N,0,135000.0,216000.0,7758.0,216000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-22014,365243,-2267.0,-4053,9.0,1,0,0,1,0,0,,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,XNA,,0.4409843050318048,,0.0247,0.0018,0.9722,,,0.0,0.069,0.0833,,0.0071,,0.019,,0.0,0.0252,0.0019,0.9722,,,0.0,0.069,0.0833,,0.0072,,0.0198,,0.0,0.025,0.0018,0.9722,,,0.0,0.069,0.0833,,0.0072,,0.0194,,0.0,,block of flats,0.0161,"Stone, brick",No,2.0,0.0,2.0,0.0,-1555.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,4.0 +2077682,304821,Cash loans,20158.92,180000.0,191880.0,,180000.0,TUESDAY,10,Y,1,,,,XNA,Approved,-500,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Regional / Local,20,Consumer electronics,12.0,middle,Cash X-Sell: middle,365243.0,-470.0,-140.0,-140.0,-138.0,1.0,0,Cash loans,M,Y,Y,3,135000.0,101880.0,10566.0,90000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.009334,-14557,-6450,-3194.0,-4327,7.0,1,1,1,1,1,0,Managers,5.0,2,2,FRIDAY,14,0,0,0,0,1,1,Business Entity Type 2,,0.6109664121987474,0.8224987619370829,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1351.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1626324,298883,Consumer loans,12878.28,142965.0,114372.0,28593.0,142965.0,THURSDAY,12,Y,1,0.2178181818181818,,,XAP,Approved,-1195,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Stone,300,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1164.0,-894.0,-894.0,-891.0,0.0,0,Cash loans,F,N,Y,0,103500.0,315000.0,34056.0,315000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.006207,-14989,-2656,-1788.0,-4339,,1,1,1,1,1,0,Sales staff,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Trade: type 7,,0.6286950555032058,0.7121551551910698,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1195.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1016501,164809,Cash loans,10463.4,270000.0,324346.5,,270000.0,SUNDAY,12,Y,1,,,,XNA,Approved,-236,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),2,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,Y,N,0,180000.0,167121.0,9193.5,139500.0,Other_B,Working,Secondary / secondary special,Married,House / apartment,0.020246,-18307,-261,-6916.0,-1841,10.0,1,1,1,1,1,0,Drivers,2.0,3,3,FRIDAY,9,0,0,0,1,1,0,Industry: type 11,,0.06991194729007351,0.31703177858344445,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-236.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2748037,270666,Cash loans,,0.0,0.0,,,FRIDAY,10,Y,1,,,,XNA,Refused,-381,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,126000.0,364896.0,16200.0,315000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.025164,-21473,365243,-8287.0,-4403,,1,0,0,1,0,0,,1.0,2,2,MONDAY,10,0,0,0,0,0,0,XNA,,0.4560903787553922,0.4543210601605785,0.0876,0.1071,0.9771,0.6872,0.0,0.0,0.2069,0.1667,0.2083,0.0,0.0714,0.0887,0.0,0.0,0.0893,0.1111,0.9772,0.6994,0.0,0.0,0.2069,0.1667,0.2083,0.0,0.0781,0.0924,0.0,0.0,0.0885,0.1071,0.9771,0.6914,0.0,0.0,0.2069,0.1667,0.2083,0.0,0.0727,0.0903,0.0,0.0,reg oper account,block of flats,0.0698,Panel,No,5.0,0.0,5.0,0.0,-1404.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1052075,120121,Consumer loans,7505.46,86085.0,55678.5,34650.0,86085.0,SATURDAY,12,Y,1,0.4177751208090469,,,XAP,Approved,-2042,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,15,Connectivity,10.0,high,POS mobile with interest,365243.0,-2006.0,-1736.0,-1736.0,-1733.0,0.0,0,Cash loans,M,Y,Y,0,360000.0,1971072.0,62019.0,1800000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.02461,-14176,-2628,-7373.0,-4670,5.0,1,1,0,1,0,0,Managers,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,Other,0.27067541328623124,0.6638025610788935,0.6212263380626669,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2042.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,8.0 +1290262,250549,Cash loans,17963.685,90000.0,92970.0,0.0,90000.0,FRIDAY,10,Y,1,0.0,,,XNA,Approved,-2378,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,6.0,high,Cash Street: high,365243.0,-2348.0,-2198.0,-2198.0,-2194.0,1.0,0,Cash loans,M,N,Y,0,180000.0,970380.0,31302.0,810000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.028663,-11146,-337,-3812.0,-3620,,1,1,0,1,1,0,Laborers,1.0,2,2,WEDNESDAY,15,0,1,1,0,0,0,Business Entity Type 3,,0.2349126420897769,0.3539876078507373,0.0175,0.0118,0.9722,0.6124,0.0073,0.0,0.069,0.0833,0.125,0.063,0.0118,0.0194,0.0116,0.0209,0.0179,0.0123,0.9722,0.6276,0.0073,0.0,0.069,0.0833,0.125,0.0644,0.0129,0.0203,0.0117,0.0221,0.0177,0.0118,0.9722,0.6176,0.0073,0.0,0.069,0.0833,0.125,0.0641,0.012,0.0198,0.0116,0.0213,reg oper account,block of flats,0.0238,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1728520,194297,Cash loans,30249.27,225000.0,272889.0,,225000.0,FRIDAY,14,Y,1,,,,XNA,Approved,-962,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,Y,1,81000.0,328405.5,23485.5,283500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.015221,-16921,365243,-3580.0,-461,,1,0,0,1,0,0,,3.0,2,2,MONDAY,16,0,0,0,0,0,0,XNA,,0.6390374359922806,0.4740512892789932,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1366.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1061399,248609,Consumer loans,13578.12,243886.5,257161.5,24390.0,243886.5,SATURDAY,11,Y,1,0.09434482598290997,,,XAP,Approved,-1010,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,2300,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-978.0,-288.0,-798.0,-792.0,0.0,0,Revolving loans,M,N,Y,0,252000.0,540000.0,27000.0,540000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.00823,-13344,-523,-12649.0,-1063,,1,1,0,1,0,0,Drivers,1.0,2,2,MONDAY,10,0,0,0,1,1,0,Business Entity Type 3,0.2286745639371929,0.4268264129742372,0.6195277080511546,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-242.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2370326,384491,Consumer loans,15121.665,87277.5,77674.5,13500.0,87277.5,TUESDAY,14,Y,1,0.16125920375463826,,,XAP,Approved,-1250,XNA,XAP,Unaccompanied,Repeater,Tourism,POS,XNA,Stone,421,Industry,6.0,high,POS other with interest,365243.0,-1219.0,-1069.0,-1189.0,-1181.0,0.0,0,Cash loans,F,N,Y,0,405000.0,1971072.0,68643.0,1800000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.020713,-19397,-3182,-66.0,-2937,,1,1,0,1,0,0,,1.0,3,1,SATURDAY,7,0,0,0,0,0,0,Business Entity Type 2,0.8056332972062302,0.5838569777899265,0.646329897706246,0.0763,0.0,0.9811,,,0.04,0.1034,0.25,,0.0281,,0.0799,,0.0063,0.0725,0.0,0.9747,,,0.0,0.069,0.1667,,0.0206,,0.0721,,0.0032,0.077,0.0,0.9811,,,0.04,0.1034,0.25,,0.0286,,0.0813,,0.0064,,block of flats,0.0551,Panel,No,1.0,0.0,1.0,0.0,-2111.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1940062,349535,Consumer loans,5238.675,26955.0,28377.0,0.0,26955.0,WEDNESDAY,12,Y,1,0.0,,,XAP,Approved,-992,Cash through the bank,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Regional / Local,150,Consumer electronics,6.0,middle,POS household with interest,365243.0,-960.0,-810.0,-810.0,-805.0,0.0,0,Cash loans,F,N,Y,0,112500.0,104256.0,11074.5,90000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.00496,-21517,365243,-9606.0,-4450,,1,0,0,1,0,0,,2.0,2,2,MONDAY,11,0,0,0,0,0,0,XNA,,0.6244534667744231,0.6626377922738201,0.1351,,0.9826,0.762,,,0.3103,0.1667,0.2083,,0.1101,0.0769,,0.0049,0.1376,,0.9826,0.7713,,,0.3103,0.1667,0.2083,,0.1203,0.0801,,0.0052,0.1364,,0.9826,0.7652,,,0.3103,0.1667,0.2083,,0.112,0.0783,,0.005,,block of flats,0.1033,"Stone, brick",No,4.0,1.0,4.0,1.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2373871,456055,Consumer loans,9252.72,178969.5,178969.5,0.0,178969.5,TUESDAY,3,Y,1,0.0,,,XAP,Approved,-1219,Cash through the bank,XAP,,New,Construction Materials,POS,XNA,Regional / Local,37,Construction,24.0,low_normal,POS industry with interest,365243.0,-1182.0,-492.0,-492.0,-486.0,0.0,0,Cash loans,F,N,Y,0,333000.0,1113840.0,44302.5,900000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.010032,-18519,-11084,-3208.0,-2052,,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,6,0,0,0,0,0,0,Business Entity Type 2,,0.4418308209592644,0.7076993447402619,0.0825,0.0802,0.9757,0.6668,0.0274,0.0,0.1379,0.1667,0.2083,0.0762,0.0672,0.0639,0.0013,0.001,0.084,0.0827,0.9757,0.6798,0.0273,0.0,0.1379,0.1667,0.2083,0.0697,0.0735,0.0659,0.0,0.0,0.0833,0.0803,0.9757,0.6713,0.0277,0.0,0.1379,0.1667,0.2083,0.0745,0.0684,0.0652,0.0,0.0,reg oper account,block of flats,0.0648,"Stone, brick",No,2.0,2.0,2.0,2.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1466539,274998,Consumer loans,25573.23,163755.0,137920.5,32751.0,163755.0,TUESDAY,16,Y,1,0.20899105218877406,,,XAP,Approved,-478,Non-cash from your account,XAP,Unaccompanied,New,Clothing and Accessories,POS,XNA,Country-wide,1326,Clothing,6.0,middle,POS industry with interest,365243.0,-447.0,-297.0,-297.0,-291.0,0.0,0,Cash loans,F,Y,N,0,292500.0,1024740.0,55588.5,900000.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.072508,-18820,-1651,-555.0,-1933,12.0,1,1,1,1,1,0,Accountants,1.0,1,1,WEDNESDAY,15,0,0,0,0,0,0,Business Entity Type 1,,0.7015434041251672,0.22383131747015547,0.1161,,0.9717,,,0.22,0.181,0.3229,,,,0.1579,,0.1881,0.0977,,0.9717,,,0.1611,0.1034,0.3333,,,,0.1355,,0.106,0.1228,,0.9717,,,0.16,0.1207,0.3333,,,,0.163,,0.141,,block of flats,0.1797,"Stone, brick",No,0.0,0.0,0.0,0.0,-620.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1095944,313039,Consumer loans,15965.01,152928.0,149625.0,15295.5,152928.0,WEDNESDAY,15,Y,1,0.10100739447188188,,,XAP,Approved,-1470,Non-cash from your account,XAP,Other_B,Repeater,Computers,POS,XNA,Country-wide,1674,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1439.0,-1109.0,-1109.0,-1101.0,0.0,0,Revolving loans,F,N,N,0,135000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-10085,-1761,-1768.0,-2771,,1,1,0,1,0,0,Waiters/barmen staff,2.0,2,2,WEDNESDAY,14,0,0,0,1,1,0,Business Entity Type 3,0.0882563141520215,0.5727920437502906,0.5549467685334323,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1837.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1231688,448290,Consumer loans,4592.52,21802.5,22882.5,0.0,21802.5,SUNDAY,11,Y,1,0.0,,,XAP,Approved,-2378,Cash through the bank,XAP,Children,New,Mobile,POS,XNA,Country-wide,25,Connectivity,6.0,high,POS mobile with interest,365243.0,-2347.0,-2197.0,-2197.0,-2189.0,1.0,0,Cash loans,F,N,Y,0,67500.0,467257.5,17743.5,328500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-17374,-417,-6758.0,-925,,1,1,0,1,0,0,Security staff,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,Security,0.6463076794677699,0.5343998289296661,0.3774042489507649,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1874.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2019547,327839,Revolving loans,16875.0,337500.0,337500.0,,337500.0,THURSDAY,17,Y,1,,,,XAP,Refused,-229,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,202500.0,675000.0,36747.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-15279,-275,-4631.0,-194,,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,9,0,0,0,0,1,1,Business Entity Type 3,,0.5737121672602603,0.248535557339522,0.2784,,0.9891,,,0.24,0.2069,0.3333,0.0417,0.0,0.2269,0.2845,0.0,0.0,0.2836,,0.9891,,,0.2417,0.2069,0.3333,0.0417,0.0,0.2479,0.2964,0.0,0.0,0.281,,0.9891,,,0.24,0.2069,0.3333,0.0417,0.0,0.2309,0.2896,0.0,0.0,,block of flats,0.2237,Panel,No,1.0,0.0,1.0,0.0,-824.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2526641,249048,Consumer loans,4372.155,27508.5,21784.5,6750.0,27508.5,FRIDAY,11,Y,1,0.2576307149718284,,,XAP,Approved,-2561,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,41,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2530.0,-2380.0,-2380.0,-2370.0,1.0,0,Cash loans,F,N,Y,0,144000.0,562491.0,22437.0,454500.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.00733,-20392,-2349,-975.0,-3293,,1,1,0,1,0,0,,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Other,,0.6668603752720106,0.5190973382084597,0.1278,0.0,0.9975,0.966,0.0,0.0,0.2759,0.1667,0.2083,0.0,0.1042,0.1162,0.0,0.0098,0.1303,0.0,0.9975,0.9673,0.0,0.0,0.2759,0.1667,0.2083,0.0,0.1139,0.1211,0.0,0.0104,0.1291,0.0,0.9975,0.9665,0.0,0.0,0.2759,0.1667,0.2083,0.0,0.106,0.1183,0.0,0.01,not specified,block of flats,0.122,"Stone, brick",No,0.0,0.0,0.0,0.0,-1841.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1311592,304750,Consumer loans,3879.09,33525.0,31900.5,4500.0,33525.0,THURSDAY,10,Y,1,0.13463851021027431,,,XAP,Approved,-1860,Cash through the bank,XAP,Unaccompanied,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,42,Connectivity,12.0,high,POS mobile with interest,365243.0,-1829.0,-1499.0,-1499.0,-1493.0,0.0,0,Revolving loans,M,N,N,1,144000.0,180000.0,9000.0,450000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-15773,-5940,-3414.0,-3953,,1,1,0,1,0,0,Managers,3.0,2,2,TUESDAY,15,0,0,0,0,0,0,Military,0.3435250775624593,0.4437083733604363,0.4135967602644276,0.0464,0.05,0.9851,0.7959999999999999,0.0086,0.0,0.1034,0.1667,0.2083,0.0488,0.0378,0.0424,0.0,0.0,0.0473,0.0519,0.9851,0.804,0.0086,0.0,0.1034,0.1667,0.2083,0.0499,0.0413,0.0442,0.0,0.0,0.0468,0.05,0.9851,0.7987,0.0086,0.0,0.1034,0.1667,0.2083,0.0496,0.0385,0.0431,0.0,0.0,reg oper account,block of flats,0.038,"Stone, brick",No,0.0,0.0,0.0,0.0,-1860.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2697673,364346,Cash loans,12186.9,360000.0,443160.0,,360000.0,WEDNESDAY,6,Y,1,,,,XNA,Approved,-293,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,AP+ (Cash loan),3,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-263.0,1507.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,0,67500.0,50940.0,4153.5,45000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018801,-22052,-1615,-8088.0,-17,10.0,1,1,1,1,1,0,Drivers,2.0,2,2,TUESDAY,7,0,0,0,0,0,0,Business Entity Type 3,0.6120096676895919,0.38174953745847495,0.7194907850918436,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1962.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1230468,386688,Consumer loans,16183.395,160200.0,160200.0,0.0,160200.0,THURSDAY,6,Y,1,0.0,,,XAP,Approved,-429,Cash through the bank,XAP,,Repeater,Construction Materials,POS,XNA,Regional / Local,100,Construction,12.0,middle,POS industry with interest,365243.0,-397.0,-67.0,-97.0,-90.0,0.0,0,Cash loans,F,N,Y,0,135000.0,163201.5,10917.0,148500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010032,-24940,365243,-7227.0,-5029,,1,0,0,1,1,0,,2.0,2,2,SATURDAY,4,0,0,0,0,0,0,XNA,,0.0988700717202946,0.7544061731797895,0.0619,0.0666,0.9816,0.7484,0.0324,0.0,0.1034,0.1667,0.2083,0.0347,0.0504,0.0396,0.0,0.0,0.063,0.0691,0.9816,0.7583,0.0327,0.0,0.1034,0.1667,0.2083,0.0355,0.0551,0.0413,0.0,0.0,0.0625,0.0666,0.9816,0.7518,0.0326,0.0,0.1034,0.1667,0.2083,0.0353,0.0513,0.0404,0.0,0.0,,block of flats,0.0489,"Stone, brick",No,0.0,0.0,0.0,0.0,-1546.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2259688,136397,Consumer loans,9129.555,83079.0,83079.0,0.0,83079.0,SATURDAY,17,Y,1,0.0,,,XAP,Approved,-531,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,25,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-492.0,-222.0,-252.0,-250.0,0.0,0,Cash loans,M,N,Y,0,405000.0,1262146.5,53604.0,1161000.0,Family,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.04622,-15072,-2392,-8935.0,-3998,,1,1,0,1,0,0,Drivers,1.0,1,1,FRIDAY,17,0,0,0,0,0,0,Business Entity Type 2,,0.7452262965487797,0.6738300778602003,0.0798,0.0683,0.9781,,,0.02,0.1172,0.225,,0.0,,0.0686,,0.0187,0.084,0.0564,0.9772,,,0.0,0.1379,0.1667,,0.0,,0.0558,,0.0,0.0833,0.0675,0.9771,,,0.0,0.1379,0.1667,,0.0,,0.0679,,0.0191,,block of flats,0.0518,"Stone, brick",No,1.0,1.0,1.0,1.0,-2833.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2785124,210619,Consumer loans,6605.955,114205.5,114205.5,0.0,114205.5,FRIDAY,15,Y,1,0.0,,,XAP,Approved,-937,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Regional / Local,1000,Consumer electronics,24.0,middle,POS household with interest,365243.0,-906.0,-216.0,-726.0,-710.0,0.0,0,Cash loans,F,N,Y,0,153000.0,646920.0,18540.0,540000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.006670999999999999,-21671,365243,-1514.0,-4810,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,XNA,,0.2323442209177047,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-937.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1577926,360070,Consumer loans,25581.285,249525.0,249525.0,0.0,249525.0,TUESDAY,11,Y,1,0.0,,,XAP,Approved,-498,Cash through the bank,XAP,,Repeater,Construction Materials,POS,XNA,Stone,20,Construction,12.0,middle,POS industry with interest,365243.0,-467.0,-137.0,-317.0,-311.0,0.0,0,Revolving loans,F,N,Y,0,90000.0,270000.0,13500.0,270000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.035792000000000004,-14759,-6199,-8361.0,-4738,,1,1,0,1,0,0,Core staff,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Government,0.5110172772614515,0.7061879872587072,0.5064842396679806,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1534.0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2537858,192344,Consumer loans,14368.095,114543.0,142569.0,0.0,114543.0,TUESDAY,15,Y,1,0.0,,,XAP,Approved,-402,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,1400,Consumer electronics,12.0,middle,POS household with interest,365243.0,-371.0,-41.0,-41.0,-33.0,0.0,0,Cash loans,F,Y,Y,2,225000.0,521280.0,28408.5,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010643000000000001,-12481,-1204,-1535.0,-4826,64.0,1,1,0,1,0,0,,4.0,2,2,FRIDAY,10,0,0,0,0,1,1,Business Entity Type 2,,0.3780302318211365,0.6246146584503397,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2174126,202718,Consumer loans,8606.34,65250.0,70632.0,0.0,65250.0,SATURDAY,15,Y,1,0.0,,,XAP,Approved,-1327,Cash through the bank,XAP,Family,New,Construction Materials,POS,XNA,Stone,200,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1295.0,-1025.0,-1175.0,-1171.0,0.0,0,Cash loans,F,N,N,0,90000.0,343800.0,13090.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.002042,-20731,-3205,-5069.0,-4005,,1,1,1,1,1,0,Cooking staff,1.0,3,3,WEDNESDAY,10,0,0,0,0,0,0,University,,0.09346014744339837,0.8435435389318647,0.0825,0.0767,0.9776,0.6940000000000001,0.0,0.0,0.1379,0.1667,0.2083,0.0,0.0672,0.0549,0.0,0.0752,0.084,0.0796,0.9777,0.706,0.0,0.0,0.1379,0.1667,0.2083,0.0,0.0735,0.0572,0.0,0.0796,0.0833,0.0767,0.9776,0.6981,0.0,0.0,0.1379,0.1667,0.2083,0.0,0.0684,0.0558,0.0,0.0768,,block of flats,0.0595,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1568316,204658,Consumer loans,7197.705,94612.5,114597.0,0.0,94612.5,FRIDAY,12,Y,1,0.0,,,XAP,Approved,-344,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,3446,Consumer electronics,24.0,middle,POS household with interest,,,,,,,0,Cash loans,M,Y,N,0,202500.0,1264500.0,36972.0,1264500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-19318,-918,-829.0,-2881,16.0,1,1,1,1,1,0,Laborers,2.0,2,2,FRIDAY,11,0,0,0,0,1,1,Construction,0.3209784751555614,0.5875236298660909,0.38079968264891495,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2671.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1429549,184681,Consumer loans,5047.74,53955.0,42705.0,11250.0,53955.0,TUESDAY,4,Y,1,0.2270831753734172,,,XAP,Refused,-2123,XNA,LIMIT,Family,Repeater,Mobile,POS,XNA,Stone,19,Connectivity,12.0,high,POS mobile with interest,,,,,,,0,Cash loans,M,Y,Y,0,135000.0,512064.0,25033.5,360000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.035792000000000004,-11115,-1066,-1417.0,-3765,25.0,1,1,0,1,0,0,Laborers,1.0,2,2,THURSDAY,12,0,0,0,0,0,0,Business Entity Type 1,0.27353442921049137,0.7133232834755714,0.6848276586890367,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-454.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1958998,278576,Consumer loans,24566.76,93388.5,93388.5,0.0,93388.5,FRIDAY,8,Y,1,0.0,,,XAP,Approved,-134,XNA,XAP,,Repeater,Furniture,POS,XNA,Stone,1000,Furniture,4.0,low_normal,POS industry with interest,365243.0,-91.0,-1.0,-31.0,-27.0,0.0,0,Cash loans,F,N,N,0,117000.0,360000.0,17509.5,360000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-18361,-332,-1478.0,-1761,,1,1,1,1,0,0,Cleaning staff,2.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,Other,,0.07804317954356364,0.5388627065779676,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-836.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1664857,142999,Consumer loans,9498.825,60250.5,50746.5,12051.0,60250.5,SUNDAY,18,Y,1,0.20899931598319266,,,XAP,Approved,-769,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Regional / Local,246,Consumer electronics,6.0,middle,POS household with interest,365243.0,-738.0,-588.0,-588.0,-580.0,0.0,0,Cash loans,M,Y,N,1,135000.0,675000.0,32472.0,675000.0,Unaccompanied,Working,Lower secondary,Married,House / apartment,0.019101,-11073,-708,-2361.0,-585,14.0,1,1,1,1,0,0,Laborers,3.0,2,2,SATURDAY,12,0,0,0,0,0,0,Self-employed,0.3026849774723105,0.6899815476661695,0.6512602186973006,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1703.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2206370,127315,Cash loans,39785.805,630000.0,878467.5,,630000.0,SUNDAY,5,Y,1,,,,XNA,Approved,-412,Non-cash from your account,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,Y,Y,0,135000.0,91008.0,6723.0,72000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010032,-11728,-605,-5799.0,-2276,10.0,1,1,0,1,0,0,Medicine staff,2.0,2,2,SATURDAY,3,0,0,0,0,0,0,Medicine,0.5941064814790885,0.6377047105485267,,0.1068,0.0727,0.9886,,,0.104,0.0897,0.375,,,,0.1142,,0.0703,0.084,0.0608,0.9886,,,0.0806,0.069,0.375,,,,0.0911,,0.0559,0.0833,0.0601,0.9886,,,0.08,0.069,0.375,,,,0.0921,,0.0553,,block of flats,0.1604,Panel,No,1.0,0.0,1.0,0.0,-1265.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2395576,158001,Consumer loans,7704.675,40005.0,37786.5,4000.5,40005.0,THURSDAY,14,Y,1,0.10426467996788906,,,XAP,Approved,-2147,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Country-wide,70,Connectivity,6.0,high,POS mobile with interest,365243.0,-2112.0,-1962.0,-1962.0,-1955.0,0.0,0,Cash loans,F,N,N,1,337500.0,1530000.0,42205.5,1530000.0,Unaccompanied,State servant,Secondary / secondary special,Married,Office apartment,0.032561,-12247,-1989,-2359.0,-3777,,1,1,0,1,0,0,IT staff,3.0,1,1,TUESDAY,13,0,0,0,0,0,0,Police,0.6521493894232591,0.6716957490447726,0.3441550073724169,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2147.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1105762,293227,Cash loans,31544.37,675000.0,744498.0,,675000.0,TUESDAY,19,Y,1,,,,Other,Approved,-463,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,low_normal,Cash Street: low,365243.0,-433.0,617.0,365243.0,365243.0,1.0,0,Revolving loans,F,N,Y,0,360000.0,405000.0,20250.0,405000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.010147,-20774,-657,-4656.0,-2821,,1,1,0,1,0,0,Accountants,1.0,2,2,THURSDAY,18,0,0,0,0,1,1,Business Entity Type 3,0.8616703645735401,0.5860655369148565,0.3672910183026313,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1106.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2576247,410569,Cash loans,23123.88,675000.0,790830.0,,675000.0,SATURDAY,15,Y,1,,,,XNA,Refused,-241,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,135000.0,876019.5,34740.0,783000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.030755,-18643,-1348,-7789.0,-104,,1,1,0,1,0,0,Cleaning staff,1.0,2,2,TUESDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.7336209814234933,0.5299573486819247,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1161.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2826912,153856,Consumer loans,3365.685,33660.0,30294.0,3366.0,33660.0,MONDAY,11,Y,1,0.1089090909090909,,,XAP,Approved,-2801,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Stone,108,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2760.0,-2490.0,-2490.0,-2487.0,0.0,0,Cash loans,F,N,Y,0,67500.0,148365.0,10453.5,135000.0,Children,Pensioner,Secondary / secondary special,Married,House / apartment,0.020713,-24354,365243,-1098.0,-3864,,1,0,0,1,1,0,,2.0,3,3,TUESDAY,10,0,0,0,0,0,0,XNA,0.7854499102318994,0.580181021919426,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,2.0,5.0,1.0,-1111.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2714721,287949,Consumer loans,3414.42,17050.5,16105.5,1705.5,17050.5,WEDNESDAY,14,Y,1,0.10428637052689604,,,XAP,Approved,-1337,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,6.0,high,POS mobile with interest,365243.0,-1306.0,-1156.0,-1156.0,-1143.0,0.0,0,Cash loans,F,N,N,0,171000.0,508495.5,21541.5,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.019688999999999998,-23642,365243,-12061.0,-2910,,1,0,0,1,1,0,,1.0,2,2,TUESDAY,15,0,0,0,0,0,0,XNA,,0.5450956998877616,0.633031641417419,,,0.9786,,,,,,,,,0.0122,,,,,0.9786,,,,,,,,,0.0127,,,,,0.9786,,,,,,,,,0.0124,,,,,0.0096,,No,0.0,0.0,0.0,0.0,-378.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1692251,252194,Consumer loans,16913.205,303880.5,164974.5,151942.5,303880.5,TUESDAY,15,Y,1,0.5221531046127077,,,XAP,Approved,-490,Cash through the bank,XAP,,Repeater,Vehicles,POS,XNA,Stone,21,Auto technology,12.0,middle,POS other with interest,365243.0,-459.0,-129.0,-309.0,-296.0,0.0,0,Cash loans,F,N,N,0,270000.0,1483231.5,51556.5,1354500.0,Unaccompanied,Working,Higher education,Civil marriage,With parents,0.019101,-18082,-2273,-3042.0,-1617,,1,1,0,1,0,0,Private service staff,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Self-employed,,0.6847089350941679,0.10684194768082178,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1390.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,2.0 +1463292,456184,Consumer loans,26355.915,150679.8,141606.0,15072.3,150679.8,SATURDAY,14,Y,1,0.10476948568557937,,,XAP,Approved,-1760,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,900,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1729.0,-1579.0,-1609.0,-1605.0,0.0,1,Cash loans,M,N,N,0,270000.0,900000.0,40671.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.010006000000000001,-10130,-1290,-1862.0,-2772,,1,1,0,1,0,0,Drivers,1.0,2,1,FRIDAY,14,0,0,0,0,0,0,Construction,,0.3487368357387613,,0.0928,0.0931,0.9841,0.7824,0.0443,0.0,0.2069,0.1667,0.2083,0.0895,0.0756,0.0809,0.0,0.0,0.0945,0.0966,0.9841,0.7909,0.0447,0.0,0.2069,0.1667,0.2083,0.0916,0.0826,0.0843,0.0,0.0,0.0937,0.0931,0.9841,0.7853,0.0446,0.0,0.2069,0.1667,0.2083,0.0911,0.077,0.0824,0.0,0.0,reg oper account,block of flats,0.0879,Panel,No,0.0,0.0,0.0,0.0,-243.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2836121,175761,Consumer loans,4161.105,39640.5,38245.5,9000.0,39640.5,TUESDAY,12,Y,1,0.2074656460788473,,,XAP,Approved,-1423,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,231,Connectivity,12.0,high,POS mobile with interest,365243.0,-1378.0,-1048.0,-1048.0,-1039.0,0.0,0,Cash loans,M,N,Y,0,202500.0,1283197.5,37647.0,1120500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-14973,-1671,-4509.0,-5168,,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,18,0,0,0,0,0,0,Business Entity Type 3,,0.4522469360927938,,0.0887,0.0218,0.9871,0.8232,0.015,0.0,0.2069,0.1667,0.2083,0.0997,0.0723,0.0839,0.0077,0.047,0.0903,0.0226,0.9871,0.8301,0.0152,0.0,0.2069,0.1667,0.2083,0.102,0.079,0.0874,0.0078,0.0498,0.0895,0.0218,0.9871,0.8256,0.0151,0.0,0.2069,0.1667,0.2083,0.1014,0.0735,0.0854,0.0078,0.048,reg oper account,block of flats,0.0762,"Stone, brick",No,0.0,0.0,0.0,0.0,-1423.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1303458,152307,Cash loans,,0.0,0.0,,,MONDAY,15,Y,1,,,,XNA,Refused,-97,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Revolving loans,F,N,Y,0,135000.0,337500.0,16875.0,337500.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.009175,-23389,365243,-3669.0,-4114,,1,0,0,1,1,0,,2.0,2,2,SUNDAY,11,0,0,0,0,0,0,XNA,,0.781006572362479,0.7544061731797895,0.0928,0.1101,0.9806,,,0.0,0.2069,0.1667,,0.0615,,0.0913,,0.0,0.0945,0.1143,0.9806,,,0.0,0.2069,0.1667,,0.0629,,0.0952,,0.0,0.0937,0.1101,0.9806,,,0.0,0.2069,0.1667,,0.0626,,0.093,,0.0,,block of flats,0.0719,Panel,No,0.0,0.0,0.0,0.0,-1473.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2733234,443088,Consumer loans,6485.49,51066.0,57100.5,0.0,51066.0,SUNDAY,15,Y,1,0.0,,,XAP,Approved,-162,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-120.0,150.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,2,225000.0,284400.0,19134.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-15220,-2832,-1735.0,-2646,,1,1,0,1,0,0,Sales staff,4.0,2,2,MONDAY,14,0,0,0,0,0,0,Self-employed,0.4813380243363386,0.05914061429057499,0.35895122857839673,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1532.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1107149,384455,Consumer loans,6983.1,63130.5,71905.5,6525.0,63130.5,SATURDAY,14,Y,1,0.09060656481621536,,,XAP,Approved,-1719,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,200,Consumer electronics,14.0,middle,POS household with interest,365243.0,-1688.0,-1298.0,-1328.0,-1319.0,0.0,0,Cash loans,F,N,N,1,157500.0,1125000.0,47664.0,1125000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.00702,-15074,-5545,-6258.0,-5238,,1,1,0,1,0,1,Core staff,3.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Police,0.8807315684516434,0.5198417561091458,0.11987796089553485,0.1485,0.0906,0.9856,0.8028,0.0359,0.16,0.1379,0.3333,0.375,0.0717,0.121,0.1537,0.0,0.0,0.1513,0.0941,0.9856,0.8105,0.0362,0.1611,0.1379,0.3333,0.375,0.0733,0.1322,0.1601,0.0,0.0,0.1499,0.0906,0.9856,0.8054,0.0361,0.16,0.1379,0.3333,0.375,0.0729,0.1231,0.1565,0.0,0.0,org spec account,block of flats,0.1247,Panel,No,0.0,0.0,0.0,0.0,-15.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1670326,192755,Cash loans,7738.2,270000.0,270000.0,,270000.0,FRIDAY,15,Y,1,,,,Repairs,Approved,-563,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,60.0,low_normal,Cash Street: low,365243.0,-529.0,1241.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,117000.0,624393.0,16470.0,521194.5,,State servant,Secondary / secondary special,Married,House / apartment,0.00702,-19642,-5823,-7378.0,-3198,,1,1,0,1,1,0,Cleaning staff,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,School,,0.5893348243463759,0.524496446363472,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1118.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1028989,204608,Cash loans,26831.25,225000.0,225000.0,,225000.0,TUESDAY,16,Y,1,,,,XNA,Approved,-750,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Stone,28,Consumer electronics,12.0,high,Cash Street: high,365243.0,-720.0,-390.0,-600.0,-597.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,1125171.0,44752.5,1035000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018634,-20262,-6423,-11277.0,-3766,2.0,1,1,1,1,1,0,Drivers,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Trade: type 6,,0.46374901538671204,0.646329897706246,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-403.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +2720382,194462,Consumer loans,4963.275,46206.0,37206.0,9000.0,46206.0,SUNDAY,10,Y,1,0.2121330169635584,,,XAP,Approved,-2519,XNA,XAP,,New,Mobile,POS,XNA,Country-wide,21,Connectivity,10.0,low_normal,POS mobile with interest,365243.0,-2473.0,-2203.0,-2203.0,-2176.0,0.0,0,Cash loans,F,N,Y,1,135000.0,1236816.0,36292.5,1080000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-13874,-1331,-7472.0,-4208,,1,1,0,1,1,0,Sales staff,3.0,2,2,SATURDAY,10,0,0,0,0,1,1,Trade: type 7,,0.6764375554184685,,0.0103,,0.9657,,,,0.0862,0.0417,,0.0083,,0.0085,,,0.0021,,0.9598,,,,0.069,0.0,,0.0085,,0.0017,,,0.0104,,0.9657,,,,0.0862,0.0417,,0.0085,,0.0087,,,,block of flats,0.0013,Wooden,No,1.0,0.0,1.0,0.0,-1634.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1920512,318798,Consumer loans,8119.305,44955.0,40455.0,4500.0,44955.0,MONDAY,9,Y,1,0.10901810901810903,,,XAP,Approved,-2455,Cash through the bank,XAP,Other_A,Repeater,Mobile,POS,XNA,Stone,4,Connectivity,6.0,high,POS mobile with interest,365243.0,-2421.0,-2271.0,-2301.0,-2295.0,0.0,0,Cash loans,M,Y,N,0,117000.0,343800.0,16155.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.010147,-10695,-394,-1396.0,-3020,1.0,1,1,0,1,0,0,Drivers,2.0,2,2,SATURDAY,16,0,0,0,0,1,1,Self-employed,,0.2623429963632681,0.3201633668633456,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-3.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1718601,402463,Consumer loans,14904.675,159750.0,159750.0,0.0,159750.0,TUESDAY,14,Y,1,0.0,,,XAP,Approved,-1478,Cash through the bank,XAP,"Spouse, partner",Repeater,Clothing and Accessories,POS,XNA,Stone,74,Clothing,12.0,low_normal,POS industry with interest,365243.0,-1437.0,-1107.0,-1227.0,-1221.0,0.0,0,Cash loans,F,N,Y,2,112500.0,589045.5,36166.5,508500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-14037,-4372,-11856.0,-4858,,1,1,0,1,0,0,Laborers,4.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Business Entity Type 2,,0.6886421586614094,0.7338145369642702,,,0.9836,,,,,,,,,0.0678,,,,,0.9836,,,,,,,,,0.0706,,,,,0.9836,,,,,,,,,0.069,,,,,0.0533,,No,3.0,0.0,3.0,0.0,-672.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2741412,446024,Cash loans,19661.94,180000.0,191880.0,,180000.0,SUNDAY,6,Y,1,,,,XNA,Approved,-733,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-703.0,-373.0,-673.0,-670.0,1.0,0,Cash loans,F,N,N,0,180000.0,355536.0,17235.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.020713,-23246,-613,-8479.0,-4067,,1,1,0,1,0,0,Security staff,2.0,3,2,FRIDAY,8,0,0,0,0,0,0,School,,0.4317606914496975,0.1293142889822697,0.1381,0.0654,0.9886,0.8436,0.0232,0.0,0.3448,0.1667,0.2083,0.0694,0.1126,0.1602,0.0,0.0,0.1408,0.0679,0.9886,0.8497,0.0234,0.0,0.3448,0.1667,0.2083,0.071,0.123,0.1669,0.0,0.0,0.1395,0.0654,0.9886,0.8457,0.0233,0.0,0.3448,0.1667,0.2083,0.0706,0.1146,0.1631,0.0,0.0,reg oper spec account,block of flats,0.1387,"Stone, brick",No,0.0,0.0,0.0,0.0,-733.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2803315,363430,Consumer loans,6086.295,59301.0,44950.5,17775.0,59301.0,SATURDAY,10,Y,1,0.3086239393721995,,,XAP,Approved,-1835,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,88,Connectivity,10.0,high,POS mobile with interest,365243.0,-1800.0,-1530.0,-1710.0,-1708.0,0.0,0,Cash loans,M,N,Y,0,121500.0,824823.0,24246.0,688500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.031329,-21209,-3969,-18105.0,-4034,,1,1,0,1,0,0,Laborers,2.0,2,2,SUNDAY,12,0,0,0,0,0,0,Industry: type 7,,0.4411783804636267,0.7062051096536562,0.0804,0.0588,0.9757,,,0.0,0.1379,0.1667,,0.0549,,0.0623,,0.0052,0.0819,0.061,0.9757,,,0.0,0.1379,0.1667,,0.0562,,0.065,,0.0055,0.0812,0.0588,0.9757,,,0.0,0.1379,0.1667,,0.0559,,0.0635,,0.0053,,block of flats,0.054000000000000006,Block,No,0.0,0.0,0.0,0.0,-2103.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1552564,201155,Consumer loans,4721.085,44955.0,40455.0,4500.0,44955.0,THURSDAY,5,Y,1,0.10901810901810903,,,XAP,Refused,-2666,Cash through the bank,SCO,"Spouse, partner",New,Mobile,POS,XNA,Country-wide,0,Connectivity,12.0,low_normal,POS mobile with interest,,,,,,,0,Cash loans,M,Y,Y,1,540000.0,550980.0,43659.0,450000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.010032,-16211,-806,-638.0,-4523,4.0,1,1,1,1,1,0,Managers,3.0,2,2,WEDNESDAY,2,0,0,0,0,0,0,Self-employed,0.7530109131331446,0.458201375926527,0.2678689358444539,0.2969,0.1689,0.9841,0.7824,0.1077,0.32,0.2759,0.3333,0.375,0.1625,0.2412,0.3234,0.0039,0.0035,0.3025,0.1753,0.9841,0.7909,0.1086,0.3222,0.2759,0.3333,0.375,0.1662,0.2635,0.3369,0.0039,0.0037,0.2998,0.1689,0.9841,0.7853,0.1083,0.32,0.2759,0.3333,0.375,0.1653,0.2454,0.3292,0.0039,0.0036,reg oper account,block of flats,0.314,Panel,No,1.0,0.0,1.0,0.0,-430.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,1.0,2.0 +1719939,223281,Consumer loans,11111.085,94491.0,104467.5,0.0,94491.0,FRIDAY,12,Y,1,0.0,,,XAP,Approved,-1062,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,1500,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1031.0,-701.0,-791.0,-787.0,0.0,0,Cash loans,M,N,Y,0,247500.0,552555.0,23359.5,477000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.010556,-9267,-223,-3900.0,-1924,,1,1,0,1,0,0,Laborers,1.0,3,3,WEDNESDAY,17,1,1,0,1,1,0,Industry: type 11,0.3348572756736558,0.6199711786221592,0.3893387918468769,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1168.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,9.0 +2305383,262471,Consumer loans,8572.59,86220.0,77580.0,8640.0,86220.0,FRIDAY,21,Y,1,0.10913645853103048,,,XAP,Approved,-1336,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,15,Connectivity,12.0,high,POS mobile with interest,365243.0,-1301.0,-971.0,-1151.0,-1145.0,0.0,1,Cash loans,F,Y,Y,1,310500.0,1113840.0,57001.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.04622,-14582,-932,-8539.0,-4054,65.0,1,1,0,1,0,0,High skill tech staff,3.0,1,1,THURSDAY,17,0,0,0,0,1,1,Business Entity Type 3,,0.6884545789703704,0.13937578009978951,0.101,0.046,0.9846,0.7892,0.0474,0.08,0.0345,0.5417,0.5833,,0.0824,0.092,0.0,0.0,0.1029,0.0477,0.9846,0.7975,0.0478,0.0806,0.0345,0.5417,0.5833,,0.09,0.0958,0.0,0.0,0.102,0.046,0.9846,0.792,0.0477,0.08,0.0345,0.5417,0.5833,,0.0838,0.0936,0.0,0.0,reg oper spec account,block of flats,0.0983,Panel,No,1.0,1.0,1.0,1.0,-619.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1436871,123867,Consumer loans,4478.22,39510.0,43681.5,0.0,39510.0,WEDNESDAY,17,Y,1,0.0,,,XAP,Approved,-652,Cash through the bank,XAP,,New,Computers,POS,XNA,Country-wide,370,Consumer electronics,12.0,middle,POS household with interest,365243.0,-618.0,-288.0,-468.0,-466.0,0.0,0,Cash loans,M,N,Y,0,157500.0,755190.0,38686.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-13525,-986,-1178.0,-4236,,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,16,0,0,0,0,1,1,Self-employed,0.3155317441860229,0.15767370804607614,0.746300213050371,0.0655,0.1053,0.9771,,,0.0,0.1552,0.1042,,0.12,,0.0583,,0.0,0.0084,0.1093,0.9727,,,0.0,0.0345,0.0417,,0.1227,,0.0094,,0.0,0.0661,0.1053,0.9771,,,0.0,0.1552,0.1042,,0.1221,,0.0594,,0.0,,block of flats,0.0071,Block,No,2.0,0.0,2.0,0.0,-652.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1538718,126083,Consumer loans,6975.18,91845.0,106393.5,0.0,91845.0,WEDNESDAY,7,Y,1,0.0,,,XAP,Approved,-414,Cash through the bank,XAP,,Repeater,Construction Materials,POS,XNA,Stone,150,Consumer electronics,18.0,low_normal,POS household with interest,365243.0,-384.0,126.0,-24.0,-18.0,1.0,0,Cash loans,M,N,Y,1,157500.0,900000.0,46084.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018209,-11501,-1434,-1625.0,-2193,,1,1,1,1,1,0,Laborers,3.0,3,3,THURSDAY,6,1,1,0,1,1,0,Construction,0.3752531466354303,0.2172246149914242,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-766.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2559311,247212,Consumer loans,11598.93,71905.5,69831.0,7200.0,71905.5,FRIDAY,20,Y,1,0.10179608917779266,,,XAP,Approved,-229,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,100,Connectivity,8.0,high,POS mobile with interest,365243.0,-195.0,15.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,180000.0,67500.0,7267.5,67500.0,Family,Working,Secondary / secondary special,Single / not married,House / apartment,0.072508,-11000,-2305,-677.0,-2346,,1,1,0,1,1,1,Accountants,1.0,1,1,WEDNESDAY,13,0,0,0,0,0,0,Government,0.6072555020531305,0.3696917096610432,0.4794489811780563,0.068,0.0846,0.9747,0.6532,,0.0,0.1379,0.1667,0.2083,0.0636,,0.0565,,0.0798,0.0672,0.0876,0.9747,0.6668,,0.0,0.1379,0.1667,0.2083,0.0551,,0.0574,,0.0514,0.0687,0.0846,0.9747,0.6578,,0.0,0.1379,0.1667,0.2083,0.0647,,0.0575,,0.0815,,block of flats,0.056,"Stone, brick",No,0.0,0.0,0.0,0.0,-1170.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1009704,375947,Cash loans,21888.0,450000.0,450000.0,,450000.0,THURSDAY,12,Y,1,,,,XNA,Approved,-707,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),2,XNA,48.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,90000.0,495351.0,26518.5,459000.0,Family,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.028663,-22775,365243,-1186.0,-4315,,1,0,0,1,1,0,,1.0,2,2,THURSDAY,15,1,0,0,1,0,0,XNA,,0.24661498866161954,0.511891801533151,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-269.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2745459,310013,Consumer loans,11139.525,111942.0,111384.0,11196.0,111942.0,SATURDAY,11,Y,1,0.09947350153517552,,,XAP,Approved,-568,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Stone,5,Consumer electronics,12.0,middle,POS household with interest,365243.0,-537.0,-207.0,-267.0,-259.0,0.0,0,Cash loans,F,Y,Y,0,171000.0,284400.0,16456.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.015221,-24176,365243,-765.0,-4625,5.0,1,0,0,1,0,0,,2.0,2,2,SUNDAY,10,0,0,0,0,0,0,XNA,,0.7009799262868279,0.7583930617144343,0.0299,0.0291,0.9742,0.6464,,0.0,0.069,0.125,,0.0155,,0.0226,,0.0101,0.0305,0.0302,0.9742,0.6602,,0.0,0.069,0.125,,0.0158,,0.0235,,0.0107,0.0302,0.0291,0.9742,0.6511,,0.0,0.069,0.125,,0.0158,,0.023,,0.0103,reg oper account,block of flats,0.0215,"Stone, brick",No,1.0,0.0,1.0,0.0,-568.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,1.0,0.0,0.0,0.0,1.0 +2075949,298270,Consumer loans,10863.99,51975.0,60754.5,0.0,51975.0,THURSDAY,16,Y,1,0.0,,,XAP,Approved,-856,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Regional / Local,79,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-825.0,-675.0,-675.0,-671.0,0.0,0,Cash loans,F,N,Y,1,157500.0,391090.5,17356.5,297000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00496,-14334,-1403,-4579.0,-4589,,1,1,0,1,0,0,Laborers,3.0,2,2,SATURDAY,15,0,0,0,0,0,0,Services,0.5278934263431678,0.6985956250206379,0.7091891096653581,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-856.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1878408,409226,Cash loans,15789.6,540000.0,540000.0,,540000.0,SATURDAY,14,Y,1,,,,XNA,Refused,-818,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,202500.0,1006920.0,51412.5,900000.0,Unaccompanied,State servant,Secondary / secondary special,Married,Municipal apartment,0.04622,-17009,-582,-7743.0,-546,,1,1,1,1,0,0,Cleaning staff,2.0,1,1,MONDAY,14,0,1,1,0,1,1,Government,,0.7636682957688343,,0.0247,0.0,0.9737,0.6396,0.0051,0.0,0.1034,0.125,0.1667,,0.0202,0.0474,0.0,0.0,0.0252,0.0,0.9737,0.6537,0.0052,0.0,0.1034,0.125,0.1667,,0.022,0.0494,0.0,0.0,0.025,0.0,0.9737,0.6444,0.0052,0.0,0.1034,0.125,0.1667,,0.0205,0.0482,0.0,0.0,reg oper account,block of flats,0.0373,"Stone, brick",No,0.0,0.0,0.0,0.0,-2087.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2390673,379200,Cash loans,19345.5,675000.0,675000.0,,675000.0,MONDAY,12,Y,1,,,,XNA,Approved,-1016,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,60.0,low_normal,Cash Street: low,365243.0,-986.0,784.0,-176.0,-171.0,0.0,0,Cash loans,F,N,Y,1,270000.0,1030680.0,63184.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.018029,-11167,-547,-943.0,-2701,,1,1,0,1,0,0,Cooking staff,3.0,3,3,WEDNESDAY,8,0,0,0,0,0,0,Business Entity Type 3,0.4513520523594257,0.3115955578108384,0.5549467685334323,0.0495,,0.9762,,,0.0,0.1034,0.1667,,,,0.04,,0.0,0.0504,,0.9762,,,0.0,0.1034,0.1667,,,,0.0417,,0.0,0.05,,0.9762,,,0.0,0.1034,0.1667,,,,0.0407,,0.0,,block of flats,0.0315,Panel,No,0.0,0.0,0.0,0.0,-2353.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1405205,280104,Revolving loans,22500.0,0.0,450000.0,,,THURSDAY,15,Y,1,,,,XAP,Approved,-678,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,0,225000.0,143910.0,15399.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.031329,-10541,-1055,-9596.0,-3160,11.0,1,1,1,1,0,0,Sales staff,1.0,2,2,WEDNESDAY,17,0,0,0,0,1,1,Business Entity Type 3,0.3510891362021472,0.6717536134580653,0.5478104658520093,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1840.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1038638,251339,Cash loans,22195.71,225000.0,239850.0,,225000.0,MONDAY,12,Y,1,,,,Repairs,Refused,-490,Cash through the bank,VERIF,Unaccompanied,Repeater,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,12.0,low_action,Cash Street: low,,,,,,,0,Cash loans,F,N,N,1,157500.0,389844.0,16866.0,315000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-11112,-3008,-1594.0,-2006,,1,1,1,1,0,0,Sales staff,3.0,1,1,TUESDAY,14,0,0,0,0,0,0,Business Entity Type 1,0.6282580841643518,0.6318544181948049,0.4974688893052743,0.1485,0.1091,0.9861,0.8096,0.0237,0.16,0.1379,0.3333,0.375,0.0274,0.1202,0.1453,1.0,0.0199,0.1513,0.1132,0.9861,0.8171,0.024,0.1611,0.1379,0.3333,0.375,0.028,0.1313,0.1514,1.0,0.0211,0.1499,0.1091,0.9861,0.8121,0.0239,0.16,0.1379,0.3333,0.375,0.0278,0.1223,0.1479,1.0,0.0204,reg oper account,block of flats,0.1316,Panel,No,0.0,0.0,0.0,0.0,-43.0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2112115,250899,Cash loans,23123.88,675000.0,790830.0,,675000.0,MONDAY,12,Y,1,,,,Repairs,Refused,-554,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,N,0,180000.0,577125.0,45729.0,522000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.04622,-16907,-1032,-2420.0,-440,,1,1,0,1,0,0,Core staff,2.0,1,1,WEDNESDAY,14,0,0,0,0,0,0,Trade: type 3,0.6124692436215766,0.529418034117247,0.18411615593071512,0.0825,0.0893,0.9921,,,0.0,0.1379,0.1667,,0.0234,,0.0478,,,0.084,0.0927,0.9921,,,0.0,0.1379,0.1667,,0.0239,,0.0498,,,0.0833,0.0893,0.9921,,,0.0,0.1379,0.1667,,0.0238,,0.0487,,,,block of flats,0.0668,Panel,No,0.0,0.0,0.0,0.0,-1873.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1830244,312882,Consumer loans,10379.115,52641.0,55422.0,0.0,52641.0,FRIDAY,18,Y,1,0.0,,,XAP,Approved,-693,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,6000,Consumer electronics,6.0,middle,POS household with interest,365243.0,-662.0,-512.0,-572.0,-544.0,0.0,0,Cash loans,M,Y,Y,1,225000.0,331920.0,17077.5,225000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.010966,-12108,-2429,-21.0,-4732,16.0,1,1,0,1,0,0,High skill tech staff,3.0,2,2,FRIDAY,13,0,0,0,0,0,0,Military,,0.684699493356412,0.1500851762342935,0.0814,0.044,0.9871,0.8232,0.0216,0.08,0.069,0.375,0.4167,0.0599,0.0656,0.0849,0.0039,0.0478,0.083,0.0457,0.9871,0.8301,0.0218,0.0806,0.069,0.375,0.4167,0.0613,0.0716,0.0884,0.0039,0.0506,0.0822,0.044,0.9871,0.8256,0.0218,0.08,0.069,0.375,0.4167,0.061,0.0667,0.0864,0.0039,0.0488,org spec account,block of flats,0.0861,"Stone, brick",No,1.0,0.0,1.0,0.0,-3012.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1903101,127430,Consumer loans,3490.335,32350.5,29110.5,3240.0,32350.5,THURSDAY,14,Y,1,0.10907573439219004,,,XAP,Approved,-1343,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,73,Connectivity,12.0,high,POS mobile with interest,365243.0,-1290.0,-960.0,-1050.0,-1046.0,0.0,0,Cash loans,F,N,Y,1,121500.0,189000.0,5931.0,189000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.018801,-12541,-671,-140.0,-2262,,1,1,1,1,0,0,Cooking staff,2.0,2,2,WEDNESDAY,6,0,0,0,0,0,0,Business Entity Type 3,0.2989295394058306,0.5596230831291729,0.6626377922738201,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1343.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1235660,285546,Consumer loans,6529.995,33966.0,35982.0,0.0,33966.0,SUNDAY,7,Y,1,0.0,,,XAP,Approved,-171,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,2775,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-136.0,14.0,-16.0,-10.0,0.0,1,Cash loans,M,N,N,2,135000.0,318528.0,25294.5,252000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0038130000000000004,-13549,-1721,-756.0,-3548,,1,1,0,1,0,0,Laborers,4.0,2,2,WEDNESDAY,6,0,0,0,0,1,1,Business Entity Type 3,,0.12517568885018182,0.16441417882990705,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1484.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,4.0 +2581921,139199,Consumer loans,6428.61,53545.5,48190.5,5355.0,53545.5,MONDAY,17,Y,1,0.10891824370267936,,,XAP,Approved,-2825,Cash through the bank,XAP,"Spouse, partner",Repeater,Mobile,POS,XNA,Stone,40,Connectivity,10.0,high,POS mobile with interest,365243.0,-2784.0,-2514.0,-2514.0,-2511.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,1258650.0,51943.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-21005,-10578,-9660.0,-3677,11.0,1,1,1,1,1,0,Managers,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.6262619735454026,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-2825.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1900293,394939,Consumer loans,5437.44,54381.6,48942.0,5439.6,54381.6,FRIDAY,8,Y,1,0.10893792954033917,,,XAP,Approved,-2485,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,102,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2436.0,-2166.0,-2166.0,-2161.0,0.0,0,Cash loans,M,Y,N,0,135000.0,585000.0,22279.5,585000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.028663,-11802,-2329,-3621.0,-4474,11.0,1,1,1,1,1,0,Laborers,2.0,2,2,FRIDAY,14,0,0,0,0,1,1,Trade: type 2,,0.26162000261593404,0.7032033049040319,0.0227,0.0462,0.9801,0.728,0.0024,0.0,0.1034,0.0417,0.0833,0.0279,0.0185,0.0179,0.0,0.0,0.0231,0.0479,0.9801,0.7387,0.0024,0.0,0.1034,0.0417,0.0833,0.0286,0.0202,0.0187,0.0,0.0,0.0229,0.0462,0.9801,0.7316,0.0024,0.0,0.1034,0.0417,0.0833,0.0284,0.0188,0.0183,0.0,0.0,reg oper account,block of flats,0.0154,"Stone, brick",No,1.0,0.0,1.0,0.0,-487.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +1351188,105636,Consumer loans,4344.975,34587.0,32571.0,4500.0,34587.0,THURSDAY,13,Y,1,0.13220331501467694,,,XAP,Approved,-2426,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Stone,6,Connectivity,10.0,high,POS household with interest,365243.0,-2390.0,-2120.0,-2120.0,-2115.0,1.0,0,Cash loans,F,N,Y,1,171000.0,247275.0,17586.0,225000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.020246,-17419,-9435,-5555.0,-959,,1,1,1,1,1,1,Core staff,3.0,3,3,MONDAY,7,0,0,0,0,1,1,School,0.4935194006618193,0.3901604474109754,0.18411615593071512,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2610722,130632,Cash loans,11386.17,90000.0,95940.0,,90000.0,SATURDAY,13,Y,1,,,,Repairs,Approved,-826,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-796.0,-466.0,-766.0,-762.0,1.0,0,Cash loans,F,N,Y,0,157500.0,260640.0,18270.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.00823,-21706,365243,-13000.0,-4971,,1,0,0,1,0,1,,2.0,2,2,SATURDAY,16,0,0,0,0,0,0,XNA,,0.4306826380796692,0.16441417882990705,0.0918,0.0816,0.9816,,,0.0,0.2069,0.1667,,0.065,,0.0865,,0.0033,0.0935,0.0847,0.9816,,,0.0,0.2069,0.1667,,0.0665,,0.0901,,0.0035,0.0926,0.0816,0.9816,,,0.0,0.2069,0.1667,,0.0661,,0.08800000000000001,,0.0034,,block of flats,0.0687,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1210898,272927,Consumer loans,5580.54,35995.5,34533.0,3600.0,35995.5,FRIDAY,11,Y,1,0.10281717338597206,,,XAP,Approved,-1926,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Regional / Local,147,Consumer electronics,8.0,high,POS household with interest,365243.0,-1895.0,-1685.0,-1685.0,-1679.0,0.0,0,Cash loans,F,N,Y,2,112500.0,553581.0,43866.0,472500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.006852,-10287,-2406,-467.0,-1710,,1,1,0,1,0,0,Medicine staff,4.0,3,3,SATURDAY,10,0,0,0,0,0,0,Medicine,0.3486241378069156,0.13287780655245093,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1926.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2186103,402338,Cash loans,11515.68,90000.0,95940.0,,90000.0,MONDAY,11,Y,1,,,,XNA,Refused,-1154,XNA,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,112500.0,376920.0,20574.0,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-13969,-369,-7195.0,-2798,,1,1,0,1,0,0,Cleaning staff,2.0,2,2,SUNDAY,9,0,0,0,1,1,0,Business Entity Type 3,,0.0042300104791415105,0.5656079814115492,0.0227,,0.9811,,,0.0,0.1034,0.0417,,0.0112,,0.0198,,0.0091,0.0231,,0.9811,,,0.0,0.1034,0.0417,,0.0114,,0.0206,,0.0096,0.0229,,0.9811,,,0.0,0.1034,0.0417,,0.0114,,0.0201,,0.0093,,block of flats,0.0175,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1535340,239629,Consumer loans,5832.675,33345.0,31594.5,3334.5,33345.0,MONDAY,11,Y,1,0.1039701576444684,,,XAP,Approved,-1032,XNA,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,17,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1001.0,-851.0,-1001.0,-991.0,0.0,0,Cash loans,F,Y,N,0,202500.0,679500.0,22455.0,679500.0,Unaccompanied,State servant,Higher education,Single / not married,House / apartment,0.000533,-15043,-5207,-5974.0,-5987,17.0,1,1,1,1,1,1,Core staff,1.0,3,3,MONDAY,17,0,1,1,0,1,1,School,0.4394001617073008,0.008824909612236781,0.4083588531230431,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-941.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2200990,139219,Consumer loans,9649.35,86602.5,95746.5,0.0,86602.5,MONDAY,14,Y,1,0.0,,,XAP,Refused,-157,Cash through the bank,SCO,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,1600,Consumer electronics,12.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,Y,1,135000.0,427500.0,22513.5,427500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.001417,-12776,-5852,-4161.0,-4039,,1,1,1,1,1,1,Cooking staff,3.0,2,2,THURSDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.4353151773544697,0.5752784091677375,0.12140828616312165,0.0093,,0.9727,,,,0.0345,0.0417,,,,0.0039,,,0.0095,,0.9727,,,,0.0345,0.0417,,,,0.004,,,0.0094,,0.9727,,,,0.0345,0.0417,,,,0.0039,,,,block of flats,0.0047,"Stone, brick",No,0.0,0.0,0.0,0.0,-2479.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1463827,437394,Consumer loans,17561.835,171301.5,171301.5,0.0,171301.5,SUNDAY,14,Y,1,0.0,,,XAP,Approved,-629,XNA,XAP,,Refreshed,Furniture,POS,XNA,Stone,200,Furniture,12.0,middle,POS industry with interest,365243.0,-598.0,-268.0,-478.0,-475.0,0.0,0,Cash loans,F,N,Y,0,135000.0,291384.0,28516.5,270000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.04622,-23469,365243,-9244.0,-4323,,1,0,0,1,0,0,,1.0,1,1,SATURDAY,13,0,0,0,0,0,0,XNA,,0.6475574626453645,0.5673792367572691,0.0825,0.043,0.9871,0.8232,0.0121,0.08,0.069,0.375,0.4167,,0.0672,0.0861,0.0,0.0,0.084,0.0446,0.9871,0.8301,0.0122,0.0806,0.069,0.375,0.4167,,0.0735,0.0897,0.0,0.0,0.0833,0.043,0.9871,0.8256,0.0122,0.08,0.069,0.375,0.4167,,0.0684,0.0876,0.0,0.0,reg oper account,block of flats,0.0677,Panel,No,4.0,0.0,4.0,0.0,-385.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1994873,355178,Consumer loans,23692.725,126859.5,133555.5,0.0,126859.5,FRIDAY,16,Y,1,0.0,,,XAP,Approved,-1053,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,100,Furniture,6.0,low_normal,POS industry without interest,,,,,,,0,Cash loans,F,N,N,0,121500.0,755190.0,29947.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.04622,-21342,365243,-8516.0,-3987,,1,0,0,1,1,0,,1.0,1,1,FRIDAY,12,0,0,0,0,0,0,XNA,0.7180119826004685,0.7809429835334349,0.2822484337007223,0.1031,,0.9771,,,0.0,0.2069,0.1667,,0.118,,0.0888,,,0.105,,0.9772,,,0.0,0.2069,0.1667,,0.1207,,0.0925,,,0.1041,,0.9771,,,0.0,0.2069,0.1667,,0.12,,0.0904,,,,block of flats,0.0769,"Stone, brick",No,0.0,0.0,0.0,0.0,-1571.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1159052,297628,Consumer loans,4142.295,35005.5,26118.0,10503.0,35005.5,THURSDAY,16,Y,1,0.3123541634084765,,,XAP,Approved,-2641,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Country-wide,4000,Consumer electronics,8.0,high,POS household with interest,365243.0,-2610.0,-2400.0,-2400.0,-2393.0,1.0,1,Cash loans,F,N,Y,1,103500.0,310671.0,24543.0,256500.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.018801,-15324,-2388,-7514.0,-4709,,1,1,0,1,0,0,Medicine staff,3.0,2,2,SATURDAY,11,0,0,0,0,0,0,University,0.7237284250837299,0.6478368951396523,0.20208660168203949,0.0052,0.0,0.9608,0.4628,0.0018,0.0,0.0345,0.0,0.0417,0.0037,0.0042,0.0035,0.0,0.0,0.0053,0.0,0.9608,0.4838,0.0018,0.0,0.0345,0.0,0.0417,0.0038,0.0046,0.0036,0.0,0.0,0.0052,0.0,0.9608,0.47,0.0018,0.0,0.0345,0.0,0.0417,0.0038,0.0043,0.0035,0.0,0.0,reg oper account,block of flats,0.0037,Wooden,No,0.0,0.0,0.0,0.0,-1926.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1021498,154154,Cash loans,10348.695,135000.0,156937.5,,135000.0,MONDAY,11,Y,1,,,,Urgent needs,Refused,-170,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),4,XNA,24.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,2,67500.0,315000.0,17217.0,315000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-13297,-1731,-6435.0,-5337,,1,1,1,1,1,0,Sales staff,4.0,3,3,WEDNESDAY,11,0,0,0,0,1,1,Trade: type 7,0.4629779007854477,0.22790447723524,0.1674084472266241,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-179.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2273528,261021,Cash loans,13308.12,72000.0,74376.0,,72000.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-784,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Regional / Local,162,Consumer electronics,6.0,middle,Cash X-Sell: middle,365243.0,-754.0,-604.0,-694.0,-688.0,1.0,0,Cash loans,F,N,Y,0,130500.0,531706.5,29817.0,459000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-23417,365243,-12834.0,-5124,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,XNA,0.8177084417993334,0.6546806806010912,0.6313545365850379,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1899.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1491207,375189,Revolving loans,9000.0,180000.0,180000.0,,180000.0,SUNDAY,15,Y,1,,,,XAP,Approved,-140,XNA,XAP,"Spouse, partner",Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-104.0,-68.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,1,135000.0,298512.0,19566.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009656999999999999,-12468,-4849,-331.0,-961,,1,1,0,1,0,0,Laborers,3.0,2,2,SUNDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.11764254002247927,0.16344998895423782,0.3031463744186309,0.16699999999999998,0.1,0.9776,0.6940000000000001,0.054000000000000006,0.0,0.069,0.1667,0.2083,0.062,0.1353,0.0643,0.0039,0.0058,0.1702,0.1038,0.9777,0.706,0.0545,0.0,0.069,0.1667,0.2083,0.0634,0.1478,0.067,0.0039,0.0061,0.1686,0.1,0.9776,0.6981,0.0544,0.0,0.069,0.1667,0.2083,0.0631,0.1377,0.0655,0.0039,0.0059,reg oper account,block of flats,0.0814,"Stone, brick",No,2.0,0.0,2.0,0.0,-329.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2798971,340873,Cash loans,29222.55,675000.0,756081.0,,675000.0,MONDAY,9,Y,1,,,,XNA,Refused,-387,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),5,XNA,42.0,low_normal,Cash X-Sell: low,,,,,,,1,Cash loans,F,N,N,0,135000.0,381528.0,18553.5,315000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-15824,-1286,-5587.0,-4096,,1,1,1,1,0,0,Laborers,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Industry: type 3,,0.4635369337684549,,0.0082,0.0,0.9677,0.5579999999999999,,0.0,0.0345,0.0417,0.0417,0.0033,0.0067,0.0073,0.0,0.0,0.0084,0.0,0.9677,0.5753,,0.0,0.0345,0.0417,0.0417,0.0034,0.0073,0.0076,0.0,0.0,0.0083,0.0,0.9677,0.5639,,0.0,0.0345,0.0417,0.0417,0.0034,0.0068,0.0074,0.0,0.0,reg oper account,block of flats,0.0064,Block,No,0.0,0.0,0.0,0.0,-887.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2194561,287595,Consumer loans,9153.18,151200.0,177147.0,0.0,151200.0,WEDNESDAY,14,Y,1,0.0,,,XAP,Approved,-302,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Country-wide,260,Furniture,24.0,low_normal,POS industry with interest,365243.0,-269.0,421.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,81000.0,625536.0,22599.0,540000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.00496,-22921,365243,-2837.0,-4593,,1,0,0,1,1,0,,1.0,2,2,THURSDAY,11,0,0,0,0,0,0,XNA,,0.5530706584512258,0.7898803468924867,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-653.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1674925,185725,Consumer loans,7493.625,45045.0,37300.5,13500.0,45045.0,SUNDAY,12,Y,1,0.289420916580098,,,XAP,Approved,-939,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,50,Connectivity,6.0,high,POS mobile with interest,365243.0,-907.0,-757.0,-847.0,-840.0,0.0,1,Cash loans,M,Y,Y,0,360000.0,808650.0,29839.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Rented apartment,0.02461,-11251,-1256,-481.0,-1957,3.0,1,1,0,1,0,0,Laborers,1.0,2,2,MONDAY,19,0,0,0,1,1,0,Business Entity Type 3,,0.468722930661683,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1406752,440555,Cash loans,11683.485,135000.0,187807.5,,135000.0,THURSDAY,10,Y,1,,,,XNA,Approved,-521,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,high,Cash X-Sell: high,365243.0,-491.0,379.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,112500.0,225000.0,15165.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Rented apartment,0.015221,-11658,-291,-1891.0,-4036,,1,1,0,1,0,0,Sales staff,1.0,2,2,SUNDAY,11,0,0,0,1,1,0,Business Entity Type 3,,0.7519630471189234,0.10145935699146924,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-185.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +2292767,392525,Consumer loans,27377.145,127822.5,102258.0,25564.5,127822.5,SUNDAY,14,Y,1,0.2178181818181818,,,XAP,Approved,-915,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,66,Connectivity,4.0,middle,POS mobile without interest,365243.0,-884.0,-794.0,-794.0,-789.0,0.0,0,Cash loans,F,N,Y,0,135000.0,270000.0,15205.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.004849,-18219,-845,-6145.0,-1747,,1,1,1,1,1,0,Medicine staff,2.0,2,2,FRIDAY,18,0,0,0,0,0,0,Medicine,,0.5413028841075881,0.39449540531239935,0.1307,0.0768,0.9816,0.7484,0.0086,0.0,0.1379,0.2083,0.2083,0.0646,0.0588,0.0458,0.0,0.0,0.0735,0.0784,0.9811,0.7517,0.0095,0.0,0.1379,0.1667,0.2083,0.0609,0.0643,0.0475,0.0,0.0,0.0729,0.0773,0.9811,0.7451,0.0095,0.0,0.1379,0.1667,0.2083,0.0636,0.0599,0.0466,0.0,0.0,reg oper spec account,block of flats,0.2246,Panel,No,0.0,0.0,0.0,0.0,-2691.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2257184,291570,Consumer loans,12095.37,147960.0,113832.0,45000.0,147960.0,MONDAY,11,Y,1,0.3085593010796999,,,XAP,Approved,-871,Cash through the bank,XAP,Other_B,Repeater,Consumer Electronics,POS,XNA,Stone,100,Consumer electronics,12.0,middle,POS household with interest,365243.0,-840.0,-510.0,-540.0,-536.0,0.0,0,Cash loans,F,N,N,0,67500.0,149256.0,15669.0,135000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.019688999999999998,-19117,365243,-9457.0,-2641,,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,XNA,,0.6520955383464486,0.6706517530862718,0.0082,,,,,,0.0345,0.0417,,,,0.0067,,,0.0084,,,,,,0.0345,0.0417,,,,0.0069,,,0.0083,,,,,,0.0345,0.0417,,,,0.0068,,,,block of flats,0.0056,Wooden,No,0.0,0.0,0.0,0.0,-1144.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1284405,158192,Cash loans,24019.425,472500.0,528633.0,,472500.0,TUESDAY,13,Y,1,,,,XNA,Approved,-700,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-670.0,380.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,0,270000.0,646920.0,19044.0,540000.0,Family,Pensioner,Higher education,Married,House / apartment,0.011703,-23539,365243,-3133.0,-3128,0.0,1,0,0,1,0,0,,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,XNA,0.8224982661586963,0.7524888155519052,0.35895122857839673,0.0021,,0.9796,0.7212,0.0009,0.0,0.0345,0.0,0.0417,0.0,0.0017,0.0017,0.0,0.0,0.0021,,0.9796,0.7321,0.0009,0.0,0.0345,0.0,0.0417,0.0,0.0018,0.0018,0.0,0.0,0.0021,,0.9796,0.7249,0.0009,0.0,0.0345,0.0,0.0417,0.0,0.0017,0.0017,0.0,0.0,not specified,terraced house,0.0018,"Stone, brick",No,5.0,0.0,4.0,0.0,-1365.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1061293,214345,Consumer loans,6594.84,33961.5,32076.0,3397.5,33961.5,TUESDAY,15,Y,1,0.10430846585863708,,,XAP,Approved,-1995,XNA,XAP,Children,New,Mobile,POS,XNA,Country-wide,30,Connectivity,6.0,high,POS mobile with interest,365243.0,-1950.0,-1800.0,-1830.0,-1822.0,0.0,0,Cash loans,F,N,N,0,157500.0,566055.0,18387.0,472500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0060079999999999995,-19581,-2603,-4894.0,-2792,,1,1,0,1,1,0,Laborers,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.6776570439066593,0.7401868447017034,0.8128226070575616,0.0237,0.0259,0.9816,0.7484,0.0108,0.0,0.0345,0.1667,0.2083,0.0145,0.0193,0.0284,0.0,0.0,0.0242,0.0269,0.9816,0.7583,0.0109,0.0,0.0345,0.1667,0.2083,0.0148,0.0211,0.0296,0.0,0.0,0.0239,0.0259,0.9816,0.7518,0.0109,0.0,0.0345,0.1667,0.2083,0.0148,0.0197,0.0289,0.0,0.0,reg oper account,block of flats,0.0283,"Stone, brick",No,0.0,0.0,0.0,0.0,-1995.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2181358,359481,Cash loans,16150.95,135000.0,135000.0,,135000.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-1223,Cash through the bank,XAP,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,N,0,112500.0,545040.0,25407.0,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.072508,-10194,-914,-4493.0,-2027,,1,1,0,1,1,1,Laborers,2.0,1,1,SUNDAY,14,0,0,0,0,0,0,Other,0.4661727244235392,0.4774662138478004,0.06423703753438333,0.0753,0.0844,0.9752,0.66,0.0629,0.0,0.1379,0.1667,0.2083,0.0,0.0605,0.0596,0.0039,0.024,0.0693,0.0867,0.9752,0.6733,0.0624,0.0,0.1379,0.1667,0.2083,0.0,0.0588,0.0549,0.0,0.0,0.076,0.0844,0.9752,0.6645,0.0633,0.0,0.1379,0.1667,0.2083,0.0,0.0616,0.0607,0.0039,0.0245,reg oper account,block of flats,0.0519,"Stone, brick",No,0.0,0.0,0.0,0.0,-1857.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1285209,175294,Consumer loans,11251.89,98536.5,98536.5,0.0,98536.5,SATURDAY,15,Y,1,0.0,,,XAP,Approved,-177,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,2178,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-147.0,123.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,0,94500.0,500544.0,13333.5,396000.0,"Spouse, partner",State servant,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-8982,-261,-1020.0,-1641,18.0,1,1,0,1,1,0,Security staff,2.0,2,2,WEDNESDAY,13,0,0,0,1,1,0,Government,,0.6712519487380437,0.2580842039460289,0.3629,0.1136,0.998,0.9728,0.129,0.32,0.1379,0.625,0.6667,0.0301,0.2959,0.3814,0.0,0.0,0.3697,0.1179,0.998,0.9739,0.1302,0.3222,0.1379,0.625,0.6667,0.0308,0.3232,0.3974,0.0,0.0,0.3664,0.1136,0.998,0.9732,0.1298,0.32,0.1379,0.625,0.6667,0.0306,0.301,0.3883,0.0,0.0,not specified,block of flats,0.4507,Monolithic,No,5.0,0.0,5.0,0.0,-177.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2617413,405881,Consumer loans,5409.855,44955.0,26955.0,18000.0,44955.0,WEDNESDAY,15,Y,1,0.4360724360724361,,,XAP,Approved,-2556,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,76,Connectivity,6.0,high,POS mobile with interest,365243.0,-2523.0,-2373.0,-2403.0,-2398.0,0.0,0,Cash loans,M,Y,N,0,225000.0,824823.0,21888.0,688500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-10901,-203,-644.0,-3423,6.0,1,1,1,1,0,0,Drivers,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,Transport: type 3,,0.2188277441817712,0.5334816299804352,0.0041,0.0,0.9394,,,0.0,0.0345,0.0,,0.0,,0.003,,0.0,0.0042,0.0,0.9394,,,0.0,0.0345,0.0,,0.0,,0.0031,,0.0,0.0042,0.0,0.9394,,,0.0,0.0345,0.0,,0.0,,0.003,,0.0,,block of flats,0.0024,Others,No,2.0,0.0,2.0,0.0,-7.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1331503,153404,Cash loans,6626.295,90000.0,110254.5,0.0,90000.0,TUESDAY,12,Y,1,0.0,,,XNA,Approved,-349,XNA,XAP,,Refreshed,XNA,Cash,walk-in,Country-wide,25,Connectivity,36.0,high,Cash Street: high,,,,,,,0,Cash loans,M,Y,Y,0,99000.0,454500.0,19386.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-9444,-313,-3343.0,-2099,12.0,1,1,1,1,0,0,Laborers,2.0,2,2,MONDAY,17,0,0,0,1,1,0,Business Entity Type 2,,0.346232934284288,0.3092753558842053,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-350.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2709039,242266,Consumer loans,4192.29,35352.0,34965.0,3537.0,35352.0,TUESDAY,12,Y,1,0.10004972587020268,,,XAP,Approved,-2036,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,24,Connectivity,12.0,high,POS mobile with interest,365243.0,-1998.0,-1668.0,-1908.0,-1891.0,0.0,0,Cash loans,F,Y,N,0,179100.0,1241437.5,36297.0,972000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.035792000000000004,-21357,365243,-164.0,-3910,37.0,1,0,0,1,0,0,,2.0,2,2,MONDAY,10,0,0,0,0,0,0,XNA,,0.6377400754105835,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2416059,205494,Revolving loans,22500.0,0.0,450000.0,,,MONDAY,12,Y,1,,,,XAP,Approved,-963,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-710.0,-673.0,365243.0,-459.0,365243.0,0.0,0,Cash loans,F,N,Y,1,180000.0,315000.0,24885.0,315000.0,"Spouse, partner",Commercial associate,Higher education,Married,House / apartment,0.031329,-10211,-624,-206.0,-1254,,1,1,0,1,0,1,Core staff,3.0,2,2,FRIDAY,13,0,0,0,0,1,1,Mobile,,0.3802951674932576,0.3360615207658242,0.1538,0.017,0.9965,0.9524,0.0658,0.12,0.1034,0.3333,0.375,0.0221,0.122,0.1195,0.0161,0.0687,0.1345,0.0,0.997,0.9608,0.0388,0.1208,0.1034,0.3333,0.375,0.0195,0.1313,0.0631,0.0233,0.035,0.1546,0.0,0.9965,0.953,0.0739,0.12,0.1034,0.3333,0.375,0.0211,0.1223,0.1313,0.0175,0.0604,reg oper spec account,block of flats,0.1615,Monolithic,No,1.0,0.0,1.0,0.0,-710.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1446767,169335,Consumer loans,11409.3,114660.0,114093.0,11466.0,114660.0,SATURDAY,12,Y,1,0.09945536651005787,,,XAP,Approved,-909,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,144,Consumer electronics,12.0,middle,POS household with interest,365243.0,-878.0,-548.0,-668.0,-663.0,0.0,0,Cash loans,F,N,Y,1,270000.0,585000.0,29866.5,585000.0,Family,Working,Higher education,Civil marriage,House / apartment,0.04622,-11628,-1235,-4140.0,-542,,1,1,0,1,0,1,Managers,3.0,1,1,FRIDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.6438223865104111,0.6218139095144041,0.4329616670974407,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1675.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2394076,317699,Consumer loans,11520.54,148018.5,152995.5,14805.0,148018.5,MONDAY,16,Y,1,0.09609024352782564,,,XAP,Approved,-2062,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,2586,Consumer electronics,18.0,middle,POS household with interest,365243.0,-2031.0,-1521.0,-1731.0,-1727.0,0.0,0,Cash loans,F,Y,N,1,225000.0,900000.0,29164.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-12595,-2630,-1418.0,-4014,2.0,1,1,1,1,1,0,Managers,3.0,2,2,THURSDAY,9,0,0,0,0,1,1,Other,0.5505943844829757,0.46707329099822,0.5954562029091491,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-1887.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1405251,320437,Cash loans,28595.88,225000.0,239850.0,,225000.0,TUESDAY,11,Y,1,,,,XNA,Approved,-937,Cash through the bank,XAP,"Spouse, partner",New,XNA,Cash,walk-in,Country-wide,28,Connectivity,12.0,high,Cash Street: high,365243.0,-907.0,-577.0,-577.0,-575.0,1.0,0,Cash loans,F,N,N,0,76500.0,521280.0,28408.5,450000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.006296,-12493,-3786,-3470.0,-125,,1,1,0,1,0,0,Sales staff,1.0,3,3,MONDAY,11,0,0,0,0,0,0,Self-employed,,0.3895986619327498,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-84.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1754680,348638,Consumer loans,11155.365,127755.0,82755.0,45000.0,127755.0,THURSDAY,13,Y,1,0.3836177911556566,,,XAP,Approved,-2031,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,25,Connectivity,10.0,high,POS mobile with interest,365243.0,-1994.0,-1724.0,-1754.0,-1748.0,0.0,0,Cash loans,F,Y,Y,0,540000.0,1258650.0,56277.0,1125000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.04622,-22423,365243,-13973.0,-4922,9.0,1,0,0,1,0,0,,2.0,1,1,FRIDAY,9,0,0,0,0,0,0,XNA,,0.7170381850325622,0.21885908222837447,0.0124,,0.9702,,,0.0,0.069,0.0417,,,,,,,0.0126,,0.9702,,,0.0,0.069,0.0417,,,,,,,0.0125,,0.9702,,,0.0,0.069,0.0417,,,,,,,,block of flats,0.0121,"Stone, brick",No,2.0,1.0,2.0,1.0,-2031.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +2175564,242046,Consumer loans,10209.555,107982.0,107982.0,0.0,107982.0,THURSDAY,15,Y,1,0.0,,,XAP,Refused,-486,Cash through the bank,LIMIT,,Repeater,Computers,POS,XNA,Stone,138,Consumer electronics,12.0,low_normal,POS household with interest,,,,,,,1,Cash loans,F,Y,N,2,135000.0,405000.0,24471.0,405000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00702,-8717,-1857,-8711.0,-1318,21.0,1,1,1,1,0,0,Core staff,4.0,2,2,SATURDAY,16,0,0,0,1,1,0,Business Entity Type 3,,0.17105707693849706,0.2707073872651806,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,13.0,1.0,13.0,0.0,-255.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1432254,430275,Cash loans,21582.0,450000.0,450000.0,0.0,450000.0,WEDNESDAY,11,Y,1,0.0,,,XNA,Refused,-2394,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,42.0,middle,Cash Street: middle,,,,,,,1,Cash loans,M,N,N,2,247500.0,814500.0,26406.0,814500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-11406,-1098,-2583.0,-3757,,1,1,0,1,1,0,Laborers,4.0,2,2,WEDNESDAY,18,0,0,0,0,0,0,Construction,,0.4454740926821212,0.3280631605201915,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-368.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,1.0 +2328139,192772,Cash loans,7880.04,67500.0,71955.0,,67500.0,SATURDAY,13,Y,1,,,,XNA,Approved,-588,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-558.0,-228.0,-318.0,-314.0,1.0,1,Cash loans,F,N,Y,0,112500.0,700830.0,21451.5,585000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.026392000000000002,-22440,365243,-7050.0,-4362,,1,0,0,1,1,0,,1.0,2,2,SATURDAY,13,0,0,0,0,0,0,XNA,,0.3215778965027856,0.3539876078507373,0.0082,,0.9667,,,0.0,0.069,0.0417,,,,0.0126,,0.0019,0.0084,,0.9667,,,0.0,0.069,0.0417,,,,0.0131,,0.002,0.0083,,0.9667,,,0.0,0.069,0.0417,,,,0.0128,,0.002,,block of flats,0.0103,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,11.0,0.0,5.0 +2253900,320832,Revolving loans,9000.0,0.0,180000.0,,,FRIDAY,11,Y,1,,,,XAP,Approved,-2670,XNA,XAP,,Repeater,XNA,Cards,x-sell,Stone,700,Consumer electronics,0.0,XNA,Card Street,-2662.0,-2601.0,365243.0,-1993.0,-921.0,0.0,0,Cash loans,F,Y,Y,2,157500.0,130365.0,7200.0,99000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.025164,-12757,-2965,-4409.0,-4339,17.0,1,1,0,1,0,0,Secretaries,4.0,2,2,MONDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.39484527985127205,0.548558391265615,0.4101025731788671,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-2670.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +1138347,347187,Consumer loans,10883.88,77130.0,54229.5,25456.5,77130.0,MONDAY,18,Y,1,0.34792112450458945,,,XAP,Approved,-2915,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,25,Connectivity,6.0,low_normal,POS mobile with interest,,,,,,,0,Cash loans,M,Y,Y,1,315000.0,1097676.0,32094.0,958500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.01885,-16677,-1252,-6168.0,-230,2.0,1,1,0,1,0,0,Laborers,3.0,2,2,THURSDAY,15,0,0,0,0,0,0,Self-employed,0.5655658375893152,0.6098067158810845,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-756.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1737805,421550,Revolving loans,11250.0,225000.0,225000.0,,225000.0,MONDAY,10,Y,1,,,,XAP,Refused,-743,XNA,LIMIT,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,N,Y,1,135000.0,533304.0,32355.0,405000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.00733,-11753,-1544,-5056.0,-1569,,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,16,0,0,0,0,1,1,Business Entity Type 3,,0.18485812591365847,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-841.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2604079,342866,Cash loans,29491.38,360000.0,422694.0,,360000.0,MONDAY,13,Y,1,,,,XNA,Approved,-899,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-869.0,-179.0,-629.0,-625.0,1.0,0,Cash loans,M,Y,Y,0,270000.0,948582.0,27733.5,679500.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.007273999999999998,-17980,-2020,-3079.0,-1525,1.0,1,1,0,1,1,0,Managers,2.0,2,2,THURSDAY,11,0,1,1,0,1,1,Business Entity Type 3,0.6799985789516358,0.6646950442167027,0.6178261467332483,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1384.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2315498,131442,Consumer loans,8987.67,114255.0,75348.0,45000.0,114255.0,FRIDAY,10,Y,1,0.4072281293340221,,,XAP,Approved,-549,Cash through the bank,XAP,,Refreshed,Audio/Video,POS,XNA,Country-wide,500,Consumer electronics,10.0,middle,POS household with interest,365243.0,-516.0,-246.0,-396.0,-393.0,0.0,0,Revolving loans,M,Y,Y,0,270000.0,540000.0,27000.0,540000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.072508,-20060,365243,-2889.0,-2944,1.0,1,0,0,1,0,0,,2.0,1,1,MONDAY,15,0,0,0,0,0,0,XNA,0.5637057961847338,0.529652290370198,0.6863823354047934,0.2495,0.053,0.9881,0.8504,,0.32,0.1379,0.6042,0.5833,0.0,,0.2848,,0.1011,0.1639,0.0,0.9876,0.8563,,0.2417,0.1034,0.5417,0.5833,0.0,,0.212,,0.0533,0.2519,0.053,0.9881,0.8524,,0.32,0.1379,0.6042,0.5833,0.0,,0.2899,,0.1033,reg oper account,block of flats,0.1931,Panel,No,0.0,0.0,0.0,0.0,-549.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,4.0,5.0 +2128660,404179,Cash loans,17292.465,135000.0,162967.5,,135000.0,SATURDAY,11,Y,1,,,,Other,Refused,-333,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,middle,Cash Street: middle,,,,,,,0,Cash loans,M,Y,Y,0,157500.0,284400.0,22599.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0105,-17547,-1516,-9091.0,-1070,14.0,1,1,0,1,1,0,Drivers,2.0,3,3,WEDNESDAY,11,0,0,0,0,0,0,Self-employed,,0.2093401656594575,0.5478104658520093,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0963,,No,1.0,0.0,1.0,0.0,-827.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2512163,173357,Consumer loans,15510.105,163350.0,163350.0,0.0,163350.0,MONDAY,9,Y,1,0.0,,,XAP,Approved,-246,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,70,Furniture,12.0,low_normal,POS industry with interest,365243.0,-215.0,115.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,157500.0,431280.0,22149.0,360000.0,Unaccompanied,Working,Higher education,Widow,House / apartment,0.018029,-20856,-5558,-3074.0,-3074,65.0,1,1,0,1,0,0,Sales staff,1.0,3,3,TUESDAY,6,0,0,0,0,0,0,Business Entity Type 1,0.5308730563297259,0.5227175836414353,0.4489622731076524,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1718.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2759943,454339,Cash loans,88378.065,1215000.0,1267924.5,,1215000.0,TUESDAY,18,Y,1,,,,XNA,Approved,-365,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-335.0,175.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,0,315000.0,966555.0,51498.0,913500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-19503,-2854,-10925.0,-3037,13.0,1,1,0,1,1,0,Drivers,2.0,1,1,WEDNESDAY,10,0,1,1,0,1,1,Industry: type 11,0.4188615888029692,0.7417775009726578,,0.2639,0.0916,0.9985,,,0.32,0.1379,0.6667,,0.107,,0.2847,,0.053,0.2689,0.0882,0.9985,,,0.3222,0.1379,0.6667,,0.1002,,0.2964,,0.056,0.2665,0.0916,0.9985,,,0.32,0.1379,0.6667,,0.1089,,0.2898,,0.0541,,block of flats,0.3166,Panel,No,0.0,0.0,0.0,0.0,-1726.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,3.0 +2028142,109293,Cash loans,45292.5,675000.0,675000.0,,675000.0,FRIDAY,14,Y,1,,,,XNA,Approved,-282,XNA,XAP,Family,Repeater,XNA,Cash,x-sell,Contact center,0,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-252.0,258.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,3,94500.0,973710.0,28597.5,697500.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-12303,-2292,-285.0,-684,,1,1,0,1,0,0,Sales staff,5.0,2,2,MONDAY,8,0,0,0,0,1,1,Government,0.4152468844331327,0.5387227446240257,0.3344541255096772,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-454.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2086084,425891,Consumer loans,12096.63,71910.0,68458.5,7191.0,71910.0,THURSDAY,11,Y,1,0.1035255054861265,,,XAP,Approved,-2815,XNA,XAP,"Spouse, partner",Repeater,Mobile,POS,XNA,Stone,35,Connectivity,7.0,high,POS mobile with interest,365243.0,-2784.0,-2604.0,-2604.0,-2595.0,1.0,0,Cash loans,M,Y,Y,1,292500.0,481855.5,47070.0,463500.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.010032,-11779,-3142,-45.0,-4461,6.0,1,1,0,1,1,0,Core staff,3.0,2,2,FRIDAY,9,0,0,0,1,1,0,Security Ministries,,0.8042908376782764,0.5779691187553125,0.0825,0.0793,0.9851,0.7959999999999999,0.0443,0.0,0.1379,0.1667,0.2083,0.0,0.0672,0.0878,0.0,0.0,0.084,0.0823,0.9851,0.804,0.0447,0.0,0.1379,0.1667,0.2083,0.0,0.0735,0.0914,0.0,0.0,0.0833,0.0793,0.9851,0.7987,0.0446,0.0,0.1379,0.1667,0.2083,0.0,0.0684,0.0893,0.0,0.0,reg oper account,block of flats,0.0932,Panel,No,1.0,0.0,1.0,0.0,-3027.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2666029,189823,Consumer loans,11549.97,62095.5,65376.0,0.0,62095.5,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-509,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Regional / Local,199,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-478.0,-328.0,-388.0,-385.0,0.0,1,Revolving loans,M,N,N,0,225000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.007114,-13326,-2413,-2704.0,-2711,,1,1,0,1,0,0,Laborers,1.0,2,2,SUNDAY,10,0,0,0,0,0,0,Industry: type 9,0.2955707689552391,0.5220628717894454,0.2458512138252296,0.0825,0.056,0.9826,0.762,0.0616,0.0,0.069,0.1667,0.0417,0.0202,0.0672,0.0255,0.0,0.0562,0.084,0.0581,0.9826,0.7713,0.0622,0.0,0.069,0.1667,0.0417,0.0207,0.0735,0.0266,0.0,0.0595,0.0833,0.056,0.9826,0.7652,0.062,0.0,0.069,0.1667,0.0417,0.0206,0.0684,0.026,0.0,0.0574,reg oper spec account,block of flats,0.0323,Panel,No,0.0,0.0,0.0,0.0,-1943.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,4.0 +2028441,290847,Consumer loans,10394.82,73530.0,92056.5,0.0,73530.0,TUESDAY,14,Y,1,0.0,,,XAP,Approved,-1534,Cash through the bank,XAP,Family,New,Photo / Cinema Equipment,POS,XNA,Country-wide,4000,Consumer electronics,12.0,high,POS household with interest,365243.0,-1503.0,-1173.0,-1173.0,-1165.0,0.0,0,Cash loans,F,N,Y,0,135000.0,153000.0,7438.5,153000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008575,-16915,-2858,-1590.0,-468,,1,1,1,1,1,0,Laborers,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 2,,0.11808687925682446,,0.0309,0.0557,0.9757,,,0.0,0.1034,0.1667,,0.077,,0.0596,,,0.0315,0.0578,0.9757,,,0.0,0.1034,0.1667,,0.0788,,0.062,,,0.0312,0.0557,0.9757,,,0.0,0.1034,0.1667,,0.0783,,0.0606,,,,block of flats,0.0597,"Stone, brick",No,0.0,0.0,0.0,0.0,-54.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1598647,357723,Consumer loans,12758.085,109786.5,121378.5,0.0,109786.5,SATURDAY,15,Y,1,0.0,,,XAP,Approved,-853,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,2200,Consumer electronics,12.0,middle,POS household with interest,365243.0,-822.0,-492.0,-522.0,-490.0,0.0,0,Cash loans,F,Y,Y,0,450000.0,1042560.0,58347.0,900000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.006296,-20405,-3264,-794.0,-3434,7.0,1,1,0,1,0,0,,2.0,3,3,FRIDAY,14,0,0,0,0,1,1,Other,,0.648644683284442,0.6528965519806539,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-853.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2166916,434589,Consumer loans,23970.15,217858.5,236551.5,0.0,217858.5,SUNDAY,6,Y,1,0.0,,,XAP,Approved,-202,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,60,Consumer electronics,12.0,middle,POS mobile with interest,365243.0,-172.0,158.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,2,157500.0,868797.0,34587.0,702000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018029,-13640,-1786,-1982.0,-4754,11.0,1,1,0,1,1,0,Laborers,4.0,3,3,SATURDAY,14,0,0,0,0,0,0,Self-employed,,0.5816503676812286,0.7352209993926424,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-989.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2307922,435895,Consumer loans,7880.535,53995.5,65929.5,0.0,53995.5,FRIDAY,15,Y,1,0.0,,,XAP,Approved,-832,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,4500,Consumer electronics,10.0,middle,POS household with interest,365243.0,-801.0,-531.0,-591.0,-578.0,0.0,0,Cash loans,F,N,Y,2,135000.0,1024740.0,43546.5,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-10899,-3347,-4744.0,-1827,,1,1,0,1,1,0,Laborers,4.0,1,1,THURSDAY,13,0,0,0,0,0,0,Business Entity Type 1,0.7274946551971777,0.7002276745159423,0.5172965813614878,0.5124,0.3656,0.9816,,,0.56,0.4828,0.3333,,0.6821,,0.4854,,0.005,0.5221,0.3794,0.9816,,,0.5639,0.4828,0.3333,,0.6976,,0.5058,,0.0053,0.5173,0.3656,0.9816,,,0.56,0.4828,0.3333,,0.6939,,0.4942,,0.0051,,block of flats,0.3829,Panel,No,4.0,0.0,4.0,0.0,-832.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2446403,450061,Cash loans,14354.415,135000.0,171414.0,,135000.0,TUESDAY,11,Y,1,,,,XNA,Approved,-677,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-647.0,-137.0,-287.0,-280.0,1.0,0,Cash loans,M,Y,Y,1,90000.0,130320.0,14868.0,112500.0,Family,Working,Higher education,Married,House / apartment,0.030755,-12716,-937,-2777.0,-4682,12.0,1,1,0,1,0,0,Laborers,3.0,2,2,SUNDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.6919385444697176,0.6209856270296604,0.5656079814115492,0.2216,0.1647,0.9866,0.8164,0.0445,0.24,0.2069,0.3333,0.0417,0.0838,0.1807,0.226,0.0,0.0,0.2258,0.1709,0.9866,0.8236,0.0449,0.2417,0.2069,0.3333,0.0417,0.0857,0.1974,0.2355,0.0,0.0,0.2238,0.1647,0.9866,0.8189,0.0448,0.24,0.2069,0.3333,0.0417,0.0852,0.1838,0.2301,0.0,0.0,reg oper account,block of flats,0.2104,Panel,No,3.0,0.0,3.0,0.0,-936.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +2723087,103794,Consumer loans,9858.465,85455.0,89217.0,4275.0,85455.0,WEDNESDAY,11,Y,1,0.04979959393706024,,,XAP,Approved,-1456,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,65,Connectivity,12.0,high,POS mobile with interest,365243.0,-1417.0,-1087.0,-1117.0,-1109.0,0.0,0,Cash loans,F,N,Y,0,81000.0,534204.0,28192.5,495000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.019101,-20427,-10079,-9849.0,-3297,,1,1,1,1,1,0,,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Government,0.7365026818521766,0.6545323548746489,0.5971924268337128,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1676.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1280744,237044,Consumer loans,8056.53,175743.0,175743.0,0.0,175743.0,FRIDAY,15,Y,1,0.0,,,XAP,Approved,-1634,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Stone,170,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1603.0,-913.0,-913.0,-911.0,0.0,0,Cash loans,F,N,Y,0,315000.0,505642.5,25983.0,436500.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.030755,-19366,365243,-6146.0,-2919,,1,0,0,1,0,0,,2.0,2,2,MONDAY,10,0,0,0,0,0,0,XNA,0.705382711224273,0.16709110453548984,0.4614823912998385,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1981.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1950497,312453,Consumer loans,4519.35,25218.0,22518.0,2700.0,25218.0,SUNDAY,11,Y,1,0.11660502238660693,,,XAP,Approved,-2696,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,22,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2653.0,-2503.0,-2503.0,-2500.0,0.0,0,Cash loans,F,Y,Y,0,90000.0,888840.0,29506.5,675000.0,Children,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.035792000000000004,-21232,365243,-9573.0,-4637,28.0,1,0,0,1,1,0,,1.0,2,2,MONDAY,11,0,0,0,0,0,0,XNA,,0.32294863309089755,0.6347055309763198,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-396.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2205976,212510,Consumer loans,5959.08,109210.5,132277.5,0.0,109210.5,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-504,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,1786,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-473.0,217.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,112500.0,675000.0,24799.5,675000.0,Unaccompanied,Working,Incomplete higher,Civil marriage,House / apartment,0.019101,-8213,-1554,-1566.0,-890,,1,1,1,1,0,0,Waiters/barmen staff,2.0,2,2,SUNDAY,16,0,0,0,1,1,0,Business Entity Type 3,,0.2907302732645975,0.2512394458905693,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,0.0,0.0,-77.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,1.0 +2682730,249652,Consumer loans,12021.345,58486.5,61960.5,0.0,58486.5,WEDNESDAY,14,Y,1,0.0,,,XAP,Approved,-190,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,2000,Consumer electronics,6.0,middle,POS household with interest,365243.0,-160.0,-10.0,-40.0,-32.0,1.0,0,Cash loans,F,N,Y,0,337500.0,803929.5,49311.0,702000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-19346,-576,-8871.0,-2899,,1,1,0,1,0,0,,2.0,2,2,THURSDAY,8,0,0,0,0,0,0,Business Entity Type 3,,0.26702878886893466,0.4776491548517548,0.0082,0.0,0.9692,0.5784,0.0118,0.0,0.0345,0.0417,0.0833,0.0,0.0067,0.0082,0.0,0.0,0.0084,0.0,0.9692,0.5949,0.0119,0.0,0.0345,0.0417,0.0833,0.0,0.0073,0.0085,0.0,0.0,0.0083,0.0,0.9692,0.584,0.0119,0.0,0.0345,0.0417,0.0833,0.0,0.0068,0.0083,0.0,0.0,reg oper spec account,block of flats,0.0065,Wooden,No,0.0,0.0,0.0,0.0,-1399.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1714120,421217,Cash loans,31733.775,1003500.0,1149210.0,,1003500.0,THURSDAY,14,Y,1,,,,XNA,Approved,-161,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),6,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-131.0,1639.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,112500.0,207000.0,7803.0,207000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.00702,-20619,365243,-884.0,-4167,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,XNA,,0.7192380691240409,0.6706517530862718,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-275.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1856781,398383,Cash loans,59378.04,585000.0,608166.0,,585000.0,SATURDAY,14,Y,1,,,,XNA,Approved,-1033,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-1003.0,-673.0,-673.0,-668.0,1.0,0,Cash loans,F,Y,N,0,270000.0,1971072.0,68643.0,1800000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.032561,-21327,-2387,-8458.0,-4814,8.0,1,1,1,1,1,1,Managers,2.0,1,1,WEDNESDAY,12,0,0,0,0,0,0,Construction,0.9110781897666566,0.7336968555597155,0.5902333386185574,0.2418,0.1239,0.9781,0.7076,,0.34,0.2672,0.25,0.375,,0.2824,0.2841,,0.0028,0.1239,0.0703,0.9786,0.7190000000000001,,0.3222,0.2759,0.1667,0.375,,0.3085,0.4481,,0.003,0.2519,0.1286,0.9786,0.7115,,0.34,0.2759,0.25,0.375,,0.2873,0.3433,,0.0029,reg oper account,block of flats,0.5308,Panel,No,0.0,0.0,0.0,0.0,-1244.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1266553,245886,Consumer loans,14469.12,128686.5,142276.5,0.0,128686.5,SUNDAY,15,Y,1,0.0,,,XAP,Refused,-535,Cash through the bank,HC,,Repeater,Computers,POS,XNA,Country-wide,4601,Consumer electronics,12.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,Y,1,157500.0,331920.0,16947.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.022625,-14232,-2281,-397.0,-5096,,1,1,1,1,1,0,Sales staff,2.0,2,2,WEDNESDAY,10,0,0,0,1,1,0,Self-employed,,0.7215021989953875,0.6817058776720116,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1380.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1129697,243615,Consumer loans,6675.75,61645.5,66757.5,3150.0,61645.5,MONDAY,11,Y,1,0.049073938613687584,,,XAP,Approved,-1316,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Regional / Local,220,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1285.0,-955.0,-955.0,-952.0,0.0,0,Cash loans,F,Y,Y,0,112500.0,1602000.0,48699.0,1602000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.018209,-21381,365243,-10083.0,-4686,13.0,1,0,0,1,0,0,,2.0,3,3,MONDAY,15,0,0,0,0,0,0,XNA,,0.5629347101367803,0.475849908720221,0.1113,0.0811,0.9866,0.8164,0.0423,0.12,0.1034,0.3333,0.0417,0.0935,0.0908,0.1019,0.0,0.0,0.1134,0.0842,0.9866,0.8236,0.0427,0.1208,0.1034,0.3333,0.0417,0.0957,0.0992,0.1061,0.0,0.0,0.1124,0.0811,0.9866,0.8189,0.0425,0.12,0.1034,0.3333,0.0417,0.0952,0.0923,0.1037,0.0,0.0,reg oper account,block of flats,0.1032,Panel,No,0.0,0.0,0.0,0.0,-1581.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1015521,373348,Cash loans,20965.545,180000.0,215208.0,,180000.0,WEDNESDAY,15,Y,1,,,,XNA,Refused,-1020,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,N,Y,1,148500.0,286704.0,15138.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.018634,-10534,-216,-3695.0,-3169,,1,1,0,1,0,0,Drivers,2.0,2,2,TUESDAY,9,0,0,0,0,1,1,Mobile,0.22517619960030594,0.3770949195610279,0.4294236843421945,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1021.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,0.0 +2552897,297448,Consumer loans,15332.4,112455.0,127876.5,11245.5,112455.0,TUESDAY,12,Y,1,0.08803332196332575,,,XAP,Approved,-1904,Cash through the bank,XAP,Other_B,New,Computers,POS,XNA,Country-wide,1768,Consumer electronics,12.0,high,POS household with interest,365243.0,-1873.0,-1543.0,-1783.0,-1780.0,0.0,0,Cash loans,M,N,N,1,211500.0,1468719.0,43074.0,1282500.0,Unaccompanied,State servant,Incomplete higher,Married,House / apartment,0.00496,-10472,-2840,-1190.0,-2964,,1,1,0,1,0,0,,3.0,2,2,TUESDAY,10,0,0,0,0,0,0,Military,,0.42379585998580455,0.4543210601605785,0.0874,0.0252,0.9816,0.7348,0.0204,0.0,0.0948,0.1667,0.2083,0.0549,0.095,0.0485,0.0,0.0,0.0525,0.0259,0.9796,0.7321,0.0167,0.0,0.1379,0.1667,0.2083,0.0494,0.0918,0.0396,0.0,0.0,0.0916,0.0252,0.9816,0.7383,0.0206,0.0,0.1034,0.1667,0.2083,0.0558,0.0966,0.0531,0.0,0.0,reg oper account,block of flats,0.0299,"Stone, brick",No,2.0,1.0,2.0,0.0,-1904.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2165263,356003,Consumer loans,5852.07,98536.5,98536.5,0.0,98536.5,THURSDAY,10,Y,1,0.0,,,XAP,Approved,-800,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,1500,Consumer electronics,24.0,middle,POS household with interest,365243.0,-769.0,-79.0,-79.0,-76.0,0.0,0,Cash loans,F,N,N,1,112500.0,454500.0,35910.0,454500.0,Unaccompanied,Working,Incomplete higher,Married,With parents,0.02461,-11908,-197,-6080.0,-4214,,1,1,0,1,1,0,Cooking staff,3.0,2,2,FRIDAY,18,0,0,0,0,0,0,Self-employed,0.2422143612708559,0.6768585938110238,0.13426542355494275,0.0928,0.0877,0.9781,,,0.0,0.2069,0.1667,,0.0677,,0.0748,,0.0422,0.0945,0.091,0.9782,,,0.0,0.2069,0.1667,,0.0693,,0.0779,,0.0446,0.0937,0.0877,0.9781,,,0.0,0.2069,0.1667,,0.0689,,0.0761,,0.043,,block of flats,0.0745,Panel,No,0.0,0.0,0.0,0.0,-1687.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1412331,148987,Consumer loans,12276.225,154890.0,82557.0,77445.0,154890.0,SATURDAY,14,Y,1,0.5271474447478496,,,XAP,Approved,-1499,Cash through the bank,XAP,Other_B,New,Photo / Cinema Equipment,POS,XNA,Regional / Local,10,Consumer electronics,8.0,middle,POS household with interest,365243.0,-1468.0,-1258.0,-1258.0,-1253.0,0.0,0,Cash loans,M,N,N,0,225000.0,728460.0,57555.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.028663,-14954,-2922,-2146.0,-4125,,1,1,1,1,1,0,Managers,1.0,2,2,SUNDAY,8,0,0,0,0,1,1,Business Entity Type 3,,0.5682751954952989,0.34741822720026416,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1499.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2713577,156513,Consumer loans,10467.81,90976.5,102105.0,9099.0,90976.5,TUESDAY,11,Y,1,0.08911224579887574,,,XAP,Approved,-541,Cash through the bank,XAP,,New,Construction Materials,POS,XNA,Stone,100,Construction,12.0,middle,POS industry with interest,365243.0,-502.0,-172.0,-232.0,-228.0,0.0,0,Cash loans,F,N,N,0,67500.0,675000.0,21906.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-17831,-4579,-10811.0,-1384,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.3068684927787245,0.3740208032583212,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-541.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1003594,352135,Consumer loans,5529.33,122737.5,122737.5,0.0,122737.5,MONDAY,17,Y,1,0.0,,,XAP,Approved,-445,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,1810,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-415.0,275.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,2,315000.0,360000.0,28570.5,360000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.030755,-12694,-904,-6714.0,-3067,7.0,1,1,0,1,0,0,,4.0,2,2,FRIDAY,11,0,0,0,0,1,1,Industry: type 1,0.3352728215465541,0.4389906962553887,0.5709165417729987,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2526596,276552,Consumer loans,18934.335,102172.5,102172.5,0.0,102172.5,WEDNESDAY,8,Y,1,0.0,,,XAP,Approved,-55,XNA,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,1182,Furniture,6.0,middle,POS industry with interest,365243.0,-23.0,127.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,162000.0,485190.0,23472.0,405000.0,Unaccompanied,Working,Incomplete higher,Separated,House / apartment,0.010032,-19178,-1877,-1153.0,-2603,,1,1,0,1,0,0,Core staff,1.0,2,2,TUESDAY,7,0,0,0,0,0,0,Military,0.6887773176986577,0.6239969469058355,0.4668640059537032,0.1031,0.0737,0.9876,,,0.1,0.0862,0.375,,,,0.1106,,0.1156,0.084,0.0607,0.9876,,,0.0806,0.069,0.375,,,,0.0913,,0.0554,0.1041,0.0737,0.9876,,,0.1,0.0862,0.375,,,,0.1126,,0.118,,block of flats,0.0803,Panel,No,1.0,0.0,1.0,0.0,-2482.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,3.0 +2494964,377394,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SATURDAY,17,Y,1,,,,XAP,Approved,-382,XNA,XAP,Children,New,XNA,Cards,walk-in,Country-wide,1100,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,270000.0,1773963.0,61789.5,1620000.0,Unaccompanied,State servant,Higher education,Married,Municipal apartment,0.072508,-17507,-5654,-5943.0,-1057,,1,1,1,1,1,0,Managers,2.0,1,1,WEDNESDAY,12,0,0,0,0,0,0,Government,0.6413537209604045,0.7481628831736575,0.5388627065779676,0.122,0.1252,0.9786,0.7076,0.0191,0.0264,0.1493,0.3054,0.3471,0.0,0.0986,0.1043,0.0039,0.0148,0.1261,0.1256,0.9762,0.6864,0.0154,0.0,0.2069,0.1667,0.2083,0.0,0.1102,0.1062,0.0,0.0,0.1249,0.121,0.9762,0.6847,0.0158,0.0,0.2069,0.1667,0.2083,0.0,0.1026,0.1042,0.0,0.0,reg oper account,block of flats,0.0888,Panel,No,0.0,0.0,0.0,0.0,-382.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2266756,229335,Consumer loans,1652.22,16164.0,14544.0,1620.0,16164.0,WEDNESDAY,10,Y,1,0.1091516501316056,,,XAP,Refused,-2451,Cash through the bank,HC,,Repeater,Other,POS,XNA,Stone,10,Industry,12.0,high,POS industry with interest,,,,,,,0,Cash loans,M,Y,Y,0,225000.0,1395000.0,36927.0,1395000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.025164,-13821,-1172,-3746.0,-384,4.0,1,1,0,1,1,0,High skill tech staff,1.0,2,2,THURSDAY,10,0,0,0,0,0,0,Transport: type 4,,0.5889113681360177,0.3092753558842053,0.1093,0.1195,0.9737,0.6396,0.0154,0.0,0.2069,0.1667,0.2083,0.0366,0.0874,0.0832,0.0077,0.0938,0.1113,0.124,0.9737,0.6537,0.0156,0.0,0.2069,0.1667,0.2083,0.0374,0.0955,0.0867,0.0078,0.0993,0.1103,0.1195,0.9737,0.6444,0.0155,0.0,0.2069,0.1667,0.2083,0.0372,0.0889,0.0847,0.0078,0.0957,reg oper account,block of flats,0.0943,Block,No,0.0,0.0,0.0,0.0,-1204.0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1744237,332328,Consumer loans,7487.64,52641.0,56983.5,0.0,52641.0,WEDNESDAY,9,Y,1,0.0,,,XAP,Approved,-2638,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,-1,Consumer electronics,10.0,high,POS household with interest,365243.0,-2607.0,-2337.0,-2397.0,-2389.0,1.0,0,Cash loans,F,N,Y,0,234000.0,720000.0,34767.0,720000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018209,-16821,-7373,-4495.0,-357,,1,1,0,1,0,0,Cooking staff,2.0,3,3,TUESDAY,11,0,0,0,0,0,0,School,0.062400485607306426,0.4471817238912696,0.06555002632575951,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1283.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +2042301,269990,Consumer loans,13093.65,194184.0,219177.0,0.0,194184.0,TUESDAY,15,Y,1,0.0,,,XAP,Refused,-373,Cash through the bank,LIMIT,,Repeater,Computers,POS,XNA,Country-wide,3855,Consumer electronics,18.0,low_action,POS household without interest,,,,,,,0,Cash loans,M,N,Y,0,90000.0,553500.0,21082.5,553500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.018209,-9081,-1176,-3805.0,-1745,,1,1,0,1,0,0,High skill tech staff,1.0,3,3,THURSDAY,11,0,0,0,0,0,0,Trade: type 2,0.21596794968616012,0.212228515841561,0.7136313997323308,0.0371,0.0638,0.9732,0.6328,0.0028,0.0,0.1034,0.0833,0.0417,0.0129,0.0303,0.0301,0.0,0.0,0.0378,0.0662,0.9732,0.6472,0.0029,0.0,0.1034,0.0833,0.0417,0.0132,0.0331,0.0313,0.0,0.0,0.0375,0.0638,0.9732,0.6377,0.0028,0.0,0.1034,0.0833,0.0417,0.0131,0.0308,0.0306,0.0,0.0,reg oper account,block of flats,0.0252,"Stone, brick",No,4.0,0.0,4.0,0.0,-791.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1190499,387293,Cash loans,12521.16,180000.0,215640.0,,180000.0,SATURDAY,10,Y,1,,,,XNA,Approved,-551,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash X-Sell: high,365243.0,-521.0,529.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,85500.0,237024.0,12987.0,180000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.02461,-23428,365243,-4061.0,-4783,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,10,0,0,0,1,0,0,XNA,,0.537880348401047,0.2445163919946749,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-809.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,4.0 +1304847,202278,Consumer loans,19309.23,345424.5,345424.5,0.0,345424.5,TUESDAY,13,Y,1,0.0,,,XAP,Refused,-1555,Cash through the bank,VERIF,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,2661,Consumer electronics,24.0,low_normal,POS household without interest,,,,,,,0,Cash loans,M,Y,N,0,225000.0,1293502.5,37948.5,1129500.0,Family,Working,Higher education,Married,House / apartment,0.018634,-16302,-2966,-8363.0,-2287,9.0,1,1,1,1,0,0,Managers,2.0,2,2,TUESDAY,16,0,0,0,0,0,0,Industry: type 7,0.5405202681672664,0.7372111054257632,0.8214433128935934,0.0928,,0.9806,,,0.0,0.2069,0.1667,,0.0179,,0.0818,,0.0,0.0945,,0.9806,,,0.0,0.2069,0.1667,,0.0183,,0.0852,,0.0,0.0937,,0.9806,,,0.0,0.2069,0.1667,,0.0182,,0.0833,,0.0,,block of flats,0.0717,Panel,No,1.0,0.0,1.0,0.0,-1555.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1771421,296789,Consumer loans,8402.4,72000.0,72000.0,0.0,72000.0,SATURDAY,14,Y,1,0.0,,,XAP,Refused,-2771,Cash through the bank,HC,Unaccompanied,Repeater,XNA,POS,XNA,Stone,121,Furniture,12.0,low_normal,POS industry with interest,,,,,,,0,Cash loans,F,Y,Y,1,315000.0,1314000.0,47326.5,1314000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.026392000000000002,-14828,-4241,-7737.0,-4099,3.0,1,1,0,1,0,0,Medicine staff,2.0,2,2,FRIDAY,11,0,0,0,0,1,1,Medicine,0.3799231432795331,0.5926859869669572,,0.1237,0.1158,0.9821,,,0.0,,0.1667,,0.1148,,0.071,,,0.1261,0.1201,0.9821,,,0.0,,0.1667,,0.1174,,0.07400000000000001,,,0.1249,0.1158,0.9821,,,0.0,,0.1667,,0.1168,,0.0723,,,,block of flats,0.0818,Panel,No,0.0,0.0,0.0,0.0,-1136.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2713659,389105,Consumer loans,17098.335,158346.0,152698.5,15835.5,158346.0,TUESDAY,16,Y,1,0.10233127494101536,,,XAP,Approved,-646,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,1500,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-615.0,-345.0,-345.0,-340.0,0.0,0,Cash loans,M,Y,Y,1,405000.0,1256400.0,36864.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.011703,-12080,-1201,-10612.0,-399,2.0,1,1,0,1,0,0,Managers,3.0,2,2,THURSDAY,19,0,0,0,0,0,0,Telecom,,0.7322845170539157,0.41534714488434,0.2144,0.0,0.9866,0.8164,,0.24,0.2069,0.3333,0.375,0.1206,,0.2338,,0.0562,0.2185,0.0,0.9866,0.8236,,0.2417,0.2069,0.3333,0.375,0.1234,,0.2436,,0.0595,0.2165,0.0,0.9866,0.8189,,0.24,0.2069,0.3333,0.375,0.1227,,0.238,,0.0574,reg oper account,block of flats,0.2246,Panel,No,2.0,0.0,2.0,0.0,-2154.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,0.0,2.0,2.0 +1382580,421403,Consumer loans,10535.895,63855.0,57469.5,6385.5,63855.0,TUESDAY,14,Y,1,0.1089090909090909,,,XAP,Approved,-347,Cash through the bank,XAP,Unaccompanied,Refreshed,Construction Materials,POS,XNA,Stone,12,Construction,6.0,middle,POS industry with interest,365243.0,-316.0,-166.0,-226.0,-223.0,0.0,0,Cash loans,F,N,Y,2,180000.0,1035832.5,33543.0,904500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009175,-13589,-485,-269.0,-2807,,1,1,0,1,1,0,High skill tech staff,4.0,2,2,SATURDAY,13,0,0,0,0,0,0,Trade: type 6,0.40757548784619935,0.7794993270585128,0.4722533429586386,0.1124,0.0371,0.9856,,,0.04,0.0345,0.3333,,0.0223,,0.073,,0.0011,0.1145,0.0385,0.9856,,,0.0403,0.0345,0.3333,,0.0229,,0.076,,0.0012,0.1135,0.0371,0.9856,,,0.04,0.0345,0.3333,,0.0227,,0.0743,,0.0011,,block of flats,0.0689,Panel,No,0.0,0.0,0.0,0.0,-1336.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,2.0 +1737449,244503,Consumer loans,7013.925,123516.0,185652.0,0.0,123516.0,WEDNESDAY,11,Y,1,0.0,,,XAP,Refused,-567,Cash through the bank,LIMIT,,Repeater,Computers,POS,XNA,Country-wide,3855,Consumer electronics,36.0,low_normal,POS household with interest,,,,,,,0,Cash loans,M,Y,Y,0,157500.0,405000.0,29601.0,405000.0,Other_B,Working,Secondary / secondary special,Civil marriage,With parents,0.018209,-8102,-274,-1451.0,-791,65.0,1,1,0,1,0,1,,2.0,3,3,WEDNESDAY,7,0,0,0,1,1,0,Business Entity Type 3,0.08357700275673896,0.5613738103437803,0.4884551844437485,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-727.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2613268,356501,Cash loans,22600.935,225000.0,284400.0,,225000.0,TUESDAY,7,Y,1,,,,XNA,Approved,-210,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-180.0,510.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,1,108000.0,495216.0,30222.0,427500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.002134,-9941,-1209,-335.0,-2570,,1,1,0,1,0,0,Medicine staff,3.0,3,3,TUESDAY,7,0,0,0,0,1,1,Medicine,,0.12348772682542895,0.38079968264891495,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-925.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1465396,310539,Consumer loans,6743.61,85455.0,65727.0,25650.0,85455.0,TUESDAY,18,Y,1,0.3057134926533134,,,XAP,Approved,-2054,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,1648,Consumer electronics,12.0,middle,POS household with interest,365243.0,-2023.0,-1693.0,-1693.0,-1685.0,0.0,0,Cash loans,M,Y,N,1,180000.0,900000.0,45850.5,900000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.035792000000000004,-12686,-4410,-150.0,-3936,3.0,1,1,1,1,0,0,High skill tech staff,3.0,2,2,TUESDAY,18,0,0,0,0,0,0,Business Entity Type 3,,0.6765476271706273,0.5316861425197883,0.0846,0.0671,0.9851,0.7688,0.0113,0.0376,0.1262,0.245,0.275,0.0907,0.0514,0.0708,0.0075,0.0169,0.0567,0.0368,0.9831,0.7779,0.0071,0.0,0.0345,0.1667,0.2083,0.1383,0.0496,0.0324,0.0,0.0,0.0562,0.0519,0.9836,0.7719,0.012,0.0,0.1034,0.1667,0.2083,0.1004,0.0462,0.0504,0.0,0.0,reg oper account,block of flats,0.1955,"Stone, brick",No,0.0,0.0,0.0,0.0,-2054.0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1655342,289811,Consumer loans,5721.93,48375.0,47722.5,4950.0,48375.0,MONDAY,10,Y,1,0.10234942332336612,,,XAP,Refused,-1727,XNA,LIMIT,Unaccompanied,Repeater,Mobile,POS,XNA,Stone,29,Connectivity,12.0,high,POS mobile with interest,,,,,,,0,Cash loans,M,Y,N,0,112500.0,643500.0,30955.5,643500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.015221,-11005,-1868,-448.0,-3553,18.0,1,1,0,1,1,0,IT staff,1.0,2,2,SATURDAY,12,0,0,0,0,0,0,Postal,0.26610022123949284,0.007466574019901375,0.5280927512030451,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2290727,425689,Cash loans,12116.25,112500.0,112500.0,,112500.0,FRIDAY,17,Y,1,,,,XNA,Approved,-878,XNA,XAP,Family,Refreshed,XNA,Cash,x-sell,AP+ (Cash loan),-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-848.0,-518.0,-518.0,-512.0,0.0,0,Cash loans,F,Y,Y,1,89919.0,191880.0,18256.5,180000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.018209,-12766,-1960,-1559.0,-3906,13.0,1,1,1,1,1,0,Core staff,3.0,3,3,MONDAY,15,0,0,0,0,0,0,Self-employed,0.7973649254876228,0.3542047234476733,0.6263042766749393,0.1278,0.1527,0.9786,,,0.0,0.2759,0.1667,,,,0.1167,,0.0106,0.1303,0.1585,0.9786,,,0.0,0.2759,0.1667,,,,0.1216,,0.0112,0.1291,0.1527,0.9786,,,0.0,0.2759,0.1667,,,,0.1188,,0.0108,,block of flats,0.0941,"Stone, brick",No,1.0,1.0,1.0,1.0,-2793.0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1896140,228790,Revolving loans,6750.0,135000.0,135000.0,,135000.0,MONDAY,9,Y,1,,,,XAP,Approved,-359,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,135000.0,288873.0,17802.0,238500.0,Unaccompanied,State servant,Secondary / secondary special,Separated,House / apartment,0.006629,-18463,-4499,-534.0,-1986,,1,1,0,1,0,0,Medicine staff,1.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,School,,0.6290370069086078,0.8027454758994178,0.0457,0.0,0.9816,0.8368,0.0212,0.0,0.0917,0.0833,0.2083,0.0344,0.0647,0.037000000000000005,0.0,0.0533,0.021,0.0,0.9727,0.8432,0.0214,0.0,0.069,0.0417,0.2083,0.0351,0.0707,0.0099,0.0,0.0564,0.0375,0.0,0.9826,0.8390000000000001,0.0213,0.0,0.069,0.0417,0.2083,0.035,0.0658,0.0214,0.0,0.0544,reg oper spec account,block of flats,0.0078,Wooden,No,5.0,0.0,5.0,0.0,-1939.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2186168,182140,Consumer loans,,87246.0,87246.0,0.0,87246.0,THURSDAY,8,Y,1,0.0,,,XAP,Refused,-1548,Cash through the bank,XNA,,Repeater,Computers,XNA,XNA,Country-wide,46,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,0,117000.0,810000.0,29092.5,810000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.025164,-21383,365243,-12149.0,-4273,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,13,0,0,0,0,0,0,XNA,,0.5686614310025384,0.180887977767074,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-2052.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1786279,420591,Consumer loans,6188.4,60363.0,60363.0,0.0,60363.0,TUESDAY,10,Y,1,0.0,,,XAP,Approved,-709,Cash through the bank,XAP,,New,Construction Materials,POS,XNA,Stone,10,Construction,12.0,middle,POS industry with interest,365243.0,-678.0,-348.0,-528.0,-522.0,0.0,0,Cash loans,M,N,Y,0,202500.0,564124.5,41179.5,481500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018634,-20471,-1500,-402.0,-3835,,1,1,0,1,0,0,Drivers,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,Self-employed,,0.3421065726520952,0.2910973802776635,0.068,0.1337,0.9697,0.5852,0.1052,0.0,0.2414,0.125,0.1667,0.0324,0.0513,0.0928,0.0193,0.0734,0.0693,0.1387,0.9697,0.6014,0.1062,0.0,0.2414,0.125,0.1667,0.0331,0.056,0.0966,0.0195,0.0777,0.0687,0.1337,0.9697,0.5907,0.1059,0.0,0.2414,0.125,0.1667,0.0329,0.0522,0.0944,0.0194,0.0749,reg oper spec account,block of flats,0.0889,"Stone, brick",No,0.0,0.0,0.0,0.0,-709.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2439425,409006,Consumer loans,12454.965,105372.0,105372.0,0.0,105372.0,WEDNESDAY,10,Y,1,0.0,,,XAP,Approved,-2391,Cash through the bank,XAP,"Spouse, partner",Repeater,Mobile,POS,XNA,Country-wide,2352,Consumer electronics,12.0,high,POS household with interest,,,,,,,0,Cash loans,M,N,N,0,225000.0,1096020.0,56092.5,900000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.020246,-12051,-4691,-6232.0,-4218,,1,1,0,1,0,0,Laborers,2.0,3,3,SATURDAY,13,0,0,0,0,0,0,Business Entity Type 2,0.14572334500027098,0.4420681219665084,0.5832379256761245,0.0504,0.0582,0.9916,0.8640000000000001,0.0089,0.0168,0.0834,0.2379,0.2638,0.0395,0.0413,0.0566,0.0013,0.0006,0.0294,0.0265,0.9891,0.8563,0.0054,0.0,0.0345,0.1667,0.2083,0.0034,0.0248,0.0328,0.0,0.0,0.0468,0.0469,0.9906,0.8591,0.0086,0.0,0.069,0.1667,0.2083,0.0439,0.0381,0.0582,0.0,0.0,reg oper account,block of flats,0.0257,"Stone, brick",No,2.0,0.0,2.0,0.0,-1746.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1999740,321725,Revolving loans,11250.0,0.0,225000.0,,,MONDAY,14,Y,1,,,,XAP,Approved,-1087,XNA,XAP,,Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,202500.0,696528.0,44644.5,630000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00823,-17564,-1763,-8118.0,-1099,23.0,1,1,0,1,0,0,Managers,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Industry: type 13,,0.3957418212568543,0.5478104658520093,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-3120.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2005997,447240,Consumer loans,17857.44,429376.5,383206.5,46170.0,429376.5,WEDNESDAY,13,Y,1,0.1171077766778742,,,XAP,Refused,-2757,Cash through the bank,HC,Children,New,XNA,POS,XNA,Country-wide,-1,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,0,Revolving loans,F,N,Y,0,207000.0,450000.0,22500.0,450000.0,Unaccompanied,Working,Incomplete higher,Separated,House / apartment,0.018634,-20764,-2856,-12866.0,-4284,,1,1,0,1,1,0,Laborers,1.0,2,2,TUESDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.6508045572174066,0.6413682574954046,0.2206,0.1483,0.9816,0.7484,,0.16,0.1379,0.3333,0.375,0.0732,0.1799,0.2185,0.0077,0.0104,0.2248,0.1539,0.9816,0.7583,,0.1611,0.1379,0.3333,0.375,0.0749,0.1965,0.2276,0.0078,0.011,0.2228,0.1483,0.9816,0.7518,,0.16,0.1379,0.3333,0.375,0.0745,0.183,0.2224,0.0078,0.0106,reg oper account,block of flats,0.2224,Panel,No,0.0,0.0,0.0,0.0,-2065.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1752552,333901,Consumer loans,8496.495,46305.0,41670.0,4635.0,46305.0,SATURDAY,11,Y,1,0.10901493064758372,,,XAP,Approved,-1796,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,33,Connectivity,6.0,high,POS mobile with interest,365243.0,-1761.0,-1611.0,-1611.0,-1606.0,0.0,0,Cash loans,F,Y,Y,0,90000.0,754740.0,22198.5,630000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-18763,-2738,-2556.0,-2087,13.0,1,1,0,1,0,0,Cooking staff,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.4264091800963965,0.3201633668633456,0.0481,0.078,0.6547,0.7552,0.0078,0.0,0.1379,0.1667,0.2083,0.0159,0.0588,0.0642,0.0,0.0,0.0735,0.0805,0.0005,0.7648,0.0077,0.0,0.1379,0.1667,0.2083,0.0145,0.0643,0.0664,0.0,0.0,0.0729,0.078,0.9821,0.7585,0.0079,0.0,0.1379,0.1667,0.2083,0.0161,0.0599,0.0654,0.0,0.0,reg oper account,block of flats,0.0,Block,No,2.0,0.0,2.0,0.0,-113.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1468741,363558,Consumer loans,3195.99,23638.5,22666.5,2700.0,23638.5,WEDNESDAY,11,Y,1,0.11592239585853205,,,XAP,Approved,-1989,Cash through the bank,XAP,Other_A,Repeater,Mobile,POS,XNA,Country-wide,35,Connectivity,10.0,high,POS mobile with interest,365243.0,-1958.0,-1688.0,-1688.0,-1684.0,0.0,0,Cash loans,F,N,Y,0,135000.0,587619.0,17181.0,490500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018801,-22989,365243,-13811.0,-1595,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,8,0,0,0,0,0,0,XNA,0.7178007449374444,0.3574878809194507,0.5602843280409464,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-216.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1535460,359152,Consumer loans,5516.415,75861.0,81243.0,8046.0,75861.0,THURSDAY,8,Y,1,0.0981400335376749,,,XAP,Approved,-2563,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,621,Consumer electronics,24.0,high,POS household without interest,365243.0,-2532.0,-1842.0,-1932.0,-1930.0,1.0,0,Cash loans,M,Y,Y,0,108000.0,531265.5,24894.0,373500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007305,-15681,-2724,-1327.0,-5407,30.0,1,1,0,1,0,0,Laborers,2.0,3,3,FRIDAY,7,0,0,0,0,0,0,Business Entity Type 3,,0.1405648504850698,0.5867400085415683,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-549.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,3.0 +2004367,155710,Consumer loans,3952.62,20146.5,21343.5,0.0,20146.5,MONDAY,16,Y,1,0.0,,,XAP,Approved,-100,Cash through the bank,XAP,,Repeater,Jewelry,POS,XNA,Country-wide,40,Jewelry,6.0,middle,POS others without interest,365243.0,-62.0,88.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,N,1,135000.0,178290.0,21289.5,157500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.035792000000000004,-12504,-801,-1064.0,-2354,0.0,1,1,0,1,0,0,Private service staff,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Other,0.3254469947447928,0.3425841401752059,0.35895122857839673,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-188.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1339500,454344,Revolving loans,22500.0,0.0,450000.0,,,FRIDAY,13,Y,1,,,,XAP,Approved,-854,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-668.0,-625.0,365243.0,-140.0,365243.0,0.0,0,Cash loans,M,N,N,3,360000.0,481495.5,35370.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.011703,-12366,-1583,-1751.0,-3958,,1,1,1,1,1,0,Drivers,5.0,2,2,FRIDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.33815711280158417,0.5423451833129174,0.5495965024956946,0.099,0.1199,0.9771,0.6872,,0.0,0.2069,0.1667,0.2083,0.0785,,0.0753,,0.1521,0.1008,0.1244,0.9772,0.6994,,0.0,0.2069,0.1667,0.2083,0.0803,,0.0785,,0.1611,0.0999,0.1199,0.9771,0.6914,,0.0,0.2069,0.1667,0.2083,0.0799,,0.0767,,0.1553,not specified,block of flats,0.0988,"Stone, brick",No,3.0,0.0,3.0,0.0,-1127.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1691490,371834,Consumer loans,18929.43,98955.0,104179.5,0.0,98955.0,SUNDAY,17,Y,1,0.0,,,XAP,Approved,-715,Cash through the bank,XAP,"Spouse, partner",New,Computers,POS,XNA,Regional / Local,200,Consumer electronics,6.0,middle,POS household with interest,365243.0,-684.0,-534.0,-624.0,-609.0,0.0,0,Revolving loans,F,N,Y,0,157500.0,180000.0,9000.0,180000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.025164,-8576,-740,-5198.0,-1237,,1,1,0,1,0,0,High skill tech staff,1.0,2,2,MONDAY,10,0,0,0,1,1,0,Business Entity Type 3,0.5565100122135319,0.6728327904200322,,0.0495,0.021,0.9722,,,0.0,0.1379,0.125,,0.0,,0.0574,,0.0066,0.0504,0.0218,0.9722,,,0.0,0.1379,0.125,,0.0,,0.0598,,0.006999999999999999,0.05,0.021,0.9722,,,0.0,0.1379,0.125,,0.0,,0.0584,,0.0068,,block of flats,0.0509,Block,No,4.0,0.0,4.0,0.0,-296.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1894944,361002,Consumer loans,3385.08,33520.5,33354.0,3352.5,33520.5,FRIDAY,12,Y,1,0.09946950193364316,,,XAP,Approved,-579,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,25,Connectivity,12.0,middle,POS mobile with interest,365243.0,-548.0,-218.0,-458.0,-430.0,0.0,0,Cash loans,F,N,N,0,180000.0,1183500.0,32674.5,1183500.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.025164,-15503,-3258,-6102.0,-377,,1,1,0,1,0,0,Accountants,2.0,2,2,WEDNESDAY,7,0,0,0,0,0,0,Trade: type 3,0.7040878059721201,0.4123846359475669,0.3123653692278984,0.0777,0.0815,0.9846,0.7892,0.0121,0.0264,0.1148,0.2358,0.2221,0.0167,0.0628,0.0761,0.0025,0.0025,0.0735,0.0806,0.9777,0.706,0.0079,0.0,0.1034,0.1667,0.2083,0.0155,0.0643,0.0666,0.0,0.0,0.0749,0.0818,0.9881,0.8390000000000001,0.0139,0.0,0.1034,0.2083,0.2083,0.0168,0.0616,0.0778,0.0,0.0,reg oper account,block of flats,0.0503,Block,No,0.0,0.0,0.0,0.0,-4.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2635367,380369,Consumer loans,7530.885,139428.0,164088.0,0.0,139428.0,SUNDAY,14,Y,1,0.0,,,XAP,Approved,-1573,XNA,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,3000,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1542.0,-852.0,-1212.0,-1209.0,0.0,0,Cash loans,F,N,Y,0,225000.0,700830.0,20619.0,585000.0,Unaccompanied,State servant,Higher education,Single / not married,House / apartment,0.011703,-19899,-2686,-8512.0,-3432,,1,1,0,1,1,0,Managers,1.0,2,2,FRIDAY,10,0,0,0,0,0,0,School,,0.7843059794260733,0.4507472818545589,0.1206,0.0,0.9771,,,,0.2069,0.1667,,0.0763,,0.1098,,0.0069,0.1229,0.0,0.9772,,,,0.2069,0.1667,,0.0781,,0.1144,,0.0073,0.1218,0.0,0.9771,,,,0.2069,0.1667,,0.0777,,0.1118,,0.0071,,block of flats,0.0949,Panel,No,0.0,0.0,0.0,0.0,-1573.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1124703,315018,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,17,Y,1,,,,XAP,Refused,-75,XNA,HC,"Spouse, partner",Repeater,XNA,Cards,walk-in,Country-wide,45,Connectivity,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,1,90000.0,225000.0,17905.5,225000.0,"Spouse, partner",Working,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-14302,-1195,-2421.0,-3562,,1,1,1,1,0,0,,3.0,2,2,MONDAY,9,0,0,0,0,1,1,Self-employed,0.5537026371734305,0.6731552256262288,,0.0124,0.0,0.9737,0.6396,0.0,0.0,0.069,0.0417,0.0833,0.0053,0.0101,0.0057,0.0,0.0,0.0126,0.0,0.9737,0.6537,0.0,0.0,0.069,0.0417,0.0833,0.0054,0.011,0.006,0.0,0.0,0.0125,0.0,0.9737,0.6444,0.0,0.0,0.069,0.0417,0.0833,0.0054,0.0103,0.0058,0.0,0.0,reg oper account,block of flats,0.006999999999999999,Block,No,0.0,0.0,0.0,0.0,-2475.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2023129,355824,Consumer loans,21332.34,312871.5,327384.0,31288.5,312871.5,TUESDAY,16,Y,1,0.09500594806987127,,,XAP,Approved,-780,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,1500,Consumer electronics,24.0,middle,POS household with interest,365243.0,-749.0,-59.0,-119.0,-117.0,0.0,0,Cash loans,M,N,Y,2,360000.0,298512.0,31473.0,270000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.04622,-13422,-4043,-1055.0,-2747,,1,1,0,1,0,0,Managers,4.0,1,1,FRIDAY,18,0,0,0,1,1,0,Self-employed,0.71736185173785,0.7448856936883097,0.8327850252992314,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-780.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2838713,388069,Cash loans,88354.395,450000.0,460395.0,,450000.0,MONDAY,9,Y,1,,,,Repairs,Refused,-595,Cash through the bank,LIMIT,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,1,270000.0,922500.0,49279.5,922500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.035792000000000004,-11751,-3211,-1712.0,-693,,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,12,0,0,0,0,1,1,Self-employed,,0.6045598067147184,0.6817058776720116,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-999.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2626866,283246,Consumer loans,11594.61,66451.5,56853.0,12451.5,66451.5,WEDNESDAY,13,Y,1,0.19567005684400665,,,XAP,Approved,-575,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,30,Connectivity,6.0,high,POS mobile with interest,365243.0,-544.0,-394.0,-484.0,-480.0,0.0,0,Cash loans,F,N,Y,0,319500.0,1339884.0,43353.0,1170000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.005002,-19759,-366,-1966.0,-730,,1,1,0,1,0,0,,2.0,3,3,THURSDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.6050375998563823,0.7589156112171735,0.6754132910917112,0.2134,,0.998,,,0.12,0.1034,0.375,,0.1208,,0.1939,,0.1003,0.2174,,0.998,,,0.1208,0.1034,0.375,,0.1236,,0.2021,,0.1061,0.2155,,0.998,,,0.12,0.1034,0.375,,0.1229,,0.1974,,0.1024,,block of flats,0.1799,Monolithic,No,3.0,2.0,3.0,2.0,-575.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2235511,270251,Consumer loans,12474.45,133645.5,133645.5,0.0,133645.5,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-420,XNA,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,80,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-389.0,-59.0,-389.0,-384.0,0.0,0,Cash loans,F,N,N,0,427500.0,808650.0,23773.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.011656999999999999,-19418,-4280,-2251.0,-1942,,1,1,0,1,1,0,Medicine staff,2.0,1,1,SATURDAY,18,0,0,0,0,0,0,Medicine,0.7992918760657416,0.709520777582793,0.3606125659189888,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1728.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2279942,211214,Cash loans,15308.505,184500.0,184500.0,,184500.0,TUESDAY,11,Y,1,,,,XNA,Refused,-1481,Non-cash from your account,LIMIT,Family,Repeater,XNA,Cash,x-sell,Regional / Local,331,Consumer electronics,18.0,high,Cash X-Sell: high,,,,,,,0,Revolving loans,M,N,N,2,157500.0,450000.0,22500.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00496,-14384,-4181,-8226.0,-4715,,1,1,0,1,0,0,Laborers,4.0,2,2,SATURDAY,17,0,0,0,0,0,0,Business Entity Type 3,,0.6302047884059581,0.5226973172821112,0.0124,,0.9712,0.6056,,,0.069,0.0833,0.125,,0.0101,0.0081,,,0.0126,,0.9712,0.621,,,0.069,0.0833,0.125,,0.011,0.0084,,,0.0125,,0.9712,0.6109,,,0.069,0.0833,0.125,,0.0103,0.0082,,,,block of flats,0.0087,Others,No,0.0,0.0,0.0,0.0,-1846.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,7.0 +2154043,329520,Cash loans,20922.12,540000.0,629095.5,,540000.0,FRIDAY,13,Y,1,,,,XNA,Approved,-1088,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-1058.0,352.0,-278.0,-274.0,1.0,0,Cash loans,F,N,Y,0,135000.0,1436850.0,42012.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.02461,-20070,-2296,-4210.0,-3316,,1,1,0,1,0,0,Laborers,1.0,2,2,MONDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.4796926097649886,0.5082869913916046,0.1103,0.0454,0.9856,,,0.04,0.0345,0.3333,,0.0612,,0.08,,0.0564,0.1124,0.0471,0.9856,,,0.0403,0.0345,0.3333,,0.0626,,0.0833,,0.0597,0.1114,0.0454,0.9856,,,0.04,0.0345,0.3333,,0.0623,,0.0814,,0.0576,,block of flats,0.0751,Panel,No,4.0,0.0,4.0,0.0,-2992.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2481804,185133,Consumer loans,6374.16,46800.0,35100.0,11700.0,46800.0,SATURDAY,15,Y,1,0.2722727272727272,,,XAP,Approved,-2426,Cash through the bank,XAP,Other_A,Repeater,Construction Materials,POS,XNA,Stone,40,Industry,6.0,middle,POS industry with interest,365243.0,-2363.0,-2213.0,-2243.0,-2236.0,0.0,0,Cash loans,F,N,Y,1,135000.0,557770.5,26833.5,481500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.01885,-13363,-594,-2669.0,-4790,,1,1,0,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Self-employed,0.5621007203349516,0.6535576030973144,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,1.0,0.0,-2426.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1100836,209199,Consumer loans,9102.465,81962.505,73764.0,8198.505,81962.505,SATURDAY,12,Y,1,0.10893904796633977,,,XAP,Approved,-1942,XNA,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,1110,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1910.0,-1640.0,-1640.0,-1633.0,0.0,0,Cash loans,M,Y,N,0,202500.0,314055.0,16164.0,238500.0,Unaccompanied,Working,Secondary / secondary special,Married,Rented apartment,0.009656999999999999,-11627,-3365,-3381.0,-4274,8.0,1,1,0,1,1,1,,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Security Ministries,,0.5820706759154828,0.5673792367572691,0.0722,0.0,0.9811,0.7416,0.0014,0.0,0.1379,0.1667,0.2083,0.0298,0.0588,0.0457,0.0,0.0574,0.0735,0.0,0.9811,0.7517,0.0014,0.0,0.1379,0.1667,0.2083,0.0304,0.0643,0.0477,0.0,0.0608,0.0729,0.0,0.9811,0.7451,0.0014,0.0,0.1379,0.1667,0.2083,0.0303,0.0599,0.0466,0.0,0.0587,reg oper spec account,block of flats,0.054000000000000006,Block,No,1.0,0.0,1.0,0.0,-1113.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2055423,124259,Consumer loans,7411.815,33745.5,35415.0,0.0,33745.5,FRIDAY,13,Y,1,0.0,,,XAP,Approved,-1671,Cash through the bank,XAP,Unaccompanied,Repeater,Office Appliances,POS,XNA,Country-wide,700,Consumer electronics,6.0,high,POS household with interest,365243.0,-1640.0,-1490.0,-1520.0,-1515.0,0.0,0,Cash loans,M,N,N,0,225000.0,931500.0,33588.0,931500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Municipal apartment,0.007114,-15580,-274,-5766.0,-4086,,1,1,0,1,0,0,Laborers,1.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.4305214654265336,0.2545565763001556,0.6263042766749393,0.0691,,0.9811,,,,0.0345,0.1667,,0.0295,,0.0304,,0.0408,0.0704,,0.9811,,,,0.0345,0.1667,,0.0301,,0.0317,,0.0432,0.0697,,0.9811,,,,0.0345,0.1667,,0.03,,0.0309,,0.0417,,block of flats,0.0441,"Stone, brick",No,0.0,0.0,0.0,0.0,-3443.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1940229,237173,Cash loans,10492.02,90000.0,95940.0,0.0,90000.0,THURSDAY,9,Y,1,0.0,,,XNA,Approved,-2317,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,high,Cash Street: high,365243.0,-2287.0,-1957.0,-1957.0,-1950.0,1.0,0,Cash loans,F,N,Y,2,216000.0,623749.5,26554.5,504000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-16163,-3215,-5078.0,-4567,,1,1,0,1,0,0,,4.0,3,3,THURSDAY,9,0,0,0,0,0,0,Trade: type 7,,0.6072332942370701,0.42765737003502935,0.0928,0.1139,0.9831,0.7688,0.0131,0.0,0.2069,0.1667,0.0417,0.0716,0.0756,0.0865,0.0039,0.0044,0.0945,0.1182,0.9831,0.7779,0.0133,0.0,0.2069,0.1667,0.0417,0.0732,0.0826,0.0902,0.0039,0.0046,0.0937,0.1139,0.9831,0.7719,0.0132,0.0,0.2069,0.1667,0.0417,0.0729,0.077,0.0881,0.0039,0.0045,,block of flats,0.069,Panel,No,2.0,0.0,2.0,0.0,-2869.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,2.0,6.0 +2368714,123279,Consumer loans,5762.385,124875.0,124875.0,0.0,124875.0,MONDAY,14,Y,1,0.0,,,XAP,Approved,-1433,Cash through the bank,XAP,Family,New,Furniture,POS,XNA,Stone,400,Furniture,24.0,low_action,POS industry without interest,365243.0,-1402.0,-712.0,-712.0,-706.0,0.0,0,Cash loans,M,N,Y,0,135000.0,477000.0,23076.0,477000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-20440,-1250,-6295.0,-4004,,1,1,0,1,1,0,Laborers,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.7631232261550706,0.39449540531239935,0.5938,0.3016,0.9806,0.7348,0.1807,0.64,0.5517,0.3333,0.375,0.3626,0.4799,0.5455,0.0193,0.0112,0.605,0.313,0.9806,0.7452,0.1823,0.6445,0.5517,0.3333,0.375,0.3708,0.5243,0.5683,0.0195,0.0119,0.5996,0.3016,0.9806,0.7383,0.1818,0.64,0.5517,0.3333,0.375,0.3689,0.4883,0.5553,0.0194,0.0114,reg oper account,block of flats,0.0,Panel,No,1.0,0.0,1.0,0.0,-1433.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2777723,248803,Consumer loans,4218.435,74924.865,90742.5,4.365,74924.865,SUNDAY,15,Y,1,5.238618235662265e-05,,,XAP,Approved,-809,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,1940,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-778.0,-88.0,-148.0,-144.0,0.0,1,Cash loans,M,N,Y,0,112500.0,942300.0,30528.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006296,-15042,-459,-8227.0,-2498,,1,1,0,1,0,0,Laborers,2.0,3,3,THURSDAY,10,0,0,0,0,1,1,Business Entity Type 3,,0.4058403588711792,0.14644206667896328,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-809.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1835757,220286,Consumer loans,8720.37,91251.0,80505.0,18000.0,91251.0,SATURDAY,17,Y,1,0.1990115868599194,,,XAP,Approved,-1533,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,3093,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1502.0,-1172.0,-1232.0,-1224.0,0.0,0,Cash loans,F,Y,Y,0,247500.0,824242.5,36436.5,666000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.005313,-19629,-2155,-2889.0,-3126,15.0,1,1,0,1,0,0,Medicine staff,2.0,2,2,SATURDAY,15,0,0,0,0,0,0,Medicine,,0.6794216587717496,0.2866524828090694,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1883.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1385307,326864,Revolving loans,6750.0,135000.0,135000.0,,135000.0,SATURDAY,10,Y,1,,,,XAP,Approved,-617,XNA,XAP,,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),0,XNA,0.0,XNA,Card Street,-614.0,-573.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,2,81000.0,436032.0,31729.5,360000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-10705,-149,-1083.0,-1101,,1,1,0,1,0,0,Core staff,4.0,3,2,SUNDAY,12,0,0,0,0,0,0,Kindergarten,0.26810576360442845,0.3372655112784962,0.2276129150623945,0.0619,0.0892,0.9906,0.8708,0.0186,0.08,0.0345,0.5417,0.5833,0.6096,0.0471,0.083,0.0154,0.0447,0.063,0.0925,0.9906,0.8759,0.0187,0.0806,0.0345,0.5417,0.5833,0.6235,0.0514,0.0865,0.0156,0.0473,0.0625,0.0892,0.9906,0.8725,0.0187,0.08,0.0345,0.5417,0.5833,0.6202,0.0479,0.0845,0.0155,0.0456,org spec account,block of flats,0.075,"Stone, brick",No,0.0,0.0,0.0,0.0,-729.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1656039,110201,Cash loans,24584.49,225000.0,252355.5,,225000.0,FRIDAY,13,Y,1,,,,XNA,Approved,-293,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),6,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-263.0,67.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,2,180000.0,95940.0,9472.5,90000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010006000000000001,-13282,-4951,-2729.0,-4683,,1,1,1,1,1,0,High skill tech staff,4.0,2,2,THURSDAY,13,0,0,0,0,1,1,Business Entity Type 3,0.21402256877180847,0.6715703582628026,0.7801436381572275,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1970.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1593573,265447,Consumer loans,5038.2,54000.0,54000.0,0.0,54000.0,MONDAY,9,Y,1,0.0,,,XAP,Approved,-1164,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Country-wide,972,Furniture,12.0,low_normal,POS industry with interest,365243.0,-1133.0,-803.0,-803.0,-794.0,0.0,0,Cash loans,M,Y,Y,0,180000.0,1350000.0,57330.0,1350000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-17929,-5566,-10204.0,-1168,8.0,1,1,0,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,Self-employed,,0.4047071640104663,0.7738956942145427,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1704.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2271608,261054,Consumer loans,5494.365,28080.0,26721.0,2700.0,28080.0,MONDAY,10,Y,1,0.09994716204566308,,,XAP,Approved,-469,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Regional / Local,10,Connectivity,6.0,high,POS mobile with interest,365243.0,-434.0,-284.0,-284.0,-281.0,0.0,0,Cash loans,M,N,N,0,67500.0,916470.0,26797.5,765000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010556,-10169,-1026,-1797.0,-2342,,1,1,1,1,0,0,Laborers,2.0,3,3,MONDAY,11,0,0,0,0,1,1,Self-employed,,0.12411395168795013,0.6347055309763198,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-195.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1959297,168343,Consumer loans,2988.99,54778.5,66348.0,0.0,54778.5,SUNDAY,11,Y,1,0.0,,,XAP,Approved,-480,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,300,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-449.0,241.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,2,202500.0,450000.0,24412.5,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.01885,-13885,-626,-190.0,-4595,,1,1,1,1,1,0,Laborers,4.0,2,2,MONDAY,10,0,0,0,0,1,1,Transport: type 2,,0.7672525907578065,0.32173528219668485,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2379.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2011205,134185,Consumer loans,10547.595,81450.0,88618.5,0.0,81450.0,THURSDAY,15,Y,1,0.0,,,XAP,Approved,-27,Cash through the bank,XAP,"Spouse, partner",Repeater,Furniture,POS,XNA,Stone,100,Furniture,10.0,middle,POS industry with interest,365243.0,365243.0,279.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,67500.0,269550.0,11547.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-19274,-5572,-9233.0,-2826,9.0,1,1,1,1,1,0,Sales staff,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Self-employed,0.5984410782946175,0.5821877025893799,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-896.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1046016,145121,Consumer loans,17623.89,103950.0,98496.0,10395.0,103950.0,TUESDAY,14,Y,1,0.10396727002231584,,,XAP,Approved,-151,XNA,XAP,,New,Furniture,POS,XNA,Stone,390,Furniture,6.0,low_normal,POS industry with interest,365243.0,-114.0,36.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,157500.0,864000.0,27999.0,864000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-18984,-2511,-9803.0,-2516,,1,1,0,1,0,0,Core staff,2.0,2,2,SATURDAY,9,0,0,0,0,0,0,Trade: type 7,,0.16536962336855693,0.6430255641096323,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-151.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2119289,234978,Consumer loans,11629.44,97605.0,95089.5,9760.5,97605.0,SUNDAY,16,Y,1,0.10138361295357004,,,XAP,Approved,-1888,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Stone,432,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1856.0,-1586.0,-1586.0,-1580.0,0.0,0,Cash loans,F,Y,Y,2,90000.0,865953.0,34470.0,774000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.025164,-13886,-2537,-718.0,-1535,2.0,1,1,0,1,1,0,Core staff,4.0,2,2,FRIDAY,10,0,0,0,0,0,0,Kindergarten,0.7975048565746172,0.6082967336657287,0.4507472818545589,0.168,0.0377,0.9985,0.9796,0.0005,0.16,0.1379,0.4167,0.4167,0.0216,0.1336,0.1548,0.0154,0.0306,0.1712,0.0391,0.9985,0.9804,0.0005,0.1611,0.1379,0.4167,0.4167,0.0221,0.146,0.1613,0.0156,0.0324,0.1697,0.0377,0.9985,0.9799,0.0005,0.16,0.1379,0.4167,0.4167,0.022,0.136,0.1576,0.0155,0.0312,reg oper account,block of flats,0.1218,Panel,No,1.0,0.0,1.0,0.0,-1888.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1449178,422612,Cash loans,14332.86,229500.0,254340.0,,229500.0,FRIDAY,7,Y,1,,,,XNA,Approved,-1196,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-1166.0,-476.0,-476.0,-473.0,1.0,0,Cash loans,F,N,Y,0,202500.0,239850.0,24705.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.018801,-24531,365243,-296.0,-5651,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,10,0,0,0,0,0,0,XNA,,0.5367930665347463,0.5620604831738043,0.0619,0.0459,0.9871,0.8232,0.0088,0.0,0.1379,0.1667,0.2083,0.0,0.0504,0.0516,0.0,0.0221,0.063,0.0476,0.9871,0.8301,0.0089,0.0,0.1379,0.1667,0.2083,0.0,0.0551,0.0538,0.0,0.0234,0.0625,0.0459,0.9871,0.8256,0.0088,0.0,0.1379,0.1667,0.2083,0.0,0.0513,0.0525,0.0,0.0226,reg oper spec account,block of flats,0.0454,Panel,No,2.0,0.0,2.0,0.0,-981.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2328241,427448,Cash loans,51334.695,810000.0,893398.5,,810000.0,WEDNESDAY,15,Y,1,,,,XNA,Approved,-1002,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,M,Y,Y,2,180000.0,852088.5,33921.0,688500.0,Family,Commercial associate,Higher education,Single / not married,House / apartment,0.02461,-12278,-2452,-2346.0,-4902,11.0,1,1,0,1,0,0,,3.0,2,2,THURSDAY,12,0,0,0,0,1,1,Transport: type 4,0.2353460607188769,0.6827986146157684,0.4920600938649263,0.0165,,0.9742,,,0.0,0.069,0.0417,,,,0.0091,,,0.0168,,0.9742,,,0.0,0.069,0.0417,,,,0.0094,,,0.0167,,0.9742,,,0.0,0.069,0.0417,,,,0.0092,,,,block of flats,0.01,"Stone, brick",No,5.0,0.0,5.0,0.0,-1902.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1519175,309868,Consumer loans,5018.085,81814.5,81814.5,0.0,81814.5,SUNDAY,17,Y,1,0.0,,,XAP,Approved,-771,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,3268,Consumer electronics,18.0,low_action,POS household without interest,365243.0,-739.0,-229.0,-469.0,-463.0,0.0,0,Cash loans,M,Y,Y,1,247500.0,1506816.0,49927.5,1350000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.006296,-14509,-6338,-2588.0,-4168,3.0,1,1,0,1,0,0,Managers,3.0,3,3,MONDAY,10,0,0,0,0,0,0,Police,0.5847371286039261,0.5529841719555953,0.7476633896301825,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-771.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1149674,198801,Revolving loans,27000.0,540000.0,540000.0,,540000.0,FRIDAY,7,Y,1,,,,XAP,Refused,-427,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,N,N,0,90000.0,270000.0,18171.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.001417,-12065,-555,-4015.0,-4491,,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,9,0,0,0,0,1,1,Self-employed,0.15520279536410975,0.12742946518692494,0.5046813193144684,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,2.0,4.0,1.0,-1459.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2674007,263571,Consumer loans,4352.355,62892.0,72855.0,0.0,62892.0,FRIDAY,5,Y,1,0.0,,,XAP,Approved,-458,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,140,Consumer electronics,18.0,low_action,POS household without interest,365243.0,-427.0,83.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,Y,0,180000.0,337500.0,16875.0,337500.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,House / apartment,0.0038179999999999998,-20906,-1621,-4456.0,-3981,,1,1,0,1,0,0,Cleaning staff,1.0,2,2,MONDAY,8,0,0,0,0,1,1,Emergency,0.7929593557598902,0.2934930971516768,0.6801388218428291,0.0082,,0.9771,,,,0.0345,0.0417,,,,,,,0.0084,,0.9772,,,,0.0345,0.0417,,,,,,,0.0083,,0.9771,,,,0.0345,0.0417,,,,,,,,block of flats,0.0061,Mixed,No,0.0,0.0,0.0,0.0,-458.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2390646,255390,Cash loans,32354.37,360000.0,389938.5,0.0,360000.0,TUESDAY,10,Y,1,0.0,,,XNA,Approved,-1968,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,18.0,high,Cash Street: high,365243.0,-1938.0,-1428.0,-1428.0,-1424.0,1.0,0,Cash loans,F,N,Y,0,247500.0,474363.0,37381.5,409500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-15153,-4996,-8735.0,-4991,,1,1,0,1,0,0,Managers,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Self-employed,0.4799170003435719,0.6383965800671207,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1476.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1259108,422301,Cash loans,49375.035,810000.0,879498.0,,810000.0,MONDAY,10,Y,1,,,,Repairs,Approved,-704,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,Y,N,0,67500.0,1350000.0,37125.0,1350000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-17010,-5921,-9289.0,-560,7.0,1,1,1,1,0,0,Sales staff,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.8062112244475779,0.7328585847331515,0.6144143775673561,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2229.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2438079,438878,Consumer loans,10374.3,100530.0,111145.5,0.0,100530.0,WEDNESDAY,9,Y,1,0.0,,,XAP,Approved,-412,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Regional / Local,200,Consumer electronics,12.0,low_normal,POS household with interest,,,,,,,0,Cash loans,M,Y,Y,0,135000.0,1288350.0,37800.0,1125000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-22762,365243,-4148.0,-327,10.0,1,0,0,1,0,0,,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,XNA,,0.39937132187225605,0.470456116119975,0.0196,0.0,0.9806,0.7348,0.0061,,0.1034,0.0417,,0.0378,0.016,0.0137,,,0.02,0.0,0.9806,0.7452,0.0061,,0.1034,0.0417,,0.0386,0.0174,0.0143,,,0.0198,0.0,0.9806,0.7383,0.0061,,0.1034,0.0417,,0.0384,0.0162,0.0139,,,reg oper account,block of flats,0.0141,"Stone, brick",No,0.0,0.0,0.0,0.0,-788.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1693874,378750,Consumer loans,3504.6,29205.0,29205.0,0.0,29205.0,FRIDAY,12,Y,1,0.0,,,XAP,Approved,-522,Cash through the bank,XAP,,Repeater,Construction Materials,POS,XNA,Stone,150,Consumer electronics,10.0,middle,POS industry with interest,365243.0,-484.0,-214.0,-364.0,-358.0,0.0,0,Cash loans,M,Y,Y,2,135000.0,125640.0,6943.5,90000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-10599,-1888,-176.0,-2868,3.0,1,1,0,1,0,0,Laborers,4.0,2,2,TUESDAY,17,0,0,0,0,1,1,Business Entity Type 3,,0.5885725082788296,0.6006575372857061,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,0.0,-1853.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2826612,190441,Consumer loans,8451.765,97110.0,100377.0,9711.0,97110.0,FRIDAY,10,Y,1,0.09607006956418332,,,XAP,Approved,-1643,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Regional / Local,90,Consumer electronics,18.0,high,POS household with interest,365243.0,-1612.0,-1102.0,-1102.0,-1095.0,0.0,0,Cash loans,F,Y,Y,0,427500.0,601470.0,30838.5,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.025164,-11743,-1001,-3810.0,-2490,4.0,1,1,0,1,0,0,Accountants,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Bank,0.4063189524519696,0.5488237287829323,0.7421816117614419,0.0804,0.0793,0.9752,0.66,0.0078,0.0,0.1379,0.1667,0.2083,0.0755,0.0639,0.0582,0.0077,0.0179,0.0819,0.0823,0.9752,0.6733,0.0078,0.0,0.1379,0.1667,0.2083,0.0772,0.0698,0.0606,0.0078,0.0189,0.0812,0.0793,0.9752,0.6645,0.0078,0.0,0.1379,0.1667,0.2083,0.0768,0.065,0.0592,0.0078,0.0182,reg oper account,block of flats,0.0496,"Stone, brick",No,0.0,0.0,0.0,0.0,-1643.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1610324,437118,Cash loans,9525.285,85500.0,102429.0,,85500.0,FRIDAY,8,Y,1,,,,XNA,Refused,-111,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,Y,Y,0,112500.0,238500.0,16263.0,238500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-11541,-4047,-1149.0,-2575,10.0,1,1,0,1,1,0,Sales staff,2.0,2,2,THURSDAY,7,0,0,0,0,0,0,Self-employed,,0.643293729710704,0.1096264336424546,0.1206,0.1052,0.9791,,,,0.2759,0.1667,,0.1354,,0.1106,,,0.1229,0.1092,0.9791,,,,0.2759,0.1667,,0.1385,,0.1153,,,0.1218,0.1052,0.9791,,,,0.2759,0.1667,,0.1378,,0.1126,,,,block of flats,0.087,Panel,No,0.0,0.0,0.0,0.0,-748.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,2.0,5.0 +2065840,454928,Consumer loans,9218.745,87777.0,79002.0,8775.0,87777.0,MONDAY,15,Y,1,0.1088755907273286,,,XAP,Approved,-95,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Country-wide,200,Consumer electronics,10.0,middle,POS household with interest,365243.0,-63.0,207.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,270000.0,360000.0,24057.0,360000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.010276,-18247,-8517,-3361.0,-1787,,1,1,1,1,0,0,,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Agriculture,0.5925857573725731,0.6023463126493449,0.6296742509538716,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-459.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2209862,238451,Consumer loans,11344.905,113886.0,125914.5,0.0,113886.0,TUESDAY,13,Y,1,0.0,,,XAP,Approved,-825,Cash through the bank,XAP,Family,Refreshed,Computers,POS,XNA,Country-wide,1260,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-793.0,-463.0,-463.0,-456.0,0.0,0,Cash loans,F,N,Y,0,45000.0,312768.0,13378.5,270000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.020713,-23450,365243,-10212.0,-3952,,1,0,0,1,1,0,,2.0,3,3,MONDAY,10,0,0,0,0,0,0,XNA,0.7311174107675571,0.2191531321300608,,0.0722,0.0645,0.9826,0.762,0.0079,0.0,0.1379,0.1667,0.2083,0.0531,0.0588,0.0665,0.0,0.0,0.0735,0.067,0.9826,0.7713,0.0079,0.0,0.1379,0.1667,0.2083,0.0544,0.0643,0.0693,0.0,0.0,0.0729,0.0645,0.9826,0.7652,0.0079,0.0,0.1379,0.1667,0.2083,0.0541,0.0599,0.0677,0.0,0.0,reg oper account,block of flats,0.0566,Panel,No,0.0,0.0,0.0,0.0,-1984.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1644387,340528,Consumer loans,8018.37,151920.0,177988.5,0.0,151920.0,FRIDAY,12,Y,1,0.0,,,XAP,Approved,-809,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,30200,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-778.0,-88.0,-88.0,-86.0,0.0,0,Cash loans,F,N,Y,0,90000.0,454500.0,25506.0,454500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-17862,-1379,-2736.0,-1418,,1,1,0,1,0,1,Secretaries,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,University,0.8471143091647663,0.4031908022886496,0.6212263380626669,0.1485,0.1031,0.9791,0.7144,0.0263,0.16,0.1379,0.3333,0.375,0.0204,0.121,0.1495,0.0,0.0,0.1513,0.107,0.9791,0.7256,0.0265,0.1611,0.1379,0.3333,0.375,0.0209,0.1322,0.1558,0.0,0.0,0.1499,0.1031,0.9791,0.7182,0.0264,0.16,0.1379,0.3333,0.375,0.0208,0.1231,0.1522,0.0,0.0,reg oper account,block of flats,0.1176,Panel,No,0.0,0.0,0.0,0.0,-1108.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1315884,155363,Revolving loans,18000.0,0.0,360000.0,,,TUESDAY,16,Y,1,,,,XAP,Approved,-796,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-767.0,-723.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,M,Y,Y,0,157500.0,358443.0,13639.5,252000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-17354,-705,-171.0,-860,19.0,1,1,0,1,0,0,Laborers,2.0,2,2,SUNDAY,9,0,0,0,0,0,0,Industry: type 4,0.2723906683600585,0.6187442027136757,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-694.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2420486,196814,Cash loans,51334.695,810000.0,893398.5,,810000.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-565,XNA,XAP,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,36.0,high,Cash X-Sell: high,365243.0,-532.0,518.0,-472.0,-463.0,0.0,0,Cash loans,M,Y,Y,2,270000.0,900000.0,32017.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-11784,-2641,-1992.0,-2595,4.0,1,1,0,1,1,0,Laborers,4.0,2,2,MONDAY,16,0,1,1,0,1,1,Business Entity Type 3,0.4193371860884315,0.6674042543278725,0.5262949398096192,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,0.0,-1767.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1388748,172134,Revolving loans,22500.0,0.0,450000.0,,,FRIDAY,8,Y,1,,,,XAP,Approved,-1497,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,2,112500.0,278460.0,19930.5,225000.0,Family,State servant,Secondary / secondary special,Married,House / apartment,0.025164,-11990,-3453,-2928.0,-4502,,1,1,0,1,0,0,Laborers,4.0,2,2,THURSDAY,13,0,0,0,0,0,0,Postal,0.3581494048743797,0.33478702149819883,0.7751552674785404,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-1497.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2228061,357099,Consumer loans,5686.335,51745.5,51745.5,0.0,51745.5,THURSDAY,14,Y,1,0.0,,,XAP,Approved,-463,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-427.0,-157.0,-157.0,-152.0,0.0,0,Cash loans,F,N,N,0,171000.0,286704.0,26424.0,247500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00702,-10063,-917,-430.0,-1133,,1,1,0,1,0,0,Private service staff,2.0,2,2,FRIDAY,10,0,0,0,0,1,1,Services,0.4499274433736381,0.00683302291352319,0.2807895743848605,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-701.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2524823,190753,Cash loans,21615.66,666000.0,666000.0,,666000.0,WEDNESDAY,14,Y,1,,,,XNA,Approved,-206,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-176.0,1594.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,90000.0,760225.5,32206.5,679500.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-22328,365243,-9607.0,-4596,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,XNA,,0.6675255950808131,0.8083935912119442,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1955.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +1560143,116103,Consumer loans,3681.675,30960.0,30613.5,3105.0,30960.0,WEDNESDAY,16,Y,1,0.10028996760612932,,,XAP,Approved,-1838,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Regional / Local,16,Connectivity,12.0,high,POS mobile with interest,365243.0,-1807.0,-1477.0,-1477.0,-1470.0,0.0,0,Cash loans,F,Y,Y,2,180000.0,278460.0,25668.0,225000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.009175,-11542,-1169,-6157.0,-3865,65.0,1,1,0,1,0,1,Sales staff,4.0,2,2,SUNDAY,15,0,0,0,0,0,0,Trade: type 7,0.0817670826369321,0.442747811753018,0.15193454904964762,0.0763,0.0425,0.9841,,,0.08,0.069,0.3333,,0.0361,,0.0787,,0.0,0.0777,0.0442,0.9841,,,0.0806,0.069,0.3333,,0.0369,,0.08199999999999999,,0.0,0.077,0.0425,0.9841,,,0.08,0.069,0.3333,,0.0367,,0.0801,,0.0,,block of flats,0.0694,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +2820712,303275,Cash loans,17676.72,247500.0,274288.5,,247500.0,FRIDAY,13,Y,1,,,,XNA,Approved,-562,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-532.0,158.0,-142.0,-140.0,1.0,0,Cash loans,F,N,Y,0,90000.0,50940.0,5089.5,45000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.011656999999999999,-24043,365243,-8601.0,-4048,,1,0,0,1,0,0,,1.0,1,1,SUNDAY,11,0,0,0,0,0,0,XNA,0.7863749995935402,0.6914250765068548,0.6363761710860439,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1800.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +2590045,124981,Cash loans,45456.66,472500.0,491211.0,,472500.0,SATURDAY,10,Y,1,,,,XNA,Refused,-160,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,129600.0,1350000.0,126355.5,1350000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,Municipal apartment,0.010556,-22908,365243,-9884.0,-3985,,1,0,0,1,0,0,,2.0,3,3,FRIDAY,10,0,0,0,0,0,0,XNA,,0.5688384277317892,0.4525335592581747,0.1515,0.1094,0.9866,0.8164,0.0262,0.0,0.3448,0.1667,0.2083,0.1374,0.1219,0.1545,0.0077,0.0089,0.1544,0.1135,0.9866,0.8236,0.0265,0.0,0.3448,0.1667,0.2083,0.1405,0.1331,0.161,0.0078,0.0094,0.153,0.1094,0.9866,0.8189,0.0264,0.0,0.3448,0.1667,0.2083,0.1398,0.124,0.1573,0.0078,0.0091,reg oper spec account,block of flats,0.1235,Panel,No,2.0,1.0,2.0,0.0,-1038.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,7.0 +2007266,381229,Cash loans,21160.08,202500.0,215865.0,,202500.0,MONDAY,17,Y,1,,,,XNA,Approved,-653,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-623.0,-293.0,-293.0,-289.0,1.0,0,Cash loans,F,Y,Y,0,180000.0,167895.0,16483.5,157500.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.011703,-24417,365243,-7511.0,-4543,15.0,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,XNA,,0.6954692891095018,,0.0371,0.044,0.9871,0.8232,0.0051,0.0,0.1034,0.125,0.1667,0.0368,0.0303,0.0349,0.0,0.0,0.0378,0.0456,0.9871,0.8301,0.0052,0.0,0.1034,0.125,0.1667,0.0376,0.0331,0.0364,0.0,0.0,0.0375,0.044,0.9871,0.8256,0.0051,0.0,0.1034,0.125,0.1667,0.0374,0.0308,0.0355,0.0,0.0,not specified,block of flats,0.0303,"Stone, brick",No,3.0,0.0,3.0,0.0,-1199.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,13.0 +2265980,453200,Revolving loans,45000.0,0.0,900000.0,,,MONDAY,12,Y,1,,,,XAP,Approved,-625,XNA,XAP,,Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,0,450000.0,900000.0,26316.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-18389,-1214,-2028.0,-1920,,1,1,0,1,1,0,,2.0,2,2,FRIDAY,12,0,0,0,0,1,1,Business Entity Type 3,0.5140451075299377,0.6721151478226958,0.5424451438613613,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1774.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2178635,156960,Cash loans,25056.0,450000.0,450000.0,,450000.0,SUNDAY,13,Y,1,,,,XNA,Approved,-357,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,0,XNA,48.0,high,Cash X-Sell: high,365243.0,-327.0,1083.0,-267.0,-259.0,0.0,0,Cash loans,M,Y,Y,0,301500.0,454500.0,31630.5,454500.0,Family,Working,Higher education,Married,House / apartment,0.04622,-13095,-5210,-6826.0,-4510,1.0,1,1,1,1,1,0,IT staff,2.0,1,1,SUNDAY,16,0,0,0,0,1,1,Business Entity Type 3,0.2720334197145869,0.7622128519088752,0.6144143775673561,0.0649,0.0326,0.9811,0.7416,0.0161,0.04,0.0345,0.3333,0.375,0.0202,0.053,0.0619,0.0,0.0,0.0662,0.0339,0.9811,0.7517,0.0162,0.0403,0.0345,0.3333,0.375,0.0207,0.0579,0.0645,0.0,0.0,0.0656,0.0326,0.9811,0.7451,0.0162,0.04,0.0345,0.3333,0.375,0.0206,0.0539,0.063,0.0,0.0,reg oper account,block of flats,0.0709,"Stone, brick",No,0.0,0.0,0.0,0.0,-1624.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,6.0,0.0,4.0 +1064452,386646,Cash loans,,0.0,0.0,,,FRIDAY,12,Y,1,,,,XNA,Refused,-354,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,135000.0,781920.0,28215.0,675000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.003069,-22054,365243,-3519.0,-4490,,1,0,0,1,0,0,,2.0,3,3,TUESDAY,15,0,0,0,0,0,0,XNA,,0.5942001850769857,0.5298898341969072,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,1.0,4.0,1.0,-960.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2122682,300730,Cash loans,16499.025,342000.0,389403.0,,342000.0,THURSDAY,12,Y,1,,,,Repairs,Refused,-584,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,99000.0,528687.0,20061.0,436500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.009175,-18921,-722,-7530.0,-2087,,1,1,1,1,1,0,Sales staff,1.0,2,2,SUNDAY,15,0,0,0,0,1,1,Business Entity Type 3,,0.7297950521269577,0.2807895743848605,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-997.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2151655,290704,Cash loans,37339.155,675000.0,767664.0,,675000.0,WEDNESDAY,10,Y,1,,,,Repairs,Refused,-583,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,247500.0,514777.5,31621.5,477000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.008019,-23442,365243,-3146.0,-4897,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,14,0,0,0,0,0,0,XNA,,0.3372410727781485,0.3139166772114369,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-750.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1287809,346305,Consumer loans,5489.37,48150.0,53712.0,0.0,48150.0,MONDAY,15,Y,1,0.0,,,XAP,Approved,-2233,Cash through the bank,XAP,Children,New,Consumer Electronics,POS,XNA,Stone,180,Consumer electronics,14.0,high,POS household with interest,365243.0,-2202.0,-1812.0,-1812.0,-1807.0,1.0,0,Cash loans,F,N,Y,0,90000.0,808650.0,26217.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.018634,-17129,-4134,-7941.0,-689,,1,1,1,1,1,0,Sales staff,1.0,2,2,MONDAY,17,0,0,0,0,0,0,Self-employed,,0.7563819990064197,0.5549467685334323,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-992.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2804992,276716,Cash loans,45625.5,225000.0,225000.0,,225000.0,THURSDAY,15,Y,1,,,,XNA,Approved,-183,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,high,Cash X-Sell: high,365243.0,-153.0,-3.0,-3.0,365243.0,0.0,0,Cash loans,M,N,Y,1,225000.0,539590.5,26374.5,445500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-10843,-1823,-234.0,-3164,,1,1,0,1,0,0,Drivers,3.0,2,2,FRIDAY,8,0,0,0,0,0,0,Self-employed,,0.5058621269898559,0.5460231970049609,0.3670000000000001,0.2896,0.9995,0.9864,0.159,0.32,0.2759,0.375,0.4167,0.0,0.2917,0.3587,0.0347,0.1178,0.3739,0.3006,0.9995,0.9869,0.1604,0.3222,0.2759,0.375,0.4167,0.0,0.3186,0.3737,0.035,0.1247,0.3706,0.2896,0.9995,0.9866,0.16,0.32,0.2759,0.375,0.4167,0.0,0.2967,0.3652,0.0349,0.1203,reg oper account,block of flats,0.3947,Panel,No,7.0,0.0,7.0,0.0,-183.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1041596,420762,Cash loans,55973.295,1035000.0,1110141.0,,1035000.0,MONDAY,16,Y,1,,,,XNA,Approved,-908,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,365243.0,-878.0,-8.0,-98.0,-90.0,1.0,0,Cash loans,M,N,N,0,145350.0,269550.0,19300.5,225000.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,Municipal apartment,0.009334,-24405,365243,-16738.0,-4271,,1,0,0,1,1,0,,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,XNA,,0.7970956981007935,0.470456116119975,0.0082,0.0,0.9732,0.6328,0.0009,0.0,0.0345,0.0417,0.0417,0.0044,0.0067,0.0064,0.0,0.0,0.0084,0.0,0.9732,0.6472,0.0009,0.0,0.0345,0.0417,0.0417,0.0045,0.0073,0.0067,0.0,0.0,0.0083,0.0,0.9732,0.6377,0.0009,0.0,0.0345,0.0417,0.0417,0.0045,0.0068,0.0066,0.0,0.0,not specified,block of flats,0.0055,Wooden,No,2.0,0.0,2.0,0.0,-1301.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1604736,173231,Cash loans,28593.585,549000.0,614223.0,,549000.0,TUESDAY,9,Y,1,,,,XNA,Approved,-213,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-183.0,867.0,-183.0,-180.0,1.0,0,Cash loans,F,N,Y,2,405000.0,1223010.0,51948.0,1125000.0,"Spouse, partner",Working,Secondary / secondary special,Civil marriage,House / apartment,0.009175,-14944,-7240,-8976.0,-4175,,1,1,0,1,0,0,Core staff,4.0,2,2,FRIDAY,10,0,0,0,0,0,0,Self-employed,,0.7581345644263268,,0.0629,,0.9757,,,0.0,0.1034,0.1667,,,,0.051,,,0.0641,,0.9757,,,0.0,0.1034,0.1667,,,,0.0532,,,0.0635,,0.9757,,,0.0,0.1034,0.1667,,,,0.052000000000000005,,,,block of flats,0.0401,"Stone, brick",No,3.0,0.0,3.0,0.0,-1299.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1409947,331812,Cash loans,39691.53,990000.0,1104997.5,,990000.0,FRIDAY,15,Y,1,,,,XNA,Approved,-512,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-482.0,928.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,2,135000.0,675000.0,32602.5,675000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.006296,-14900,-4451,-4978.0,-4978,,1,1,0,1,0,0,Core staff,4.0,3,3,SATURDAY,13,0,0,0,0,0,0,School,0.6253777695248663,0.4008146929009209,0.3490552510751822,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-911.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1931211,430448,Consumer loans,21703.23,132111.0,156154.5,6615.0,132111.0,THURSDAY,17,Y,1,0.044260972501828436,,,XAP,Approved,-404,XNA,XAP,,New,Computers,POS,XNA,Country-wide,57,Connectivity,10.0,high,POS mobile with interest,365243.0,-373.0,-103.0,-133.0,-128.0,0.0,1,Cash loans,M,Y,Y,1,247500.0,450000.0,30204.0,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010643000000000001,-17684,-3542,-581.0,-1202,6.0,1,1,0,1,0,0,Drivers,3.0,2,2,TUESDAY,10,1,1,0,1,1,0,Self-employed,0.613595300703105,0.1503636275137869,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-404.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1641550,384586,Consumer loans,6051.465,33070.5,29038.5,5400.0,33070.5,FRIDAY,10,Y,1,0.17077082071202015,,,XAP,Approved,-1591,Cash through the bank,XAP,"Spouse, partner",Repeater,Mobile,POS,XNA,Stone,31,Connectivity,6.0,high,POS mobile with interest,365243.0,-1554.0,-1404.0,-1404.0,-1400.0,0.0,0,Cash loans,M,Y,Y,2,157500.0,76410.0,9198.0,67500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-13444,-3011,-122.0,-4240,4.0,1,1,1,1,0,0,,4.0,3,3,SUNDAY,8,0,0,0,0,1,1,Military,0.3926634445933817,0.6239815547520193,0.6956219298394389,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-708.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +2439385,258953,Revolving loans,4500.0,180000.0,90000.0,,180000.0,TUESDAY,14,Y,1,,,,XAP,Approved,-295,XNA,XAP,Unaccompanied,Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,270000.0,1006920.0,51543.0,900000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.022625,-23406,365243,-154.0,-4471,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,XNA,,0.14845719790244705,0.5082869913916046,0.0619,,0.9796,,,0.0,0.1724,0.0833,,,,0.0346,,,0.063,,0.9796,,,0.0,0.1724,0.0833,,,,0.0361,,,0.0625,,0.9796,,,0.0,0.1724,0.0833,,,,0.0352,,,,block of flats,0.0488,Panel,No,1.0,0.0,1.0,0.0,-28.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1869194,335819,Consumer loans,30977.1,472500.0,472500.0,0.0,472500.0,SATURDAY,14,Y,1,0.0,,,XAP,Approved,-365,XNA,XAP,,New,Clothing and Accessories,POS,XNA,Stone,50,Clothing,18.0,low_normal,POS industry with interest,365243.0,-331.0,179.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,193500.0,840951.0,33480.0,679500.0,Children,Working,Secondary / secondary special,Married,House / apartment,0.011703,-20493,-1644,-11847.0,-4037,,1,1,0,1,0,0,Medicine staff,2.0,2,2,SUNDAY,12,0,0,0,0,0,0,Military,,0.6753789149572436,0.622922000268356,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-365.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1535605,111396,Consumer loans,2200.275,22005.0,19804.5,2200.5,22005.0,TUESDAY,14,Y,1,0.1089090909090909,,,XAP,Approved,-2849,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Stone,75,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2801.0,-2531.0,-2531.0,-2529.0,0.0,0,Cash loans,F,N,N,0,157500.0,276277.5,11835.0,238500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-16057,-5727,-8278.0,-4387,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,Security,,0.6613091501540145,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2393.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1571532,205838,Cash loans,26273.205,180000.0,220297.5,0.0,180000.0,MONDAY,17,Y,1,0.0,,,Purchase of electronic equipment,Refused,-2038,Cash through the bank,HC,"Spouse, partner",Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,N,0,157500.0,675000.0,48006.0,675000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.032561,-15227,-4167,-8273.0,-4349,,1,1,0,1,1,0,,2.0,1,1,MONDAY,12,0,0,0,0,0,0,Business Entity Type 2,,0.7524725238958948,0.5744466170995097,0.0722,0.0588,0.9762,,,0.0,0.2414,0.1667,,0.013,,0.0633,,0.003,0.0735,0.061,0.9762,,,0.0,0.2414,0.1667,,0.0133,,0.066,,0.0032,0.0729,0.0588,0.9762,,,0.0,0.2414,0.1667,,0.0132,,0.0645,,0.0031,,block of flats,0.0505,Panel,No,0.0,0.0,0.0,0.0,-2039.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2105185,201890,Consumer loans,44495.775,358794.0,378526.5,0.0,358794.0,WEDNESDAY,11,Y,1,0.0,,,XAP,Approved,-336,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,2148,Consumer electronics,10.0,middle,POS household with interest,365243.0,-305.0,-35.0,-65.0,-59.0,0.0,0,Cash loans,F,Y,Y,0,139500.0,1515415.5,41670.0,1354500.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.010556,-19898,-8167,-9571.0,-3352,5.0,1,1,0,1,0,0,Cooking staff,2.0,3,3,WEDNESDAY,15,0,0,0,0,1,1,Industry: type 3,,0.5372388950110457,0.7352209993926424,0.0907,0.0908,0.9871,,,0.0,0.2069,0.1667,,0.0581,,0.0931,,0.0,0.0924,0.0942,0.9871,,,0.0,0.2069,0.1667,,0.0594,,0.097,,0.0,0.0916,0.0908,0.9871,,,0.0,0.2069,0.1667,,0.0591,,0.0948,,0.0,,block of flats,0.0732,Panel,No,0.0,0.0,0.0,0.0,-336.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2229109,279953,Consumer loans,10150.155,87745.5,87745.5,0.0,87745.5,FRIDAY,16,Y,1,0.0,,,XAP,Approved,-3,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,2148,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,365243.0,297.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,900000.0,60520.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010556,-14697,-7116,-1454.0,-2694,5.0,1,1,1,1,0,0,Managers,2.0,3,3,MONDAY,11,0,0,0,0,0,0,Self-employed,0.6919762277252093,0.5948802015459166,0.5513812618027899,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-352.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,3.0,2.0 +1221335,415245,Cash loans,21544.965,454500.0,508495.5,,454500.0,SATURDAY,11,Y,1,,,,XNA,Approved,-369,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-339.0,711.0,-219.0,-214.0,1.0,0,Cash loans,F,N,Y,0,225000.0,765000.0,34699.5,765000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-21627,-7506,-11851.0,-4672,,1,1,0,1,0,0,Medicine staff,2.0,2,2,THURSDAY,13,0,0,0,0,1,1,Medicine,,0.270393383534492,0.7700870700124128,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1666.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2834275,285679,Consumer loans,10153.53,89955.0,99454.5,0.0,89955.0,FRIDAY,12,Y,1,0.0,,,XAP,Approved,-39,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,620,Consumer electronics,12.0,middle,POS household with interest,365243.0,-9.0,321.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,49500.0,545040.0,19575.0,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.011703,-23500,365243,-15222.0,-4355,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,XNA,,0.6130382467329155,0.6722428897082422,0.0165,0.0,0.9747,0.6532,0.0139,0.0,0.069,0.0417,0.0833,0.052000000000000005,0.0134,0.0118,0.0,0.0,0.0168,0.0,0.9747,0.6668,0.0141,0.0,0.069,0.0417,0.0833,0.0532,0.0147,0.0123,0.0,0.0,0.0167,0.0,0.9747,0.6578,0.014,0.0,0.069,0.0417,0.0833,0.0529,0.0137,0.0121,0.0,0.0,reg oper account,block of flats,0.0169,"Stone, brick",No,13.0,0.0,13.0,0.0,-292.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2356849,426609,Consumer loans,2835.675,31221.0,27940.5,6246.0,31221.0,MONDAY,15,Y,1,0.19898093745138626,,,XAP,Approved,-351,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,41,Connectivity,12.0,middle,POS mobile with interest,365243.0,-320.0,10.0,-230.0,-226.0,0.0,0,Cash loans,F,Y,N,1,135000.0,1215000.0,33543.0,1215000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.02461,-13877,-4982,-7958.0,-5152,11.0,1,1,1,1,1,0,Medicine staff,3.0,2,2,MONDAY,18,0,0,0,0,0,0,Government,0.7832940634590397,0.6760258097480858,0.4740512892789932,0.1031,0.0971,0.9776,,,0.0,0.2069,0.1667,,0.0298,,0.1013,,0.0,0.105,0.1008,0.9777,,,0.0,0.2069,0.1667,,0.0305,,0.1055,,0.0,0.1041,0.0971,0.9776,,,0.0,0.2069,0.1667,,0.0304,,0.1031,,0.0,,block of flats,0.0856,"Stone, brick",No,0.0,0.0,0.0,0.0,-1767.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1436534,136948,Cash loans,11093.265,135000.0,148365.0,,135000.0,SATURDAY,14,Y,1,,,,XNA,Approved,-518,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-488.0,22.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,90000.0,1006920.0,42790.5,900000.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-23659,365243,-13248.0,-4532,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,XNA,,0.6649971491683929,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,10.0,0.0,10.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1506331,170855,Revolving loans,12375.0,0.0,450000.0,,,SUNDAY,13,N,0,,,,XAP,Refused,-642,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,N,0,135000.0,728460.0,62523.0,675000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.022625,-19312,-1631,-13079.0,-2844,,1,1,1,1,1,0,Accountants,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Industry: type 4,,0.7411612989296863,0.5136937663039473,0.0825,0.0794,0.9737,0.6396,0.0078,0.0,0.1379,0.1667,0.2083,0.0256,0.0672,0.0711,0.0,0.0,0.084,0.0824,0.9737,0.6537,0.0079,0.0,0.1379,0.1667,0.2083,0.0261,0.0735,0.0741,0.0,0.0,0.0833,0.0794,0.9737,0.6444,0.0079,0.0,0.1379,0.1667,0.2083,0.026,0.0684,0.0724,0.0,0.0,reg oper account,block of flats,0.0559,Panel,No,2.0,0.0,2.0,0.0,-1317.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +2259570,357663,Cash loans,7262.73,90000.0,99900.0,,90000.0,THURSDAY,7,Y,1,,,,XNA,Approved,-2772,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,20.0,middle,Cash Street: middle,365243.0,-2742.0,-2172.0,-2172.0,-2167.0,1.0,0,Cash loans,F,N,Y,1,180000.0,418500.0,25416.0,418500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-15794,-1181,-5697.0,-4006,,1,1,0,1,0,0,Core staff,3.0,2,2,THURSDAY,12,0,0,0,0,0,0,Services,0.4691237553384866,0.6909910078480594,0.3740208032583212,0.0624,0.0,0.9836,0.7416,,0.02,0.1379,0.2221,0.375,0.0477,0.0605,0.0673,,0.002,0.0515,0.0,0.9791,0.7256,,0.0,0.1379,0.1667,0.375,0.036000000000000004,0.0661,0.0622,,0.0,0.063,0.0,0.9831,0.7182,,0.0,0.1379,0.1667,0.375,0.0486,0.0616,0.0671,,0.002,,block of flats,0.1791,Panel,No,4.0,0.0,4.0,0.0,-2939.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,1.0 +1796209,452428,Revolving loans,11250.0,225000.0,225000.0,,225000.0,FRIDAY,9,Y,1,,,,XAP,Refused,-575,XNA,HC,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,N,0,135000.0,533304.0,29061.0,405000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-12486,-1025,-2584.0,-2439,,1,1,0,1,1,0,Core staff,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,Kindergarten,0.5006215849801036,0.5619714034108678,0.3441550073724169,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-330.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1789419,425528,Revolving loans,9000.0,0.0,180000.0,,,SATURDAY,11,Y,1,,,,XAP,Approved,-1207,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,189000.0,450000.0,35685.0,450000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-19721,-6346,-4157.0,-3108,,1,1,0,1,1,0,Managers,2.0,2,2,TUESDAY,17,0,0,0,0,0,0,Other,,0.7414925740374145,0.7688075728291359,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1923.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,6.0,0.0,1.0 +1550147,180725,Cash loans,22739.67,270000.0,291919.5,,270000.0,FRIDAY,15,Y,1,,,,XNA,Approved,-922,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-892.0,-382.0,-532.0,-521.0,1.0,0,Cash loans,F,N,Y,1,90000.0,1035000.0,34335.0,1035000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.026392000000000002,-18831,365243,-8679.0,-2360,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,XNA,,0.7893127197864945,,0.0979,0.0864,0.9881,,,0.0,0.2414,0.1667,,0.0975,,0.0916,,0.0,0.0998,0.0897,0.9881,,,0.0,0.2414,0.1667,,0.0997,,0.0954,,0.0,0.0989,0.0864,0.9881,,,0.0,0.2414,0.1667,,0.0992,,0.0932,,0.0,,block of flats,0.07200000000000001,Panel,No,2.0,1.0,2.0,1.0,-1448.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1503841,452423,Consumer loans,3383.415,82750.5,74475.0,8275.5,82750.5,WEDNESDAY,16,Y,1,0.10891501342205567,,,XAP,Refused,-516,Cash through the bank,LIMIT,,Repeater,Furniture,POS,XNA,Country-wide,70,Furniture,24.0,low_action,POS industry without interest,,,,,,,0,Cash loans,M,N,Y,0,292500.0,592560.0,24133.5,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.02461,-10342,-1731,-4623.0,-3008,,1,1,1,1,0,0,,2.0,2,2,MONDAY,17,0,0,0,1,1,1,Trade: type 2,0.11877307059482765,0.6381643373459054,0.4311917977993083,0.066,0.0709,0.9757,,,0.0,0.1379,0.1667,,0.0397,,0.053,,0.0097,0.0672,0.0736,0.9757,,,0.0,0.1379,0.1667,,0.0406,,0.0553,,0.0103,0.0666,0.0709,0.9757,,,0.0,0.1379,0.1667,,0.0404,,0.054000000000000006,,0.01,,block of flats,0.0417,"Stone, brick",No,0.0,0.0,0.0,0.0,-1626.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +1488938,423553,Revolving loans,2250.0,45000.0,45000.0,,45000.0,TUESDAY,18,Y,1,,,,XAP,Approved,-223,XNA,XAP,Family,New,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-222.0,-180.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,M,N,Y,0,135000.0,447768.0,35505.0,405000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.007273999999999998,-13969,-344,-5484.0,-1053,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,11,0,0,0,0,1,1,Business Entity Type 3,,0.4822528651528428,,0.0124,0.0,0.9727,0.626,0.0,0.0,0.0345,0.0417,0.0833,0.0021,0.0101,0.0079,0.0,0.0,0.0126,0.0,0.9727,0.6406,0.0,0.0,0.0345,0.0417,0.0833,0.0022,0.011,0.0082,0.0,0.0,0.0125,0.0,0.9727,0.631,0.0,0.0,0.0345,0.0417,0.0833,0.0022,0.0103,0.008,0.0,0.0,reg oper account,block of flats,0.0067,Wooden,No,5.0,0.0,5.0,0.0,-223.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2652352,294956,Cash loans,17695.8,454500.0,544491.0,,454500.0,SATURDAY,17,Y,1,,,,XNA,Approved,-352,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-322.0,1448.0,-112.0,-106.0,1.0,0,Cash loans,F,N,N,0,180000.0,143910.0,14364.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.019101,-16163,-2998,-8021.0,-3027,,1,1,0,1,0,0,,2.0,2,2,MONDAY,14,0,0,0,1,1,1,Business Entity Type 3,,0.5002260262382606,0.3706496323299817,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1373.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,9.0 +2198567,197985,Cash loans,35526.6,1215000.0,1215000.0,,1215000.0,FRIDAY,10,Y,1,,,,XNA,Approved,-818,Cash through the bank,XAP,Other_B,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-788.0,982.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,180000.0,1029681.0,30235.5,859500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019101,-15558,-2380,-5700.0,-4118,,1,1,0,1,0,0,Accountants,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Construction,,0.7885443858728705,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1826.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1043125,279825,Cash loans,22197.825,270000.0,347004.0,,270000.0,FRIDAY,7,Y,1,,,,XNA,Approved,-900,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,60750.0,492862.5,18711.0,346500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018801,-19093,365243,-85.0,-2380,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,7,0,0,0,0,0,0,XNA,,0.1573197078245665,0.4329616670974407,0.0206,0.0407,0.9995,0.9932,0.0049,0.0,0.0345,0.0833,0.125,0.0101,0.0168,0.0168,0.0,0.0,0.021,0.0423,0.9995,0.9935,0.0049,0.0,0.0345,0.0833,0.125,0.0104,0.0184,0.0175,0.0,0.0,0.0208,0.0407,0.9995,0.9933,0.0049,0.0,0.0345,0.0833,0.125,0.0103,0.0171,0.0171,0.0,0.0,reg oper account,block of flats,0.0213,"Stone, brick",No,0.0,0.0,0.0,0.0,-1253.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,4.0 +1180534,151265,Cash loans,17582.625,135000.0,163255.5,,135000.0,TUESDAY,11,Y,1,,,,XNA,Approved,-663,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-633.0,-303.0,-303.0,-301.0,1.0,0,Cash loans,M,Y,Y,0,135000.0,942300.0,30528.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.020246,-14591,-1236,-7292.0,-5176,24.0,1,1,0,1,0,0,Low-skill Laborers,1.0,3,3,SUNDAY,12,0,0,0,0,0,0,Self-employed,,0.3832008614572081,0.3723336657058204,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2062.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2194517,198045,Cash loans,10274.085,45000.0,52128.0,,45000.0,THURSDAY,9,Y,1,,,,XNA,Approved,-629,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,high,Cash X-Sell: high,365243.0,-599.0,-449.0,-509.0,-507.0,1.0,0,Revolving loans,M,N,N,0,270000.0,810000.0,40500.0,810000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.072508,-11376,-618,-5465.0,-3865,,1,1,0,1,1,0,Managers,1.0,1,1,WEDNESDAY,17,0,0,0,0,0,0,Business Entity Type 3,,0.7614589900112565,,0.2794,0.1155,0.9871,0.8232,0.0,0.32,0.3793,0.6667,0.7083,0.0017,0.2278,0.1716,0.0,0.0,0.2847,0.1199,0.9871,0.8301,0.0,0.3222,0.3793,0.6667,0.7083,0.0018,0.2489,0.1788,0.0,0.0,0.2821,0.1155,0.9871,0.8256,0.0,0.32,0.3793,0.6667,0.7083,0.0018,0.2317,0.1747,0.0,0.0,reg oper account,terraced house,0.2334,"Stone, brick",No,1.0,0.0,1.0,0.0,-518.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1880684,442450,Revolving loans,7875.0,157500.0,157500.0,,157500.0,WEDNESDAY,15,Y,1,,,,XAP,Approved,-208,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-208.0,-167.0,365243.0,-44.0,365243.0,0.0,0,Cash loans,F,N,Y,0,180000.0,1002870.0,48244.5,922500.0,Family,Pensioner,Secondary / secondary special,Separated,House / apartment,0.01885,-23750,365243,-1125.0,-4594,,1,0,0,1,0,0,,1.0,2,2,MONDAY,16,0,0,0,0,0,0,XNA,,0.7246548202547639,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,10.0,0.0,10.0,0.0,-1927.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2622404,134437,Consumer loans,4873.5,23701.5,23701.5,0.0,23701.5,FRIDAY,14,Y,1,0.0,,,XAP,Approved,-311,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,44,Connectivity,6.0,high,POS mobile with interest,365243.0,-279.0,-129.0,-129.0,-127.0,0.0,0,Cash loans,M,Y,N,0,135000.0,675000.0,26284.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-17627,-6264,-9915.0,-1181,12.0,1,1,0,1,1,0,Drivers,2.0,2,2,MONDAY,9,0,0,0,0,0,0,School,,0.6518474455309757,0.6577838002083306,0.0825,0.0817,0.9781,,,,0.1379,0.1667,,,,0.0477,,0.0,0.084,0.0848,0.9782,,,,0.1379,0.1667,,,,0.0497,,0.0,0.0833,0.0817,0.9781,,,,0.1379,0.1667,,,,0.0486,,0.0,,block of flats,0.0557,Panel,No,1.0,1.0,1.0,1.0,-3299.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,0.0 +1792923,361616,Consumer loans,5625.18,67500.0,59400.0,8100.0,67500.0,SATURDAY,11,Y,1,0.13069090909090908,,,XAP,Approved,-2794,Cash through the bank,XAP,,New,Furniture,POS,XNA,Stone,200,Furniture,12.0,low_normal,POS industry without interest,365243.0,-2744.0,-2414.0,-2534.0,-2527.0,0.0,0,Cash loans,F,Y,Y,0,103500.0,1520253.0,41935.5,1327500.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.007305,-21679,365243,-10564.0,-5077,5.0,1,0,0,1,1,0,,2.0,3,3,SUNDAY,8,0,0,0,0,0,0,XNA,,0.16890053935829058,0.4884551844437485,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2794.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2596346,427848,Cash loans,8316.225,67500.0,81157.5,,67500.0,WEDNESDAY,18,Y,0,,,,XNA,Approved,-573,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-543.0,-213.0,-273.0,-268.0,1.0,0,Cash loans,F,N,N,0,112500.0,997335.0,28710.0,832500.0,Children,Commercial associate,Secondary / secondary special,Married,House / apartment,0.02461,-17607,-354,-6782.0,-1148,,1,1,0,1,1,0,High skill tech staff,2.0,2,2,MONDAY,18,0,0,0,0,0,0,Business Entity Type 3,0.6130817001727281,0.5002041586599351,0.3344541255096772,0.1113,0.0676,0.9816,,,0.12,0.1034,0.3333,,0.0787,,0.1123,,0.0,0.1134,0.0702,0.9816,,,0.1208,0.1034,0.3333,,0.0805,,0.117,,0.0,0.1124,0.0676,0.9816,,,0.12,0.1034,0.3333,,0.0801,,0.1144,,0.0,,block of flats,0.1023,Panel,No,0.0,0.0,0.0,0.0,-1286.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2441999,261119,Cash loans,12505.5,450000.0,450000.0,,450000.0,THURSDAY,10,Y,1,,,,Buying a new car,Refused,-134,XNA,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,N,0,196650.0,1179369.0,32431.5,1029838.5,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.020713,-13306,-778,-44.0,-2535,,1,1,1,1,0,0,,2.0,3,2,MONDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.7022889994792277,0.3592729306626163,,0.1649,0.0275,0.9831,0.7688,0.0447,0.2,0.1724,0.3333,0.375,0.24,0.1303,0.1672,0.0193,0.097,0.1681,0.0286,0.9831,0.7779,0.0451,0.2014,0.1724,0.3333,0.375,0.2454,0.1423,0.1742,0.0195,0.1026,0.1665,0.0275,0.9831,0.7719,0.045,0.2,0.1724,0.3333,0.375,0.2441,0.1325,0.1702,0.0194,0.099,reg oper spec account,block of flats,0.1526,Panel,No,6.0,0.0,6.0,0.0,-522.0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,,,,,, +1010380,202633,Consumer loans,9460.71,52470.0,49558.5,5247.0,52470.0,SATURDAY,13,Y,1,0.1042680022990393,,,XAP,Approved,-1342,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,30,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1311.0,-1161.0,-1161.0,-1158.0,0.0,0,Cash loans,M,N,N,0,112500.0,239850.0,23494.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-24642,365243,-6292.0,-4271,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,XNA,0.7824420957341481,0.4928298080842495,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,4.0,8.0,4.0,-614.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2360086,156368,Consumer loans,5307.84,40860.0,44905.5,0.0,40860.0,THURSDAY,7,Y,1,0.0,,,XAP,Approved,-2275,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,37,Connectivity,12.0,high,POS mobile with interest,365243.0,-2244.0,-1914.0,-1914.0,-1908.0,1.0,0,Cash loans,F,N,Y,1,112500.0,981000.0,28813.5,981000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-14990,-2015,-7566.0,-4396,,1,1,1,1,1,0,,3.0,3,3,THURSDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.3541997213911019,0.6347055309763198,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-948.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1714137,319938,Consumer loans,8806.905,83245.5,74920.5,8325.0,83245.5,WEDNESDAY,21,Y,1,0.10891497820521012,,,XAP,Approved,-320,Cash through the bank,XAP,,Refreshed,Consumer Electronics,POS,XNA,Country-wide,1000,Consumer electronics,10.0,middle,POS household with interest,365243.0,-289.0,-19.0,-49.0,-43.0,0.0,0,Cash loans,M,N,N,0,270000.0,900000.0,26316.0,900000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.016612000000000002,-13562,-3290,-7045.0,-4150,,1,1,1,1,1,0,Managers,2.0,2,2,TUESDAY,10,0,0,0,1,0,1,Trade: type 3,,0.37530394475868906,0.5814837058057234,0.2093,0.0798,0.9776,,,0.2,0.2414,0.25,,0.1658,,0.2129,,0.008,0.0861,0.0828,0.9727,,,0.0,0.1379,0.1667,,0.1285,,0.0643,,0.0011,0.2113,0.0798,0.9776,,,0.2,0.2414,0.25,,0.1686,,0.2167,,0.0081,,block of flats,0.3152,"Stone, brick",No,2.0,1.0,1.0,0.0,-2446.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1128593,355672,Cash loans,9397.755,112500.0,127350.0,0.0,112500.0,FRIDAY,7,Y,1,0.0,,,XNA,Approved,-1655,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,24.0,high,Cash X-Sell: high,365243.0,-1625.0,-935.0,-935.0,-932.0,1.0,0,Cash loans,F,N,Y,0,90000.0,499261.5,18949.5,351000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-22961,365243,-4824.0,-4828,,1,0,0,1,0,0,,2.0,2,2,MONDAY,7,0,0,0,0,0,0,XNA,,0.2961435654275993,0.5602843280409464,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1655.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1474771,119065,Revolving loans,2250.0,45000.0,45000.0,,45000.0,FRIDAY,16,Y,1,,,,XAP,Approved,-320,XNA,XAP,,Refreshed,XNA,Cards,walk-in,AP+ (Cash loan),6,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,Y,N,0,247500.0,551079.0,28984.5,418500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.04622,-14089,-1122,-6802.0,-845,2.0,1,1,0,1,0,0,Drivers,1.0,1,1,WEDNESDAY,11,0,0,0,0,0,0,Transport: type 4,,0.7543089240391131,0.4400578303966329,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-668.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2820348,303523,Consumer loans,17949.51,227385.0,185620.5,56848.5,227385.0,MONDAY,15,Y,1,0.2553447432267817,,,XAP,Approved,-2558,Cash through the bank,XAP,Unaccompanied,New,Other,POS,XNA,Stone,42,Construction,12.0,low_normal,POS industry with interest,365243.0,-2526.0,-2196.0,-2196.0,-2188.0,1.0,0,Cash loans,M,Y,N,1,180000.0,497520.0,25402.5,450000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.025164,-17590,-1136,-8903.0,-1037,21.0,1,1,0,1,0,0,Security staff,3.0,2,2,MONDAY,8,0,0,0,0,0,0,Security,,0.358664064592398,0.7544061731797895,0.0979,0.0505,0.9856,0.8028,0.029,0.08,0.0517,0.4583,0.5,0.0,0.0799,0.1016,0.0,0.0,0.0819,0.0493,0.9782,0.7125,0.0188,0.0806,0.0345,0.375,0.4167,0.0,0.0716,0.0985,0.0,0.0,0.0989,0.0505,0.9856,0.8054,0.0292,0.08,0.0517,0.4583,0.5,0.0,0.0812,0.1034,0.0,0.0,reg oper account,block of flats,0.0743,Panel,No,1.0,0.0,1.0,0.0,-1229.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1957865,199217,Revolving loans,11250.0,225000.0,225000.0,,225000.0,SATURDAY,12,Y,1,,,,XAP,Refused,-147,XNA,HC,"Spouse, partner",Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,67500.0,353241.0,22999.5,319500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-23257,365243,-10784.0,-3990,,1,0,0,1,1,0,,2.0,2,2,SATURDAY,16,0,0,0,0,0,0,XNA,0.7447378685230703,0.7244453351954366,0.8038850611746273,0.1485,0.1205,0.9856,0.8028,0.0345,0.16,0.1379,0.3333,0.375,0.0901,0.121,0.1728,0.0,0.0,0.1513,0.1251,0.9856,0.8105,0.0348,0.1611,0.1379,0.3333,0.375,0.0921,0.1322,0.18,0.0,0.0,0.1499,0.1205,0.9856,0.8054,0.0347,0.16,0.1379,0.3333,0.375,0.0916,0.1231,0.1759,0.0,0.0,reg oper account,block of flats,0.1359,Panel,No,0.0,0.0,0.0,0.0,-1486.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1773136,142899,Consumer loans,21215.205,179995.5,192865.5,0.0,179995.5,TUESDAY,16,Y,1,0.0,,,XAP,Approved,-658,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Regional / Local,907,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-627.0,-357.0,-417.0,-408.0,0.0,0,Cash loans,M,N,Y,0,193500.0,814041.0,23800.5,679500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.011656999999999999,-11657,-2260,-70.0,-4204,,1,1,0,1,1,0,Laborers,2.0,1,1,TUESDAY,9,0,1,1,0,1,1,Industry: type 11,0.4674730111749079,0.5535895097987084,0.5082869913916046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,1.0 +2319500,425090,Consumer loans,12423.24,120384.0,133096.5,0.0,120384.0,THURSDAY,11,Y,1,0.0,,,XAP,Approved,-623,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,100,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-590.0,-260.0,-260.0,-256.0,0.0,0,Cash loans,F,N,Y,0,126000.0,1057500.0,35077.5,1057500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.008625,-20797,365243,-13014.0,-2539,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,XNA,,0.2356680863239684,0.29708661164720285,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-623.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1804176,375389,Cash loans,59940.0,1125000.0,1125000.0,,1125000.0,MONDAY,14,Y,1,,,,XNA,Refused,-6,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,Y,N,0,225000.0,1080000.0,35694.0,1080000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,With parents,0.072508,-13717,-1952,-7788.0,-4458,13.0,1,1,0,1,1,0,Managers,2.0,1,1,SATURDAY,16,0,1,1,0,1,1,Business Entity Type 3,0.44289132005852894,0.6340744983367291,0.7047064232963289,0.1928,0.1028,0.9816,0.7484,0.0301,0.32,0.1379,0.4583,0.5,0.0,0.158,0.1987,0.0039,0.0061,0.1964,0.1067,0.9816,0.7583,0.0303,0.3222,0.1379,0.4583,0.5,0.0,0.1726,0.207,0.0039,0.0065,0.1947,0.1028,0.9816,0.7518,0.0302,0.32,0.1379,0.4583,0.5,0.0,0.1608,0.2022,0.0039,0.0062,org spec account,block of flats,0.174,Panel,No,0.0,0.0,0.0,0.0,-1950.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1317413,308099,Consumer loans,2709.45,20925.0,13500.0,7425.0,20925.0,MONDAY,16,Y,1,0.38645161290322577,,,XAP,Approved,-2287,XNA,XAP,,New,Mobile,POS,XNA,Country-wide,81,Connectivity,6.0,high,POS mobile with interest,365243.0,-2253.0,-2103.0,-2103.0,-2099.0,0.0,0,Cash loans,F,N,Y,0,211500.0,225000.0,13045.5,225000.0,Unaccompanied,Pensioner,Higher education,Widow,House / apartment,0.026392000000000002,-23778,365243,-10643.0,-4139,,1,0,0,1,1,0,,1.0,2,2,SATURDAY,10,0,0,0,0,0,0,XNA,0.7988405494146648,0.6508443128302304,0.41885428862332175,0.1649,,0.9771,,,0.0,0.2759,0.1667,,0.1462,,0.1153,,,0.1681,,0.9772,,,0.0,0.2759,0.1667,,0.1496,,0.1202,,,0.1665,,0.9771,,,0.0,0.2759,0.1667,,0.1488,,0.1174,,,,block of flats,0.1,"Stone, brick",No,1.0,0.0,1.0,0.0,-2019.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1386329,253869,Consumer loans,20964.645,110160.0,103549.5,22500.0,110160.0,TUESDAY,13,Y,1,0.19440414642299614,,,XAP,Approved,-1834,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,4000,Consumer electronics,6.0,high,POS household with interest,365243.0,-1803.0,-1653.0,-1653.0,-1647.0,0.0,0,Cash loans,F,Y,Y,0,202500.0,1082214.0,31770.0,945000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.019688999999999998,-9839,-1613,-4666.0,-11,7.0,1,1,0,1,0,0,Accountants,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Housing,,0.5874017387289988,,0.1505,0.1273,0.9816,0.7484,0.0346,0.16,0.1379,0.3333,0.375,0.1183,0.1202,0.1489,0.0116,0.0377,0.1534,0.1321,0.9816,0.7583,0.0349,0.1611,0.1379,0.3333,0.375,0.121,0.1313,0.1551,0.0117,0.0399,0.152,0.1273,0.9816,0.7518,0.0348,0.16,0.1379,0.3333,0.375,0.1203,0.1223,0.1516,0.0116,0.0384,reg oper account,block of flats,0.1253,Panel,No,0.0,0.0,0.0,0.0,-988.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2715207,226439,Consumer loans,18475.245,106245.0,100354.5,10624.5,106245.0,FRIDAY,11,Y,1,0.10426338643920348,,,XAP,Approved,-2247,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Stone,411,Consumer electronics,6.0,middle,POS household with interest,365243.0,-2216.0,-2066.0,-2066.0,-2056.0,1.0,1,Cash loans,M,Y,N,0,157500.0,343800.0,13090.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.028663,-23617,-1284,-13948.0,-4123,16.0,1,1,0,1,0,0,Drivers,2.0,2,2,FRIDAY,12,0,1,1,0,1,1,Transport: type 4,,,0.633031641417419,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2247.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1573454,293862,Cash loans,43312.5,1575000.0,1575000.0,,1575000.0,TUESDAY,16,Y,1,,,,XNA,Refused,-238,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,171000.0,225000.0,26703.0,225000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.030755,-14233,-1085,-7024.0,-3044,,1,1,0,1,1,0,Core staff,2.0,2,2,TUESDAY,16,0,0,0,0,0,0,Medicine,0.7919402000671514,0.5736105506591584,0.2418614865234661,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1733.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1102023,245475,Consumer loans,8452.485,83205.0,82822.5,16641.0,83205.0,SUNDAY,14,Y,1,0.1822131919566656,,,XAP,Approved,-927,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,450,Consumer electronics,12.0,middle,POS household with interest,365243.0,-896.0,-566.0,-566.0,-549.0,0.0,0,Cash loans,M,N,Y,0,90000.0,165960.0,9130.5,112500.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.018634,-10826,-1857,-3148.0,-3509,,1,1,0,1,0,0,Security staff,1.0,2,2,WEDNESDAY,10,0,0,0,1,1,0,Security,0.18341892017239092,0.5503123485953261,0.4776491548517548,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-257.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1765023,164635,Consumer loans,2263.545,19296.0,20470.5,945.0,19296.0,THURSDAY,17,Y,1,0.04805822460791993,,,XAP,Approved,-1642,Cash through the bank,XAP,Children,New,Mobile,POS,XNA,Country-wide,40,Connectivity,14.0,high,POS mobile with interest,365243.0,-1611.0,-1221.0,-1221.0,-1219.0,0.0,0,Cash loans,F,N,Y,0,112500.0,284400.0,16011.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.018634,-24389,365243,-3043.0,-4338,,1,0,0,1,0,0,,1.0,2,2,MONDAY,12,0,0,0,0,0,0,XNA,,0.5651769857789559,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1642.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1030105,146711,Consumer loans,3973.095,18585.0,13945.5,5085.0,18585.0,FRIDAY,10,Y,1,0.291007975235925,,,XAP,Approved,-2624,Cash through the bank,XAP,Unaccompanied,New,Other,POS,XNA,Stone,500,Consumer electronics,4.0,low_normal,POS household with interest,365243.0,-2593.0,-2503.0,-2503.0,-2496.0,1.0,0,Cash loans,M,Y,Y,1,225000.0,163008.0,18522.0,144000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.014464,-11909,-3188,-1528.0,-3900,14.0,1,1,0,1,0,0,Drivers,3.0,2,2,THURSDAY,5,0,0,0,0,0,0,Military,0.5241203690266522,0.6835984882802381,0.6879328378491735,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1894.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2044515,253367,Consumer loans,15673.95,146790.0,159385.5,0.0,146790.0,SUNDAY,7,Y,1,0.0,,,XAP,Approved,-289,XNA,XAP,Family,New,Consumer Electronics,POS,XNA,Regional / Local,150,Consumer electronics,12.0,middle,POS household with interest,365243.0,-258.0,72.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,135000.0,528633.0,21096.0,472500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.014464,-21530,365243,-10059.0,-4218,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,4,0,0,0,0,0,0,XNA,,0.13910506884828902,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2184142,103765,Consumer loans,8019.945,90891.0,75163.5,22500.0,90891.0,FRIDAY,13,Y,1,0.2509079180507092,,,XAP,Approved,-1440,Cash through the bank,XAP,"Spouse, partner",New,Computers,POS,XNA,Country-wide,1939,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1409.0,-1079.0,-1079.0,-1074.0,0.0,0,Revolving loans,F,N,N,1,157500.0,270000.0,13500.0,270000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,With parents,0.018029,-12201,-1154,-4114.0,-4337,,1,1,0,1,0,0,,3.0,3,3,WEDNESDAY,11,0,0,0,0,0,0,Insurance,0.41672005569417936,0.5511780419569503,0.6528965519806539,0.0825,,0.9811,,,0.0,0.1379,0.1667,,,,0.0793,,0.0,0.084,,0.9811,,,0.0,0.1379,0.1667,,,,0.0827,,0.0,0.0833,,0.9811,,,0.0,0.1379,0.1667,,,,0.0808,,0.0,,block of flats,0.0624,Panel,No,0.0,0.0,0.0,0.0,-1440.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1283926,456045,Consumer loans,4428.135,24174.0,22063.5,3150.0,24174.0,THURSDAY,11,Y,1,0.1360634724903866,,,XAP,Approved,-2817,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,31,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2786.0,-2636.0,-2636.0,-2583.0,1.0,0,Cash loans,F,N,Y,1,112500.0,808650.0,23643.0,675000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.031329,-13749,-426,-3096.0,-5977,,1,1,1,1,0,0,Sales staff,3.0,2,2,SUNDAY,8,0,0,0,1,1,0,Trade: type 3,0.2723696456105218,0.5103984194298896,0.4740512892789932,0.0722,,0.9856,,,,,,,,,0.0697,,,0.0735,,0.9856,,,,,,,,,0.0727,,,0.0729,,0.9856,,,,,,,,,0.071,,,,,0.0641,,No,1.0,0.0,1.0,0.0,-85.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1053940,419335,Consumer loans,6782.31,134955.0,121459.5,13495.5,134955.0,TUESDAY,16,Y,1,0.1089090909090909,,,XAP,Approved,-267,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Regional / Local,80,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-237.0,453.0,365243.0,365243.0,0.0,1,Cash loans,F,Y,N,0,90000.0,592560.0,32143.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.00963,-8908,-141,-3102.0,-1469,8.0,1,1,1,1,1,0,Sales staff,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.17776000904580466,0.3092753558842053,0.0825,,0.9776,0.6940000000000001,0.0088,0.0,0.1379,0.1667,0.2083,0.073,0.0672,0.0773,0.0,0.0,0.084,,0.9777,0.706,0.0088,0.0,0.1379,0.1667,0.2083,0.0747,0.0735,0.0806,0.0,0.0,0.0833,,0.9776,0.6981,0.0088,0.0,0.1379,0.1667,0.2083,0.0743,0.0684,0.0787,0.0,0.0,reg oper account,block of flats,0.0656,Panel,No,0.0,0.0,0.0,0.0,-224.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1685021,261711,Revolving loans,7875.0,0.0,157500.0,,,WEDNESDAY,16,Y,1,,,,XAP,Approved,-2805,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,800,Consumer electronics,0.0,XNA,Card Street,-2793.0,-2748.0,365243.0,-1864.0,365243.0,0.0,0,Cash loans,F,N,Y,0,225000.0,1044000.0,30654.0,1044000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.028663,-17402,-5700,-4696.0,-955,,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Trade: type 7,,0.1867935530292921,0.5919766183185521,0.0928,0.1004,0.9786,,,,0.2069,0.1667,,0.0175,,0.0877,,0.0,0.0945,0.1042,0.9786,,,,0.2069,0.1667,,0.0179,,0.0914,,0.0,0.0937,0.1004,0.9786,,,,0.2069,0.1667,,0.0178,,0.0893,,0.0,,block of flats,0.0755,Panel,No,2.0,0.0,2.0,0.0,-880.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2669906,355796,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SATURDAY,12,Y,1,,,,XAP,Approved,-272,XNA,XAP,Family,Repeater,XNA,Cards,walk-in,Country-wide,80,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,202500.0,1687266.0,62658.0,1575000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.030755,-18059,-4606,-8532.0,-1541,,1,1,0,1,0,0,Managers,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.8908607202453234,0.6706726191317957,0.8193176922872417,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-2581.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1606457,302316,Consumer loans,6833.34,63504.0,62806.5,6354.0,63504.0,FRIDAY,12,Y,1,0.1000583228340402,,,XAP,Approved,-2085,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Regional / Local,1628,Consumer electronics,12.0,high,POS household with interest,365243.0,-2054.0,-1724.0,-1814.0,-1810.0,0.0,0,Cash loans,F,N,N,0,157500.0,450000.0,13027.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-17028,-1612,-2754.0,-567,,1,1,0,1,0,0,Security staff,2.0,2,2,WEDNESDAY,16,0,0,0,1,1,0,Business Entity Type 3,,0.4262433858246881,0.6894791426446275,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1092.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1618131,405078,Consumer loans,3080.925,30511.35,30357.0,3052.35,30511.35,SATURDAY,13,Y,1,0.09950168549713287,0.14245438059616913,0.6379492600422833,XAP,Approved,-463,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,12.0,middle,POS mobile with interest,365243.0,-427.0,-97.0,-337.0,-329.0,0.0,0,Cash loans,F,N,N,0,76500.0,450000.0,17095.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-14712,-5568,-3358.0,-3461,,1,1,0,1,0,0,Core staff,2.0,2,2,MONDAY,19,0,0,0,0,0,0,Kindergarten,,0.6404284538726918,0.5280927512030451,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-225.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2572808,251134,Cash loans,13455.585,135000.0,143910.0,,135000.0,TUESDAY,8,Y,1,,,,XNA,Approved,-243,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-212.0,118.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,135000.0,251091.0,23364.0,238500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,Co-op apartment,0.020713,-25121,365243,-12136.0,-4673,,1,0,0,1,0,0,,1.0,3,2,FRIDAY,10,0,0,0,0,0,0,XNA,,0.5718232301381521,0.6863823354047934,0.1701,0.1046,0.9826,0.762,0.0829,0.2,0.1724,0.3333,0.375,0.0639,0.1353,0.1653,0.0154,0.1505,0.1733,0.1085,0.9826,0.7713,0.0837,0.2014,0.1724,0.3333,0.375,0.0653,0.1478,0.1722,0.0156,0.1593,0.1718,0.1046,0.9826,0.7652,0.0834,0.2,0.1724,0.3333,0.375,0.065,0.1377,0.1682,0.0155,0.1536,reg oper account,block of flats,0.1627,Panel,No,0.0,0.0,0.0,0.0,-352.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2229023,231981,Consumer loans,10030.68,153000.0,153000.0,0.0,153000.0,WEDNESDAY,10,Y,1,0.0,,,XAP,Approved,-588,Cash through the bank,XAP,,New,Gardening,POS,XNA,Stone,35,Construction,18.0,low_normal,POS industry with interest,365243.0,-552.0,-42.0,-42.0,-38.0,0.0,0,Cash loans,M,N,Y,0,117000.0,310810.5,28638.0,288000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,With parents,0.022625,-9878,-169,-4530.0,-2560,,1,1,0,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Self-employed,,0.5855933204104938,0.5478104658520093,0.1649,0.0,0.9796,0.7212,0.2295,0.16,0.1379,0.3333,0.375,0.0,0.1345,0.1066,0.0,0.0,0.1681,0.0,0.9796,0.7321,0.2316,0.1611,0.1379,0.3333,0.375,0.0,0.1469,0.1111,0.0,0.0,0.1665,0.0,0.9796,0.7249,0.2309,0.16,0.1379,0.3333,0.375,0.0,0.1368,0.1085,0.0,0.0,reg oper account,block of flats,0.1255,Block,No,1.0,0.0,1.0,0.0,-1272.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1301375,196280,Cash loans,20646.9,225000.0,247275.0,,225000.0,THURSDAY,12,Y,1,,,,XNA,Approved,-1494,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,18.0,high,Cash X-Sell: high,365243.0,-1464.0,-954.0,-954.0,-945.0,1.0,0,Cash loans,M,Y,N,2,382500.0,508495.5,24462.0,454500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.022625,-11103,-568,-5343.0,-3435,0.0,1,1,0,1,1,0,Drivers,4.0,2,2,FRIDAY,11,0,0,0,0,1,1,Business Entity Type 3,0.2744593356558299,0.5916350361911499,0.38079968264891495,0.0722,0.0533,0.9856,0.8028,0.0146,0.08,0.069,0.3333,0.375,0.0566,0.0588,0.0713,0.0,0.1165,0.0735,0.0553,0.9856,0.8105,0.0148,0.0806,0.069,0.3333,0.375,0.0578,0.0643,0.0743,0.0,0.1233,0.0729,0.0533,0.9856,0.8054,0.0147,0.08,0.069,0.3333,0.375,0.0575,0.0599,0.0726,0.0,0.1189,reg oper account,block of flats,0.0814,Panel,No,2.0,0.0,2.0,0.0,-1494.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1435547,207335,Consumer loans,16190.01,269820.0,242838.0,26982.0,269820.0,MONDAY,18,Y,1,0.1089090909090909,,,XAP,Approved,-738,Cash through the bank,XAP,Unaccompanied,Repeater,Clothing and Accessories,POS,XNA,Regional / Local,20,Clothing,18.0,low_normal,POS other with interest,365243.0,-707.0,-197.0,-197.0,-193.0,0.0,0,Cash loans,F,N,Y,2,90000.0,1078200.0,31653.0,900000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-13802,-5875,-1903.0,-5981,,1,1,1,1,1,0,Sales staff,4.0,2,2,THURSDAY,13,0,0,0,0,0,0,Services,0.6343686239562304,0.6566406809767131,0.6940926425266661,0.1031,0.0,0.9776,0.6940000000000001,,0.0,0.2069,0.1667,,0.0791,,0.0586,,0.0,0.105,0.0,0.9777,0.706,,0.0,0.2069,0.1667,,0.081,,0.0611,,0.0,0.1041,0.0,0.9776,0.6981,,0.0,0.2069,0.1667,,0.0805,,0.0597,,0.0,,block of flats,0.0696,"Stone, brick",No,2.0,0.0,2.0,0.0,-1633.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2467260,394700,Consumer loans,11939.58,60745.5,63954.0,0.0,60745.5,TUESDAY,14,Y,1,0.0,,,XAP,Approved,-308,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,1600,Consumer electronics,6.0,middle,POS household with interest,365243.0,-277.0,-127.0,-127.0,-121.0,0.0,0,Cash loans,F,N,Y,0,54000.0,168102.0,16375.5,148500.0,Family,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.02461,-23220,365243,-8808.0,-4703,,1,0,0,1,1,0,,1.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,,0.6901499171272288,0.622922000268356,0.0814,0.045,0.9732,0.6328,,0.0,0.1379,0.1667,,0.0546,,0.0616,,0.005,0.083,0.0467,0.9732,0.6472,,0.0,0.1379,0.1667,,0.0558,,0.0641,,0.0053,0.0822,0.045,0.9732,0.6377,,0.0,0.1379,0.1667,,0.0555,,0.0627,,0.0051,,block of flats,0.0532,"Stone, brick",No,0.0,0.0,0.0,0.0,-308.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2823133,409280,Cash loans,75192.48,675000.0,698166.0,,675000.0,MONDAY,14,Y,1,,,,Repairs,Refused,-382,XNA,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,middle,Cash Street: middle,,,,,,,0,Cash loans,M,N,Y,0,292500.0,1125000.0,36423.0,1125000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.010006000000000001,-20019,-6748,-1981.0,-3538,,1,1,1,1,0,0,Core staff,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Self-employed,0.7110434004059119,0.16698461449754176,0.3425288720742255,0.3268,0.2138,0.997,0.9592,0.2298,0.36,0.3103,0.3333,0.375,0.2193,0.2631,0.3633,0.0154,0.0497,0.333,0.2219,0.997,0.9608,0.2319,0.3625,0.3103,0.3333,0.375,0.2243,0.2874,0.3785,0.0156,0.0526,0.33,0.2138,0.997,0.9597,0.2312,0.36,0.3103,0.3333,0.375,0.2231,0.2676,0.3698,0.0155,0.0507,reg oper account,block of flats,0.2857,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1878738,154175,Cash loans,22368.6,765000.0,765000.0,,765000.0,THURSDAY,14,Y,1,,,,XNA,Approved,-280,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-250.0,1520.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,157500.0,648000.0,19075.5,648000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-19311,-4484,-6117.0,-2840,,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Trade: type 7,,0.6895229534708214,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,0.0,-2026.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2807576,373171,Cash loans,30614.625,810000.0,948996.0,,810000.0,FRIDAY,16,Y,1,,,,XNA,Approved,-568,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,202500.0,900000.0,35694.0,900000.0,Unaccompanied,Working,Incomplete higher,Civil marriage,House / apartment,0.014519999999999996,-18611,-2024,-8600.0,-2148,,1,1,1,1,1,1,Laborers,2.0,2,2,TUESDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.7904052723730945,0.6034771368348211,0.2721336844147212,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-568.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1062515,340528,Cash loans,45495.81,900000.0,1004544.0,,900000.0,WEDNESDAY,12,Y,1,,,,XNA,Approved,-622,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-592.0,818.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,90000.0,454500.0,25506.0,454500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-17862,-1379,-2736.0,-1418,,1,1,0,1,0,1,Secretaries,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,University,0.8471143091647663,0.4031908022886496,0.6212263380626669,0.1485,0.1031,0.9791,0.7144,0.0263,0.16,0.1379,0.3333,0.375,0.0204,0.121,0.1495,0.0,0.0,0.1513,0.107,0.9791,0.7256,0.0265,0.1611,0.1379,0.3333,0.375,0.0209,0.1322,0.1558,0.0,0.0,0.1499,0.1031,0.9791,0.7182,0.0264,0.16,0.1379,0.3333,0.375,0.0208,0.1231,0.1522,0.0,0.0,reg oper account,block of flats,0.1176,Panel,No,0.0,0.0,0.0,0.0,-1108.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1058375,343960,Consumer loans,7743.735,55800.0,60403.5,0.0,55800.0,THURSDAY,9,Y,1,0.0,,,XAP,Approved,-1220,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Regional / Local,240,Consumer electronics,10.0,high,POS household with interest,365243.0,-1189.0,-919.0,-919.0,-916.0,0.0,0,Cash loans,F,N,Y,0,225000.0,646920.0,19044.0,540000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.04622,-23461,365243,-14840.0,-4082,,1,0,0,1,0,0,,2.0,1,1,SATURDAY,13,0,0,0,0,0,0,XNA,,0.4177308579928247,,0.0124,0.0,0.9717,0.6124,0.0211,0.0,0.069,0.0417,0.0833,0.0292,0.0101,0.0132,0.0,0.0055,0.0126,0.0,0.9717,0.6276,0.0213,0.0,0.069,0.0417,0.0833,0.0298,0.011,0.0137,0.0,0.0059,0.0125,0.0,0.9717,0.6176,0.0213,0.0,0.069,0.0417,0.0833,0.0297,0.0103,0.0134,0.0,0.0056,reg oper spec account,block of flats,0.0116,Block,No,0.0,0.0,0.0,0.0,-1220.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1847401,442557,Consumer loans,53283.465,332982.0,299682.0,33300.0,332982.0,THURSDAY,19,Y,1,0.10891497820521012,,,XAP,Approved,-1420,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,1500,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-1388.0,-1238.0,-1238.0,-1235.0,0.0,0,Cash loans,F,N,N,0,225000.0,278613.0,28678.5,252000.0,Unaccompanied,State servant,Higher education,Married,Municipal apartment,0.04622,-18972,-10602,-573.0,-2525,,1,1,0,1,0,0,Managers,2.0,1,1,WEDNESDAY,11,0,1,1,0,0,0,Postal,0.8335481997346125,0.5313842847877407,0.36896873825284665,0.1351,,0.9767,0.6804,0.0035,0.0,0.1379,0.1667,0.0417,,0.0672,,0.1969,,0.1376,,0.9767,0.6929,0.0035,0.0,0.1379,0.1667,0.0417,,0.0735,,0.1984,,0.1364,,0.9767,0.6847,0.0035,0.0,0.1379,0.1667,0.0417,,0.0684,,0.198,,reg oper account,block of flats,0.0528,"Stone, brick",No,6.0,0.0,6.0,0.0,-1420.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2015093,433190,Consumer loans,5109.975,43281.0,43231.5,9000.0,43281.0,SUNDAY,18,Y,1,0.18766105093321425,,,XAP,Approved,-1779,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,45,Connectivity,12.0,high,POS mobile with interest,365243.0,-1747.0,-1417.0,-1477.0,-1471.0,0.0,0,Cash loans,F,N,Y,0,135000.0,531265.5,20155.5,373500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00963,-17461,-5120,-11069.0,-997,,1,1,0,1,1,0,Laborers,2.0,2,2,MONDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.3408624650580163,0.8038850611746273,0.0082,0.0,0.9687,,,0.0,0.069,0.0417,,,,0.0075,,,0.0084,0.0,0.9687,,,0.0,0.069,0.0417,,,,0.0078,,,0.0083,0.0,0.9687,,,0.0,0.069,0.0417,,,,0.0076,,,,block of flats,0.0068,"Stone, brick",No,0.0,0.0,0.0,0.0,-1779.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2557023,107889,Cash loans,14588.055,180000.0,215640.0,,180000.0,MONDAY,17,Y,1,,,,XNA,Approved,-787,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash X-Sell: high,365243.0,-757.0,293.0,-667.0,-661.0,1.0,0,Cash loans,M,N,N,0,90000.0,314100.0,17167.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.006670999999999999,-11569,-3857,-5281.0,-3599,,1,1,0,1,0,0,Core staff,2.0,2,2,THURSDAY,13,0,0,0,1,0,1,Medicine,,0.6695946537983801,0.3441550073724169,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-2412.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +2784554,421505,Consumer loans,5358.645,41782.5,45918.0,0.0,41782.5,FRIDAY,13,Y,1,0.0,,,XAP,Approved,-2576,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,39,Connectivity,12.0,high,POS mobile with interest,365243.0,-2545.0,-2215.0,-2275.0,-2266.0,1.0,0,Cash loans,F,N,Y,0,135000.0,794173.5,33777.0,697500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-18981,-989,-10906.0,-2522,,1,1,0,1,0,1,Medicine staff,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Self-employed,0.6713479606738376,0.6543839990713856,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1119510,177044,Cash loans,15270.3,135000.0,143910.0,,135000.0,SATURDAY,13,Y,1,,,,XNA,Approved,-277,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-247.0,83.0,-97.0,-95.0,1.0,0,Cash loans,F,N,Y,2,112500.0,225000.0,26833.5,225000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.028663,-9731,-180,-7594.0,-2366,,1,1,0,1,1,1,Laborers,4.0,2,2,THURSDAY,15,0,0,0,0,0,0,Business Entity Type 2,,0.13513377054828288,0.5280927512030451,0.0206,0.0309,0.9896,0.8572,0.0032,0.0,0.0345,0.1667,0.2083,0.0407,0.0168,0.0321,0.0,0.0,0.021,0.0321,0.9896,0.8628,0.0032,0.0,0.0345,0.1667,0.2083,0.0417,0.0184,0.0334,0.0,0.0,0.0208,0.0309,0.9896,0.8591,0.0032,0.0,0.0345,0.1667,0.2083,0.0414,0.0171,0.0327,0.0,0.0,reg oper account,block of flats,0.027000000000000003,"Stone, brick",No,0.0,0.0,0.0,0.0,-519.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1580036,298708,Cash loans,50441.625,1215000.0,1320849.0,,1215000.0,TUESDAY,12,Y,1,,,,XNA,Refused,-122,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,292500.0,682875.0,32980.5,589500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.00702,-20865,365243,-9319.0,-3983,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,XNA,,0.34336271638016946,0.7898803468924867,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2807.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2129512,309184,Cash loans,,0.0,0.0,,0.0,FRIDAY,15,Y,1,,,,XNA,Refused,-1057,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,XNA,XNA,AP+ (Cash loan),-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,N,0,157500.0,545040.0,25407.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010147,-10931,-1461,-4782.0,-39,,1,1,0,1,1,1,,2.0,2,2,FRIDAY,13,0,0,0,0,1,1,Self-employed,0.5026038222386804,0.004902296840942238,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1057.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1864847,290791,Consumer loans,32493.06,183919.5,183919.5,0.0,183919.5,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-292,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Stone,50,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-261.0,-111.0,-111.0,-109.0,0.0,0,Cash loans,F,N,Y,0,135000.0,545040.0,25537.5,450000.0,Unaccompanied,State servant,Incomplete higher,Civil marriage,House / apartment,0.019688999999999998,-8288,-712,-247.0,-857,,1,1,0,1,0,0,Core staff,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Kindergarten,0.20070748823261025,0.4347890995754515,0.36227724703843145,0.0784,0.0591,0.9757,0.6668,0.009000000000000001,0.0,0.1379,0.1667,0.2083,0.0,0.0614,0.0571,0.0116,0.0103,0.0798,0.0613,0.9757,0.6798,0.0091,0.0,0.1379,0.1667,0.2083,0.0,0.067,0.0595,0.0117,0.0109,0.0791,0.0591,0.9757,0.6713,0.009000000000000001,0.0,0.1379,0.1667,0.2083,0.0,0.0624,0.0581,0.0116,0.0105,reg oper account,block of flats,0.0498,"Stone, brick",No,3.0,0.0,3.0,0.0,-292.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2717870,159235,Consumer loans,17390.7,102465.0,97087.5,10246.5,102465.0,TUESDAY,14,Y,1,0.10396863994633576,,,XAP,Approved,-793,Cash through the bank,XAP,Unaccompanied,New,Clothing and Accessories,POS,XNA,Stone,266,Clothing,6.0,low_normal,POS industry with interest,365243.0,-762.0,-612.0,-612.0,-606.0,0.0,0,Cash loans,M,Y,Y,2,225000.0,326439.0,12303.0,229500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.010966,-14031,-2863,-1081.0,-4805,2.0,1,1,1,1,1,0,Drivers,4.0,2,2,THURSDAY,17,0,0,0,0,0,0,Self-employed,,0.6349214080898393,0.4311917977993083,0.1134,0.0705,0.9846,0.7892,0.0335,0.0,0.069,0.1667,0.2083,0.0686,0.0925,0.0639,0.0,0.0,0.1155,0.0732,0.9846,0.7975,0.0338,0.0,0.069,0.1667,0.2083,0.0702,0.101,0.0666,0.0,0.0,0.1145,0.0705,0.9846,0.792,0.0337,0.0,0.069,0.1667,0.2083,0.0698,0.0941,0.0651,0.0,0.0,org spec account,block of flats,0.0501,"Stone, brick",No,5.0,1.0,5.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1875336,245386,Revolving loans,2250.0,45000.0,45000.0,,45000.0,TUESDAY,9,Y,1,,,,XAP,Approved,-349,XNA,XAP,,New,XNA,Cards,walk-in,Country-wide,138,Consumer electronics,0.0,XNA,Card Street,-316.0,-277.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,112500.0,408780.0,27445.5,337500.0,Unaccompanied,Working,Higher education,Married,Office apartment,0.006305,-9552,-746,-4043.0,-1879,,1,1,0,1,0,0,,3.0,3,3,MONDAY,10,0,0,0,0,0,0,Hotel,0.2018856467163813,0.32149202897673457,0.6722428897082422,0.0031,,0.9821,,,,,0.0,,,,0.0019,,,0.0032,,0.9821,,,,,0.0,,,,0.002,,,0.0031,,0.9821,,,,,0.0,,,,0.002,,,,block of flats,0.0015,Wooden,No,0.0,0.0,0.0,0.0,-349.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1993566,149209,Consumer loans,13267.485,131039.775,144873.0,4.275,131039.775,SATURDAY,12,Y,1,3.2136604145568274e-05,,,XAP,Approved,-299,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Regional / Local,1000,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-268.0,62.0,365243.0,365243.0,0.0,0,Revolving loans,F,Y,Y,0,157500.0,450000.0,22500.0,450000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.018209,-22978,365243,-994.0,-4139,11.0,1,0,0,1,0,0,,2.0,3,3,THURSDAY,10,0,0,0,0,0,0,XNA,,0.5768164518605912,0.6178261467332483,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-299.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2196895,213642,Revolving loans,6750.0,540000.0,135000.0,,540000.0,SATURDAY,12,Y,1,,,,XAP,Refused,-24,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Revolving loans,M,Y,N,1,202500.0,225000.0,11250.0,225000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.018801,-14709,-255,-767.0,-4662,14.0,1,1,0,1,1,0,Managers,3.0,2,2,TUESDAY,10,0,0,0,0,0,0,Self-employed,0.6687389999651707,0.2456938685292505,0.4884551844437485,0.0206,,0.9796,,,,0.0345,0.1667,,,,0.0208,,,0.021,,0.9796,,,,0.0345,0.1667,,,,0.0217,,,0.0208,,0.9796,,,,0.0345,0.1667,,,,0.0212,,,,block of flats,0.0164,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,1.0,2.0 +2310719,357438,Consumer loans,2553.975,50476.5,55642.5,7573.5,50476.5,FRIDAY,19,Y,1,0.1304769362186787,,,XAP,Approved,-2451,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,520,Consumer electronics,36.0,middle,POS household without interest,365243.0,-2420.0,-1370.0,-1370.0,-1364.0,1.0,0,Cash loans,M,N,N,0,85500.0,358443.0,12874.5,252000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.02461,-20944,365243,-6737.0,-4290,,1,0,0,1,1,0,,2.0,2,2,SATURDAY,17,0,0,0,0,0,0,XNA,,0.5995039900345185,0.8027454758994178,0.0845,0.0823,0.9906,0.8708,0.0027,0.0,0.1379,0.2083,0.0417,0.0635,0.0689,0.0855,0.0,0.0,0.0861,0.0854,0.9906,0.8759,0.0027,0.0,0.1379,0.2083,0.0417,0.065,0.0753,0.08900000000000001,0.0,0.0,0.0854,0.0823,0.9906,0.8725,0.0027,0.0,0.1379,0.2083,0.0417,0.0646,0.0701,0.087,0.0,0.0,org spec account,block of flats,0.0687,"Stone, brick",No,1.0,1.0,1.0,1.0,-2451.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,8.0,0.0,2.0 +1382727,308385,Consumer loans,14767.875,155880.0,109125.0,46755.0,155880.0,MONDAY,10,Y,1,0.3266643921897961,,,XAP,Approved,-77,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,10.0,high,POS mobile with interest,365243.0,-56.0,225.0,-56.0,-50.0,0.0,0,Cash loans,F,N,Y,0,171000.0,450000.0,50904.0,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.026392000000000002,-12014,-423,-6145.0,-2259,,1,1,1,1,0,0,,2.0,2,2,MONDAY,11,0,0,0,0,0,0,Transport: type 4,,0.5909321739318623,0.1654074596555436,0.1979,,0.9811,,,0.08,0.069,0.3333,,,,0.0789,,0.006999999999999999,0.2017,,0.9811,,,0.0806,0.069,0.3333,,,,0.0822,,0.0074,0.1999,,0.9811,,,0.08,0.069,0.3333,,,,0.0803,,0.0072,,block of flats,0.0635,"Stone, brick",No,3.0,0.0,3.0,0.0,-244.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1092402,303648,Consumer loans,28135.71,134492.4,126036.0,13451.4,134492.4,MONDAY,13,Y,1,0.10502595542353968,,,XAP,Approved,-1592,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,360,Consumer electronics,5.0,middle,POS household with interest,365243.0,-1561.0,-1441.0,-1441.0,-1432.0,0.0,0,Cash loans,F,N,Y,0,360000.0,2160000.0,56979.0,2160000.0,"Spouse, partner",Working,Higher education,Civil marriage,House / apartment,0.009175,-13868,-1201,-3088.0,-5206,,1,1,1,1,1,0,Managers,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.7754009257014923,0.7798223969904452,0.8435435389318647,0.2227,0.1719,0.9811,0.7416,0.0441,0.24,0.2069,0.3333,0.0417,0.1379,0.1816,0.2318,0.0,0.0007,0.2269,0.1784,0.9811,0.7517,0.0445,0.2417,0.2069,0.3333,0.0417,0.141,0.1983,0.2415,0.0,0.0007,0.2248,0.1719,0.9811,0.7451,0.0444,0.24,0.2069,0.3333,0.0417,0.1403,0.1847,0.236,0.0,0.0007,reg oper account,block of flats,0.1825,Panel,No,0.0,0.0,0.0,0.0,-1592.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1360211,321285,Consumer loans,10378.755,48690.0,38952.0,9738.0,48690.0,WEDNESDAY,17,Y,1,0.2178181818181818,,,XAP,Approved,-959,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,72,Connectivity,4.0,middle,POS mobile without interest,365243.0,-928.0,-838.0,-838.0,-834.0,0.0,0,Cash loans,M,N,Y,0,90000.0,405000.0,20677.5,405000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.015221,-9068,-1109,-5408.0,-1745,,1,1,1,1,1,0,Core staff,2.0,2,2,WEDNESDAY,10,0,0,0,0,1,1,Bank,0.249257473023246,0.4090608964004009,0.06337536230998861,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-851.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,3.0,5.0 +2597896,132796,Cash loans,14148.765,135000.0,143910.0,,135000.0,THURSDAY,12,Y,1,,,,XNA,Approved,-1457,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-1427.0,-1097.0,-1097.0,-1090.0,1.0,0,Cash loans,M,Y,Y,0,126000.0,254700.0,24808.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.032561,-24947,365243,-12468.0,-4547,5.0,1,0,0,1,1,0,,1.0,1,1,FRIDAY,15,0,0,0,0,0,0,XNA,,0.7415428701388848,0.7738956942145427,0.3381,0.1513,0.9826,0.762,0.0993,0.32,0.1379,0.625,0.5833,0.07,0.2757,0.3471,0.0,0.0,0.3445,0.157,0.9826,0.7713,0.1002,0.3222,0.1379,0.625,0.5833,0.0716,0.3012,0.3616,0.0,0.0,0.3414,0.1513,0.9826,0.7652,0.0999,0.32,0.1379,0.625,0.5833,0.0713,0.2805,0.3533,0.0,0.0,reg oper account,block of flats,0.3856,Panel,No,0.0,0.0,0.0,0.0,-2348.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,8.0 +1131365,219622,Consumer loans,22371.525,192510.0,205213.5,0.0,192510.0,MONDAY,15,Y,1,0.0,,,XAP,Approved,-37,Cash through the bank,XAP,Unaccompanied,Repeater,Clothing and Accessories,POS,XNA,Stone,56,Clothing,10.0,low_action,POS industry with interest,365243.0,-7.0,263.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,225000.0,1048500.0,30784.5,1048500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.009175,-17682,-9089,-4863.0,-1222,,1,1,0,1,0,0,High skill tech staff,1.0,2,2,WEDNESDAY,18,0,0,0,0,0,0,Government,0.7513764287146772,0.4538779688181558,0.5388627065779676,0.0619,0.0456,0.9935,,,0.04,0.0345,0.4167,,,,,,,0.063,0.0473,0.9935,,,0.0403,0.0345,0.4167,,,,,,,0.0625,0.0456,0.9935,,,0.04,0.0345,0.4167,,,,,,,,block of flats,0.0451,"Stone, brick",No,1.0,0.0,1.0,0.0,-1718.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1879695,337856,Consumer loans,5212.215,95377.5,95377.5,0.0,95377.5,FRIDAY,11,Y,1,0.0,,,XAP,Approved,-206,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Country-wide,216,Furniture,24.0,low_normal,POS industry with interest,365243.0,-176.0,514.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,0,202500.0,247500.0,19683.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-19851,-1077,-620.0,-3157,,1,1,0,1,1,0,Drivers,2.0,2,2,MONDAY,13,0,0,0,0,0,0,Self-employed,,0.6117769345841487,0.2910973802776635,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1602.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2388665,419905,Consumer loans,6742.935,66298.5,66748.5,0.0,66298.5,TUESDAY,16,Y,1,0.0,,,XAP,Approved,-319,Cash through the bank,XAP,Children,Repeater,Furniture,POS,XNA,Country-wide,120,Furniture,12.0,middle,POS industry with interest,365243.0,-288.0,42.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,202500.0,641173.5,38308.5,553500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.016612000000000002,-14263,-1584,-7491.0,-5059,,1,1,0,1,0,1,Sales staff,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,Self-employed,,0.3013799217161985,0.0005272652387098817,0.033,0.0579,0.9871,0.8232,0.0234,0.0,0.069,0.0833,0.125,0.0809,0.0269,0.0282,0.0,0.0137,0.0336,0.0601,0.9871,0.8301,0.0236,0.0,0.069,0.0833,0.125,0.0827,0.0294,0.0294,0.0,0.0145,0.0333,0.0579,0.9871,0.8256,0.0235,0.0,0.069,0.0833,0.125,0.0823,0.0274,0.0287,0.0,0.014,reg oper account,block of flats,0.0379,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2029833,103879,Cash loans,15118.47,135000.0,143910.0,0.0,135000.0,TUESDAY,9,Y,1,0.0,,,XNA,Approved,-2271,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash Street: middle,365243.0,-2241.0,-1911.0,-1971.0,-1965.0,1.0,0,Cash loans,F,N,Y,0,225000.0,1339884.0,36846.0,1170000.0,Unaccompanied,Commercial associate,Higher education,Widow,House / apartment,0.025164,-23438,-1100,-10823.0,-4792,,1,1,0,1,0,0,,1.0,2,2,FRIDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.5944216255937014,0.7366226976503176,0.1464,0.154,0.9851,0.7959999999999999,0.0556,0.26,0.2241,0.3333,0.375,0.1097,0.195,0.2214,0.0019,0.0026,0.0,0.1547,0.9851,0.804,0.0128,0.2014,0.1724,0.3333,0.375,0.0,0.1662,0.1754,0.0,0.0015,0.1478,0.154,0.9851,0.7987,0.0559,0.26,0.2241,0.3333,0.375,0.1116,0.1984,0.2254,0.0019,0.0026,reg oper account,block of flats,0.2738,Panel,No,0.0,0.0,0.0,0.0,-1126.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1153480,419187,Cash loans,16931.925,202500.0,202500.0,,202500.0,TUESDAY,11,Y,1,,,,XNA,Approved,-1582,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-1552.0,-1042.0,-1072.0,-1066.0,1.0,1,Cash loans,F,N,N,0,112500.0,454500.0,21865.5,454500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-18729,-3499,-1688.0,-2274,,1,1,1,1,1,0,,2.0,2,2,MONDAY,14,1,1,0,1,1,0,Industry: type 11,,0.20762251795130826,0.40314167665875134,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1084.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1297175,240812,Cash loans,,0.0,0.0,,,TUESDAY,9,Y,1,,,,XNA,Refused,-219,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,Y,Y,1,315000.0,401386.5,27283.5,346500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.025164,-16710,-3092,-3335.0,-258,3.0,1,1,0,1,0,0,Managers,3.0,2,2,THURSDAY,8,0,0,0,0,0,0,Business Entity Type 3,0.7607368021205771,0.5571426035671366,0.3296550543128238,0.0639,0.0584,0.9747,0.6532,0.0182,0.0,0.1034,0.1667,0.2083,0.0105,0.0488,0.0497,0.0154,0.0146,0.0651,0.0606,0.9747,0.6668,0.0183,0.0,0.1034,0.1667,0.2083,0.0107,0.0533,0.0518,0.0156,0.0155,0.0645,0.0584,0.9747,0.6578,0.0183,0.0,0.1034,0.1667,0.2083,0.0107,0.0496,0.0506,0.0155,0.0149,,block of flats,0.0522,Block,No,0.0,0.0,0.0,0.0,-579.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1940104,387838,Revolving loans,2250.0,45000.0,45000.0,,45000.0,TUESDAY,13,Y,1,,,,XAP,Approved,-181,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Country-wide,2000,Consumer electronics,0.0,XNA,Card Street,-147.0,-103.0,365243.0,-72.0,-6.0,0.0,1,Cash loans,F,N,Y,2,72000.0,219870.0,15003.0,157500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.020713,-10782,-654,-4553.0,-3233,,1,1,0,1,0,0,Cooking staff,3.0,3,3,MONDAY,12,0,0,0,0,0,0,Restaurant,0.29122215686306485,0.001958513196799776,,0.0701,0.0766,0.9811,0.7416,0.032,0.0,0.1379,0.1667,0.2083,0.0708,0.0572,0.0644,0.0,0.006999999999999999,0.0714,0.0795,0.9811,0.7517,0.0323,0.0,0.1379,0.1667,0.2083,0.0725,0.0624,0.0671,0.0,0.0074,0.0708,0.0766,0.9811,0.7451,0.0322,0.0,0.1379,0.1667,0.2083,0.0721,0.0581,0.0656,0.0,0.0071,reg oper account,block of flats,0.0522,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1994487,103264,Consumer loans,5231.52,34560.0,27585.0,9000.0,34560.0,SATURDAY,12,Y,1,0.2679190428267917,,,XAP,Approved,-137,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Stone,194,Consumer electronics,6.0,middle,POS household with interest,365243.0,-107.0,43.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,90000.0,135000.0,10822.5,135000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.022625,-12518,-5046,-4324.0,-4250,,1,1,1,1,1,0,Core staff,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Security Ministries,0.3823271014611089,0.7479032228148498,0.40314167665875134,0.0103,0.0,0.9518,0.3404,0.0091,0.0,0.0,0.0417,0.0417,0.0058,0.0084,0.0037,0.0,0.0075,0.0105,0.0,0.9518,0.3662,0.0092,0.0,0.0,0.0417,0.0417,0.0059,0.0092,0.0038,0.0,0.008,0.0104,0.0,0.9518,0.3492,0.0091,0.0,0.0,0.0417,0.0417,0.0059,0.0086,0.0037,0.0,0.0077,not specified,block of flats,0.0045,Wooden,Yes,0.0,0.0,0.0,0.0,-1898.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1683542,366777,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SATURDAY,9,Y,1,,,,XAP,Approved,-376,XNA,XAP,,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),28,XNA,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,157500.0,1042560.0,34587.0,900000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.022625,-11125,-1179,-1091.0,-1213,8.0,1,1,1,1,1,0,Managers,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Other,0.6482148610800018,0.5862511967487471,0.3791004853998145,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,2.0,3.0,2.0,-738.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,4.0 +1822497,112300,Consumer loans,7486.965,144900.0,144900.0,0.0,144900.0,SUNDAY,15,Y,1,0.0,,,XAP,Approved,-720,Cash through the bank,XAP,Unaccompanied,Refreshed,Medicine,POS,XNA,Regional / Local,567,Industry,24.0,low_normal,POS other with interest,,,,,,,0,Cash loans,F,N,Y,0,94500.0,518562.0,19345.5,463500.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-22979,365243,-11807.0,-4539,,1,0,0,1,1,0,,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,XNA,0.8466707376242351,0.34054318554405444,0.6479768603302221,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-262.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +1411607,410632,Cash loans,24610.725,193500.0,206271.0,,193500.0,WEDNESDAY,10,Y,1,,,,Other,Approved,-452,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-422.0,-92.0,-92.0,-84.0,1.0,0,Cash loans,M,N,Y,0,202500.0,407965.5,41305.5,369000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.04622,-20061,-2706,-10978.0,-3622,,1,1,0,1,1,0,Drivers,1.0,1,1,SUNDAY,10,0,0,0,0,1,1,Business Entity Type 3,0.4868924079333592,0.6784874071788957,0.2678689358444539,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1496.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +2386313,116259,Consumer loans,9824.355,81720.0,79614.0,8172.0,81720.0,FRIDAY,14,Y,1,0.10138348835908813,,,XAP,Approved,-1665,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Stone,30,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1633.0,-1363.0,-1363.0,-1355.0,0.0,0,Cash loans,M,N,Y,0,216000.0,450000.0,19822.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.028663,-14763,-4605,-8903.0,-4418,,1,1,1,1,1,0,,1.0,2,2,THURSDAY,15,0,0,0,0,1,1,Government,0.3182105404456885,0.3689684307481655,0.7165702448010511,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-533.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2341698,245009,Consumer loans,11780.46,103050.0,113931.0,0.0,103050.0,SATURDAY,14,Y,1,0.0,,,XAP,Approved,-562,Cash through the bank,XAP,,New,Computers,POS,XNA,Stone,23,Consumer electronics,12.0,middle,POS household with interest,365243.0,-531.0,-201.0,-291.0,-288.0,0.0,0,Revolving loans,M,Y,Y,1,135000.0,270000.0,13500.0,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.010556,-13284,-221,-4427.0,-4436,24.0,1,1,0,1,0,0,Drivers,3.0,3,3,MONDAY,17,0,0,0,0,0,0,Other,,0.5426871074363241,0.25396280933631177,0.066,0.0,0.9747,0.6532,,0.0,0.1379,0.125,0.1667,0.0149,,0.0496,,0.004,0.0672,0.0,0.9747,0.6668,,0.0,0.1379,0.125,0.1667,0.0153,,0.0517,,0.0042,0.0666,0.0,0.9747,0.6578,,0.0,0.1379,0.125,0.1667,0.0152,,0.0505,,0.0041,reg oper spec account,block of flats,0.0399,"Stone, brick",No,0.0,0.0,0.0,0.0,-562.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2620673,214877,Cash loans,18988.425,450000.0,512370.0,,450000.0,FRIDAY,16,Y,1,,,,XNA,Approved,-174,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,36.0,low_action,Cash X-Sell: low,365243.0,-133.0,917.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,Y,0,139500.0,315000.0,15750.0,315000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-20986,-181,-5272.0,-4525,,1,1,0,1,0,0,Medicine staff,2.0,2,2,FRIDAY,13,0,0,0,0,1,1,Medicine,,0.7277678887875405,0.6769925032909132,0.0928,,0.9896,,,0.0,0.2069,0.1667,,,,0.05,,0.1319,0.0945,,0.9896,,,0.0,0.2069,0.1667,,,,0.0521,,0.1396,0.0937,,0.9896,,,0.0,0.2069,0.1667,,,,0.0509,,0.1346,,block of flats,0.0706,Panel,No,0.0,0.0,0.0,0.0,-1257.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +2235730,146581,Consumer loans,11905.83,119070.0,107163.0,11907.0,119070.0,THURSDAY,13,Y,1,0.1089090909090909,,,XAP,Approved,-2718,Cash through the bank,XAP,"Spouse, partner",Repeater,Furniture,POS,XNA,Stone,218,Construction,10.0,low_normal,POS industry with interest,365243.0,-2683.0,-2413.0,-2413.0,-2407.0,0.0,1,Cash loans,M,Y,Y,1,180000.0,495216.0,33628.5,427500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-13791,-5028,-308.0,-4436,16.0,1,1,1,1,1,0,Laborers,3.0,3,3,SATURDAY,8,0,0,0,1,1,0,Government,0.3730962833488651,0.6590672203426373,0.6109913280868294,0.0825,0.0739,0.9762,0.6736,0.0604,0.0,0.1379,0.1667,0.0417,0.1053,,0.0764,,0.0,0.084,0.0767,0.9762,0.6864,0.0609,0.0,0.1379,0.1667,0.0417,0.1077,,0.0797,,0.0,0.0833,0.0739,0.9762,0.6779999999999999,0.0608,0.0,0.1379,0.1667,0.0417,0.1071,,0.0778,,0.0,,block of flats,0.0931,Panel,No,3.0,1.0,3.0,0.0,-1919.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1093802,271326,Consumer loans,14363.145,245565.0,277978.5,0.0,245565.0,TUESDAY,8,Y,1,0.0,,,XAP,Refused,-759,Cash through the bank,SCO,Unaccompanied,Repeater,Homewares,POS,XNA,Stone,20,Construction,24.0,low_normal,POS industry with interest,,,,,,,0,Cash loans,F,Y,Y,0,211500.0,269550.0,18364.5,225000.0,Unaccompanied,Working,Incomplete higher,Single / not married,House / apartment,0.025164,-16722,-2752,-2894.0,-101,3.0,1,1,0,1,0,0,Accountants,1.0,2,2,FRIDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.7279167787222419,0.5065235197841653,0.2735646775174348,0.0345,0.0524,0.9821,0.7552,0.0128,0.04,0.069,0.3333,0.375,0.0121,0.053,0.0523,0.0154,0.0709,0.0,0.0544,0.9821,0.7648,0.0129,0.0,0.069,0.3333,0.375,0.0123,0.0579,0.0388,0.0156,0.0751,0.0349,0.0524,0.9821,0.7585,0.0129,0.04,0.069,0.3333,0.375,0.0123,0.0539,0.0532,0.0155,0.0724,reg oper account,block of flats,0.053,Panel,No,2.0,1.0,2.0,1.0,-1231.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,8.0,0.0,1.0 +1258989,415979,Cash loans,14087.385,67500.0,77625.0,,67500.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-829,Cash through the bank,XAP,Family,Refreshed,XNA,Cash,x-sell,Stone,642,Consumer electronics,6.0,low_normal,Cash X-Sell: low,365243.0,-799.0,-649.0,-649.0,-643.0,1.0,0,Cash loans,F,N,Y,0,81000.0,450000.0,22018.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-15501,-1550,-7859.0,-4624,,1,1,1,1,1,0,Cooking staff,2.0,2,2,SATURDAY,9,0,0,0,0,0,0,School,0.5683654366499946,0.5534165722648343,0.2405414172860865,0.0258,,0.9429,,,,0.069,0.0417,,0.0246,,0.0091,,0.0,0.0263,,0.9429,,,,0.069,0.0417,,0.0251,,0.0095,,0.0,0.026,,0.9429,,,,0.069,0.0417,,0.025,,0.0093,,0.0,,block of flats,0.0072,"Stone, brick",Yes,0.0,0.0,0.0,0.0,-829.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1161018,374253,Consumer loans,3492.18,25600.5,28980.0,2565.0,25600.5,SATURDAY,10,Y,1,0.0885566074439113,,,XAP,Approved,-1951,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,80,Connectivity,12.0,high,POS mobile with interest,365243.0,-1920.0,-1590.0,-1590.0,-1558.0,0.0,0,Cash loans,F,N,Y,0,108000.0,168102.0,18234.0,148500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,Municipal apartment,0.010276,-20521,365243,-13690.0,-4069,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,XNA,,0.5660634865449471,0.4722533429586386,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1818446,140090,Consumer loans,11583.495,75555.0,60444.0,15111.0,75555.0,FRIDAY,12,Y,1,0.2178181818181818,,,XAP,Approved,-362,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Stone,331,Consumer electronics,6.0,middle,POS household with interest,365243.0,-319.0,-169.0,-169.0,-164.0,0.0,0,Revolving loans,F,N,Y,2,139500.0,427500.0,21375.0,427500.0,Children,Working,Secondary / secondary special,Married,House / apartment,0.028663,-13026,-308,-5928.0,-1050,,1,1,0,1,0,0,Cooking staff,4.0,2,2,WEDNESDAY,7,0,0,0,0,1,1,Kindergarten,,0.3998435067773416,0.21518240418475384,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1002.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2439906,102566,Consumer loans,2779.47,14845.5,14080.5,765.0,14845.5,WEDNESDAY,16,Y,1,0.056121689768249314,,,XAP,Approved,-1322,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Country-wide,1000,Consumer electronics,6.0,high,POS household with interest,365243.0,-1291.0,-1141.0,-1141.0,-1136.0,0.0,0,Cash loans,F,Y,N,0,270000.0,805536.0,31648.5,720000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.009334,-10027,-957,-9549.0,-2720,7.0,1,1,0,1,0,0,Waiters/barmen staff,2.0,2,2,SATURDAY,14,0,0,0,0,0,0,Self-employed,,0.6284602082045604,0.2678689358444539,0.0773,0.0614,0.9762,,,0.0,0.1724,0.1667,,0.0911,,0.0613,,0.0,0.0788,0.0638,0.9762,,,0.0,0.1724,0.1667,,0.0932,,0.0639,,0.0,0.0781,0.0614,0.9762,,,0.0,0.1724,0.1667,,0.0927,,0.0624,,0.0,,block of flats,0.0546,Panel,No,5.0,0.0,5.0,0.0,-1636.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,0.0 +2362241,158590,Cash loans,13489.2,135000.0,135000.0,,135000.0,TUESDAY,9,Y,1,,,,XNA,Approved,-713,XNA,XAP,Family,Repeater,XNA,Cash,x-sell,Country-wide,40,Connectivity,12.0,middle,Cash X-Sell: middle,365243.0,-683.0,-353.0,-353.0,-351.0,0.0,0,Cash loans,F,N,Y,0,84600.0,134775.0,6066.0,112500.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-23260,365243,-3633.0,-4469,,1,0,0,1,0,0,,2.0,2,2,MONDAY,7,0,0,0,0,0,0,XNA,,0.24246616332317594,0.5902333386185574,0.0093,0.0,0.9702,0.5920000000000001,0.001,0.0,0.0345,0.0417,0.0833,0.0079,0.0076,0.006999999999999999,0.0,0.0,0.0095,0.0,0.9702,0.608,0.001,0.0,0.0345,0.0417,0.0833,0.008,0.0083,0.0073,0.0,0.0,0.0094,0.0,0.9702,0.5975,0.001,0.0,0.0345,0.0417,0.0833,0.008,0.0077,0.0072,0.0,0.0,reg oper account,block of flats,0.0061,Wooden,Yes,0.0,0.0,0.0,0.0,-278.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1840964,105746,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SATURDAY,6,Y,1,,,,XAP,Approved,-363,XNA,XAP,,New,XNA,Cards,walk-in,Regional / Local,300,Consumer electronics,0.0,XNA,Card Street,-316.0,-288.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,0,270000.0,592560.0,32143.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,Rented apartment,0.002506,-14914,-1945,-7163.0,-4178,,1,1,0,1,0,0,Cleaning staff,2.0,2,2,FRIDAY,2,0,0,0,1,1,0,School,,0.3889176301588485,0.8245949709919925,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-362.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1497928,342531,Consumer loans,7425.36,43213.5,43213.5,0.0,43213.5,TUESDAY,17,Y,1,0.0,,,XAP,Refused,-571,Cash through the bank,HC,,Repeater,Consumer Electronics,POS,XNA,Country-wide,1300,Consumer electronics,6.0,low_action,POS household without interest,,,,,,,0,Revolving loans,M,Y,Y,1,360000.0,337500.0,16875.0,337500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.032561,-13211,-454,-6046.0,-4153,11.0,1,1,0,1,1,0,Laborers,3.0,1,1,SATURDAY,16,0,1,1,0,0,0,Military,,0.6944262289705753,0.2822484337007223,0.0773,0.0,0.9727,,,0.0,0.1379,0.1667,,0.0947,,0.0968,,0.0,0.0788,0.0,0.9727,,,0.0,0.1379,0.1667,,0.0969,,0.1009,,0.0,0.0781,0.0,0.9727,,,0.0,0.1379,0.1667,,0.0964,,0.0986,,0.0,,block of flats,0.0761,"Stone, brick",No,1.0,0.0,1.0,0.0,-1526.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2364401,219686,Cash loans,48638.295,1318500.0,1471657.5,,1318500.0,TUESDAY,15,Y,1,,,,XNA,Refused,-238,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,270000.0,1260702.0,41796.0,1129500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.00496,-16133,-3358,-4057.0,-4375,,1,1,0,1,0,0,,1.0,2,2,TUESDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.61963623157403,0.633031641417419,0.1191,,0.9821,,,0.18,0.1379,0.25,,,,0.1946,,,0.063,,0.9831,,,0.1611,0.1379,0.1667,,,,0.2028,,,0.1166,,0.9826,,,0.18,0.1379,0.25,,,,0.1981,,,,,0.0513,Panel,No,3.0,3.0,3.0,3.0,-1412.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1518301,134964,Cash loans,18675.54,405000.0,479844.0,,405000.0,TUESDAY,11,Y,1,,,,XNA,Approved,-947,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-917.0,493.0,-257.0,-249.0,1.0,0,Cash loans,F,N,Y,0,252000.0,1378953.0,49662.0,1138500.0,Unaccompanied,State servant,Higher education,Married,Municipal apartment,0.008068,-16791,-4471,-1671.0,-330,,1,1,0,1,0,0,,2.0,3,3,THURSDAY,9,0,0,0,0,0,0,Security Ministries,0.5261879852351955,0.13301140277264367,0.2636468134452008,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1587.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1244325,287776,Cash loans,43605.315,796500.0,864841.5,,796500.0,MONDAY,10,Y,1,,,,XNA,Approved,-667,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,292500.0,1258650.0,53455.5,1125000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-21677,365243,-2889.0,-4782,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,XNA,,0.6937622676676335,0.2735646775174348,0.1247,0.0845,0.9801,0.728,0.0091,0.0,0.069,0.1667,0.2083,0.0792,0.1009,0.0645,0.0039,0.002,0.1271,0.0877,0.9801,0.7387,0.0091,0.0,0.069,0.1667,0.2083,0.081,0.1102,0.0672,0.0039,0.0021,0.126,0.0845,0.9801,0.7316,0.0091,0.0,0.069,0.1667,0.2083,0.0806,0.1026,0.0656,0.0039,0.0021,reg oper account,block of flats,0.0561,Block,No,2.0,0.0,2.0,0.0,-177.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,7.0 +1154214,367603,Consumer loans,11347.47,93325.5,93325.5,0.0,93325.5,THURSDAY,14,Y,1,0.0,,,XAP,Approved,-851,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,56,Connectivity,12.0,high,POS mobile with interest,365243.0,-813.0,-483.0,-483.0,-477.0,0.0,0,Cash loans,M,N,Y,0,121500.0,328500.0,26082.0,328500.0,"Spouse, partner",Working,Secondary / secondary special,Single / not married,House / apartment,0.028663,-13998,-4454,-7595.0,-4224,,1,1,0,1,1,1,,1.0,2,2,MONDAY,15,0,0,0,0,0,0,Transport: type 4,0.3830788744058865,0.5541406614307859,,0.1495,0.1145,0.9886,0.8436,0.098,0.16,0.1379,0.3333,0.375,0.0,0.121,0.1583,0.0039,0.0096,0.1523,0.1189,0.9886,0.8497,0.0989,0.1611,0.1379,0.3333,0.375,0.0,0.1322,0.1649,0.0039,0.0102,0.1509,0.1145,0.9886,0.8457,0.0986,0.16,0.1379,0.3333,0.375,0.0,0.1231,0.1611,0.0039,0.0098,reg oper account,block of flats,0.1801,"Stone, brick",No,0.0,0.0,0.0,0.0,-52.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,1.0 +2262973,291099,Consumer loans,7621.335,62680.5,62680.5,0.0,62680.5,THURSDAY,14,Y,1,0.0,,,XAP,Approved,-396,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,high,POS mobile with interest,365243.0,-288.0,42.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,103500.0,125640.0,8626.5,90000.0,Unaccompanied,Commercial associate,Incomplete higher,Single / not married,House / apartment,0.010276,-10170,-436,-744.0,-1046,,1,1,0,1,0,0,Sales staff,1.0,2,2,MONDAY,15,0,0,0,0,0,0,Self-employed,0.202146417729348,0.539608380762301,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-396.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2392516,126760,Cash loans,16741.215,450000.0,533160.0,,450000.0,TUESDAY,10,Y,1,,,,XNA,Refused,-240,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,99000.0,755190.0,32125.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.030755,-20441,-2215,-12251.0,-2829,,1,1,0,1,1,0,Security staff,1.0,2,2,THURSDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.7428394211378829,0.6551402989690703,,0.0134,0.0362,0.9871,0.8232,0.0064,0.0,0.069,0.0417,0.0417,0.0108,0.0109,0.0074,0.0502,0.0161,0.0084,0.0074,0.9871,0.8301,0.0016,0.0,0.0345,0.0417,0.0417,0.0101,0.0073,0.004,0.0311,0.0043,0.0135,0.0362,0.9871,0.8256,0.0065,0.0,0.069,0.0417,0.0417,0.011,0.0111,0.0075,0.0505,0.0165,reg oper account,block of flats,0.0065,"Stone, brick",No,4.0,0.0,4.0,0.0,-240.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1301453,441813,Consumer loans,5338.935,19750.5,20533.5,0.0,19750.5,WEDNESDAY,13,Y,1,0.0,,,XAP,Approved,-379,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Regional / Local,100,Consumer electronics,4.0,low_action,POS household with interest,365243.0,-347.0,-257.0,-257.0,-249.0,0.0,0,Cash loans,F,Y,N,1,90000.0,797557.5,26487.0,688500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.0031219999999999998,-11053,-2657,-1428.0,-2591,1.0,1,1,0,1,0,0,Core staff,3.0,3,3,THURSDAY,13,0,0,0,0,0,0,Government,0.13997250717747142,0.5617668421515072,0.4561097392782771,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1828.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,1.0,0.0,0.0,0.0,1.0 +1086147,296545,Consumer loans,11994.705,119970.0,107973.0,11997.0,119970.0,SUNDAY,15,Y,1,0.1089090909090909,,,XAP,Approved,-764,Cash through the bank,XAP,Unaccompanied,New,Furniture,POS,XNA,Country-wide,150,Furniture,10.0,low_normal,POS industry with interest,365243.0,-730.0,-460.0,-580.0,-575.0,0.0,0,Cash loans,F,N,N,2,180000.0,1350000.0,39604.5,1350000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.04622,-10828,-3889,-844.0,-3188,,1,1,1,1,1,0,Core staff,4.0,1,1,MONDAY,14,0,0,0,0,0,0,Government,0.7372191142955746,0.7751541913689934,0.6006575372857061,0.0825,0.1525,0.9767,0.6804,0.0285,0.0,0.1379,0.1667,0.2083,0.051,0.0672,0.0709,0.0,0.0,0.084,0.0661,0.9767,0.6929,0.0282,0.0,0.1379,0.1667,0.2083,0.0395,0.0735,0.0726,0.0,0.0,0.0833,0.0651,0.9767,0.6847,0.0287,0.0,0.1379,0.1667,0.2083,0.0499,0.0684,0.0724,0.0,0.0,reg oper account,block of flats,0.0728,Panel,No,2.0,0.0,2.0,0.0,-764.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2402941,327955,Cash loans,29097.0,450000.0,450000.0,,450000.0,SUNDAY,5,Y,1,,,,XNA,Approved,-375,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,18.0,low_action,Cash X-Sell: low,365243.0,-345.0,165.0,-105.0,-102.0,0.0,0,Cash loans,F,N,Y,0,270000.0,1130548.5,40738.5,913500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.006629,-20093,-11376,-8595.0,-3551,,1,1,0,1,0,0,Laborers,1.0,2,2,THURSDAY,7,0,0,0,0,0,0,Industry: type 9,0.6013943742852053,0.18996974227956248,,0.1289,0.1308,0.9871,0.8232,0.0279,0.04,0.1724,0.2221,0.0417,0.0892,0.1051,0.1274,0.0,0.0,0.0945,0.1251,0.9876,0.8367,0.0156,0.0,0.2069,0.1667,0.0417,0.0793,0.0826,0.0954,0.0,0.0,0.0937,0.1244,0.9876,0.8323,0.0161,0.0,0.2069,0.1667,0.0417,0.091,0.077,0.0953,0.0,0.0,org spec account,block of flats,0.1836,Panel,No,1.0,0.0,1.0,0.0,-2345.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,8.0 +1374180,213325,Consumer loans,4295.52,46557.0,41899.5,4657.5,46557.0,SATURDAY,8,Y,1,0.10895119765214488,,,XAP,Approved,-508,Cash through the bank,XAP,,New,Construction Materials,POS,XNA,Stone,60,Construction,12.0,middle,POS industry with interest,365243.0,-473.0,-143.0,-323.0,-318.0,0.0,0,Cash loans,F,N,Y,0,90000.0,835380.0,40320.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.007305,-16312,-354,-1118.0,-1121,,1,1,0,1,0,0,Private service staff,2.0,3,3,WEDNESDAY,7,0,0,0,0,0,0,Services,0.7371009379523212,0.5440652475120783,0.6986675550534175,0.0619,0.0533,0.9811,0.7416,0.0265,0.0,0.1379,0.1667,0.2083,0.0566,0.0504,0.0535,0.0,0.0666,0.063,0.0553,0.9811,0.7517,0.0267,0.0,0.1379,0.1667,0.2083,0.0579,0.0551,0.0557,0.0,0.0705,0.0625,0.0533,0.9811,0.7451,0.0267,0.0,0.1379,0.1667,0.2083,0.0576,0.0513,0.0545,0.0,0.068,reg oper spec account,block of flats,0.0566,Panel,No,0.0,0.0,0.0,0.0,-508.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1586270,237463,Cash loans,26472.24,225000.0,239850.0,,225000.0,MONDAY,12,Y,1,,,,XNA,Approved,-695,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-665.0,-335.0,-335.0,-332.0,1.0,0,Cash loans,M,Y,Y,1,270000.0,840951.0,35761.5,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-18520,-4082,-6777.0,-2051,10.0,1,1,1,1,1,0,Laborers,3.0,3,3,WEDNESDAY,7,0,0,0,0,1,1,Business Entity Type 1,0.5154052108032192,0.5059441189933327,,0.0619,0.0747,0.9911,0.8776,0.01,0.0,0.1379,0.1667,0.2083,0.0611,0.0504,0.0646,0.0,0.0,0.063,0.0775,0.9911,0.8824,0.0101,0.0,0.1379,0.1667,0.2083,0.0625,0.0551,0.0674,0.0,0.0,0.0625,0.0747,0.9911,0.8792,0.01,0.0,0.1379,0.1667,0.2083,0.0621,0.0513,0.0658,0.0,0.0,reg oper spec account,block of flats,0.0563,Panel,No,1.0,1.0,1.0,1.0,-1386.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,1.0,5.0 +1363914,414565,Consumer loans,4880.7,44010.0,40950.0,6750.0,44010.0,THURSDAY,16,Y,1,0.1541166380789022,,,XAP,Approved,-1714,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,80,Connectivity,12.0,high,POS mobile with interest,365243.0,-1683.0,-1353.0,-1563.0,-1557.0,0.0,0,Cash loans,M,N,Y,0,135000.0,284400.0,17527.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010276,-21676,-814,-2577.0,-4605,,1,1,0,1,0,0,Drivers,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Self-employed,0.6259119150690651,0.5449764039476732,0.7281412993111438,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1714.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2481888,246062,Cash loans,51338.88,675000.0,709749.0,,675000.0,MONDAY,16,Y,1,,,,XNA,Approved,-954,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-924.0,-414.0,-414.0,-409.0,1.0,0,Cash loans,F,Y,Y,0,157500.0,1288350.0,37795.5,1125000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.016612000000000002,-21323,365243,-113.0,-4855,10.0,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,XNA,0.7299132146386591,0.6025453335462858,0.511891801533151,0.2041,,0.993,,,0.2,0.1724,0.375,,,,0.198,,0.0048,0.208,,0.993,,,0.2014,0.1724,0.375,,,,0.2063,,0.005,0.2061,,0.993,,,0.2,0.1724,0.375,,,,0.2015,,0.0049,,block of flats,0.1637,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2563021,175174,Consumer loans,12278.385,87732.0,64453.5,26320.5,87732.0,TUESDAY,12,Y,1,0.3157888522344203,,,XAP,Approved,-1602,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,2700,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1571.0,-1421.0,-1451.0,-1443.0,0.0,0,Cash loans,F,Y,Y,1,81000.0,1350000.0,39604.5,1350000.0,Family,Working,Higher education,Married,House / apartment,0.022625,-15597,-8952,-4365.0,-4659,0.0,1,1,1,1,1,0,Laborers,3.0,2,2,MONDAY,11,0,0,0,0,0,0,Transport: type 4,0.8287964771509889,0.537657484635828,,0.1278,0.0499,0.9851,0.7959999999999999,0.0562,0.08,0.0345,0.625,0.6667,0.0677,0.1042,0.1241,0.0154,0.0148,0.1303,0.0518,0.9851,0.804,0.0567,0.0806,0.0345,0.625,0.6667,0.0692,0.1139,0.1293,0.0156,0.0157,0.1291,0.0499,0.9851,0.7987,0.0566,0.08,0.0345,0.625,0.6667,0.0689,0.106,0.1263,0.0155,0.0151,reg oper account,block of flats,0.0976,Panel,No,0.0,0.0,0.0,0.0,-1211.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +1443805,148036,Cash loans,11460.735,121500.0,133528.5,0.0,121500.0,THURSDAY,10,Y,1,0.0,,,XNA,Refused,-2072,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,18.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,M,Y,Y,0,202500.0,900000.0,46084.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.020246,-17031,-3562,-3293.0,-568,18.0,1,1,0,1,1,1,Laborers,2.0,3,3,THURSDAY,13,0,0,0,0,0,0,Business Entity Type 2,0.6406214197526531,0.2655761050869516,0.22383131747015547,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2072.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +1556014,267648,Consumer loans,7462.44,79897.5,79897.5,0.0,79897.5,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-1369,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Stone,160,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-1338.0,-1008.0,-1128.0,-1124.0,0.0,0,Cash loans,M,Y,Y,2,202500.0,112068.0,10606.5,99000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-12700,-1610,-3526.0,-3519,2.0,1,1,0,1,0,0,Laborers,4.0,2,2,THURSDAY,15,0,0,0,0,1,1,Business Entity Type 3,,0.7027142119318889,0.6263042766749393,0.1113,,0.9876,,,0.0,0.1034,0.3333,,,,0.1252,,,0.0756,,0.9871,,,0.0,0.069,0.3333,,,,0.0905,,,0.1124,,0.9876,,,0.0,0.1034,0.3333,,,,0.133,,,,block of flats,0.081,Panel,No,0.0,0.0,0.0,0.0,-1657.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,3.0 +1620513,114299,Consumer loans,5096.205,67455.0,52204.5,20236.5,67455.0,SATURDAY,13,Y,1,0.3042391488496595,,,XAP,Approved,-522,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Regional / Local,450,Consumer electronics,12.0,middle,POS household with interest,365243.0,-490.0,-160.0,-220.0,-213.0,0.0,0,Cash loans,M,Y,Y,2,225000.0,675000.0,29862.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-19111,365243,-6036.0,-2646,17.0,1,0,0,1,0,0,,4.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,,0.4662405758294487,0.4596904504249018,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,2.0,3.0,2.0,-1905.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,1.0,0.0,0.0,0.0,0.0 +2481641,158240,Cash loans,10463.22,90000.0,95940.0,,90000.0,TUESDAY,10,Y,1,,,,XNA,Approved,-1030,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1000.0,-670.0,-970.0,-962.0,1.0,0,Cash loans,F,N,Y,0,180000.0,135000.0,16150.5,135000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-23474,365243,-88.0,-4584,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,XNA,,0.6176861367458096,0.4382813743111921,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1925.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1570362,443000,Cash loans,14047.245,148500.0,177790.5,,148500.0,MONDAY,8,Y,1,,,,Other,Approved,-476,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,high,Cash Street: high,365243.0,-446.0,244.0,365243.0,365243.0,1.0,1,Cash loans,F,N,N,0,45000.0,367389.0,22329.0,279000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.020713,-11806,-1882,-2730.0,-2336,,1,1,0,1,0,0,Sales staff,2.0,3,3,MONDAY,5,0,0,0,0,0,0,Industry: type 11,0.3047149868718757,0.5713948492221972,0.13765446191826075,0.0928,0.1057,0.9841,0.7824,0.1364,0.0,0.2069,0.1667,0.2083,0.0443,0.0756,0.0865,0.0,0.0299,0.0945,0.1097,0.9841,0.7909,0.1376,0.0,0.2069,0.1667,0.2083,0.0453,0.0826,0.0901,0.0,0.0317,0.0937,0.1057,0.9841,0.7853,0.1372,0.0,0.2069,0.1667,0.2083,0.0451,0.077,0.0881,0.0,0.0305,reg oper account,block of flats,0.0746,Panel,No,2.0,1.0,2.0,0.0,-1436.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2662574,235417,Consumer loans,7422.03,74250.0,44550.0,29700.0,74250.0,WEDNESDAY,13,Y,1,0.4356363636363636,,,XAP,Approved,-1344,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,49,Consumer electronics,7.0,middle,POS household with interest,365243.0,-1307.0,-1127.0,-1127.0,-1123.0,0.0,0,Cash loans,F,Y,Y,0,157500.0,700830.0,20619.0,585000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.019101,-22422,365243,-3119.0,-4793,18.0,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,XNA,,0.2888355508920517,0.7421816117614419,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1216175,186325,Cash loans,,0.0,0.0,,,SATURDAY,8,Y,1,,,,XNA,Refused,-175,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,N,0,90000.0,225000.0,11074.5,225000.0,"Spouse, partner",Working,Secondary / secondary special,Married,Municipal apartment,0.0228,-11322,-2668,-11322.0,-1430,,1,1,0,1,0,0,Cleaning staff,2.0,2,2,SATURDAY,8,0,0,0,0,1,1,Industry: type 9,0.7030295789012674,0.3729332153076453,0.17044612304522816,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-258.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1423155,250582,Consumer loans,10681.65,107995.5,106816.5,10800.0,107995.5,FRIDAY,7,Y,1,0.10000452162903856,,,XAP,Approved,-1579,Cash through the bank,XAP,Unaccompanied,Refreshed,Computers,POS,XNA,Regional / Local,100,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1548.0,-1218.0,-1218.0,-1213.0,0.0,0,Cash loans,M,N,Y,2,270000.0,398160.0,29101.5,315000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-15171,-4707,-9164.0,-4975,,1,1,0,1,0,1,Laborers,4.0,3,3,TUESDAY,6,0,0,0,1,1,0,Transport: type 2,,0.4161785624920468,0.20559813854932085,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1579.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,1.0,0.0,0.0,1.0,3.0 +2622378,305979,Consumer loans,6560.46,56245.5,62185.5,0.0,56245.5,SUNDAY,10,Y,1,0.0,,,XAP,Approved,-330,Cash through the bank,XAP,,Refreshed,Audio/Video,POS,XNA,Country-wide,800,Consumer electronics,12.0,middle,POS household with interest,365243.0,-298.0,32.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,0,90000.0,942300.0,30528.0,675000.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.019688999999999998,-13726,-598,-2713.0,-4554,18.0,1,1,0,1,0,0,Security staff,2.0,2,2,MONDAY,7,0,0,0,0,1,1,Security,,0.30876012715601675,0.7295666907060153,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2547418,138911,Cash loans,14019.705,135000.0,143910.0,,135000.0,TUESDAY,10,Y,1,,,,XNA,Approved,-356,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Stone,10,Consumer electronics,12.0,low_normal,Cash X-Sell: low,365243.0,-326.0,4.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,N,0,90000.0,364896.0,18630.0,315000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.01885,-17204,-124,-11349.0,-733,14.0,1,1,1,1,0,0,Core staff,2.0,2,2,SUNDAY,12,0,0,0,0,1,1,Agriculture,,0.7052797239780387,0.5352762504724826,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1295.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1835515,207992,Consumer loans,9808.02,90625.05,88281.0,9071.55,90625.05,WEDNESDAY,19,Y,1,0.10148416899571333,,,XAP,Approved,-2769,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,-1,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2738.0,-2468.0,-2468.0,-2464.0,1.0,0,Cash loans,F,N,N,0,162000.0,450000.0,27193.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.011656999999999999,-16652,-4266,-309.0,-121,,1,1,1,1,0,0,Core staff,2.0,1,1,SUNDAY,12,0,0,0,0,0,0,Military,0.7743878967342578,0.6264001568194045,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,1.0,0.0,-62.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,0.0 +2746528,399073,Consumer loans,18615.015,202500.0,182250.0,20250.0,202500.0,MONDAY,14,Y,1,0.1089090909090909,,,XAP,Approved,-374,Cash through the bank,XAP,,New,Auto Accessories,POS,XNA,Stone,70,Auto technology,12.0,middle,POS other with interest,365243.0,-341.0,-11.0,-41.0,-39.0,0.0,0,Cash loans,M,Y,N,0,180000.0,755190.0,36328.5,675000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.008625,-13328,-869,-6792.0,-2849,9.0,1,1,1,1,1,0,Managers,1.0,2,2,THURSDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.6591323351370799,0.5587714215266639,0.7121551551910698,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-374.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,1.0 +2060870,193985,Cash loans,12428.235,229500.0,260550.0,,229500.0,FRIDAY,14,Y,1,,,,XNA,Refused,-464,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,135000.0,472500.0,13945.5,472500.0,Unaccompanied,Pensioner,Higher education,Single / not married,House / apartment,0.016612000000000002,-20946,365243,-9466.0,-4146,,1,0,0,1,0,0,,1.0,2,2,SUNDAY,12,0,0,0,0,0,0,XNA,,0.6408261747108652,0.2822484337007223,0.2041,0.1829,0.9866,0.8164,0.0969,0.24,0.2069,0.3333,0.375,0.0,0.1664,0.2393,0.0,0.0,0.208,0.1898,0.9866,0.8236,0.0978,0.2417,0.2069,0.3333,0.375,0.0,0.1818,0.2493,0.0,0.0,0.2061,0.1829,0.9866,0.8189,0.0975,0.24,0.2069,0.3333,0.375,0.0,0.1693,0.2436,0.0,0.0,reg oper account,block of flats,0.2412,Panel,No,0.0,0.0,0.0,0.0,-496.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1675969,407586,Consumer loans,12750.165,123205.5,106366.5,27000.0,123205.5,MONDAY,13,Y,1,0.2204860631826924,,,XAP,Approved,-415,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,72,Connectivity,12.0,high,POS mobile with interest,365243.0,-384.0,-54.0,-54.0,-52.0,0.0,0,Cash loans,F,N,N,0,62284.5,711072.0,22455.0,540000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.020246,-11362,-1487,-5175.0,-4045,,1,1,0,1,0,0,Secretaries,2.0,3,3,MONDAY,14,0,0,0,0,0,0,Trade: type 6,0.43538688415182336,0.4953442230550304,0.7001838506835805,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1152.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1978580,432762,Consumer loans,5408.1,29245.5,29245.5,0.0,29245.5,FRIDAY,13,Y,1,0.0,,,XAP,Approved,-439,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Regional / Local,30,Consumer electronics,6.0,middle,POS household with interest,365243.0,-320.0,-170.0,-260.0,-255.0,0.0,0,Revolving loans,M,Y,Y,0,90000.0,247500.0,12375.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009334,-13338,-1923,-1217.0,-1245,9.0,1,1,1,1,1,0,Laborers,2.0,2,2,WEDNESDAY,16,0,0,0,0,1,1,Self-employed,,0.7575165211560853,0.5779691187553125,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1339.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1793503,276711,Consumer loans,10071.0,80550.0,74106.0,6444.0,80550.0,SATURDAY,12,Y,1,0.08712727272727272,,,XAP,Approved,-2890,XNA,XAP,,New,Furniture,POS,XNA,Stone,557,Furniture,8.0,low_normal,POS industry without interest,365243.0,-2857.0,-2647.0,-2647.0,-2588.0,0.0,0,Cash loans,F,Y,Y,0,90000.0,920088.0,61866.0,868500.0,Children,Working,Secondary / secondary special,Married,House / apartment,0.020713,-22301,-1725,-9417.0,-802,20.0,1,1,0,1,0,0,Accountants,2.0,3,3,FRIDAY,11,0,0,0,0,0,0,Self-employed,0.8333236394914464,0.4364611189629779,0.4848514754962666,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1610.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1249457,161790,Consumer loans,12679.56,73845.0,66420.0,7425.0,73845.0,THURSDAY,12,Y,1,0.10950639853747714,,,XAP,Approved,-1542,Non-cash from your account,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Regional / Local,376,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1504.0,-1354.0,-1354.0,-1322.0,0.0,0,Cash loans,F,N,Y,0,45000.0,71955.0,7137.0,67500.0,Family,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.022625,-20333,365243,-5139.0,-3725,,1,0,0,1,0,0,,1.0,2,2,SATURDAY,10,0,0,0,0,0,0,XNA,0.7274280589306588,0.5735891568981796,0.2405414172860865,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1969.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2173862,241219,Consumer loans,5247.135,40860.0,45234.0,4905.0,40860.0,TUESDAY,14,Y,1,0.10654362689903883,,,XAP,Approved,-1487,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,25,Connectivity,12.0,high,POS mobile with interest,365243.0,-1456.0,-1126.0,-1156.0,-1153.0,0.0,0,Cash loans,M,Y,Y,2,337500.0,1078200.0,31653.0,900000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.025164,-14396,-3524,-1733.0,-3959,3.0,1,1,0,1,1,0,Laborers,4.0,2,2,FRIDAY,13,0,0,0,0,0,0,Government,0.2428298053020776,0.7660202436255831,0.20915469884100693,0.0433,0.0857,0.9712,0.6056,0.0064,0.0,0.1034,0.0833,0.125,0.0595,0.0353,0.0527,0.0,0.0,0.0441,0.08900000000000001,0.9712,0.621,0.0065,0.0,0.1034,0.0833,0.125,0.0608,0.0386,0.0549,0.0,0.0,0.0437,0.0857,0.9712,0.6109,0.0065,0.0,0.1034,0.0833,0.125,0.0605,0.0359,0.0536,0.0,0.0,reg oper account,block of flats,0.0451,"Stone, brick",No,1.0,0.0,1.0,0.0,-2649.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1347484,404525,Cash loans,14354.415,135000.0,171414.0,,135000.0,THURSDAY,18,Y,1,,,,XNA,Approved,-861,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-831.0,-321.0,-441.0,-438.0,1.0,0,Cash loans,F,Y,N,0,180000.0,675000.0,21195.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,Municipal apartment,0.006233,-9642,-566,-7190.0,-2310,22.0,1,1,0,1,0,0,Sales staff,1.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.5319723394413813,0.42765737003502935,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,2.0,7.0,0.0,-1.0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1413970,107038,Cash loans,10279.44,45000.0,50692.5,,45000.0,SATURDAY,15,Y,1,,,,XNA,Approved,-246,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),5,XNA,6.0,high,Cash X-Sell: high,365243.0,-216.0,-66.0,-96.0,-91.0,1.0,0,Cash loans,M,Y,Y,0,112500.0,197820.0,18144.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Municipal apartment,0.008575,-11195,-1981,-5919.0,-2481,5.0,1,1,1,1,0,0,Drivers,1.0,2,2,SUNDAY,10,0,0,0,1,1,1,Industry: type 9,,0.5719249548110787,0.8406665596573005,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-782.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1268661,176864,Consumer loans,8010.0,72891.0,72891.0,0.0,72891.0,WEDNESDAY,16,Y,1,0.0,,,XAP,Approved,-700,XNA,XAP,,Refreshed,Medical Supplies,POS,XNA,Country-wide,180,Industry,10.0,low_normal,POS others without interest,365243.0,-664.0,-394.0,-424.0,-416.0,0.0,0,Cash loans,F,N,Y,0,90000.0,808650.0,23643.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-20215,365243,-2423.0,-3457,,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,XNA,0.8290183676380317,0.2622583692422573,0.7252764347002191,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-517.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2509212,296521,Consumer loans,2458.26,16200.0,18022.5,1620.0,16200.0,WEDNESDAY,5,Y,1,0.08982193064667289,,,XAP,Approved,-1782,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Regional / Local,156,Consumer electronics,10.0,high,POS household with interest,365243.0,-1751.0,-1481.0,-1481.0,-1477.0,0.0,0,Cash loans,F,Y,N,0,135000.0,450000.0,30073.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-17356,-1078,-4309.0,-911,14.0,1,1,1,1,0,0,Sales staff,2.0,3,3,THURSDAY,11,0,0,0,0,0,0,Self-employed,,0.5203166089603184,0.6430255641096323,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-1782.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1688564,308273,Consumer loans,17660.835,199890.0,132390.0,67500.0,199890.0,SUNDAY,10,Y,1,0.3677704555687445,,,XAP,Approved,-2610,Cash through the bank,XAP,Family,New,Construction Materials,POS,XNA,Stone,40,Construction,10.0,low_normal,POS industry with interest,365243.0,-2577.0,-2307.0,-2307.0,-2274.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,592560.0,40216.5,450000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-21419,-400,-9552.0,-4972,20.0,1,1,0,1,0,0,Drivers,2.0,2,2,SATURDAY,10,0,1,1,0,1,1,Business Entity Type 3,0.6731922847488224,0.6956684015665721,0.24988506275045536,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-2610.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2287207,411559,Consumer loans,8971.425,49266.0,46678.5,4927.5,49266.0,MONDAY,14,Y,1,0.10398975806195897,,,XAP,Approved,-848,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Regional / Local,400,Consumer electronics,6.0,middle,POS household with interest,365243.0,-817.0,-667.0,-667.0,-659.0,0.0,0,Cash loans,M,Y,N,1,202500.0,781920.0,41400.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-16578,-463,-6704.0,-122,7.0,1,1,0,1,0,0,Drivers,3.0,1,1,SATURDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.7720551504719757,0.7209482170572739,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-848.0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,,,,,, +2778474,410052,Consumer loans,8810.1,146250.0,117000.0,29250.0,146250.0,WEDNESDAY,16,Y,1,0.2178181818181818,,,XAP,Approved,-1627,Cash through the bank,XAP,,Repeater,Auto Accessories,POS,XNA,Stone,7,Industry,18.0,middle,POS other with interest,365243.0,-1595.0,-1085.0,-1085.0,-1042.0,0.0,0,Revolving loans,F,N,Y,0,157500.0,337500.0,16875.0,337500.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.018634,-16121,-738,-1425.0,-4209,,1,1,1,1,1,0,,2.0,2,2,SATURDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.5113983856788328,0.36227724703843145,0.0784,0.0531,0.9876,0.83,0.0517,0.08,0.069,0.3333,0.375,0.0425,0.0605,0.0767,0.0154,0.0268,0.0798,0.0551,0.9876,0.8367,0.0522,0.0806,0.069,0.3333,0.375,0.0435,0.0661,0.0799,0.0156,0.0283,0.0791,0.0531,0.9876,0.8323,0.0521,0.08,0.069,0.3333,0.375,0.0432,0.0616,0.0781,0.0155,0.0273,reg oper account,block of flats,0.0944,Panel,No,0.0,0.0,0.0,0.0,-231.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2550762,325759,Revolving loans,7875.0,0.0,157500.0,,,FRIDAY,6,N,0,,,,XAP,Refused,-2025,XNA,LIMIT,,Repeater,XNA,Cards,x-sell,Country-wide,1214,Consumer electronics,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,N,0,360000.0,539230.5,27661.5,409500.0,Unaccompanied,Working,Secondary / secondary special,Separated,Municipal apartment,0.006629,-17115,-2130,-3407.0,-648,,1,1,0,1,0,0,Managers,1.0,2,2,SUNDAY,5,0,0,0,0,0,0,Agriculture,0.4362410538908096,0.3517974460615076,0.3962195720630885,0.0093,0.0,0.9841,0.8436,0.001,0.0,0.069,0.0208,0.0417,0.0232,0.0017,0.012,0.0,0.0064,0.0021,0.0,0.9826,0.8497,0.001,0.0,0.069,0.0,0.0417,0.0,0.0018,0.0033,0.0,0.0,0.0094,0.0,0.9826,0.8457,0.001,0.0,0.069,0.0208,0.0417,0.0236,0.0017,0.0136,0.0,0.0066,not specified,block of flats,0.0167,Wooden,No,1.0,1.0,1.0,1.0,-2025.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1821998,202440,Consumer loans,5016.825,71100.0,71100.0,0.0,71100.0,MONDAY,9,Y,1,0.0,,,XAP,Approved,-829,XNA,XAP,,Repeater,Audio/Video,POS,XNA,Stone,6,Consumer electronics,18.0,middle,POS household with interest,365243.0,-793.0,-283.0,-553.0,-550.0,0.0,0,Cash loans,F,N,Y,1,135000.0,247500.0,15948.0,247500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.028663,-14373,-1527,-916.0,-4682,,1,1,0,1,0,0,,3.0,2,2,THURSDAY,14,0,0,0,0,0,0,Services,0.4911067890472685,0.3672187065425329,0.7091891096653581,0.1629,0.1146,0.9841,0.7824,0.2727,0.16,0.1379,0.3333,0.375,0.1296,0.1328,0.1645,0.0154,0.0094,0.166,0.1189,0.9841,0.7909,0.2752,0.1611,0.1379,0.3333,0.375,0.1326,0.1451,0.1714,0.0156,0.01,0.1645,0.1146,0.9841,0.7853,0.2744,0.16,0.1379,0.3333,0.375,0.1319,0.1351,0.1674,0.0155,0.0096,reg oper account,block of flats,0.1491,Panel,No,3.0,0.0,3.0,0.0,-2555.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1393829,256336,Consumer loans,27876.6,145786.5,145786.5,0.0,145786.5,WEDNESDAY,17,Y,1,0.0,,,XAP,Approved,-51,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,1600,Consumer electronics,6.0,middle,POS household with interest,365243.0,-16.0,134.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,202500.0,959949.0,37489.5,729000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-11003,-675,-4417.0,-402,64.0,1,1,0,1,0,0,Sales staff,2.0,1,1,FRIDAY,12,0,0,0,0,0,0,Trade: type 7,0.5088966389658443,0.6604073548415303,0.5460231970049609,0.0371,0.0,0.9752,0.66,0.0032,0.0,0.1034,0.0833,0.125,,0.0303,0.0307,0.0,0.0,0.0378,0.0,0.9752,0.6733,0.0032,0.0,0.1034,0.0833,0.125,,0.0331,0.032,0.0,0.0,0.0375,0.0,0.9752,0.6645,0.0032,0.0,0.1034,0.0833,0.125,,0.0308,0.0312,0.0,0.0,reg oper account,block of flats,0.024,"Stone, brick",No,1.0,1.0,1.0,1.0,-375.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1989330,121764,Consumer loans,40448.52,306526.5,153265.5,153261.0,306526.5,MONDAY,13,Y,1,0.544537460278905,,,XAP,Approved,-117,Cash through the bank,XAP,Unaccompanied,Refreshed,Gardening,POS,XNA,Country-wide,111,Auto technology,4.0,low_normal,POS other with interest,365243.0,-87.0,3.0,365243.0,365243.0,0.0,0,Revolving loans,M,Y,Y,1,202500.0,270000.0,13500.0,270000.0,"Spouse, partner",Working,Higher education,Married,House / apartment,0.005313,-18054,-1978,-5722.0,-1559,16.0,1,1,0,1,1,0,Laborers,3.0,2,2,SATURDAY,16,0,0,0,0,0,0,School,0.6686900433445195,0.5271510871763277,0.6863823354047934,0.1031,0.1012,0.9806,0.728,0.0122,0.0,0.2069,0.1667,0.2083,0.0801,0.0841,0.09,0.0,0.0,0.105,0.1051,0.9806,0.7387,0.0124,0.0,0.2069,0.1667,0.2083,0.0819,0.0918,0.0938,0.0,0.0,0.1041,0.1012,0.9806,0.7316,0.0123,0.0,0.2069,0.1667,0.2083,0.0815,0.0855,0.0916,0.0,0.0,org spec account,block of flats,0.0,"Stone, brick",No,0.0,0.0,0.0,0.0,-2834.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1049995,102735,Consumer loans,1161.765,22770.0,22770.0,0.0,22770.0,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-1095,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,584,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1063.0,-373.0,-403.0,-397.0,0.0,0,Revolving loans,F,N,Y,0,54000.0,247500.0,12375.0,247500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-22790,365243,-5637.0,-4458,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,XNA,,0.4807733628721459,0.41184855592423975,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1095.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2069078,173737,Cash loans,10810.485,90000.0,101880.0,,90000.0,SATURDAY,12,Y,1,,,,XNA,Approved,-271,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),3,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-241.0,89.0,-121.0,-116.0,1.0,0,Cash loans,M,Y,N,2,81000.0,538704.0,27634.5,481500.0,Family,Working,Secondary / secondary special,Civil marriage,With parents,0.019101,-15173,-703,-3339.0,-4189,19.0,1,1,0,1,0,0,Drivers,4.0,2,2,THURSDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.3218307986912857,0.3233112448967859,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,1.0,7.0,0.0,-347.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +2396683,187410,Cash loans,20158.92,180000.0,191880.0,,180000.0,THURSDAY,10,Y,1,,,,XNA,Approved,-1455,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,middle,Cash X-Sell: middle,365243.0,-1425.0,-1095.0,-1095.0,-1088.0,1.0,0,Cash loans,F,N,Y,0,90000.0,566055.0,16681.5,472500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-22920,365243,-3438.0,-1161,,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,XNA,,0.3618088457674749,0.6971469077844458,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2414489,419959,Cash loans,17513.1,90000.0,90000.0,,90000.0,SATURDAY,12,Y,1,,,,XNA,Approved,-487,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,50,Connectivity,6.0,high,Cash X-Sell: high,365243.0,-457.0,-307.0,-397.0,-395.0,0.0,0,Cash loans,F,N,Y,2,247500.0,315000.0,16105.5,315000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-11246,-3285,-1265.0,-3864,,1,1,1,1,1,0,Managers,4.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Trade: type 2,,0.5563763083656557,0.5797274227921155,0.0361,0.0691,0.9891,0.8504,0.0048,0.0,0.1034,0.1667,0.0417,0.0137,0.0294,0.0372,0.0,0.0,0.0368,0.0717,0.9891,0.8563,0.0049,0.0,0.1034,0.1667,0.0417,0.014,0.0321,0.0388,0.0,0.0,0.0364,0.0691,0.9891,0.8524,0.0049,0.0,0.1034,0.1667,0.0417,0.0139,0.0299,0.0379,0.0,0.0,reg oper account,block of flats,0.0319,"Stone, brick",No,0.0,0.0,0.0,0.0,-796.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1129471,360737,Cash loans,9407.16,229500.0,291604.5,,229500.0,FRIDAY,9,Y,1,,,,XNA,Approved,-835,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-805.0,965.0,365243.0,365243.0,1.0,0,Revolving loans,F,N,Y,0,99000.0,202500.0,10125.0,202500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.018801,-19759,365243,-6739.0,-3295,,1,0,0,1,0,0,,1.0,2,2,SUNDAY,8,0,0,0,0,0,0,XNA,,0.15989648619468722,0.3996756156233169,0.101,0.1137,0.9806,0.7348,0.0365,0.0,0.2069,0.1667,0.2083,0.0798,,0.0852,,0.012,0.1029,0.118,0.9806,0.7452,0.0368,0.0,0.2069,0.1667,0.2083,0.0816,,0.0887,,0.0127,0.102,0.1137,0.9806,0.7383,0.0367,0.0,0.2069,0.1667,0.2083,0.0812,,0.0867,,0.0123,,block of flats,0.0757,"Stone, brick",No,1.0,0.0,1.0,0.0,-301.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2272774,247081,Revolving loans,6750.0,135000.0,135000.0,,135000.0,WEDNESDAY,16,Y,1,,,,XAP,Approved,-316,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-291.0,-244.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,N,0,157500.0,654498.0,28957.5,585000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010966,-22433,365243,-546.0,-2017,10.0,1,0,0,1,0,0,,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,XNA,0.7972520714021859,0.5258808835805195,0.511891801533151,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1030.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2643239,405750,Consumer loans,6093.045,31275.0,29632.5,3127.5,31275.0,SATURDAY,11,Y,1,0.1039722777222777,,,XAP,Approved,-863,XNA,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,37,Connectivity,6.0,high,POS mobile with interest,365243.0,-832.0,-682.0,-682.0,-664.0,0.0,0,Cash loans,F,N,Y,1,157500.0,986782.5,39262.5,882000.0,Unaccompanied,Working,Lower secondary,Married,House / apartment,0.010032,-14805,-1113,-8894.0,-1889,,1,1,0,1,0,0,Laborers,3.0,2,2,MONDAY,6,0,0,0,0,0,0,Business Entity Type 3,0.36816418975530396,0.6376946060283658,0.656158373001177,0.0206,0.0185,0.9732,,,0.0,0.0345,0.1667,,0.009000000000000001,,0.0219,,0.0,0.021,0.0192,0.9732,,,0.0,0.0345,0.1667,,0.0092,,0.0228,,0.0,0.0208,0.0185,0.9732,,,0.0,0.0345,0.1667,,0.0092,,0.0223,,0.0,,,0.0086,Wooden,No,1.0,0.0,1.0,0.0,-1492.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1643725,340490,Consumer loans,66745.35,317835.0,254268.0,63567.0,317835.0,MONDAY,15,Y,1,0.2178181818181818,,,XAP,Approved,-1369,Cash through the bank,XAP,Family,New,Furniture,POS,XNA,Country-wide,100,Furniture,4.0,low_normal,POS industry with interest,365243.0,-1338.0,-1248.0,-1248.0,-1244.0,0.0,0,Cash loans,F,Y,Y,0,288252.0,1129500.0,73030.5,1129500.0,,Commercial associate,Higher education,Single / not married,House / apartment,0.028663,-21147,-3103,-4536.0,-4677,5.0,1,1,1,1,0,0,Managers,1.0,2,2,FRIDAY,7,0,0,0,0,0,0,Other,0.6765612586920543,0.6370324952569807,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-157.0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1947776,398680,Consumer loans,10957.815,105975.0,105975.0,0.0,105975.0,TUESDAY,9,Y,1,0.0,,,XAP,Approved,-664,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Stone,260,Consumer electronics,12.0,middle,POS household with interest,365243.0,-633.0,-303.0,-303.0,-295.0,0.0,0,Cash loans,F,N,N,0,31500.0,526491.0,22437.0,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-20945,365243,-7773.0,-4399,,1,0,0,1,0,0,,2.0,2,2,MONDAY,8,0,0,0,0,0,0,XNA,0.10816383259962856,0.35878479527590096,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1864739,368265,Cash loans,29717.28,324000.0,324000.0,,324000.0,WEDNESDAY,12,Y,1,,,,XNA,Approved,-743,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Regional / Local,300,Consumer electronics,18.0,high,Cash X-Sell: high,365243.0,-713.0,-203.0,-203.0,-200.0,0.0,0,Cash loans,M,Y,N,0,180000.0,254700.0,30357.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.018029,-12434,-458,-819.0,-4395,30.0,1,1,0,1,0,0,Drivers,1.0,3,3,THURSDAY,9,0,0,0,0,1,1,Business Entity Type 3,0.2607388746351932,0.5043916877548364,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2286.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2058794,274420,Consumer loans,19342.71,103995.0,109485.0,0.0,103995.0,MONDAY,19,Y,1,0.0,,,XAP,Approved,-827,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Regional / Local,150,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-795.0,-645.0,-645.0,-639.0,0.0,0,Cash loans,F,Y,Y,0,157500.0,855000.0,43785.0,855000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.026392000000000002,-9771,-261,-2444.0,-929,65.0,1,1,1,1,0,0,,2.0,2,2,TUESDAY,18,0,0,0,0,1,1,Other,,0.6506803074089657,0.21518240418475384,0.2557,,0.9806,,,0.0,0.1724,0.3333,,0.081,,0.2224,,0.1902,0.2605,,0.9806,,,0.0,0.1724,0.3333,,0.0829,,0.2317,,0.2014,0.2581,,0.9806,,,0.0,0.1724,0.3333,,0.0824,,0.2264,,0.1942,,block of flats,0.2499,"Stone, brick",No,7.0,0.0,7.0,0.0,-827.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1414137,252666,Consumer loans,8716.05,55539.0,47065.5,11110.5,55539.0,FRIDAY,11,Y,1,0.20799547142214228,,,XAP,Approved,-101,Cash through the bank,XAP,,Repeater,Jewelry,POS,XNA,Country-wide,100,Jewelry,6.0,middle,POS others without interest,365243.0,-54.0,96.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,272578.5,19962.0,207000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-10712,-217,-5060.0,-1315,8.0,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,8,0,0,0,0,0,0,Business Entity Type 3,,0.10609423554761592,0.722392890081304,0.2175,0.1892,0.9846,,,0.24,0.2069,0.3333,,0.0993,,,,0.0135,0.2216,0.1964,0.9846,,,0.2417,0.2069,0.3333,,0.1015,,,,0.0143,0.2196,0.1892,0.9846,,,0.24,0.2069,0.3333,,0.101,,,,0.0138,,block of flats,0.2021,Panel,No,8.0,0.0,8.0,0.0,-412.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1928516,344541,Consumer loans,8721.18,190692.0,190692.0,0.0,190692.0,TUESDAY,15,Y,1,0.0,,,XAP,Approved,-735,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Regional / Local,80,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-704.0,-14.0,-44.0,-37.0,0.0,0,Cash loans,M,Y,N,0,135000.0,1350000.0,43551.0,1350000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-21255,-3555,-6979.0,-4535,23.0,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,22,0,0,0,0,1,1,Transport: type 2,,0.704779483117807,0.7662336700704004,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-735.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1242737,367320,Revolving loans,3375.0,67500.0,67500.0,,67500.0,THURSDAY,13,Y,1,,,,XAP,Refused,-148,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,Y,Y,0,157500.0,290088.0,18666.0,229500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-17458,365243,-5226.0,-1007,4.0,1,0,0,1,1,1,,2.0,2,2,FRIDAY,18,0,0,0,0,0,0,XNA,,0.5851899547640256,0.6986675550534175,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1127501,153447,Consumer loans,9534.915,79744.5,92214.0,0.0,79744.5,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-410,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,300,Consumer electronics,12.0,middle,POS household with interest,365243.0,-379.0,-49.0,-49.0,-45.0,0.0,0,Cash loans,F,N,N,0,90000.0,691020.0,19129.5,495000.0,,Working,Secondary / secondary special,Married,House / apartment,0.04622,-19425,-1654,-1643.0,-2946,,1,1,0,1,0,0,,2.0,1,1,MONDAY,16,0,0,0,0,0,0,Medicine,0.5586186363508705,0.7300278456330533,0.6956219298394389,0.1072,0.0571,0.997,0.9592,0.0404,0.16,0.069,0.5,0.5417,0.0698,0.087,0.1304,0.0019,0.1106,0.1092,0.0592,0.997,0.9608,0.0362,0.1611,0.069,0.5,0.5417,0.0607,0.0946,0.1349,0.0,0.108,0.1083,0.0571,0.997,0.9597,0.0406,0.16,0.069,0.5,0.5417,0.071,0.0885,0.1328,0.0019,0.1129,not specified,block of flats,0.1486,"Stone, brick",No,2.0,0.0,2.0,0.0,-410.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1535337,243604,Consumer loans,7139.79,65969.55,64264.5,6601.05,65969.55,MONDAY,13,Y,1,0.10144765045151764,,,XAP,Approved,-2574,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Stone,100,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2543.0,-2273.0,-2273.0,-2260.0,1.0,0,Cash loans,M,Y,N,3,139500.0,659610.0,19030.5,472500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.018634,-15520,-6889,-4609.0,-4618,17.0,1,1,0,1,0,0,Drivers,5.0,2,2,FRIDAY,14,0,0,0,0,0,0,Police,,0.6369212500246104,0.520897599048938,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-1.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0.0,0.0,1.0,0.0,0.0,5.0 +2114352,261728,Cash loans,26475.93,585000.0,816660.0,,585000.0,FRIDAY,12,Y,1,,,,XNA,Refused,-21,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,202500.0,787131.0,26145.0,679500.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.00496,-15288,-868,-1640.0,-4468,,1,1,0,1,0,0,Private service staff,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Self-employed,0.5229274719902366,0.6248943882971391,0.7209441499436497,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1628.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,2.0,2.0 +1488629,307369,Consumer loans,9267.3,95557.5,105646.5,0.0,95557.5,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-499,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,2326,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-466.0,-136.0,-136.0,-134.0,0.0,0,Cash loans,F,N,Y,2,157500.0,1125000.0,44748.0,1125000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-10785,-209,-3735.0,-1265,,1,1,0,1,0,0,,4.0,2,2,MONDAY,11,0,0,0,1,1,0,Business Entity Type 2,0.3303189098932749,0.7544547903301889,,0.0186,,0.9846,,,0.0,0.1034,0.0417,,,,0.0173,,0.0042,0.0189,,0.9846,,,0.0,0.1034,0.0417,,,,0.018000000000000002,,0.0044,0.0187,,0.9846,,,0.0,0.1034,0.0417,,,,0.0176,,0.0043,,block of flats,0.0145,"Stone, brick",No,4.0,1.0,3.0,1.0,-1373.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1363332,198894,Consumer loans,11190.825,112455.0,111897.0,11245.5,112455.0,MONDAY,12,Y,1,0.09945690414098964,,,XAP,Approved,-266,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,40,Consumer electronics,12.0,middle,POS household with interest,365243.0,-235.0,95.0,-85.0,-78.0,0.0,0,Cash loans,F,N,N,0,135000.0,307557.0,22000.5,265500.0,Family,Working,Secondary / secondary special,Widow,House / apartment,0.00496,-18598,-539,-4416.0,-2138,,1,1,0,1,0,0,,1.0,2,2,MONDAY,16,0,0,0,0,0,0,Self-employed,,0.7068318609362197,0.5549467685334323,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1707.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2655850,298825,Consumer loans,11267.19,62851.5,67275.0,0.0,62851.5,MONDAY,14,Y,1,0.0,,,XAP,Refused,-988,Cash through the bank,LIMIT,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,8.0,high,POS mobile with interest,,,,,,,1,Cash loans,M,Y,Y,0,112500.0,284400.0,19134.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Rented apartment,0.019688999999999998,-10117,-1567,-511.0,-1302,0.0,1,1,0,1,0,0,Low-skill Laborers,1.0,2,2,TUESDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.09254699701429113,0.02433828185797735,0.2750003523983893,0.0124,,0.9687,,,0.0,0.069,0.0417,,,,0.0117,,,0.0126,,0.9687,,,0.0,0.069,0.0417,,,,0.0122,,,0.0125,,0.9687,,,0.0,0.069,0.0417,,,,0.0119,,,,block of flats,0.0102,Wooden,No,0.0,0.0,0.0,0.0,-127.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,6.0 +1400423,199783,Cash loans,21054.51,270000.0,299938.5,0.0,270000.0,FRIDAY,7,Y,1,0.0,,,XNA,Refused,-2191,XNA,LIMIT,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,24.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,N,0,157500.0,509400.0,28575.0,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,Municipal apartment,0.020713,-22915,365243,-7927.0,-4287,,1,0,0,1,1,0,,1.0,3,2,FRIDAY,12,0,0,0,0,0,0,XNA,,0.5765815686748201,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1828.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1656483,246982,Revolving loans,6750.0,135000.0,135000.0,,135000.0,TUESDAY,12,Y,1,,,,XAP,Refused,-519,XNA,HC,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,N,Y,1,180000.0,332946.0,17127.0,238500.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.0031219999999999998,-17445,-3210,-3375.0,-994,,1,1,0,1,0,0,Core staff,3.0,3,3,WEDNESDAY,9,0,0,0,0,0,0,Bank,,0.6703489341686043,0.7490217048463391,0.1505,0.1945,0.9826,0.762,0.0873,0.16,0.1379,0.3333,0.0417,0.1052,0.121,0.1569,0.0077,0.0,0.1534,0.2019,0.9826,0.7713,0.0881,0.1611,0.1379,0.3333,0.0417,0.1076,0.1322,0.1635,0.0078,0.0,0.152,0.1945,0.9826,0.7652,0.0879,0.16,0.1379,0.3333,0.0417,0.107,0.1231,0.1597,0.0078,0.0,reg oper spec account,block of flats,0.1711,"Stone, brick",No,1.0,0.0,1.0,0.0,-688.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1717575,105825,Consumer loans,7931.655,72853.2,65227.5,13502.7,72853.2,WEDNESDAY,9,Y,1,0.18678560219816304,,,XAP,Approved,-2163,Cash through the bank,XAP,"Spouse, partner",New,Audio/Video,POS,XNA,Stone,146,Consumer electronics,12.0,high,POS household with interest,365243.0,-2132.0,-1802.0,-1862.0,-1858.0,0.0,0,Cash loans,M,N,Y,0,157500.0,1288350.0,41692.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-17374,-318,-1736.0,-917,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,12,0,0,0,0,1,1,Construction,0.34111308540372554,0.16219210595922867,0.3910549766342248,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,1.0,-1520.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1996283,212322,Revolving loans,2250.0,45000.0,45000.0,,45000.0,MONDAY,12,Y,1,,,,XAP,Refused,-292,XNA,SCOFR,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,N,N,0,157500.0,450000.0,27324.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.006305,-15741,-913,-702.0,-4463,,1,1,1,1,1,0,Low-skill Laborers,2.0,3,3,THURSDAY,15,0,0,0,0,0,0,Construction,,0.4994606610796862,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-700.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2517642,263496,Cash loans,28518.75,877500.0,877500.0,,877500.0,WEDNESDAY,15,Y,1,,,,Repairs,Approved,-640,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,48.0,low_normal,Cash Street: low,365243.0,-609.0,801.0,-549.0,-546.0,0.0,0,Revolving loans,F,Y,Y,0,301500.0,270000.0,13500.0,270000.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.026392000000000002,-12243,-987,-1170.0,-1164,2.0,1,1,0,1,0,0,,1.0,2,2,SUNDAY,16,0,0,0,0,1,1,Transport: type 4,0.435056620791161,0.7318384329492704,0.2580842039460289,0.0031,,0.9876,,,0.0,0.0345,0.0,,,,,,,0.0032,,0.9876,,,0.0,0.0345,0.0,,,,,,,0.0031,,0.9876,,,0.0,0.0345,0.0,,,,,,,,terraced house,0.0031,"Stone, brick",No,2.0,0.0,2.0,0.0,-641.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2000284,422643,Consumer loans,15902.685,85500.0,90013.5,0.0,85500.0,TUESDAY,11,Y,1,0.0,,,XAP,Approved,-465,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Stone,28,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-434.0,-284.0,-284.0,-278.0,0.0,0,Cash loans,F,N,Y,0,72000.0,254700.0,14350.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018634,-24244,365243,-4418.0,-4356,,1,0,0,1,1,0,,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,XNA,0.7664317745309202,0.6426612266884005,0.7898803468924867,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-699.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2464163,422164,Revolving loans,5625.0,0.0,112500.0,,,TUESDAY,15,Y,1,,,,XAP,Approved,-1242,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,20,Connectivity,0.0,XNA,Card X-Sell,-1240.0,-1203.0,365243.0,-410.0,365243.0,0.0,0,Cash loans,M,N,Y,2,103500.0,675000.0,28377.0,675000.0,Unaccompanied,Working,Lower secondary,Married,House / apartment,0.019688999999999998,-12379,-362,-113.0,-4971,,1,1,1,1,0,0,Drivers,4.0,2,2,FRIDAY,12,0,0,0,0,0,0,Business Entity Type 2,,0.27894484293408656,0.5424451438613613,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-1400.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1525478,168919,Revolving loans,9000.0,0.0,180000.0,,,SUNDAY,14,Y,1,,,,XAP,Approved,-2541,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,549,Consumer electronics,0.0,XNA,Card Street,-2537.0,-2498.0,365243.0,-885.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,247500.0,1288350.0,41692.5,1125000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018801,-13365,-639,-5268.0,-4044,1.0,1,1,0,1,0,0,Accountants,2.0,2,2,SUNDAY,9,0,0,0,0,1,1,Business Entity Type 3,0.4319936086111401,0.30383501240844274,0.2608559142068693,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,1.0,8.0,1.0,-1689.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,6.0 +1572852,140549,Consumer loans,13116.825,131206.5,118084.5,13122.0,131206.5,SUNDAY,18,Y,1,0.10892029670093258,,,XAP,Refused,-493,Cash through the bank,HC,,Refreshed,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,N,0,112500.0,364896.0,16200.0,315000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,With parents,0.00496,-14389,-111,-8404.0,-4789,,1,1,0,1,0,0,,1.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Restaurant,0.5676127878765355,0.6403730597024667,0.622922000268356,0.1052,,0.9826,,,0.16,0.1379,0.25,,,,,,,0.063,,0.9826,,,0.1611,0.1379,0.1667,,,,,,,0.1062,,0.9826,,,0.16,0.1379,0.25,,,,,,,,block of flats,0.053,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1248773,285632,Consumer loans,5354.775,29920.5,26680.5,4500.0,29920.5,SUNDAY,9,Y,1,0.1571786562405699,,,XAP,Approved,-2464,Cash through the bank,XAP,Other_A,New,Mobile,POS,XNA,Stone,31,Consumer electronics,6.0,high,POS household with interest,365243.0,-2433.0,-2283.0,-2283.0,-2275.0,1.0,0,Cash loans,M,N,Y,0,225000.0,1260000.0,36972.0,1260000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.020713,-14618,-2322,-1292.0,-4918,,1,1,1,1,0,0,Laborers,1.0,3,1,SUNDAY,8,0,0,0,0,0,0,Other,,0.3804343231636513,0.475849908720221,0.3567,0.1066,0.9811,0.7416,0.0519,0.08,0.069,0.3333,0.0417,0.056,0.29,0.1319,0.0039,0.004,0.3634,0.1107,0.9811,0.7517,0.0524,0.0806,0.069,0.3333,0.0417,0.0573,0.3168,0.1374,0.0039,0.0042,0.3602,0.1066,0.9811,0.7451,0.0523,0.08,0.069,0.3333,0.0417,0.057,0.295,0.1343,0.0039,0.004,reg oper account,block of flats,0.1046,Panel,No,1.0,0.0,1.0,0.0,-589.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2040594,384545,Consumer loans,6724.35,149098.5,149098.5,0.0,149098.5,THURSDAY,5,Y,1,0.0,,,XAP,Approved,-1667,XNA,XAP,Unaccompanied,New,XNA,POS,XNA,Country-wide,1488,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1635.0,-945.0,-945.0,-943.0,0.0,0,Cash loans,F,N,N,0,157500.0,728460.0,44694.0,675000.0,Family,Pensioner,Higher education,Married,House / apartment,0.018029,-21142,365243,-3479.0,-4614,,1,0,0,1,1,0,,2.0,3,3,FRIDAY,7,0,0,0,0,0,0,XNA,0.7784007738137857,0.5948064188700151,0.2955826421513093,0.2237,0.2943,0.9861,0.8096,0.0423,0.0,0.4138,0.1667,0.0417,,,0.2273,,0.0,0.2279,0.3054,0.9861,0.8171,0.0427,0.0,0.4138,0.1667,0.0417,,,0.2368,,0.0,0.2259,0.2943,0.9861,0.8121,0.0426,0.0,0.4138,0.1667,0.0417,,,0.2314,,0.0,,block of flats,0.2019,Panel,No,5.0,0.0,5.0,0.0,-1667.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1899579,390826,Consumer loans,3871.89,85491.0,85491.0,0.0,85491.0,FRIDAY,16,Y,1,0.0,,,XAP,Approved,-1204,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,400,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1173.0,-483.0,-603.0,-600.0,0.0,0,Cash loans,F,N,Y,0,225000.0,269550.0,14751.0,225000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.018801,-19829,-809,-171.0,-2102,,1,1,0,1,0,0,Sales staff,2.0,2,2,FRIDAY,16,0,0,0,0,0,0,Trade: type 7,,0.5808999029485331,0.31547215492577346,0.2866,0.127,0.9985,,,0.16,0.1379,0.375,,0.1166,,0.2345,,0.0,0.292,0.1318,0.9985,,,0.1611,0.1379,0.375,,0.1192,,0.2444,,0.0,0.2894,0.127,0.9985,,,0.16,0.1379,0.375,,0.1186,,0.2388,,0.0,,block of flats,0.2476,Panel,No,8.0,0.0,8.0,0.0,-1204.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +2421193,166067,Revolving loans,11250.0,225000.0,225000.0,,225000.0,WEDNESDAY,12,Y,1,,,,XAP,Refused,-831,XNA,HC,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,112500.0,755190.0,36459.0,675000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.022625,-13099,-185,-1206.0,-2547,,1,1,1,1,0,0,Cleaning staff,2.0,2,2,MONDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.3829054992219827,0.6979413925688721,0.25533177083329,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1750.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1787859,342068,Consumer loans,117049.23,1670521.5,1732266.0,0.0,1670521.5,SATURDAY,11,Y,1,0.0,,,XAP,Refused,-465,Cash through the bank,LIMIT,,Repeater,Furniture,POS,XNA,Stone,100,Furniture,16.0,low_action,POS industry without interest,,,,,,,0,Cash loans,M,Y,Y,0,675000.0,1312110.0,55723.5,1125000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.018029,-15891,-2039,-474.0,-4542,3.0,1,1,0,1,0,0,Managers,2.0,3,2,TUESDAY,8,0,0,0,0,0,0,Business Entity Type 3,,0.5652199772985788,,0.068,0.0513,0.9826,0.762,0.0277,0.0,0.1034,0.1667,0.2083,0.0439,0.0555,0.0654,0.0,0.0,0.0693,0.0532,0.9826,0.7713,0.028,0.0,0.1034,0.1667,0.2083,0.0449,0.0606,0.0682,0.0,0.0,0.0687,0.0513,0.9826,0.7652,0.0279,0.0,0.1034,0.1667,0.2083,0.0447,0.0564,0.0666,0.0,0.0,reg oper account,block of flats,0.0666,Panel,No,0.0,0.0,0.0,0.0,-45.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,0.0,2.0,3.0 +2689504,147419,Consumer loans,7516.35,33705.0,35923.5,3370.5,33705.0,SATURDAY,13,Y,1,0.09341835672344144,,,XAP,Approved,-1794,Cash through the bank,XAP,Unaccompanied,Refreshed,Mobile,POS,XNA,Country-wide,9,Connectivity,6.0,high,POS mobile with interest,365243.0,-1763.0,-1613.0,-1613.0,-1485.0,0.0,0,Cash loans,F,N,Y,1,247500.0,1350000.0,37255.5,1350000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.010006000000000001,-16756,-9879,-4290.0,-279,,1,1,1,1,0,0,Laborers,2.0,2,2,MONDAY,8,0,0,0,0,0,0,Industry: type 9,0.7982162445552139,0.7075654116150975,0.2750003523983893,0.0474,0.0595,0.9816,0.7484,0.0573,0.0,0.1034,0.1042,0.125,0.0343,0.0374,0.0382,0.0058,0.0091,0.0126,0.0445,0.9782,0.7125,0.0578,0.0,0.069,0.0417,0.0417,0.0351,0.011,0.0153,0.0,0.0097,0.0479,0.0595,0.9816,0.7518,0.0576,0.0,0.1034,0.1042,0.125,0.0349,0.0381,0.0389,0.0058,0.0093,reg oper account,block of flats,0.0506,Wooden,Yes,0.0,0.0,0.0,0.0,-1794.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1309130,255089,Consumer loans,3342.87,19305.0,15966.0,5791.5,19305.0,WEDNESDAY,10,Y,1,0.2898986556359877,,,XAP,Approved,-1520,Cash through the bank,XAP,Family,New,Photo / Cinema Equipment,POS,XNA,Country-wide,20,Connectivity,6.0,high,POS mobile with interest,365243.0,-1488.0,-1338.0,-1338.0,-1334.0,0.0,0,Cash loans,M,Y,N,0,135000.0,239850.0,28593.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.031329,-18303,-561,-3006.0,-1735,17.0,1,1,0,1,0,0,Drivers,2.0,2,2,THURSDAY,10,0,0,0,0,1,1,Business Entity Type 3,,0.1157389381899536,0.33928769990891394,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2382697,442387,Consumer loans,12591.225,276291.675,276291.0,0.675,276291.675,FRIDAY,12,Y,1,2.660725711827413e-06,,,XAP,Approved,-1033,Cash through the bank,XAP,Children,New,Audio/Video,POS,XNA,Stone,569,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1001.0,-311.0,-341.0,-338.0,0.0,0,Cash loans,F,N,N,1,135000.0,508495.5,21672.0,454500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.006670999999999999,-13868,-2716,-392.0,-4304,,1,1,0,1,0,0,Core staff,3.0,2,2,TUESDAY,19,0,0,0,0,1,1,Self-employed,0.7000479011274022,0.7169760655573826,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-1033.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2738054,130868,Consumer loans,4798.395,35905.5,39460.5,0.0,35905.5,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-1313,Cash through the bank,XAP,"Spouse, partner",Refreshed,Audio/Video,POS,XNA,Stone,135,Consumer electronics,12.0,high,POS household with interest,365243.0,-1282.0,-952.0,-952.0,-949.0,0.0,0,Cash loans,F,N,N,0,157500.0,1288350.0,37669.5,1125000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-23111,365243,-4601.0,-4691,,1,0,0,1,1,0,,2.0,2,2,SATURDAY,9,0,0,0,0,0,0,XNA,0.7493563761385604,0.47119048810438796,0.5726825047161584,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1313.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1054872,367603,Consumer loans,9570.06,75163.905,84258.405,0.0,75163.905,SUNDAY,14,Y,1,0.0,,,XAP,Approved,-204,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-166.0,104.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,121500.0,328500.0,26082.0,328500.0,"Spouse, partner",Working,Secondary / secondary special,Single / not married,House / apartment,0.028663,-13998,-4454,-7595.0,-4224,,1,1,0,1,1,1,,1.0,2,2,MONDAY,15,0,0,0,0,0,0,Transport: type 4,0.3830788744058865,0.5541406614307859,,0.1495,0.1145,0.9886,0.8436,0.098,0.16,0.1379,0.3333,0.375,0.0,0.121,0.1583,0.0039,0.0096,0.1523,0.1189,0.9886,0.8497,0.0989,0.1611,0.1379,0.3333,0.375,0.0,0.1322,0.1649,0.0039,0.0102,0.1509,0.1145,0.9886,0.8457,0.0986,0.16,0.1379,0.3333,0.375,0.0,0.1231,0.1611,0.0039,0.0098,reg oper account,block of flats,0.1801,"Stone, brick",No,0.0,0.0,0.0,0.0,-52.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,1.0 +1997537,332885,Consumer loans,6553.845,25568.37,23004.0,2564.37,25568.37,FRIDAY,13,Y,1,0.109229960867488,,,XAP,Refused,-2596,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,POS,XNA,Stone,50,Consumer electronics,4.0,low_normal,POS household with interest,,,,,,,0,Cash loans,F,Y,Y,0,112500.0,177903.0,12510.0,148500.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.015221,-15959,-7697,-7449.0,-3990,6.0,1,1,0,1,0,0,Core staff,1.0,2,2,THURSDAY,13,0,0,0,0,0,0,School,0.8954779515163853,0.6327746321318051,0.6246146584503397,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2413788,432901,Consumer loans,13885.785,128403.0,141115.5,0.0,128403.0,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-1277,Cash through the bank,XAP,"Spouse, partner",Repeater,Jewelry,POS,XNA,Country-wide,142,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1246.0,-916.0,-1156.0,-1151.0,0.0,0,Cash loans,F,Y,Y,1,171000.0,500211.0,30730.5,463500.0,Family,State servant,Higher education,Married,House / apartment,0.025164,-10966,-750,-3857.0,-3156,12.0,1,1,0,1,0,0,Core staff,3.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,School,0.5024800722753958,0.6896352967338886,0.20092608771597092,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2073848,187492,Consumer loans,11343.33,110691.0,109287.0,11250.0,110691.0,SATURDAY,16,Y,1,0.10164740060954497,,,XAP,Approved,-1370,Cash through the bank,XAP,Unaccompanied,Refreshed,Computers,POS,XNA,Country-wide,1099,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1339.0,-1009.0,-1009.0,-1005.0,0.0,0,Cash loans,F,Y,Y,0,135000.0,533668.5,21294.0,477000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.022625,-23559,365243,-6740.0,-4356,10.0,1,0,0,1,0,0,,1.0,2,2,THURSDAY,13,0,0,0,0,0,0,XNA,,0.4765442628497353,,0.0825,0.0652,0.9767,,,0.0,0.1379,0.1667,,0.0852,,0.0638,,0.0,0.084,0.0677,0.9767,,,0.0,0.1379,0.1667,,0.0872,,0.0664,,0.0,0.0833,0.0652,0.9767,,,0.0,0.1379,0.1667,,0.0867,,0.0649,,0.0,,block of flats,0.0652,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2029740,342228,Consumer loans,7990.875,86607.0,77944.5,8662.5,86607.0,WEDNESDAY,12,Y,1,0.1089317260729502,,,XAP,Approved,-753,XNA,XAP,,New,Auto Accessories,POS,XNA,Stone,50,Industry,12.0,middle,POS other with interest,365243.0,-716.0,-386.0,-656.0,-651.0,0.0,0,Cash loans,M,Y,Y,0,270000.0,450000.0,36211.5,450000.0,Family,Working,Higher education,Married,House / apartment,0.026392000000000002,-10683,-1047,-4909.0,-3071,4.0,1,1,0,1,1,0,Managers,2.0,2,2,SUNDAY,12,0,0,0,0,0,0,Business Entity Type 2,,0.5958495171980706,0.14916746132334885,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-753.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,4.0 +2766362,447851,Revolving loans,2250.0,45000.0,45000.0,,45000.0,TUESDAY,12,Y,1,,,,XAP,Refused,-354,XNA,HC,,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),-1,XNA,0.0,XNA,Card Street,,,,,,,1,Cash loans,F,N,Y,1,99000.0,163008.0,11020.5,144000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-15986,-4277,-7274.0,-4039,,1,1,1,1,1,0,Laborers,3.0,2,2,SATURDAY,12,0,0,0,0,1,1,Business Entity Type 3,0.3287603936566582,0.18186858148712706,0.08336419774067509,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-661.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2340063,221240,Consumer loans,64471.32,583578.0,549733.5,133605.0,583578.0,MONDAY,17,Y,1,0.2129369132707888,,,XAP,Approved,-683,Cash through the bank,XAP,Unaccompanied,Refreshed,Audio/Video,POS,XNA,Country-wide,6900,Consumer electronics,12.0,high,POS household with interest,365243.0,-651.0,-321.0,-321.0,-313.0,0.0,0,Cash loans,F,N,Y,4,225000.0,835380.0,40320.0,675000.0,Unaccompanied,Working,Higher education,Civil marriage,Rented apartment,0.031329,-16780,-3498,-728.0,-304,,1,1,0,1,0,1,Accountants,6.0,2,2,FRIDAY,16,0,0,0,0,0,0,Transport: type 4,,0.4999964166387113,0.2866524828090694,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.047,,No,0.0,0.0,0.0,0.0,-683.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +2285360,386389,Revolving loans,6750.0,0.0,135000.0,,,SATURDAY,14,N,1,,,,XAP,Refused,-2486,XNA,XNA,,Repeater,XNA,Cards,x-sell,Country-wide,30180,Consumer electronics,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,Y,Y,0,112500.0,265500.0,18882.0,265500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.014519999999999996,-11126,-635,-5836.0,-3532,21.0,1,1,0,1,0,0,Drivers,1.0,2,2,SUNDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.344191494398425,0.4812493411434029,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2169208,441752,Consumer loans,10492.965,104940.0,94446.0,10494.0,104940.0,MONDAY,10,Y,1,0.1089090909090909,,,XAP,Approved,-2676,Cash through the bank,XAP,Children,Repeater,Other,POS,XNA,Stone,2800,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-2645.0,-2375.0,-2375.0,-2369.0,0.0,0,Revolving loans,F,N,Y,0,112500.0,765000.0,38250.0,765000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.008625,-18472,-1384,-12227.0,-2017,,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.5852536516841392,0.7267112092725122,0.0072,,0.9637,,,,0.0345,0.0417,,0.0084,,0.0033,,0.0,0.0074,,0.9638,,,,0.0345,0.0417,,0.0086,,0.0034,,0.0,0.0073,,0.9637,,,,0.0345,0.0417,,0.0086,,0.0033,,0.0,,block of flats,0.0041,"Stone, brick",No,0.0,0.0,0.0,0.0,-1139.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1370729,139087,Cash loans,21680.1,585000.0,585000.0,,585000.0,SATURDAY,7,Y,1,,,,XNA,Refused,-125,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),5,XNA,36.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,225000.0,781920.0,25542.0,675000.0,Family,Working,Higher education,Civil marriage,Municipal apartment,0.0038179999999999998,-21217,-5195,-11860.0,-4752,,1,1,0,1,0,1,,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,Other,,0.6435596335050815,0.746300213050371,0.0928,,0.9791,,,,0.2069,0.1667,,,,0.0863,,,0.0945,,0.9791,,,,0.2069,0.1667,,,,0.0899,,,0.0937,,0.9791,,,,0.2069,0.1667,,,,0.0878,,,,block of flats,0.0679,Panel,No,3.0,0.0,3.0,0.0,-1569.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1157057,336279,Consumer loans,6153.525,32332.5,32332.5,0.0,32332.5,MONDAY,11,Y,1,0.0,,,XAP,Approved,-15,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,46,Connectivity,6.0,middle,POS mobile with interest,365243.0,365243.0,175.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,135000.0,521280.0,31630.5,450000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.007305,-8292,-203,-2422.0,-181,,1,1,0,1,0,0,Cooking staff,3.0,3,3,TUESDAY,14,0,1,1,0,1,1,Business Entity Type 3,0.204628371428058,0.3151479896531707,0.33125086459090186,0.0753,0.0732,0.9821,0.7552,0.0199,0.0,0.0345,0.125,0.1667,0.0296,0.0614,0.0378,0.0,0.0,0.0767,0.076,0.9821,0.7648,0.02,0.0,0.0345,0.125,0.1667,0.0303,0.067,0.0393,0.0,0.0,0.076,0.0732,0.9821,0.7585,0.02,0.0,0.0345,0.125,0.1667,0.0301,0.0624,0.0384,0.0,0.0,reg oper account,block of flats,0.0405,"Stone, brick",No,1.0,0.0,1.0,0.0,-15.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1764118,360848,Revolving loans,6750.0,0.0,45000.0,,,FRIDAY,15,N,1,,,,XAP,Refused,-2219,XNA,HC,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,1,Cash loans,F,N,Y,1,76500.0,254700.0,27558.0,225000.0,Children,Working,Higher education,Married,House / apartment,0.009175,-11239,-2474,-359.0,-441,,1,1,0,1,0,0,Laborers,3.0,2,2,FRIDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.2417198543485021,0.7702149602503957,0.3791004853998145,0.1113,0.0484,0.9906,,,0.04,0.0345,0.3333,,0.0416,,0.0385,,0.0802,0.1134,0.0502,0.9906,,,0.0403,0.0345,0.3333,,0.0426,,0.0401,,0.0849,0.1124,0.0484,0.9906,,,0.04,0.0345,0.3333,,0.0423,,0.0392,,0.0819,,block of flats,0.0579,Panel,No,1.0,1.0,1.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +2159281,245914,Consumer loans,6308.37,63093.33,56781.0,6312.33,63093.33,SATURDAY,16,Y,1,0.10896082388077816,,,XAP,Approved,-2375,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,2800,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2344.0,-2074.0,-2074.0,-2066.0,0.0,1,Cash loans,F,N,Y,0,157500.0,724500.0,44451.0,724500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018209,-11984,-209,-180.0,-4305,,1,1,0,1,1,0,Core staff,2.0,3,3,MONDAY,13,0,0,0,0,0,0,Medicine,,0.3325262829877359,,0.0041,0.0,0.9682,0.5648,0.0,0.0,0.0172,0.0,0.0417,0.0156,0.0034,0.0015,0.0,0.0036,0.0042,0.0,0.9672,0.5688,0.0,0.0,0.0,0.0,0.0417,0.0147,0.0037,0.0015,0.0,0.0031,0.0042,0.0,0.9682,0.5706,0.0,0.0,0.0172,0.0,0.0417,0.0159,0.0034,0.0015,0.0,0.0037,not specified,block of flats,0.0016,Wooden,No,0.0,0.0,0.0,0.0,-462.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1380671,191178,Consumer loans,5032.17,76756.5,76756.5,0.0,76756.5,TUESDAY,7,Y,1,0.0,,,XAP,Approved,-702,Cash through the bank,XAP,,New,Construction Materials,POS,XNA,Stone,100,Construction,18.0,low_normal,POS industry with interest,365243.0,-671.0,-161.0,-161.0,-144.0,0.0,0,Cash loans,M,Y,N,1,135000.0,225000.0,17775.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-10823,-3467,-2768.0,-3492,13.0,1,1,1,1,0,0,Laborers,3.0,2,2,WEDNESDAY,16,0,0,0,0,1,1,Other,0.2384814117362965,0.5627302487033821,0.7394117535524816,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-702.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1185088,293379,Cash loans,17204.22,157500.0,167895.0,,157500.0,FRIDAY,12,Y,1,,,,XNA,Approved,-980,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-950.0,-620.0,-620.0,-614.0,1.0,0,Cash loans,F,Y,Y,0,85500.0,454500.0,20020.5,454500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.008473999999999999,-18438,-9724,-10076.0,-1975,4.0,1,1,0,1,1,0,Core staff,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,School,0.7131672914480071,0.554162272516793,0.6940926425266661,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1257677,389120,Consumer loans,24988.86,162900.0,162900.0,0.0,162900.0,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-1439,XNA,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,30,Furniture,8.0,high,POS industry with interest,365243.0,-1404.0,-1194.0,-1194.0,-1186.0,0.0,0,Cash loans,F,N,N,2,103500.0,1252278.0,36747.0,1093500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-11879,-428,-5614.0,-1770,,1,1,0,1,0,0,,4.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.3351841765745031,0.3142896415086838,0.4294236843421945,0.0186,0.0,0.9851,0.7959999999999999,0.0207,0.0,0.1034,0.0417,0.0833,0.0103,0.0151,0.0176,0.0,0.0,0.0189,0.0,0.9851,0.804,0.0209,0.0,0.1034,0.0417,0.0833,0.0106,0.0165,0.0183,0.0,0.0,0.0187,0.0,0.9851,0.7987,0.0209,0.0,0.1034,0.0417,0.0833,0.0105,0.0154,0.0179,0.0,0.0,reg oper account,block of flats,0.0252,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2736850,337787,Revolving loans,9000.0,0.0,180000.0,,,MONDAY,15,Y,1,,,,XAP,Approved,-2490,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-2354.0,-2292.0,365243.0,-1289.0,365243.0,0.0,1,Cash loans,F,N,Y,0,135000.0,1850544.0,64453.5,1597500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-15838,-1288,-6231.0,-1412,,1,1,0,1,1,0,Core staff,2.0,3,3,SATURDAY,6,0,0,0,0,0,0,Medicine,0.3245297857948753,0.3582315934673493,0.6785676886853644,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1339.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1068646,242416,Consumer loans,4873.5,108180.0,108180.0,0.0,108180.0,MONDAY,19,Y,1,0.0,,,XAP,Approved,-539,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Regional / Local,242,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-508.0,182.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,2,157500.0,239850.0,25326.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-12466,-82,-6141.0,-315,6.0,1,1,0,1,0,0,Sales staff,4.0,2,2,MONDAY,18,0,0,0,1,1,0,Self-employed,,0.6881261657040989,0.8357765157975799,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-23.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1036025,337982,Consumer loans,7240.86,65826.0,65826.0,0.0,65826.0,TUESDAY,17,Y,1,0.0,,,XAP,Approved,-589,XNA,XAP,,New,Construction Materials,POS,XNA,Regional / Local,160,Construction,10.0,low_normal,POS industry with interest,365243.0,-549.0,-279.0,-309.0,-304.0,0.0,0,Cash loans,F,N,Y,0,67500.0,227520.0,8707.5,180000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.0105,-23667,365243,-8542.0,-3900,,1,0,0,1,0,0,,2.0,3,3,WEDNESDAY,14,0,0,0,0,0,0,XNA,,0.5785876258607912,0.6195277080511546,0.1701,,0.9881,,,,0.3793,0.1667,,,,,,,0.1733,,0.9881,,,,0.3793,0.1667,,,,,,,0.1718,,0.9881,,,,0.3793,0.1667,,,,,,,,block of flats,0.1229,"Stone, brick",No,0.0,0.0,0.0,0.0,-589.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,1.0,3.0 +1396008,449263,Consumer loans,4496.04,40221.0,36171.0,4050.0,40221.0,SUNDAY,14,Y,1,0.10966455786325999,,,XAP,Approved,-2718,Cash through the bank,XAP,"Spouse, partner",New,Mobile,POS,XNA,Country-wide,28,Connectivity,11.0,low_normal,POS mobile with interest,365243.0,-2684.0,-2384.0,-2384.0,-2375.0,0.0,0,Cash loans,F,Y,Y,1,315000.0,729000.0,21442.5,729000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.008865999999999999,-14694,-3137,-4862.0,-2727,2.0,1,1,1,1,1,0,Cleaning staff,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,School,,0.7765953810625363,0.1245194708919845,0.0732,,0.9866,,,,,0.2917,,,,,,,0.0746,,0.9866,,,,,0.2917,,,,,,,0.0739,,0.9866,,,,,0.2917,,,,,,,,block of flats,0.0755,"Stone, brick",No,0.0,0.0,0.0,0.0,-2718.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1007440,108257,Consumer loans,7260.975,32841.0,35316.0,0.0,32841.0,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-1273,Cash through the bank,XAP,"Spouse, partner",New,Audio/Video,POS,XNA,Country-wide,2775,Consumer electronics,6.0,high,POS household with interest,365243.0,-1234.0,-1084.0,-1084.0,-1076.0,0.0,0,Cash loans,F,Y,Y,0,247500.0,986553.0,31954.5,823500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.0038130000000000004,-12873,-1524,-1136.0,-1322,6.0,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,Self-employed,0.37656583765485024,0.4175021633809135,0.2940831009471255,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-1273.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2356152,392108,Consumer loans,3608.91,23841.0,17937.0,6750.0,23841.0,THURSDAY,9,Y,1,0.2977827859344446,,,XAP,Approved,-2125,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,400,Consumer electronics,6.0,high,POS household with interest,365243.0,-2094.0,-1944.0,-1944.0,-1940.0,0.0,0,Cash loans,F,N,N,1,135000.0,225000.0,6952.5,225000.0,Unaccompanied,Working,Higher education,Married,Rented apartment,0.018209,-13653,-2405,-2427.0,-4960,,1,1,0,1,0,0,Accountants,3.0,3,3,WEDNESDAY,10,0,0,0,0,0,0,Security,0.451509662217965,0.4238172197641326,0.7583930617144343,0.068,0.0641,0.9856,0.8028,0.0292,0.0,0.1379,0.1667,0.0417,0.0458,0.0555,0.0604,0.0,0.0155,0.0693,0.0665,0.9856,0.8105,0.0294,0.0,0.1379,0.1667,0.0417,0.0468,0.0606,0.0629,0.0,0.0165,0.0687,0.0641,0.9856,0.8054,0.0294,0.0,0.1379,0.1667,0.0417,0.0465,0.0564,0.0614,0.0,0.0159,reg oper account,block of flats,0.0668,Panel,No,0.0,0.0,0.0,0.0,-2125.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2588348,349472,Consumer loans,8078.13,46750.5,39618.0,9000.0,46750.5,FRIDAY,12,Y,1,0.20160883174581792,,,XAP,Approved,-1694,Cash through the bank,XAP,,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,29,Connectivity,6.0,high,POS mobile with interest,365243.0,-1643.0,-1493.0,-1523.0,-1517.0,0.0,0,Cash loans,F,N,N,0,157500.0,270000.0,16312.5,270000.0,Unaccompanied,State servant,Secondary / secondary special,Separated,House / apartment,0.011656999999999999,-19348,-1765,-7791.0,-2797,,1,1,1,1,1,0,High skill tech staff,1.0,1,1,THURSDAY,16,0,0,0,0,0,0,Medicine,,0.7600101707604442,0.7352209993926424,0.001,0.0,0.9886,0.8436,0.0,0.0,0.0345,0.0,0.0417,0.0,0.0008,0.0017,0.0,0.0,0.0011,0.0,0.9886,0.8497,0.0,0.0,0.0345,0.0,0.0417,0.0,0.0009,0.0018,0.0,0.0,0.001,0.0,0.9886,0.8457,0.0,0.0,0.0345,0.0,0.0417,0.0,0.0009,0.0017,0.0,0.0,,block of flats,0.0013,Wooden,No,0.0,0.0,0.0,0.0,-1694.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1937962,306010,Consumer loans,21416.805,234000.0,178771.5,67500.0,234000.0,THURSDAY,11,Y,1,0.2985064709624798,,,XAP,Approved,-1497,Cash through the bank,XAP,"Spouse, partner",New,Vehicles,POS,XNA,Stone,68,Industry,10.0,middle,POS other with interest,365243.0,-1448.0,-1178.0,-1178.0,-1171.0,0.0,0,Cash loans,M,Y,N,0,135000.0,203760.0,20281.5,180000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,With parents,0.030755,-19468,365243,-10725.0,-3029,12.0,1,0,0,1,0,1,,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,XNA,,0.7550376711265094,0.6512602186973006,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1497.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1160876,430349,Cash loans,16118.37,180000.0,197820.0,0.0,180000.0,SUNDAY,10,Y,1,0.0,,,XNA,Approved,-2175,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,18.0,high,Cash Street: high,365243.0,-2145.0,-1635.0,-1635.0,-1629.0,1.0,0,Cash loans,F,Y,Y,1,135000.0,328365.0,32607.0,297000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-14974,-4350,-9072.0,-4039,5.0,1,1,0,1,0,0,High skill tech staff,3.0,2,2,FRIDAY,10,0,0,0,0,0,0,Self-employed,0.8186447187579605,0.6015027176717981,0.5814837058057234,0.0361,0.0255,0.9861,,,0.04,0.0345,0.3333,,0.0149,,0.0386,,0.0156,0.0368,0.0265,0.9861,,,0.0403,0.0345,0.3333,,0.0152,,0.0402,,0.0166,0.0364,0.0255,0.9861,,,0.04,0.0345,0.3333,,0.0151,,0.0392,,0.016,,block of flats,0.0377,"Stone, brick",No,3.0,0.0,3.0,0.0,-126.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1857696,267100,Consumer loans,153005.58,1639228.5,1639228.5,0.0,1639228.5,SUNDAY,18,Y,1,0.0,,,XAP,Refused,-620,Cash through the bank,HC,,Repeater,Furniture,POS,XNA,Country-wide,25,Furniture,12.0,low_normal,POS industry with interest,,,,,,,0,Cash loans,F,N,Y,2,360000.0,562491.0,27189.0,454500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.04622,-16892,-115,-1694.0,-437,,1,1,0,1,0,0,Core staff,4.0,1,1,THURSDAY,12,0,1,1,0,0,0,Business Entity Type 3,0.7874333331560357,0.7256006340034454,,0.2371,0.1202,0.9955,0.9524,0.1677,0.28,0.1207,0.6146,0.7083,0.0504,0.2269,0.2848,0.0,0.0024,0.2111,0.0955,0.9965,0.9543,0.1692,0.2417,0.1034,0.6667,0.7083,0.0169,0.2479,0.2095,0.0,0.0,0.2337,0.1004,0.996,0.953,0.1688,0.28,0.1207,0.6667,0.7083,0.0286,0.2309,0.3014,0.0,0.0,org spec account,block of flats,0.2218,Mixed,No,0.0,0.0,0.0,0.0,-937.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1604843,268062,Consumer loans,3909.375,42372.0,38133.0,4239.0,42372.0,FRIDAY,9,Y,1,0.1089553564532324,,,XAP,Approved,-412,Cash through the bank,XAP,,Refreshed,Construction Materials,POS,XNA,Stone,150,Construction,12.0,middle,POS industry with interest,365243.0,-356.0,-26.0,-146.0,-144.0,0.0,0,Cash loans,F,Y,Y,3,90000.0,1125000.0,32895.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018209,-13066,-2104,-1378.0,-4787,18.0,1,1,1,1,0,0,Laborers,5.0,3,3,THURSDAY,8,0,0,0,0,0,0,Agriculture,0.4604799956976425,0.5487641656290688,0.7252764347002191,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2186.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2454242,128737,Cash loans,11433.105,229500.0,266760.0,,229500.0,SATURDAY,11,Y,1,,,,XNA,Approved,-601,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-571.0,479.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,180000.0,526500.0,17113.5,526500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.028663,-22981,-4677,-3171.0,-4686,,1,1,0,1,0,0,Core staff,2.0,2,2,FRIDAY,8,0,0,0,0,0,0,School,0.7563526514072288,0.5726850198200755,0.38079968264891495,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1813.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2547441,330603,Cash loans,28743.3,135000.0,155470.5,,135000.0,MONDAY,8,Y,1,,,,Other,Approved,-1493,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,270000.0,1125000.0,44748.0,1125000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.028663,-19647,365243,-1828.0,-3187,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,XNA,,0.6456686592259533,0.7338145369642702,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,1.0,5.0,1.0,-1673.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1736783,223270,Consumer loans,9271.44,85275.0,94279.5,0.0,85275.0,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-414,XNA,XAP,,New,Consumer Electronics,POS,XNA,Stone,50,Consumer electronics,12.0,middle,POS household with interest,365243.0,-380.0,-50.0,-50.0,-42.0,0.0,0,Cash loans,F,N,Y,0,90000.0,343800.0,16852.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.026392000000000002,-11500,-1523,-845.0,-3995,,1,1,1,1,0,0,Laborers,1.0,2,2,SUNDAY,12,0,0,0,0,1,1,School,,0.7257181744768672,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-414.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2429268,185109,Consumer loans,8174.7,51489.0,46336.5,5152.5,51489.0,THURSDAY,12,Y,1,0.10898523780013024,,,XAP,Approved,-826,Cash through the bank,XAP,,New,Construction Materials,POS,XNA,Stone,20,Construction,6.0,low_action,POS industry without interest,365243.0,-789.0,-639.0,-639.0,-632.0,0.0,0,Cash loans,F,N,Y,0,46800.0,247500.0,17356.5,247500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.0228,-22371,365243,-3787.0,-4692,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,XNA,0.8467797221989801,0.6763561854789101,0.7407990879702335,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-170.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1065627,418139,Cash loans,25116.3,630000.0,630000.0,,630000.0,SATURDAY,10,Y,1,,,,XNA,Refused,-156,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,112500.0,742500.0,40410.0,742500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-21722,365243,-4045.0,-4301,,1,0,0,1,0,0,,2.0,2,2,MONDAY,14,0,0,0,0,0,0,XNA,,0.5545458351446421,,0.0165,,0.9702,,,0.0,0.069,0.0417,,0.0174,,0.0122,,0.0035,0.0168,,0.9702,,,0.0,0.069,0.0417,,0.0177,,0.0127,,0.0037,0.0167,,0.9702,,,0.0,0.069,0.0417,,0.0177,,0.0124,,0.0036,,block of flats,0.0103,"Stone, brick",No,3.0,0.0,3.0,0.0,-2124.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2414532,327148,Consumer loans,2514.465,20655.0,20551.5,4320.0,20655.0,SATURDAY,13,Y,1,0.1891672286461502,,,XAP,Approved,-1778,Cash through the bank,XAP,"Spouse, partner",New,Mobile,POS,XNA,Country-wide,101,Connectivity,12.0,high,POS mobile with interest,365243.0,-1747.0,-1417.0,-1657.0,-1651.0,0.0,0,Cash loans,F,Y,Y,0,180000.0,302206.5,13441.5,229500.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.008625,-13962,-3438,-2066.0,-4886,8.0,1,1,0,1,0,0,Core staff,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,Security Ministries,0.523236195565396,0.7581024847132355,0.6479768603302221,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1778.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1510694,383357,Consumer loans,7967.925,176868.0,176868.0,0.0,176868.0,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-745,Cash through the bank,XAP,Unaccompanied,New,Furniture,POS,XNA,Country-wide,70,Furniture,24.0,low_action,POS industry without interest,365243.0,-714.0,-24.0,-114.0,-107.0,0.0,0,Cash loans,F,N,N,1,90000.0,675000.0,28597.5,675000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.007120000000000001,-13459,-216,-7588.0,-1621,,1,1,1,1,0,0,,3.0,2,2,MONDAY,18,0,0,0,0,0,0,Business Entity Type 3,,0.6534734268838236,,0.1082,0.1282,0.9856,0.8028,0.195,0.0,0.2414,0.1667,0.0417,0.1612,0.0883,0.096,0.0,0.1431,0.1103,0.1331,0.9856,0.8105,0.1968,0.0,0.2414,0.1667,0.0417,0.1649,0.0964,0.1,0.0,0.1515,0.1093,0.1282,0.9856,0.8054,0.1963,0.0,0.2414,0.1667,0.0417,0.16399999999999998,0.0898,0.0977,0.0,0.1461,reg oper spec account,block of flats,0.0755,"Stone, brick",No,1.0,0.0,1.0,0.0,-745.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2600657,372758,Consumer loans,4274.82,65205.0,65205.0,0.0,65205.0,THURSDAY,18,Y,1,0.0,,,XAP,Approved,-676,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Stone,500,Consumer electronics,18.0,low_normal,POS household with interest,365243.0,-645.0,-135.0,-405.0,-400.0,0.0,0,Cash loans,F,Y,Y,0,202500.0,668304.0,32278.5,540000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.016612000000000002,-11941,-1792,-5837.0,-4091,17.0,1,1,0,1,0,0,Medicine staff,2.0,2,2,MONDAY,14,0,0,0,0,1,1,School,0.33896474748686783,0.5230285445649655,0.5620604831738043,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2214.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +2428272,401768,Consumer loans,6425.37,64260.0,57834.0,6426.0,64260.0,SUNDAY,11,Y,1,0.1089090909090909,,,XAP,Approved,-2684,Non-cash from your account,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Stone,336,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2653.0,-2383.0,-2383.0,-2376.0,0.0,0,Cash loans,F,N,N,0,112500.0,819792.0,34731.0,720000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.031329,-22794,-514,-2465.0,-4779,,1,1,1,1,1,0,High skill tech staff,2.0,2,2,WEDNESDAY,11,0,0,0,0,1,1,Business Entity Type 1,,0.5796696103620137,0.5478104658520093,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-540.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1310726,122273,Cash loans,9426.24,45000.0,46485.0,,45000.0,MONDAY,12,Y,1,,,,Wedding / gift / holiday,Approved,-661,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),5,XNA,6.0,high,Cash Street: high,365243.0,-631.0,-481.0,-511.0,-508.0,1.0,0,Cash loans,M,Y,Y,0,157500.0,450346.5,24561.0,342000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.011703,-13452,-831,-213.0,-4403,13.0,1,1,0,1,0,0,High skill tech staff,2.0,2,2,THURSDAY,13,0,1,1,0,0,0,Other,0.26309018904251336,0.4474520339779709,0.6577838002083306,0.2918,,0.9841,,,0.32,0.2759,0.3333,,,,0.3163,,0.0167,0.2973,,0.9841,,,0.3222,0.2759,0.3333,,,,0.3295,,0.0177,0.2946,,0.9841,,,0.32,0.2759,0.3333,,,,0.3219,,0.0171,,block of flats,0.2525,Panel,No,0.0,0.0,0.0,0.0,-112.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1324281,107552,Consumer loans,4212.27,34895.25,33997.5,3489.75,34895.25,MONDAY,11,Y,1,0.1013852709921373,,,XAP,Approved,-1706,Cash through the bank,XAP,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Stone,149,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1672.0,-1402.0,-1402.0,-1399.0,0.0,1,Cash loans,M,Y,Y,2,157500.0,592560.0,31153.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-11666,-1172,-77.0,-3823,17.0,1,1,0,1,0,0,High skill tech staff,4.0,3,3,SATURDAY,8,0,0,0,0,1,1,Government,0.2457983707725399,0.2889029327208124,0.4311917977993083,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1198042,122143,Cash loans,11275.2,202500.0,202500.0,,202500.0,WEDNESDAY,6,Y,1,,,,XNA,Refused,-328,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Stone,140,Consumer electronics,48.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,M,N,Y,1,135000.0,85500.0,5697.0,85500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-11062,-1587,-1778.0,-3736,,1,1,0,1,0,0,Laborers,3.0,2,2,TUESDAY,6,0,0,0,0,0,0,Other,,0.229002990241038,0.4365064990977374,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1993.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2626140,399743,Revolving loans,13500.0,270000.0,270000.0,,270000.0,THURSDAY,10,Y,1,,,,XAP,Refused,-282,XNA,HC,,Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,112500.0,450000.0,21109.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.015221,-19022,-7640,-10103.0,-2573,,1,1,0,1,0,0,,2.0,2,2,SATURDAY,8,0,0,0,0,0,0,School,,0.12941692500052646,0.520897599048938,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-237.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2832437,121041,Consumer loans,10032.48,92691.0,90301.5,9270.0,92691.0,MONDAY,13,Y,1,0.10139319712239674,,,XAP,Approved,-1954,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,3303,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1923.0,-1653.0,-1653.0,-1647.0,0.0,0,Cash loans,F,Y,Y,0,117000.0,594000.0,19291.5,594000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-23385,-840,-5564.0,-3703,13.0,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,16,0,0,0,0,0,0,Industry: type 11,,0.5517892514329971,0.22888341670067305,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-399.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1539161,348715,Consumer loans,11595.6,106650.0,117913.5,0.0,106650.0,FRIDAY,4,Y,1,0.0,,,XAP,Approved,-381,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Stone,80,Consumer electronics,12.0,middle,POS household with interest,365243.0,-337.0,-7.0,-7.0,365243.0,0.0,0,Cash loans,F,Y,Y,2,112500.0,646920.0,25195.5,540000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0038179999999999998,-12450,-676,-1902.0,-3720,8.0,1,1,1,1,1,1,Core staff,4.0,2,2,MONDAY,8,0,0,0,0,0,0,Kindergarten,,0.7232826505626812,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-381.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2298260,151682,Consumer loans,10519.425,176598.0,186048.0,0.0,176598.0,TUESDAY,14,Y,1,0.0,,,XAP,Refused,-132,Cash through the bank,HC,Children,Repeater,Audio/Video,POS,XNA,Country-wide,2400,Consumer electronics,24.0,low_normal,POS household with interest,,,,,,,0,Cash loans,F,N,Y,1,229500.0,377370.0,34740.0,315000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.032561,-15211,365243,-9238.0,-2572,,1,0,0,1,0,1,,2.0,1,1,MONDAY,11,0,0,0,0,0,0,XNA,0.6761510480837631,0.5186681172038036,0.4938628816996244,0.1351,0.0854,0.9811,0.7416,0.0282,0.14,0.1034,0.4375,0.4792,0.0355,0.1505,0.1375,0.0,0.0002,0.0882,0.0483,0.9796,0.7321,0.0284,0.0806,0.0345,0.3333,0.375,0.0163,0.1644,0.0921,0.0,0.0,0.1364,0.0854,0.9811,0.7451,0.0283,0.14,0.1034,0.4375,0.4792,0.0361,0.1531,0.14,0.0,0.0002,reg oper account,block of flats,0.0696,"Stone, brick",No,1.0,0.0,1.0,0.0,-320.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1302907,242793,Consumer loans,3679.785,31455.0,38164.5,3150.0,31455.0,FRIDAY,9,Y,1,0.08303710231604795,,,XAP,Approved,-1726,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Stone,30,Connectivity,18.0,high,POS mobile with interest,365243.0,-1695.0,-1185.0,-1185.0,-1178.0,0.0,0,Cash loans,M,N,Y,2,315000.0,398160.0,31585.5,315000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.0038179999999999998,-10688,-1939,-4429.0,-3318,,1,1,1,1,1,1,,4.0,2,2,TUESDAY,8,0,0,0,0,0,0,Emergency,0.3345639874613612,0.4264787116517473,0.18411615593071512,0.0082,0.0,0.9722,,,0.0,0.069,0.0417,,,,0.0089,,0.0,0.0084,0.0,0.9722,,,0.0,0.069,0.0417,,,,0.0093,,0.0,0.0083,0.0,0.9722,,,0.0,0.069,0.0417,,,,0.0091,,0.0,,block of flats,0.006999999999999999,Wooden,No,0.0,0.0,0.0,0.0,-1726.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,0.0 +1973558,293207,Cash loans,12024.0,270000.0,270000.0,,270000.0,THURSDAY,14,Y,1,,,,XNA,Approved,-3,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,788,Consumer electronics,36.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,112500.0,292500.0,13014.0,292500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0228,-16925,-5190,-6123.0,-475,,1,1,1,1,1,0,Laborers,2.0,2,2,SUNDAY,14,0,0,0,0,0,0,Industry: type 3,0.6226173289534758,0.5466948445679841,0.7738956942145427,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1344.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,4.0,2.0,2.0 +1075136,383511,Consumer loans,3455.505,26941.5,29610.0,0.0,26941.5,WEDNESDAY,12,Y,1,0.0,,,XAP,Approved,-2516,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Country-wide,48,Connectivity,12.0,high,POS mobile with interest,365243.0,-2485.0,-2155.0,-2155.0,-2141.0,1.0,0,Cash loans,F,N,Y,0,76500.0,770913.0,22671.0,643500.0,"Spouse, partner",State servant,Higher education,Married,House / apartment,0.031329,-17043,-7763,-522.0,-596,,1,1,0,1,0,0,Secretaries,2.0,2,2,SATURDAY,9,0,0,0,0,0,0,Medicine,,0.2622583692422573,0.5531646987710016,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-479.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1951553,379570,Consumer loans,8458.155,84591.0,76131.0,8460.0,84591.0,THURSDAY,16,Y,1,0.10892067821528403,,,XAP,Approved,-2876,Cash through the bank,XAP,,New,Homewares,POS,XNA,Stone,261,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2841.0,-2571.0,-2571.0,-2565.0,0.0,0,Cash loans,F,N,Y,0,225000.0,1044000.0,30654.0,1044000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-20020,-4573,-7411.0,-3414,,1,1,0,1,0,1,Sales staff,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Self-employed,,0.4657889198575781,0.4489622731076524,0.0742,,0.9851,,,0.08,0.069,0.3333,,,,0.0827,,0.0067,0.0756,,0.9851,,,0.0806,0.069,0.3333,,,,0.085,,0.0,0.0749,,0.9851,,,0.08,0.069,0.3333,,,,0.0844,,0.0049,,block of flats,0.065,"Stone, brick",No,12.0,0.0,12.0,0.0,-979.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,5.0,0.0,4.0 +2398024,396225,Consumer loans,6497.73,32787.0,30969.0,3280.5,32787.0,SATURDAY,11,Y,1,0.1043157630701974,,,XAP,Approved,-1972,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Stone,60,Connectivity,6.0,high,POS mobile with interest,365243.0,-1941.0,-1791.0,-1791.0,-1740.0,0.0,0,Cash loans,F,N,Y,0,144000.0,835164.0,40306.5,733500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-16345,-3955,-639.0,-4956,,1,1,0,1,1,0,Managers,2.0,2,2,THURSDAY,16,0,0,0,1,1,0,Self-employed,0.6866054642242739,0.7532333890418726,0.5585066276769286,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1972.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2550374,133366,Cash loans,20558.745,90000.0,101389.5,0.0,90000.0,THURSDAY,13,Y,1,0.0,,,Other,Refused,-1959,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,2,112500.0,522927.0,25285.5,436500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.030755,-15614,-3156,-9550.0,-5658,,1,1,0,1,0,0,Laborers,4.0,2,2,THURSDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.5850676370816195,0.6453133744978369,0.5797274227921155,0.0165,0.0,0.9742,,,0.0,0.069,0.0417,,0.0197,,0.0129,,0.0,0.0168,0.0,0.9742,,,0.0,0.069,0.0417,,0.0202,,0.0135,,0.0,0.0167,0.0,0.9742,,,0.0,0.069,0.0417,,0.0201,,0.0132,,0.0,,block of flats,0.0102,"Stone, brick",No,8.0,0.0,8.0,0.0,-1960.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1977792,157425,Cash loans,25540.245,450000.0,545040.0,,450000.0,FRIDAY,14,Y,1,,,,XNA,Approved,-169,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,N,Y,0,148500.0,808650.0,26217.0,675000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.011703,-17209,365243,-9829.0,-745,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,15,0,0,0,0,0,0,XNA,0.3618233888364972,0.6351748118222198,0.7076993447402619,0.0691,0.0795,0.9771,0.6872,0.0109,0.0,0.1379,0.1667,0.0417,0.0686,0.0538,0.0515,0.0116,0.0887,0.0704,0.0825,0.9772,0.6994,0.011,0.0,0.1379,0.1667,0.0417,0.0702,0.0588,0.0536,0.0117,0.0939,0.0697,0.0795,0.9771,0.6914,0.0109,0.0,0.1379,0.1667,0.0417,0.0698,0.0547,0.0524,0.0116,0.0905,reg oper account,block of flats,0.0659,"Stone, brick",No,0.0,0.0,0.0,0.0,-845.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2741202,277251,Consumer loans,4392.99,29565.0,16699.5,13500.0,29565.0,MONDAY,11,Y,1,0.4868533344170357,,,XAP,Approved,-172,XNA,XAP,,New,Furniture,POS,XNA,Stone,30,Furniture,4.0,low_normal,POS industry with interest,365243.0,-134.0,-44.0,-44.0,-40.0,0.0,1,Cash loans,F,N,N,0,81000.0,104256.0,7794.0,90000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.025164,-20367,365243,-289.0,-3601,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,9,0,0,0,0,0,0,XNA,,0.33454843313277843,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-172.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2518904,382086,Consumer loans,14792.94,75982.5,79996.5,0.0,75982.5,SUNDAY,9,Y,1,0.0,,,XAP,Approved,-385,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Country-wide,150,Consumer electronics,6.0,middle,POS household with interest,365243.0,-354.0,-204.0,-234.0,-231.0,0.0,1,Cash loans,M,N,Y,0,157500.0,545040.0,36553.5,450000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.0038130000000000004,-17273,-646,-492.0,-790,,1,1,0,1,0,0,Laborers,2.0,2,2,SUNDAY,6,0,0,0,0,0,0,Business Entity Type 3,0.4673233783605478,0.5061354324171047,0.5316861425197883,0.0619,0.0253,0.9811,0.7416,0.0936,0.0,0.1379,0.1667,0.0417,0.0181,0.0504,0.0543,0.0,0.0189,0.063,0.0262,0.9811,0.7517,0.0944,0.0,0.1379,0.1667,0.0417,0.0185,0.0551,0.0566,0.0,0.02,0.0625,0.0253,0.9811,0.7451,0.0942,0.0,0.1379,0.1667,0.0417,0.0184,0.0513,0.0553,0.0,0.0193,reg oper spec account,block of flats,0.0471,Panel,No,0.0,0.0,0.0,0.0,-385.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1961096,208705,Consumer loans,6453.945,154926.0,138496.5,16429.5,154926.0,FRIDAY,13,Y,1,0.11549526284102785,,,XAP,Refused,-2783,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,POS,XNA,Country-wide,2256,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,0,Cash loans,F,N,Y,0,292500.0,584766.0,29988.0,472500.0,Family,Commercial associate,Higher education,Married,House / apartment,0.022625,-11033,-1439,-5290.0,-369,,1,1,0,1,1,1,Managers,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Self-employed,0.3647062774007048,0.4932889387952677,0.4436153084085652,0.0495,0.0517,0.9752,,,0.0,0.1034,0.125,,0.0476,,0.0261,,0.0,0.0504,0.0537,0.9752,,,0.0,0.1034,0.125,,0.0487,,0.0272,,0.0,0.05,0.0517,0.9752,,,0.0,0.1034,0.125,,0.0484,,0.0266,,0.0,,block of flats,0.043,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2234451,137388,Revolving loans,6750.0,135000.0,135000.0,,135000.0,TUESDAY,17,Y,1,,,,XAP,Approved,-112,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,225000.0,450000.0,16294.5,450000.0,Unaccompanied,State servant,Secondary / secondary special,Civil marriage,House / apartment,0.026392000000000002,-17389,-6401,-11255.0,-795,,1,1,0,1,0,0,Medicine staff,2.0,2,2,TUESDAY,16,0,0,0,0,0,0,Medicine,,0.6562116131422233,,0.0825,,0.9752,,,0.0,0.1379,0.1667,,,,0.0594,,0.0193,0.084,,0.9752,,,0.0,0.1379,0.1667,,,,0.0619,,0.0204,0.0833,,0.9752,,,0.0,0.1379,0.1667,,,,0.0605,,0.0197,,block of flats,0.0509,"Stone, brick",No,1.0,0.0,0.0,0.0,-1035.0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2729675,179608,Cash loans,45495.81,900000.0,1004544.0,,900000.0,SATURDAY,10,Y,1,,,,XNA,Approved,-816,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-786.0,624.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,0,270000.0,1569051.0,54670.5,1354500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.04622,-17312,-3516,-10347.0,-842,10.0,1,1,0,1,0,1,Laborers,2.0,1,1,WEDNESDAY,9,0,0,0,0,0,0,Self-employed,,0.7247420765469988,0.5549467685334323,0.1474,0.0954,0.9786,0.7076,0.0874,0.16,0.1379,0.3333,0.375,0.0947,0.1202,0.078,0.0,0.0,0.1502,0.099,0.9786,0.7190000000000001,0.0882,0.1611,0.1379,0.3333,0.375,0.0968,0.1313,0.0813,0.0,0.0,0.1489,0.0954,0.9786,0.7115,0.08800000000000001,0.16,0.1379,0.3333,0.375,0.0963,0.1223,0.0794,0.0,0.0,reg oper account,block of flats,0.1561,Panel,No,0.0,0.0,0.0,0.0,-2419.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +1497178,428707,Consumer loans,26843.22,227385.0,192424.5,45675.0,227385.0,SUNDAY,12,Y,1,0.20892201484138884,,,XAP,Approved,-2099,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,1200,Consumer electronics,8.0,middle,POS household with interest,365243.0,-2068.0,-1858.0,-1858.0,-1847.0,0.0,1,Cash loans,F,N,Y,0,202500.0,1467612.0,58198.5,1350000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.072508,-18172,-5437,-9221.0,-1613,,1,1,0,1,0,0,,2.0,1,1,SATURDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.8476652965974195,0.7664863290084776,0.6925590674998008,0.2289,0.0841,0.9871,0.8232,0.2921,0.32,0.1379,0.5417,0.5833,0.0,0.1866,0.2014,0.0,0.0059,0.2332,0.0872,0.9871,0.8301,0.2947,0.3222,0.1379,0.5417,0.5833,0.0,0.2039,0.2098,0.0,0.0062,0.2311,0.0841,0.9871,0.8256,0.2939,0.32,0.1379,0.5417,0.5833,0.0,0.1898,0.205,0.0,0.006,reg oper account,block of flats,0.1597,Panel,No,0.0,0.0,0.0,0.0,-2420.0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2789425,292301,Cash loans,43701.66,427500.0,447250.5,,427500.0,MONDAY,14,Y,1,,,,XNA,Approved,-190,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,500,Consumer electronics,12.0,low_normal,Cash X-Sell: low,365243.0,-160.0,170.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,1,202500.0,1305000.0,43258.5,1305000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-18933,-1985,-3071.0,-2478,,1,1,1,1,1,0,Sales staff,3.0,1,1,TUESDAY,13,0,0,0,0,0,0,Trade: type 3,,0.7206269504265668,,0.2278,0.1002,0.9896,0.8572,0.0218,0.32,0.1379,0.5417,0.5833,0.0416,0.1849,0.214,0.0039,0.0014,0.2017,0.0947,0.9846,0.7975,0.002,0.3222,0.1379,0.4583,0.5,0.0,0.1745,0.179,0.0,0.0,0.23,0.1002,0.9896,0.8591,0.0219,0.32,0.1379,0.5417,0.5833,0.0423,0.1881,0.2178,0.0039,0.0014,reg oper account,block of flats,0.2025,Panel,No,0.0,0.0,0.0,0.0,-1431.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2309620,252622,Consumer loans,7557.255,33727.5,27873.0,6745.5,33727.5,SUNDAY,14,Y,1,0.21221204637037208,,,XAP,Approved,-1374,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,44,Connectivity,4.0,middle,POS mobile without interest,365243.0,-1343.0,-1253.0,-1253.0,-1248.0,0.0,0,Cash loans,F,N,N,0,103500.0,58500.0,2983.5,58500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018634,-13725,-2856,-684.0,-3965,,1,1,0,1,0,0,Accountants,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Self-employed,0.7231766495029875,0.5699643567445468,0.4418358231994413,0.0928,0.0852,0.9851,,,,0.1724,0.1667,,0.0865,,0.0478,,0.1512,0.0945,0.0884,0.9851,,,,0.1724,0.1667,,0.0885,,0.0498,,0.1601,0.0937,0.0852,0.9851,,,,0.1724,0.1667,,0.08800000000000001,,0.0486,,0.1544,,block of flats,0.0709,"Stone, brick",No,0.0,0.0,0.0,0.0,-425.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2278393,375744,Consumer loans,16275.735,144967.5,157405.5,0.0,144967.5,THURSDAY,15,Y,1,0.0,,,XAP,Refused,-526,Cash through the bank,LIMIT,,Repeater,Computers,POS,XNA,Country-wide,2586,Consumer electronics,12.0,middle,POS household with interest,,,,,,,1,Cash loans,M,N,N,0,180000.0,225000.0,17775.0,225000.0,Unaccompanied,Working,Incomplete higher,Single / not married,With parents,0.010643000000000001,-10801,-770,-85.0,-616,,1,1,0,1,1,0,Drivers,1.0,2,2,FRIDAY,15,0,1,1,0,1,1,Transport: type 3,0.11071555824062848,0.39852186080007596,,0.2237,0.11,0.9856,0.8028,0.037000000000000005,0.24,0.2069,0.3333,0.0417,0.1579,0.1816,0.229,0.0039,0.0,0.2279,0.1141,0.9856,0.8105,0.0373,0.2417,0.2069,0.3333,0.0417,0.1615,0.1983,0.2386,0.0039,0.0,0.2259,0.11,0.9856,0.8054,0.0372,0.24,0.2069,0.3333,0.0417,0.1606,0.1847,0.2332,0.0039,0.0,reg oper account,block of flats,0.2004,Panel,No,0.0,0.0,0.0,0.0,-588.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1460402,282556,Consumer loans,27099.045,301104.0,240880.5,60223.5,301104.0,THURSDAY,16,Y,1,0.2178279476979261,,,XAP,Approved,-2774,Cash through the bank,XAP,Children,Repeater,Other,POS,XNA,Stone,15,Construction,10.0,low_normal,POS industry without interest,,,,,,,0,Cash loans,F,N,Y,0,180000.0,675000.0,48136.5,675000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.026392000000000002,-24124,365243,-11396.0,-4452,,1,0,0,1,1,0,,2.0,2,2,SATURDAY,15,0,0,0,0,0,0,XNA,,0.6515099070970382,,0.1082,0.0844,0.9841,,,0.2,0.0862,0.3542,,0.076,,0.1104,,0.0038,0.1071,0.0876,0.9841,,,0.1611,0.069,0.3333,,0.07400000000000001,,0.1099,,0.004,0.1093,0.0844,0.9841,,,0.2,0.0862,0.3542,,0.0773,,0.1121,,0.0038,,block of flats,0.0978,"Stone, brick",No,0.0,0.0,0.0,0.0,-409.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1356409,152709,Consumer loans,9798.48,94950.0,104976.0,0.0,94950.0,SATURDAY,16,Y,1,0.0,,,XAP,Approved,-465,Cash through the bank,XAP,,New,Furniture,POS,XNA,Stone,43,Furniture,12.0,low_normal,POS industry with interest,365243.0,-432.0,-102.0,-102.0,-93.0,0.0,0,Cash loans,M,N,Y,0,153000.0,168102.0,16753.5,148500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-20764,-1698,-4593.0,-2843,,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,10,0,0,0,0,1,1,Business Entity Type 1,,0.6994605510931274,0.4632753280912678,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1547.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2174814,434828,Consumer loans,9433.305,123102.0,123102.0,0.0,123102.0,MONDAY,15,Y,1,0.0,,,XAP,Approved,-541,Cash through the bank,XAP,,New,Computers,POS,XNA,Stone,138,Consumer electronics,18.0,middle,POS household with interest,365243.0,-508.0,2.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,Y,0,112500.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00702,-7708,-266,-7677.0,-391,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,12,0,0,0,1,1,0,Self-employed,0.05885234278282179,0.3250032548608086,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-541.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1214444,356226,Consumer loans,13818.735,130936.5,129510.0,13095.0,130936.5,SUNDAY,12,Y,1,0.10000803235893163,,,XAP,Approved,-1716,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,2417,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1685.0,-1355.0,-1565.0,-1555.0,0.0,0,Cash loans,F,N,N,0,135000.0,1350000.0,37125.0,1350000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018029,-20670,365243,-3064.0,-3064,,1,0,0,1,0,0,,2.0,3,3,SUNDAY,8,0,0,0,0,0,0,XNA,0.6563384614403593,0.464352703821697,,0.0165,0.0,0.9757,0.6668,0.0,0.0,0.069,0.0417,0.0417,0.0179,0.0134,0.0101,0.0,0.0,0.0168,0.0,0.9757,0.6798,0.0,0.0,0.069,0.0417,0.0417,0.0183,0.0147,0.0105,0.0,0.0,0.0167,0.0,0.9757,0.6713,0.0,0.0,0.069,0.0417,0.0417,0.0182,0.0137,0.0103,0.0,0.0,not specified,block of flats,0.0079,Wooden,No,0.0,0.0,0.0,0.0,-1144.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1854930,216056,Cash loans,14244.12,225000.0,269550.0,,225000.0,MONDAY,7,Y,1,,,,Urgent needs,Refused,-147,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Country-wide,30,Connectivity,36.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,114750.0,283419.0,13914.0,234000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-19287,-4338,-9218.0,-2678,,1,1,1,1,0,0,,2.0,3,3,MONDAY,11,0,0,0,0,1,1,Other,0.550240024273821,0.4948413171491936,,0.0082,,0.9503,,,,0.069,0.0417,,,,0.008,,,0.0084,,0.9503,,,,0.069,0.0417,,,,0.0083,,,0.0083,,0.9503,,,,0.069,0.0417,,,,0.0081,,,,block of flats,0.0063,Wooden,No,4.0,0.0,4.0,0.0,-1591.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1336601,243652,Consumer loans,5773.59,57960.0,64080.0,0.0,57960.0,SATURDAY,14,Y,1,0.0,,,XAP,Approved,-952,Cash through the bank,XAP,Other_A,New,Audio/Video,POS,XNA,Country-wide,1000,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-921.0,-591.0,-591.0,-587.0,0.0,0,Cash loans,M,Y,Y,1,360000.0,301464.0,23949.0,238500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.031329,-15156,-922,-4068.0,-4485,7.0,1,1,0,1,0,0,Security staff,3.0,2,2,SATURDAY,14,0,0,0,0,0,0,Industry: type 3,0.21586768381481464,0.5966602180230455,0.4083588531230431,0.1485,0.0898,0.9836,0.7756,0.0,0.16,0.1379,0.3333,0.0417,0.0,0.121,0.1507,0.0039,0.0,0.1513,0.0932,0.9836,0.7844,0.0,0.1611,0.1379,0.3333,0.0417,0.0,0.1322,0.157,0.0039,0.0,0.1499,0.0898,0.9836,0.7786,0.0,0.16,0.1379,0.3333,0.0417,0.0,0.1231,0.1534,0.0039,0.0,org spec account,block of flats,0.1185,Panel,No,0.0,0.0,0.0,0.0,-697.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1721462,400016,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,17,Y,1,,,,XAP,Approved,-205,XNA,XAP,Family,Repeater,XNA,Cards,walk-in,Country-wide,500,Consumer electronics,0.0,XNA,Card Street,-117.0,-65.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,360000.0,916470.0,26928.0,765000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.072508,-15274,-727,-2432.0,-4054,2.0,1,1,0,1,0,0,Private service staff,2.0,1,1,FRIDAY,18,0,0,0,0,0,0,Services,,0.7265531139807863,,0.2765,0.0751,0.9881,0.8368,,0.32,0.1379,0.6667,0.7083,0.0655,,0.2967,,0.0144,0.1418,0.0,0.9881,0.8432,,0.4028,0.1724,0.6667,0.7083,0.0,,0.1526,,0.0,0.3118,0.0771,0.9881,0.8390000000000001,,0.36,0.1552,0.6667,0.7083,0.0299,,0.3354,,0.0037,reg oper account,block of flats,0.2372,Panel,No,0.0,0.0,0.0,0.0,-824.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2286446,342866,Revolving loans,22500.0,0.0,450000.0,,,FRIDAY,13,Y,1,,,,XAP,Approved,-811,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-766.0,-728.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,270000.0,948582.0,27733.5,679500.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.007273999999999998,-17980,-2020,-3079.0,-1525,1.0,1,1,0,1,1,0,Managers,2.0,2,2,THURSDAY,11,0,1,1,0,1,1,Business Entity Type 3,0.6799985789516358,0.6646950442167027,0.6178261467332483,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1384.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2630951,410493,Consumer loans,5585.13,29025.0,27391.5,2925.0,29025.0,MONDAY,15,Y,1,0.1050777929210466,,,XAP,Approved,-1800,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,85,Connectivity,6.0,high,POS mobile with interest,365243.0,-1766.0,-1616.0,-1616.0,-1612.0,0.0,0,Cash loans,F,N,Y,0,220500.0,252531.0,18090.0,234000.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-24107,365243,-8809.0,-4557,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,,0.676585908416239,0.7352209993926424,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1800.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2135944,291828,Cash loans,,0.0,0.0,,,SATURDAY,7,Y,1,,,,XNA,Refused,-237,XNA,SCOFR,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,Y,N,0,225000.0,412942.5,27724.5,373500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018029,-9857,-1191,-4466.0,-593,4.0,1,1,0,1,0,0,Core staff,2.0,3,3,FRIDAY,6,0,0,0,1,1,0,Transport: type 2,,0.40529208277080025,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1626519,331601,Cash loans,8935.38,135000.0,152820.0,,135000.0,FRIDAY,9,Y,1,,,,XNA,Approved,-682,XNA,XAP,,Repeater,XNA,Cash,x-sell,Regional / Local,145,Consumer electronics,24.0,middle,Cash X-Sell: middle,,,,,,,1,Cash loans,F,N,N,1,72000.0,232344.0,11992.5,157500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-16457,-4570,-3422.0,-12,,1,1,0,1,0,0,Security staff,3.0,2,2,MONDAY,11,0,0,0,0,1,1,Agriculture,,0.3005242290932967,0.41885428862332175,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1827.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,7.0 +2045949,375281,Cash loans,18305.64,238500.0,257391.0,,238500.0,TUESDAY,12,Y,1,,,,XNA,Approved,-329,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-299.0,211.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,90000.0,306306.0,14863.5,247500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-17041,-10101,-10144.0,-367,,1,1,0,1,0,0,Sales staff,2.0,3,3,TUESDAY,13,0,0,0,0,0,0,Other,,0.3894686606937352,0.7165702448010511,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1426.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2230070,426905,Consumer loans,4777.155,58840.2,47070.0,11770.2,58840.2,WEDNESDAY,12,Y,1,0.21785816190600674,0.1607163096452454,0.715644820295983,XAP,Approved,-412,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,25,Connectivity,12.0,middle,POS mobile with interest,365243.0,-360.0,-30.0,-270.0,-261.0,0.0,0,Cash loans,F,Y,Y,1,315000.0,1318500.0,42664.5,1318500.0,Family,Commercial associate,Higher education,Married,House / apartment,0.04622,-14024,-4245,-2254.0,-4745,64.0,1,1,0,1,0,0,High skill tech staff,3.0,1,1,TUESDAY,11,0,1,1,0,0,0,Business Entity Type 3,0.7207795581052464,0.5941949122163462,0.375711009574066,0.0412,0.0645,0.9712,0.6056,0.0081,0.0,0.069,0.1667,0.2083,0.0,0.0336,0.0527,0.0,0.0,0.042,0.0669,0.9712,0.621,0.0082,0.0,0.069,0.1667,0.2083,0.0,0.0367,0.0549,0.0,0.0,0.0416,0.0645,0.9712,0.6109,0.0082,0.0,0.069,0.1667,0.2083,0.0,0.0342,0.0537,0.0,0.0,reg oper account,block of flats,0.0415,"Stone, brick",No,0.0,0.0,0.0,0.0,-412.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,0.0 +2404375,111546,Consumer loans,7582.05,61600.5,64237.5,3150.0,61600.5,TUESDAY,11,Y,1,0.0509090909090909,,,XAP,Approved,-1707,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,66,Connectivity,12.0,high,POS mobile with interest,365243.0,-1676.0,-1346.0,-1346.0,-1338.0,0.0,0,Revolving loans,F,N,N,0,135000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.004849,-18212,-5259,-10633.0,-1740,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.48923133022676,0.5473559060948296,0.4418358231994413,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,2.0,0.0,2.0,0.0,-1707.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2387319,117860,Consumer loans,15710.4,168205.5,168205.5,0.0,168205.5,SATURDAY,16,Y,1,0.0,,,XAP,Approved,-1522,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Regional / Local,1500,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-1491.0,-1161.0,-1221.0,-1213.0,0.0,0,Cash loans,M,Y,Y,0,292500.0,1622691.0,44622.0,1354500.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.00823,-12678,-2368,-5982.0,-4354,3.0,1,1,0,1,0,0,High skill tech staff,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Police,0.6199967877495873,0.5919572764652954,0.5495965024956946,,0.1091,0.9781,,,,0.1724,0.1667,,,,0.0876,,,,0.1132,0.9782,,,,0.1724,0.1667,,,,0.0913,,,,0.1091,0.9781,,,,0.1724,0.1667,,,,0.0892,,,,,0.0693,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2007982,158297,Consumer loans,8230.275,87525.0,87093.0,8752.5,87525.0,MONDAY,11,Y,1,0.09945451984514853,,,XAP,Approved,-1068,XNA,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Regional / Local,257,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-1037.0,-707.0,-767.0,-746.0,0.0,0,Cash loans,F,N,Y,0,112500.0,1546020.0,42642.0,1350000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010556,-23433,365243,-32.0,-4623,,1,0,0,1,1,0,,2.0,3,3,FRIDAY,9,0,0,0,0,0,0,XNA,,0.2835509018002615,0.20559813854932085,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1921349,168618,Cash loans,10079.46,90000.0,95940.0,,90000.0,TUESDAY,3,Y,1,,,,XNA,Approved,-372,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-342.0,-12.0,-252.0,-241.0,1.0,0,Cash loans,F,N,Y,0,76500.0,153504.0,15084.0,144000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.014464,-21085,365243,-1938.0,-4625,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,XNA,,0.2591227650941633,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1521.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1417740,432470,Consumer loans,25878.825,268866.0,230472.0,53775.0,268866.0,SUNDAY,19,Y,1,0.20603863413286205,,,XAP,Approved,-213,Cash through the bank,XAP,Unaccompanied,Refreshed,Audio/Video,POS,XNA,Country-wide,2112,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-181.0,89.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,1,157500.0,327024.0,21982.5,270000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.00702,-15028,-4522,-1071.0,-960,2.0,1,1,0,1,0,0,Managers,3.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Trade: type 6,0.6615669555741003,0.6285725340570179,0.5744466170995097,0.1021,0.1078,0.9975,0.9524,,0.18,0.1552,0.3333,,0.0158,0.0908,0.1193,0.0039,0.0283,0.0945,0.0963,0.997,0.9543,,0.1611,0.1379,0.3333,,0.0159,0.0992,0.1199,0.0039,0.0,0.1031,0.1078,0.9975,0.953,,0.18,0.1552,0.3333,,0.0161,0.0923,0.1215,0.0039,0.0289,reg oper spec account,block of flats,0.1083,Panel,No,1.0,0.0,1.0,0.0,-213.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1289835,248478,Consumer loans,9879.615,58491.0,52641.0,5850.0,58491.0,WEDNESDAY,16,Y,1,0.10892584873197278,,,XAP,Approved,-1842,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,2112,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1810.0,-1660.0,-1660.0,-1656.0,0.0,0,Cash loans,M,Y,Y,0,63000.0,835380.0,40320.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00702,-21905,-3628,-13695.0,-4320,20.0,1,1,0,1,0,0,Drivers,2.0,2,2,THURSDAY,10,0,0,0,0,1,1,Self-employed,,0.5701787377524971,0.5585066276769286,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,0.0,-1842.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,0.0,0.0,1.0 +1014321,358986,Consumer loans,7528.95,62910.0,68445.0,0.0,62910.0,SUNDAY,10,Y,1,0.0,,,XAP,Approved,-219,Cash through the bank,XAP,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Country-wide,88,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-189.0,81.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,2,67500.0,269550.0,14242.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0038130000000000004,-10971,-752,-46.0,-2610,18.0,1,1,1,1,1,0,Laborers,4.0,2,2,TUESDAY,13,0,0,0,0,0,0,School,0.2941115409252081,0.3892502939871031,0.6610235391308081,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,0.0,8.0,0.0,-525.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,1.0 +2021127,287250,Cash loans,27375.3,135000.0,135000.0,,135000.0,THURSDAY,14,Y,1,,,,Urgent needs,Refused,-564,Non-cash from your account,LIMIT,,Repeater,XNA,Cash,walk-in,Country-wide,30,Connectivity,6.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,2,117000.0,755190.0,38740.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.030755,-11919,-1331,-3428.0,-2953,,1,1,0,1,0,0,Laborers,4.0,2,2,MONDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.4591121439444335,0.5469224418350841,0.06599320738450226,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-653.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1668631,144459,Consumer loans,23501.34,135292.5,128191.5,13531.5,135292.5,TUESDAY,11,Y,1,0.1039847705479254,,,XAP,Approved,-335,Cash through the bank,XAP,,Repeater,Clothing and Accessories,POS,XNA,Country-wide,494,Clothing,6.0,middle,POS industry with interest,365243.0,-304.0,-154.0,-184.0,-176.0,0.0,0,Cash loans,F,N,Y,0,270000.0,1436850.0,42142.5,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.032561,-15319,-883,-1181.0,-3814,,1,1,0,1,1,0,Laborers,1.0,1,1,MONDAY,11,0,0,0,0,0,0,Self-employed,0.8079001327214096,0.7196529693638432,0.5100895276257282,0.8515,0.5534,0.9806,0.7348,0.1217,0.92,0.7931,0.3333,0.375,0.267,0.6943,0.8099,0.0,0.0,0.8676,0.5742,0.9806,0.7452,0.1228,0.9264,0.7931,0.3333,0.375,0.2731,0.7585,0.8438,0.0,0.0,0.8598,0.5534,0.9806,0.7383,0.1224,0.92,0.7931,0.3333,0.375,0.2716,0.7063,0.8245,0.0,0.0,reg oper account,block of flats,0.6376,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1389274,416937,Consumer loans,9732.375,188325.0,93222.0,103500.0,188325.0,FRIDAY,18,Y,1,0.5729959490596326,,,XAP,Approved,-1700,Cash through the bank,XAP,Other_A,New,Computers,POS,XNA,Country-wide,400,Consumer electronics,12.0,middle,POS mobile with interest,365243.0,-1668.0,-1338.0,-1338.0,-1292.0,0.0,1,Cash loans,F,N,Y,0,90000.0,381528.0,17914.5,315000.0,Unaccompanied,Working,Incomplete higher,Single / not married,House / apartment,0.026392000000000002,-9056,-1205,-3317.0,-1728,,1,1,1,1,1,1,Sales staff,1.0,2,2,THURSDAY,12,0,0,0,0,1,1,Trade: type 2,,0.4952950253059899,0.190705947811054,0.1237,0.0872,0.9851,,,0.0,0.069,0.1667,,0.0177,,0.0644,,0.0,0.1261,0.0905,0.9851,,,0.0,0.069,0.1667,,0.0182,,0.0671,,0.0,0.1249,0.0872,0.9851,,,0.0,0.069,0.1667,,0.0181,,0.0655,,0.0,,block of flats,0.0506,"Stone, brick",No,0.0,0.0,0.0,0.0,-479.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2345084,147844,Cash loans,38463.075,450000.0,573583.5,,450000.0,THURSDAY,18,Y,1,,,,XNA,Approved,-889,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,middle,Cash Street: middle,365243.0,-855.0,-165.0,-735.0,-731.0,0.0,0,Cash loans,F,N,Y,1,157500.0,247275.0,17716.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.032561,-12397,-1572,-1365.0,-4247,,1,1,1,1,1,0,,2.0,1,1,THURSDAY,13,0,0,0,0,0,0,Business Entity Type 1,0.5349326023176915,0.6873278033742142,0.4543210601605785,0.2216,0.1495,0.9776,,,0.24,0.2069,0.3333,,,,0.2225,,0.0032,0.2258,0.1552,0.9777,,,0.2417,0.2069,0.3333,,,,0.2318,,0.0033,0.2238,0.1495,0.9776,,,0.24,0.2069,0.3333,,,,0.2265,,0.0032,,block of flats,0.1757,,No,3.0,0.0,2.0,0.0,-1124.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1956828,316117,Cash loans,7559.595,67500.0,71955.0,,67500.0,TUESDAY,13,Y,1,,,,XNA,Approved,-511,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-481.0,-151.0,-181.0,-177.0,1.0,0,Cash loans,F,N,Y,0,67500.0,180000.0,12208.5,180000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.015221,-23247,365243,-14159.0,-4415,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,0.7706754884354442,0.6374672221640489,,0.1227,,0.9786,,,0.0,0.2759,0.1667,,,,0.1131,,0.0044,0.125,,0.9786,,,0.0,0.2759,0.1667,,,,0.1178,,0.0046,0.1239,,0.9786,,,0.0,0.2759,0.1667,,,,0.1151,,0.0045,,block of flats,0.1218,Panel,No,5.0,0.0,5.0,0.0,-1462.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2182368,453812,Revolving loans,11250.0,225000.0,225000.0,,225000.0,SUNDAY,13,Y,1,,,,XAP,Refused,-563,XNA,LIMIT,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,N,Y,1,117000.0,425326.5,22266.0,425326.5,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008473999999999999,-9029,-1590,-1576.0,-1570,,1,1,0,1,0,0,Laborers,3.0,2,2,WEDNESDAY,10,0,0,0,0,1,1,Construction,0.07544855454978068,0.5768858425258536,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-563.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2498457,445573,Cash loans,9426.24,45000.0,46485.0,,45000.0,SATURDAY,15,Y,1,,,,XNA,Refused,-426,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,N,2,112500.0,1125000.0,33025.5,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,With parents,0.016612000000000002,-13101,-3025,-7233.0,-5198,,1,1,0,1,0,0,Sales staff,4.0,2,2,FRIDAY,13,0,0,0,1,1,0,Self-employed,0.7025292041120704,0.6138938309453431,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1816.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2033708,133482,Consumer loans,13324.185,147915.0,118332.0,29583.0,147915.0,SATURDAY,15,Y,1,0.2178181818181818,,,XAP,Approved,-1207,Cash through the bank,XAP,Unaccompanied,Refreshed,Consumer Electronics,POS,XNA,Stone,350,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1176.0,-906.0,-906.0,-898.0,0.0,0,Cash loans,F,N,Y,0,117000.0,163201.5,11488.5,148500.0,Unaccompanied,Pensioner,Incomplete higher,Married,House / apartment,0.031329,-22730,365243,-1292.0,-4480,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,,0.7304327771394988,0.2392262794694045,0.0381,0.001,0.9767,0.6804,0.0065,0.0,0.1379,0.0833,0.125,0.0,0.0307,0.0286,0.0019,0.015,0.0042,0.0,0.9737,0.6537,0.0055,0.0,0.1379,0.0,0.0417,0.0,0.0037,0.0025,0.0,0.0,0.0385,0.001,0.9767,0.6847,0.0065,0.0,0.1379,0.0833,0.125,0.0,0.0312,0.0291,0.0019,0.0154,reg oper account,block of flats,0.003,"Stone, brick",No,0.0,0.0,0.0,0.0,-1207.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2683252,441084,Consumer loans,52953.165,567315.0,567315.0,0.0,567315.0,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-749,XNA,XAP,,New,Gardening,POS,XNA,Country-wide,20,Furniture,12.0,low_normal,POS household with interest,365243.0,-702.0,-372.0,-372.0,-366.0,0.0,0,Cash loans,F,Y,Y,0,360000.0,1006920.0,42790.5,900000.0,"Spouse, partner",Pensioner,Higher education,Married,House / apartment,0.072508,-21768,365243,-4116.0,-4669,4.0,1,0,0,1,0,0,,2.0,1,1,TUESDAY,17,0,0,0,0,0,0,XNA,,0.7108709963116261,0.6801388218428291,0.1423,0.0825,0.993,0.9048,0.0769,0.2132,0.0917,0.5138,0.5554,0.0,0.116,0.0909,0.0,0.0012,0.1334,0.0701,0.9935,0.9151,0.0526,0.2417,0.1034,0.4583,0.5,0.0,0.1166,0.0759,0.0,0.0,0.1489,0.0749,0.9935,0.9128,0.0765,0.24,0.1034,0.4583,0.5,0.0,0.1223,0.0909,0.0,0.0,reg oper account,block of flats,0.1004,Panel,No,1.0,0.0,1.0,0.0,-749.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2536132,370163,Consumer loans,17451.135,270000.0,305640.0,0.0,270000.0,TUESDAY,14,Y,1,0.0,,,XAP,Approved,-848,Cash through the bank,XAP,Other_B,New,Consumer Electronics,POS,XNA,Stone,15,Consumer electronics,24.0,middle,POS household with interest,365243.0,-817.0,-127.0,-127.0,-122.0,0.0,0,Cash loans,F,N,Y,1,99000.0,805536.0,37458.0,720000.0,Unaccompanied,Pensioner,Incomplete higher,Married,House / apartment,0.010966,-20575,365243,-5781.0,-3295,,1,0,0,1,0,0,,3.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,,0.22932747180194946,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-848.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1490281,358597,Consumer loans,12799.71,116361.0,116361.0,0.0,116361.0,SUNDAY,16,Y,1,0.0,,,XAP,Approved,-608,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Country-wide,3063,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-577.0,-307.0,-307.0,-300.0,0.0,0,Cash loans,F,N,N,0,108000.0,585000.0,32665.5,585000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006207,-15630,-1422,-6129.0,-4417,,1,1,1,1,0,0,Managers,2.0,2,2,FRIDAY,18,0,0,0,0,0,0,Business Entity Type 3,0.8866024735509042,0.6838963886626328,0.5082869913916046,0.2464,,0.9896,,,0.24,0.2069,0.375,,0.0598,,0.2547,,0.0038,0.2511,,0.9896,,,0.2417,0.2069,0.375,,0.0611,,0.2654,,0.004,0.2488,,0.9896,,,0.24,0.2069,0.375,,0.0608,,0.2593,,0.0038,,,0.2013,Block,No,0.0,0.0,0.0,0.0,-1514.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1640322,282302,Consumer loans,6031.485,133884.0,133884.0,0.0,133884.0,WEDNESDAY,13,Y,1,0.0,,,XAP,Approved,-505,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Regional / Local,250,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-474.0,216.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,90000.0,545040.0,20677.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019101,-18715,-3036,-11368.0,-2270,,1,1,0,1,0,0,Security staff,2.0,2,2,THURSDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.35089042176347995,0.1997705696341145,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-30.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1362367,137732,Consumer loans,13798.665,72135.0,75942.0,0.0,72135.0,THURSDAY,15,Y,1,0.0,,,XAP,Approved,-793,Cash through the bank,XAP,Unaccompanied,Refreshed,Furniture,POS,XNA,Regional / Local,1838,Consumer electronics,6.0,middle,POS other with interest,365243.0,-762.0,-612.0,-612.0,-608.0,0.0,1,Cash loans,F,N,N,0,45000.0,215640.0,8118.0,180000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.011656999999999999,-24043,365243,-74.0,-4002,,1,0,0,1,0,0,,2.0,1,1,THURSDAY,11,0,0,0,0,0,0,XNA,,0.5541892860863376,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1246416,147263,Consumer loans,10771.155,82998.0,90301.5,0.0,82998.0,FRIDAY,15,Y,1,0.0,,,XAP,Refused,-1086,Cash through the bank,SCO,Unaccompanied,New,Computers,POS,XNA,Country-wide,1100,Consumer electronics,10.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,N,0,360000.0,473760.0,53451.0,450000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.028663,-10220,-633,-2559.0,-2625,,1,1,1,1,0,0,Managers,1.0,2,2,FRIDAY,17,1,1,1,1,1,1,Business Entity Type 3,,0.6267480825325951,0.5082869913916046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1199.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2198651,450818,Cash loans,15065.1,180000.0,180000.0,,180000.0,MONDAY,3,Y,1,,,,XNA,Approved,-1474,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,18.0,high,Cash X-Sell: high,365243.0,-1444.0,-934.0,-1114.0,-1111.0,0.0,0,Cash loans,F,Y,N,1,180000.0,216144.0,10512.0,171000.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.014464,-11590,-2707,-1443.0,-3801,18.0,1,1,0,1,0,0,Sales staff,3.0,2,2,FRIDAY,4,0,0,0,0,0,0,Other,0.5567368920077851,0.398831161984894,0.7121551551910698,0.0887,0.035,0.9856,,0.1045,0.08,0.0345,0.4583,,0.0229,0.0706,0.0724,0.0077,0.0007,0.0903,0.0363,0.9856,,0.1054,0.0806,0.0345,0.4583,,0.0234,0.0771,0.0755,0.0078,0.0008,0.0895,0.035,0.9856,,0.1051,0.08,0.0345,0.4583,,0.0233,0.0718,0.0737,0.0078,0.0007,,block of flats,0.0571,Panel,No,0.0,0.0,0.0,0.0,-823.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1485229,172894,Cash loans,17079.255,135000.0,143910.0,,135000.0,FRIDAY,12,Y,1,,,,Repairs,Approved,-511,Cash through the bank,XAP,,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-481.0,-151.0,-301.0,-292.0,1.0,0,Cash loans,F,N,Y,1,81000.0,127350.0,12726.0,112500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.031329,-14456,-1687,-522.0,-3889,,1,1,0,1,0,0,Cooking staff,3.0,2,2,FRIDAY,12,0,0,0,0,0,0,Self-employed,0.5837494425052525,0.6087968209344847,0.5656079814115492,0.0345,0.0,0.9811,0.6532,0.0,0.0,0.1207,0.1042,0.0833,0.0436,0.0101,0.0388,0.0,0.0,0.0126,0.0,0.9747,0.6668,0.0,0.0,0.069,0.0417,0.0833,0.0446,0.011,0.0097,0.0,0.0,0.0349,0.0,0.9811,0.6578,0.0,0.0,0.1207,0.1042,0.0833,0.0443,0.0103,0.0395,0.0,0.0,reg oper account,block of flats,0.0584,"Stone, brick",No,5.0,0.0,5.0,0.0,-511.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1622956,389348,Cash loans,20646.9,225000.0,247275.0,,225000.0,SATURDAY,9,Y,1,,,,XNA,Approved,-1322,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-1292.0,-782.0,-962.0,-957.0,1.0,0,Cash loans,M,Y,N,0,315000.0,450000.0,30442.5,450000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-19187,-1540,-4844.0,-2642,4.0,1,1,1,1,1,0,Laborers,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,Other,0.4509296186062216,0.6411130177178883,0.324891229465852,0.0804,,0.9935,,,0.08,0.069,0.375,,,,0.0828,,0.0,0.0819,,0.9935,,,0.0806,0.069,0.375,,,,0.0863,,0.0,0.0812,,0.9935,,,0.08,0.069,0.375,,,,0.0843,,0.0,,block of flats,0.0651,Panel,No,0.0,0.0,0.0,0.0,-1502.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,6.0 +1522861,198274,Consumer loans,4991.355,56205.0,33705.0,22500.0,56205.0,SATURDAY,12,Y,1,0.4359851517577697,,,XAP,Approved,-131,Cash through the bank,XAP,Unaccompanied,Refreshed,Mobile,POS,XNA,Country-wide,12,Connectivity,8.0,middle,POS other with interest,365243.0,-101.0,109.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,Y,0,67500.0,135000.0,6750.0,135000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.0060079999999999995,-19879,-8314,-6881.0,-3291,,1,1,0,1,1,0,Laborers,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Other,,0.6520062344313987,0.7151031019926098,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,3.0,0.0,3.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2206311,103300,Revolving loans,9000.0,180000.0,180000.0,,180000.0,MONDAY,11,Y,1,,,,XAP,Approved,-190,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-190.0,-142.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,270000.0,679500.0,27076.5,679500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-22235,365243,-10171.0,-4315,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,,0.5419760775924726,0.5316861425197883,0.1701,0.1596,0.9856,,,0.0,0.4138,0.1667,,0.1715,,0.1619,,0.0294,0.1733,0.1656,0.9856,,,0.0,0.4138,0.1667,,0.1754,,0.1687,,0.0311,0.1718,0.1596,0.9856,,,0.0,0.4138,0.1667,,0.1745,,0.1648,,0.03,,block of flats,0.1493,"Stone, brick",No,0.0,0.0,0.0,0.0,-539.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +1347847,164442,Consumer loans,7539.48,114943.5,143307.0,0.0,114943.5,SUNDAY,15,Y,1,0.0,,,XAP,Approved,-1037,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,1079,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-1006.0,-316.0,-706.0,-701.0,0.0,0,Cash loans,F,N,Y,0,112500.0,979992.0,28782.0,702000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-19819,-5413,-9261.0,-3260,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Business Entity Type 2,,0.2653117484731741,0.4686596550493113,0.1433,0.1181,0.9737,0.6396,0.0163,0.0,0.2414,0.1667,0.2083,0.0644,0.1168,0.0901,0.0,0.0,0.146,0.1225,0.9737,0.6537,0.0165,0.0,0.2414,0.1667,0.2083,0.0658,0.1276,0.0938,0.0,0.0,0.1447,0.1181,0.9737,0.6444,0.0164,0.0,0.2414,0.1667,0.2083,0.0655,0.1189,0.0917,0.0,0.0,reg oper account,block of flats,0.0798,Block,No,0.0,0.0,0.0,0.0,-36.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,3.0 +1549693,205324,Consumer loans,12675.735,119871.0,132529.5,0.0,119871.0,FRIDAY,10,Y,1,0.0,,,XAP,Approved,-804,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Regional / Local,401,Consumer electronics,12.0,low_normal,POS household without interest,365243.0,-773.0,-443.0,-473.0,-466.0,0.0,0,Cash loans,M,N,N,0,135000.0,269550.0,14751.0,225000.0,Family,Working,Secondary / secondary special,Civil marriage,With parents,0.022625,-12701,-1207,-2623.0,-210,,1,1,1,1,1,0,Laborers,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.19347071614379288,0.2421449835368276,0.5424451438613613,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-967.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1987184,328330,Consumer loans,12354.39,134986.5,118678.5,27000.0,134986.5,FRIDAY,12,Y,1,0.20185171144303748,,,XAP,Approved,-1889,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,1512,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1858.0,-1528.0,-1528.0,-1523.0,0.0,0,Cash loans,F,Y,Y,1,126000.0,547344.0,19791.0,472500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.0105,-19664,-806,-9737.0,-2872,10.0,1,1,0,1,0,0,Security staff,3.0,3,3,THURSDAY,12,0,0,0,0,1,1,Business Entity Type 3,,0.5245067245171547,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +1013069,185889,Cash loans,23641.605,270000.0,299223.0,,270000.0,FRIDAY,8,Y,1,,,,XNA,Approved,-646,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-616.0,74.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,2,103500.0,456273.0,24880.5,346500.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.002134,-15593,365243,-4017.0,-4065,,1,0,0,1,0,0,,4.0,3,3,SUNDAY,10,0,0,0,0,0,0,XNA,,0.27402808446969096,0.11465249430297055,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-881.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1049605,219222,Cash loans,26541.09,135000.0,139455.0,,135000.0,FRIDAY,21,Y,1,,,,XNA,Approved,-264,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-234.0,-84.0,-84.0,-81.0,1.0,0,Cash loans,M,N,Y,0,135000.0,1096020.0,52857.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.072508,-10272,-1531,-4941.0,-2925,,1,1,0,1,0,1,Core staff,1.0,1,1,THURSDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.4990547829947194,0.7820669150218568,,0.1655,0.1252,0.9901,0.8640000000000001,0.0998,0.28,0.1724,0.6042,0.5417,0.0,0.1315,0.2098,0.0154,0.0238,0.1565,0.0737,0.9901,0.8693,0.0985,0.2417,0.069,0.3333,0.1667,0.0,0.1331,0.2049,0.0156,0.0118,0.1671,0.1252,0.9901,0.8658,0.1004,0.28,0.1724,0.6042,0.5417,0.0,0.1338,0.2136,0.0155,0.0243,reg oper account,block of flats,0.1571,Panel,No,0.0,0.0,0.0,0.0,-1444.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2386589,242284,Consumer loans,12165.975,119263.5,118669.5,11929.5,119263.5,SUNDAY,4,Y,1,0.0994824615808697,,,XAP,Approved,-493,XNA,XAP,,Repeater,Computers,POS,XNA,Regional / Local,782,Consumer electronics,12.0,middle,POS household with interest,365243.0,-461.0,-131.0,-371.0,-367.0,0.0,0,Cash loans,F,N,Y,1,112500.0,659610.0,21406.5,472500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.010032,-14178,-1602,-1217.0,-1260,,1,1,0,1,0,0,Laborers,3.0,2,2,WEDNESDAY,3,0,0,0,0,0,0,Other,,0.5452854782101516,,0.0052,0.0,0.9613,0.4696,0.0007,0.0,0.069,0.0417,0.0833,0.0076,0.0042,0.0058,0.0,0.0165,0.0053,0.0,0.9613,0.4904,0.0007,0.0,0.069,0.0417,0.0833,0.0077,0.0046,0.006,0.0,0.0175,0.0052,0.0,0.9613,0.4767,0.0007,0.0,0.069,0.0417,0.0833,0.0077,0.0043,0.0059,0.0,0.0169,not specified,block of flats,0.0085,Wooden,No,1.0,0.0,1.0,0.0,-591.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2416969,199734,Consumer loans,2409.21,16375.5,17086.5,2610.0,16375.5,THURSDAY,13,Y,1,0.14431636446715268,,,XAP,Approved,-1591,XNA,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,31,Connectivity,10.0,high,POS mobile with interest,365243.0,-1560.0,-1290.0,-1320.0,-1315.0,0.0,0,Cash loans,F,N,N,0,74700.0,272520.0,19827.0,225000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.018029,-10317,-2619,-8746.0,-1738,,1,1,0,1,0,0,Core staff,2.0,3,3,FRIDAY,9,0,0,0,0,0,0,Kindergarten,0.35281090560558565,0.25320206033951714,0.33285056416487313,0.2979,0.1887,0.9881,0.83,0.0544,0.04,0.7241,0.1667,0.0417,0.2138,0.2412,0.28800000000000003,0.0077,0.0208,0.3036,0.1958,0.9881,0.8367,0.0549,0.0403,0.7241,0.1667,0.0417,0.2187,0.2635,0.3001,0.0078,0.022,0.3008,0.1887,0.9881,0.8323,0.0548,0.04,0.7241,0.1667,0.0417,0.2175,0.2454,0.2932,0.0078,0.0212,,block of flats,0.2383,Panel,No,0.0,0.0,0.0,0.0,-1591.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,1.0,1.0 +2221850,363018,Cash loans,53972.415,913500.0,966555.0,,913500.0,TUESDAY,13,Y,1,,,,XNA,Approved,-214,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-183.0,507.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,180000.0,1090350.0,58221.0,1030500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0038130000000000004,-20133,-3796,-2727.0,-3283,,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,8,0,0,0,0,0,0,Self-employed,,0.5039871659044851,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,0.0,-1542.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2508091,275476,Consumer loans,12093.84,62545.5,65848.5,0.0,62545.5,WEDNESDAY,7,Y,1,0.0,,,XAP,Approved,-970,XNA,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Regional / Local,140,Consumer electronics,6.0,middle,POS household with interest,365243.0,-939.0,-789.0,-819.0,-811.0,0.0,1,Cash loans,M,Y,Y,0,135000.0,760225.5,34483.5,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006305,-13321,-1132,-984.0,-984,15.0,1,1,0,1,0,0,Drivers,2.0,3,3,SUNDAY,6,0,0,0,0,0,0,Self-employed,,0.3739053533815177,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-970.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2649816,209603,Cash loans,8941.68,189000.0,189000.0,,189000.0,SATURDAY,12,Y,1,,,,XNA,Refused,-24,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,356,Consumer electronics,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,N,Y,1,90000.0,316296.0,14872.5,207000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.020713,-13651,-2166,-2056.0,-152,,1,1,1,1,1,0,Laborers,3.0,3,3,TUESDAY,6,0,0,0,0,1,1,Business Entity Type 1,,0.08163802439183705,0.6279908192952864,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1936.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1167956,149302,Cash loans,,0.0,0.0,,,THURSDAY,11,Y,1,,,,XNA,Refused,-355,XNA,HC,,Repeater,XNA,XNA,XNA,AP+ (Cash loan),5,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,N,Y,0,315000.0,1006920.0,51543.0,900000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.007114,-20390,-708,-10226.0,-2663,,1,1,1,1,1,0,,2.0,2,2,TUESDAY,10,0,0,0,0,1,1,Business Entity Type 3,0.8256074538917305,0.5912493008496675,0.21275630545434146,0.0495,0.0676,0.9796,0.7212,0.0032,0.04,0.0345,0.3333,0.375,0.0175,0.0403,0.0407,0.0039,0.0763,0.0504,0.0702,0.9796,0.7321,0.0033,0.0403,0.0345,0.3333,0.375,0.0179,0.0441,0.0424,0.0039,0.0808,0.05,0.0676,0.9796,0.7249,0.0032,0.04,0.0345,0.3333,0.375,0.0178,0.041,0.0414,0.0039,0.0779,reg oper account,block of flats,0.0486,"Stone, brick",No,0.0,0.0,0.0,0.0,-1698.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2159104,126932,Consumer loans,16022.16,99000.0,79200.0,19800.0,99000.0,FRIDAY,15,Y,1,0.2178181818181818,,,XAP,Approved,-1390,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,10,Connectivity,6.0,high,POS mobile with interest,365243.0,-1352.0,-1202.0,-1202.0,-1199.0,0.0,0,Cash loans,M,N,Y,1,180000.0,558855.0,37476.0,477000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.018801,-12134,-1853,-3679.0,-4057,,1,1,0,1,0,1,Laborers,3.0,2,2,TUESDAY,12,0,0,0,0,1,1,Business Entity Type 3,0.19705844233222247,0.4669263277982167,0.4418358231994413,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1390.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +2833585,309878,Consumer loans,4999.905,53532.0,53532.0,0.0,53532.0,SUNDAY,11,Y,1,0.0,,,XAP,Approved,-1384,Cash through the bank,XAP,Family,Repeater,Office Appliances,POS,XNA,Country-wide,3268,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-1353.0,-1023.0,-1023.0,-1020.0,0.0,0,Revolving loans,M,N,Y,0,112500.0,180000.0,9000.0,180000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018209,-14290,-847,-8286.0,-4496,,1,1,1,1,1,0,Laborers,2.0,3,3,FRIDAY,8,0,0,0,0,0,0,Trade: type 3,0.26819249917879623,0.6719271753987949,0.7380196196295241,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2209.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2063194,400378,Consumer loans,4961.565,24156.0,25353.0,0.0,24156.0,TUESDAY,8,Y,1,0.0,,,XAP,Approved,-2144,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,3268,Consumer electronics,6.0,high,POS household with interest,365243.0,-2113.0,-1963.0,-1963.0,-1957.0,0.0,0,Cash loans,F,Y,N,1,117000.0,1288350.0,37800.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018209,-14158,-4897,-2025.0,-4210,22.0,1,1,0,1,1,0,Laborers,3.0,3,3,TUESDAY,5,0,0,0,0,0,0,Business Entity Type 3,,0.4798890964903072,0.6479768603302221,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1716.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2440572,277315,Consumer loans,15124.455,155250.0,155250.0,0.0,155250.0,MONDAY,14,Y,1,0.0,,,XAP,Refused,-257,Cash through the bank,LIMIT,Unaccompanied,Repeater,Auto Accessories,POS,XNA,Stone,1113,Industry,12.0,low_normal,POS industry with interest,,,,,,,0,Cash loans,M,N,Y,2,135000.0,473760.0,51151.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008865999999999999,-18806,-1899,-6294.0,-2335,,1,1,1,1,1,0,Low-skill Laborers,4.0,2,2,SATURDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.23021370979795885,0.4794489811780563,0.032,0.024,0.9747,0.6532,0.0028,0.0,0.069,0.125,0.0417,0.0258,0.0252,0.0239,0.0039,0.0054,0.0326,0.0249,0.9747,0.6668,0.0028,0.0,0.069,0.125,0.0417,0.0264,0.0275,0.0249,0.0039,0.0057,0.0323,0.024,0.9747,0.6578,0.0028,0.0,0.069,0.125,0.0417,0.0263,0.0257,0.0244,0.0039,0.0055,reg oper account,block of flats,0.0215,"Stone, brick",No,1.0,0.0,1.0,0.0,-349.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2265126,113058,Revolving loans,16875.0,337500.0,337500.0,,337500.0,WEDNESDAY,7,Y,1,,,,XAP,Refused,-761,XNA,SCOFR,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,270000.0,1262583.0,37044.0,1102500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-16033,-2512,-4283.0,-4171,,1,1,0,1,0,0,Managers,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Self-employed,0.843614330507317,0.3512740318142512,,0.0619,,0.9747,,,0.0,0.1034,0.1667,,0.0366,0.0504,0.0334,,0.0598,0.063,,0.9747,,,0.0,0.1034,0.1667,,0.0374,0.0551,0.0348,,0.0633,0.0625,,0.9747,,,0.0,0.1034,0.1667,,0.0372,0.0513,0.034,,0.0611,,block of flats,0.0393,"Stone, brick",No,0.0,0.0,0.0,0.0,-790.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2034254,186130,Consumer loans,46174.41,207423.0,235278.0,0.0,207423.0,SUNDAY,14,Y,1,0.0,,,XAP,Refused,-1278,Cash through the bank,HC,Family,New,Computers,POS,XNA,Country-wide,3000,Consumer electronics,6.0,high,POS household with interest,,,,,,,0,Cash loans,M,Y,N,0,315000.0,473760.0,44424.0,450000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.011703,-22181,-2563,-2865.0,-2879,1.0,1,1,0,1,1,0,Laborers,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Business Entity Type 2,,0.6605642726244286,0.7649392739475195,0.0598,0.0576,0.9742,0.6464,,0.0,0.1379,0.125,0.1667,0.0614,,0.0489,,0.0,0.0609,0.0598,0.9742,0.6602,,0.0,0.1379,0.125,0.1667,0.0628,,0.0509,,0.0,0.0604,0.0576,0.9742,0.6511,,0.0,0.1379,0.125,0.1667,0.0624,,0.0498,,0.0,reg oper account,block of flats,0.0415,"Stone, brick",No,6.0,0.0,6.0,0.0,-1469.0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2432634,298894,Consumer loans,2677.23,26775.0,24097.5,2677.5,26775.0,SATURDAY,11,Y,1,0.1089090909090909,,,XAP,Approved,-2803,Cash through the bank,XAP,Other_A,New,Audio/Video,POS,XNA,Stone,115,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-2772.0,-2502.0,-2502.0,-2494.0,0.0,0,Cash loans,M,Y,N,0,90000.0,225000.0,11781.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-16867,-429,-5242.0,-424,16.0,1,1,0,1,1,0,Drivers,2.0,2,2,SATURDAY,11,0,0,0,0,1,1,Self-employed,,0.54074358443297,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1224.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1907036,169805,Consumer loans,2615.85,23031.0,23031.0,0.0,23031.0,THURSDAY,10,Y,1,0.0,,,XAP,Approved,-295,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,50,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-212.0,58.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,Y,0,180000.0,135000.0,6750.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.020246,-18537,-6023,-2269.0,-2075,,1,1,0,1,0,0,Laborers,1.0,3,3,FRIDAY,8,0,0,0,1,1,0,Other,0.7920683424724543,0.770292355292124,0.0969483170508572,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-295.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1112818,430214,Consumer loans,17552.79,93865.5,88920.0,9405.0,93865.5,SATURDAY,15,Y,1,0.10417391304347824,,,XAP,Approved,-914,Cash through the bank,XAP,,New,Computers,POS,XNA,Country-wide,51,Connectivity,6.0,high,POS mobile with interest,365243.0,-871.0,-721.0,-721.0,-717.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,900000.0,46084.5,900000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010006000000000001,-15047,-1615,-3610.0,-1250,1.0,1,1,0,1,1,0,Laborers,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.3290651170609792,0.35233997269170386,0.0371,0.0265,0.9796,0.7212,,0.04,0.0345,0.3333,0.375,0.0292,,,,0.0,0.0378,0.0275,0.9796,0.7321,,0.0403,0.0345,0.3333,0.375,0.0299,,,,0.0,0.0375,0.0265,0.9796,0.7249,,0.04,0.0345,0.3333,0.375,0.0297,,,,0.0,reg oper account,block of flats,0.0343,"Stone, brick",No,1.0,0.0,1.0,0.0,-914.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2539560,321755,Consumer loans,5100.57,55696.5,53860.5,6687.0,55696.5,TUESDAY,15,Y,1,0.12028161210769908,,,XAP,Approved,-2237,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Country-wide,2602,Consumer electronics,12.0,low_normal,POS household without interest,365243.0,-2203.0,-1873.0,-1873.0,-1868.0,0.0,0,Cash loans,F,N,Y,1,126000.0,45000.0,4738.5,45000.0,"Spouse, partner",State servant,Higher education,Married,House / apartment,0.025164,-17416,-4556,-3445.0,-926,,1,1,1,1,0,0,Managers,3.0,2,2,SATURDAY,8,0,0,0,0,0,0,School,0.8007217140781369,0.6252684964278787,0.2807895743848605,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-1901.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2454160,104679,Cash loans,22497.66,630000.0,716485.5,,630000.0,THURSDAY,11,Y,1,,,,XNA,Approved,-436,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-406.0,1004.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,157500.0,407727.0,26185.5,333000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-20363,365243,-3077.0,-3813,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,XNA,,0.6598235079329203,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-592.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1271679,263716,Cash loans,26563.68,229500.0,271332.0,,229500.0,WEDNESDAY,12,Y,1,,,,XNA,Approved,-915,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-885.0,-555.0,-555.0,-547.0,1.0,0,Cash loans,M,N,Y,0,135000.0,152820.0,18265.5,135000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.011703,-17149,-5373,-3968.0,-622,,1,1,0,1,1,0,Managers,1.0,2,2,MONDAY,18,0,0,0,0,0,0,Business Entity Type 3,,0.6737947987665612,0.501075160239048,0.399,,0.9906,0.8708,0.0985,0.4,0.3448,0.375,,0.1623,,0.4294,,0.0235,0.4065,,0.9906,0.8759,0.0994,0.4028,0.3448,0.375,,0.166,,0.4473,,0.0249,0.4028,,0.9906,0.8725,0.0992,0.4,0.3448,0.375,,0.1651,,0.4371,,0.024,,block of flats,0.3953,Panel,No,2.0,0.0,2.0,0.0,-2174.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2245892,246438,Consumer loans,3135.24,34515.0,31063.5,3451.5,34515.0,THURSDAY,14,Y,1,0.1089090909090909,0.19332993312932112,0.852536997885835,XAP,Approved,-92,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,40,Connectivity,12.0,middle,POS mobile with interest,365243.0,-50.0,280.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,121500.0,481153.5,25191.0,415359.0,Family,Working,Higher education,Married,House / apartment,0.011656999999999999,-14699,-5027,-1149.0,-5884,,1,1,0,1,1,0,Core staff,3.0,1,1,FRIDAY,18,0,0,0,0,0,0,Kindergarten,,0.6615784816572188,,0.1052,0.1504,0.998,0.9728,0.0331,0.12,0.1034,0.25,0.2917,0.0264,0.0857,0.1499,0.0,0.0,0.1071,0.156,0.998,0.9739,0.0334,0.1208,0.1034,0.25,0.2917,0.027000000000000003,0.0937,0.1562,0.0,0.0,0.1062,0.1504,0.998,0.9732,0.0333,0.12,0.1034,0.25,0.2917,0.0269,0.0872,0.1526,0.0,0.0,reg oper spec account,block of flats,0.1388,Panel,No,3.0,1.0,3.0,0.0,-1639.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2546846,313626,Cash loans,26574.255,225000.0,289732.5,,225000.0,SATURDAY,7,Y,1,,,,XNA,Approved,-791,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,365243.0,-761.0,-251.0,-671.0,-663.0,1.0,0,Cash loans,M,Y,Y,0,202500.0,1125864.0,37336.5,855000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-19710,-471,-1376.0,-3214,3.0,1,1,0,1,0,0,Laborers,2.0,3,3,SATURDAY,9,0,0,0,0,0,0,Industry: type 11,,0.4824876494045626,0.2608559142068693,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-1132.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2360285,309096,Revolving loans,20250.0,405000.0,405000.0,,405000.0,WEDNESDAY,13,Y,1,,,,XAP,Refused,-233,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,N,0,135000.0,787086.0,25519.5,657000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.019688999999999998,-22960,365243,-6139.0,-4413,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,XNA,,0.27894484293408656,0.3201633668633456,0.2371,0.1724,0.9881,0.8368,0.0475,0.24,0.2069,0.375,0.4167,0.2082,0.1933,0.1599,0.0,0.0494,0.2416,0.1789,0.9881,0.8432,0.0479,0.2417,0.2069,0.375,0.4167,0.213,0.2112,0.1666,0.0,0.0523,0.2394,0.1724,0.9881,0.8390000000000001,0.0478,0.24,0.2069,0.375,0.4167,0.2119,0.1967,0.1628,0.0,0.0505,reg oper account,block of flats,0.2046,Panel,No,0.0,0.0,0.0,0.0,-1645.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1305537,245858,Cash loans,24092.775,225000.0,304933.5,,225000.0,MONDAY,15,Y,1,,,,XNA,Approved,-660,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,high,Cash X-Sell: high,365243.0,-630.0,60.0,-120.0,-115.0,1.0,0,Cash loans,M,N,Y,0,135000.0,675000.0,34596.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-11928,-2641,-1422.0,-4359,,1,1,1,1,0,0,Drivers,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Self-employed,,0.5365483795195036,0.3876253444214701,0.0825,0.0796,0.9752,0.66,0.055,0.0,0.1379,0.1667,0.2083,0.0605,0.0672,0.0706,0.0,0.0,0.084,0.0826,0.9752,0.6733,0.0555,0.0,0.1379,0.1667,0.2083,0.0619,0.0735,0.0736,0.0,0.0,0.0833,0.0796,0.9752,0.6645,0.0553,0.0,0.1379,0.1667,0.2083,0.0616,0.0684,0.0719,0.0,0.0,org spec account,block of flats,0.0556,Panel,No,0.0,0.0,0.0,0.0,-1165.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2496837,171573,Consumer loans,13073.535,149400.0,140575.5,27000.0,149400.0,SATURDAY,13,Y,1,0.17547585742220392,,,XAP,Approved,-1939,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,15,Consumer electronics,18.0,high,POS household with interest,365243.0,-1899.0,-1389.0,-1389.0,-1385.0,0.0,0,Cash loans,M,N,Y,1,180000.0,849685.5,45400.5,733500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008865999999999999,-13630,-3157,-1972.0,-3992,,1,1,0,1,0,0,Laborers,3.0,2,2,SATURDAY,13,0,0,0,0,1,1,Self-employed,,0.10333295295525187,0.7544061731797895,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-919.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1547736,418371,Revolving loans,6750.0,135000.0,135000.0,,135000.0,THURSDAY,13,Y,1,,,,XAP,Approved,-229,XNA,XAP,Unaccompanied,Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-171.0,-128.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,166500.0,1092519.0,32071.5,954000.0,Unaccompanied,Pensioner,Higher education,Separated,House / apartment,0.032561,-22165,365243,-323.0,-4435,,1,0,0,1,0,0,,1.0,1,1,TUESDAY,16,0,0,0,0,0,0,XNA,,0.6964040179960773,0.6446794549585961,0.0289,0.086,0.9811,,,0.12,0.0345,0.5833,,0.0391,,0.0932,,0.0254,0.0294,0.0892,0.9811,,,0.1208,0.0345,0.5833,,0.04,,0.0971,,0.0268,0.0291,0.086,0.9811,,,0.12,0.0345,0.5833,,0.0398,,0.0949,,0.0259,,block of flats,0.0949,"Stone, brick",No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1083119,136744,Consumer loans,11457.675,137916.0,174766.5,0.0,137916.0,FRIDAY,11,Y,1,0.0,,,XAP,Approved,-838,Cash through the bank,XAP,Children,Refreshed,Consumer Electronics,POS,XNA,Country-wide,4500,Consumer electronics,18.0,low_normal,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,150300.0,508495.5,20295.0,454500.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.007305,-17602,-5336,-7177.0,-1148,,1,1,1,1,1,0,Medicine staff,2.0,3,3,WEDNESDAY,11,0,0,0,0,0,0,Medicine,,0.3086947910315101,0.7380196196295241,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1312888,114269,Cash loans,31580.19,450000.0,481185.0,,450000.0,FRIDAY,15,Y,1,,,,XNA,Approved,-266,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-236.0,274.0,-206.0,-201.0,1.0,0,Cash loans,F,N,Y,0,135000.0,536917.5,30109.5,463500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.032561,-16924,-1038,-9223.0,-459,,1,1,0,1,0,0,,2.0,1,1,FRIDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.6958072738545288,,0.0725,0.0484,0.9786,0.7076,0.0108,0.0,0.1493,0.1667,0.2083,0.0438,0.0588,0.0662,0.0013,0.0185,0.063,0.0246,0.9752,0.6733,0.0076,0.0,0.1034,0.1667,0.2083,0.0265,0.0551,0.0535,0.0,0.0015,0.0635,0.0297,0.9781,0.7048,0.0086,0.0,0.1379,0.1667,0.2083,0.0318,0.0513,0.067,0.0,0.0043,reg oper account,block of flats,0.0407,Panel,No,0.0,0.0,0.0,0.0,-1606.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +1754717,147183,Consumer loans,2336.4,18216.0,20020.5,0.0,18216.0,WEDNESDAY,10,Y,1,0.0,,,XAP,Approved,-2478,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,1750,Consumer electronics,12.0,high,POS household with interest,365243.0,-2446.0,-2116.0,-2176.0,-2173.0,1.0,0,Cash loans,F,Y,Y,0,135000.0,808650.0,24732.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.01885,-16505,-8377,-1813.0,-5,23.0,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Industry: type 9,,0.770009774912619,0.470456116119975,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1550.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1301831,283304,Consumer loans,13972.455,152973.0,137673.0,15300.0,152973.0,SUNDAY,16,Y,1,0.108928313552659,,,XAP,Approved,-895,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,middle,POS mobile with interest,365243.0,-861.0,-531.0,-771.0,-762.0,0.0,0,Cash loans,M,Y,N,2,247500.0,799299.0,40941.0,702000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.0228,-10696,-239,-1349.0,-3350,13.0,1,1,0,1,0,1,Laborers,4.0,2,2,SATURDAY,17,0,0,0,0,0,0,Construction,,0.4131266986328405,0.4241303111942548,0.1046,0.075,0.9925,0.8912,0.0471,0.11,0.0948,0.375,0.2292,0.0374,0.0378,0.149,0.0212,0.0727,0.0819,0.0715,0.993,0.8628,0.0266,0.1208,0.1034,0.375,0.0417,0.0081,0.0,0.1307,0.0,0.0,0.1088,0.075,0.993,0.8927,0.0474,0.12,0.1034,0.375,0.2292,0.0381,0.0385,0.1517,0.0214,0.0743,reg oper account,block of flats,0.0833,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,0.0 +2353397,237173,Cash loans,15170.175,117000.0,123435.0,0.0,117000.0,FRIDAY,5,Y,1,0.0,,,XNA,Approved,-2659,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,10.0,middle,Cash Street: middle,365243.0,-2629.0,-2359.0,-2629.0,-2583.0,1.0,0,Cash loans,F,N,Y,2,216000.0,623749.5,26554.5,504000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-16163,-3215,-5078.0,-4567,,1,1,0,1,0,0,,4.0,3,3,THURSDAY,9,0,0,0,0,0,0,Trade: type 7,,0.6072332942370701,0.42765737003502935,0.0928,0.1139,0.9831,0.7688,0.0131,0.0,0.2069,0.1667,0.0417,0.0716,0.0756,0.0865,0.0039,0.0044,0.0945,0.1182,0.9831,0.7779,0.0133,0.0,0.2069,0.1667,0.0417,0.0732,0.0826,0.0902,0.0039,0.0046,0.0937,0.1139,0.9831,0.7719,0.0132,0.0,0.2069,0.1667,0.0417,0.0729,0.077,0.0881,0.0039,0.0045,,block of flats,0.069,Panel,No,2.0,0.0,2.0,0.0,-2869.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,2.0,6.0 +1477926,193762,Consumer loans,,223168.5,223168.5,,223168.5,SUNDAY,16,Y,1,,,,XAP,Refused,-1156,Cash through the bank,HC,Unaccompanied,Repeater,Audio/Video,XNA,XNA,Country-wide,1236,Consumer electronics,,XNA,POS household with interest,,,,,,,0,Cash loans,M,Y,Y,0,180000.0,1174977.0,38034.0,1026000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-15236,-4021,-3950.0,-144,0.0,1,1,0,1,0,0,Managers,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Self-employed,,0.6751007838637216,0.09950368352887068,0.0619,0.0745,0.9851,0.7959999999999999,0.0119,0.0,0.1379,0.1667,0.2083,0.0748,0.0504,0.062,0.0,0.0,0.063,0.0773,0.9851,0.804,0.012,0.0,0.1379,0.1667,0.2083,0.0765,0.0551,0.0646,0.0,0.0,0.0625,0.0745,0.9851,0.7987,0.012,0.0,0.1379,0.1667,0.2083,0.0761,0.0513,0.0631,0.0,0.0,reg oper spec account,block of flats,0.0541,Panel,No,0.0,0.0,0.0,0.0,-1547.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1447216,349477,Consumer loans,8291.52,33736.5,40324.5,0.0,33736.5,TUESDAY,17,Y,1,0.0,,,XAP,Approved,-145,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,1236,Consumer electronics,6.0,high,POS household with interest,365243.0,-115.0,35.0,-25.0,-21.0,1.0,0,Revolving loans,M,N,Y,0,112500.0,157500.0,7875.0,157500.0,Unaccompanied,Working,Incomplete higher,Single / not married,House / apartment,0.010643000000000001,-8357,-435,-6087.0,-755,,1,1,1,1,1,0,High skill tech staff,1.0,2,2,SUNDAY,14,0,0,0,0,0,0,Transport: type 4,0.2825369900889658,0.5685648799361184,0.3441550073724169,0.2392,0.3892,0.9906,0.8708,0.0,0.32,0.3103,0.375,0.375,0.2989,0.19,0.4314,0.0232,0.0759,0.2437,0.4039,0.9906,0.8759,0.0,0.3222,0.3103,0.375,0.375,0.3057,0.2075,0.4494,0.0233,0.0803,0.2415,0.3892,0.9906,0.8725,0.0,0.32,0.3103,0.375,0.375,0.3041,0.1932,0.4391,0.0233,0.0774,org spec account,block of flats,0.3558,"Stone, brick",No,2.0,0.0,2.0,0.0,-145.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2368683,159571,Cash loans,19246.05,166500.0,177489.0,,166500.0,SATURDAY,11,Y,1,,,,XNA,Approved,-986,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-956.0,-626.0,-836.0,-831.0,1.0,0,Cash loans,F,N,Y,0,225000.0,1113840.0,47322.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.01885,-16382,-686,-5168.0,-5187,,1,1,0,1,0,0,Core staff,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Insurance,,0.7129161795969795,0.5334816299804352,0.0247,0.0352,0.9826,0.762,0.0,0.0,0.069,0.1667,0.0417,0.0405,0.0202,0.0155,0.0,0.0238,0.0252,0.0365,0.9826,0.7713,0.0,0.0,0.069,0.1667,0.0417,0.0414,0.022,0.0161,0.0,0.0252,0.025,0.0352,0.9826,0.7652,0.0,0.0,0.069,0.1667,0.0417,0.0412,0.0205,0.0157,0.0,0.0243,reg oper spec account,block of flats,0.0173,"Stone, brick",No,3.0,0.0,3.0,0.0,-986.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2209219,348565,Cash loans,17327.7,450000.0,533160.0,,450000.0,MONDAY,12,Y,1,,,,Journey,Refused,-329,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,48.0,low_normal,Cash Street: low,,,,,,,1,Cash loans,M,N,Y,2,270000.0,592560.0,35937.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.022625,-11505,-4019,-2211.0,-384,,1,1,0,1,0,0,Laborers,3.0,2,2,MONDAY,16,0,0,0,0,0,0,Transport: type 4,0.12941501131510688,0.3942629165583533,0.30162489168411943,0.3299,0.1907,0.9891,0.8504,0.0844,0.36,0.3103,0.3333,0.375,0.1837,0.269,0.3414,0.0,0.0025,0.3361,0.1979,0.9891,0.8563,0.0852,0.3625,0.3103,0.3333,0.375,0.1879,0.2938,0.3557,0.0,0.0027,0.3331,0.1907,0.9891,0.8524,0.085,0.36,0.3103,0.3333,0.375,0.1869,0.2736,0.3476,0.0,0.0026,not specified,block of flats,0.3153,Panel,No,4.0,1.0,4.0,0.0,-423.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2392812,282194,Revolving loans,4500.0,90000.0,90000.0,,90000.0,MONDAY,18,Y,1,,,,XAP,Approved,-261,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,-220.0,0.0,0,Cash loans,F,N,Y,1,90000.0,761872.5,54310.5,675000.0,Family,Working,Higher education,Married,House / apartment,0.018634,-18420,-2547,-4472.0,-1972,,1,1,0,1,0,1,Laborers,3.0,2,2,WEDNESDAY,18,0,0,0,0,0,0,Self-employed,0.7386226157406661,0.37857024869542105,0.7121551551910698,0.0825,0.0814,0.9891,0.8504,0.0162,0.0,0.1379,0.125,0.1667,0.0,0.0672,0.0821,0.0,0.0408,0.084,0.0845,0.9891,0.8563,0.0164,0.0,0.1379,0.125,0.1667,0.0,0.0735,0.0855,0.0,0.0432,0.0833,0.0814,0.9891,0.8524,0.0163,0.0,0.1379,0.125,0.1667,0.0,0.0684,0.0835,0.0,0.0417,reg oper account,block of flats,0.0734,Panel,No,8.0,0.0,8.0,0.0,-261.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1137141,340157,Consumer loans,2825.055,18180.0,14355.0,4500.0,18180.0,SATURDAY,11,Y,1,0.25992623128661324,,,XAP,Approved,-2148,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Stone,5,Connectivity,6.0,high,POS mobile with interest,365243.0,-2086.0,-1936.0,-1996.0,-1993.0,0.0,0,Cash loans,M,Y,Y,1,306000.0,1078200.0,31653.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,Office apartment,0.015221,-10878,-2898,-2725.0,-3367,9.0,1,1,1,1,1,0,Core staff,3.0,2,2,FRIDAY,9,0,0,0,1,1,0,Military,,0.5729739687880481,0.7992967832109371,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1905.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1263747,105971,Consumer loans,7996.275,71766.0,79344.0,0.0,71766.0,TUESDAY,16,Y,1,0.0,,,XAP,Approved,-420,Cash through the bank,XAP,Unaccompanied,Refreshed,Consumer Electronics,POS,XNA,Country-wide,3093,Consumer electronics,12.0,middle,POS household with interest,365243.0,-389.0,-59.0,-329.0,-324.0,0.0,0,Cash loans,F,N,N,0,90000.0,327024.0,25965.0,270000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.005313,-18455,-777,-736.0,-2013,,1,1,0,1,0,0,Cleaning staff,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Military,0.565333432257957,0.5664287096797473,0.18848953379516772,0.0742,0.0497,0.998,0.9728,0.0804,0.08,0.069,0.3333,0.375,0.0103,0.0605,0.0904,0.0,0.0,0.0756,0.0516,0.998,0.9739,0.0812,0.0806,0.069,0.3333,0.375,0.0106,0.0661,0.0942,0.0,0.0,0.0749,0.0497,0.998,0.9732,0.081,0.08,0.069,0.3333,0.375,0.0105,0.0616,0.092,0.0,0.0,not specified,block of flats,0.0847,Panel,No,0.0,0.0,0.0,0.0,-2410.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2621968,410171,Consumer loans,7518.645,63400.5,62707.5,6340.5,63400.5,SUNDAY,16,Y,1,0.10000841311972697,,,XAP,Approved,-1906,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,46,Connectivity,12.0,high,POS mobile with interest,365243.0,-1875.0,-1545.0,-1545.0,-1542.0,0.0,1,Cash loans,M,N,Y,1,126000.0,808650.0,26217.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-14212,-5206,-3366.0,-4298,,1,1,0,1,0,0,,3.0,2,2,TUESDAY,10,0,0,0,0,0,0,Business Entity Type 2,,0.19421511211361847,0.5620604831738043,0.0722,0.066,0.9776,0.6940000000000001,0.0089,0.0,0.1379,0.1667,0.2083,0.0614,0.0588,0.0652,0.0,0.0,0.0735,0.0685,0.9777,0.706,0.009000000000000001,0.0,0.1379,0.1667,0.2083,0.0628,0.0643,0.0679,0.0,0.0,0.0729,0.066,0.9776,0.6981,0.009000000000000001,0.0,0.1379,0.1667,0.2083,0.0624,0.0599,0.0664,0.0,0.0,reg oper account,block of flats,0.0562,"Stone, brick",No,0.0,0.0,0.0,0.0,-2817.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1619420,119397,Cash loans,38196.675,675000.0,744498.0,,675000.0,TUESDAY,11,Y,1,,,,XNA,Approved,-924,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-894.0,156.0,-834.0,-828.0,1.0,0,Cash loans,F,N,Y,0,112500.0,112500.0,11934.0,112500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006670999999999999,-17034,-1919,-1740.0,-567,,1,1,1,1,1,0,Private service staff,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Services,0.7975747950775834,0.6641587195821391,0.5495965024956946,0.066,0.0,0.9762,0.6736,0.0057,0.0,0.1379,0.125,0.0417,0.0491,0.0538,0.0517,0.0,0.0,0.0672,0.0,0.9762,0.6864,0.0057,0.0,0.1379,0.125,0.0417,0.0502,0.0588,0.0539,0.0,0.0,0.0666,0.0,0.9762,0.6779999999999999,0.0057,0.0,0.1379,0.125,0.0417,0.0499,0.0547,0.0526,0.0,0.0,reg oper account,block of flats,0.0407,Block,No,0.0,0.0,0.0,0.0,-2733.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1623106,152474,Consumer loans,7138.53,80910.0,102271.5,9000.0,80910.0,SATURDAY,20,Y,1,0.08808920686625223,,,XAP,Approved,-800,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,2500,Consumer electronics,24.0,high,POS household with interest,365243.0,-769.0,-79.0,-109.0,-106.0,0.0,0,Cash loans,M,Y,N,0,405000.0,450000.0,53536.5,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.072508,-17594,-1183,-9997.0,-829,5.0,1,1,1,1,0,0,Drivers,2.0,1,1,MONDAY,15,0,0,0,0,1,1,Business Entity Type 3,,0.7531398915684606,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-800.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1105086,341229,Consumer loans,10786.095,49068.0,52456.5,4909.5,49068.0,THURSDAY,10,Y,1,0.09320663490886266,,,XAP,Approved,-662,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,73,Connectivity,6.0,high,POS mobile with interest,365243.0,-631.0,-481.0,-511.0,-493.0,0.0,0,Revolving loans,M,Y,N,1,202500.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018209,-10505,-161,-1939.0,-3136,16.0,1,1,0,1,0,0,Laborers,3.0,3,3,MONDAY,13,0,0,0,0,1,1,Business Entity Type 2,0.13238756322788015,0.2243685706261267,0.5424451438613613,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2359.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1235358,133725,Cash loans,27168.66,472500.0,509922.0,,472500.0,FRIDAY,15,Y,1,,,,XNA,Approved,-411,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-381.0,309.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,0,180000.0,463626.0,25150.5,387000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.00733,-17165,365243,-9406.0,-707,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,7,0,0,0,0,0,0,XNA,,0.5081523023465848,0.4920600938649263,0.0082,,0.9786,0.7076,,,,0.0417,,,,0.006999999999999999,,,0.0084,,0.9786,0.7190000000000001,,,,0.0417,,,,0.0073,,,0.0083,,0.9786,0.7115,,,,0.0417,,,,0.0071,,,reg oper account,block of flats,0.0059,"Stone, brick",No,2.0,0.0,2.0,0.0,-1472.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2534707,440646,Cash loans,,0.0,0.0,,,MONDAY,15,Y,1,,,,XNA,Refused,-401,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,Y,Y,0,360000.0,521280.0,47938.5,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.009175,-12994,-1151,-6368.0,-4256,8.0,1,1,1,1,1,0,Laborers,2.0,2,2,WEDNESDAY,10,0,0,0,0,1,1,Self-employed,0.2043666560850227,0.7311082437564511,0.7544061731797895,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,0.0,-1875.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2387346,305886,Cash loans,37339.155,675000.0,767664.0,,675000.0,SUNDAY,6,Y,1,,,,Urgent needs,Approved,-860,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,middle,Cash Street: middle,365243.0,-830.0,580.0,-260.0,-258.0,1.0,0,Cash loans,F,N,Y,1,270000.0,267322.5,21564.0,216000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.001276,-15908,-1105,-2179.0,-4299,,1,1,0,1,0,0,Core staff,3.0,2,2,SATURDAY,8,0,0,0,0,0,0,Business Entity Type 3,0.6218007304592569,0.4458522558863403,0.07546094030670009,0.0412,0.0827,0.9767,0.6804,0.004,0.0,0.069,0.1667,0.2083,0.0424,0.0336,0.0321,0.0,0.0,0.042,0.0858,0.9767,0.6929,0.004,0.0,0.069,0.1667,0.2083,0.0434,0.0367,0.0335,0.0,0.0,0.0416,0.0827,0.9767,0.6847,0.004,0.0,0.069,0.1667,0.2083,0.0432,0.0342,0.0327,0.0,0.0,reg oper account,block of flats,0.0326,Panel,No,2.0,0.0,2.0,0.0,-860.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1824104,128245,Consumer loans,7372.665,56160.0,62091.0,0.0,56160.0,THURSDAY,13,Y,1,0.0,,,XAP,Approved,-533,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,100,Connectivity,12.0,high,POS mobile with interest,365243.0,-498.0,-168.0,-168.0,-166.0,0.0,0,Revolving loans,F,N,Y,2,90000.0,247500.0,12375.0,247500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018209,-14344,-439,-1544.0,-4489,,1,1,0,1,0,0,Laborers,4.0,3,3,FRIDAY,12,0,0,0,0,0,0,Self-employed,0.4546178355383081,0.3809344147455628,0.5154953751603267,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-533.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1931115,164809,Cash loans,10463.4,270000.0,324346.5,,270000.0,SUNDAY,12,Y,1,,,,XNA,Approved,-236,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),2,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-206.0,1564.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,N,0,180000.0,167121.0,9193.5,139500.0,Other_B,Working,Secondary / secondary special,Married,House / apartment,0.020246,-18307,-261,-6916.0,-1841,10.0,1,1,1,1,1,0,Drivers,2.0,3,3,FRIDAY,9,0,0,0,1,1,0,Industry: type 11,,0.06991194729007351,0.31703177858344445,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-236.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2167108,124252,Consumer loans,15269.85,144000.0,155403.0,0.0,144000.0,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-245,Cash through the bank,XAP,Unaccompanied,Refreshed,Consumer Electronics,POS,XNA,Stone,100,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-212.0,118.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,Y,0,112500.0,225000.0,11250.0,225000.0,"Spouse, partner",Working,Secondary / secondary special,Single / not married,House / apartment,0.035792000000000004,-18059,-468,-5562.0,-1598,,1,1,0,1,0,0,Sales staff,1.0,2,2,SATURDAY,10,0,0,0,0,0,0,Trade: type 7,0.4715394512294988,0.7047339822157292,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1095.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1403553,325082,Cash loans,41692.68,1125000.0,1288350.0,,1125000.0,MONDAY,14,Y,1,,,,XNA,Refused,-157,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,N,Y,0,427500.0,619254.0,29920.5,553500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.025164,-20360,-4640,-10019.0,-3914,,1,1,0,1,0,0,Drivers,1.0,2,2,THURSDAY,11,0,0,0,0,0,0,Transport: type 4,0.5132611859909476,0.6969585355315039,0.5082869913916046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,5.0,0.0,-2597.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1519538,113698,Revolving loans,38250.0,765000.0,765000.0,,765000.0,SUNDAY,4,Y,1,,,,XAP,Approved,-388,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-381.0,-339.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,0,225000.0,337500.0,26793.0,337500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014464,-20772,-584,-10241.0,-4333,9.0,1,1,0,1,0,0,Drivers,2.0,2,2,WEDNESDAY,8,1,1,0,1,1,0,Construction,0.5944773252454357,0.3734703231198693,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-171.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2085624,117566,Consumer loans,11047.59,89091.0,97911.0,0.0,89091.0,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-1688,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,1200,Consumer electronics,12.0,high,POS household with interest,365243.0,-1657.0,-1327.0,-1327.0,-1319.0,0.0,0,Cash loans,F,N,N,0,247500.0,500490.0,56731.5,450000.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,House / apartment,0.004849,-19349,-3680,-4938.0,-2837,,1,1,1,1,0,1,Core staff,1.0,2,2,WEDNESDAY,12,0,0,0,0,1,1,Government,,0.5150477015658823,0.4632753280912678,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-932.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +1151049,188706,Revolving loans,38250.0,0.0,765000.0,,,MONDAY,8,Y,1,,,,XAP,Approved,-716,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-608.0,-565.0,365243.0,-169.0,365243.0,0.0,0,Cash loans,F,N,Y,0,112500.0,675000.0,21906.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-10052,-162,-3201.0,-2367,,1,1,0,1,0,0,Private service staff,2.0,2,2,WEDNESDAY,11,0,0,0,1,1,0,Business Entity Type 3,,0.2722654249534561,0.6479768603302221,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1581.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +1193159,371232,Cash loans,79360.11,1354500.0,1418868.0,,1354500.0,WEDNESDAY,15,Y,1,,,,XNA,Approved,-535,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-505.0,185.0,365243.0,365243.0,1.0,0,Revolving loans,M,Y,Y,0,315000.0,900000.0,45000.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-14600,-377,-3581.0,-4044,12.0,1,1,0,1,0,1,Drivers,2.0,2,2,SATURDAY,12,0,0,0,0,1,1,Business Entity Type 3,0.3183045178368871,0.7328500223118722,0.7826078370261895,0.3309,0.07400000000000001,0.9945,0.9252,,0.36,0.3103,0.3333,0.375,0.0151,0.2698,0.3156,0.0,0.0,0.3372,0.0767,0.9945,0.9281,,0.3625,0.3103,0.3333,0.375,0.0155,0.2948,0.3288,0.0,0.0,0.3341,0.07400000000000001,0.9945,0.9262,,0.36,0.3103,0.3333,0.375,0.0154,0.2745,0.3212,0.0,0.0,reg oper account,block of flats,0.3039,Panel,No,,,,,-1425.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2776268,324925,Cash loans,6154.56,45000.0,54580.5,,45000.0,THURSDAY,17,Y,1,,,,XNA,Approved,-1279,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-1249.0,-919.0,-1009.0,-1003.0,1.0,0,Cash loans,M,Y,N,2,234000.0,900000.0,24750.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.010147,-12297,-1233,-2553.0,-3896,1.0,1,1,1,1,0,0,Laborers,3.0,2,2,FRIDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.2858978721410488,0.511891801533151,0.2763,,0.9757,,,,0.0345,0.1667,,,,0.1261,,,0.2815,,0.9757,,,,0.0345,0.1667,,,,0.1314,,,0.279,,0.9757,,,,0.0345,0.1667,,,,0.1284,,,,block of flats,0.0992,"Stone, brick",No,0.0,0.0,0.0,0.0,-636.0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2819469,204880,Consumer loans,11195.46,59836.5,59836.5,0.0,59836.5,THURSDAY,15,Y,1,0.0,,,XAP,Approved,-182,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,75,Consumer electronics,6.0,middle,POS household with interest,365243.0,-152.0,-2.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,63000.0,521280.0,22216.5,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-21596,365243,-2612.0,-5096,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,XNA,0.6913843056660376,0.5558958877290152,0.4489622731076524,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,0.0,-1.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2260662,161479,Cash loans,14306.13,157500.0,196474.5,,157500.0,FRIDAY,18,Y,1,,,,XNA,Approved,-1526,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-1496.0,-986.0,-986.0,-978.0,1.0,0,Cash loans,F,N,Y,0,450000.0,254700.0,14751.0,225000.0,Unaccompanied,Commercial associate,Higher education,Widow,House / apartment,0.04622,-24380,-8525,-18341.0,-4048,,1,1,0,1,0,0,Accountants,1.0,1,1,FRIDAY,19,1,1,0,0,0,0,Other,,0.7702072197399774,0.4992720153045617,0.0247,0.0593,0.9727,0.626,0.0,0.0,0.1034,0.0833,0.125,0.0103,0.0202,0.0266,0.0,0.0591,0.0252,0.0615,0.9727,0.6406,0.0,0.0,0.1034,0.0833,0.125,0.0105,0.022,0.0277,0.0,0.0626,0.025,0.0593,0.9727,0.631,0.0,0.0,0.1034,0.0833,0.125,0.0104,0.0205,0.0271,0.0,0.0604,reg oper account,block of flats,0.0338,"Stone, brick",No,0.0,0.0,0.0,0.0,-1200.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,3.0,0.0,1.0 +1009389,286785,Cash loans,24097.41,180000.0,218313.0,,180000.0,SUNDAY,9,Y,1,,,,XNA,Approved,-582,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-552.0,-222.0,-552.0,-547.0,1.0,0,Cash loans,F,Y,N,0,265500.0,808650.0,23305.5,675000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.018634,-13011,-1708,-384.0,-4036,2.0,1,1,0,1,0,0,,1.0,2,2,SUNDAY,14,0,0,0,0,0,0,Self-employed,,0.3917016462520053,0.7583930617144343,0.0454,0.0309,0.9687,0.5716,0.0071,0.0,0.1034,0.125,0.1667,0.0324,0.037000000000000005,0.0489,0.0,0.0,0.0462,0.0321,0.9687,0.5884,0.0071,0.0,0.1034,0.125,0.1667,0.0332,0.0404,0.0509,0.0,0.0,0.0458,0.0309,0.9687,0.5773,0.0071,0.0,0.1034,0.125,0.1667,0.033,0.0376,0.0498,0.0,0.0,,block of flats,0.0423,"Stone, brick",No,8.0,2.0,8.0,0.0,-1310.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2674095,402205,Cash loans,56155.455,1354500.0,1451047.5,,1354500.0,TUESDAY,12,Y,1,,,,XNA,Approved,-541,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-505.0,545.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,360000.0,900000.0,46084.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.04622,-18378,-10968,-8682.0,-1938,,1,1,0,1,0,0,Core staff,1.0,1,1,THURSDAY,13,0,0,0,0,0,0,Government,0.6756224061873027,0.6186307079426449,,0.0619,0.06,0.9831,,,0.0,0.1379,0.1667,,0.046,,0.062,,0.0286,0.063,0.0623,0.9831,,,0.0,0.1379,0.1667,,0.0471,,0.0646,,0.0303,0.0625,0.06,0.9831,,,0.0,0.1379,0.1667,,0.0468,,0.0631,,0.0292,,block of flats,0.055,Panel,No,2.0,0.0,2.0,0.0,-3436.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2112541,275635,Revolving loans,,0.0,0.0,,,FRIDAY,16,Y,1,,,,XAP,Refused,-385,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,150,XNA,,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,1,135000.0,770292.0,39460.5,688500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-16755,-5529,-2565.0,-280,,1,1,0,1,0,0,Laborers,3.0,2,2,FRIDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.5950541008888146,0.5424451438613613,0.2062,0.0683,0.9836,0.7756,0.0,0.0,0.069,0.1667,0.2083,0.0181,0.1681,0.0567,0.0,0.0794,0.2101,0.0708,0.9836,0.7844,0.0,0.0,0.069,0.1667,0.2083,0.0185,0.1837,0.059,0.0,0.084,0.2082,0.0683,0.9836,0.7786,0.0,0.0,0.069,0.1667,0.2083,0.0184,0.171,0.0577,0.0,0.081,reg oper account,block of flats,0.0618,Panel,No,0.0,0.0,0.0,0.0,-904.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2346661,129847,Revolving loans,36000.0,720000.0,720000.0,,720000.0,MONDAY,17,Y,1,,,,XAP,Refused,-435,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,1,Cash loans,M,Y,Y,0,180000.0,314055.0,17167.5,238500.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.010147,-10635,-183,-10616.0,-2835,10.0,1,1,0,1,0,0,Drivers,1.0,2,2,TUESDAY,12,0,0,0,0,0,0,Self-employed,0.10033050120514296,0.6237249820133042,0.24988506275045536,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1685.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2765073,247718,Revolving loans,11250.0,0.0,225000.0,,,TUESDAY,16,Y,1,,,,XAP,Approved,-577,XNA,XAP,,Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,N,0,112500.0,381528.0,18553.5,315000.0,Unaccompanied,Working,Higher education,Single / not married,With parents,0.019688999999999998,-11061,-157,-4971.0,-3410,,1,1,1,1,1,0,High skill tech staff,1.0,2,2,FRIDAY,9,0,0,0,0,0,0,Medicine,,0.5516378158045098,0.4365064990977374,0.0247,,0.9722,,,0.0,0.069,0.0833,,0.0302,,0.0196,,0.0,0.0252,,0.9722,,,0.0,0.069,0.0833,,0.0309,,0.0204,,0.0,0.025,,0.9722,,,0.0,0.069,0.0833,,0.0308,,0.0199,,0.0,,block of flats,0.0165,"Stone, brick",No,1.0,0.0,1.0,0.0,-325.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2789874,294281,Cash loans,11161.305,94500.0,121689.0,,94500.0,SUNDAY,12,Y,1,,,,XNA,Approved,-436,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-406.0,104.0,-46.0,-37.0,1.0,0,Cash loans,M,N,Y,0,90000.0,824823.0,29353.5,688500.0,Family,Working,Secondary / secondary special,Single / not married,House / apartment,0.031329,-9448,-1864,-4277.0,-2139,,1,1,0,1,0,0,Laborers,1.0,2,2,TUESDAY,8,0,0,0,0,0,0,Business Entity Type 2,0.2129494650118896,0.3097036848361834,0.6397075677637197,0.081,0.0228,0.9801,0.728,0.01,0.016,0.131,0.2333,0.275,0.0164,0.0657,0.0714,0.0015,0.003,0.0735,0.0,0.9791,0.7256,0.0078,0.0,0.0345,0.1667,0.2083,0.0076,0.0643,0.0464,0.0,0.0,0.0729,0.0239,0.9791,0.7182,0.008,0.0,0.1379,0.1667,0.2083,0.0149,0.0599,0.0686,0.0,0.0,reg oper account,block of flats,0.0366,"Stone, brick",No,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1173385,400313,Revolving loans,,0.0,0.0,,,FRIDAY,9,Y,1,,,,XAP,Refused,-217,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Card Street,,,,,,,0,Cash loans,F,Y,Y,0,180000.0,573628.5,27724.5,463500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-13636,-538,-1718.0,-1738,15.0,1,1,0,1,0,0,,2.0,2,2,FRIDAY,16,0,0,0,0,1,1,Other,0.029003144422005283,0.6609760139870619,0.3606125659189888,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-345.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2568463,309613,Consumer loans,4199.265,25371.0,20871.0,4500.0,25371.0,SATURDAY,9,Y,1,0.193169724918572,,,XAP,Approved,-2244,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,17,Connectivity,6.0,high,POS mobile with interest,365243.0,-2200.0,-2050.0,-2050.0,-2047.0,0.0,0,Cash loans,F,N,Y,0,78300.0,558000.0,18571.5,558000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.018209,-20480,365243,-6886.0,-113,,1,0,0,1,1,0,,2.0,3,3,WEDNESDAY,8,0,0,0,0,0,0,XNA,0.7209663156795597,0.33840530826296644,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1819.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1562889,270182,Consumer loans,4914.81,22275.0,18445.5,4455.0,22275.0,SATURDAY,11,Y,1,0.21186873649046967,,,XAP,Approved,-717,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,4.0,middle,POS mobile without interest,365243.0,-638.0,-548.0,-548.0,-527.0,0.0,0,Cash loans,F,N,N,0,90000.0,610335.0,22050.0,463500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.00496,-22149,365243,-7339.0,-4471,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,16,0,0,0,0,0,0,XNA,,0.5518595575690509,0.178760465484575,0.0082,,,,,,0.069,0.0417,,,,,,,0.0084,,,,,,0.069,0.0417,,,,,,,0.0083,,,,,,0.069,0.0417,,,,,,,,,0.0181,,No,1.0,0.0,1.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1899067,104589,Cash loans,26753.31,472500.0,547344.0,,472500.0,MONDAY,13,Y,1,,,,Repairs,Approved,-567,Cash through the bank,XAP,,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,middle,Cash Street: middle,365243.0,-537.0,873.0,-357.0,-351.0,1.0,0,Cash loans,M,Y,Y,0,135000.0,133659.0,12388.5,108000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.011703,-17751,-2234,-7221.0,-1292,4.0,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,10,0,0,0,0,1,1,Trade: type 7,,0.6473578061588405,0.501075160239048,0.0959,0.0864,0.9776,0.6668,0.0147,0.0,0.1931,0.1667,0.2083,0.0681,0.0975,0.08900000000000001,0.0154,0.0198,0.105,0.0762,0.9786,0.6798,0.0148,0.0,0.2069,0.1667,0.2083,0.0615,0.1065,0.0744,0.0156,0.0,0.1041,0.0852,0.9786,0.6713,0.0147,0.0,0.2069,0.1667,0.2083,0.0687,0.0992,0.0943,0.0155,0.0145,reg oper account,block of flats,0.0685,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1675767,300886,Consumer loans,26541.135,472500.0,513666.0,0.0,472500.0,WEDNESDAY,13,Y,1,0.0,,,XAP,Approved,-473,Cash through the bank,XAP,,New,Clothing and Accessories,POS,XNA,Stone,516,Clothing,24.0,low_normal,POS industry with interest,365243.0,-442.0,248.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,85500.0,254700.0,26226.0,225000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.020246,-19991,-11094,-10250.0,-3503,,1,1,0,1,0,0,Managers,2.0,3,3,SUNDAY,11,0,0,0,0,0,0,Industry: type 3,,0.4189547067807917,,0.1768,0.0,0.9846,0.7892,0.0,0.08,0.3103,0.25,0.2917,0.086,0.1425,0.1685,0.0077,0.0702,0.1397,0.0,0.9831,0.7779,0.0,0.0,0.1379,0.1667,0.2083,0.08800000000000001,0.1185,0.1386,0.0,0.0,0.1785,0.0,0.9846,0.792,0.0,0.08,0.3103,0.25,0.2917,0.0875,0.1449,0.1715,0.0078,0.0716,reg oper account,block of flats,0.1604,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1845966,297871,Cash loans,6233.04,90000.0,101880.0,,90000.0,TUESDAY,11,Y,1,,,,XNA,Approved,-826,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-796.0,-106.0,-757.0,-751.0,1.0,0,Cash loans,F,N,Y,0,90000.0,397332.0,25524.0,351000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.003069,-21788,365243,-4753.0,-2658,,1,0,0,1,0,0,,2.0,3,3,TUESDAY,11,0,0,0,0,0,0,XNA,,0.5106661784455327,0.6817058776720116,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-628.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1549802,239202,Revolving loans,19125.0,382500.0,382500.0,,382500.0,THURSDAY,14,Y,1,,,,XAP,Approved,-370,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-368.0,-323.0,365243.0,-292.0,-274.0,0.0,0,Cash loans,M,N,Y,1,225000.0,900000.0,39775.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-15976,-7750,-163.0,-4533,,1,1,0,1,0,0,Laborers,3.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Industry: type 9,0.4805281787069801,0.4615853245478641,0.5814837058057234,0.1046,0.0649,0.9796,,,0.04,0.1207,0.3125,,0.0597,,0.0956,,0.0018,0.0872,0.0346,0.9767,,,0.0,0.0345,0.1667,,0.0226,,0.0782,,0.0,0.1057,0.0649,0.9796,,,0.04,0.1207,0.3125,,0.0608,,0.0973,,0.0018,,block of flats,0.0699,"Stone, brick",No,7.0,0.0,7.0,0.0,-2259.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2676982,313493,Cash loans,8476.065,67500.0,76797.0,,67500.0,FRIDAY,17,Y,1,,,,XNA,Approved,-818,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-788.0,-458.0,-698.0,-689.0,1.0,0,Cash loans,M,Y,N,0,157500.0,545040.0,25537.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.04622,-8997,-194,-8500.0,-1662,11.0,1,1,0,1,0,0,Drivers,1.0,1,1,THURSDAY,15,0,0,0,0,1,1,Industry: type 4,0.14779207926860832,0.6924133027327579,0.520897599048938,0.0505,0.0,0.9757,0.6668,0.0052,0.0,0.1034,0.1667,0.2083,0.0,0.0403,0.0406,0.0039,0.036000000000000004,0.0515,0.0,0.9757,0.6798,0.0053,0.0,0.1034,0.1667,0.2083,0.0,0.0441,0.0423,0.0039,0.0382,0.051,0.0,0.9757,0.6713,0.0053,0.0,0.1034,0.1667,0.2083,0.0,0.041,0.0413,0.0039,0.0368,reg oper account,block of flats,0.0426,"Stone, brick",No,1.0,0.0,1.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2109903,206561,Consumer loans,4117.68,59503.5,68926.5,0.0,59503.5,WEDNESDAY,16,Y,1,0.0,,,XAP,Approved,-622,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,2821,Consumer electronics,18.0,low_action,POS household without interest,365243.0,-591.0,-81.0,-441.0,-436.0,0.0,0,Cash loans,F,N,Y,0,135000.0,508495.5,22396.5,454500.0,Family,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.022625,-21173,365243,-13824.0,-4386,,1,0,0,1,1,0,,1.0,2,2,TUESDAY,15,0,0,0,0,0,0,XNA,,0.04239733060399716,0.7764098512142026,0.3907,0.3742,0.9791,0.7144,0.179,0.0,0.8966,0.1667,0.2083,0.3728,0.3186,0.3698,0.0,0.0,0.3981,0.3883,0.9791,0.7256,0.1806,0.0,0.8966,0.1667,0.2083,0.3813,0.348,0.3853,0.0,0.0,0.3945,0.3742,0.9791,0.7182,0.1801,0.0,0.8966,0.1667,0.2083,0.3792,0.3241,0.3764,0.0,0.0,reg oper account,block of flats,0.3887,Panel,No,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1234458,204277,Cash loans,32017.5,900000.0,900000.0,,900000.0,MONDAY,12,Y,1,,,,XNA,Approved,-1527,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,middle,Cash X-Sell: middle,365243.0,-1496.0,274.0,-266.0,-261.0,0.0,0,Cash loans,M,N,Y,0,189000.0,508495.5,22527.0,454500.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.01885,-21747,365243,-978.0,-4155,,1,0,0,1,0,1,,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,XNA,0.7524778645021105,0.4853875669738594,0.18303516721781032,0.2598,0.1716,0.9866,0.8164,0.0,0.28,0.2414,0.3333,0.375,0.1416,0.2118,0.2741,0.0,0.0,0.2647,0.1781,0.9866,0.8236,0.0,0.282,0.2414,0.3333,0.375,0.1449,0.2314,0.2856,0.0,0.0,0.2623,0.1716,0.9866,0.8189,0.0,0.28,0.2414,0.3333,0.375,0.1441,0.2155,0.2791,0.0,0.0,reg oper spec account,block of flats,0.2156,Panel,No,0.0,0.0,0.0,0.0,-1701.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,4.0 +2281797,422179,Cash loans,39785.805,630000.0,878467.5,,630000.0,TUESDAY,17,Y,1,,,,XNA,Refused,-369,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,N,Y,0,112500.0,512064.0,15655.5,360000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018634,-8900,-288,-7599.0,-1579,,1,1,1,1,0,0,Laborers,2.0,2,2,SUNDAY,13,0,0,0,1,1,0,Trade: type 7,0.3074768088881357,0.6011200190728437,0.4830501881366946,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1716.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2205143,301723,Consumer loans,5225.805,28395.0,28395.0,0.0,28395.0,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-60,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,350,Consumer electronics,6.0,middle,POS household with interest,365243.0,-30.0,120.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,2,112500.0,90000.0,9450.0,90000.0,Family,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.001417,-9172,-980,-1021.0,-1652,,1,1,1,1,0,0,Core staff,3.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Bank,0.11369073284290335,0.6428118678332642,0.4561097392782771,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,1.0,-837.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1033439,104638,Cash loans,8216.82,67500.0,80928.0,,67500.0,MONDAY,13,Y,1,,,,XNA,Approved,-1191,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,N,0,216000.0,500211.0,25537.5,463500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.009175,-24705,365243,-13508.0,-5097,,1,0,0,1,1,0,,1.0,2,2,MONDAY,18,0,0,0,0,0,0,XNA,,0.7156741017664905,0.19519840600440985,0.0093,0.0,0.9732,,,0.0,0.0345,0.0417,,,,0.0052,,,0.0095,0.0,0.9732,,,0.0,0.0345,0.0417,,,,0.0055,,,0.0094,0.0,0.9732,,,0.0,0.0345,0.0417,,,,0.0053,,,,block of flats,0.0041,"Stone, brick",Yes,1.0,0.0,1.0,0.0,-723.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1636468,312871,Consumer loans,25032.375,158512.5,142659.0,15853.5,158512.5,SUNDAY,15,Y,1,0.10892454997096583,,,XAP,Approved,-1085,Cash through the bank,XAP,Family,Repeater,Clothing and Accessories,POS,XNA,Country-wide,276,Clothing,6.0,low_action,POS industry without interest,365243.0,-1054.0,-904.0,-904.0,-896.0,0.0,0,Cash loans,M,Y,Y,1,225000.0,679500.0,19998.0,679500.0,Other_B,State servant,Higher education,Married,House / apartment,0.014519999999999996,-14110,-4853,-4330.0,-4784,16.0,1,1,0,1,0,0,Managers,3.0,2,2,SUNDAY,13,0,0,0,0,0,0,Police,,0.6633192540013011,0.40314167665875134,0.1485,0.0838,0.9816,,,0.16,0.1379,0.3333,,0.02,,0.1504,,0.0033,0.1513,0.0869,0.9816,,,0.1611,0.1379,0.3333,,0.0205,,0.1567,,0.0035,0.1499,0.0838,0.9816,,,0.16,0.1379,0.3333,,0.0204,,0.1531,,0.0033,,block of flats,0.138,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,5.0,0.0,1.0 +2456031,325906,Cash loans,17777.25,225000.0,225000.0,,225000.0,FRIDAY,15,Y,1,,,,XNA,Refused,-10,Cash through the bank,XNA,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,N,2,270000.0,278460.0,25537.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.04622,-10402,-3365,-3276.0,-2145,,1,1,1,1,0,1,Cooking staff,4.0,1,1,MONDAY,15,0,0,0,0,0,0,Self-employed,0.5951313670129266,0.6744289241268983,0.5602843280409464,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2136.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +2069396,370112,Consumer loans,4756.275,22819.5,23949.0,0.0,22819.5,WEDNESDAY,11,Y,1,0.0,,,XAP,Approved,-2493,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,70,Consumer electronics,6.0,high,POS household with interest,365243.0,-2462.0,-2312.0,-2312.0,-2307.0,1.0,0,Cash loans,F,N,N,0,76500.0,544491.0,17563.5,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-20112,365243,-2802.0,-3603,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,19,0,0,0,0,0,0,XNA,0.6297680154563786,0.6506256310069453,0.7209441499436497,0.0557,0.0792,0.9752,0.66,0.0062,0.0,0.1379,0.125,0.1667,0.0428,0.042,0.0396,0.0154,0.0401,0.0567,0.0822,0.9752,0.6733,0.0063,0.0,0.1379,0.125,0.1667,0.0438,0.0459,0.0413,0.0156,0.0424,0.0562,0.0792,0.9752,0.6645,0.0062,0.0,0.1379,0.125,0.1667,0.0435,0.0428,0.0403,0.0155,0.0409,reg oper account,block of flats,0.0433,"Stone, brick",No,0.0,0.0,0.0,0.0,-2474.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2178636,142717,Revolving loans,3375.0,0.0,67500.0,,,TUESDAY,17,Y,1,,,,XAP,Approved,-2437,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,0,XNA,0.0,XNA,Card X-Sell,-2436.0,-2391.0,365243.0,-1235.0,-832.0,0.0,1,Cash loans,M,Y,Y,0,112500.0,161730.0,11632.5,135000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.019101,-17538,-138,-9290.0,-1074,2.0,1,1,0,1,0,0,Drivers,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Self-employed,,0.6837214495725595,0.7165702448010511,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-2697.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2230473,337782,Cash loans,9127.35,135000.0,135000.0,0.0,135000.0,TUESDAY,10,Y,1,0.0,,,XNA,Refused,-2437,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash Street: high,,,,,,,0,Cash loans,F,Y,Y,0,270000.0,807984.0,26833.5,697500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.018634,-19074,-138,-8302.0,-2610,17.0,1,1,0,1,0,0,Laborers,1.0,2,2,WEDNESDAY,10,0,0,0,0,1,1,Business Entity Type 3,,0.4304842617239199,0.324891229465852,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1654037,366423,Cash loans,42358.23,1372500.0,1535553.0,,1372500.0,MONDAY,16,Y,1,,,,Other,Refused,-304,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,Y,Y,0,216000.0,988875.0,50620.5,868500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018634,-11826,-3463,-3576.0,-3159,1.0,1,1,0,1,0,1,Sales staff,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Services,,0.5370486096103491,0.6894791426446275,0.0608,0.0363,0.9811,0.7416,0.0,0.0,0.1034,0.1667,0.0417,,0.0488,0.0494,0.0039,0.0052,0.062,0.0376,0.9811,0.7517,0.0,0.0,0.1034,0.1667,0.0417,,0.0533,0.0514,0.0039,0.0055,0.0614,0.0363,0.9811,0.7451,0.0,0.0,0.1034,0.1667,0.0417,,0.0496,0.0503,0.0039,0.0053,reg oper account,block of flats,0.0429,"Stone, brick",No,0.0,0.0,0.0,0.0,-29.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1794445,404871,Revolving loans,16875.0,337500.0,337500.0,,337500.0,THURSDAY,11,Y,1,,,,XAP,Approved,-720,XNA,XAP,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-720.0,-682.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,1,202500.0,450000.0,27324.0,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.026392000000000002,-10991,-1070,-4865.0,-3665,4.0,1,1,0,1,1,0,Laborers,3.0,2,2,WEDNESDAY,18,0,0,0,0,0,0,Self-employed,,0.5437614628363868,0.36896873825284665,0.499,,0.9876,,,0.52,0.4483,0.3333,,0.3194,,0.3513,,,0.5084,,0.9876,,,0.5236,0.4483,0.3333,,0.3267,,0.366,,,0.5038,,0.9876,,,0.52,0.4483,0.3333,,0.325,,0.3576,,,,block of flats,0.4675,Panel,No,0.0,0.0,0.0,0.0,-870.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1279805,133391,Revolving loans,,0.0,0.0,,,THURSDAY,15,Y,1,,,,XAP,Refused,-172,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Card Street,,,,,,,1,Cash loans,M,Y,N,2,180000.0,435861.0,51858.0,414000.0,Unaccompanied,Commercial associate,Higher education,Married,With parents,0.019101,-19182,-101,-4606.0,-2666,13.0,1,1,0,1,0,0,Managers,4.0,2,2,MONDAY,13,0,0,0,0,1,1,Government,,0.21212616621415425,0.3556387169923543,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1412.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1336465,204779,Revolving loans,40500.0,0.0,810000.0,,,THURSDAY,8,Y,1,,,,XAP,Approved,-760,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,135000.0,1660626.0,57852.0,1516500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-19676,-6754,-726.0,-2764,,1,1,0,1,0,0,Core staff,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Transport: type 2,,0.20551510775681672,0.6479768603302221,0.0227,0.0597,0.9682,0.5648,,0.0,0.1034,0.0833,0.0417,0.0154,,0.0359,,0.0277,0.0231,0.062,0.9682,0.5818,,0.0,0.1034,0.0833,0.0417,0.0157,,0.0374,,0.0294,0.0229,0.0597,0.9682,0.5706,,0.0,0.1034,0.0833,0.0417,0.0156,,0.0366,,0.0283,,block of flats,0.0283,Others,No,1.0,0.0,1.0,0.0,-1082.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2220748,180538,Revolving loans,4500.0,90000.0,90000.0,,90000.0,THURSDAY,10,Y,1,,,,XAP,Approved,-250,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-229.0,-209.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,F,N,Y,0,225000.0,634360.5,30649.5,567000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.019101,-17107,-130,-7318.0,-628,,1,1,0,1,0,0,,1.0,2,2,TUESDAY,10,0,0,0,0,1,1,Self-employed,,0.4225361396704995,0.21155076420525776,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-494.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1171210,228731,Consumer loans,6947.325,58050.0,63157.5,0.0,58050.0,WEDNESDAY,13,Y,1,0.0,,,XAP,Approved,-565,Cash through the bank,XAP,,New,Construction Materials,POS,XNA,Stone,8,Construction,10.0,low_normal,POS industry with interest,365243.0,-534.0,-264.0,-264.0,-260.0,0.0,1,Cash loans,F,N,Y,0,135000.0,573628.5,29416.5,463500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.010147,-20492,365243,-12632.0,-3009,,1,0,0,1,0,0,,1.0,2,2,MONDAY,12,0,0,0,0,0,0,XNA,,0.14236818533062578,0.0005272652387098817,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-354.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1452674,131024,Cash loans,64966.5,1800000.0,2013840.0,,1800000.0,WEDNESDAY,15,Y,1,,,,XNA,Refused,-363,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,157500.0,724500.0,28201.5,724500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-18701,-2453,-6418.0,-2236,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,Hotel,,0.6784492440391792,0.324891229465852,0.1216,0.0972,0.9781,,,0.0,0.2759,0.1667,,0.0806,,0.1011,,0.0,0.1239,0.1009,0.9782,,,0.0,0.2759,0.1667,,0.0824,,0.1054,,0.0,0.1228,0.0972,0.9781,,,0.0,0.2759,0.1667,,0.08199999999999999,,0.103,,0.0,,block of flats,0.0795,Panel,No,0.0,0.0,0.0,0.0,-1635.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2448834,125533,Consumer loans,4207.365,50490.0,44428.5,6061.5,50490.0,FRIDAY,9,Y,1,0.13074914924647546,,,XAP,Approved,-2916,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Stone,50,Consumer electronics,12.0,low_normal,POS household without interest,365243.0,-2882.0,-2552.0,-2552.0,-2543.0,0.0,0,Cash loans,F,N,Y,0,58500.0,573408.0,20596.5,495000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.015221,-18825,-830,-9923.0,-2387,,1,1,1,1,1,0,Medicine staff,1.0,2,2,TUESDAY,14,0,0,0,0,0,0,Medicine,,0.5603451036747971,0.7194907850918436,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2285979,385780,Cash loans,,0.0,0.0,,,FRIDAY,10,Y,1,,,,XNA,Refused,-283,XNA,HC,,Repeater,XNA,XNA,XNA,Contact center,0,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,N,N,2,225000.0,339241.5,16627.5,238500.0,Unaccompanied,Working,Lower secondary,Married,House / apartment,0.010276,-13298,-2908,-5983.0,-5051,,1,1,0,1,0,0,Security staff,4.0,2,2,MONDAY,15,0,1,1,0,0,0,Security,,0.574268273953927,0.3556387169923543,,,0.9806,,,,,,,,,0.0106,,,,,0.9806,,,,,,,,,0.011,,,,,0.9806,,,,,,,,,0.0108,,,,block of flats,0.0083,,Yes,0.0,0.0,0.0,0.0,-2411.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +2303782,184121,Cash loans,53891.64,1170000.0,1271929.5,,1170000.0,TUESDAY,8,Y,1,,,,XNA,Approved,-756,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-726.0,324.0,-156.0,-149.0,1.0,1,Cash loans,F,Y,Y,0,247500.0,62554.5,7551.0,54000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-21818,365243,-11323.0,-1156,1.0,1,0,0,1,0,0,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,,0.2768867112566034,0.4596904504249018,0.0163,0.0,0.9801,0.626,,0.08,0.069,0.0417,,0.0,,0.0073,,0.0,0.0168,0.0,0.9801,0.6406,,0.0806,0.069,0.0417,,0.0,,0.0076,,0.0,0.0167,0.0,0.9801,0.631,,0.08,0.069,0.0417,,0.0,,0.0075,,0.0,,block of flats,0.0074,"Stone, brick",No,5.0,0.0,5.0,0.0,-406.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,8.0 +1983900,253740,Cash loans,26273.205,180000.0,220297.5,0.0,180000.0,WEDNESDAY,12,Y,1,0.0,,,Everyday expenses,Approved,-1594,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-1560.0,-1230.0,-1380.0,-1374.0,0.0,0,Cash loans,M,N,N,0,315000.0,592560.0,32274.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-18932,-2805,-4452.0,-2433,,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.6110391765202258,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1595.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2083277,227178,Consumer loans,6156.945,30510.0,32121.0,0.0,30510.0,FRIDAY,19,Y,1,0.0,,,XAP,Approved,-488,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Regional / Local,100,Consumer electronics,6.0,middle,POS household with interest,365243.0,-451.0,-301.0,-301.0,-297.0,0.0,0,Cash loans,M,N,Y,1,202500.0,450000.0,22018.5,450000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-12861,-1986,-6497.0,-4725,,1,1,0,1,1,0,Laborers,3.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.22698613529456324,,0.0722,0.08,0.9796,,,0.0,0.1034,0.0,,0.0394,,0.0573,,,0.0735,0.083,0.9796,,,0.0,0.1034,0.0,,0.0403,,0.0596,,,0.0729,0.08,0.9796,,,0.0,0.1034,0.0,,0.0401,,0.0583,,,,block of flats,0.0503,"Stone, brick",No,1.0,1.0,1.0,1.0,-1025.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2547723,284526,Cash loans,12894.12,99000.0,119722.5,,99000.0,MONDAY,12,Y,1,,,,XNA,Approved,-875,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-845.0,-515.0,-635.0,-631.0,1.0,0,Cash loans,F,N,Y,1,81000.0,288562.5,30429.0,261000.0,Other_B,Working,Secondary / secondary special,Married,House / apartment,0.018029,-16739,-1410,-9551.0,-262,,1,1,0,1,0,0,Laborers,3.0,3,2,MONDAY,12,0,0,0,0,0,0,Government,0.7144259552976628,0.3488659772299308,0.31703177858344445,0.0938,0.0305,0.9796,0.7212,0.0213,0.0,0.2069,0.1667,0.2083,0.0829,0.0731,0.0784,0.0154,0.0569,0.0956,0.0317,0.9796,0.7321,0.0215,0.0,0.2069,0.1667,0.2083,0.0848,0.0799,0.0756,0.0156,0.0602,0.0947,0.0305,0.9796,0.7249,0.0215,0.0,0.2069,0.1667,0.2083,0.0844,0.0744,0.0798,0.0155,0.0581,reg oper account,block of flats,0.0899,Panel,No,0.0,0.0,0.0,0.0,-2119.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2431566,148747,Cash loans,35435.79,1219500.0,1396570.5,,1219500.0,TUESDAY,10,Y,1,,,,XNA,Refused,-209,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,60.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,121500.0,729792.0,26343.0,630000.0,Family,Pensioner,Lower secondary,Married,House / apartment,0.015221,-22755,365243,-9803.0,-4329,,1,0,0,1,1,1,,2.0,2,2,MONDAY,10,0,0,0,0,0,0,XNA,,0.5470687440113955,0.4329616670974407,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-210.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1570431,112320,Cash loans,14403.195,180000.0,197820.0,,180000.0,MONDAY,14,Y,1,,,,Other,Approved,-1479,XNA,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,middle,Cash Street: middle,365243.0,-1445.0,-935.0,-1025.0,-1018.0,0.0,0,Cash loans,F,N,Y,2,225000.0,457834.5,17388.0,378000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-16157,-3342,-3507.0,-4203,,1,1,0,1,0,0,Medicine staff,4.0,3,3,THURSDAY,13,0,0,0,0,1,1,Medicine,0.5459772517918766,0.10076614853372573,0.39449540531239935,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1142128,357121,Cash loans,6796.71,81000.0,102384.0,,81000.0,FRIDAY,10,Y,1,,,,Urgent needs,Refused,-197,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,135000.0,90000.0,5566.5,90000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.010643000000000001,-18987,-1609,-1193.0,-1758,,1,1,0,1,0,0,,1.0,2,2,SATURDAY,10,0,0,0,0,0,0,Self-employed,,0.620774585008151,0.5919766183185521,0.1093,0.0593,0.9836,0.7756,,0.0,0.0345,0.1667,0.2083,0.0286,0.0891,0.025,0.0,0.0453,0.1113,0.0615,0.9836,0.7844,,0.0,0.0345,0.1667,0.2083,0.0293,0.0973,0.0261,0.0,0.048,0.1103,0.0593,0.9836,0.7786,,0.0,0.0345,0.1667,0.2083,0.0291,0.0906,0.0255,0.0,0.0463,reg oper spec account,specific housing,0.0449,"Stone, brick",No,0.0,0.0,0.0,0.0,-1305.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1542261,247624,Consumer loans,2503.71,27135.0,24421.5,2713.5,27135.0,MONDAY,15,Y,1,0.1089090909090909,,,XAP,Approved,-520,Cash through the bank,XAP,,New,Furniture,POS,XNA,Regional / Local,10,Furniture,12.0,middle,POS industry with interest,365243.0,-486.0,-156.0,-366.0,-360.0,0.0,0,Cash loans,F,N,Y,1,157500.0,517266.0,25015.5,387000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.022625,-14420,-5288,-278.0,-5258,,1,1,0,1,0,0,Private service staff,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.6682375115860251,0.2307761047784213,0.17249546677733105,0.134,0.0818,0.9985,0.9388,0.0493,0.08,0.0345,0.5833,0.625,0.0552,0.1084,0.0985,0.0039,0.0413,0.1366,0.0849,0.9985,0.9412,0.0498,0.0806,0.0345,0.5833,0.625,0.0565,0.1185,0.1027,0.0039,0.0437,0.1353,0.0818,0.9985,0.9396,0.0496,0.08,0.0345,0.5833,0.625,0.0562,0.1103,0.1003,0.0039,0.0421,reg oper account,block of flats,0.1135,"Stone, brick",No,6.0,0.0,6.0,0.0,-520.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +2627269,277739,Cash loans,64031.13,1035000.0,1095111.0,,1035000.0,THURSDAY,7,Y,1,,,,XNA,Approved,-940,Cash through the bank,XAP,Family,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-910.0,-220.0,-670.0,-664.0,1.0,0,Cash loans,M,Y,Y,0,270000.0,450000.0,27193.5,450000.0,Unaccompanied,Commercial associate,Incomplete higher,Single / not married,House / apartment,0.007305,-14434,-1183,-8354.0,-4650,4.0,1,1,1,1,1,0,,1.0,3,3,SATURDAY,9,0,0,0,0,0,0,Other,0.4869365752194587,0.593609489916567,0.6296742509538716,0.0619,0.0545,0.9801,0.728,0.006,0.0,0.1379,0.1667,0.2083,0.0284,0.0504,0.0528,0.0,0.0,0.063,0.0566,0.9801,0.7387,0.0061,0.0,0.1379,0.1667,0.2083,0.0291,0.0551,0.0551,0.0,0.0,0.0625,0.0545,0.9801,0.7316,0.006,0.0,0.1379,0.1667,0.2083,0.0289,0.0513,0.0538,0.0,0.0,reg oper account,block of flats,0.0416,Panel,No,7.0,1.0,7.0,0.0,-2156.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,1.0 +1076553,343097,Revolving loans,11250.0,0.0,225000.0,,0.0,MONDAY,10,Y,1,,,,XAP,Approved,-1331,XNA,XAP,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-1301.0,-1251.0,365243.0,-1099.0,365243.0,0.0,0,Cash loans,F,N,N,0,135000.0,661702.5,52411.5,598500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007305,-13817,-2775,-3752.0,-4680,,1,1,0,1,0,0,Sales staff,2.0,3,3,TUESDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.3740975058337906,0.44762504874517856,0.4956658291397297,0.1907,0.1014,0.9851,0.7959999999999999,0.0,0.2,0.1724,0.3333,0.0417,,,0.1996,,0.0,0.1943,0.1053,0.9851,0.804,0.0,0.2014,0.1724,0.3333,0.0417,,,0.208,,0.0,0.1926,0.1014,0.9851,0.7987,0.0,0.2,0.1724,0.3333,0.0417,,,0.2032,,0.0,,block of flats,0.157,Panel,No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1009104,273308,Cash loans,30028.41,283500.0,299218.5,,283500.0,WEDNESDAY,15,Y,1,,,,XNA,Approved,-1596,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1566.0,-1236.0,-1266.0,-1262.0,1.0,0,Cash loans,F,N,Y,0,135000.0,247275.0,17338.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.02461,-24478,365243,-11578.0,-5534,,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,XNA,0.8467292530227745,0.6697929788660762,0.2807895743848605,0.0825,0.0625,0.9737,,,0.0,0.1379,0.1667,,0.0516,,0.064,,0.0031,0.084,0.0649,0.9737,,,0.0,0.1379,0.1667,,0.0527,,0.0667,,0.0033,0.0833,0.0625,0.9737,,,0.0,0.1379,0.1667,,0.0525,,0.0651,,0.0031,,block of flats,0.0547,"Stone, brick",No,8.0,5.0,8.0,5.0,-1908.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +1077570,128615,Cash loans,30195.0,450000.0,450000.0,,450000.0,FRIDAY,13,Y,1,,,,Buying a used car,Approved,-420,XNA,XAP,Unaccompanied,New,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,18.0,low_normal,Cash Street: low,365243.0,-388.0,122.0,-358.0,-351.0,0.0,0,Cash loans,F,N,N,0,114750.0,814041.0,23328.0,679500.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.020713,-10584,-112,-2448.0,-2935,,1,1,1,1,1,0,Waiters/barmen staff,1.0,3,2,THURSDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.5882812334498618,0.22383131747015547,0.0845,0.0793,0.9747,0.6532,0.0579,0.0,0.1379,0.1667,0.2083,0.1225,0.0689,0.0711,0.0,0.0,0.0861,0.0823,0.9747,0.6668,0.0584,0.0,0.1379,0.1667,0.2083,0.1253,0.0753,0.0741,0.0,0.0,0.0854,0.0793,0.9747,0.6578,0.0583,0.0,0.1379,0.1667,0.2083,0.1247,0.0701,0.0724,0.0,0.0,reg oper account,block of flats,0.0559,Panel,No,4.0,0.0,4.0,0.0,-852.0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +1810344,331172,Cash loans,12955.86,423000.0,423000.0,,423000.0,FRIDAY,9,Y,1,,,,XNA,Approved,-168,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,135000.0,634482.0,20596.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.02461,-16582,-2084,-8593.0,-141,,1,1,0,1,0,0,Private service staff,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,Hotel,,0.405165591004436,0.7380196196295241,0.1299,0.0648,0.9796,0.7212,0.0179,0.04,0.1724,0.3333,0.2083,0.1156,0.1042,0.1022,0.0077,0.0053,0.1324,0.0672,0.9796,0.7321,0.0181,0.0403,0.1724,0.3333,0.2083,0.1182,0.1139,0.1065,0.0078,0.0056,0.1312,0.0648,0.9796,0.7249,0.018000000000000002,0.04,0.1724,0.3333,0.2083,0.1176,0.106,0.1041,0.0078,0.0054,reg oper account,block of flats,0.0816,"Stone, brick",No,0.0,0.0,0.0,0.0,-238.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1221929,256811,Revolving loans,13500.0,270000.0,270000.0,,270000.0,TUESDAY,8,Y,1,,,,XAP,Refused,-260,XNA,HC,"Spouse, partner",Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,1,63000.0,593010.0,23107.5,495000.0,Unaccompanied,State servant,Secondary / secondary special,Married,With parents,0.031329,-11293,-3571,-3781.0,-433,,1,1,0,1,0,0,,3.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,Business Entity Type 2,0.4181258940684246,0.5898216353501784,0.1301285429480269,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2368.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1836982,231675,Cash loans,9117.54,112500.0,134775.0,,112500.0,TUESDAY,15,Y,1,,,,XNA,Approved,-819,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash X-Sell: high,365243.0,-789.0,261.0,-489.0,-478.0,1.0,0,Cash loans,M,N,Y,3,135000.0,269550.0,16416.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-16920,-1525,-6180.0,-300,,1,1,0,1,0,0,Laborers,5.0,2,2,TUESDAY,10,0,0,0,0,0,0,Self-employed,0.4842979624152846,0.37491438313815617,0.3656165070113335,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,11.0,0.0,11.0,0.0,-1069.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2043041,364120,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,11,Y,1,,,,XAP,Refused,-62,XNA,HC,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,Y,Y,1,157500.0,284400.0,10719.0,225000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.019101,-14193,-3420,-3609.0,-4654,6.0,1,1,0,1,1,0,,3.0,2,2,TUESDAY,17,0,0,0,0,0,0,Other,0.4344397044300237,0.6632411116542857,0.6279908192952864,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1733.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,1.0 +1503331,203562,Consumer loans,3970.305,44113.5,39699.0,4414.5,44113.5,FRIDAY,16,Y,1,0.10898685931022968,,,XAP,Approved,-397,Cash through the bank,XAP,,Refreshed,Construction Materials,POS,XNA,Stone,1000,Construction,12.0,middle,POS industry with interest,365243.0,-365.0,-35.0,-95.0,-87.0,0.0,0,Cash loans,F,Y,Y,0,135000.0,315000.0,17716.5,315000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.015221,-17677,-1387,-3606.0,-1210,16.0,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,Business Entity Type 3,,0.6860669501189121,0.475849908720221,0.2969,0.1678,0.9871,,,0.32,0.2759,0.3333,,0.1899,,0.2902,,0.0191,0.3025,0.1741,0.9871,,,0.3222,0.2759,0.3333,,0.1943,,0.3024,,0.0202,0.2998,0.1678,0.9871,,,0.32,0.2759,0.3333,,0.1932,,0.2955,,0.0195,,block of flats,0.2324,Panel,No,0.0,0.0,0.0,0.0,-397.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2800990,237119,Consumer loans,2296.26,21217.5,20668.5,2124.0,21217.5,SUNDAY,12,Y,1,0.10149080139998208,,,XAP,Approved,-2613,Cash through the bank,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Regional / Local,100,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2578.0,-2308.0,-2308.0,-2305.0,1.0,0,Cash loans,F,N,N,2,58500.0,675000.0,21906.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-10032,-1844,-2045.0,-2646,,1,1,0,1,0,0,Laborers,4.0,2,2,MONDAY,15,0,0,0,0,0,0,Industry: type 3,,0.2622583692422573,0.6894791426446275,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,0.0,8.0,0.0,-1937.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2579160,287145,Revolving loans,2250.0,45000.0,45000.0,,45000.0,FRIDAY,10,Y,1,,,,XAP,Refused,-211,XNA,SCO,Unaccompanied,Repeater,XNA,Cards,walk-in,Regional / Local,300,Consumer electronics,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,Y,Y,2,90000.0,61128.0,6714.0,54000.0,Other_A,Working,Secondary / secondary special,Civil marriage,House / apartment,0.00823,-13922,-644,-8025.0,-4762,21.0,1,1,0,1,0,0,Drivers,4.0,2,2,SATURDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.09865080729473236,0.5658969639248427,0.7992967832109371,0.0701,,0.9786,,,0.0,0.1379,0.1667,,,,0.059,,,0.0714,,0.9786,,,0.0,0.1379,0.1667,,,,0.0615,,,0.0708,,0.9786,,,0.0,0.1379,0.1667,,,,0.0601,,,reg oper account,block of flats,0.06,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1415511,218531,Consumer loans,25933.455,81675.0,73507.5,8167.5,81675.0,SATURDAY,13,Y,1,0.1089090909090909,,,XAP,Approved,-1413,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,36,Furniture,3.0,middle,POS industry without interest,365243.0,-1381.0,-1321.0,-1321.0,-1314.0,0.0,0,Cash loans,F,Y,Y,0,121500.0,814041.0,23931.0,679500.0,Unaccompanied,Working,Incomplete higher,Single / not married,House / apartment,0.018209,-8856,-134,-5075.0,-1514,19.0,1,1,1,1,0,0,Core staff,1.0,3,3,FRIDAY,7,0,0,0,0,0,0,Mobile,0.2850072909397677,0.2869929260895497,0.4329616670974407,0.2016,0.1008,0.9771,0.6872,0.0042,0.0,0.1241,0.1667,0.2083,0.0462,0.1378,0.0751,0.0,0.0,0.1712,0.0871,0.9772,0.6994,0.0039,0.0,0.1034,0.1667,0.2083,0.0516,0.1497,0.0662,0.0,0.0,0.1718,0.084,0.9771,0.6914,0.0042,0.0,0.1034,0.1667,0.2083,0.0513,0.1402,0.0647,0.0,0.0,reg oper spec account,specific housing,0.05,"Stone, brick",No,5.0,0.0,5.0,0.0,-1413.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2441747,427813,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,10,Y,1,,,,XAP,Refused,-431,XNA,HC,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,1,81000.0,204768.0,13815.0,162000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-11803,-898,-325.0,-1306,,1,1,1,1,1,0,Cooking staff,3.0,2,2,SUNDAY,7,0,0,0,0,0,0,Business Entity Type 3,0.5763402921134407,0.3729076465513349,0.5620604831738043,0.0278,0.0579,0.9702,0.5920000000000001,0.0037,0.0,0.1034,0.0833,0.0417,0.0377,0.0219,0.033,0.0039,0.0215,0.0284,0.06,0.9702,0.608,0.0038,0.0,0.1034,0.0833,0.0417,0.0386,0.0239,0.0344,0.0039,0.0228,0.0281,0.0579,0.9702,0.5975,0.0037,0.0,0.1034,0.0833,0.0417,0.0384,0.0222,0.0336,0.0039,0.022,reg oper account,block of flats,0.0327,Block,No,0.0,0.0,0.0,0.0,-686.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1020106,129837,Consumer loans,2250.81,19287.0,19287.0,0.0,19287.0,MONDAY,10,Y,1,0.0,,,XAP,Refused,-2501,Cash through the bank,SCO,Children,Repeater,Mobile,POS,XNA,Country-wide,90,Connectivity,12.0,high,POS mobile with interest,,,,,,,0,Cash loans,M,N,Y,0,112500.0,945000.0,39127.5,945000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-18726,365243,-9308.0,-1972,,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,XNA,,0.29679579393889216,0.2678689358444539,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-2501.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1371856,456076,Cash loans,29700.0,1080000.0,1080000.0,,1080000.0,THURSDAY,12,Y,1,,,,XNA,Refused,-330,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,Y,N,2,315000.0,481495.5,36000.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-14084,-5284,-266.0,-4315,3.0,1,1,1,1,0,0,Managers,4.0,3,2,THURSDAY,18,0,0,0,0,0,0,Self-employed,,0.5345086476633539,0.6690566947824041,0.1361,0.1099,1.0,1.0,0.0004,0.12,0.1034,0.3333,0.375,0.0,0.111,0.1444,0.0,0.0,0.1387,0.114,1.0,1.0,0.0004,0.1208,0.1034,0.3333,0.375,0.0,0.1212,0.1504,0.0,0.0,0.1374,0.1099,1.0,1.0,0.0004,0.12,0.1034,0.3333,0.375,0.0,0.1129,0.147,0.0,0.0,reg oper account,block of flats,0.1628,Monolithic,No,4.0,0.0,4.0,0.0,-1629.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1384274,205017,Consumer loans,7876.08,171742.5,171742.5,0.0,171742.5,MONDAY,13,Y,1,0.0,,,XAP,Approved,-1761,Cash through the bank,XAP,"Spouse, partner",New,Photo / Cinema Equipment,POS,XNA,Country-wide,951,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1730.0,-1040.0,-1220.0,-1216.0,0.0,0,Cash loans,F,N,Y,1,157500.0,332946.0,18189.0,238500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.009334,-12093,-388,-2989.0,-1729,,1,1,0,1,0,1,Core staff,3.0,2,2,FRIDAY,14,0,0,0,0,0,0,Self-employed,0.494633022327485,0.6277399723961652,0.6722428897082422,0.0134,0.0,0.9702,0.5988,0.0015,0.0,0.069,0.0417,0.0417,0.005,0.0067,0.0099,0.0,0.0,0.0084,0.0,0.9697,0.6145,0.0016,0.0,0.069,0.0417,0.0417,0.0051,0.0073,0.0103,0.0,0.0,0.0135,0.0,0.9702,0.6042,0.0016,0.0,0.069,0.0417,0.0417,0.005,0.0068,0.01,0.0,0.0,,block of flats,0.0078,Wooden,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1129388,322987,Consumer loans,6695.955,66134.25,73116.0,2.25,66134.25,TUESDAY,12,Y,1,3.3513583072003835e-05,,,XAP,Approved,-465,Cash through the bank,XAP,Family,New,Construction Materials,POS,XNA,Regional / Local,548,Construction,12.0,low_action,POS industry without interest,365243.0,-434.0,-104.0,-104.0,-96.0,0.0,0,Cash loans,M,Y,Y,0,157500.0,526500.0,33777.0,526500.0,Children,Working,Higher education,Married,House / apartment,0.026392000000000002,-21839,-709,-1015.0,-1015,2.0,1,1,0,1,0,0,,2.0,2,2,FRIDAY,12,0,0,0,0,1,1,Business Entity Type 3,,0.6277604124529922,0.3280631605201915,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,0.0 +1839647,446471,Consumer loans,12339.45,98910.0,121144.5,0.0,98910.0,WEDNESDAY,13,Y,1,0.0,,,XAP,Approved,-197,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Stone,15,Furniture,12.0,middle,POS industry with interest,365243.0,-167.0,163.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,1,202500.0,299772.0,21942.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010147,-11374,-3929,-2260.0,-3895,,1,1,0,1,0,1,,3.0,2,2,THURSDAY,9,0,0,0,0,0,0,Industry: type 7,0.32432829635293714,0.6003857311808092,0.7713615919194317,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2737.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1028372,288115,Consumer loans,10913.85,128610.0,116451.0,25740.0,128610.0,SATURDAY,12,Y,1,0.19715171846319374,,,XAP,Approved,-1798,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Regional / Local,26,Consumer electronics,16.0,high,POS household with interest,365243.0,-1767.0,-1317.0,-1317.0,-1300.0,0.0,0,Cash loans,F,N,N,0,135000.0,607500.0,17892.0,607500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-19361,-4526,-8525.0,-2909,,1,1,0,1,0,1,Core staff,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,Kindergarten,0.6645469997588941,0.5818419152894562,0.6577838002083306,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-161.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1641783,448481,Consumer loans,4024.485,34141.5,33565.5,3600.0,34141.5,MONDAY,12,Y,1,0.10549373135642663,,,XAP,Approved,-1928,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,87,Connectivity,12.0,high,POS mobile with interest,365243.0,-1881.0,-1551.0,-1581.0,-1579.0,0.0,0,Cash loans,M,Y,N,1,202500.0,835605.0,24561.0,697500.0,Family,State servant,Secondary / secondary special,Married,Office apartment,0.010276,-14629,-6582,-5763.0,-4357,28.0,1,1,0,1,0,0,,3.0,2,2,THURSDAY,12,0,0,0,0,1,1,Security Ministries,0.3969424379495899,0.5923956075460333,0.5262949398096192,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2192660,435352,Cash loans,46186.515,1152000.0,1285816.5,,1152000.0,MONDAY,11,Y,1,,,,XNA,Approved,-394,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-364.0,1046.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,0,90000.0,703584.0,22824.0,504000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-20720,-1270,-10739.0,-2920,17.0,1,1,0,1,0,0,Security staff,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,School,,0.09228295400270264,0.0005272652387098817,0.0186,0.0,0.9816,0.7484,0.0021,0.0,0.069,0.0417,0.0833,0.0519,0.0151,0.019,0.0,0.0,0.0189,0.0,0.9816,0.7583,0.0021,0.0,0.069,0.0417,0.0833,0.0531,0.0165,0.0198,0.0,0.0,0.0187,0.0,0.9816,0.7518,0.0021,0.0,0.069,0.0417,0.0833,0.0528,0.0154,0.0193,0.0,0.0,reg oper spec account,block of flats,0.0161,"Stone, brick",No,1.0,0.0,1.0,0.0,-1267.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1899916,295592,Cash loans,9653.805,225000.0,299250.0,,225000.0,TUESDAY,11,Y,1,,,,XNA,Approved,-1221,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,60.0,low_normal,Cash X-Sell: low,365243.0,-1191.0,579.0,-471.0,-467.0,1.0,1,Cash loans,F,N,N,0,76500.0,1098000.0,32103.0,1098000.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.010556,-22093,365243,-6085.0,-3502,,1,0,0,1,1,0,,1.0,3,3,THURSDAY,14,0,0,0,0,0,0,XNA,,0.5489428508918954,0.2276129150623945,0.3371,0.5461,0.9851,0.7959999999999999,0.0945,0.0,0.1379,0.125,0.1667,0.1063,0.2749,0.2678,0.0,0.2376,0.3435,0.5667,0.9851,0.804,0.0954,0.0,0.1379,0.125,0.1667,0.1088,0.3003,0.279,0.0,0.2515,0.3404,0.5461,0.9851,0.7987,0.0951,0.0,0.1379,0.125,0.1667,0.1082,0.2796,0.2726,0.0,0.2426,reg oper account,block of flats,0.2758,"Stone, brick",No,3.0,2.0,3.0,2.0,-2010.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1932982,400579,Cash loans,14778.0,270000.0,270000.0,,270000.0,THURSDAY,13,Y,1,,,,XNA,Refused,-194,Cash through the bank,HC,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,Y,Y,2,121500.0,225000.0,12204.0,225000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.026392000000000002,-11639,-1139,-5025.0,-2272,2.0,1,1,1,1,1,0,Sales staff,4.0,2,2,TUESDAY,11,0,0,0,0,0,0,Self-employed,0.4357563255713423,0.5891336991113352,0.1419915427739129,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,2.0,3.0,2.0,-2339.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1959161,445278,Consumer loans,6605.325,72926.1,72922.5,3.6,72926.1,SUNDAY,13,Y,1,5.376301862744987e-05,,,XAP,Approved,-312,Non-cash from your account,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Regional / Local,250,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-282.0,48.0,-102.0,-95.0,0.0,0,Cash loans,M,Y,Y,0,247500.0,225000.0,26833.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.018801,-9047,-1493,-3549.0,-1730,22.0,1,1,1,1,1,0,Laborers,1.0,2,2,THURSDAY,6,0,0,0,0,0,0,Transport: type 2,,0.08989329694083774,0.1873887653772306,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-669.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,2.0 +1925465,208461,Consumer loans,4843.755,22950.0,24084.0,0.0,22950.0,TUESDAY,9,Y,1,0.0,,,XAP,Approved,-1924,Cash through the bank,XAP,Unaccompanied,Repeater,Auto Accessories,POS,XNA,Stone,2604,Industry,6.0,high,POS other with interest,365243.0,-1893.0,-1743.0,-1803.0,-1800.0,0.0,0,Cash loans,M,Y,Y,1,225000.0,444420.0,22819.5,337500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.030755,-12790,-1075,-6549.0,-3896,11.0,1,1,0,1,0,0,Laborers,3.0,2,2,MONDAY,12,0,0,0,0,1,1,Self-employed,0.4927350423930283,0.5023471645026082,0.2707073872651806,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,7.0 +2417026,449758,Consumer loans,15224.085,130455.0,130455.0,0.0,130455.0,SUNDAY,15,Y,1,0.0,,,XAP,Approved,-2909,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Regional / Local,836,Consumer electronics,12.0,high,POS household with interest,365243.0,-2878.0,-2548.0,-2548.0,-2545.0,0.0,0,Cash loans,F,N,N,0,180000.0,143910.0,14233.5,135000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.032561,-14450,-589,-8582.0,-4117,,1,1,0,1,1,1,,2.0,1,1,MONDAY,18,0,0,0,0,0,0,Business Entity Type 3,0.4816160868078096,0.6452332881831644,0.5046813193144684,0.1928,0.1019,0.9826,,,0.16,0.1379,0.4583,,,,0.1937,,0.0237,0.1964,0.1058,0.9826,,,0.1611,0.1379,0.4583,,,,0.2018,,0.0251,0.1947,0.1019,0.9826,,,0.16,0.1379,0.4583,,,,0.1972,,0.0242,,block of flats,0.1575,Panel,No,0.0,0.0,0.0,0.0,-1738.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1440408,227138,Consumer loans,4221.27,32670.0,31810.5,3285.0,32670.0,MONDAY,16,Y,1,0.1019408082621315,,,XAP,Approved,-2107,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Stone,40,Connectivity,10.0,high,POS mobile with interest,365243.0,-2076.0,-1806.0,-1806.0,-1800.0,0.0,0,Cash loans,F,N,Y,3,180000.0,301095.0,24268.5,279000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00702,-13266,-296,-5729.0,-5184,,1,1,0,1,0,0,Medicine staff,5.0,2,2,MONDAY,10,0,0,0,0,1,1,Medicine,0.3931589435167172,0.3342369349082224,0.6430255641096323,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,3.0,7.0,1.0,-1724.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,2.0 +2517614,221567,Consumer loans,3279.33,15570.0,16339.5,0.0,15570.0,THURSDAY,14,Y,1,0.0,,,XAP,Approved,-2805,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,49,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2774.0,-2624.0,-2624.0,-1696.0,1.0,0,Cash loans,F,Y,Y,0,135000.0,1236816.0,40027.5,1080000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-17866,-4431,-7418.0,-1405,20.0,1,1,0,1,0,0,Security staff,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Kindergarten,,0.3349915930607834,0.6956219298394389,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1720.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1715263,163727,Consumer loans,21356.235,584550.0,528750.0,116910.0,584550.0,TUESDAY,14,Y,1,0.19720227082646927,,,XAP,Approved,-476,Cash through the bank,XAP,Unaccompanied,Repeater,Clothing and Accessories,POS,XNA,Stone,94,Clothing,36.0,low_normal,POS industry with interest,365243.0,-445.0,605.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,225000.0,358132.5,28296.0,316372.5,Unaccompanied,Working,Higher education,Married,House / apartment,0.011656999999999999,-16712,-1505,-5534.0,-242,,1,1,0,1,0,0,Core staff,3.0,1,1,TUESDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.6394610374992108,0.7062051096536562,0.0619,0.0799,0.9816,0.7484,0.0149,0.0,0.1379,0.1667,0.2083,0.0797,,0.0373,,,0.063,0.0829,0.9816,0.7583,0.015,0.0,0.1379,0.1667,0.2083,0.0815,,0.0389,,,0.0625,0.0799,0.9816,0.7518,0.015,0.0,0.1379,0.1667,0.2083,0.0811,,0.038,,,reg oper account,block of flats,0.0724,Panel,No,0.0,0.0,0.0,0.0,-594.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +1436220,378179,Cash loans,29256.615,337500.0,368685.0,,337500.0,SATURDAY,10,Y,1,,,,XNA,Approved,-781,XNA,XAP,Children,Refreshed,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,high,Cash Street: high,365243.0,-751.0,-61.0,-571.0,-562.0,1.0,0,Cash loans,F,N,N,0,112500.0,654498.0,25956.0,585000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-17405,-4075,-10352.0,-952,,1,1,1,1,0,1,Laborers,2.0,2,2,SUNDAY,12,0,0,0,0,1,1,Business Entity Type 2,0.6770929671347543,0.5966075910863908,0.6925590674998008,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-781.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +2736646,127622,Cash loans,38785.5,675000.0,675000.0,,675000.0,TUESDAY,8,Y,1,,,,XNA,Approved,-912,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,36.0,high,Cash X-Sell: high,365243.0,-882.0,168.0,-432.0,-405.0,0.0,0,Cash loans,M,Y,Y,0,76500.0,878733.0,25821.0,733500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020246,-23173,365243,-1877.0,-3486,27.0,1,0,0,1,1,0,,2.0,3,3,THURSDAY,7,0,0,0,0,0,0,XNA,,0.11722875791687798,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1274.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2147250,288638,Cash loans,,0.0,0.0,,,SATURDAY,10,Y,1,,,,XNA,Refused,-300,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,135000.0,225000.0,8082.0,225000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.011703,-20820,-3063,-12832.0,-2298,,1,1,0,1,1,0,Sales staff,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,Self-employed,,0.7678962987194384,0.2366108235287817,0.1856,0.0,0.9826,,,0.2,0.1724,0.3333,,0.1054,,0.1913,,0.0014,0.1891,0.0,0.9826,,,0.2014,0.1724,0.3333,,0.1079,,0.1993,,0.0015,0.1874,0.0,0.9826,,,0.2,0.1724,0.3333,,0.1073,,0.1947,,0.0014,,block of flats,0.1763,Panel,No,0.0,0.0,0.0,0.0,-1511.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2552203,135776,Consumer loans,15183.63,142200.0,154399.5,0.0,142200.0,MONDAY,11,Y,1,0.0,,,XAP,Approved,-838,Cash through the bank,XAP,Family,New,Clothing and Accessories,POS,XNA,Stone,231,Clothing,12.0,middle,POS industry with interest,365243.0,-807.0,-477.0,-477.0,-475.0,0.0,0,Cash loans,F,N,Y,0,112500.0,592560.0,35937.0,450000.0,Unaccompanied,State servant,Higher education,Single / not married,House / apartment,0.008068,-8834,-419,-1870.0,-1436,,1,1,0,1,0,0,Core staff,1.0,3,3,SATURDAY,10,0,0,0,1,1,0,Government,0.34829701546949965,0.2105080150573319,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-838.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1339169,444498,Cash loans,49186.8,832500.0,880852.5,,832500.0,FRIDAY,11,Y,1,,,,XNA,Approved,-493,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-463.0,227.0,-223.0,-218.0,1.0,0,Cash loans,M,Y,Y,0,112500.0,970380.0,28372.5,810000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-20599,-4998,-5991.0,-2901,14.0,1,1,0,1,1,0,Laborers,2.0,2,2,MONDAY,11,0,0,0,0,0,0,Self-employed,,0.6469933004159818,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,0.0,9.0,0.0,-2491.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1025912,225423,Consumer loans,14570.55,68359.5,54684.0,13675.5,68359.5,SUNDAY,14,Y,1,0.21787553635226606,,,XAP,Approved,-1074,Cash through the bank,XAP,Family,Refreshed,Mobile,POS,XNA,Country-wide,30,Connectivity,4.0,middle,POS mobile without interest,365243.0,-1042.0,-952.0,-952.0,-947.0,0.0,0,Revolving loans,M,Y,Y,0,675000.0,1350000.0,67500.0,1350000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-18888,-3773,-11495.0,-2164,4.0,1,1,0,1,1,0,,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.8447352484312484,0.5609430021190459,0.6512602186973006,0.4639,0.3658,0.9826,,,0.52,0.4483,0.3333,,,,0.4931,,0.0,0.4727,0.3796,0.9826,,,0.5236,0.4483,0.3333,,,,0.5137,,0.0,0.4684,0.3658,0.9826,,,0.52,0.4483,0.3333,,,,0.502,,0.0,,block of flats,0.4699,Block,No,0.0,0.0,0.0,0.0,-1074.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1617638,386211,Consumer loans,13980.915,197748.0,200875.5,19777.5,197748.0,FRIDAY,9,Y,1,0.0976170523606996,,,XAP,Approved,-341,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,2600,Consumer electronics,18.0,low_normal,POS household with interest,365243.0,-311.0,199.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,45000.0,454500.0,21996.0,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-23053,365243,-11215.0,-4023,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,XNA,,0.6020791524578465,0.3740208032583212,0.0804,0.0907,0.9841,0.7824,0.0162,0.0,0.1724,0.1667,0.2083,0.1079,0.0656,0.0853,,0.0,0.0819,0.0942,0.9841,0.7909,0.0164,0.0,0.1724,0.1667,0.2083,0.1103,0.0716,0.0889,,0.0,0.0812,0.0907,0.9841,0.7853,0.0163,0.0,0.1724,0.1667,0.2083,0.1097,0.0667,0.0869,,0.0,reg oper account,block of flats,0.0671,Panel,No,0.0,0.0,0.0,0.0,-496.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1897431,378561,Revolving loans,2250.0,45000.0,45000.0,,45000.0,FRIDAY,14,Y,1,,,,XAP,Approved,-369,XNA,XAP,Family,New,XNA,Cards,walk-in,Country-wide,1500,Consumer electronics,0.0,XNA,Card Street,-343.0,-320.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,N,1,225000.0,539100.0,25933.5,450000.0,Unaccompanied,State servant,Higher education,Married,Municipal apartment,0.04622,-11657,-5019,-1842.0,-2115,12.0,1,1,0,1,0,0,Medicine staff,3.0,1,1,WEDNESDAY,16,0,1,1,0,0,0,Medicine,0.6681316800668372,0.6854779234048741,0.5424451438613613,0.1649,0.0894,0.9791,0.7144,0.0229,0.2,0.1724,0.3333,0.375,0.1986,,0.1385,,0.0702,0.1681,0.0928,0.9791,0.7256,0.0231,0.2014,0.1724,0.3333,0.375,0.2032,,0.1443,,0.0744,0.1665,0.0894,0.9791,0.7182,0.023,0.2,0.1724,0.3333,0.375,0.2021,,0.1409,,0.0717,reg oper account,block of flats,0.124,"Stone, brick",No,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2048742,259351,Cash loans,29903.355,765000.0,883147.5,,765000.0,MONDAY,11,Y,1,,,,XNA,Approved,-413,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,54.0,low_normal,Cash X-Sell: low,365243.0,-383.0,1207.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,0,202500.0,1241437.5,36427.5,972000.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.019688999999999998,-13188,-3950,-1654.0,-948,64.0,1,1,0,1,1,0,Core staff,1.0,2,2,MONDAY,11,0,0,0,0,0,0,Government,,0.2746462552988685,0.4525335592581747,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1711260,295142,Consumer loans,5219.46,52200.0,46980.0,5220.0,52200.0,SUNDAY,10,Y,1,0.1089090909090909,,,XAP,Approved,-2798,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Stone,50,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2763.0,-2493.0,-2493.0,-2490.0,0.0,0,Cash loans,F,N,Y,0,90000.0,286704.0,12276.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-17882,-5037,-10577.0,-1431,,1,1,1,1,1,0,Laborers,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Industry: type 3,,0.6553625909088288,0.4471785780453068,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-220.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,3.0 +2039067,170069,Consumer loans,34046.91,369000.0,332100.0,36900.0,369000.0,FRIDAY,16,Y,1,0.1089090909090909,,,XAP,Approved,-665,Cash through the bank,XAP,Unaccompanied,New,Clothing and Accessories,POS,XNA,Stone,50,Clothing,12.0,middle,POS industry with interest,365243.0,-634.0,-304.0,-484.0,-481.0,0.0,0,Cash loans,F,N,Y,0,180000.0,1078200.0,31653.0,900000.0,Unaccompanied,Pensioner,Incomplete higher,Single / not married,House / apartment,0.04622,-19349,365243,-59.0,-2715,,1,0,0,1,0,0,,1.0,1,1,FRIDAY,12,0,0,0,0,0,0,XNA,,0.7649170931689228,0.5531646987710016,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-665.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2276192,274007,Cash loans,38556.405,659422.215,659422.215,,659422.215,FRIDAY,19,Y,1,,,,XNA,Refused,-1319,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,540000.0,1066320.0,38299.5,900000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.04622,-13951,-4228,-7916.0,-4666,,1,1,1,1,0,1,,2.0,1,1,MONDAY,14,1,1,0,1,1,0,Government,0.6427026803694829,0.7003699513891332,0.3185955240537633,0.0619,0.2792,0.9811,0.7416,0.0878,0.0,0.1379,0.1667,0.0417,0.0442,0.0504,0.0346,0.0,0.0656,0.063,0.2897,0.9811,0.7517,0.0886,0.0,0.1379,0.1667,0.0417,0.0452,0.0551,0.0361,0.0,0.0694,0.0625,0.2792,0.9811,0.7451,0.0884,0.0,0.1379,0.1667,0.0417,0.0449,0.0513,0.0352,0.0,0.067,reg oper spec account,block of flats,0.048,Panel,No,0.0,0.0,0.0,0.0,-1830.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +1797982,365259,Cash loans,11551.32,225000.0,269550.0,,225000.0,MONDAY,13,Y,1,,,,XNA,Approved,-1176,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-1146.0,-96.0,-636.0,-631.0,1.0,0,Revolving loans,F,N,Y,0,202500.0,585000.0,29250.0,585000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.00702,-23591,365243,-8930.0,-4419,,1,0,0,1,0,0,,2.0,2,2,MONDAY,9,0,0,0,0,0,0,XNA,0.7045701021590317,0.5953228074824473,0.5406544504453575,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2234.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1050399,253261,Cash loans,19236.465,315000.0,364896.0,,315000.0,THURSDAY,10,Y,1,,,,XNA,Approved,-148,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-118.0,932.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,90000.0,679500.0,19998.0,679500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-23617,365243,-12616.0,-4661,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,XNA,,0.5735142765663288,0.6446794549585961,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2760525,428753,Cash loans,39406.77,450000.0,546178.5,,450000.0,THURSDAY,14,Y,1,,,,XNA,Approved,-662,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-632.0,-122.0,-122.0,-120.0,1.0,0,Cash loans,M,N,Y,1,450000.0,777024.0,41526.0,720000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-15216,-3866,-2967.0,-4955,,1,1,0,1,0,0,,3.0,2,2,MONDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.2487296976618488,0.7850520263728172,0.1103,0.0343,0.9876,0.83,0.0208,0.12,0.1034,0.3333,0.0417,0.0552,0.0899,0.1162,0.0,0.0,0.1124,0.0356,0.9876,0.8367,0.021,0.1208,0.1034,0.3333,0.0417,0.0564,0.0983,0.1211,0.0,0.0,0.1114,0.0343,0.9876,0.8323,0.0209,0.12,0.1034,0.3333,0.0417,0.0561,0.0915,0.1183,0.0,0.0,reg oper account,block of flats,0.0914,Panel,No,4.0,0.0,4.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2036368,320850,Revolving loans,11250.0,225000.0,225000.0,,225000.0,THURSDAY,12,Y,1,,,,XAP,Refused,-838,XNA,HC,,Refreshed,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,180000.0,757597.5,42300.0,702000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.00702,-20937,-630,-6975.0,-3044,,1,1,0,1,1,0,Medicine staff,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Medicine,,0.4942017672417048,0.4014074137749511,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,0.0,-838.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2703698,432890,Cash loans,16395.3,360000.0,360000.0,,360000.0,THURSDAY,12,Y,1,,,,XNA,Approved,-1310,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,72,Connectivity,36.0,middle,Cash X-Sell: middle,365243.0,-1280.0,-230.0,-410.0,-404.0,0.0,0,Cash loans,M,Y,Y,0,112500.0,495000.0,14602.5,495000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-22498,-5939,-9199.0,-4283,20.0,1,1,0,1,1,0,Laborers,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,Housing,,0.5041402288687473,0.326475210066026,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1319593,434717,Consumer loans,4087.35,44352.0,38853.0,9000.0,44352.0,THURSDAY,17,Y,1,0.20483184297365228,,,XAP,Approved,-2248,Cash through the bank,XAP,Unaccompanied,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,360,Consumer electronics,12.0,middle,POS household with interest,365243.0,-2217.0,-1887.0,-2067.0,-2056.0,1.0,1,Cash loans,M,N,Y,0,315000.0,733315.5,39199.5,679500.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.009175,-17154,-4006,-6090.0,-681,,1,1,0,1,0,0,Drivers,2.0,2,2,FRIDAY,14,0,0,0,0,1,1,Business Entity Type 3,,0.7711309151228148,0.19747451156854226,0.033,0.0,0.9752,,,0.0,0.069,0.125,,0.023,,0.0252,,0.0031,0.0336,0.0,0.9752,,,0.0,0.069,0.125,,0.0235,,0.0262,,0.0033,0.0333,0.0,0.9752,,,0.0,0.069,0.125,,0.0234,,0.0256,,0.0032,,block of flats,0.0205,"Stone, brick",No,9.0,0.0,9.0,0.0,-1530.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1151532,145237,Consumer loans,5785.785,46651.5,48267.0,4666.5,46651.5,SATURDAY,8,Y,1,0.09601183989860344,,,XAP,Approved,-318,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,30,Connectivity,12.0,high,POS mobile with interest,365243.0,-288.0,42.0,365243.0,365243.0,1.0,1,Cash loans,M,Y,N,3,202500.0,886500.0,37687.5,886500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-15935,-3158,-995.0,-3098,12.0,1,1,0,1,0,0,Laborers,5.0,2,2,TUESDAY,11,0,1,1,0,1,1,Business Entity Type 3,,0.6363749246726291,0.3825018041447388,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-676.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1288572,306831,Cash loans,26978.4,270000.0,270000.0,,270000.0,FRIDAY,14,Y,1,,,,XNA,Approved,-782,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-752.0,-422.0,-482.0,-479.0,0.0,0,Cash loans,F,N,N,0,225000.0,688500.0,46327.5,688500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-20928,-2271,-7938.0,-4464,,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,6,0,0,0,0,0,0,Business Entity Type 2,0.6945139173952388,0.3721102589242765,0.646329897706246,0.0144,0.0,0.9737,,0.0019,0.0,0.069,0.0417,,0.0189,0.0118,0.0146,0.0,0.0,0.0147,0.0,0.9737,,0.002,0.0,0.069,0.0417,,0.0194,0.0129,0.0152,0.0,0.0,0.0146,0.0,0.9737,,0.002,0.0,0.069,0.0417,,0.0193,0.012,0.0148,0.0,0.0,reg oper account,block of flats,0.0114,"Stone, brick",No,1.0,0.0,1.0,0.0,-1440.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2641229,183192,Consumer loans,1725.12,16425.0,14782.5,1642.5,16425.0,FRIDAY,17,Y,1,0.1089090909090909,,,XAP,Approved,-2314,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Stone,8,Connectivity,12.0,high,POS mobile with interest,365243.0,-2273.0,-1943.0,-1943.0,-1941.0,0.0,1,Cash loans,F,N,Y,0,78750.0,675000.0,20538.0,675000.0,Unaccompanied,Pensioner,Higher education,Civil marriage,House / apartment,0.018634,-22443,365243,-4276.0,-4288,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,XNA,0.7623308165660788,0.6076191698066932,0.3441550073724169,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1477.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2532581,183014,Cash loans,34122.6,1129500.0,1293502.5,,1129500.0,FRIDAY,12,Y,1,,,,XNA,Approved,-421,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_action,Cash X-Sell: low,365243.0,-391.0,1379.0,365243.0,365243.0,1.0,1,Cash loans,F,N,Y,2,157500.0,1144737.0,48631.5,1053000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.031329,-16754,-2632,-5064.0,-313,,1,1,0,1,0,0,Medicine staff,4.0,2,2,SATURDAY,9,0,0,0,0,0,0,Other,,0.43944851566787546,0.18411615593071512,0.0722,,0.9791,,,0.0,0.1379,0.1667,,,,,,,0.0735,,0.9791,,,0.0,0.1379,0.1667,,,,,,,0.0729,,0.9791,,,0.0,0.1379,0.1667,,,,,,,,block of flats,0.049,"Stone, brick",No,0.0,0.0,0.0,0.0,-903.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1857174,354573,Revolving loans,9000.0,180000.0,180000.0,,180000.0,THURSDAY,13,Y,1,,,,XAP,Approved,-162,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),2,XNA,0.0,XNA,Card X-Sell,-162.0,-116.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,2,135000.0,341280.0,9130.5,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.0228,-13327,-828,-204.0,-2242,6.0,1,1,0,1,0,0,Drivers,4.0,2,2,FRIDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.2700139145492571,0.248535557339522,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-609.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1339906,143774,Consumer loans,8087.76,78660.0,70794.0,7866.0,78660.0,FRIDAY,10,Y,1,0.1089090909090909,,,XAP,Refused,-1489,Cash through the bank,LIMIT,Unaccompanied,Repeater,Photo / Cinema Equipment,POS,XNA,Stone,223,Consumer electronics,10.0,low_normal,POS household without interest,,,,,,,0,Cash loans,F,N,Y,0,225000.0,814041.0,23458.5,679500.0,Unaccompanied,Working,Incomplete higher,Widow,House / apartment,0.030755,-21478,-6546,-4326.0,-4327,,1,1,1,1,1,0,Accountants,1.0,2,2,WEDNESDAY,13,0,0,0,0,1,1,Agriculture,0.8456639455028522,0.6742416352591094,0.6577838002083306,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1492.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1262023,275697,Cash loans,9387.45,103500.0,117162.0,,103500.0,MONDAY,13,Y,1,,,,Urgent needs,Approved,-520,Cash through the bank,XAP,,Refreshed,XNA,Cash,walk-in,AP+ (Cash loan),4,XNA,24.0,high,Cash Street: high,365243.0,-490.0,200.0,-430.0,-423.0,1.0,0,Cash loans,F,N,Y,0,67500.0,76410.0,7956.0,67500.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.019101,-19281,-1229,-9511.0,-2792,,1,1,1,1,1,0,Managers,1.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Bank,0.4765026198736171,0.4451716075454437,0.7862666146611379,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-3229.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1490896,371808,Consumer loans,4860.9,94392.0,105003.0,0.0,94392.0,FRIDAY,17,Y,1,0.0,,,XAP,Approved,-830,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,3000,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-799.0,-109.0,-139.0,-128.0,0.0,0,Revolving loans,F,Y,N,0,225000.0,585000.0,29250.0,585000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010556,-14685,-432,-1981.0,-1999,0.0,1,1,0,1,0,0,Managers,2.0,3,3,TUESDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.7594715036799415,0.1543424711566923,,0.0928,0.1008,0.9791,0.7144,0.0437,0.0,0.2069,0.1667,0.2083,0.0782,0.0756,0.0906,0.0,0.0,0.0945,0.1046,0.9791,0.7256,0.0441,0.0,0.2069,0.1667,0.2083,0.08,0.0826,0.0944,0.0,0.0,0.0937,0.1008,0.9791,0.7182,0.044,0.0,0.2069,0.1667,0.2083,0.0796,0.077,0.0922,0.0,0.0,reg oper account,block of flats,0.0952,Panel,No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2224930,438470,Cash loans,25241.22,414000.0,479578.5,,414000.0,THURSDAY,16,Y,1,,,,XNA,Approved,-131,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,N,Y,0,157500.0,450000.0,22018.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-14950,-573,-7490.0,-4940,,1,1,1,1,1,0,Sales staff,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Trade: type 7,0.3740623205977328,0.6994375660693156,0.2103502286944494,0.0773,0.0218,0.9771,0.6872,0.0082,0.0,0.1379,0.1667,0.2083,0.06,0.0597,0.0647,0.0154,0.0206,0.0788,0.0226,0.9772,0.6994,0.0083,0.0,0.1379,0.1667,0.2083,0.0614,0.0652,0.0674,0.0156,0.0219,0.0781,0.0218,0.9771,0.6914,0.0083,0.0,0.1379,0.1667,0.2083,0.0611,0.0607,0.0658,0.0155,0.0211,reg oper account,block of flats,0.0605,Block,No,0.0,0.0,0.0,0.0,-360.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1405814,418455,Revolving loans,3375.0,67500.0,67500.0,,67500.0,THURSDAY,11,Y,1,,,,XAP,Approved,-72,XNA,XAP,Unaccompanied,Refreshed,XNA,Cards,x-sell,AP+ (Cash loan),4,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,90000.0,808650.0,23305.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018634,-22857,365243,-4958.0,-4962,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,9,0,0,0,0,0,0,XNA,,0.39197262148076095,0.3876253444214701,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-72.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2793558,453077,Cash loans,41585.625,900000.0,978408.0,,900000.0,MONDAY,10,Y,1,,,,XNA,Approved,-973,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-943.0,107.0,-343.0,-337.0,1.0,0,Cash loans,F,N,Y,0,247500.0,1288350.0,37800.0,1125000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.00496,-22715,365243,-7776.0,-4217,,1,0,0,1,0,0,,1.0,2,2,MONDAY,9,0,0,0,0,0,0,XNA,,0.5857684303223171,0.4561097392782771,0.2005,,0.9861,0.8504,,0.36,0.1897,0.2917,0.0417,0.2567,0.2967,0.0386,0.0,0.0591,0.0378,,0.9836,0.8563,,0.3625,0.069,0.2083,0.0417,0.2626,0.3242,0.0377,0.0,0.0625,0.2025,,0.9861,0.8524,,0.36,0.1897,0.2917,0.0417,0.2612,0.3018,0.0393,0.0,0.0603,,block of flats,0.0322,Panel,No,0.0,0.0,0.0,0.0,-340.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1462486,342429,Consumer loans,1891.215,24210.0,13860.0,10350.0,24210.0,SATURDAY,13,Y,1,0.4655964852990874,,,XAP,Approved,-275,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,16,Connectivity,10.0,high,POS mobile with interest,365243.0,-242.0,28.0,-212.0,-204.0,0.0,0,Cash loans,M,N,Y,0,54000.0,499261.5,23404.5,351000.0,Children,Pensioner,Higher education,Married,House / apartment,0.008625,-21722,365243,-363.0,-4275,,1,0,0,1,0,0,,2.0,2,2,MONDAY,11,0,0,0,0,0,0,XNA,,0.08800958819086696,0.7726311345553628,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1703.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1223106,300336,Revolving loans,5625.0,0.0,112500.0,,,SATURDAY,10,Y,1,,,,XAP,Approved,-1287,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-1284.0,-1253.0,365243.0,-887.0,365243.0,0.0,1,Cash loans,F,Y,Y,2,130500.0,506889.0,24781.5,418500.0,Group of people,Working,Secondary / secondary special,Married,House / apartment,0.025164,-12731,-950,-623.0,-3139,64.0,1,1,0,1,0,0,Realty agents,4.0,2,2,FRIDAY,7,0,0,0,0,0,0,Business Entity Type 3,0.3806022486167356,0.6058921212484388,0.17146836689679945,0.0412,0.056,0.995,0.932,0.0109,0.0,0.069,0.1667,0.2083,0.0686,0.0328,0.0432,0.0039,0.0309,0.042,0.0581,0.995,0.9347,0.011,0.0,0.069,0.1667,0.2083,0.0701,0.0358,0.045,0.0039,0.0327,0.0416,0.056,0.995,0.9329,0.011,0.0,0.069,0.1667,0.2083,0.0698,0.0333,0.0439,0.0039,0.0315,org spec account,block of flats,0.0466,Panel,No,7.0,0.0,7.0,0.0,-170.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2071057,337497,Consumer loans,7193.7,89995.5,101893.5,0.0,89995.5,FRIDAY,15,Y,1,0.0,,,XAP,Approved,-945,Cash through the bank,XAP,Family,Refreshed,Computers,POS,XNA,Stone,102,Consumer electronics,18.0,middle,POS household with interest,365243.0,-914.0,-404.0,-764.0,-761.0,0.0,0,Cash loans,F,Y,Y,1,139500.0,94500.0,7596.0,94500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.014519999999999996,-11939,-3593,-1178.0,-2964,17.0,1,1,0,1,0,1,,3.0,2,2,FRIDAY,14,0,0,0,0,0,0,Security Ministries,0.4875107682527346,0.6923620701196702,0.5064842396679806,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2236.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2278099,188370,Consumer loans,7551.99,76522.5,84604.5,0.0,76522.5,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-433,Cash through the bank,XAP,,New,Computers,POS,XNA,Country-wide,85,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-402.0,-72.0,-102.0,-96.0,0.0,0,Cash loans,F,N,Y,0,270000.0,450000.0,22018.5,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.007273999999999998,-9757,-272,-1932.0,-85,,1,1,0,1,1,0,Accountants,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Culture,0.4329091562528548,0.7511709485955667,,0.0577,0.0628,0.9821,0.7552,,0.0,0.1379,0.1667,,,,0.0552,,,0.0588,0.0652,0.9821,0.7648,,0.0,0.1379,0.1667,,,,0.0575,,,0.0583,0.0628,0.9821,0.7585,,0.0,0.1379,0.1667,,,,0.0562,,,reg oper spec account,block of flats,0.0436,"Stone, brick",No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2343645,150006,Consumer loans,4666.905,35365.5,29425.5,5940.0,35365.5,SATURDAY,10,Y,1,0.18292403613691305,,,XAP,Approved,-2715,XNA,XAP,Group of people,New,Mobile,POS,XNA,Country-wide,74,Connectivity,8.0,low_normal,POS mobile with interest,365243.0,-2684.0,-2474.0,-2474.0,-348.0,0.0,0,Cash loans,F,N,Y,0,225000.0,1312110.0,55723.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006629,-17393,-1608,-5022.0,-914,,1,1,0,1,0,0,Sales staff,2.0,2,2,FRIDAY,5,0,0,0,0,0,0,Business Entity Type 3,0.6467884483579454,0.6634706293837215,0.5567274263630174,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2715.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1485853,303453,Consumer loans,21608.01,212121.0,234522.0,0.0,212121.0,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-135,Cash through the bank,XAP,Unaccompanied,Repeater,Jewelry,POS,XNA,Country-wide,50,Jewelry,12.0,low_action,POS others without interest,365243.0,-105.0,225.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,148500.0,760225.5,32206.5,679500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-21833,365243,-1865.0,-4449,,1,0,0,1,0,0,,2.0,2,2,MONDAY,11,0,0,0,0,0,0,XNA,,0.6835038851999318,0.6430255641096323,0.0722,0.0698,0.9836,0.7756,0.0129,0.0,0.2069,0.1667,0.2083,0.0264,0.0588,0.0729,0.0,0.0,0.0735,0.0725,0.9836,0.7844,0.0131,0.0,0.2069,0.1667,0.2083,0.027000000000000003,0.0643,0.0759,0.0,0.0,0.0729,0.0698,0.9836,0.7786,0.013,0.0,0.2069,0.1667,0.2083,0.0269,0.0599,0.0742,0.0,0.0,reg oper account,block of flats,0.0693,"Stone, brick",No,2.0,0.0,2.0,0.0,-3098.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2413635,241166,Consumer loans,6065.91,31945.5,29749.5,3600.0,31945.5,THURSDAY,10,Y,1,0.11756479925417986,,,XAP,Approved,-1245,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,25,Connectivity,6.0,high,POS mobile with interest,365243.0,-1206.0,-1056.0,-1086.0,-1081.0,0.0,0,Cash loans,F,N,Y,0,216000.0,540000.0,25978.5,540000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.026392000000000002,-16103,-5563,-8643.0,-4593,,1,1,1,1,1,0,Laborers,1.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Industry: type 2,,0.6345868006863699,0.21275630545434146,0.2722,0.3008,0.9866,,,0.0,0.5862,0.1667,,,,,,,0.2773,0.3122,0.9866,,,0.0,0.5862,0.1667,,,,,,,0.2748,0.3008,0.9866,,,0.0,0.5862,0.1667,,,,,,,,block of flats,0.2103,Panel,No,0.0,0.0,0.0,0.0,-1245.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2528043,302169,Consumer loans,19806.75,159741.0,162045.0,15975.0,159741.0,SATURDAY,17,Y,1,0.09773186873793546,,,XAP,Approved,-704,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,600,Consumer electronics,10.0,middle,POS household with interest,365243.0,-673.0,-403.0,-613.0,-605.0,0.0,0,Revolving loans,M,Y,Y,0,315000.0,585000.0,29250.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-18567,-793,-2745.0,-2121,6.0,1,1,0,1,0,0,Managers,2.0,1,1,WEDNESDAY,12,0,1,1,0,1,1,Business Entity Type 3,,0.5810968697854202,0.41885428862332175,0.1103,0.0526,0.995,0.932,0.0312,0.16,0.069,0.5417,0.5833,0.013,0.0874,0.1371,0.0116,0.0387,0.1124,0.0546,0.995,0.9347,0.0315,0.1611,0.069,0.5417,0.5833,0.0133,0.0955,0.1428,0.0117,0.041,0.1114,0.0526,0.995,0.9329,0.0314,0.16,0.069,0.5417,0.5833,0.0133,0.0889,0.1396,0.0116,0.0395,,block of flats,0.1333,Panel,No,3.0,2.0,3.0,0.0,-723.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2681460,332344,Consumer loans,8680.59,97470.0,97470.0,0.0,97470.0,WEDNESDAY,18,Y,1,0.0,,,XAP,Approved,-848,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,2000,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-817.0,-487.0,-487.0,-480.0,0.0,0,Cash loans,M,Y,N,1,135000.0,1288350.0,34114.5,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.007273999999999998,-13293,-2340,-7113.0,-4131,6.0,1,1,0,1,0,0,,2.0,2,2,TUESDAY,16,0,0,0,0,0,0,Other,0.5886874157840335,0.6469483494970222,,0.1031,0.1273,0.9791,0.7144,0.0123,0.0,0.2069,0.1667,0.2083,0.0,0.0841,0.059,0.0,0.0,0.105,0.1321,0.9791,0.7256,0.0107,0.0,0.2069,0.1667,0.2083,0.0,0.0918,0.0614,0.0,0.0,0.1041,0.1273,0.9791,0.7182,0.0123,0.0,0.2069,0.1667,0.2083,0.0,0.0855,0.06,0.0,0.0,reg oper account,block of flats,0.0761,"Stone, brick",No,0.0,0.0,0.0,0.0,-848.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1591475,381710,Consumer loans,4710.645,53955.0,43164.0,10791.0,53955.0,THURSDAY,18,Y,1,0.2178181818181818,,,XAP,Approved,-115,Cash through the bank,XAP,Unaccompanied,Refreshed,Computers,POS,XNA,Country-wide,50,Consumer electronics,12.0,middle,POS household with interest,365243.0,-84.0,246.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,1,112500.0,1089000.0,31972.5,1089000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-15963,-345,-5785.0,-4496,2.0,1,1,0,1,1,0,Cleaning staff,3.0,2,2,SUNDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.4295248652926229,0.5226973172821112,0.2763,,0.9821,,,0.2,0.1724,0.375,,,,0.2454,,0.1391,0.2815,,0.9821,,,0.2014,0.1724,0.375,,,,0.2556,,0.1473,0.279,,0.9821,,,0.2,0.1724,0.375,,,,0.2498,,0.142,,block of flats,0.2232,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,6.0,0.0,0.0 +1574981,129540,Consumer loans,6234.39,57600.0,56115.0,5760.0,57600.0,THURSDAY,10,Y,1,0.10138446280991732,,,XAP,Approved,-1286,Cash through the bank,XAP,,New,Homewares,POS,XNA,Stone,25,Construction,10.0,low_normal,POS industry with interest,365243.0,-1242.0,-972.0,-1062.0,-1058.0,0.0,0,Cash loans,F,N,N,0,112500.0,900297.0,26320.5,751500.0,Unaccompanied,Pensioner,Incomplete higher,Married,House / apartment,0.02461,-21190,365243,-9622.0,-4508,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,,0.6577442295373751,0.6832688314232291,0.1588,0.0747,0.9871,0.83,0.0,0.16,0.1379,,0.375,0.0,0.1202,0.1532,0.0039,0.0047,0.1513,0.0775,0.9871,0.8367,0.0,0.1611,0.1379,,0.375,0.0,0.1313,0.1518,0.0039,0.005,0.1603,0.0747,0.9871,0.8323,0.0,0.16,0.1379,,0.375,0.0,0.1223,0.156,0.0039,0.0048,,,0.1897,Panel,No,1.0,1.0,1.0,1.0,-1286.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +2015771,211534,Cash loans,16177.095,270000.0,313839.0,,270000.0,THURSDAY,16,Y,1,,,,XNA,Approved,-1113,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-1083.0,-33.0,-723.0,-718.0,1.0,0,Cash loans,F,N,Y,0,112500.0,285723.0,21492.0,238500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.025164,-23564,365243,-10996.0,-1955,,1,0,0,1,1,0,,1.0,2,2,THURSDAY,8,0,0,0,0,0,0,XNA,,0.25475995714691185,0.722392890081304,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1385.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2121615,272063,Cash loans,33642.585,454500.0,481495.5,,454500.0,THURSDAY,10,Y,1,,,,XNA,Refused,-1090,Cash through the bank,LIMIT,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,112500.0,266832.0,20776.5,238500.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.025164,-11505,-1406,-10625.0,-1335,,1,1,1,1,1,0,Core staff,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Self-employed,0.4963543756794155,0.6093487352815194,0.4170996682522097,0.1237,0.1733,0.9856,0.8028,0.0211,0.0,0.3448,0.1667,0.2083,0.107,0.1009,0.1344,0.0,0.0,0.1261,0.1798,0.9856,0.8105,0.0213,0.0,0.3448,0.1667,0.2083,0.1094,0.1102,0.14,0.0,0.0,0.1249,0.1733,0.9856,0.8054,0.0212,0.0,0.3448,0.1667,0.2083,0.1088,0.1026,0.1368,0.0,0.0,reg oper account,block of flats,0.1172,"Stone, brick",No,0.0,0.0,0.0,0.0,-1235.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1886761,443343,Consumer loans,17627.4,450000.0,315000.0,135000.0,450000.0,MONDAY,5,Y,1,0.3267272727272727,,,XAP,Approved,-589,Cash through the bank,XAP,,New,Construction Materials,POS,XNA,Stone,25,Construction,24.0,middle,POS industry with interest,365243.0,-554.0,136.0,-314.0,-310.0,0.0,0,Revolving loans,F,N,Y,0,225000.0,315000.0,15750.0,315000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.002506,-22017,365243,-7718.0,-3568,,1,0,0,1,1,0,,1.0,2,2,TUESDAY,8,0,0,0,0,0,0,XNA,,0.726605245039772,0.6690566947824041,0.0495,,0.9757,0.6668,0.0,0.0,0.1034,0.125,0.0417,0.0241,0.0403,0.037000000000000005,0.0,0.0424,0.0504,,0.9757,0.6798,0.0,0.0,0.1034,0.125,0.0417,0.0247,0.0441,0.0386,0.0,0.0449,0.05,,0.9757,0.6713,0.0,0.0,0.1034,0.125,0.0417,0.0245,0.041,0.0377,0.0,0.0433,reg oper account,block of flats,0.0383,Block,No,0.0,0.0,0.0,0.0,-589.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2746030,181396,Consumer loans,8077.545,123133.5,123133.5,0.0,123133.5,TUESDAY,11,Y,1,0.0,,,XAP,Approved,-821,Cash through the bank,XAP,Unaccompanied,New,Homewares,POS,XNA,Country-wide,106,Construction,18.0,low_normal,POS other with interest,365243.0,-790.0,-280.0,-280.0,-277.0,0.0,0,Cash loans,F,Y,N,0,225000.0,808650.0,23305.5,675000.0,Unaccompanied,Pensioner,Incomplete higher,Widow,Municipal apartment,0.005084,-23500,365243,-11349.0,-3706,4.0,1,0,0,1,0,0,,1.0,2,2,THURSDAY,16,0,0,0,0,0,0,XNA,,0.5851527969119763,0.4956658291397297,0.0928,,0.9801,,,,0.2069,0.1667,,,,0.0587,,0.0,0.0945,,0.9801,,,,0.2069,0.1667,,,,0.0612,,0.0,0.0937,,0.9801,,,,0.2069,0.1667,,,,0.0598,,0.0,,,0.0673,Panel,No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1237578,293503,Consumer loans,14608.98,76378.5,80410.5,0.0,76378.5,MONDAY,13,Y,1,0.0,,,XAP,Approved,-570,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,956,Consumer electronics,6.0,middle,POS household with interest,365243.0,-538.0,-388.0,-388.0,-382.0,0.0,0,Cash loans,F,Y,Y,0,135000.0,646920.0,19044.0,540000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.007114,-20848,365243,-2827.0,-3358,4.0,1,0,0,1,1,0,,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,XNA,0.7844591455064381,0.4534118568804656,0.5406544504453575,0.1031,,0.9811,0.7416,,0.0,0.2069,0.1667,0.0417,,,0.0881,,,0.105,,0.9811,0.7517,,0.0,0.2069,0.1667,0.0417,,,0.0917,,,0.1041,,0.9811,0.7451,,0.0,0.2069,0.1667,0.0417,,,0.0897,,,reg oper account,block of flats,0.0904,"Stone, brick",No,2.0,0.0,2.0,0.0,-568.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2154493,315052,Consumer loans,9471.015,134550.0,72949.5,67500.0,134550.0,SUNDAY,14,Y,1,0.5234168606056723,,,XAP,Approved,-592,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,200,Connectivity,10.0,high,POS mobile with interest,365243.0,-552.0,-282.0,-282.0,-276.0,0.0,0,Cash loans,F,N,Y,1,58500.0,835380.0,35523.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,Office apartment,0.006852,-19305,-924,-1885.0,-1900,,1,1,0,1,0,0,Sales staff,3.0,3,3,THURSDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.2580243822098342,0.6722428897082422,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-592.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2513800,307688,Revolving loans,38250.0,0.0,765000.0,,,WEDNESDAY,15,Y,1,,,,XAP,Approved,-845,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,-301.0,0.0,0,Cash loans,M,N,Y,0,180000.0,269982.0,30663.0,238500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-18794,-2635,-3402.0,-2328,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,13,0,0,0,0,0,0,Construction,0.5040512271446567,0.5891919226410672,0.7886807751817684,0.0928,,0.9776,,,0.0,0.2069,0.1667,,0.0721,,0.078,,0.0,0.0945,,0.9777,,,0.0,0.2069,0.1667,,0.0738,,0.0813,,0.0,0.0937,,0.9776,,,0.0,0.2069,0.1667,,0.0734,,0.0794,,0.0,,block of flats,0.0691,Panel,No,5.0,0.0,5.0,0.0,-1133.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1894614,308510,Consumer loans,4625.19,31635.0,23755.5,9000.0,31635.0,SUNDAY,10,Y,1,0.2992419038579225,,,XAP,Approved,-1224,Cash through the bank,XAP,,Refreshed,Computers,POS,XNA,Country-wide,46,Connectivity,6.0,high,POS mobile with interest,365243.0,-1181.0,-1031.0,-1031.0,-1028.0,0.0,0,Cash loans,M,Y,N,0,225000.0,533304.0,22725.0,405000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.020246,-20996,-154,-1352.0,-3063,3.0,1,1,0,1,1,0,Drivers,2.0,3,3,SATURDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.3837852151061743,0.0393733602413172,0.3842068130556564,0.3155,0.3533,0.9791,0.7144,0.0672,0.0,0.7931,0.1667,0.2083,0.2212,0.2522,0.1978,0.0232,0.1566,0.3214,0.3666,0.9791,0.7256,0.0678,0.0,0.7931,0.1667,0.2083,0.2263,0.2755,0.2061,0.0233,0.1657,0.3185,0.3533,0.9791,0.7182,0.0677,0.0,0.7931,0.1667,0.2083,0.2251,0.2565,0.2014,0.0233,0.1598,reg oper account,block of flats,0.2264,Panel,No,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1968974,269441,Consumer loans,17209.035,149467.5,154557.0,7470.0,149467.5,WEDNESDAY,16,Y,1,0.05021082344861715,,,XAP,Approved,-1785,XNA,XAP,Family,Repeater,Photo / Cinema Equipment,POS,XNA,Stone,465,Consumer electronics,12.0,high,POS household with interest,365243.0,-1754.0,-1424.0,-1664.0,-1662.0,0.0,0,Cash loans,M,Y,Y,0,360000.0,1575000.0,49455.0,1575000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.006233,-13862,-2799,-4961.0,-4948,5.0,1,1,0,1,1,0,,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.4249240375898296,0.5908898846193662,0.6706517530862718,0.1124,0.1091,0.9886,,,0.12,0.1034,0.3333,,0.0462,,0.1471,,0.0012,0.1145,0.1132,0.9886,,,0.1208,0.1034,0.3333,,0.0473,,0.1532,,0.0012,0.1135,0.1091,0.9886,,,0.12,0.1034,0.3333,,0.047,,0.1497,,0.0012,,block of flats,0.116,Panel,No,0.0,0.0,0.0,0.0,-1785.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1592769,162374,Consumer loans,9477.045,87556.5,85302.0,8757.0,87556.5,SUNDAY,11,Y,1,0.10139560372648117,,,XAP,Approved,-2478,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,3900,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2447.0,-2177.0,-2177.0,-2170.0,1.0,0,Cash loans,F,N,N,0,180000.0,225000.0,22050.0,225000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.014519999999999996,-24642,365243,-15752.0,-4163,,1,0,0,1,0,0,,2.0,2,2,SUNDAY,9,0,0,0,0,0,0,XNA,,0.6426110067056688,,,,0.9722,0.6192,,,0.1379,0.125,,,,,,,,,0.9722,0.6341,,,0.1379,0.125,,,,,,,,,0.9722,0.6243,,,0.1379,0.125,,,,,,,,block of flats,0.0415,,No,5.0,0.0,5.0,0.0,-2478.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2624755,212760,Revolving loans,7875.0,0.0,157500.0,,0.0,SATURDAY,12,Y,1,,,,XAP,Refused,-1304,XNA,LIMIT,,New,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,Y,N,1,225000.0,513531.0,23926.5,459000.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.01885,-11369,-1507,-3773.0,-3596,2.0,1,1,0,1,0,0,,2.0,2,2,SATURDAY,13,1,1,0,1,1,0,Industry: type 9,0.3912982798908465,0.6651189274615891,0.5136937663039473,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,12.0,2.0,12.0,1.0,-1304.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1356531,186367,Cash loans,10748.835,45000.0,52366.5,,45000.0,SATURDAY,11,Y,1,,,,XNA,Approved,-1165,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,365243.0,-1135.0,-985.0,-985.0,-982.0,1.0,0,Cash loans,M,Y,N,1,180000.0,746280.0,59094.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,Rented apartment,0.01885,-13367,-2301,-4970.0,-971,12.0,1,1,0,1,0,0,Laborers,3.0,2,2,TUESDAY,16,0,0,0,1,1,0,Business Entity Type 3,,0.5554747589393301,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1615.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2448818,112943,Consumer loans,7222.41,71955.0,62262.0,15300.0,71955.0,FRIDAY,16,Y,1,0.2148357560286082,,,XAP,Approved,-2020,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,1650,Consumer electronics,12.0,high,POS household with interest,365243.0,-1983.0,-1653.0,-1893.0,-1885.0,0.0,0,Cash loans,F,N,Y,1,189000.0,900000.0,35824.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.010006000000000001,-13897,-6763,-2909.0,-3263,,1,1,1,1,1,0,Medicine staff,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Other,0.4596214496387668,0.5824164098116011,,0.0495,0.0646,0.9821,0.7552,0.0541,0.0,0.1034,0.1042,0.125,0.0318,0.0399,0.0439,0.0019,0.0034,0.0168,0.0561,0.9786,0.7190000000000001,0.0546,0.0,0.069,0.0417,0.0417,0.0325,0.0147,0.0182,0.0,0.0017,0.05,0.0646,0.9821,0.7585,0.0544,0.0,0.1034,0.1042,0.125,0.0324,0.0406,0.0447,0.0019,0.0035,reg oper account,block of flats,0.0505,Wooden,Yes,0.0,0.0,0.0,0.0,-1547.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2580719,282231,Cash loans,9842.4,90000.0,90000.0,0.0,90000.0,FRIDAY,11,Y,1,0.0,,,XNA,Approved,-2504,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,high,Cash Street: high,365243.0,-2474.0,-2144.0,-2144.0,-2138.0,0.0,0,Cash loans,F,Y,Y,0,157500.0,1185120.0,46251.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007305,-19859,-3898,-11549.0,-3312,0.0,1,1,1,1,1,0,Security staff,2.0,3,3,WEDNESDAY,8,0,0,0,0,0,0,Construction,,0.3376321930902277,0.42765737003502935,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1219.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1684143,265200,Consumer loans,2688.75,22405.5,20155.5,2250.0,22405.5,THURSDAY,11,Y,1,0.10936843835016156,,,XAP,Approved,-2540,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,39,Connectivity,10.0,low_normal,POS mobile with interest,365243.0,-2508.0,-2238.0,-2238.0,-2229.0,0.0,0,Cash loans,M,Y,N,1,117000.0,254700.0,17019.0,225000.0,Children,Working,Secondary / secondary special,Married,House / apartment,0.019101,-15067,-883,-4688.0,-4695,9.0,1,1,0,1,0,0,Security staff,3.0,2,2,SATURDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.6560043856085771,0.31703177858344445,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-3238.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1675792,221875,Consumer loans,3146.715,17991.0,17748.0,1080.0,17991.0,SUNDAY,14,Y,1,0.06247175386754737,,,XAP,Approved,-2630,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,-1,Consumer electronics,6.0,low_normal,POS household without interest,365243.0,-2599.0,-2449.0,-2449.0,-2441.0,1.0,0,Cash loans,M,N,Y,0,171000.0,225000.0,11619.0,225000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.026392000000000002,-11839,-153,-3668.0,-4173,,1,1,0,1,0,1,Cleaning staff,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,Industry: type 9,0.3741947895907414,0.6523782635152829,0.5726825047161584,0.0825,0.078,0.9945,,,0.08,0.069,0.375,,0.0568,,0.1024,,0.0058,0.084,0.0809,0.9945,,,0.0806,0.069,0.375,,0.0581,,0.1067,,0.0061,0.0833,0.078,0.9945,,,0.08,0.069,0.375,,0.0578,,0.1042,,0.0059,,block of flats,0.0818,Panel,No,0.0,0.0,0.0,0.0,-1806.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1349897,213852,Consumer loans,7635.87,49455.0,39564.0,9891.0,49455.0,SUNDAY,15,Y,1,0.2178181818181818,,,XAP,Refused,-1295,Cash through the bank,SCO,Unaccompanied,New,Mobile,POS,XNA,Country-wide,20,Connectivity,6.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,Y,Y,0,225000.0,1305000.0,43857.0,1305000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.026392000000000002,-14376,-2516,-1248.0,-4204,2.0,1,1,0,1,1,0,,2.0,2,2,SUNDAY,16,0,0,0,0,0,0,Other,0.5695794188983211,0.7402499201449885,0.3280631605201915,,,,,,,,,,,,0.0,,0.2025,,,,,,,,,,,,0.0,,0.2144,,,,,,,,,,,,0.0,,0.2068,,block of flats,0.0848,,No,2.0,0.0,2.0,0.0,-1295.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2652227,312643,Consumer loans,35102.61,244858.5,195885.0,48973.5,244858.5,MONDAY,16,Y,1,0.2178261879263477,,,XAP,Approved,-1256,Cash through the bank,XAP,Unaccompanied,New,Construction Materials,POS,XNA,Stone,34,Industry,6.0,low_normal,POS industry with interest,365243.0,-1224.0,-1074.0,-1074.0,-1068.0,0.0,0,Cash loans,F,N,Y,1,180000.0,953460.0,61780.5,900000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.015221,-14505,-1753,-3123.0,-4635,,1,1,1,1,1,0,Laborers,2.0,2,2,THURSDAY,13,0,1,1,0,1,1,Trade: type 6,0.3908814842196512,0.56800692750524,0.7380196196295241,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1256.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2573001,371559,Consumer loans,4142.61,30550.5,34587.0,3060.0,30550.5,THURSDAY,17,Y,1,0.08852280877143409,,,XAP,Approved,-1927,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,41,Connectivity,12.0,high,POS mobile with interest,365243.0,-1896.0,-1566.0,-1716.0,-1714.0,0.0,0,Cash loans,F,Y,Y,1,337500.0,901813.5,29803.5,778500.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.00733,-14161,-167,-2377.0,-4973,9.0,1,1,0,1,0,0,Sales staff,3.0,2,2,SATURDAY,15,0,0,0,0,0,0,Other,0.5820043241542744,0.6368453925985927,0.7583930617144343,0.0082,0.0,0.9707,0.5988,0.0011,0.0,0.0345,0.0417,0.0833,0.0068,0.0067,0.0083,0.0,0.0,0.0084,0.0,0.9707,0.6145,0.0011,0.0,0.0345,0.0417,0.0833,0.006999999999999999,0.0073,0.0087,0.0,0.0,0.0083,0.0,0.9707,0.6042,0.0011,0.0,0.0345,0.0417,0.0833,0.0069,0.0068,0.0085,0.0,0.0,not specified,block of flats,0.0071,Others,Yes,5.0,0.0,5.0,0.0,-207.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1765399,312676,Consumer loans,7818.705,42525.0,38025.0,4500.0,42525.0,SATURDAY,5,Y,1,0.11524771524771525,,,XAP,Approved,-434,XNA,XAP,,Refreshed,Mobile,POS,XNA,Regional / Local,34,Connectivity,6.0,high,POS mobile with interest,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,M,N,Y,2,67500.0,227520.0,14940.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-11997,-509,-4636.0,-2888,,1,1,1,1,1,0,Low-skill Laborers,4.0,2,2,SATURDAY,6,0,0,0,0,0,0,Business Entity Type 3,,0.12326304576911765,0.7407990879702335,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1901255,383562,Cash loans,23000.22,292500.0,339988.5,,292500.0,FRIDAY,11,Y,1,,,,Repairs,Refused,-403,Cash through the bank,HC,,Refreshed,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,202500.0,536917.5,17145.0,463500.0,Family,Pensioner,Higher education,Separated,House / apartment,0.0105,-21408,365243,-2741.0,-4896,,1,0,0,1,0,0,,1.0,3,3,TUESDAY,14,0,0,0,0,0,0,XNA,0.7846444194957043,0.5595691908441128,0.3490552510751822,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-413.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,2.0 +2254596,188662,Cash loans,16274.79,135000.0,143910.0,0.0,135000.0,SATURDAY,10,Y,1,0.0,,,XNA,Approved,-1887,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-1855.0,-1525.0,-1585.0,-1578.0,0.0,0,Cash loans,F,N,Y,0,112500.0,360000.0,17446.5,360000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.026392000000000002,-22792,365243,-527.0,-4261,,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,XNA,,0.7274645119563982,0.5172965813614878,0.2835,0.1018,0.9896,0.8572,0.0578,0.28,0.2414,0.375,0.375,0.206,0.2303,0.3098,0.0039,0.0018,0.2889,0.1057,0.9896,0.8628,0.0583,0.282,0.2414,0.375,0.375,0.2107,0.2516,0.3228,0.0039,0.0019,0.2863,0.1018,0.9896,0.8591,0.0582,0.28,0.2414,0.375,0.375,0.2095,0.2343,0.3154,0.0039,0.0018,reg oper account,block of flats,0.2441,Panel,No,0.0,0.0,0.0,0.0,-981.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1923279,161620,Consumer loans,5214.6,115623.0,115623.0,0.0,115623.0,SUNDAY,9,Y,1,0.0,,,XAP,Approved,-1668,Cash through the bank,XAP,"Spouse, partner",Refreshed,Audio/Video,POS,XNA,Regional / Local,800,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1636.0,-946.0,-1366.0,-1359.0,0.0,0,Cash loans,M,Y,Y,1,135000.0,182448.0,17631.0,157500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.01885,-11833,-167,-1301.0,-4206,12.0,1,1,0,1,0,1,Sales staff,3.0,2,2,TUESDAY,9,0,0,0,0,0,0,Trade: type 2,,0.5936569665233117,0.5884877883422673,0.0227,0.0464,0.9707,0.5988,,,0.1034,0.0833,,,0.0185,0.0408,,,0.0231,0.0481,0.9707,0.6145,,,0.1034,0.0833,,,0.0202,0.0425,,,0.0229,0.0464,0.9707,0.6042,,,0.1034,0.0833,,,0.0188,0.0415,,,,block of flats,0.0321,"Stone, brick",No,1.0,0.0,1.0,0.0,-732.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2421195,169753,Cash loans,25351.74,720000.0,862560.0,,720000.0,TUESDAY,15,Y,1,,,,XNA,Refused,-143,Cash through the bank,HC,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,Y,N,0,225000.0,1007761.5,42826.5,927000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.010556,-17653,-2147,-1149.0,-1157,3.0,1,1,0,1,0,0,Drivers,2.0,3,3,FRIDAY,15,0,0,0,0,1,1,Transport: type 3,0.2336118260557116,0.4881682637484217,0.5620604831738043,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,4.0,0.0,4.0 +2367990,232059,Consumer loans,4860.0,37971.0,30375.0,7596.0,37971.0,TUESDAY,15,Y,1,0.2178698097351806,,,XAP,Refused,-2062,Cash through the bank,HC,Children,Repeater,Mobile,POS,XNA,Country-wide,1600,Consumer electronics,8.0,high,POS household with interest,,,,,,,0,Cash loans,F,Y,Y,1,360000.0,1971072.0,68643.0,1800000.0,Family,State servant,Higher education,Married,House / apartment,0.04622,-12721,-1829,-6787.0,-487,7.0,1,1,0,1,0,0,Medicine staff,3.0,1,1,SATURDAY,14,0,1,1,0,0,0,Medicine,0.8418676568370739,0.6865989149217115,0.6313545365850379,0.2206,0.1289,0.9801,0.728,0.0425,0.24,0.2069,0.3333,0.375,,0.1799,0.2206,0.0077,0.0087,0.2248,0.1338,0.9801,0.7387,0.0429,0.2417,0.2069,0.3333,0.375,,0.1965,0.2298,0.0078,0.0092,0.2228,0.1289,0.9801,0.7316,0.0428,0.24,0.2069,0.3333,0.375,,0.183,0.2245,0.0078,0.0089,reg oper account,block of flats,0.1753,Panel,No,3.0,0.0,3.0,0.0,-1340.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1745852,205234,Revolving loans,3375.0,0.0,67500.0,,,THURSDAY,14,Y,1,,,,XAP,Approved,-2882,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,75,Connectivity,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,-172.0,0.0,0,Cash loans,M,Y,Y,0,180000.0,573408.0,20727.0,495000.0,Family,Working,Secondary / secondary special,Single / not married,House / apartment,0.028663,-17756,-2474,-4779.0,-1294,9.0,1,1,1,1,1,0,Drivers,1.0,2,2,TUESDAY,13,0,1,1,0,1,1,Business Entity Type 3,,0.4866494317218325,0.4101025731788671,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-570.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2345352,416603,Cash loans,27436.05,427500.0,467001.0,,427500.0,MONDAY,10,Y,1,,,,XNA,Approved,-940,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-910.0,-220.0,-580.0,-558.0,1.0,0,Cash loans,M,N,Y,1,292500.0,599472.0,28971.0,517500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.011656999999999999,-15440,-349,-4622.0,-4622,,1,1,0,1,0,0,Low-skill Laborers,3.0,1,1,WEDNESDAY,15,0,0,0,0,0,0,Self-employed,,0.39500474157700494,0.7490217048463391,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,12.0,2.0,12.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2264681,415765,Cash loans,13155.75,225000.0,225000.0,,225000.0,SATURDAY,17,Y,1,,,,XNA,Refused,-437,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,N,0,157500.0,254700.0,14220.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-24335,365243,-8555.0,-4283,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,11,0,0,0,1,0,0,XNA,,0.6437201363678564,0.6940926425266661,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1639.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +2522792,443603,Cash loans,31734.99,450000.0,518715.0,,450000.0,MONDAY,16,Y,1,,,,XNA,Approved,-743,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,middle,Cash Street: middle,365243.0,-712.0,-22.0,-562.0,-555.0,0.0,0,Cash loans,F,Y,Y,0,270000.0,545040.0,26640.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019101,-17480,-1490,-1861.0,-1034,4.0,1,1,0,1,0,0,Managers,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Self-employed,0.7066908011459438,0.7753942125408912,0.746300213050371,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2919.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1336212,454339,Consumer loans,7496.955,76437.0,76437.0,0.0,76437.0,FRIDAY,10,Y,1,0.0,,,XAP,Approved,-565,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,15,Connectivity,12.0,middle,POS mobile without interest,365243.0,-534.0,-204.0,-474.0,-465.0,0.0,0,Cash loans,M,Y,Y,0,315000.0,966555.0,51498.0,913500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-19503,-2854,-10925.0,-3037,13.0,1,1,0,1,1,0,Drivers,2.0,1,1,WEDNESDAY,10,0,1,1,0,1,1,Industry: type 11,0.4188615888029692,0.7417775009726578,,0.2639,0.0916,0.9985,,,0.32,0.1379,0.6667,,0.107,,0.2847,,0.053,0.2689,0.0882,0.9985,,,0.3222,0.1379,0.6667,,0.1002,,0.2964,,0.056,0.2665,0.0916,0.9985,,,0.32,0.1379,0.6667,,0.1089,,0.2898,,0.0541,,block of flats,0.3166,Panel,No,0.0,0.0,0.0,0.0,-1726.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,3.0 +1496476,377041,Consumer loans,4837.455,35280.0,40356.0,3528.0,35280.0,SUNDAY,12,Y,1,0.08755611902453575,,,XAP,Approved,-603,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,85,Connectivity,12.0,high,POS mobile with interest,365243.0,-572.0,-242.0,-242.0,-239.0,0.0,0,Cash loans,M,Y,N,0,270000.0,640080.0,31261.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-18017,-1609,-1014.0,-1280,8.0,1,1,1,1,0,0,Drivers,2.0,1,1,SUNDAY,16,0,0,0,0,1,1,Business Entity Type 3,,0.2883910649911224,0.18629294965553744,0.066,0.0793,0.9732,0.6328,0.0082,0.0,0.1379,0.125,0.1667,,0.0538,0.0502,0.0,0.0,0.0672,0.0823,0.9732,0.6472,0.0083,0.0,0.1379,0.125,0.1667,,0.0588,0.0523,0.0,0.0,0.0666,0.0793,0.9732,0.6377,0.0083,0.0,0.1379,0.125,0.1667,,0.0547,0.0511,0.0,0.0,reg oper account,block of flats,0.0439,"Stone, brick",No,2.0,1.0,2.0,1.0,-603.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,11.0,0.0,1.0 +2702014,221647,Consumer loans,3626.28,32625.0,29362.5,3262.5,32625.0,SATURDAY,12,Y,1,0.1089090909090909,,,XAP,Approved,-1393,Cash through the bank,XAP,,Repeater,Gardening,POS,XNA,Regional / Local,120,Consumer electronics,9.0,low_normal,POS household with interest,365243.0,-1360.0,-1120.0,-1120.0,-1111.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,91008.0,6210.0,72000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-18481,-2287,-2353.0,-2014,16.0,1,1,0,1,0,0,High skill tech staff,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Business Entity Type 1,0.4383944457138219,0.7238206592812175,0.4578995512067301,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2202.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,1.0,0.0,0.0,0.0,3.0 +1721034,249093,Consumer loans,10094.175,107995.5,106816.5,10800.0,107995.5,SATURDAY,7,Y,1,0.10000452162903856,,,XAP,Approved,-1313,XNA,XAP,Children,Repeater,Audio/Video,POS,XNA,Country-wide,1000,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-1282.0,-952.0,-982.0,-976.0,0.0,0,Cash loans,M,Y,N,0,360000.0,1575000.0,43312.5,1575000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.010032,-17653,-2750,-1987.0,-1189,11.0,1,1,1,1,1,0,Managers,1.0,2,2,FRIDAY,5,0,0,0,0,0,0,Business Entity Type 3,0.726822969533053,0.6376794490199357,,0.168,,0.997,,,0.16,0.0345,0.875,,,,0.2497,,0.202,0.1712,,0.997,,,0.1611,0.0345,0.875,,,,0.2601,,0.2138,0.1697,,0.997,,,0.16,0.0345,0.875,,,,0.2541,,0.2062,,block of flats,0.3488,"Stone, brick",No,0.0,0.0,0.0,0.0,-1508.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2459704,157261,Consumer loans,11925.585,145296.0,163993.5,0.0,145296.0,SUNDAY,14,Y,1,0.0,,,XAP,Approved,-992,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Regional / Local,130,Consumer electronics,18.0,middle,POS household with interest,365243.0,-960.0,-450.0,-570.0,-565.0,0.0,0,Revolving loans,M,Y,Y,1,171000.0,270000.0,13500.0,270000.0,"Spouse, partner",Working,Secondary / secondary special,Married,Co-op apartment,0.020246,-11972,-4415,-156.0,-561,7.0,1,1,0,1,1,0,Laborers,3.0,3,3,FRIDAY,12,0,0,0,0,0,0,Industry: type 5,,0.489512449312,0.6817058776720116,0.0742,0.0558,0.9806,0.7348,0.0521,0.08,0.069,0.3333,0.0417,0.0753,0.0605,0.0756,0.0,0.0,0.0756,0.0579,0.9806,0.7452,0.0526,0.0806,0.069,0.3333,0.0417,0.077,0.0661,0.0788,0.0,0.0,0.0749,0.0558,0.9806,0.7383,0.0525,0.08,0.069,0.3333,0.0417,0.0766,0.0616,0.077,0.0,0.0,reg oper account,block of flats,0.0595,Panel,No,5.0,1.0,5.0,0.0,-1380.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,0.0 +1675366,450952,Consumer loans,9643.41,50310.0,50310.0,0.0,50310.0,MONDAY,17,Y,1,0.0,,,XAP,Approved,-525,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Regional / Local,150,Consumer electronics,6.0,middle,POS household with interest,365243.0,-494.0,-344.0,-344.0,-337.0,0.0,0,Revolving loans,F,N,N,0,90000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-13168,-1374,-934.0,-746,,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,15,1,1,0,1,1,0,Self-employed,,0.3476945853354608,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2394366,120815,Cash loans,9816.3,45000.0,51898.5,,45000.0,MONDAY,8,Y,1,,,,XNA,Approved,-1119,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-1089.0,-939.0,-969.0,-966.0,1.0,0,Cash loans,F,N,N,1,202500.0,1288350.0,37800.0,1125000.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.010032,-9291,-2392,-3916.0,-1971,,1,1,0,1,1,0,Secretaries,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Medicine,0.2376012064286033,0.6160995322786736,0.5989262182569273,0.1485,0.0746,0.9856,0.8028,0.0769,0.16,0.1379,0.3333,0.375,0.1655,0.121,0.1555,0.0,0.0,0.1513,0.0774,0.9856,0.8105,0.0776,0.1611,0.1379,0.3333,0.375,0.1693,0.1322,0.1621,0.0,0.0,0.1499,0.0746,0.9856,0.8054,0.0774,0.16,0.1379,0.3333,0.375,0.1684,0.1231,0.1583,0.0,0.0,,block of flats,0.1644,Panel,No,0.0,0.0,0.0,0.0,-1910.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1898806,130689,Consumer loans,,44415.0,44415.0,0.0,44415.0,MONDAY,13,Y,1,0.0,,,XAP,Refused,-682,Cash through the bank,HC,,Refreshed,Mobile,XNA,XNA,Country-wide,30,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,F,N,N,1,157500.0,722430.0,19188.0,517500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.018029,-11571,-4539,-5595.0,-3599,,1,1,0,1,0,0,Medicine staff,2.0,3,2,TUESDAY,7,0,0,0,0,0,0,Medicine,0.3822686537805296,0.5447215271604328,0.5762088360175724,0.0722,0.0669,0.9801,0.728,0.0287,0.0,0.1379,0.1667,0.2083,0.0578,0.0563,0.0634,0.0116,0.0113,0.0735,0.0694,0.9801,0.7387,0.029,0.0,0.1379,0.1667,0.2083,0.0591,0.0615,0.066,0.0117,0.0119,0.0729,0.0669,0.9801,0.7316,0.0289,0.0,0.1379,0.1667,0.2083,0.0588,0.0573,0.0645,0.0116,0.0115,reg oper account,block of flats,0.068,"Stone, brick",No,9.0,0.0,9.0,0.0,-1539.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2128515,334168,Consumer loans,5692.5,29556.0,27918.0,2956.5,29556.0,WEDNESDAY,15,Y,1,0.10428985968120202,,,XAP,Approved,-1549,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,6.0,high,POS mobile with interest,365243.0,-1496.0,-1346.0,-1346.0,-1342.0,0.0,0,Cash loans,F,N,Y,1,90000.0,562491.0,23962.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010276,-16789,-2652,-3941.0,-322,,1,1,0,1,0,0,Sales staff,3.0,2,2,FRIDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.6554047487502378,0.6134168643272663,0.5937175866150576,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2328.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2310822,417405,Consumer loans,9602.01,78660.0,97641.0,0.0,78660.0,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-792,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Regional / Local,305,Consumer electronics,12.0,middle,POS household with interest,365243.0,-761.0,-431.0,-431.0,-427.0,0.0,0,Cash loans,M,N,Y,0,67500.0,269550.0,16416.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.020246,-11505,-1219,-1710.0,-3369,,1,1,0,1,1,0,Low-skill Laborers,1.0,3,3,SUNDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.18087355474672145,0.04393991166730828,0.21885908222837447,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-139.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2832240,420020,Consumer loans,16628.13,129636.0,88825.5,45000.0,129636.0,SATURDAY,9,Y,1,0.3662163855848916,,,XAP,Approved,-1622,Cash through the bank,XAP,"Spouse, partner",New,Audio/Video,POS,XNA,Country-wide,2200,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1589.0,-1439.0,-1499.0,-1495.0,0.0,1,Cash loans,F,N,N,1,202500.0,1065681.0,45279.0,904500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0038130000000000004,-16517,-2695,-17.0,-37,,1,1,0,1,0,1,Core staff,3.0,2,2,THURSDAY,9,0,0,0,1,1,1,Medicine,0.185096983057242,0.1429673182978404,0.6528965519806539,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1622.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +1549499,242392,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SUNDAY,14,Y,1,,,,XAP,Approved,-60,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-59.0,-12.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,1,59049.0,373500.0,10831.5,225000.0,,Working,Secondary / secondary special,Married,With parents,0.022625,-9704,-1577,-4082.0,-244,,1,1,1,1,0,0,Laborers,3.0,2,2,THURSDAY,12,0,0,0,0,1,1,Business Entity Type 3,,0.4846775075214168,0.2405414172860865,0.0088,0.0,0.9742,0.626,0.0118,0.0,0.0517,0.0417,0.0,0.0311,0.0067,0.005,0.0,0.0037,0.0084,0.0,0.9727,0.6406,0.0119,0.0,0.0345,0.0417,0.0,0.0318,0.0073,0.0051,0.0,0.0039,0.0088,0.0,0.9742,0.631,0.0119,0.0,0.0517,0.0417,0.0,0.0316,0.0068,0.0051,0.0,0.0038,reg oper account,block of flats,0.0046,"Stone, brick",No,2.0,0.0,2.0,0.0,-669.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2181204,117783,Consumer loans,12252.105,233082.0,268771.5,0.0,233082.0,SUNDAY,6,Y,1,0.0,,,XAP,Approved,-1199,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Stone,108,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1164.0,-474.0,-474.0,-471.0,0.0,1,Cash loans,M,N,Y,2,54000.0,474048.0,32197.5,360000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.020713,-14044,-792,-2043.0,-5268,,1,1,0,1,0,0,Medicine staff,4.0,3,3,TUESDAY,10,0,0,0,0,1,1,Medicine,,0.3588401361543763,0.475849908720221,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1199.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2344756,225553,Consumer loans,3103.695,68818.5,68818.5,0.0,68818.5,SUNDAY,15,Y,1,0.0,,,XAP,Approved,-1728,XNA,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,300,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1697.0,-1007.0,-1037.0,-1028.0,0.0,0,Cash loans,F,N,Y,0,270000.0,1096020.0,59589.0,900000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.04622,-22669,365243,-2363.0,-4435,,1,0,0,1,0,0,,2.0,1,1,SATURDAY,10,0,0,0,0,0,0,XNA,0.6414350471640541,0.7141052041921383,0.34741822720026416,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1728.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1028579,423798,Cash loans,14746.455,135000.0,143910.0,,135000.0,MONDAY,12,Y,1,,,,XNA,Approved,-336,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-306.0,24.0,-276.0,-274.0,1.0,0,Cash loans,F,N,N,1,202500.0,939159.0,63013.5,886500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.0105,-14061,-1347,-8057.0,-2712,,1,1,0,1,0,0,Sales staff,3.0,3,3,MONDAY,18,0,0,0,0,0,0,Trade: type 7,0.13378577348693907,0.5035443725087928,0.17560597946937906,0.0351,0.0355,0.9811,0.7348,0.0101,0.06,0.0803,0.1388,0.2917,0.0077,0.0286,0.0387,0.0,0.0,0.0126,0.0368,0.9677,0.5688,0.0063,0.0,0.069,0.0417,0.2917,0.0079,0.011,0.0064,0.0,0.0,0.0354,0.0355,0.9811,0.7383,0.0101,0.06,0.069,0.0417,0.2917,0.0078,0.0291,0.0095,0.0,0.0,,block of flats,0.0211,"Stone, brick",No,0.0,0.0,0.0,0.0,-2681.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2116622,114388,Consumer loans,3330.945,22949.64,16857.0,6889.14,22949.64,THURSDAY,14,Y,1,0.31596292051906283,,,XAP,Approved,-2640,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,2914,Consumer electronics,6.0,high,POS household with interest,365243.0,-2609.0,-2459.0,-2459.0,-2455.0,1.0,0,Revolving loans,M,Y,Y,0,292500.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.026392000000000002,-15513,-2658,-2712.0,-2718,7.0,1,1,0,1,1,0,Sales staff,2.0,2,2,FRIDAY,15,0,0,0,0,1,1,Trade: type 7,,0.6133650069967286,0.6512602186973006,0.0722,,0.9836,,,0.08,0.069,0.3333,,0.1037,,0.0697,,0.006999999999999999,0.0735,,0.9836,,,0.0806,0.069,0.3333,,0.106,,0.0726,,0.0074,0.0729,,0.9836,,,0.08,0.069,0.3333,,0.1055,,0.0709,,0.0072,,block of flats,0.0672,Block,No,3.0,1.0,3.0,0.0,-165.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2805524,398390,Consumer loans,33124.59,396000.0,348039.0,76500.0,396000.0,SATURDAY,12,Y,1,0.19624923633742605,,,XAP,Approved,-1406,Cash through the bank,XAP,Family,Refreshed,Clothing and Accessories,POS,XNA,Stone,13,Clothing,14.0,middle,POS industry with interest,365243.0,-1375.0,-985.0,-1075.0,-1069.0,0.0,0,Cash loans,F,Y,Y,0,157500.0,675000.0,19867.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-20334,-4020,-7262.0,-3629,16.0,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,Construction,,,0.3139166772114369,0.0866,0.1077,0.9901,0.8640000000000001,0.0143,0.0,0.2069,0.1667,0.2083,0.0,0.0706,0.0803,0.0,0.0,0.0882,0.1117,0.9901,0.8693,0.0144,0.0,0.2069,0.1667,0.2083,0.0,0.0771,0.0837,0.0,0.0,0.0874,0.1077,0.9901,0.8658,0.0144,0.0,0.2069,0.1667,0.2083,0.0,0.0718,0.0817,0.0,0.0,reg oper account,block of flats,0.071,"Stone, brick",No,5.0,1.0,5.0,1.0,-1406.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1259503,223504,Consumer loans,3708.9,25551.0,29430.0,0.0,25551.0,TUESDAY,10,Y,1,0.0,,,XAP,Approved,-472,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,154,Connectivity,12.0,high,POS mobile with interest,365243.0,-441.0,-111.0,-111.0,-103.0,0.0,0,Cash loans,F,Y,Y,2,90000.0,450000.0,24543.0,450000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.015221,-11035,-558,-5107.0,-1731,8.0,1,1,0,1,0,0,Medicine staff,4.0,2,2,FRIDAY,12,0,0,0,0,1,1,Medicine,0.4468338046232735,0.3585936466301859,0.3490552510751822,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1309.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,1.0,0.0,2.0 +1059681,278749,Cash loans,26372.16,517500.0,664956.0,,517500.0,TUESDAY,11,Y,1,,,,XNA,Approved,-285,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-255.0,795.0,-75.0,-70.0,1.0,0,Cash loans,F,Y,N,0,225000.0,536917.5,30109.5,463500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-15241,-3682,-7946.0,-4156,13.0,1,1,0,1,0,0,Laborers,2.0,2,2,SUNDAY,10,0,0,0,0,1,1,Industry: type 3,0.6511982968575155,0.6022153593818508,0.2750003523983893,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1707.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1126589,107726,Consumer loans,5242.905,67392.0,49635.0,22500.0,67392.0,THURSDAY,11,Y,1,0.3397039641581125,,,XAP,Approved,-898,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Regional / Local,5,Consumer electronics,12.0,middle,POS household with interest,365243.0,-867.0,-537.0,-537.0,-531.0,0.0,0,Revolving loans,F,N,Y,0,90000.0,382500.0,19125.0,382500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.015221,-20285,365243,-7417.0,-3840,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,XNA,0.6664812645913591,0.2632411250133655,0.2301588968634147,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2249.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1207151,116941,Consumer loans,3973.095,18225.0,13945.5,4725.0,18225.0,FRIDAY,9,Y,1,0.2756195359232235,,,XAP,Approved,-2509,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,144,Consumer electronics,4.0,high,POS household with interest,365243.0,-2467.0,-2377.0,-2377.0,-2374.0,1.0,0,Cash loans,M,N,Y,1,157500.0,239850.0,23850.0,225000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-13388,-1840,-1095.0,-4492,,1,1,1,1,1,0,Laborers,3.0,2,2,MONDAY,10,0,0,0,0,1,1,Self-employed,0.26844066102288844,0.17249750814777715,0.746300213050371,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2257254,159564,Consumer loans,4556.97,26955.9,28732.5,0.9,26955.9,FRIDAY,11,Y,1,3.411297716879374e-05,,,XAP,Approved,-2682,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Stone,146,Consumer electronics,8.0,high,POS household with interest,365243.0,-2651.0,-2441.0,-2471.0,-2463.0,1.0,0,Cash loans,M,N,Y,1,202500.0,675000.0,32602.5,675000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.025164,-14011,-5443,-4700.0,-4869,,1,1,0,1,0,0,Laborers,3.0,2,2,SATURDAY,11,0,0,0,0,0,0,Industry: type 11,,0.4083369050044323,0.5797274227921155,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1462.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1026949,440477,Consumer loans,9618.3,88025.4,87043.5,8820.9,88025.4,THURSDAY,12,Y,1,0.1002119869315408,,,XAP,Approved,-1355,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,25,Connectivity,12.0,high,POS mobile with interest,365243.0,-1313.0,-983.0,-1013.0,-1009.0,0.0,0,Cash loans,F,N,Y,3,67500.0,573628.5,24435.0,463500.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.025164,-11909,-1607,-152.0,-4059,,1,1,0,1,0,0,Core staff,5.0,2,2,MONDAY,15,0,0,0,0,0,0,Kindergarten,0.24995285069623865,0.4143201251958848,0.5495965024956946,0.0186,0.0284,0.9841,,,0.0,0.069,0.0833,,0.0088,,0.0181,,0.0,0.0189,0.0294,0.9841,,,0.0,0.069,0.0833,,0.009000000000000001,,0.0188,,0.0,0.0187,0.0284,0.9841,,,0.0,0.069,0.0833,,0.0089,,0.0184,,0.0,,block of flats,0.0142,Panel,No,7.0,2.0,7.0,0.0,-1709.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1941488,234442,Cash loans,24160.5,225000.0,225000.0,0.0,225000.0,THURSDAY,9,Y,1,0.0,,,XNA,Approved,-2241,XNA,XAP,,Refreshed,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,middle,Cash Street: middle,365243.0,-2211.0,-1881.0,-1881.0,-1874.0,0.0,0,Cash loans,F,N,N,0,270000.0,1157670.0,109917.0,1125000.0,Unaccompanied,Pensioner,Higher education,Widow,Municipal apartment,0.04622,-22023,365243,-10356.0,-4138,,1,0,0,1,1,0,,1.0,1,1,TUESDAY,12,0,0,0,0,0,0,XNA,,0.5929657458935795,0.7583930617144343,0.0856,,0.9776,,,0.0,0.2069,0.1667,,0.0957,,,,,0.0872,,0.9777,,,0.0,0.2069,0.1667,,0.0979,,,,,0.0864,,0.9776,,,0.0,0.2069,0.1667,,0.0974,,,,,,block of flats,0.0655,Panel,No,0.0,0.0,0.0,0.0,-1485.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1210018,133643,Consumer loans,6386.805,124834.5,138874.5,0.0,124834.5,WEDNESDAY,12,Y,1,0.0,,,XAP,Approved,-474,Cash through the bank,XAP,,Refreshed,Audio/Video,POS,XNA,Country-wide,100,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-443.0,247.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,225000.0,17775.0,225000.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.030755,-14760,-3896,-839.0,-5024,16.0,1,1,0,1,1,0,Drivers,1.0,2,2,SUNDAY,21,0,0,0,0,0,0,Construction,0.5149481875667395,0.7025542969823059,0.0005272652387098817,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,0.0,-3513.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1803076,359734,Consumer loans,13641.435,119880.0,116793.0,11988.0,119880.0,TUESDAY,12,Y,1,0.10138158438109518,,,XAP,Approved,-1389,Cash through the bank,XAP,Family,New,Furniture,POS,XNA,Stone,260,Furniture,10.0,middle,POS industry with interest,365243.0,-1358.0,-1088.0,-1088.0,-1083.0,0.0,1,Cash loans,F,N,Y,0,202500.0,343377.0,22486.5,283500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.006852,-12106,-2418,-5910.0,-1010,,1,1,0,1,0,0,Sales staff,2.0,3,3,FRIDAY,5,0,0,0,0,1,1,Business Entity Type 3,,0.028718722434954318,0.6109913280868294,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-822.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2510378,288115,Revolving loans,2250.0,45000.0,45000.0,,45000.0,FRIDAY,11,Y,1,,,,XAP,Approved,-161,XNA,XAP,Unaccompanied,Refreshed,XNA,Cards,walk-in,AP+ (Cash loan),3,XNA,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,135000.0,607500.0,17892.0,607500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-19361,-4526,-8525.0,-2909,,1,1,0,1,0,1,Core staff,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,Kindergarten,0.6645469997588941,0.5818419152894562,0.6577838002083306,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-161.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1186491,383367,Consumer loans,2027.295,20277.0,18247.5,2029.5,20277.0,WEDNESDAY,12,Y,1,0.10900577008433204,,,XAP,Approved,-2735,XNA,XAP,,Repeater,Consumer Electronics,POS,XNA,Stone,129,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2695.0,-2425.0,-2425.0,-2423.0,0.0,0,Cash loans,F,Y,N,1,85500.0,315000.0,33421.5,315000.0,Unaccompanied,Working,Secondary / secondary special,Married,Rented apartment,0.028663,-12194,-2939,-3793.0,-3785,2.0,1,1,0,1,0,0,Laborers,3.0,2,2,THURSDAY,16,0,0,0,1,0,1,Self-employed,,0.5823259949086429,0.5082869913916046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1214.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1206294,454923,Consumer loans,5942.295,39150.0,31743.0,9000.0,39150.0,THURSDAY,8,Y,1,0.2405767415707773,,,XAP,Approved,-1154,XNA,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,32,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1122.0,-972.0,-1002.0,-996.0,0.0,0,Cash loans,M,Y,Y,0,157500.0,900000.0,38263.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-16671,-1333,-244.0,-224,11.0,1,1,0,1,0,0,Core staff,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Agriculture,0.3838061202464261,0.4958744709866463,0.6380435278721609,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1154.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2695063,276237,Consumer loans,8670.42,163354.5,192249.0,0.0,163354.5,SUNDAY,8,Y,1,0.0,,,XAP,Refused,-1562,Cash through the bank,LIMIT,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,1800,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,0,Cash loans,M,N,N,0,360000.0,270000.0,14778.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,Rented apartment,0.0228,-20337,-1670,-413.0,-1833,,1,1,0,1,1,0,Laborers,2.0,2,2,MONDAY,7,0,0,0,0,0,0,Other,,0.5211461483313072,0.13680052191177486,0.1479,0.0628,0.997,0.9592,0.0693,0.12,0.1034,0.3333,0.375,0.0714,0.1202,0.1107,0.0019,0.004,0.1502,0.0649,0.997,0.9608,0.0696,0.1208,0.1034,0.3333,0.375,0.0591,0.1313,0.1151,0.0,0.0032,0.1494,0.0628,0.997,0.9597,0.0697,0.12,0.1034,0.3333,0.375,0.0726,0.1223,0.1127,0.0019,0.0041,reg oper account,block of flats,0.1141,Panel,No,6.0,1.0,5.0,0.0,-1578.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1194570,414959,Consumer loans,5472.63,31950.0,28755.0,3195.0,31950.0,FRIDAY,15,Y,1,0.1089090909090909,,,XAP,Approved,-358,Cash through the bank,XAP,,New,Mobile,POS,XNA,Stone,50,Consumer electronics,6.0,middle,POS household with interest,365243.0,-323.0,-173.0,-173.0,-167.0,0.0,1,Cash loans,M,Y,Y,0,90000.0,254799.0,18670.5,193500.0,Family,Working,Secondary / secondary special,Single / not married,House / apartment,0.018634,-13764,-2643,-7862.0,-4291,32.0,1,1,0,1,0,0,Security staff,1.0,2,2,SATURDAY,10,0,0,0,0,1,1,Security,,0.32357052877740405,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-36.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1271801,294793,Cash loans,31028.4,540000.0,540000.0,,540000.0,SATURDAY,14,Y,1,,,,XNA,Refused,-401,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Country-wide,1099,Consumer electronics,36.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,Y,0,225000.0,640080.0,31261.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.022625,-12759,-2771,-3659.0,-3659,,1,1,0,1,0,0,Laborers,1.0,2,2,MONDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.32039692536309444,0.6166579700451205,0.39277386060313396,0.0825,0.0716,0.9776,0.6940000000000001,0.0305,0.0,0.1379,0.1667,0.2083,0.0703,0.0672,0.07,0.0,0.0,0.084,0.0743,0.9777,0.706,0.0308,0.0,0.1379,0.1667,0.2083,0.0719,0.0735,0.0729,0.0,0.0,0.0833,0.0716,0.9776,0.6981,0.0307,0.0,0.1379,0.1667,0.2083,0.0715,0.0684,0.0713,0.0,0.0,,block of flats,0.0717,Panel,No,3.0,0.0,3.0,0.0,-1215.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,8.0 +1694353,126391,Consumer loans,109004.4,1350000.0,1080000.0,270000.0,1350000.0,THURSDAY,7,Y,1,0.2178181818181818,,,XAP,Refused,-223,Cash through the bank,LIMIT,,Repeater,Tourism,POS,XNA,Stone,98,Tourism,12.0,middle,POS other with interest,,,,,,,0,Cash loans,F,N,Y,0,540000.0,1113840.0,56871.0,900000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.006305,-19745,-1165,-217.0,-3278,,1,1,0,1,0,1,Private service staff,2.0,3,3,WEDNESDAY,6,0,0,0,0,0,0,Other,0.2692468858470489,0.5578439031168337,0.3539876078507373,0.1237,0.1548,0.9786,0.7076,0.0162,0.0,0.2414,0.1667,0.2083,0.0927,0.1009,0.0795,0.0,0.0,0.1261,0.1606,0.9786,0.7190000000000001,0.0164,0.0,0.2414,0.1667,0.2083,0.0948,0.1102,0.0828,0.0,0.0,0.1249,0.1548,0.9786,0.7115,0.0163,0.0,0.2414,0.1667,0.2083,0.0943,0.1026,0.0809,0.0,0.0,reg oper account,block of flats,0.0919,Panel,No,1.0,0.0,0.0,0.0,-1166.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1748603,179299,Consumer loans,60169.41,673650.0,729513.0,29205.0,673650.0,SATURDAY,12,Y,1,0.04192189983630282,,,XAP,Approved,-1992,Cash through the bank,XAP,Other_B,Repeater,Consumer Electronics,POS,XNA,Country-wide,6900,Consumer electronics,24.0,high,POS household with interest,365243.0,-1959.0,-1269.0,-1389.0,-1381.0,0.0,0,Cash loans,F,Y,N,1,360000.0,1971072.0,68512.5,1800000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.031329,-13713,-2465,-3395.0,-487,8.0,1,1,1,1,1,0,Managers,2.0,2,2,TUESDAY,19,0,0,0,0,0,0,Self-employed,0.3784228674711616,0.6170145887583326,0.09507039584133267,0.0557,0.0336,0.9776,0.6940000000000001,0.0106,0.04,0.0345,0.3333,0.0417,0.0261,0.0454,0.0466,0.0,0.0,0.0567,0.0349,0.9777,0.706,0.0107,0.0403,0.0345,0.3333,0.0417,0.0267,0.0496,0.0485,0.0,0.0,0.0562,0.0336,0.9776,0.6981,0.0107,0.04,0.0345,0.3333,0.0417,0.0265,0.0462,0.0474,0.0,0.0,org spec account,block of flats,0.0366,"Stone, brick",No,0.0,0.0,0.0,0.0,-1992.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1132450,356124,Cash loans,52922.34,450000.0,497520.0,,450000.0,TUESDAY,18,Y,1,,,,XNA,Approved,-148,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-118.0,212.0,-28.0,-24.0,1.0,0,Revolving loans,F,N,Y,1,225000.0,675000.0,33750.0,675000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-14155,-868,-3564.0,-679,,1,1,0,1,1,0,,3.0,1,1,WEDNESDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.6676663225114102,,0.2907,0.1551,0.995,0.932,0.1832,0.48,0.2069,0.4583,0.5,0.0387,0.2127,0.2448,0.112,0.087,0.2962,0.1609,0.995,0.9347,0.1849,0.4834,0.2069,0.4583,0.5,0.0396,0.2323,0.255,0.1128,0.0922,0.2935,0.1551,0.995,0.9329,0.1844,0.48,0.2069,0.4583,0.5,0.0394,0.2163,0.2492,0.1126,0.0889,reg oper account,block of flats,0.2115,Panel,No,0.0,0.0,0.0,0.0,-650.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2523600,354523,Consumer loans,10120.41,108355.5,108355.5,0.0,108355.5,FRIDAY,16,Y,1,0.0,,,XAP,Approved,-1190,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Regional / Local,1328,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-1159.0,-829.0,-829.0,-824.0,0.0,0,Cash loans,M,Y,N,0,270000.0,942300.0,27135.0,675000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.032561,-11972,-251,-3416.0,-2661,8.0,1,1,0,1,0,0,Laborers,1.0,1,1,TUESDAY,18,0,0,0,0,0,0,Construction,,0.5554045630428416,0.3185955240537633,0.0619,,0.9841,,,,0.1034,0.1667,,,,0.0337,,0.0837,0.063,,0.9841,,,,0.1034,0.1667,,,,0.0351,,0.0886,0.0625,,0.9841,,,,0.1034,0.1667,,,,0.0343,,0.0854,,block of flats,0.0447,Panel,No,0.0,0.0,0.0,0.0,-3.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +1969192,248065,Consumer loans,8469.675,81243.0,89284.5,0.0,81243.0,SUNDAY,18,Y,1,0.0,,,XAP,Approved,-1437,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,300,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-1406.0,-1076.0,-1166.0,-1157.0,0.0,0,Cash loans,F,Y,Y,0,135000.0,781920.0,28215.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,Rented apartment,0.007114,-10295,-1653,-141.0,-1011,7.0,1,1,0,1,0,0,Core staff,2.0,2,2,TUESDAY,17,0,0,0,0,1,1,School,,0.1619723355490163,0.4578995512067301,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-1786.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,2.0 +2058637,381677,Consumer loans,7250.49,37930.5,35559.0,4050.0,37930.5,SUNDAY,11,Y,1,0.11135898865960213,,,XAP,Approved,-1455,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,6.0,high,POS mobile with interest,365243.0,-1359.0,-1209.0,-1239.0,-1231.0,0.0,0,Cash loans,M,N,Y,0,180000.0,177768.0,11488.5,135000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,Office apartment,0.025164,-13052,-2916,-1298.0,-4953,,1,1,0,1,0,0,Laborers,1.0,2,2,SATURDAY,8,0,0,0,0,0,0,Self-employed,0.25878760663320904,0.5091797696113811,0.4365064990977374,0.1302,0.1054,0.9846,0.7892,0.0,0.05,0.1983,0.3021,0.3438,0.0,0.1061,0.115,0.0,0.0,0.0746,0.0337,0.9801,0.7387,0.0,0.0403,0.0345,0.3333,0.375,0.0,0.0652,0.0499,0.0,0.0,0.0937,0.0514,0.9821,0.7585,0.0,0.04,0.069,0.3333,0.375,0.0,0.077,0.0806,0.0,0.0,reg oper account,block of flats,0.1996,Panel,No,0.0,0.0,0.0,0.0,-1761.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +1924794,283746,Consumer loans,3969.81,22455.0,27801.0,0.0,22455.0,THURSDAY,8,Y,1,0.0,,,XAP,Refused,-1555,Cash through the bank,HC,Unaccompanied,Repeater,XNA,POS,XNA,Stone,112,Consumer electronics,10.0,high,POS household with interest,,,,,,,0,Revolving loans,F,Y,Y,0,225000.0,135000.0,6750.0,135000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.020713,-10761,-1098,-182.0,-601,19.0,1,1,1,1,0,0,Managers,2.0,3,2,FRIDAY,7,0,0,0,0,0,0,Postal,,0.7051478901968282,,0.0907,0.1014,0.9861,0.8096,0.0184,0.0,0.2069,0.1667,0.2083,0.0846,0.07400000000000001,0.0831,0.0,0.0,0.0924,0.1052,0.9861,0.8171,0.0186,0.0,0.2069,0.1667,0.2083,0.0866,0.0808,0.0866,0.0,0.0,0.0916,0.1014,0.9861,0.8121,0.0186,0.0,0.2069,0.1667,0.2083,0.0861,0.0752,0.0846,0.0,0.0,reg oper account,block of flats,0.0755,Panel,No,0.0,0.0,0.0,0.0,-683.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1100309,186438,Revolving loans,11250.0,0.0,225000.0,,,MONDAY,15,Y,1,,,,XAP,Approved,-1046,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,157500.0,729792.0,37390.5,630000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.005002,-17170,-814,-5216.0,-723,,1,1,0,1,0,1,,2.0,3,3,THURSDAY,9,0,0,0,0,0,0,School,,0.5947537143361384,0.20915469884100693,0.0041,,0.9856,,,,0.1379,0.0,,,,0.0028,,,0.0042,,0.9856,,,,0.1379,0.0,,,,0.0029,,,0.0042,,0.9856,,,,0.1379,0.0,,,,0.0028,,,,block of flats,0.0022,,No,5.0,1.0,5.0,0.0,-1287.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1905797,253064,Revolving loans,22500.0,0.0,450000.0,,,MONDAY,17,Y,1,,,,XAP,Approved,-438,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-388.0,-363.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,1,225000.0,1138500.0,35878.5,1138500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.018634,-10159,-822,-99.0,-2840,,1,1,0,1,0,1,Sales staff,3.0,2,2,THURSDAY,15,0,0,0,0,1,1,Trade: type 7,0.5992565044929035,0.6665202249613107,0.41184855592423975,0.1619,0.1115,0.9985,0.9796,0.0499,0.04,0.0345,0.375,0.0,1.0,0.1286,0.155,0.0154,0.0387,0.1649,0.1158,0.9985,0.9804,0.0504,0.0403,0.0345,0.375,0.0,1.0,0.1405,0.1615,0.0156,0.041,0.1634,0.1115,0.9985,0.9799,0.0502,0.04,0.0345,0.375,0.0,1.0,0.1308,0.1578,0.0155,0.0395,reg oper account,block of flats,0.2047,Panel,No,0.0,0.0,0.0,0.0,-826.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1094883,157680,Consumer loans,2613.645,31041.0,31041.0,0.0,31041.0,WEDNESDAY,18,Y,1,0.0,,,XAP,Refused,-1637,Cash through the bank,LIMIT,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,3135,Consumer electronics,18.0,high,POS household with interest,,,,,,,0,Cash loans,M,N,Y,1,207000.0,900000.0,35694.0,900000.0,Family,Working,Higher education,Married,House / apartment,0.011656999999999999,-9990,-1138,-4717.0,-2680,,1,1,0,1,1,0,Laborers,3.0,1,1,TUESDAY,17,0,1,1,1,0,0,Business Entity Type 3,,0.7334446953018381,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,11.0,2.0,11.0,0.0,-1117.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1259605,396454,Consumer loans,5120.865,43362.0,42709.5,4500.0,43362.0,SUNDAY,16,Y,1,0.10381192537326364,,,XAP,Approved,-2005,XNA,XAP,,New,Mobile,POS,XNA,Country-wide,8,Connectivity,12.0,high,POS mobile with interest,365243.0,-1956.0,-1626.0,-1776.0,-1774.0,0.0,0,Cash loans,F,N,Y,1,180000.0,781920.0,43659.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.010276,-15545,-586,-3257.0,-3396,,1,1,0,1,0,0,Cooking staff,3.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,Self-employed,,0.13639612901836168,0.6363761710860439,0.1031,0.0,0.9851,0.7959999999999999,0.016,0.0,0.3103,0.1667,0.2083,0.0887,0.0841,0.0866,0.0,0.0,0.105,0.0,0.9851,0.804,0.0161,0.0,0.3103,0.1667,0.2083,0.0907,0.0918,0.0903,0.0,0.0,0.1041,0.0,0.9851,0.7987,0.0161,0.0,0.3103,0.1667,0.2083,0.0902,0.0855,0.0882,0.0,0.0,reg oper account,block of flats,0.0682,Panel,No,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1188252,184686,Consumer loans,6226.47,33556.5,35293.5,3357.0,33556.5,WEDNESDAY,18,Y,1,0.09459329586468952,,,XAP,Approved,-1017,Cash through the bank,XAP,"Spouse, partner",New,Computers,POS,XNA,Regional / Local,8,Consumer electronics,6.0,low_action,POS household without interest,365243.0,-986.0,-836.0,-836.0,-831.0,0.0,0,Cash loans,F,Y,Y,2,382500.0,1288350.0,37800.0,1125000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.009175,-14965,-2380,-1330.0,-1819,0.0,1,1,0,1,0,0,Core staff,4.0,2,2,FRIDAY,14,0,0,0,0,1,1,Business Entity Type 2,0.7587683851715659,0.6631238813971944,0.29859498978739724,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1017.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1466926,432154,Consumer loans,13087.98,138150.0,121410.0,27675.0,138150.0,FRIDAY,6,Y,1,0.20217051285569232,,,XAP,Approved,-2042,XNA,XAP,Family,New,Computers,POS,XNA,Regional / Local,30,Consumer electronics,12.0,middle,POS household with interest,365243.0,-2011.0,-1681.0,-1681.0,-1676.0,0.0,0,Cash loans,F,N,N,1,337500.0,269550.0,21739.5,225000.0,Family,State servant,Higher education,Married,With parents,0.006629,-13964,-7274,-2345.0,-113,,1,1,0,1,0,0,Core staff,3.0,2,2,WEDNESDAY,6,0,0,0,0,0,0,Police,,0.631147081889729,0.6092756673894402,,,0.9712,,,,,,,,,0.006,,,,,0.9712,,,,,,,,,0.0062,,,,,0.9712,,,,,,,,,0.0061,,,,block of flats,0.0075,,No,1.0,1.0,1.0,1.0,-895.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2253384,448026,Consumer loans,7202.97,56161.8,61722.0,1.8,56161.8,THURSDAY,15,Y,1,3.17602551424837e-05,,,XAP,Approved,-2534,Cash through the bank,XAP,"Spouse, partner",New,Audio/Video,POS,XNA,Stone,400,Consumer electronics,12.0,high,POS household with interest,365243.0,-2503.0,-2173.0,-2173.0,-2167.0,1.0,0,Cash loans,M,N,Y,1,81000.0,161730.0,13095.0,135000.0,Unaccompanied,State servant,Secondary / secondary special,Widow,House / apartment,0.01885,-10506,-363,-4059.0,-1043,,1,1,1,1,0,0,Laborers,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,School,,0.4176670326770749,0.33928769990891394,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,0.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2813129,297478,Consumer loans,10115.82,111150.0,110434.5,12150.0,111150.0,MONDAY,14,Y,1,0.10794557668754652,,,XAP,Approved,-2164,XNA,XAP,Family,Repeater,Computers,POS,XNA,Stone,15,Consumer electronics,14.0,middle,POS household with interest,365243.0,-2123.0,-1733.0,-1763.0,-1759.0,0.0,0,Cash loans,F,N,Y,0,202500.0,180000.0,10876.5,180000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.028663,-10825,-3233,-4737.0,-2906,,1,1,1,1,1,0,Accountants,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,Government,,0.39511971558231934,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1280.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1430255,233740,Consumer loans,4175.37,69138.0,92191.5,0.0,69138.0,SATURDAY,15,Y,1,0.0,,,XAP,Approved,-1073,Cash through the bank,XAP,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Country-wide,400,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1042.0,-352.0,-412.0,-407.0,0.0,0,Cash loans,F,N,Y,0,126000.0,508495.5,23692.5,454500.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.018209,-12825,-3747,-721.0,-3215,,1,1,0,1,0,0,HR staff,2.0,3,3,MONDAY,12,0,0,0,0,0,0,Housing,,0.12438520856349793,0.7738956942145427,0.0175,0.0,0.9722,0.6192,0.0031,0.0,0.069,0.0833,0.0,0.0316,0.0143,0.0226,0.0,0.0,0.0179,0.0,0.9722,0.6341,0.0032,0.0,0.069,0.0833,0.0,0.0323,0.0156,0.0236,0.0,0.0,0.0177,0.0,0.9722,0.6243,0.0032,0.0,0.069,0.0833,0.0,0.0321,0.0145,0.023,0.0,0.0,reg oper account,block of flats,0.0178,"Stone, brick",No,2.0,0.0,2.0,0.0,-1423.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1081269,157809,Consumer loans,9569.385,90675.0,89685.0,9067.5,90675.0,THURSDAY,9,Y,1,0.10000082851757494,,,XAP,Approved,-1063,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,300,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1032.0,-702.0,-702.0,-694.0,0.0,0,Cash loans,F,N,Y,0,112500.0,490495.5,27387.0,454500.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.028663,-14440,-5557,-1752.0,-4668,,1,1,1,1,1,0,Core staff,2.0,2,2,WEDNESDAY,10,0,0,0,0,1,1,Agriculture,0.6116107873200394,0.4180127860744939,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1310212,176101,Consumer loans,12676.95,115060.5,99661.5,22995.0,115060.5,SATURDAY,13,Y,1,0.2041770754468409,,,XAP,Approved,-1459,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,25,Connectivity,10.0,high,POS mobile with interest,365243.0,-1421.0,-1151.0,-1211.0,-1206.0,0.0,0,Cash loans,F,N,Y,2,112500.0,668304.0,32278.5,540000.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.04622,-9993,-184,-3444.0,-1957,,1,1,1,1,0,0,Accountants,3.0,1,1,TUESDAY,15,0,0,0,0,0,0,Construction,,0.46374901538671204,0.445396241560834,0.2598,0.163,0.9871,0.8232,,0.28,0.2414,0.3333,0.0417,,,,,,0.2647,0.1691,0.9871,0.8301,,0.282,0.2414,0.3333,0.0417,,,,,,0.2623,0.163,0.9871,0.8256,,0.28,0.2414,0.3333,0.0417,,,,,,reg oper account,block of flats,0.2124,Panel,No,0.0,0.0,0.0,0.0,-1598.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1785587,422808,Consumer loans,12620.25,126216.0,113593.5,12622.5,126216.0,TUESDAY,13,Y,1,0.10891685681688533,,,XAP,Refused,-2674,Cash through the bank,HC,Family,Repeater,XNA,POS,XNA,Stone,212,Consumer electronics,10.0,low_normal,POS household without interest,,,,,,,0,Cash loans,F,N,N,0,90000.0,458725.5,17127.0,396000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.019101,-16813,-768,-685.0,-361,,1,1,0,1,0,0,,1.0,2,2,SUNDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.8489291066706238,0.6468484492579611,0.5691487713619409,0.1041,0.0477,0.9767,0.6804,0.0186,0.0,0.2069,0.1667,0.0417,0.0657,0.0841,0.0635,0.0039,0.029,0.1061,0.0495,0.9767,0.6929,0.0187,0.0,0.2069,0.1667,0.0417,0.0672,0.0918,0.0662,0.0039,0.0307,0.1051,0.0477,0.9767,0.6847,0.0187,0.0,0.2069,0.1667,0.0417,0.0668,0.0855,0.0647,0.0039,0.0296,reg oper account,block of flats,0.0799,Panel,No,1.0,0.0,1.0,0.0,-11.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,0.0 +1404954,279833,Consumer loans,7123.32,113823.0,137862.0,0.0,113823.0,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-486,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,1600,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-455.0,235.0,365243.0,365243.0,0.0,1,Cash loans,F,N,Y,0,101250.0,284400.0,16326.0,225000.0,Family,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.001417,-23195,365243,-8377.0,-4009,,1,0,0,1,1,0,,1.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,,0.4767733720854347,0.07396514611722674,0.1773,0.0779,0.9811,0.7416,0.0556,0.0,0.0345,0.1667,0.2083,0.0526,0.1362,0.0512,0.0386,0.0183,0.1807,0.0808,0.9811,0.7517,0.0561,0.0,0.0345,0.1667,0.2083,0.0538,0.1488,0.0533,0.0389,0.0194,0.179,0.0779,0.9811,0.7451,0.056,0.0,0.0345,0.1667,0.2083,0.0535,0.1385,0.0521,0.0388,0.0187,reg oper account,specific housing,0.0596,"Stone, brick",No,5.0,1.0,5.0,1.0,-486.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1298385,396369,Cash loans,14202.36,229500.0,254340.0,,229500.0,WEDNESDAY,9,Y,1,,,,XNA,Approved,-810,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Stone,150,Furniture,24.0,low_normal,Cash X-Sell: low,365243.0,-780.0,-90.0,-600.0,-596.0,1.0,0,Cash loans,M,Y,Y,2,157500.0,490495.5,26131.5,454500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.030755,-16983,-2626,-5042.0,-523,19.0,1,1,1,1,1,0,,4.0,2,2,MONDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.6888062401206233,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1971.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2430127,444178,Consumer loans,6771.33,49401.0,54616.5,0.0,49401.0,MONDAY,16,Y,1,0.0,,,XAP,Approved,-432,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,14,Connectivity,12.0,high,POS mobile with interest,365243.0,-401.0,-71.0,-71.0,-69.0,0.0,0,Cash loans,M,N,Y,0,103500.0,284400.0,22599.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,With parents,0.008865999999999999,-8438,-504,-7148.0,-708,,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,Business Entity Type 1,,0.16042299242524824,0.2608559142068693,0.0464,0.0546,0.9901,0.8640000000000001,0.0071,0.0,0.1034,0.1667,0.2083,0.0197,0.0378,0.0454,0.0,0.0,0.0473,0.0567,0.9901,0.8693,0.0071,0.0,0.1034,0.1667,0.2083,0.0202,0.0413,0.0473,0.0,0.0,0.0468,0.0546,0.9901,0.8658,0.0071,0.0,0.1034,0.1667,0.2083,0.02,0.0385,0.0462,0.0,0.0,reg oper account,block of flats,0.0641,Panel,No,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2646647,186305,Consumer loans,2196.045,23121.0,18931.5,5895.0,23121.0,TUESDAY,12,Y,1,0.25860233657949794,,,XAP,Approved,-1952,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Regional / Local,17,Connectivity,12.0,high,POS mobile with interest,365243.0,-1921.0,-1591.0,-1711.0,-1709.0,0.0,0,Cash loans,F,N,Y,0,90000.0,562500.0,27189.0,562500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-10211,-1185,-434.0,-1606,,1,1,0,1,0,0,Low-skill Laborers,2.0,2,2,MONDAY,10,0,0,0,0,1,1,Self-employed,0.2171211782028696,0.6533446682142288,0.445396241560834,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-686.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1751681,243535,Consumer loans,4326.615,33210.0,26527.5,8325.0,33210.0,WEDNESDAY,16,Y,1,0.2601443746698749,,,XAP,Approved,-1380,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,23,Connectivity,8.0,high,POS mobile with interest,365243.0,-1344.0,-1134.0,-1134.0,-1131.0,0.0,0,Cash loans,M,N,N,0,391500.0,1467612.0,54517.5,1350000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.031329,-16742,-8458,-2556.0,-287,,1,1,0,1,0,0,Managers,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Medicine,,0.6372448317832702,0.39277386060313396,0.0454,0.0374,0.9613,0.4696,0.0029,0.0,0.1379,0.1042,0.0208,0.002,0.037000000000000005,0.0415,0.0,0.0,0.0084,0.0,0.9598,0.4708,0.0023,0.0,0.069,0.0417,0.0,0.0,0.0073,0.0054,0.0,0.0,0.0458,0.0374,0.9613,0.4767,0.0029,0.0,0.1379,0.1042,0.0208,0.002,0.0376,0.0423,0.0,0.0,reg oper account,block of flats,0.006,Wooden,Yes,0.0,0.0,0.0,0.0,-1945.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,0.0 +1547488,388728,Cash loans,36824.94,315000.0,332464.5,0.0,315000.0,WEDNESDAY,15,Y,1,0.0,,,XNA,Approved,-1874,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,high,Cash X-Sell: high,365243.0,-1844.0,-1514.0,-1514.0,-1506.0,1.0,1,Cash loans,M,Y,N,0,180000.0,628114.5,19849.5,477000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.022625,-18901,-1607,-2117.0,-2439,4.0,1,1,1,1,1,0,,1.0,2,2,FRIDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.4116305740263512,0.3856692576736604,0.34090642641523844,0.0237,,0.9737,,,0.0,0.069,0.0833,,0.0243,,0.0161,,0.0,0.0231,,0.9737,,,0.0,0.069,0.0833,,0.0178,,0.0136,,0.0,0.0239,,0.9737,,,0.0,0.069,0.0833,,0.0247,,0.0164,,0.0,,block of flats,0.0161,"Stone, brick",No,0.0,0.0,0.0,0.0,-1637.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2612923,445597,Consumer loans,1897.83,17536.5,17082.0,1755.0,17536.5,SUNDAY,11,Y,1,0.10146809712027108,,,XAP,Approved,-2385,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,1500,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2354.0,-2084.0,-2084.0,-2077.0,1.0,0,Cash loans,F,Y,Y,0,112500.0,490500.0,20911.5,490500.0,Unaccompanied,State servant,Secondary / secondary special,Civil marriage,House / apartment,0.018209,-17834,-4460,-7134.0,-1388,13.0,1,1,0,1,0,0,Medicine staff,2.0,3,3,FRIDAY,8,0,0,0,0,0,0,Medicine,0.5317689470470879,0.4757479129199494,0.34578480246959553,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-2385.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1092923,423925,Consumer loans,7338.915,67500.0,74628.0,0.0,67500.0,TUESDAY,13,Y,1,0.0,,,XAP,Refused,-616,Cash through the bank,LIMIT,,Repeater,Furniture,POS,XNA,Stone,210,Furniture,12.0,middle,POS industry with interest,,,,,,,0,Cash loans,F,N,Y,0,130500.0,555273.0,16366.5,463500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-22733,365243,-10479.0,-4555,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,XNA,,0.7000991331697742,0.5867400085415683,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-643.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2073517,207675,Consumer loans,5040.855,51480.0,50917.5,5148.0,51480.0,SUNDAY,8,Y,1,0.10000160526527006,,,XAP,Approved,-2574,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Stone,280,Consumer electronics,12.0,middle,POS household with interest,365243.0,-2543.0,-2213.0,-2213.0,-2210.0,1.0,0,Cash loans,F,N,Y,1,202500.0,850500.0,24997.5,850500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018209,-14350,-4697,-3114.0,-2313,,1,1,0,1,1,0,Accountants,3.0,3,3,FRIDAY,6,0,0,0,0,0,0,Business Entity Type 3,0.5915738007423181,0.567255565357492,0.36896873825284665,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1909.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1583767,248177,Cash loans,13480.065,103500.0,125163.0,,103500.0,FRIDAY,18,Y,1,,,,XNA,Refused,-602,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,,,,,,,1,Cash loans,F,N,N,0,90000.0,312768.0,18900.0,270000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.035792000000000004,-20431,365243,-5667.0,-3524,,1,0,0,1,1,0,,1.0,2,2,FRIDAY,11,0,0,0,0,0,0,XNA,,0.6022520277728114,0.5797274227921155,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1441.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1147211,381170,Consumer loans,2817.315,17055.0,14805.0,2250.0,17055.0,SATURDAY,17,Y,1,0.14367953945790352,,,XAP,Approved,-96,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,25,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-60.0,90.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,N,0,135000.0,202500.0,10125.0,202500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.022625,-20204,-2599,-10369.0,-3179,,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Self-employed,,0.6771741846212842,,0.1588,,0.9776,,,0.0,0.069,0.1667,,0.0722,,0.05,,0.2566,0.1618,,0.9777,,,0.0,0.069,0.1667,,0.0738,,0.0521,,0.2716,0.1603,,0.9776,,,0.0,0.069,0.1667,,0.0734,,0.0509,,0.262,,specific housing,0.0635,"Stone, brick",No,3.0,0.0,3.0,0.0,-1228.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,0.0,0.0,2.0 +2164779,180377,Consumer loans,6555.825,65565.0,59008.5,6556.5,65565.0,TUESDAY,17,Y,1,0.1089090909090909,,,XAP,Approved,-1522,Cash through the bank,XAP,Unaccompanied,Refreshed,Construction Materials,POS,XNA,Stone,7,Construction,10.0,low_normal,POS industry with interest,365243.0,-1483.0,-1213.0,-1213.0,-1209.0,0.0,0,Cash loans,F,N,Y,1,157500.0,675000.0,34596.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.006233,-12991,-1596,-4931.0,-5069,,1,1,0,1,1,0,Core staff,3.0,2,2,THURSDAY,23,0,0,0,0,0,0,Business Entity Type 3,0.561976696522174,0.4738448165724306,0.3740208032583212,0.1113,0.0045,0.9767,0.6804,,0.04,0.0345,0.3333,0.0417,0.0541,0.0908,0.0375,0.0,0.0541,0.1134,0.0047,0.9767,0.6929,,0.0403,0.0345,0.3333,0.0417,0.0553,0.0992,0.0391,0.0,0.0573,0.1124,0.0045,0.9767,0.6847,,0.04,0.0345,0.3333,0.0417,0.055,0.0923,0.0382,0.0,0.0552,reg oper account,block of flats,0.0579,Panel,No,2.0,0.0,2.0,0.0,-1522.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2380691,192593,Cash loans,10266.48,126000.0,126000.0,0.0,126000.0,TUESDAY,9,Y,1,0.0,,,XNA,Refused,-2288,XNA,LIMIT,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,18.0,high,Cash Street: high,,,,,,,0,Cash loans,M,N,Y,0,360000.0,251091.0,26496.0,238500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.00702,-17295,-216,-3757.0,-838,,1,1,0,1,0,0,Managers,2.0,2,2,MONDAY,13,0,1,1,0,1,1,Industry: type 7,,0.6600443475753327,0.7165702448010511,0.0584,,0.994,,,,0.1379,0.3333,,,,0.0447,,0.0791,0.0368,,0.9945,,,,0.1379,0.3333,,,,0.0277,,0.0837,0.0656,,0.9945,,,,0.1379,0.3333,,,,0.0505,,0.0808,,block of flats,0.0429,Panel,No,0.0,0.0,0.0,0.0,-1830.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1432735,406554,Cash loans,66406.365,2250000.0,2517300.0,,2250000.0,MONDAY,13,Y,1,,,,Payments on other loans,Refused,-288,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_action,Cash Street: low,,,,,,,0,Cash loans,M,Y,Y,2,360000.0,1125000.0,36423.0,1125000.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.003540999999999999,-12387,-338,-24.0,-4563,9.0,1,1,0,1,0,0,Managers,4.0,1,1,TUESDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.4855939841104157,0.770017520087975,0.34090642641523844,0.1601,0.1199,0.9891,0.8504,,0.1732,0.1493,0.3333,0.375,0.0465,,0.1562,,0.3359,0.188,0.1521,0.9891,0.8563,,0.2014,0.1724,0.3333,0.375,0.0326,,0.1199,,0.3556,0.1863,0.1466,0.9891,0.8524,,0.2,0.1724,0.3333,0.375,0.0543,,0.159,,0.3429,not specified,block of flats,0.1945,Panel,No,6.0,0.0,6.0,0.0,-1098.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1812292,414693,Consumer loans,12028.455,68764.05,64948.5,6880.05,68764.05,SUNDAY,8,Y,1,0.10431785006227902,,,XAP,Approved,-2462,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Stone,902,Consumer electronics,6.0,middle,POS household without interest,365243.0,-2431.0,-2281.0,-2281.0,-2273.0,1.0,0,Cash loans,M,Y,N,1,112500.0,360000.0,23755.5,360000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-10774,-3240,-2759.0,-3245,1.0,1,1,0,1,0,0,Laborers,3.0,2,2,THURSDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.4852073154125858,0.646329897706246,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-282.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2540584,306933,Consumer loans,8711.145,78120.0,78120.0,0.0,78120.0,SUNDAY,17,Y,1,0.0,,,XAP,Refused,-814,Cash through the bank,LIMIT,Family,Repeater,Computers,POS,XNA,Regional / Local,145,Consumer electronics,12.0,high,POS household with interest,,,,,,,0,Cash loans,M,N,Y,0,153000.0,252000.0,30037.5,252000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-8757,-211,-5030.0,-1034,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.3418752889206961,0.18195910978627852,0.0959,0.0,0.9851,0.7959999999999999,0.0141,0.0,0.2069,0.1667,0.0417,0.0,0.0782,0.0914,0.0,0.0,0.0977,0.0,0.9851,0.804,0.0142,0.0,0.2069,0.1667,0.0417,0.0,0.0854,0.0953,0.0,0.0,0.0968,0.0,0.9851,0.7987,0.0141,0.0,0.2069,0.1667,0.0417,0.0,0.0795,0.0931,0.0,0.0,reg oper account,block of flats,0.0796,"Stone, brick",No,0.0,0.0,0.0,0.0,-118.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,3.0 +2694445,147557,Revolving loans,2250.0,45000.0,45000.0,,45000.0,TUESDAY,18,Y,1,,,,XAP,Refused,-28,XNA,SCO,Unaccompanied,Repeater,XNA,Cards,walk-in,Country-wide,35,Connectivity,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,N,0,157500.0,237204.0,21883.5,198000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,Municipal apartment,0.006233,-10604,-975,-2964.0,-3213,,1,1,0,1,0,0,Sales staff,1.0,2,2,TUESDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.6514354296004079,0.6971469077844458,0.0649,0.0708,0.9717,,,0.0,0.1724,0.1667,,0.0522,,0.0798,,0.1118,0.0662,0.0735,0.9717,,,0.0,0.1724,0.1667,,0.0533,,0.0832,,0.1184,0.0656,0.0708,0.9717,,,0.0,0.1724,0.1667,,0.0531,,0.0813,,0.1142,,block of flats,0.0871,"Stone, brick",No,4.0,0.0,4.0,0.0,-757.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2448020,148950,Consumer loans,5717.88,47632.5,42862.5,4770.0,47632.5,THURSDAY,18,Y,1,0.10906342594580667,,,XAP,Approved,-2811,XNA,XAP,,New,Mobile,POS,XNA,Stone,44,Connectivity,10.0,high,POS mobile with interest,365243.0,-2779.0,-2509.0,-2509.0,-2493.0,0.0,0,Cash loans,F,N,N,0,292500.0,1035000.0,30262.5,1035000.0,Unaccompanied,Working,Secondary / secondary special,Married,Office apartment,0.01885,-14055,-320,-4399.0,-4409,,1,1,0,1,0,0,Accountants,2.0,2,2,THURSDAY,18,0,0,0,0,0,0,Business Entity Type 3,0.51488415814266,0.6951449959822871,0.4066174366275036,0.0186,,0.9821,,,,0.1379,0.2083,,0.0694,,0.1371,,0.2633,0.0189,,0.9821,,,,0.1379,0.2083,,0.071,,0.1428,,0.2787,0.0187,,0.9821,,,,0.1379,0.2083,,0.0706,,0.1395,,0.2688,,block of flats,0.1651,"Stone, brick",No,0.0,0.0,0.0,0.0,-2811.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,1.0 +1277503,178119,Revolving loans,6750.0,0.0,135000.0,,,WEDNESDAY,13,Y,1,,,,XAP,Approved,-2380,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,-1,Consumer electronics,0.0,XNA,Card X-Sell,-2379.0,-2341.0,365243.0,-1642.0,365243.0,0.0,0,Cash loans,F,N,Y,0,297000.0,728460.0,41949.0,675000.0,Family,Pensioner,Higher education,Married,House / apartment,0.072508,-24749,365243,-1099.0,-4212,,1,0,0,1,1,0,,2.0,1,1,WEDNESDAY,13,0,0,0,0,0,0,XNA,,0.6330134248419661,0.6801388218428291,0.1921,0.1083,0.9786,0.7076,0.1272,0.2132,0.0917,0.5417,0.5554,0.0,0.1541,0.2082,0.0116,0.0104,0.0882,0.033,0.9762,0.6864,0.0229,0.0806,0.0345,0.4583,0.5,0.0,0.0771,0.0747,0.0,0.0,0.0999,0.1083,0.9776,0.6981,0.128,0.08,0.0345,0.5417,0.5,0.0,0.0812,0.0742,0.0039,0.0106,reg oper account,block of flats,0.3821,Block,No,0.0,0.0,0.0,0.0,-524.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1485767,111028,Consumer loans,10293.66,76050.0,83578.5,0.0,76050.0,SUNDAY,10,Y,1,0.0,,,XAP,Approved,-1909,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,2020,Consumer electronics,12.0,high,POS household with interest,365243.0,-1878.0,-1548.0,-1578.0,-1573.0,0.0,0,Cash loans,F,N,Y,0,135000.0,163008.0,16830.0,144000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.030755,-22213,-4416,-9821.0,-5006,,1,1,0,1,0,0,Laborers,1.0,2,2,FRIDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.40817965342645307,0.6529384361715459,0.8425892767430772,0.1809,0.1416,0.9856,0.8028,0.0597,0.14,0.2586,0.25,0.2083,0.1187,0.2068,0.1868,0.0193,0.0142,0.105,0.1255,0.9851,0.804,0.0191,0.0,0.2414,0.1667,0.2083,0.0783,0.2259,0.1131,0.0195,0.0,0.1827,0.1416,0.9856,0.8054,0.0601,0.14,0.2586,0.25,0.2083,0.1208,0.2104,0.1901,0.0194,0.0145,org spec account,block of flats,0.2696,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2065857,364686,Revolving loans,9000.0,180000.0,180000.0,,180000.0,THURSDAY,16,Y,1,,,,XAP,Approved,-425,XNA,XAP,"Spouse, partner",Repeater,XNA,Cards,x-sell,Country-wide,2400,Consumer electronics,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,180000.0,259794.0,27409.5,229500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.032561,-16703,-89,-8267.0,-146,9.0,1,1,0,1,1,0,Security staff,2.0,1,1,TUESDAY,14,0,0,0,0,0,0,Security,,0.5826078583696835,,0.1134,0.0412,0.9861,,,0.08,0.0345,0.625,,,,0.0603,,0.0076,0.1155,0.0427,0.9861,,,0.0806,0.0345,0.625,,,,0.0628,,0.0081,0.1145,0.0412,0.9861,,,0.08,0.0345,0.625,,,,0.0614,,0.0078,,block of flats,0.0885,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1129585,400990,Consumer loans,28409.355,158773.5,158773.5,0.0,158773.5,MONDAY,18,Y,1,0.0,,,XAP,Approved,-161,Cash through the bank,XAP,Unaccompanied,New,Furniture,POS,XNA,Stone,70,Furniture,6.0,low_normal,POS industry with interest,365243.0,-131.0,19.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,337500.0,1185120.0,39168.0,900000.0,Unaccompanied,State servant,Higher education,Single / not married,House / apartment,0.032561,-13404,-4400,-7172.0,-5432,,1,1,0,1,0,0,Core staff,2.0,1,1,MONDAY,11,0,0,0,0,0,0,Transport: type 2,0.8263481997893776,0.7080764477783484,0.6801388218428291,0.1794,0.1866,0.9856,0.8028,0.0416,0.264,0.2276,0.35,0.3167,0.0135,0.1345,0.238,0.0541,0.0437,0.1828,0.0858,0.9826,0.7713,0.0159,0.1208,0.1034,0.3333,0.375,0.0,0.1469,0.0725,0.0545,0.0,0.1811,0.0939,0.9826,0.7652,0.0166,0.16,0.1379,0.3333,0.375,0.0,0.1368,0.1267,0.0543,0.0,reg oper account,block of flats,0.1924,Panel,No,3.0,0.0,3.0,0.0,-161.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2585926,339639,Consumer loans,18985.32,116100.0,123763.5,0.0,116100.0,THURSDAY,10,Y,1,0.0,,,XAP,Approved,-1134,XNA,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,65,Furniture,8.0,high,POS industry with interest,365243.0,-1098.0,-888.0,-888.0,-886.0,0.0,0,Cash loans,F,Y,N,0,90000.0,495351.0,26518.5,459000.0,Unaccompanied,Pensioner,Higher education,Civil marriage,House / apartment,0.019101,-21606,365243,-9596.0,-4781,7.0,1,0,0,1,0,0,,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,XNA,0.7589527861849477,0.6504615780322031,0.4507472818545589,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1607.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,2.0,0.0,0.0,1.0 +1953833,379545,Consumer loans,8086.41,58270.5,63076.5,0.0,58270.5,SATURDAY,17,Y,1,0.0,,,XAP,Approved,-2022,Cash through the bank,XAP,"Spouse, partner",Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,981,Consumer electronics,10.0,high,POS household with interest,365243.0,-1991.0,-1721.0,-1721.0,-1713.0,0.0,0,Revolving loans,M,Y,Y,1,225000.0,270000.0,13500.0,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,With parents,0.025164,-9229,-2259,-3392.0,-1920,1.0,1,1,0,1,0,0,Laborers,3.0,2,2,FRIDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.18034244686191966,0.516019869436448,0.4938628816996244,0.2474,0.1606,0.9871,0.8232,0.0898,0.24,0.2069,0.375,0.4167,0.0,0.2,0.1812,0.0077,0.0063,0.2521,0.1667,0.9871,0.8301,0.0906,0.2417,0.2069,0.375,0.4167,0.0,0.2185,0.1888,0.0078,0.0066,0.2498,0.1606,0.9871,0.8256,0.0903,0.24,0.2069,0.375,0.4167,0.0,0.2035,0.1844,0.0078,0.0064,reg oper account,block of flats,0.1929,Panel,No,1.0,0.0,1.0,0.0,-1148.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1821008,334037,Revolving loans,2250.0,45000.0,45000.0,,45000.0,THURSDAY,17,Y,1,,,,XAP,Approved,-197,XNA,XAP,Family,Repeater,XNA,Cards,walk-in,Country-wide,15,Connectivity,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,216000.0,508495.5,24462.0,454500.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.04622,-17817,-1507,-792.0,-798,,1,1,0,1,0,0,,1.0,1,1,THURSDAY,14,0,1,1,0,1,1,Business Entity Type 3,0.505405760315935,0.7123832923005173,,0.2227,0.1263,0.9811,0.7416,0.0397,0.24,0.2069,0.3333,0.375,0.1036,0.1816,0.2277,,0.0999,0.2269,0.1311,0.9811,0.7517,0.0401,0.2417,0.2069,0.3333,0.375,0.106,0.1983,0.2373,,0.1057,0.2248,0.1263,0.9811,0.7451,0.04,0.24,0.2069,0.3333,0.375,0.1054,0.1847,0.2318,,0.102,org spec account,block of flats,0.2311,Panel,No,1.0,0.0,1.0,0.0,-578.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2513510,258971,Cash loans,16643.16,81000.0,93015.0,,81000.0,THURSDAY,16,Y,1,,,,XNA,Approved,-422,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,low_normal,Cash X-Sell: low,365243.0,-392.0,-242.0,-242.0,-237.0,1.0,0,Cash loans,M,N,Y,0,112500.0,254700.0,16276.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-16345,-4175,-6490.0,-4172,,1,1,1,1,1,0,Laborers,2.0,2,2,SATURDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.17784210905219286,0.5596985299670921,0.6446794549585961,0.233,0.0952,0.9801,,,0.08,0.069,0.3333,,0.079,,0.1046,,0.009000000000000001,0.2374,0.0988,0.9801,,,0.0806,0.069,0.3333,,0.0808,,0.109,,0.0095,0.2352,0.0952,0.9801,,,0.08,0.069,0.3333,,0.0804,,0.1065,,0.0092,,block of flats,0.1322,"Stone, brick",No,0.0,0.0,0.0,0.0,-422.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2703942,180968,Consumer loans,3018.915,26680.5,26680.5,0.0,26680.5,WEDNESDAY,18,Y,1,0.0,,,XAP,Approved,-600,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,high,POS mobile with interest,365243.0,-563.0,-233.0,-383.0,-372.0,0.0,1,Cash loans,M,Y,Y,0,202500.0,675000.0,32602.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,Co-op apartment,0.026392000000000002,-13090,-1068,-3433.0,-4680,8.0,1,1,0,1,0,0,,2.0,2,2,MONDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.06941665708146359,0.6408664394583842,0.2822484337007223,0.1546,,0.9791,,,0.0,0.1034,0.1667,,,,0.0975,,,0.1576,,0.9791,,,0.0,0.1034,0.1667,,,,0.1015,,,0.1561,,0.9791,,,0.0,0.1034,0.1667,,,,0.0992,,,,specific housing,0.1029,"Stone, brick",No,4.0,2.0,4.0,2.0,-2115.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2669028,296690,Consumer loans,35444.97,192375.0,200628.0,0.0,192375.0,SUNDAY,10,Y,1,0.0,,,XAP,Refused,-829,Cash through the bank,HC,Unaccompanied,Refreshed,Clothing and Accessories,POS,XNA,Stone,60,Clothing,6.0,low_normal,POS industry with interest,,,,,,,0,Revolving loans,F,N,Y,1,135000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.020246,-10388,-3092,-4732.0,-2757,,1,1,0,1,0,0,Laborers,2.0,3,3,WEDNESDAY,7,0,0,0,0,0,0,Business Entity Type 3,0.3377931934711658,0.3685815652542041,0.4920600938649263,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-319.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2401981,200036,Revolving loans,11250.0,225000.0,225000.0,,225000.0,THURSDAY,9,Y,1,,,,XAP,Refused,-806,XNA,HC,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,56776.5,640080.0,24259.5,450000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.030755,-19781,-2243,-12376.0,-3333,,1,1,0,1,0,0,,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Medicine,,0.6457737126667824,0.5549467685334323,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1509.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2310695,283525,Cash loans,10267.155,225000.0,269550.0,,225000.0,THURSDAY,17,Y,1,,,,Other,Approved,-231,XNA,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,low_normal,Cash Street: low,365243.0,-200.0,850.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,225000.0,540000.0,42795.0,540000.0,Unaccompanied,Working,Higher education,Married,Municipal apartment,0.072508,-18323,-1259,-3679.0,-1841,,1,1,0,1,1,0,Core staff,2.0,1,1,MONDAY,18,0,0,0,0,0,0,School,0.6391201943369311,0.7964299797998707,,0.0866,0.0383,0.9762,,,0.08,0.0345,0.4583,,0.0,,0.0452,,0.0,0.0882,0.0397,0.9762,,,0.0806,0.0345,0.4583,,0.0,,0.0471,,0.0,0.0874,0.0383,0.9762,,,0.08,0.0345,0.4583,,0.0,,0.046,,0.0,,block of flats,0.057,Block,No,0.0,0.0,0.0,0.0,-238.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2482354,434333,Consumer loans,8916.57,110430.0,88344.0,22086.0,110430.0,SATURDAY,13,Y,1,0.2178181818181818,,,XAP,Approved,-153,Cash through the bank,XAP,,Repeater,Clothing and Accessories,POS,XNA,Stone,70,Clothing,12.0,middle,POS industry with interest,365243.0,-120.0,210.0,-60.0,-54.0,0.0,0,Cash loans,F,Y,Y,0,180000.0,378706.5,18346.5,306000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.018801,-11135,-1661,-2054.0,-1698,5.0,1,1,0,1,0,0,,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.3948537284221516,0.524479455632258,0.5064842396679806,0.2546,0.1529,0.9896,0.8572,0.1066,0.24,0.2069,0.3542,0.2292,0.1607,0.2076,0.1997,0.0,0.0776,0.1786,0.0642,0.9806,0.7452,0.0623,0.1208,0.1034,0.3333,0.0417,0.0657,0.1561,0.0725,0.0,0.0,0.2571,0.1529,0.9896,0.8591,0.1073,0.24,0.2069,0.3542,0.2292,0.1635,0.2112,0.2033,0.0,0.0793,reg oper account,block of flats,0.3422,Panel,No,0.0,0.0,0.0,0.0,-2888.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,1.0,0.0,0.0,0.0,0.0 +1050976,250089,Cash loans,23179.59,202500.0,215865.0,0.0,202500.0,WEDNESDAY,12,Y,1,0.0,,,XNA,Approved,-2655,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,middle,Cash Street: middle,365243.0,-2625.0,-2295.0,-2295.0,-2175.0,1.0,0,Cash loans,M,N,Y,0,112500.0,497520.0,39438.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.002134,-15555,-3514,-2919.0,-325,,1,1,0,1,0,0,Managers,2.0,3,3,FRIDAY,8,0,0,0,0,1,1,Government,,0.07896543560261743,0.5549467685334323,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,5.0,1.0,4.0,1.0,-1389.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +2600962,380102,Consumer loans,10713.51,58455.0,51903.0,9000.0,58455.0,MONDAY,10,Y,1,0.1609414672810564,,,XAP,Approved,-1865,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Stone,200,Consumer electronics,6.0,high,POS household with interest,365243.0,-1833.0,-1683.0,-1683.0,-1677.0,0.0,0,Cash loans,F,N,Y,0,157500.0,188460.0,11515.5,135000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.030755,-18065,-4814,-10414.0,-1603,,1,1,0,1,0,0,Core staff,2.0,2,2,THURSDAY,13,0,0,0,0,1,1,Government,,0.6324086956479008,0.4794489811780563,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1865.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1356269,272922,Cash loans,8981.82,45000.0,46485.0,0.0,45000.0,TUESDAY,6,Y,1,0.0,,,XNA,Approved,-2314,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,6.0,high,Cash Street: high,365243.0,-2284.0,-2134.0,-2134.0,-2127.0,1.0,0,Cash loans,F,N,Y,0,81000.0,152820.0,15241.5,135000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.0228,-23232,365243,-2756.0,-1327,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,8,0,0,0,0,0,0,XNA,,0.5340624700922812,0.5585066276769286,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-811.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1608184,168190,Cash loans,5254.2,135000.0,135000.0,,135000.0,WEDNESDAY,8,Y,1,,,,XNA,Refused,-989,Cash through the bank,HC,"Spouse, partner",Repeater,XNA,Cash,x-sell,Country-wide,51,Connectivity,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,67500.0,677664.0,22527.0,585000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020713,-22060,365243,-6429.0,-5426,,1,0,0,1,0,0,,2.0,3,3,FRIDAY,7,0,0,0,0,0,0,XNA,,0.5304911467358862,0.4794489811780563,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1796.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2041875,344695,Consumer loans,5727.42,57280.5,51552.0,5728.5,57280.5,WEDNESDAY,10,Y,1,0.1089176468907791,,,XAP,Approved,-1790,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Stone,10,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1655.0,-1385.0,-1475.0,-1471.0,0.0,1,Cash loans,M,Y,Y,0,103500.0,1546020.0,42642.0,1350000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.006852,-17899,365243,-11717.0,-1447,31.0,1,0,0,1,0,0,,2.0,3,3,MONDAY,5,0,0,0,0,0,0,XNA,,0.030405835539815095,0.5549467685334323,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-479.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +1798037,384686,Consumer loans,7134.48,64800.0,64800.0,0.0,64800.0,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-1400,Cash through the bank,XAP,Unaccompanied,Repeater,Clothing and Accessories,POS,XNA,Country-wide,113,Clothing,10.0,low_normal,POS industry with interest,365243.0,-1369.0,-1099.0,-1099.0,-1092.0,0.0,0,Cash loans,F,N,N,0,135000.0,182178.0,7848.0,130500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.009549,-22292,365243,-4076.0,-4693,,1,0,0,1,0,0,,1.0,2,2,SUNDAY,10,0,0,0,0,0,0,XNA,,0.599603743199317,0.3996756156233169,0.0588,0.0487,0.9752,,,0.0,0.1034,0.1667,,0.0707,,0.0311,,0.0091,0.0599,0.0505,0.9752,,,0.0,0.1034,0.1667,,0.0724,,0.0324,,0.0097,0.0593,0.0487,0.9752,,,0.0,0.1034,0.1667,,0.07200000000000001,,0.0316,,0.0093,,block of flats,0.0397,"Stone, brick",No,0.0,0.0,0.0,0.0,-2976.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +2532238,276106,Consumer loans,12250.935,102600.0,99198.0,10260.0,102600.0,MONDAY,9,Y,1,0.10208548235188587,,,XAP,Approved,-2088,Cash through the bank,XAP,Unaccompanied,New,Furniture,POS,XNA,Stone,233,Furniture,9.0,low_normal,POS industry with interest,365243.0,-2057.0,-1817.0,-1817.0,-1809.0,0.0,0,Cash loans,F,N,Y,1,180000.0,528687.0,38601.0,436500.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.007305,-12798,-465,-1352.0,-5272,,1,1,0,1,0,0,,2.0,3,3,WEDNESDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.5153720940340748,0.21435672804774492,0.07249667675378216,0.1598,0.0,0.9796,0.7212,0.004,0.0,0.1034,0.1667,0.2083,0.1382,0.1303,0.0583,0.0,0.0095,0.1628,0.0,0.9796,0.7321,0.004,0.0,0.1034,0.1667,0.2083,0.1414,0.1423,0.0608,0.0,0.0101,0.1613,0.0,0.9796,0.7249,0.004,0.0,0.1034,0.1667,0.2083,0.1406,0.1325,0.0594,0.0,0.0097,reg oper account,block of flats,0.0479,"Stone, brick",No,0.0,0.0,0.0,0.0,-296.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1514054,397659,Cash loans,47433.825,900000.0,991476.0,,900000.0,SATURDAY,10,Y,1,,,,XNA,Approved,-772,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,42.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,112500.0,284400.0,16011.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.072508,-24422,365243,-5669.0,-60,,1,0,0,1,0,1,,1.0,1,1,MONDAY,10,0,0,0,0,0,0,XNA,0.8820998862018988,0.7390244836259355,0.6279908192952864,0.3429,0.2199,0.9776,0.6940000000000001,0.2068,0.3732,0.3217,0.3333,0.0417,0.0,0.6511,0.3231,0.0,0.033,0.1513,0.0966,0.9777,0.706,0.0848,0.1611,0.1379,0.3333,0.0417,0.0,0.326,0.1477,0.0,0.0,0.1499,0.0946,0.9776,0.6981,0.0848,0.16,0.1379,0.3333,0.0417,0.0,0.3036,0.1446,0.0,0.0,reg oper account,block of flats,0.5608,Panel,No,0.0,0.0,0.0,0.0,-969.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2332092,246015,Consumer loans,3769.29,26100.0,28255.5,0.0,26100.0,THURSDAY,12,Y,1,0.0,,,XAP,Approved,-2392,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,85,Connectivity,10.0,high,POS mobile with interest,365243.0,-2361.0,-2091.0,-2091.0,-2088.0,1.0,0,Revolving loans,F,N,N,3,112500.0,202500.0,10125.0,202500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-14324,-3123,-3528.0,-4786,,1,1,0,1,0,0,Private service staff,5.0,2,2,TUESDAY,8,0,0,0,0,0,0,Services,0.7692209340323275,0.5423017615152536,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-145.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2505273,281518,Consumer loans,2918.97,25700.4,25699.5,0.9,25700.4,FRIDAY,16,Y,1,3.813877675763092e-05,,,XAP,Approved,-156,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,30,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-121.0,149.0,365243.0,365243.0,0.0,0,Revolving loans,M,N,Y,0,112500.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.009549,-14975,-1300,-7597.0,-4733,,1,1,0,1,0,0,Laborers,1.0,2,2,SUNDAY,12,0,0,0,0,0,0,Housing,,0.7449895677414688,0.6279908192952864,0.0082,0.0,0.9573,0.4152,0.0023,0.0,0.069,0.0417,0.0833,0.0534,0.0067,0.0067,0.0,0.0,0.0084,0.0,0.9573,0.4381,0.0023,0.0,0.069,0.0417,0.0833,0.0546,0.0073,0.006999999999999999,0.0,0.0,0.0083,0.0,0.9573,0.423,0.0023,0.0,0.069,0.0417,0.0833,0.0543,0.0068,0.0068,0.0,0.0,,block of flats,0.0065,Wooden,Yes,0.0,0.0,0.0,0.0,-156.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2833940,181457,Cash loans,4674.78,67500.0,76410.0,,67500.0,FRIDAY,9,Y,1,,,,XNA,Approved,-520,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),12,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-490.0,200.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,49500.0,76410.0,7573.5,67500.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.030755,-21252,365243,-11650.0,-4637,,1,0,0,1,0,0,,2.0,2,2,SUNDAY,9,0,0,0,0,0,0,XNA,,0.7041876537450665,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-730.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1902431,420226,Cash loans,39335.49,886500.0,991818.0,,886500.0,THURSDAY,9,Y,1,,,,XNA,Refused,-216,Cash through the bank,XNA,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,180000.0,103558.5,6462.0,85500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-23365,365243,-5265.0,-4501,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,XNA,0.3118076470690011,0.2486520670709361,0.3996756156233169,0.0464,0.0109,0.9747,0.6532,0.0075,0.0,0.1034,0.125,0.1667,0.0329,0.0353,0.0351,0.0116,0.0189,0.0473,0.0114,0.9747,0.6668,0.0076,0.0,0.1034,0.125,0.1667,0.0337,0.0386,0.0365,0.0117,0.02,0.0468,0.0109,0.9747,0.6578,0.0076,0.0,0.1034,0.125,0.1667,0.0335,0.0359,0.0357,0.0116,0.0193,reg oper spec account,,0.0317,"Stone, brick",No,6.0,0.0,5.0,0.0,-2034.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,12.0 +1175831,191576,Consumer loans,6215.58,34204.5,32305.5,3424.5,34204.5,TUESDAY,16,Y,1,0.10438264254637053,,,XAP,Approved,-2851,XNA,XAP,,New,Computers,POS,XNA,Country-wide,110,Consumer electronics,6.0,high,POS household with interest,365243.0,-2809.0,-2659.0,-2689.0,-2685.0,1.0,0,Cash loans,F,Y,Y,0,135000.0,157500.0,11902.5,157500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.026392000000000002,-10519,-1357,-45.0,-889,15.0,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,13,0,0,0,0,1,1,Bank,,0.6258524207291101,,0.1155,,0.993,,,0.12,0.1034,0.375,0.0417,0.0,0.0941,0.1309,0.0,0.0,0.1176,,0.993,,,0.1208,0.1034,0.375,0.0417,0.0,0.1028,0.1364,0.0,0.0,0.1166,,0.993,,,0.12,0.1034,0.375,0.0417,0.0,0.0958,0.1333,0.0,0.0,,block of flats,0.103,"Stone, brick",No,7.0,0.0,7.0,0.0,-1000.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1285959,432455,Consumer loans,32109.39,376200.0,338580.0,37620.0,376200.0,WEDNESDAY,18,Y,1,0.1089090909090909,,,XAP,Approved,-706,Cash through the bank,XAP,Unaccompanied,Repeater,Clothing and Accessories,POS,XNA,Stone,101,Clothing,12.0,low_normal,POS industry with interest,365243.0,-673.0,-343.0,-373.0,-366.0,0.0,0,Cash loans,F,Y,Y,1,450000.0,1724688.0,54283.5,1575000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-12051,-832,-737.0,-2077,1.0,1,1,0,1,0,0,Sales staff,3.0,1,1,TUESDAY,13,0,0,0,0,0,0,Realtor,0.30582479962492404,0.7242095464958119,,0.0155,,0.9727,0.626,,0.0,0.069,0.0417,,0.0012,,0.0134,,0.0,0.0158,,0.9727,0.6406,,0.0,0.069,0.0417,,0.0012,,0.0139,,0.0,0.0156,,0.9727,0.631,,0.0,0.069,0.0417,,0.0012,,0.0136,,0.0,reg oper account,block of flats,0.0105,"Stone, brick",No,1.0,0.0,1.0,0.0,-1878.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2224383,442800,Consumer loans,15222.645,87637.5,83034.0,8766.0,87637.5,FRIDAY,12,Y,1,0.10399750445632794,,,XAP,Approved,-360,Cash through the bank,XAP,,Repeater,Construction Materials,POS,XNA,Stone,50,Construction,6.0,middle,POS industry with interest,365243.0,-329.0,-179.0,-299.0,-295.0,0.0,0,Cash loans,M,Y,Y,1,315000.0,863226.0,39136.5,697500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.02461,-10158,-1218,-4931.0,-2797,6.0,1,1,0,1,1,0,Sales staff,3.0,2,2,MONDAY,9,0,1,1,0,1,1,Self-employed,,0.21145812665434066,,0.0072,0.0,0.9578,,,0.0,0.0345,0.0417,,0.0,,0.0043,,0.0,0.0074,0.0,0.9578,,,0.0,0.0345,0.0417,,0.0,,0.0045,,0.0,0.0073,0.0,0.9578,,,0.0,0.0345,0.0417,,0.0,,0.0044,,0.0,,block of flats,0.0039,Wooden,No,3.0,0.0,3.0,0.0,-283.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1153406,389459,Consumer loans,9857.655,107640.0,107640.0,0.0,107640.0,FRIDAY,13,Y,1,0.0,,,XAP,Approved,-245,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Regional / Local,100,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-214.0,116.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,1,270000.0,1288350.0,41562.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-18370,-362,-454.0,-1920,5.0,1,1,1,1,1,0,Drivers,3.0,2,2,FRIDAY,16,0,0,0,0,1,1,Business Entity Type 3,0.4644815020871328,0.6373307623073855,0.7862666146611379,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1632.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,2.0,0.0 +2550899,119615,Consumer loans,4678.56,71590.5,40090.5,31500.0,71590.5,SATURDAY,13,Y,1,0.4792027383013614,,,XAP,Refused,-2449,Cash through the bank,SCO,Other_B,Repeater,Mobile,POS,XNA,Regional / Local,37,Connectivity,12.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,1,135000.0,541323.0,29493.0,405000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.030755,-11153,-1057,-945.0,-3725,,1,1,0,1,0,1,Laborers,3.0,2,2,FRIDAY,10,0,0,0,0,1,1,Industry: type 11,,0.5150859350860529,0.21396685226179807,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1315.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1921726,227632,Consumer loans,15245.46,140850.0,137223.0,14085.0,140850.0,SUNDAY,12,Y,1,0.10138158890835544,,,XAP,Approved,-2413,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Stone,65,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2382.0,-2112.0,-2112.0,-2098.0,1.0,0,Cash loans,M,Y,Y,0,157500.0,1006920.0,40063.5,900000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.028663,-20521,-2679,-5686.0,-3979,6.0,1,1,1,1,1,0,Laborers,2.0,2,2,FRIDAY,13,0,0,0,0,1,1,Construction,,0.15170389255400835,0.6642482627052363,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2809889,402241,Cash loans,24888.15,315000.0,315000.0,,315000.0,FRIDAY,11,Y,1,,,,Repairs,Approved,-690,Cash through the bank,XAP,,New,XNA,Cash,walk-in,Country-wide,30,Connectivity,24.0,high,Cash Street: high,365243.0,-660.0,30.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,81000.0,521280.0,31500.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00733,-10095,-1769,-6294.0,-2783,,1,1,1,1,0,0,Laborers,2.0,2,2,TUESDAY,9,0,0,0,0,1,1,Self-employed,0.27082725593223483,0.7397366182670133,0.375711009574066,0.0619,,0.9876,,,0.0,0.1034,0.1667,0.0417,,0.0504,0.0602,0.0,,0.063,,0.9876,,,0.0,0.1034,0.1667,0.0417,,0.0551,0.0627,0.0,,0.0625,,0.9876,,,0.0,0.1034,0.1667,0.0417,,0.0513,0.0613,0.0,,,block of flats,0.0483,Block,No,4.0,1.0,4.0,0.0,-690.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2149325,442551,Consumer loans,20259.09,201127.5,181012.5,20115.0,201127.5,SUNDAY,16,Y,1,0.10892127449684222,,,XAP,Approved,-1353,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,2535,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1322.0,-1052.0,-1052.0,-1045.0,0.0,0,Cash loans,F,N,Y,0,135000.0,1649376.0,51916.5,1350000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-15906,-2254,-4269.0,-4278,,1,1,0,1,1,0,High skill tech staff,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.7238337733607165,0.7838324335199619,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,1.0,6.0,0.0,-1015.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2171612,379250,Consumer loans,18226.8,167742.0,150966.0,16776.0,167742.0,SUNDAY,17,Y,1,0.10892077768781278,,,XAP,Refused,-291,Cash through the bank,HC,Unaccompanied,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,79,Connectivity,12.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,Y,Y,1,166500.0,502497.0,39829.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.002042,-10435,-868,-1021.0,-1037,4.0,1,1,0,1,0,1,Medicine staff,3.0,3,3,THURSDAY,12,0,0,0,1,1,0,Other,0.34693588126243463,0.1582175713845228,0.2366108235287817,,,0.9791,,,,,,,,,0.0141,,,,,0.9791,,,,,,,,,0.0147,,,,,0.9791,,,,,,,,,0.0144,,,,,0.0111,,No,0.0,0.0,0.0,0.0,-711.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,8.0 +1489399,106477,Consumer loans,5237.145,116122.5,116122.5,0.0,116122.5,THURSDAY,13,Y,1,0.0,,,XAP,Approved,-1602,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,4601,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1571.0,-881.0,-1001.0,-997.0,0.0,0,Cash loans,F,Y,N,0,112500.0,630000.0,32751.0,630000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.022625,-11349,-2476,-1674.0,-783,2.0,1,1,0,1,0,1,High skill tech staff,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Trade: type 2,0.5678318909211894,0.5716411813650637,0.722392890081304,0.066,0.0,0.9757,0.6668,0.0081,0.0,0.1379,0.1667,0.2083,0.0541,0.0538,0.0566,0.0193,0.0627,0.0672,0.0,0.9757,0.6798,0.0082,0.0,0.1379,0.1667,0.2083,0.0554,0.0588,0.059,0.0195,0.0663,0.0666,0.0,0.9757,0.6713,0.0081,0.0,0.1379,0.1667,0.2083,0.0551,0.0547,0.0576,0.0194,0.064,reg oper account,block of flats,0.0626,Panel,No,0.0,0.0,0.0,0.0,-173.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1720266,403133,Consumer loans,5356.395,53770.5,59449.5,0.0,53770.5,SUNDAY,11,Y,1,0.0,,,XAP,Approved,-907,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,1000,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-876.0,-546.0,-636.0,-626.0,0.0,0,Cash loans,F,Y,N,0,180000.0,787131.0,26014.5,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-15804,-2716,-5315.0,-4244,7.0,1,1,1,1,1,1,,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.7128597976644808,0.3934432967200421,0.3031463744186309,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1879.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1362356,166982,Cash loans,19151.46,225000.0,247275.0,,225000.0,WEDNESDAY,14,Y,1,,,,XNA,Approved,-985,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,Y,Y,0,202500.0,1125000.0,32373.0,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-15160,-1261,-5046.0,-5045,12.0,1,1,0,1,0,0,Drivers,2.0,2,2,MONDAY,15,0,0,0,0,0,0,Government,,0.31441689887252977,0.6754132910917112,0.1175,0.0988,0.9816,0.7484,0.021,0.0,0.2759,0.1667,0.2083,0.1364,0.0958,0.1035,0.0,0.0,0.1197,0.1025,0.9816,0.7583,0.0212,0.0,0.2759,0.1667,0.2083,0.1395,0.1047,0.1078,0.0,0.0,0.1187,0.0988,0.9816,0.7518,0.0211,0.0,0.2759,0.1667,0.2083,0.1387,0.0975,0.1053,0.0,0.0,org spec account,block of flats,0.0825,Panel,No,1.0,1.0,1.0,1.0,-13.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,3.0,2.0,0.0 +2672429,153700,Revolving loans,22500.0,0.0,450000.0,,,SATURDAY,11,Y,1,,,,XAP,Approved,-1339,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-1316.0,-1280.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,M,Y,Y,0,202500.0,864000.0,25393.5,864000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-17726,-814,-17555.0,-1256,10.0,1,1,0,1,1,0,High skill tech staff,2.0,2,2,MONDAY,10,0,1,1,0,1,1,Business Entity Type 3,,0.6226671714461666,0.4848514754962666,0.1485,0.1005,0.9861,0.8096,0.0587,0.16,0.1379,0.3333,0.375,0.1074,0.121,0.1547,0.0,0.0,0.1513,0.1042,0.9861,0.8171,0.0557,0.1611,0.1379,0.3333,0.375,0.0712,0.1322,0.1612,0.0,0.0,0.1499,0.1005,0.9861,0.8121,0.0591,0.16,0.1379,0.3333,0.375,0.1092,0.1231,0.1575,0.0,0.0,reg oper account,block of flats,0.1519,Panel,No,1.0,0.0,1.0,0.0,-1716.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2830953,117855,Consumer loans,14977.53,76261.5,80289.0,0.0,76261.5,WEDNESDAY,12,Y,1,0.0,,,XAP,Approved,-707,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Stone,550,Consumer electronics,6.0,middle,POS household with interest,365243.0,-676.0,-526.0,-586.0,-570.0,0.0,0,Cash loans,F,N,Y,0,90000.0,675000.0,32472.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-20065,-1032,-3620.0,-3618,,1,1,1,1,0,0,Cleaning staff,2.0,2,2,WEDNESDAY,12,1,1,0,1,1,0,Business Entity Type 3,,0.7549689074976438,0.633031641417419,0.1031,0.0876,0.9846,0.7892,0.0142,0.0,0.2069,0.1667,0.0417,0.0285,0.0841,0.0905,0.0,0.0,0.105,0.0909,0.9846,0.7975,0.0143,0.0,0.2069,0.1667,0.0417,0.0291,0.0918,0.0943,0.0,0.0,0.1041,0.0876,0.9846,0.792,0.0143,0.0,0.2069,0.1667,0.0417,0.029,0.0855,0.0922,0.0,0.0,org spec account,block of flats,0.079,Block,No,0.0,0.0,0.0,0.0,-707.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2796015,215234,Cash loans,28063.395,742500.0,869913.0,,742500.0,FRIDAY,12,Y,1,,,,XNA,Approved,-589,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-559.0,1211.0,-379.0,-374.0,1.0,0,Cash loans,M,Y,Y,0,76500.0,298512.0,21721.5,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-21265,-1714,-11707.0,-4744,9.0,1,1,1,1,0,0,Laborers,2.0,2,2,WEDNESDAY,10,0,0,0,0,1,1,Transport: type 4,,0.4424079398957448,,0.0175,0.0187,0.9796,0.7212,0.0069,0.0,0.0862,0.0417,0.0833,0.0142,0.0143,0.0123,0.0,0.0168,0.0168,0.0,0.9791,0.7256,0.0021,0.0,0.069,0.0417,0.0833,0.0129,0.0147,0.0104,0.0,0.0042,0.0177,0.0187,0.9796,0.7249,0.006999999999999999,0.0,0.0862,0.0417,0.0833,0.0144,0.0145,0.0125,0.0,0.0171,reg oper account,block of flats,0.0124,"Stone, brick",No,2.0,0.0,2.0,0.0,-832.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1438928,151736,Cash loans,25155.18,382500.0,435514.5,,382500.0,SATURDAY,11,Y,1,,,,XNA,Approved,-709,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash X-Sell: high,365243.0,-679.0,371.0,-469.0,-462.0,1.0,0,Cash loans,M,N,Y,0,135000.0,225000.0,11619.0,225000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.026392000000000002,-22529,-561,-1207.0,-4828,,1,1,0,1,0,0,High skill tech staff,2.0,2,2,MONDAY,16,0,0,0,0,0,0,Other,,0.7371814493653966,0.1385128770585923,0.033,0.0469,0.9791,,,0.0,0.069,0.1667,,0.0081,,0.029,,0.0438,0.0336,0.0487,0.9791,,,0.0,0.069,0.1667,,0.0083,,0.0302,,0.0463,0.0333,0.0469,0.9791,,,0.0,0.069,0.1667,,0.0083,,0.0295,,0.0447,,block of flats,0.0323,"Stone, brick",No,0.0,0.0,0.0,0.0,-1943.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,1.0,0.0,7.0 +2477933,163334,Consumer loans,4855.77,36540.0,35599.5,3654.0,36540.0,MONDAY,17,Y,1,0.10138046752055692,,,XAP,Approved,-1606,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,25,Connectivity,10.0,high,POS mobile with interest,365243.0,-1564.0,-1294.0,-1294.0,-1285.0,0.0,0,Cash loans,F,Y,Y,0,202500.0,343800.0,13090.5,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-17256,-10308,-5756.0,-783,10.0,1,1,0,1,1,1,Accountants,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,Industry: type 12,0.5352822405886812,0.625990664995801,0.39277386060313396,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1606.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1897084,417911,Consumer loans,5737.86,67500.0,60750.0,6750.0,67500.0,FRIDAY,17,Y,1,0.1089090909090909,,,XAP,Approved,-759,Cash through the bank,XAP,Unaccompanied,New,Clothing and Accessories,POS,XNA,Stone,132,Clothing,12.0,low_normal,POS industry with interest,365243.0,-728.0,-398.0,-428.0,-421.0,0.0,0,Cash loans,F,N,Y,2,153000.0,755190.0,36459.0,675000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.006670999999999999,-13022,-2362,-577.0,-3841,,1,1,0,1,0,0,Core staff,4.0,2,2,MONDAY,17,0,0,0,0,0,0,Government,,0.6379471825025358,0.7826078370261895,0.1485,,0.9985,,,0.16,0.1379,0.3333,,,,0.1225,,,0.1513,,0.9985,,,0.1611,0.1379,0.3333,,,,0.1276,,,0.1499,,0.9985,,,0.16,0.1379,0.3333,,,,0.1247,,,,block of flats,0.1679,Panel,No,0.0,0.0,0.0,0.0,-759.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2417814,331091,Cash loans,67534.785,1485000.0,1590849.0,,1485000.0,THURSDAY,15,Y,1,,,,XNA,Refused,-416,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,225000.0,450000.0,19953.0,450000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.005084,-20506,-8810,-263.0,-4047,,1,1,0,1,1,0,High skill tech staff,2.0,2,2,SUNDAY,11,0,0,0,0,0,0,Medicine,,0.6530771746337163,0.6313545365850379,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1631.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1954150,368099,Consumer loans,9976.995,92178.0,89802.0,9220.5,92178.0,SUNDAY,16,Y,1,0.10141091900601104,,,XAP,Approved,-2453,Cash through the bank,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Country-wide,584,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2422.0,-2152.0,-2152.0,-2131.0,1.0,0,Cash loans,M,Y,Y,0,157500.0,830709.0,30915.0,742500.0,Family,Commercial associate,Higher education,Married,House / apartment,0.031329,-10304,-2569,-1496.0,-387,2.0,1,1,0,1,0,0,Core staff,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Self-employed,0.4153177168191103,0.6588706492568475,0.4418358231994413,0.0515,0.0854,0.9781,0.7008,0.0045,0.04,0.0345,0.3333,0.375,0.0516,0.0403,0.0419,0.0077,0.036000000000000004,0.0525,0.0886,0.9782,0.7125,0.0045,0.0403,0.0345,0.3333,0.375,0.0528,0.0441,0.0436,0.0078,0.0381,0.052000000000000005,0.0854,0.9781,0.7048,0.0045,0.04,0.0345,0.3333,0.375,0.0525,0.041,0.0426,0.0078,0.0367,reg oper account,block of flats,0.0485,"Stone, brick",No,0.0,0.0,0.0,0.0,-603.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,2.0,1.0 +1928209,170391,Cash loans,17564.715,265500.0,334566.0,,265500.0,SATURDAY,13,Y,1,,,,XNA,Approved,-262,Cash through the bank,XAP,Family,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,high,Cash X-Sell: high,365243.0,-232.0,1178.0,-172.0,-170.0,1.0,0,Cash loans,F,N,Y,0,216000.0,342000.0,19764.0,342000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.026392000000000002,-12104,-428,-6241.0,-4492,,1,1,0,1,1,0,Accountants,1.0,2,2,TUESDAY,10,0,0,0,0,1,1,Business Entity Type 3,0.6273637321161538,0.6173865783912329,0.5814837058057234,0.0371,,0.9742,,,0.0,0.1034,0.0833,,0.0229,,0.0311,,0.0001,0.0378,,0.9742,,,0.0,0.1034,0.0833,,0.0234,,0.0324,,0.0001,0.0375,,0.9742,,,0.0,0.1034,0.0833,,0.0233,,0.0317,,0.0001,,block of flats,0.0245,"Stone, brick",No,0.0,0.0,0.0,0.0,-1830.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2731367,425045,Revolving loans,18000.0,0.0,360000.0,,,TUESDAY,10,Y,1,,,,XAP,Approved,-414,XNA,XAP,,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),-1,XNA,0.0,XNA,Card X-Sell,-413.0,-373.0,365243.0,-312.0,365243.0,0.0,1,Cash loans,F,N,Y,1,90000.0,999000.0,29340.0,999000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.018209,-13058,-235,-3148.0,-749,,1,1,0,1,0,0,Sales staff,3.0,3,3,WEDNESDAY,9,0,0,0,1,1,0,Business Entity Type 3,,0.1402613245196296,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-491.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +2720409,341053,Cash loans,10459.8,117000.0,117000.0,,117000.0,FRIDAY,8,Y,1,,,,XNA,Approved,-2760,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,15.0,middle,Cash Street: middle,365243.0,-2730.0,-2310.0,-2310.0,-2296.0,0.0,0,Cash loans,M,N,Y,2,153000.0,94230.0,5823.0,67500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.072508,-15259,-1843,-7894.0,-2774,,1,1,0,1,0,0,,4.0,1,1,SUNDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.7508356358835535,0.5726825047161584,0.1443,0.0629,0.9816,0.7484,0.0844,0.1,0.0459,0.625,0.6667,0.0,0.1165,0.1385,0.0051,0.0116,0.1166,0.0462,0.9816,0.7583,0.0687,0.0806,0.0345,0.625,0.6667,0.0,0.101,0.1098,0.0,0.0,0.1155,0.0445,0.9816,0.7518,0.0704,0.08,0.0345,0.625,0.6667,0.0,0.0949,0.1077,0.0039,0.0004,reg oper account,block of flats,0.1682,Block,No,0.0,0.0,0.0,0.0,-2591.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +2117214,294886,Consumer loans,2745.585,15202.8,13680.0,1522.8,15202.8,MONDAY,11,Y,1,0.10908961746281187,,,XAP,Approved,-2821,Cash through the bank,XAP,,New,Mobile,POS,XNA,Stone,18,Connectivity,6.0,high,POS mobile with interest,365243.0,-2779.0,-2629.0,-2659.0,-2612.0,0.0,0,Cash loans,F,Y,N,0,153000.0,900000.0,25794.0,900000.0,,Working,Secondary / secondary special,Single / not married,House / apartment,0.015221,-18389,-3200,-718.0,-1939,2.0,1,1,0,1,0,0,Laborers,1.0,2,2,FRIDAY,16,0,0,0,0,0,0,Industry: type 9,0.6471861712072039,0.3221554299572505,0.4614823912998385,0.0371,0.0475,0.9737,0.6396,0.0181,0.0,0.1034,0.0833,0.125,0.0212,0.0303,0.0304,0.0,0.0,0.0378,0.0493,0.9737,0.6537,0.0183,0.0,0.1034,0.0833,0.125,0.0216,0.0331,0.0316,0.0,0.0,0.0375,0.0475,0.9737,0.6444,0.0182,0.0,0.1034,0.0833,0.125,0.0215,0.0308,0.0309,0.0,0.0,reg oper account,block of flats,0.0338,Block,No,0.0,0.0,0.0,0.0,-3.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1545769,239805,Cash loans,24887.61,427500.0,486751.5,,427500.0,FRIDAY,11,Y,1,,,,XNA,Approved,-777,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-747.0,303.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,0,225000.0,495972.0,25452.0,414000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.02461,-23430,365243,-3874.0,-4782,9.0,1,0,0,1,0,0,,2.0,2,2,FRIDAY,17,0,0,0,0,0,0,XNA,,0.2681602326822525,0.5585066276769286,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1306.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1198517,299009,Cash loans,23723.55,225000.0,239850.0,,225000.0,TUESDAY,9,Y,1,,,,XNA,Approved,-288,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),6,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-258.0,72.0,-108.0,-101.0,1.0,1,Cash loans,M,Y,Y,1,247500.0,728460.0,57555.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-14287,-4803,-4949.0,-4949,7.0,1,1,1,1,1,0,Drivers,3.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Self-employed,0.7934465431581526,0.6210834114720268,0.5726825047161584,0.0619,0.0546,0.9796,0.7212,0.0075,0.0,0.1379,0.1667,0.2083,0.0393,0.0504,0.0544,0.0,0.0,0.063,0.0567,0.9796,0.7321,0.0076,0.0,0.1379,0.1667,0.2083,0.0402,0.0551,0.0567,0.0,0.0,0.0625,0.0546,0.9796,0.7249,0.0076,0.0,0.1379,0.1667,0.2083,0.04,0.0513,0.0554,0.0,0.0,reg oper account,block of flats,0.0469,Panel,No,2.0,0.0,2.0,0.0,-2219.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1946406,354856,Cash loans,21878.325,675000.0,790830.0,,675000.0,MONDAY,10,Y,1,,,,XNA,Approved,-217,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),5,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-187.0,1583.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,0,225000.0,1164667.5,34051.5,1017000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.007114,-14800,-1635,-59.0,-4023,1.0,1,1,1,1,1,0,,2.0,2,2,MONDAY,16,0,0,0,0,0,0,Medicine,,0.5755295095679599,0.511891801533151,0.1124,,0.9856,,,0.0,0.1034,0.1667,,,,0.0767,,,0.1145,,0.9856,,,0.0,0.1034,0.1667,,,,0.08,,,0.1135,,0.9856,,,0.0,0.1034,0.1667,,,,0.0781,,,,block of flats,0.0919,"Stone, brick",No,0.0,0.0,0.0,0.0,-2466.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2702404,306609,Consumer loans,2918.34,20650.5,18400.5,2250.0,20650.5,THURSDAY,7,Y,1,0.11866320648190334,,,XAP,Approved,-2805,XNA,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,38,Connectivity,8.0,low_normal,POS mobile with interest,365243.0,-2774.0,-2564.0,-2564.0,-2557.0,0.0,0,Cash loans,F,N,Y,0,90000.0,663093.0,19516.5,553500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.006852,-15918,-2415,-565.0,-4543,,1,1,0,1,0,0,Core staff,1.0,3,3,TUESDAY,6,0,0,0,0,0,0,Postal,,0.5640642411296688,0.7726311345553628,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2248.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2238187,364142,Consumer loans,12489.075,89473.5,112009.5,0.0,89473.5,WEDNESDAY,13,Y,1,0.0,,,XAP,Approved,-1542,Cash through the bank,XAP,Family,New,Construction Materials,POS,XNA,Stone,30,Construction,12.0,high,POS industry with interest,365243.0,-1511.0,-1181.0,-1181.0,-1173.0,0.0,0,Cash loans,F,N,Y,0,90000.0,176328.0,6462.0,139500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.0228,-20832,365243,-9943.0,-4265,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,11,0,0,0,0,0,0,XNA,,0.2622583692422573,0.6380435278721609,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1574219,445301,Consumer loans,5370.03,46696.5,42025.5,4671.0,46696.5,SUNDAY,13,Y,1,0.10894057662487848,,,XAP,Approved,-764,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,25,Connectivity,10.0,high,POS mobile with interest,365243.0,-727.0,-457.0,-637.0,-631.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,755190.0,36459.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-13887,-86,-5544.0,-4525,16.0,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,16,0,0,0,0,1,1,Construction,,0.6084634547395561,0.4101025731788671,0.0701,0.0423,0.9821,,,0.0,0.069,0.1667,,0.0,,0.0477,,0.0122,0.0714,0.0439,0.9821,,,0.0,0.069,0.1667,,0.0,,0.0497,,0.0129,0.0708,0.0423,0.9821,,,0.0,0.069,0.1667,,0.0,,0.0486,,0.0124,,block of flats,0.0394,"Stone, brick",No,8.0,0.0,8.0,0.0,-1598.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1189158,312911,Consumer loans,9853.875,115861.5,104274.0,11587.5,115861.5,THURSDAY,14,Y,1,0.10892178082530353,,,XAP,Approved,-1256,Cash through the bank,XAP,Children,Repeater,Computers,POS,XNA,Stone,18,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-1210.0,-880.0,-880.0,-875.0,0.0,0,Revolving loans,F,N,N,1,112500.0,225000.0,11250.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.019688999999999998,-16366,-3302,-4856.0,-4856,,1,1,0,1,0,0,Laborers,2.0,2,2,SUNDAY,11,0,0,0,1,1,0,Self-employed,,0.2066277602093065,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1984.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2734846,286297,Cash loans,29235.42,454500.0,645516.0,,454500.0,WEDNESDAY,18,Y,1,,,,XNA,Refused,-344,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,Y,N,2,121500.0,797868.0,25735.5,666000.0,Unaccompanied,Commercial associate,Higher education,Married,Municipal apartment,0.032561,-14674,-1589,-3527.0,-1487,16.0,1,1,0,1,1,0,Managers,4.0,1,1,THURSDAY,12,0,0,0,0,0,0,Other,0.5909457405783088,0.7851888082109512,0.6127042441012546,0.0978,0.0684,0.9757,0.6668,0.0112,0.0112,0.1507,0.2083,0.2558,0.0646,0.0779,0.0848,0.0083,0.0103,0.1071,0.0306,0.9757,0.6798,0.0089,0.0,0.1724,0.1667,0.2083,0.0054,0.0918,0.0405,0.0078,0.0069,0.1062,0.0727,0.9757,0.6713,0.0109,0.0,0.1724,0.1667,0.2083,0.0759,0.0855,0.0922,0.0078,0.0085,reg oper account,block of flats,0.0324,Panel,No,0.0,0.0,0.0,0.0,-1322.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1468363,136937,Cash loans,19609.065,135000.0,165226.5,,135000.0,THURSDAY,13,Y,1,,,,Wedding / gift / holiday,Approved,-553,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-523.0,-193.0,-223.0,-221.0,1.0,1,Cash loans,F,N,Y,0,72000.0,417024.0,22752.0,360000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019101,-11464,-2331,-4679.0,-4007,,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,10,0,0,0,0,1,1,Government,0.4257342590607569,0.026138121766522908,0.2608559142068693,,,0.9742,,,,0.069,0.0417,,,,0.0075,,,,,0.9742,,,,0.069,0.0417,,,,0.0078,,,,,0.9742,,,,0.069,0.0417,,,,0.0076,,,,,0.0109,"Stone, brick",No,2.0,2.0,2.0,2.0,-721.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,8.0 +2530952,189823,Consumer loans,5995.26,32670.0,29403.0,3267.0,32670.0,WEDNESDAY,16,Y,1,0.1089090909090909,,,XAP,Refused,-1943,Cash through the bank,SCO,Unaccompanied,New,Mobile,POS,XNA,Regional / Local,8,Connectivity,6.0,high,POS mobile with interest,,,,,,,1,Revolving loans,M,N,N,0,225000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.007114,-13326,-2413,-2704.0,-2711,,1,1,0,1,0,0,Laborers,1.0,2,2,SUNDAY,10,0,0,0,0,0,0,Industry: type 9,0.2955707689552391,0.5220628717894454,0.2458512138252296,0.0825,0.056,0.9826,0.762,0.0616,0.0,0.069,0.1667,0.0417,0.0202,0.0672,0.0255,0.0,0.0562,0.084,0.0581,0.9826,0.7713,0.0622,0.0,0.069,0.1667,0.0417,0.0207,0.0735,0.0266,0.0,0.0595,0.0833,0.056,0.9826,0.7652,0.062,0.0,0.069,0.1667,0.0417,0.0206,0.0684,0.026,0.0,0.0574,reg oper spec account,block of flats,0.0323,Panel,No,0.0,0.0,0.0,0.0,-1943.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,4.0 +2017930,127681,Cash loans,47749.5,450000.0,450000.0,,450000.0,WEDNESDAY,17,Y,1,,,,XNA,Approved,-189,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-159.0,171.0,-129.0,-122.0,0.0,0,Cash loans,F,Y,Y,0,135000.0,540000.0,41917.5,540000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.035792000000000004,-14820,-269,-8291.0,-5376,8.0,1,1,0,1,0,1,Managers,1.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.6383965800671207,0.4101025731788671,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-189.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2682064,103911,Consumer loans,38211.795,384034.5,409383.0,0.0,384034.5,SATURDAY,20,Y,1,0.0,,,XAP,Approved,-711,Non-cash from your account,XAP,,New,Audio/Video,POS,XNA,Country-wide,1500,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-679.0,-349.0,-409.0,-402.0,0.0,0,Cash loans,F,Y,Y,1,405000.0,1467612.0,58333.5,1350000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.04622,-15026,-2058,-8874.0,-4724,12.0,1,1,0,1,0,0,Laborers,3.0,1,1,WEDNESDAY,15,0,0,0,0,1,1,Business Entity Type 3,0.5738800468814024,0.6891951579886505,0.4740512892789932,0.0876,,0.9871,0.898,,0.08,0.1034,0.2292,0.1667,,,,,0.0,0.0273,,0.9821,0.902,,0.0,0.069,0.125,0.1667,,,,,0.0,0.0885,,0.9871,0.8994,,0.08,0.1034,0.2292,0.1667,,,,,0.0,reg oper account,block of flats,0.025,"Stone, brick",No,3.0,0.0,3.0,0.0,-711.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2755124,343694,Consumer loans,6028.065,57510.0,50841.0,11250.0,57510.0,TUESDAY,15,Y,1,0.19732767594776573,,,XAP,Approved,-1935,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,43,Connectivity,12.0,high,POS mobile with interest,365243.0,-1904.0,-1574.0,-1604.0,-1601.0,0.0,0,Cash loans,F,Y,Y,0,63000.0,490500.0,33039.0,490500.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.028663,-20790,365243,-7772.0,-4139,7.0,1,0,0,1,0,0,,2.0,2,2,FRIDAY,8,0,0,0,0,0,0,XNA,0.8090607943992,0.34337257718620456,0.5388627065779676,0.3165,0.1701,0.9806,0.7348,0.0488,0.24,0.2069,0.3333,0.375,0.1301,0.2429,0.2596,0.0695,0.1874,0.3225,0.1765,0.9806,0.7452,0.0492,0.2417,0.2069,0.3333,0.375,0.1331,0.2654,0.2704,0.07,0.1984,0.3196,0.1701,0.9806,0.7383,0.0491,0.24,0.2069,0.3333,0.375,0.1324,0.2471,0.2642,0.0699,0.1914,reg oper account,block of flats,0.2716,"Stone, brick",No,1.0,0.0,1.0,0.0,-1569.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,4.0 +2019887,190879,Cash loans,30044.295,954000.0,1092519.0,,954000.0,WEDNESDAY,12,Y,1,,,,Urgent needs,Refused,-212,Cash through the bank,VERIF,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,76500.0,358443.0,13639.5,252000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.025164,-20771,-1039,-1633.0,-3032,,1,1,0,1,1,0,Cleaning staff,1.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.632028154149836,0.26651977539251576,0.5919766183185521,0.0845,0.0698,0.9747,0.6532,0.0537,0.0,0.1379,0.1667,0.2083,0.0503,0.0672,0.0652,0.0077,0.045,0.0861,0.0725,0.9747,0.6668,0.0542,0.0,0.1379,0.1667,0.2083,0.0515,0.0735,0.068,0.0078,0.0477,0.0854,0.0698,0.9747,0.6578,0.054000000000000006,0.0,0.1379,0.1667,0.2083,0.0512,0.0684,0.0664,0.0078,0.046,reg oper account,block of flats,0.0905,Panel,No,0.0,0.0,0.0,0.0,-1182.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,1.0,3.0 +2076686,417534,Consumer loans,7185.375,66087.0,73066.5,0.0,66087.0,FRIDAY,9,Y,1,0.0,,,XAP,Approved,-491,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,70,Consumer electronics,12.0,middle,POS household with interest,365243.0,-460.0,-130.0,-130.0,-125.0,0.0,0,Cash loans,F,N,N,0,31500.0,327024.0,12456.0,270000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.018801,-19045,365243,-3757.0,-225,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,XNA,0.250956796819203,0.05451116781148811,,,,0.9722,,,,,,,,,0.0019,,,,,0.9722,,,,,,,,,0.002,,,,,0.9722,,,,,,,,,0.0019,,,,terraced house,0.0015,,Yes,1.0,1.0,1.0,1.0,-380.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2344110,120563,Cash loans,,0.0,0.0,,,TUESDAY,2,Y,1,,,,XNA,Refused,-182,XNA,HC,,Repeater,XNA,XNA,XNA,AP+ (Cash loan),6,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,N,0,162000.0,521280.0,41062.5,450000.0,Unaccompanied,Working,Incomplete higher,Single / not married,With parents,0.014464,-11209,-522,-5146.0,-3801,,1,1,1,1,1,1,High skill tech staff,1.0,2,2,SATURDAY,4,0,1,1,0,1,1,Business Entity Type 3,,0.2470296396720533,,0.0918,0.0922,0.9801,0.728,0.0114,0.0,0.2069,0.1667,0.0417,,0.0748,0.0848,0.0,0.0,0.0935,0.0957,0.9801,0.7387,0.0115,0.0,0.2069,0.1667,0.0417,,0.0817,0.0884,0.0,0.0,0.0926,0.0922,0.9801,0.7316,0.0115,0.0,0.2069,0.1667,0.0417,,0.0761,0.0863,0.0,0.0,reg oper account,block of flats,0.0729,Panel,No,0.0,0.0,0.0,0.0,-387.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2194078,364212,Revolving loans,5625.0,0.0,112500.0,,,FRIDAY,12,Y,1,,,,XAP,Refused,-2347,XNA,SCO,,Repeater,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,157500.0,755190.0,30757.5,675000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.025164,-20994,-3814,-4325.0,-4528,,1,1,0,1,1,0,Managers,2.0,2,2,SUNDAY,11,0,0,0,0,0,0,School,0.7056728753838076,0.6499891055064511,0.3233112448967859,0.0,0.0606,0.9757,0.6668,0.0,0.0,0.1034,0.1667,0.2083,0.0,0.0412,0.0401,0.0,0.0262,0.0,0.0484,0.9737,0.6537,0.0,0.0,0.069,0.1667,0.2083,0.0,0.0294,0.0266,0.0,0.0215,0.0,0.0606,0.9757,0.6713,0.0,0.0,0.1034,0.1667,0.2083,0.0,0.0419,0.0408,0.0,0.0267,reg oper account,block of flats,0.0271,"Stone, brick",No,0.0,0.0,0.0,0.0,-1409.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,4.0,0.0,1.0 +1647279,290413,Consumer loans,10277.775,79542.0,86544.0,0.0,79542.0,WEDNESDAY,11,Y,1,0.0,,,XAP,Approved,-1254,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,5000,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1220.0,-950.0,-1130.0,-1124.0,0.0,0,Cash loans,F,N,Y,0,225000.0,463500.0,50049.0,463500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-19756,-6429,-12074.0,-3285,,1,1,0,1,0,1,Cleaning staff,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Construction,,0.15990823639860113,0.5620604831738043,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2479415,157249,Consumer loans,12846.555,86841.0,69471.0,17370.0,86841.0,SUNDAY,17,Y,1,0.2178407559897869,,,XAP,Approved,-793,XNA,XAP,,New,Computers,POS,XNA,Country-wide,1236,Consumer electronics,6.0,middle,POS household with interest,365243.0,-762.0,-612.0,-672.0,-667.0,0.0,0,Cash loans,F,Y,Y,2,675000.0,799299.0,40941.0,702000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010643000000000001,-13567,-1175,-2911.0,-5794,3.0,1,1,0,1,0,0,HR staff,4.0,2,2,TUESDAY,14,0,0,0,0,0,0,Security,0.8310311843528855,0.7367702794746953,0.25670557243930026,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,2.0,0.0,2.0,0.0,-793.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2595013,336776,Consumer loans,6581.16,49248.0,54121.5,0.0,49248.0,THURSDAY,15,Y,1,0.0,,,XAP,Refused,-1559,Cash through the bank,SCO,,New,Photo / Cinema Equipment,POS,XNA,Country-wide,20,Connectivity,12.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,N,1,180000.0,755190.0,33394.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-20204,-2033,-9029.0,-3465,,1,1,0,1,0,0,Core staff,3.0,2,2,TUESDAY,14,0,0,0,0,1,1,Kindergarten,,0.3931510930713298,0.3910549766342248,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1559.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2110649,193317,Consumer loans,2103.21,20025.0,18022.5,2002.5,20025.0,TUESDAY,13,Y,1,0.1089090909090909,,,XAP,Approved,-2680,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Stone,30,Connectivity,12.0,high,POS mobile with interest,365243.0,-2649.0,-2319.0,-2319.0,-2311.0,0.0,0,Cash loans,F,N,Y,0,112500.0,269550.0,16416.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006233,-16210,-414,-4398.0,-571,,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.6688782471785949,0.4830501881366946,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-487.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +2831429,341521,Cash loans,9120.915,90000.0,113755.5,,90000.0,FRIDAY,12,Y,1,,,,XNA,Approved,-782,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-752.0,-242.0,-242.0,-234.0,1.0,0,Cash loans,F,N,Y,0,90000.0,326439.0,16006.5,229500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.018634,-14825,-904,-4823.0,-4822,,1,1,0,1,0,0,Sales staff,1.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Self-employed,,0.1597085779967119,0.7597121819739279,0.099,0.1004,0.9911,,,0.08,0.069,0.3333,,0.0,,0.0957,,0.0685,0.1008,0.1042,0.9911,,,0.0806,0.069,0.3333,,0.0,,0.0998,,0.0726,0.0999,0.1004,0.9911,,,0.08,0.069,0.3333,,0.0,,0.0975,,0.07,,block of flats,0.0902,"Stone, brick",No,0.0,0.0,0.0,0.0,-758.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1749679,271554,Consumer loans,,40142.25,40142.25,0.0,40142.25,SATURDAY,15,Y,1,0.0,,,XAP,Refused,-1210,Cash through the bank,HC,,New,Mobile,XNA,XNA,Country-wide,35,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,M,N,Y,0,202050.0,180000.0,9630.0,180000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.030755,-9989,-564,-9754.0,-2671,,1,1,1,1,1,0,,2.0,2,2,FRIDAY,14,0,0,0,1,1,0,Self-employed,,0.4922668429654798,0.31547215492577346,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1210.0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,0.0 +2130072,397016,Consumer loans,4539.735,82759.5,100237.5,0.0,82759.5,FRIDAY,21,Y,1,0.0,,,XAP,Approved,-901,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,5000,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-868.0,-178.0,-238.0,-227.0,0.0,0,Cash loans,F,N,Y,0,162000.0,585000.0,28273.5,585000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.026392000000000002,-16294,-774,-9867.0,-4383,,1,1,0,1,1,0,Laborers,1.0,2,2,WEDNESDAY,18,0,0,0,0,0,0,Business Entity Type 3,0.5763273418851724,0.6776807048231759,0.25533177083329,0.0371,,0.9861,,,0.0,0.1034,0.0833,,,,0.0371,,,0.0378,,0.9861,,,0.0,0.1034,0.0833,,,,0.0387,,,0.0375,,0.9861,,,0.0,0.1034,0.0833,,,,0.0378,,,,block of flats,0.0315,"Stone, brick",No,0.0,0.0,0.0,0.0,-1658.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,4.0,0.0,6.0 +1666568,125670,Cash loans,33622.92,810000.0,948996.0,,810000.0,WEDNESDAY,14,Y,1,,,,XNA,Approved,-876,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,85500.0,640080.0,31261.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-17344,-1923,-8970.0,-884,,1,1,0,1,1,0,Sales staff,2.0,3,3,THURSDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.3838367958505587,0.4206109640437848,0.1887,0.2202,0.9876,0.83,0.036000000000000004,0.08,0.3448,0.3333,0.0417,0.0382,0.1513,0.2127,0.0116,0.012,0.1922,0.2285,0.9876,0.8367,0.0364,0.0806,0.3448,0.3333,0.0417,0.0391,0.1653,0.2216,0.0117,0.0127,0.1905,0.2202,0.9876,0.8323,0.0363,0.08,0.3448,0.3333,0.0417,0.0389,0.1539,0.2165,0.0116,0.0123,reg oper account,block of flats,0.1673,Panel,No,3.0,0.0,3.0,0.0,-2185.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,5.0,0.0,3.0 +2467226,288559,Consumer loans,7668.72,40095.0,42210.0,0.0,40095.0,SUNDAY,9,Y,1,0.0,,,XAP,Approved,-634,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,2175,Furniture,6.0,middle,POS industry with interest,365243.0,-602.0,-452.0,-482.0,-473.0,0.0,0,Cash loans,F,N,Y,0,202500.0,177903.0,12780.0,148500.0,Family,Working,Incomplete higher,Single / not married,House / apartment,0.020713,-8385,-194,-360.0,-1002,,1,1,0,1,0,1,Core staff,1.0,3,3,THURSDAY,8,0,0,0,1,1,0,Trade: type 6,0.3425051563416315,0.6026238850939697,0.5531646987710016,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-815.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1195596,400002,Cash loans,11386.17,90000.0,95940.0,,90000.0,SUNDAY,10,Y,1,,,,Other,Refused,-362,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Country-wide,40,Connectivity,12.0,high,Cash Street: high,,,,,,,0,Cash loans,M,N,Y,0,103500.0,1035832.5,33543.0,904500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020246,-23148,365243,-2489.0,-4770,,1,0,0,1,0,0,,2.0,3,3,FRIDAY,8,0,0,0,0,0,0,XNA,,0.5197489645564622,0.4614823912998385,0.1175,0.16399999999999998,0.9896,0.8572,0.0839,0.0,0.2759,0.1667,0.2083,0.08800000000000001,0.0958,0.1199,0.0,0.0,0.1197,0.1701,0.9896,0.8628,0.0847,0.0,0.2759,0.1667,0.2083,0.09,0.1047,0.1249,0.0,0.0,0.1187,0.16399999999999998,0.9896,0.8591,0.0845,0.0,0.2759,0.1667,0.2083,0.0895,0.0975,0.122,0.0,0.0,reg oper account,block of flats,0.1014,"Stone, brick",No,3.0,0.0,3.0,0.0,-1521.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2763084,455756,Cash loans,18987.795,225000.0,262125.0,,225000.0,SATURDAY,9,Y,1,,,,XNA,Approved,-934,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Country-wide,20,Connectivity,30.0,high,Cash Street: high,365243.0,-904.0,-34.0,-694.0,-687.0,1.0,0,Cash loans,F,N,Y,0,144000.0,253737.0,16956.0,229500.0,Unaccompanied,Working,Secondary / secondary special,Widow,Municipal apartment,0.019688999999999998,-19983,-580,-1614.0,-3458,,1,1,1,1,0,0,Sales staff,1.0,2,2,TUESDAY,8,0,0,0,0,0,0,Self-employed,,0.14596183353158326,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-935.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1432094,315548,Cash loans,15028.65,315000.0,315000.0,,315000.0,MONDAY,15,Y,1,,,,XNA,Approved,-1219,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,45,Connectivity,42.0,middle,Cash X-Sell: middle,365243.0,-1189.0,41.0,-289.0,-281.0,0.0,1,Cash loans,F,N,Y,0,112500.0,326439.0,16006.5,229500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-13346,-1111,-328.0,-3438,,1,1,0,1,0,0,Core staff,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Kindergarten,,0.13775669149855127,0.4632753280912678,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1258.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +1364842,320257,Revolving loans,45000.0,0.0,900000.0,,,MONDAY,15,Y,1,,,,XAP,Approved,-529,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-528.0,-489.0,365243.0,-183.0,365243.0,0.0,0,Cash loans,M,N,N,0,202500.0,239850.0,28593.0,225000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.00733,-14664,-673,-297.0,-4537,,1,1,0,1,1,0,Sales staff,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Self-employed,0.2411111798999113,0.6315135425109136,0.1206410299309233,0.1144,0.0343,0.9861,0.8096,0.0233,0.08,0.0345,0.625,0.6667,0.0323,0.0933,0.1037,0.0,0.0,0.1166,0.0356,0.9861,0.8171,0.0235,0.0806,0.0345,0.625,0.6667,0.0331,0.1019,0.1081,0.0,0.0,0.1155,0.0343,0.9861,0.8121,0.0235,0.08,0.0345,0.625,0.6667,0.0329,0.0949,0.1056,0.0,0.0,reg oper account,block of flats,0.0816,Panel,No,1.0,0.0,1.0,0.0,-1206.0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1668824,200273,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SATURDAY,10,Y,1,,,,XAP,Approved,-431,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,-120.0,0.0,0,Revolving loans,M,N,Y,0,103500.0,135000.0,6750.0,135000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.018634,-20076,-2519,-2063.0,-3585,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,16,0,0,0,0,1,1,Other,,0.4928844658831863,0.7032033049040319,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-184.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2191176,288572,Cash loans,31657.05,900000.0,1078200.0,,900000.0,SATURDAY,14,Y,1,,,,XNA,Approved,-2,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,193500.0,900000.0,35824.5,900000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.072508,-14560,-101,-636.0,-1603,2.0,1,1,0,1,1,0,Core staff,2.0,1,1,MONDAY,13,0,0,0,0,0,0,School,0.7685140420549637,0.7574723341455762,0.4382813743111921,0.6649,0.4172,0.9801,0.728,0.2845,0.72,0.6207,0.3333,0.375,0.0,0.5405,0.4204,0.0077,0.0063,0.6775,0.4329,0.9801,0.7387,0.2871,0.725,0.6207,0.3333,0.375,0.0,0.5904,0.438,0.0078,0.0066,0.6714,0.4172,0.9801,0.7316,0.2863,0.72,0.6207,0.3333,0.375,0.0,0.5498,0.4279,0.0078,0.0064,reg oper account,block of flats,0.4876,Panel,No,1.0,1.0,1.0,0.0,-1572.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1014172,308201,Cash loans,27381.735,450000.0,553950.0,,450000.0,THURSDAY,10,Y,1,,,,XNA,Refused,-1248,Cash through the bank,HC,Children,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,Y,1,90000.0,754740.0,24475.5,630000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-16073,-1544,-1466.0,-4287,,1,1,1,1,1,0,Sales staff,3.0,2,2,SATURDAY,8,0,0,0,0,0,0,Self-employed,0.7899934803445708,0.5548807240422453,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1824.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1055917,418113,Cash loans,32937.255,450000.0,563319.0,,450000.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-1318,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-1288.0,-598.0,-658.0,-649.0,1.0,0,Cash loans,M,Y,Y,0,157500.0,517266.0,28188.0,387000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.0228,-17377,-2207,-11127.0,-916,20.0,1,1,0,1,0,0,Drivers,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.3398903417229686,0.6313545365850379,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1532326,319671,Consumer loans,9641.925,51840.0,54576.0,0.0,51840.0,WEDNESDAY,11,Y,1,0.0,,,XAP,Approved,-528,XNA,XAP,,New,Audio/Video,POS,XNA,Regional / Local,100,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-497.0,-347.0,-347.0,-342.0,0.0,0,Revolving loans,M,Y,Y,2,180000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010276,-15485,-1494,-5695.0,-5094,64.0,1,1,0,1,0,0,,4.0,2,2,SATURDAY,15,0,0,0,0,0,0,Business Entity Type 2,,0.7103853466189995,0.4436153084085652,0.0825,0.0114,0.9776,,,0.0,0.1379,0.1667,,0.1084,,0.0418,,0.0,0.084,0.0118,0.9777,,,0.0,0.1379,0.1667,,0.1108,,0.0435,,0.0,0.0833,0.0114,0.9776,,,0.0,0.1379,0.1667,,0.1102,,0.0425,,0.0,,block of flats,0.0503,"Stone, brick",No,0.0,0.0,0.0,0.0,-528.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1333927,130868,Consumer loans,5920.065,34192.44,31257.0,4501.44,34192.44,FRIDAY,9,Y,1,0.13709986738286625,,,XAP,Approved,-839,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Regional / Local,135,Consumer electronics,6.0,middle,POS household with interest,365243.0,-808.0,-658.0,-718.0,-711.0,0.0,0,Cash loans,F,N,N,0,157500.0,1288350.0,37669.5,1125000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-23111,365243,-4601.0,-4691,,1,0,0,1,1,0,,2.0,2,2,SATURDAY,9,0,0,0,0,0,0,XNA,0.7493563761385604,0.47119048810438796,0.5726825047161584,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1313.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2844235,377908,Cash loans,5530.5,45000.0,45000.0,0.0,45000.0,FRIDAY,8,Y,1,0.0,,,XNA,Refused,-2888,XNA,SCO,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,10.0,middle,Cash Street: middle,,,,,,,1,Cash loans,M,N,N,0,450000.0,1080000.0,28962.0,1080000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.025164,-18767,-3880,-6068.0,-2309,,1,1,1,1,0,0,Managers,2.0,2,2,SUNDAY,16,0,1,1,0,1,1,Business Entity Type 3,,0.5712341787541174,0.4974688893052743,0.0619,0.0776,0.9876,0.83,,0.0,0.1379,0.1667,0.2083,0.0143,0.0504,0.0643,0.0,0.0206,0.063,0.0806,0.9876,0.8367,,0.0,0.1379,0.1667,0.2083,0.0146,0.0551,0.067,0.0,0.0218,0.0625,0.0776,0.9876,0.8323,,0.0,0.1379,0.1667,0.2083,0.0145,0.0513,0.0655,0.0,0.021,reg oper account,block of flats,0.0655,Panel,No,0.0,0.0,0.0,0.0,-2888.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1715825,111385,Cash loans,55973.295,1035000.0,1110141.0,,1035000.0,TUESDAY,14,Y,1,,,,XNA,Approved,-1012,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,365243.0,-981.0,-111.0,-951.0,-944.0,0.0,0,Cash loans,F,N,N,0,157500.0,450000.0,25128.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008575,-15101,-792,-967.0,-4472,,1,1,1,1,1,1,Sales staff,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,Self-employed,0.7787147138896945,0.5589385471215105,0.5136937663039473,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-3050.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,3.0 +1463650,160901,Cash loans,18436.14,238500.0,257391.0,,238500.0,TUESDAY,10,Y,1,,,,XNA,Approved,-262,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-232.0,278.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,0,247500.0,720000.0,30636.0,720000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.010006000000000001,-23746,-1181,-11208.0,-1576,2.0,1,1,0,1,1,0,Security staff,1.0,2,1,FRIDAY,7,0,0,0,0,0,0,Construction,,0.6898365224892172,0.20559813854932085,0.0124,0.0,0.9752,0.66,0.0016,0.0,0.069,0.0417,0.0833,0.0255,0.0101,0.0101,0.0,0.0,0.0126,0.0,0.9752,0.6733,0.0016,0.0,0.069,0.0417,0.0833,0.026,0.011,0.0106,0.0,0.0,0.0125,0.0,0.9752,0.6645,0.0016,0.0,0.069,0.0417,0.0833,0.0259,0.0103,0.0103,0.0,0.0,not specified,block of flats,0.0086,Wooden,Yes,1.0,1.0,1.0,1.0,-1036.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1497732,176518,Cash loans,47664.9,1102500.0,1198548.0,,1102500.0,WEDNESDAY,7,Y,1,,,,XNA,Refused,-135,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,157500.0,472500.0,22860.0,472500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-14542,-3335,-58.0,-4144,,1,1,0,1,0,0,Sales staff,2.0,2,1,FRIDAY,8,0,0,0,0,0,0,Self-employed,0.7802281055678962,0.7556034639453564,,0.1845,0.1888,0.9811,0.7416,,,0.4138,0.1667,,0.1754,,0.1589,,0.0065,0.188,0.1959,0.9811,0.7517,,,0.4138,0.1667,,0.1794,,0.1656,,0.0069,0.1863,0.1888,0.9811,0.7451,,,0.4138,0.1667,,0.1785,,0.1618,,0.0067,reg oper account,block of flats,0.1452,Panel,No,4.0,0.0,4.0,0.0,-1095.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1506650,265752,Cash loans,57573.0,900000.0,900000.0,,900000.0,WEDNESDAY,3,Y,1,,,,XNA,Refused,-282,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,Y,Y,1,360000.0,497520.0,33246.0,450000.0,Unaccompanied,State servant,Higher education,Civil marriage,House / apartment,0.002506,-13556,-1616,-1872.0,-4278,7.0,1,1,0,1,0,0,,3.0,2,2,FRIDAY,3,0,0,0,0,1,1,Other,0.3299885355640637,0.7109069511376164,0.5082869913916046,0.0784,,0.9856,,,0.0,0.1379,0.1667,,0.0357,,0.0767,,0.0152,0.0798,,0.9856,,,0.0,0.1379,0.1667,,0.0366,,0.0799,,0.0161,0.0791,,0.9856,,,0.0,0.1379,0.1667,,0.0364,,0.0781,,0.0155,,block of flats,0.0733,Block,No,0.0,0.0,0.0,0.0,-734.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1597740,302649,Consumer loans,9191.88,76455.0,74488.5,7645.5,76455.0,MONDAY,13,Y,1,0.10137877791723944,,,XAP,Approved,-1751,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,50,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1704.0,-1434.0,-1434.0,-1430.0,0.0,0,Cash loans,F,Y,N,0,117000.0,490536.0,17748.0,405000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.025164,-15318,-392,-6581.0,-3931,18.0,1,1,0,1,1,0,,2.0,2,2,MONDAY,15,0,0,0,0,1,1,Business Entity Type 3,0.515811432074329,0.3467825726981351,0.4848514754962666,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1751.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2609919,316591,Cash loans,10980.36,90000.0,95940.0,0.0,90000.0,MONDAY,9,Y,1,0.0,,,XNA,Approved,-1904,Cash through the bank,XAP,Other_B,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-1874.0,-1544.0,-1544.0,-1541.0,1.0,0,Cash loans,F,N,Y,0,1125000.0,684657.0,20146.5,571500.0,Unaccompanied,Pensioner,Lower secondary,Widow,House / apartment,0.025164,-21945,365243,-7517.0,-599,,1,0,0,1,1,0,,1.0,2,2,MONDAY,10,0,0,0,0,0,0,XNA,,0.07411666686954843,0.6075573001388961,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-142.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1629554,197573,Cash loans,13834.98,315000.0,381528.0,,315000.0,FRIDAY,9,Y,1,,,,XNA,Refused,-280,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,81000.0,831730.5,29875.5,702000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018029,-22089,365243,-10059.0,-4706,9.0,1,0,0,1,0,0,,2.0,3,3,FRIDAY,8,0,0,0,0,0,0,XNA,,0.6157581138738016,,0.2237,0.2943,0.9861,0.8096,0.0423,0.0,0.4138,0.1667,0.0417,,,0.2273,,0.0,0.2279,0.3054,0.9861,0.8171,0.0427,0.0,0.4138,0.1667,0.0417,,,0.2368,,0.0,0.2259,0.2943,0.9861,0.8121,0.0426,0.0,0.4138,0.1667,0.0417,,,0.2314,,0.0,,block of flats,0.2019,Panel,No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1061635,426673,Consumer loans,17986.32,99000.0,99000.0,0.0,99000.0,SUNDAY,21,Y,1,0.0,,,XAP,Refused,-675,XNA,SCO,,New,Gardening,POS,XNA,Stone,20,Construction,6.0,middle,POS industry with interest,,,,,,,0,Cash loans,F,Y,Y,0,126000.0,129357.0,13383.0,117000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.030755,-22545,365243,-9449.0,-4292,25.0,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,11,0,0,0,1,0,0,XNA,,0.11722423200767787,0.5744466170995097,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1168761,333942,Revolving loans,2250.0,67500.0,45000.0,,67500.0,WEDNESDAY,9,N,0,,,,XAP,Refused,-286,XNA,HC,Unaccompanied,Refreshed,XNA,Cards,x-sell,AP+ (Cash loan),20,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,N,Y,4,130500.0,98910.0,7929.0,90000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010966,-13327,-3112,-5535.0,-2533,,1,1,1,1,1,0,,6.0,2,2,TUESDAY,12,0,0,0,0,1,1,Business Entity Type 3,,0.5452692120114947,0.41885428862332175,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2059.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2769155,453265,Consumer loans,13401.18,90000.0,70200.0,19800.0,90000.0,SUNDAY,10,Y,1,0.2396,,,XAP,Approved,-1734,Cash through the bank,XAP,"Spouse, partner",New,Clothing and Accessories,POS,XNA,Regional / Local,830,Clothing,6.0,middle,POS industry with interest,365243.0,-1703.0,-1553.0,-1553.0,-1545.0,0.0,0,Cash loans,F,Y,Y,0,207000.0,679500.0,19998.0,679500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.028663,-20721,365243,-6433.0,-4028,21.0,1,0,0,1,0,0,,1.0,2,2,FRIDAY,14,0,0,0,0,0,0,XNA,,0.5906519821949847,0.646329897706246,0.0842,0.0444,0.9776,0.6940000000000001,0.031,0.0256,0.1034,0.2654,0.3125,0.0706,0.0677,0.0665,0.0045,0.0086,0.0567,0.0039,0.9777,0.706,0.0157,0.0,0.0345,0.1667,0.2083,0.0227,0.0496,0.0473,0.0,0.0,0.0947,0.027000000000000003,0.9776,0.6981,0.0308,0.0,0.1034,0.1667,0.2917,0.0628,0.0752,0.0692,0.0019,0.0015,reg oper account,block of flats,0.0442,"Stone, brick",No,0.0,0.0,0.0,0.0,-1499.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2308139,399258,Consumer loans,5511.555,44887.5,49333.5,0.0,44887.5,WEDNESDAY,10,Y,1,0.0,,,XAP,Approved,-305,XNA,XAP,Unaccompanied,New,Construction Materials,POS,XNA,Stone,150,Furniture,10.0,low_normal,POS industry with interest,365243.0,-273.0,-3.0,-3.0,365243.0,0.0,0,Cash loans,M,N,N,0,90000.0,315000.0,22918.5,315000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.018634,-11979,-838,-9523.0,-3636,,1,1,1,1,0,0,Drivers,1.0,2,2,SATURDAY,9,0,0,0,0,1,1,Self-employed,0.4108729236851404,0.2886648920367005,0.4776491548517548,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-305.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1999070,140408,Cash loans,25329.15,225000.0,239850.0,,225000.0,TUESDAY,10,Y,1,,,,XNA,Approved,-1167,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1137.0,-807.0,-927.0,-917.0,1.0,0,Revolving loans,M,Y,N,2,202500.0,270000.0,13500.0,270000.0,Other_B,State servant,Secondary / secondary special,Married,Office apartment,0.031329,-13101,-3956,-948.0,-1551,7.0,1,1,0,1,1,0,Laborers,4.0,2,2,SUNDAY,12,0,0,0,0,0,0,Military,0.4413433353826939,0.3809653565528637,0.5388627065779676,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1505.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1377348,454999,Cash loans,36126.54,634500.0,678051.0,,634500.0,TUESDAY,15,Y,1,,,,XNA,Approved,-468,Cash through the bank,XAP,"Spouse, partner",Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-438.0,252.0,-18.0,-15.0,1.0,0,Cash loans,M,Y,Y,0,225000.0,838453.5,42939.0,688500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.031329,-16628,-2156,-468.0,-144,4.0,1,1,0,1,0,0,Drivers,2.0,2,2,MONDAY,10,0,0,0,0,1,1,Self-employed,,0.5762345188371857,0.5937175866150576,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-468.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1838973,164715,Revolving loans,45000.0,0.0,900000.0,,,TUESDAY,19,Y,1,,,,XAP,Approved,-582,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-547.0,-501.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,135000.0,830214.0,24403.5,693000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.072508,-20187,365243,-10408.0,-3729,,1,0,0,1,1,1,,2.0,1,1,WEDNESDAY,17,0,0,0,0,0,0,XNA,0.9181921260143596,0.7501518099436174,0.5762088360175724,0.2588,0.1119,0.9856,0.8028,0.0837,0.4,0.1724,0.5417,0.0417,0.0,0.2085,0.2433,0.0116,0.0117,0.2637,0.1161,0.9856,0.8105,0.0845,0.4028,0.1724,0.5417,0.0417,0.0,0.2277,0.2535,0.0117,0.0124,0.2613,0.1119,0.9856,0.8054,0.0842,0.4,0.1724,0.5417,0.0417,0.0,0.2121,0.2477,0.0116,0.012,reg oper account,block of flats,0.1939,Panel,No,0.0,0.0,0.0,0.0,-814.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1557306,430643,Consumer loans,16910.37,105889.5,95296.5,10593.0,105889.5,SUNDAY,10,Y,1,0.10895074582465684,,,XAP,Approved,-386,Cash through the bank,XAP,,New,Clothing and Accessories,POS,XNA,Regional / Local,100,Clothing,6.0,low_normal,POS industry without interest,365243.0,-355.0,-205.0,-295.0,-288.0,0.0,0,Cash loans,F,N,Y,0,202500.0,733315.5,39199.5,679500.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.031329,-17805,-9324,-1091.0,-1354,,1,1,0,1,0,0,,2.0,2,2,MONDAY,13,0,0,0,0,1,1,Military,,0.6959507377420072,0.7751552674785404,0.132,0.0813,0.998,0.9728,0.0639,0.16,0.069,0.5833,0.5417,0.0531,0.1059,0.1758,0.0077,0.0004,0.1345,0.0843,0.998,0.9739,0.0645,0.1611,0.069,0.5833,0.5417,0.0543,0.1157,0.1832,0.0078,0.0004,0.1332,0.0813,0.998,0.9732,0.0643,0.16,0.069,0.5833,0.5417,0.054000000000000006,0.1077,0.179,0.0078,0.0004,reg oper account,block of flats,0.1733,Monolithic,No,1.0,0.0,1.0,0.0,-386.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1227493,107086,Consumer loans,8175.375,62995.5,68539.5,0.0,62995.5,TUESDAY,16,Y,1,0.0,,,XAP,Approved,-1151,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,7120,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1120.0,-850.0,-850.0,-843.0,0.0,0,Cash loans,M,N,N,0,180000.0,585000.0,34965.0,585000.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.04622,-11223,-2326,-5263.0,-2810,,1,1,0,1,0,0,,2.0,1,1,THURSDAY,9,0,0,0,0,1,1,Business Entity Type 2,,0.7452512069555409,0.6925590674998008,0.0804,0.0655,0.9776,,,0.0,0.1379,0.1667,0.2083,,,0.0675,,0.0084,0.0819,0.068,0.9777,,,0.0,0.1379,0.1667,0.2083,,,0.0703,,0.0089,0.0812,0.0655,0.9776,,,0.0,0.1379,0.1667,0.2083,,,0.0687,,0.0086,,block of flats,0.0599,Block,No,10.0,3.0,10.0,3.0,-844.0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1339600,369833,Consumer loans,,66465.0,66465.0,,66465.0,WEDNESDAY,17,Y,1,,,,XAP,Refused,-412,Cash through the bank,LIMIT,,Repeater,Mobile,XNA,XNA,Country-wide,56,Consumer electronics,,XNA,POS mobile with interest,,,,,,,0,Revolving loans,M,Y,Y,0,360000.0,855000.0,42750.0,855000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-14965,-734,-670.0,-3972,8.0,1,1,0,1,1,0,Managers,2.0,1,1,TUESDAY,16,1,0,1,0,1,0,Business Entity Type 3,0.5964618396975194,0.5988107407524373,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-489.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2705864,434265,Consumer loans,8920.17,76905.0,47650.5,31500.0,76905.0,TUESDAY,15,Y,1,0.4334320520573292,,,XAP,Approved,-1940,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Stone,139,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1909.0,-1759.0,-1759.0,-1753.0,0.0,0,Cash loans,F,N,N,1,157500.0,1350000.0,43551.0,1350000.0,Children,Commercial associate,Secondary / secondary special,Married,House / apartment,0.030755,-15162,-412,-2142.0,-4591,,1,1,0,1,1,0,Core staff,3.0,2,2,MONDAY,10,0,0,0,0,0,0,Trade: type 3,0.607761352465874,0.7185354183575254,0.7662336700704004,0.1155,0.064,0.9866,0.8164,0.16699999999999998,0.08,0.0345,0.6667,,0.1373,0.0941,0.0558,,0.0,0.1176,0.0664,0.9866,0.8236,0.1685,0.0806,0.0345,0.6667,,0.1405,0.1028,0.0582,,0.0,0.1166,0.064,0.9866,0.8189,0.1681,0.08,0.0345,0.6667,,0.1397,0.0958,0.0568,,0.0,,block of flats,0.0876,Panel,No,0.0,0.0,0.0,0.0,-1940.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1058434,341416,Cash loans,21959.865,360000.0,393264.0,,360000.0,FRIDAY,6,Y,1,,,,XNA,Approved,-951,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-921.0,-231.0,-741.0,-732.0,1.0,0,Cash loans,F,N,Y,0,135000.0,66222.0,6678.0,58500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018029,-18631,-2683,-9445.0,-2161,,1,1,0,1,0,0,,2.0,3,3,THURSDAY,4,0,0,0,0,0,0,Government,,0.2339197520961423,,0.0103,,0.9762,,,,0.0345,0.0417,,0.0186,,0.0091,,,0.0084,,0.9722,,,,0.0345,0.0417,,0.0187,,0.0086,,,0.0104,,0.9762,,,,0.0345,0.0417,,0.0189,,0.0093,,,,block of flats,0.0071,Wooden,No,1.0,0.0,1.0,0.0,-1798.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2400733,126225,Cash loans,28481.625,607500.0,667642.5,,607500.0,MONDAY,18,Y,1,,,,XNA,Refused,-943,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,30.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,Y,N,0,270000.0,1546020.0,49873.5,1350000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.005002,-14470,-1887,-313.0,-3860,9.0,1,1,0,1,0,1,Managers,2.0,3,3,FRIDAY,12,0,0,0,0,0,0,Other,,0.5846696568294435,0.2910973802776635,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,2.0,1.0,2.0,0.0,-1352.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1438043,371074,Consumer loans,7915.815,175711.5,175711.5,0.0,175711.5,FRIDAY,12,Y,1,0.0,,,XAP,Approved,-872,Cash through the bank,XAP,Other_B,Refreshed,Vehicles,POS,XNA,Stone,149,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-839.0,-149.0,-209.0,-205.0,0.0,0,Cash loans,F,N,Y,0,171000.0,990000.0,29074.5,990000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.00702,-22304,365243,-483.0,-4779,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,0.5322465253544493,0.5316674331960082,0.3842068130556564,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2002.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1656548,314827,Cash loans,20130.57,517500.0,619965.0,,517500.0,TUESDAY,7,Y,1,,,,XNA,Refused,-8,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,1,Cash loans,F,N,Y,0,67500.0,544491.0,17694.0,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.002134,-19551,365243,-1113.0,-1076,,1,0,0,1,0,0,,2.0,3,3,WEDNESDAY,10,0,0,0,0,0,0,XNA,,0.029072777763675176,0.5478104658520093,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-637.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1515136,191073,Cash loans,22059.0,225000.0,283131.0,,225000.0,THURSDAY,14,Y,1,,,,XNA,Approved,-831,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-801.0,-291.0,-741.0,-736.0,1.0,1,Cash loans,M,Y,N,0,180000.0,382500.0,25560.0,382500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-18833,365243,-5382.0,-2379,14.0,1,0,0,1,1,1,,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,XNA,,0.7341324350218178,0.4938628816996244,0.1485,0.092,0.9866,0.8164,0.0,0.16,0.1379,0.3333,0.375,0.0608,0.121,0.1544,0.0,0.0,0.1513,0.0955,0.9866,0.8236,0.0,0.1611,0.1379,0.3333,0.375,0.0622,0.1322,0.1609,0.0,0.0,0.1499,0.092,0.9866,0.8189,0.0,0.16,0.1379,0.3333,0.375,0.0619,0.1231,0.1572,0.0,0.0,reg oper spec account,block of flats,0.1215,Panel,No,1.0,0.0,1.0,0.0,-1903.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1755146,337487,Consumer loans,7631.28,168498.0,168498.0,0.0,168498.0,TUESDAY,14,Y,1,0.0,,,XAP,Refused,-518,Cash through the bank,SCO,,New,Consumer Electronics,POS,XNA,Country-wide,2821,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,1,Cash loans,M,N,Y,0,202500.0,755190.0,36459.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-12098,-947,-7872.0,-1068,,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Self-employed,,0.519252233823568,0.12295541790885495,0.2773,0.3445,0.9781,0.7008,0.1409,0.0,0.6207,0.1667,0.2083,0.2155,0.2261,0.1796,0.0,0.0,0.2826,0.3575,0.9782,0.7125,0.1422,0.0,0.6207,0.1667,0.2083,0.2205,0.247,0.1871,0.0,0.0,0.28,0.3445,0.9781,0.7048,0.1418,0.0,0.6207,0.1667,0.2083,0.2193,0.23,0.1828,0.0,0.0,reg oper account,block of flats,0.2183,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1715608,152037,Consumer loans,8449.515,82638.0,90819.0,0.0,82638.0,SUNDAY,11,Y,1,0.0,,,XAP,Approved,-1140,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Stone,117,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-1109.0,-779.0,-779.0,-775.0,0.0,0,Revolving loans,F,N,Y,1,99000.0,337500.0,16875.0,337500.0,Family,Working,Higher education,Civil marriage,House / apartment,0.035792000000000004,-11529,-1226,-1523.0,-338,,1,1,0,1,0,0,Core staff,3.0,2,2,SATURDAY,13,0,0,0,0,0,0,Kindergarten,0.6042050292500382,0.7486569832741463,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1140.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1985876,450014,Cash loans,54124.83,1350000.0,1506816.0,,1350000.0,THURSDAY,15,Y,1,,,,XNA,Approved,-268,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-238.0,1172.0,-208.0,-202.0,1.0,0,Cash loans,F,N,Y,0,135000.0,711612.0,20524.5,594000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.009175,-20858,365243,-6430.0,-4110,,1,0,0,1,1,0,,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,XNA,,0.6707933556550142,0.4382813743111921,0.1031,0.0808,0.9786,0.7076,0.0115,0.0,0.2069,0.1667,0.2083,0.0413,0.0841,0.0883,0.0,0.0,0.105,0.0839,0.9786,0.7190000000000001,0.0116,0.0,0.2069,0.1667,0.2083,0.0422,0.0918,0.092,0.0,0.0,0.1041,0.0808,0.9786,0.7115,0.0116,0.0,0.2069,0.1667,0.2083,0.042,0.0855,0.0899,0.0,0.0,reg oper account,block of flats,0.0758,"Stone, brick",No,0.0,0.0,0.0,0.0,-1835.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1920529,156469,Cash loans,34428.015,450000.0,491580.0,,450000.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-723,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-693.0,-3.0,-333.0,-327.0,1.0,0,Revolving loans,F,N,Y,0,225000.0,675000.0,33750.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006296,-15029,-3780,-11.0,-4641,,1,1,0,1,0,0,Sales staff,2.0,3,3,FRIDAY,9,0,0,0,0,0,0,Transport: type 4,,0.7823686570671309,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1204.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1536459,126402,Revolving loans,10125.0,0.0,202500.0,,,THURSDAY,10,Y,1,,,,XAP,Approved,-734,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-717.0,-675.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,121500.0,755190.0,32125.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.006296,-14018,-312,-4859.0,-4858,,1,1,0,1,1,0,Laborers,2.0,3,3,WEDNESDAY,12,0,0,0,0,0,0,Trade: type 7,0.6923548023619818,0.7852441282409737,0.5673792367572691,0.1485,0.3041,0.9866,,,0.16,0.1379,0.3333,,0.0625,,0.0988,,0.2525,0.1513,0.3156,0.9866,,,0.1611,0.1379,0.3333,,0.0639,,0.103,,0.2673,0.1499,0.3041,0.9866,,,0.16,0.1379,0.3333,,0.0636,,0.1006,,0.2578,,block of flats,0.1326,Monolithic,No,0.0,0.0,0.0,0.0,-1180.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1791450,190907,Cash loans,19999.08,679500.0,679500.0,,679500.0,THURSDAY,18,Y,1,,,,XNA,Refused,-118,Cash through the bank,HC,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,1,Cash loans,M,N,Y,0,225000.0,229500.0,12577.5,229500.0,"Spouse, partner",State servant,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-21866,-4325,-357.0,-81,,1,1,1,1,0,0,Laborers,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.6850628900950219,0.5280927512030451,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1526.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1315940,401806,Cash loans,23227.2,720000.0,720000.0,,720000.0,SATURDAY,13,Y,1,,,,XNA,Approved,-1581,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-1551.0,219.0,-1101.0,-1097.0,0.0,0,Cash loans,F,N,N,0,180000.0,765000.0,32539.5,765000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.031329,-19489,-2092,-3.0,-3019,,1,1,0,1,0,1,High skill tech staff,2.0,2,2,TUESDAY,15,0,0,0,0,1,1,Construction,0.9404215890393192,0.6417467334913307,0.3376727217405312,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-612.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,3.0,4.0 +2394101,199809,Cash loans,20750.58,450000.0,533160.0,,450000.0,FRIDAY,10,Y,1,,,,XNA,Approved,-782,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-752.0,658.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,90000.0,450346.5,19080.0,342000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-17616,-2593,-8197.0,-1167,,1,1,0,1,0,0,Cleaning staff,2.0,3,2,WEDNESDAY,8,0,0,0,0,0,0,Security Ministries,,0.4799436772429673,0.6161216908872079,0.0907,0.1018,0.9771,0.6872,0.0129,0.0,0.2069,0.1667,0.2083,0.0758,0.0723,0.0863,0.0077,0.0079,0.0924,0.1057,0.9772,0.6994,0.013,0.0,0.2069,0.1667,0.2083,0.0775,0.079,0.0899,0.0078,0.0084,0.0916,0.1018,0.9771,0.6914,0.0129,0.0,0.2069,0.1667,0.2083,0.0771,0.0735,0.0879,0.0078,0.0081,not specified,block of flats,0.0766,Panel,No,0.0,0.0,0.0,0.0,-1782.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +2496885,229038,Consumer loans,13953.375,137677.5,149490.0,0.0,137677.5,THURSDAY,9,Y,1,0.0,,,XAP,Approved,-842,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,1046,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-811.0,-481.0,-601.0,-594.0,0.0,0,Cash loans,M,Y,Y,0,180000.0,755190.0,36328.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.031329,-11452,-2186,-4712.0,-3655,12.0,1,1,1,1,0,0,Laborers,2.0,2,2,SATURDAY,10,0,0,0,1,1,0,Other,0.35979496551766305,0.6465986425319052,0.3233112448967859,0.0588,0.0,0.9861,0.8096,0.0108,0.0,0.1379,0.1667,0.2083,0.0,0.0479,0.0578,0.0,0.0,0.0599,0.0,0.9861,0.8171,0.0109,0.0,0.1379,0.1667,0.2083,0.0,0.0523,0.0602,0.0,0.0,0.0593,0.0,0.9861,0.8121,0.0109,0.0,0.1379,0.1667,0.2083,0.0,0.0487,0.0588,0.0,0.0,reg oper account,block of flats,0.0513,Block,No,0.0,0.0,0.0,0.0,-2.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +2621823,410986,Cash loans,4626.9,45000.0,45000.0,,45000.0,MONDAY,11,Y,1,,,,XNA,Approved,-1018,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,58,Connectivity,12.0,middle,Cash X-Sell: middle,365243.0,-988.0,-658.0,-658.0,-648.0,0.0,0,Cash loans,F,N,Y,0,54000.0,71955.0,7632.0,67500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.010276,-19747,-3426,-5547.0,-2708,,1,1,1,1,1,0,,1.0,2,2,THURSDAY,12,0,0,0,0,0,0,Government,0.788397893170765,0.6029589789026985,0.5424451438613613,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,0.0,8.0,0.0,-1300.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2323047,278650,Cash loans,26327.97,450000.0,512370.0,,450000.0,SATURDAY,16,Y,1,,,,XNA,Approved,-1153,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-1123.0,-73.0,-973.0,-963.0,1.0,0,Cash loans,M,N,Y,1,247500.0,512410.5,32746.5,418500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.032561,-12389,-2631,-6372.0,-4818,,1,1,0,1,1,1,Laborers,3.0,1,1,THURSDAY,16,0,0,0,0,0,0,Business Entity Type 1,0.31273974288388184,0.7958692367847103,0.6347055309763198,0.2964,0.2244,0.9821,0.7552,,0.32,0.2759,0.3333,,0.1159,,0.2835,,,0.2563,0.2025,0.9821,0.7648,,0.282,0.2414,0.3333,,0.1095,,0.2324,,,0.2993,0.2244,0.9821,0.7585,,0.32,0.2759,0.3333,,0.1179,,0.2879,,,reg oper account,block of flats,0.2233,Panel,No,7.0,0.0,7.0,0.0,-3080.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1643851,206138,Consumer loans,15899.58,90676.8,75532.5,18136.8,90676.8,MONDAY,13,Y,1,0.2108761782142068,,,XAP,Approved,-1341,Cash through the bank,XAP,,New,Computers,POS,XNA,Country-wide,35,Connectivity,5.0,low_normal,POS mobile without interest,365243.0,-1307.0,-1187.0,-1187.0,-1181.0,0.0,0,Cash loans,F,N,Y,0,67500.0,286704.0,14769.0,247500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.008019,-19102,-104,-9761.0,-2655,,1,1,1,1,1,0,,2.0,2,2,FRIDAY,13,0,0,0,0,1,1,Business Entity Type 2,0.5846126316012918,0.4210748470941608,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1956857,262461,Consumer loans,9525.105,53455.5,46705.5,6750.0,53455.5,TUESDAY,10,Y,1,0.13752305443525242,,,XAP,Approved,-244,Cash through the bank,XAP,,New,Computers,POS,XNA,Country-wide,25,Connectivity,6.0,high,POS mobile with interest,365243.0,-194.0,-44.0,-44.0,-36.0,0.0,1,Revolving loans,F,N,Y,1,112500.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.031329,-13077,-2588,-1844.0,-1977,,1,1,0,1,0,0,,2.0,2,2,MONDAY,8,0,0,0,0,0,0,Business Entity Type 3,0.6934626670248376,0.6594258215491701,0.5478104658520093,0.1144,0.0393,0.997,0.9592,0.0658,0.08,0.0345,0.625,0.6667,0.0092,0.0933,0.1087,0.0,0.0,0.1166,0.0405,0.997,0.9608,0.066,0.0806,0.0345,0.625,0.6667,0.0088,0.1019,0.1133,0.0,0.0,0.1155,0.0392,0.997,0.9597,0.066,0.08,0.0345,0.625,0.6667,0.0089,0.0949,0.1107,0.0,0.0,reg oper account,block of flats,0.1212,Panel,No,4.0,1.0,4.0,0.0,-244.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2408509,430922,Revolving loans,2250.0,45000.0,45000.0,,45000.0,THURSDAY,18,Y,1,,,,XAP,Approved,-340,XNA,XAP,"Spouse, partner",New,XNA,Cards,walk-in,Country-wide,30,Connectivity,0.0,XNA,Card Street,-312.0,-269.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,63000.0,272520.0,21528.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-11931,-272,-5780.0,-508,,1,1,0,1,0,0,Laborers,2.0,2,2,SUNDAY,16,0,0,0,0,0,0,Industry: type 7,0.4106996222884993,0.5071411635574636,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-340.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2651087,134897,Cash loans,9426.24,45000.0,46485.0,,45000.0,WEDNESDAY,20,Y,1,,,,XNA,Approved,-734,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,6.0,high,Cash X-Sell: high,365243.0,-703.0,-553.0,-553.0,-548.0,0.0,0,Cash loans,M,Y,Y,0,292500.0,450000.0,30204.0,450000.0,Family,Commercial associate,Incomplete higher,Single / not married,House / apartment,0.026392000000000002,-10887,-893,-1665.0,-1631,2.0,1,1,0,1,0,0,Drivers,1.0,2,2,TUESDAY,16,0,0,0,0,1,1,Self-employed,,0.5465431022049997,0.12530787842823918,0.0722,,0.9786,,,0.0,0.1379,0.1667,,0.0822,,0.0621,,,0.0735,,0.9786,,,0.0,0.1379,0.1667,,0.0841,,0.0647,,,0.0729,,0.9786,,,0.0,0.1379,0.1667,,0.0836,,0.0632,,,,block of flats,0.0494,"Stone, brick",No,0.0,0.0,0.0,0.0,-1294.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1911732,116304,Cash loans,20381.13,225000.0,280674.0,0.0,225000.0,MONDAY,16,Y,1,0.0,,,XNA,Approved,-1507,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-1477.0,-967.0,-967.0,-962.0,1.0,0,Cash loans,F,Y,N,0,225000.0,454500.0,17815.5,454500.0,Unaccompanied,State servant,Secondary / secondary special,Civil marriage,House / apartment,0.026392000000000002,-13643,-3191,-7677.0,-4296,13.0,1,1,0,1,1,0,Cooking staff,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Business Entity Type 2,,0.6273821975168742,0.7826078370261895,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2651534,224512,Cash loans,42075.0,450000.0,450000.0,,450000.0,THURSDAY,13,Y,1,,,,XNA,Approved,-401,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Channel of corporate sales,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-370.0,-40.0,-40.0,-34.0,0.0,0,Cash loans,F,N,Y,0,135000.0,67500.0,6439.5,67500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-15336,-2908,-3844.0,-5443,,1,1,1,1,1,0,Sales staff,2.0,3,3,SATURDAY,14,0,0,0,0,0,0,Trade: type 2,,0.4576477013761609,0.7738956942145427,0.0412,,0.9945,,,,0.069,0.1667,,,,,,,0.042,,0.9945,,,,0.069,0.1667,,,,,,,0.0416,,0.9945,,,,0.069,0.1667,,,,,,,,block of flats,0.034,"Stone, brick",No,0.0,0.0,0.0,0.0,-1424.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,2.0,2.0 +2841306,252973,Cash loans,9839.745,112500.0,123637.5,,112500.0,SATURDAY,9,Y,1,,,,XNA,Approved,-185,Cash through the bank,XAP,Children,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-155.0,355.0,-5.0,-2.0,1.0,0,Cash loans,M,N,Y,0,157500.0,247500.0,12168.0,247500.0,Children,Working,Secondary / secondary special,Married,House / apartment,0.019101,-15141,-8304,-3696.0,-4368,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,13,0,0,0,0,1,1,Agriculture,,0.4400680823112295,0.15759499866631024,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,0.0,9.0,0.0,-112.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2690173,383577,Cash loans,9961.47,90000.0,95940.0,,90000.0,MONDAY,10,Y,1,,,,XNA,Approved,-992,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-962.0,-632.0,-852.0,-846.0,1.0,0,Cash loans,F,N,Y,0,67500.0,244584.0,8914.5,193500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.00702,-23049,365243,-8992.0,-4499,,1,0,0,1,1,0,,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,XNA,,0.5682591005437906,0.6785676886853644,0.0515,0.0701,0.9841,0.8028,0.0083,0.08,0.1379,0.25,0.0417,0.0385,0.042,0.1091,0.0,0.0,0.0525,0.0727,0.9826,0.8105,0.0084,0.0,0.1379,0.1667,0.0417,0.0394,0.0459,0.0549,0.0,0.0,0.052000000000000005,0.0701,0.9841,0.8054,0.0083,0.08,0.1379,0.25,0.0417,0.0392,0.0428,0.111,0.0,0.0,reg oper account,block of flats,0.0435,"Stone, brick",No,0.0,0.0,0.0,0.0,-852.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +1306164,359708,Revolving loans,22500.0,0.0,450000.0,,,THURSDAY,11,Y,1,,,,XAP,Approved,-477,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,1,157500.0,361462.5,16051.5,274500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-14007,-2470,-1684.0,-1194,13.0,1,1,0,1,0,0,,3.0,3,3,FRIDAY,15,0,0,0,0,0,0,Hotel,0.4713103745805972,0.2447063559629152,0.4812493411434029,0.0351,0.0747,0.9702,0.5920000000000001,0.0074,0.0,0.1379,0.0833,0.125,0.0637,0.0269,0.0387,0.0077,0.0244,0.0357,0.0776,0.9702,0.608,0.0074,0.0,0.1379,0.0833,0.125,0.0652,0.0294,0.0403,0.0078,0.0258,0.0354,0.0747,0.9702,0.5975,0.0074,0.0,0.1379,0.0833,0.125,0.0648,0.0274,0.0394,0.0078,0.0249,reg oper spec account,block of flats,0.0397,"Stone, brick",No,5.0,0.0,5.0,0.0,-1611.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1090042,126676,Cash loans,8834.805,148500.0,168102.0,,148500.0,MONDAY,8,Y,1,,,,XNA,Refused,-157,Cash through the bank,HC,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,180000.0,314055.0,13437.0,238500.0,Family,Pensioner,Secondary / secondary special,Widow,Municipal apartment,0.025164,-22169,365243,-13110.0,-5038,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,8,0,0,0,0,0,0,XNA,,0.15912544355063846,0.7047064232963289,0.0608,0.0162,0.9712,0.6056,0.003,0.0,0.069,0.0833,0.125,0.0131,0.0496,0.0366,0.0,0.0,0.062,0.0168,0.9712,0.621,0.003,0.0,0.069,0.0833,0.125,0.0134,0.0542,0.0382,0.0,0.0,0.0614,0.0162,0.9712,0.6109,0.003,0.0,0.069,0.0833,0.125,0.0133,0.0504,0.0373,0.0,0.0,reg oper account,block of flats,0.0304,"Stone, brick",No,2.0,0.0,2.0,0.0,-157.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1291306,276251,Cash loans,11666.25,225000.0,225000.0,0.0,225000.0,FRIDAY,11,Y,1,0.0,,,XNA,Refused,-2420,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,202500.0,526500.0,22437.0,526500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.028663,-17003,-9993,-232.0,-555,,1,1,0,1,0,0,Medicine staff,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Medicine,,0.5578600842408517,0.4400578303966329,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1505216,252470,Cash loans,30657.735,225000.0,258322.5,,225000.0,MONDAY,19,Y,1,,,,Education,Refused,-630,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,N,0,225000.0,1256400.0,40657.5,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-16067,-3240,-1546.0,-1566,,1,1,0,1,0,1,Private service staff,2.0,1,1,MONDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.6538991607909351,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-805.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2478606,437683,Consumer loans,5141.97,28530.0,25218.0,4500.0,28530.0,FRIDAY,8,Y,1,0.16491382633114907,,,XAP,Approved,-1392,XNA,XAP,,Repeater,Mobile,POS,XNA,Regional / Local,46,Connectivity,6.0,high,POS mobile with interest,365243.0,-1349.0,-1199.0,-1199.0,-1194.0,0.0,0,Cash loans,F,N,Y,0,112500.0,290088.0,23049.0,229500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.018029,-10418,-571,-2197.0,-2197,,1,1,1,1,0,0,Laborers,1.0,3,3,THURSDAY,9,0,0,0,1,0,1,Self-employed,0.3352629715314173,0.4093516610508096,0.5531646987710016,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1392.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1415840,140374,Cash loans,26433.18,229500.0,271332.0,,229500.0,MONDAY,10,Y,1,,,,XNA,Approved,-498,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-468.0,-138.0,-318.0,-310.0,1.0,0,Cash loans,F,N,N,0,90000.0,263686.5,25816.5,238500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.02461,-14342,-2087,-2470.0,-4527,,1,1,0,1,0,0,Medicine staff,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,Medicine,,0.7132338397043884,0.7091891096653581,0.0722,0.0658,0.9767,,,0.0,0.1379,0.1667,,0.0729,,0.0604,,0.0114,0.0735,0.0682,0.9767,,,0.0,0.1379,0.1667,,0.0746,,0.0629,,0.0121,0.0729,0.0658,0.9767,,,0.0,0.1379,0.1667,,0.0742,,0.0614,,0.0117,,block of flats,0.0543,"Stone, brick",No,0.0,0.0,0.0,0.0,-1071.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1774491,218587,Cash loans,6535.8,45000.0,55075.5,,45000.0,FRIDAY,15,Y,1,,,,XNA,Refused,-820,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,,,,,,,1,Cash loans,M,N,N,0,121500.0,119925.0,12915.0,112500.0,Unaccompanied,Commercial associate,Incomplete higher,Single / not married,Rented apartment,0.02461,-10006,-1059,-4499.0,-2661,,1,1,0,1,1,0,Low-skill Laborers,1.0,2,2,SATURDAY,15,0,0,0,1,1,0,Self-employed,0.10826534553380944,0.4356544959962272,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1139.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2229193,312435,Cash loans,14138.595,202500.0,246060.0,,202500.0,THURSDAY,10,Y,1,,,,XNA,Approved,-1358,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash X-Sell: high,365243.0,-1328.0,-278.0,-1058.0,-1054.0,1.0,0,Cash loans,F,N,N,2,45000.0,755190.0,36328.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.02461,-11584,-2348,-5585.0,-2438,,1,1,0,1,1,0,Core staff,4.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Kindergarten,,0.2441288573208305,0.21518240418475384,0.0464,0.0,0.9856,0.8028,0.004,0.0,0.0345,0.0833,0.125,0.0319,0.0378,0.0276,0.0,0.0,0.0473,0.0,0.9856,0.8105,0.004,0.0,0.0345,0.0833,0.125,0.0326,0.0413,0.0288,0.0,0.0,0.0468,0.0,0.9856,0.8054,0.004,0.0,0.0345,0.0833,0.125,0.0324,0.0385,0.0281,0.0,0.0,reg oper account,block of flats,0.0247,"Stone, brick",No,2.0,0.0,2.0,0.0,-1827.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1042413,404772,Cash loans,23123.88,675000.0,790830.0,,675000.0,WEDNESDAY,14,Y,1,,,,XNA,Refused,-179,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,N,Y,0,157500.0,136512.0,10912.5,108000.0,Unaccompanied,Working,Lower secondary,Married,House / apartment,0.035792000000000004,-21167,-3320,-2434.0,-3253,,1,1,0,1,1,0,,2.0,2,2,SUNDAY,12,0,0,0,0,0,0,Other,,0.6317679398048871,0.8016009030071296,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1471.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2741550,109817,Cash loans,22176.405,180000.0,216418.5,,180000.0,TUESDAY,12,Y,1,,,,XNA,Approved,-859,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,Y,N,1,90000.0,900000.0,26316.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.018209,-14337,-2169,-751.0,-4964,3.0,1,1,1,1,0,0,Sales staff,3.0,3,3,THURSDAY,17,0,0,0,0,0,0,Industry: type 3,,0.4541327386367144,,,,0.9791,,,,,,,,,0.065,,,,,0.9791,,,,,,,,,0.0678,,,,,0.9791,,,,,,,,,0.0662,,,,,0.0512,,No,3.0,1.0,3.0,1.0,-1844.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2817430,324373,Cash loans,28438.38,270000.0,284611.5,,270000.0,MONDAY,10,Y,1,,,,XNA,Approved,-778,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-748.0,-418.0,-718.0,-702.0,1.0,0,Cash loans,F,Y,Y,0,157500.0,517500.0,20650.5,517500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-21244,365243,-4690.0,-4682,13.0,1,0,0,1,0,0,,2.0,2,1,TUESDAY,14,0,0,0,0,0,0,XNA,,0.5799732816759386,0.7407990879702335,0.0031,0.0,0.9722,0.6192,0.0,0.0,0.0345,0.0,0.0417,0.0206,0.0025,0.0019,0.0,0.0,0.0032,0.0,0.9722,0.6341,0.0,0.0,0.0345,0.0,0.0417,0.0211,0.0028,0.0019,0.0,0.0,0.0031,0.0,0.9722,0.6243,0.0,0.0,0.0345,0.0,0.0417,0.021,0.0026,0.0019,0.0,0.0,reg oper account,block of flats,0.0018,Wooden,No,5.0,0.0,5.0,0.0,-2060.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1953412,192562,Cash loans,20622.78,585000.0,700830.0,,585000.0,SUNDAY,16,Y,1,,,,XNA,Refused,-23,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,247500.0,824823.0,24246.0,688500.0,Family,Commercial associate,Higher education,Married,House / apartment,0.02461,-23544,-780,-6937.0,-150,,1,1,0,1,1,0,,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Other,0.7634724401601704,0.6166889853575871,0.6879328378491735,0.0825,,0.9742,,0.0,0.0,0.1379,0.1667,,0.0582,,0.0697,,0.0,0.084,,0.9742,,0.0,0.0,0.1379,0.1667,,0.0595,,0.0726,,0.0,0.0833,,0.9742,,0.0,0.0,0.1379,0.1667,,0.0592,,0.071,,0.0,,block of flats,0.0587,Panel,No,2.0,0.0,2.0,0.0,-390.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2231513,433691,Cash loans,,0.0,0.0,,,MONDAY,12,Y,1,,,,XNA,Refused,-365,XNA,SCOFR,,Repeater,XNA,XNA,XNA,Country-wide,1000,Connectivity,,XNA,Cash,,,,,,,0,Cash loans,M,N,N,0,135000.0,454500.0,33070.5,454500.0,Unaccompanied,Working,Lower secondary,Married,House / apartment,0.032561,-10904,-913,-2274.0,-2884,,1,1,1,1,0,0,Laborers,2.0,1,1,MONDAY,10,0,0,0,0,0,0,Housing,,0.6694301433535472,0.3842068130556564,0.0103,0.0566,0.9429,0.218,0.0042,0.0,0.0345,0.1667,0.2083,0.0093,0.0084,0.0191,0.0,0.0,0.0105,0.0588,0.9429,0.2486,0.0043,0.0,0.0345,0.1667,0.2083,0.0095,0.0092,0.0199,0.0,0.0,0.0104,0.0566,0.9429,0.2285,0.0043,0.0,0.0345,0.1667,0.2083,0.0095,0.0086,0.0195,0.0,0.0,reg oper account,terraced house,0.0151,"Stone, brick",No,0.0,0.0,0.0,0.0,-685.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2206901,402583,Consumer loans,7248.375,79351.335,71419.5,7931.835,79351.335,SATURDAY,18,Y,1,0.1088638192528089,0.14244021307945146,0.6379492600422833,XAP,Approved,-451,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,50,Connectivity,12.0,middle,POS mobile with interest,365243.0,-411.0,-81.0,-321.0,-305.0,0.0,0,Cash loans,M,Y,Y,1,90000.0,765000.0,24678.0,765000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.022625,-16947,-1039,-6850.0,-483,64.0,1,1,0,1,0,0,High skill tech staff,3.0,2,2,TUESDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.8904543991752724,0.6866553779748718,0.7281412993111438,0.2237,0.1416,0.9856,0.8028,0.11,0.24,0.2069,0.3333,0.375,0.1332,0.1807,0.2057,0.0077,0.0088,0.2279,0.147,0.9856,0.8105,0.111,0.2417,0.2069,0.3333,0.375,0.1363,0.1974,0.2143,0.0078,0.0093,0.2259,0.1416,0.9856,0.8054,0.1107,0.24,0.2069,0.3333,0.375,0.1355,0.1838,0.2094,0.0078,0.0089,reg oper account,block of flats,0.2239,Panel,No,1.0,0.0,1.0,0.0,-2411.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1105242,363787,Consumer loans,4003.65,22905.0,21838.5,2290.5,22905.0,SUNDAY,11,Y,1,0.10338442236614552,,,XAP,Approved,-341,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Regional / Local,13,Consumer electronics,6.0,middle,POS household with interest,365243.0,-310.0,-160.0,-220.0,-215.0,0.0,0,Cash loans,M,Y,Y,0,90000.0,85500.0,4158.0,85500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.01885,-16351,-1695,-1894.0,-1689,10.0,1,1,0,1,1,1,Drivers,1.0,2,2,FRIDAY,9,0,0,0,0,0,0,Self-employed,0.20987244141347275,0.13694829541909834,0.19294222771695085,0.0629,0.0551,0.9826,0.762,0.0259,0.0,0.1379,0.1667,0.0417,0.0417,0.0504,0.0548,0.0039,0.0192,0.0641,0.0572,0.9826,0.7713,0.0261,0.0,0.1379,0.1667,0.0417,0.0427,0.0551,0.0571,0.0039,0.0204,0.0635,0.0551,0.9826,0.7652,0.0261,0.0,0.1379,0.1667,0.0417,0.0425,0.0513,0.0558,0.0039,0.0196,reg oper account,block of flats,0.0614,"Stone, brick",No,2.0,0.0,2.0,0.0,-844.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +1891586,384818,Consumer loans,9488.565,59760.0,53784.0,5976.0,59760.0,THURSDAY,17,Y,1,0.1089090909090909,,,XAP,Approved,-1044,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Regional / Local,104,Consumer electronics,6.0,low_action,POS household without interest,365243.0,-1013.0,-863.0,-863.0,-858.0,0.0,0,Cash loans,M,N,Y,2,162000.0,45000.0,5337.0,45000.0,Family,Commercial associate,Higher education,Single / not married,House / apartment,0.030755,-11649,-4033,-5236.0,-3914,,1,1,1,1,1,0,Laborers,3.0,2,2,FRIDAY,15,0,0,0,0,0,0,Self-employed,,0.6699525625096079,0.1674084472266241,0.0082,0.0,0.9429,0.218,0.0,0.0,0.069,0.0,,0.0124,,0.0044,,0.0,0.0084,0.0,0.9429,0.2486,0.0,0.0,0.069,0.0,,0.0126,,0.0046,,0.0,0.0083,0.0,0.9429,0.2285,0.0,0.0,0.069,0.0,,0.0126,,0.0045,,0.0,reg oper spec account,block of flats,0.005,"Stone, brick",No,1.0,0.0,0.0,0.0,-2038.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,0.0,0.0,4.0 +2492537,164448,Cash loans,46161.45,454500.0,472500.0,,454500.0,TUESDAY,9,Y,1,,,,XNA,Approved,-331,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-301.0,29.0,-241.0,-235.0,1.0,0,Cash loans,F,Y,Y,0,247500.0,543915.0,29106.0,504000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.006207,-14048,-1973,-7806.0,-4451,23.0,1,1,0,1,0,0,Medicine staff,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,Medicine,0.35864943407852834,0.5867709137294618,0.5334816299804352,0.16699999999999998,0.0,0.9871,0.8232,,0.16,0.1379,0.375,0.4167,0.0586,0.1362,0.1713,0.0,0.0,0.1702,0.0,0.9871,0.8301,,0.1611,0.1379,0.375,0.4167,0.0599,0.1488,0.1785,0.0,0.0,0.1686,0.0,0.9871,0.8256,,0.16,0.1379,0.375,0.4167,0.0596,0.1385,0.1744,0.0,0.0,reg oper account,block of flats,0.1483,Panel,No,1.0,0.0,1.0,0.0,-1361.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2266272,114477,Cash loans,7941.735,67500.0,71955.0,0.0,67500.0,MONDAY,10,Y,1,0.0,,,XNA,Approved,-2041,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-2011.0,-1681.0,-1681.0,-1678.0,1.0,0,Cash loans,F,N,Y,0,189000.0,1310931.0,41161.5,1174500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018801,-22207,-1931,-2710.0,-3874,,1,1,0,1,0,0,Security staff,2.0,2,2,FRIDAY,7,0,0,0,0,0,0,Business Entity Type 3,,0.7207458014599673,,0.0113,0.0,0.9632,0.4968,0.0028,0.0,0.069,0.0833,0.125,0.0101,0.0092,0.0138,0.0,0.0,0.0116,0.0,0.9633,0.5165,0.0028,0.0,0.069,0.0833,0.125,0.0104,0.0101,0.0144,0.0,0.0,0.0115,0.0,0.9632,0.5035,0.0028,0.0,0.069,0.0833,0.125,0.0103,0.0094,0.0141,0.0,0.0,reg oper account,block of flats,0.0124,"Stone, brick",No,0.0,0.0,0.0,0.0,-1640.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1341556,353868,Cash loans,50954.67,1579500.0,1579500.0,,1579500.0,SUNDAY,13,Y,1,,,,XNA,Refused,-372,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,2,202500.0,1288350.0,41692.5,1125000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018801,-13797,-3259,-1470.0,-5613,,1,1,0,1,1,0,High skill tech staff,4.0,2,2,MONDAY,11,0,0,0,0,0,0,Kindergarten,0.4051957219768318,0.5797974793322076,0.3296550543128238,0.0825,0.0807,0.9762,0.6736,0.0369,0.0,0.1379,0.1667,0.2083,0.0514,0.0672,0.0709,0.0,0.0,0.084,0.0838,0.9762,0.6864,0.0372,0.0,0.1379,0.1667,0.2083,0.0526,0.0735,0.0739,0.0,0.0,0.0833,0.0807,0.9762,0.6779999999999999,0.0371,0.0,0.1379,0.1667,0.2083,0.0523,0.0684,0.0722,0.0,0.0,reg oper account,block of flats,0.0759,Panel,No,2.0,0.0,2.0,0.0,-1787.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1687820,211767,Consumer loans,7107.075,137547.0,137547.0,0.0,137547.0,TUESDAY,16,Y,1,0.0,,,XAP,Approved,-355,XNA,XAP,,New,Consumer Electronics,POS,XNA,Stone,50,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-321.0,369.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,135000.0,545040.0,35617.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-17814,-1190,-5787.0,-1373,,1,1,0,1,0,0,Laborers,2.0,2,2,SUNDAY,14,0,0,0,0,1,1,Transport: type 4,0.7283279984109141,0.3951981136028061,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-355.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1666909,168319,Consumer loans,7052.535,28462.5,24754.5,4500.0,28462.5,THURSDAY,9,Y,1,0.16752667421795248,,,XAP,Approved,-2625,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Country-wide,64,Connectivity,4.0,low_normal,POS mobile with interest,365243.0,-2595.0,-2505.0,-2505.0,-2503.0,1.0,0,Cash loans,F,N,Y,0,171000.0,450000.0,16294.5,450000.0,Family,Pensioner,Higher education,Civil marriage,House / apartment,0.025164,-23766,365243,-1296.0,-4591,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,XNA,,0.6533099985815596,0.4686596550493113,0.0928,0.0397,0.9816,,,0.0,0.2069,0.2083,,0.0932,,0.0877,,0.0291,0.0945,0.0412,0.9816,,,0.0,0.2069,0.2083,,0.0953,,0.0914,,0.0308,0.0937,0.0397,0.9816,,,0.0,0.2069,0.2083,,0.0948,,0.0893,,0.0297,,block of flats,0.0753,Panel,No,1.0,0.0,1.0,0.0,-2996.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1297355,137165,Cash loans,22828.5,337500.0,337500.0,,337500.0,MONDAY,17,Y,1,,,,XNA,Refused,-784,Cash through the bank,SCO,Children,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),15,XNA,36.0,high,Cash Street: high,,,,,,,0,Cash loans,F,Y,Y,1,112500.0,450000.0,29430.0,450000.0,"Spouse, partner",Commercial associate,Incomplete higher,Married,House / apartment,0.026392000000000002,-10447,-254,-4146.0,-2582,8.0,1,1,0,1,0,0,Sales staff,3.0,2,2,MONDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.4441348253425965,0.5172965813614878,0.1443,,0.9921,,,0.0,0.1724,0.25,,,,0.14800000000000002,,0.0,0.1471,,0.9921,,,0.0,0.1724,0.25,,,,0.1542,,0.0,0.1457,,0.9921,,,0.0,0.1724,0.25,,,,0.1507,,0.0,,block of flats,0.1164,Others,No,2.0,2.0,2.0,2.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1158140,212499,Consumer loans,8627.13,77107.5,68854.5,13500.0,77107.5,SATURDAY,12,Y,1,0.17852973757022714,,,XAP,Approved,-1952,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Stone,271,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1921.0,-1651.0,-1711.0,-1706.0,0.0,0,Cash loans,M,N,N,0,157500.0,364500.0,24358.5,364500.0,Unaccompanied,Commercial associate,Incomplete higher,Single / not married,Municipal apartment,0.0105,-13715,-1867,-6407.0,-3913,,1,1,0,1,0,0,Security staff,1.0,3,3,FRIDAY,9,0,0,0,1,1,0,Security,,0.3128587467091583,0.5442347412142162,0.0619,,0.9821,,,0.0,0.1379,0.1667,,0.0,,0.0347,,0.1171,0.063,,0.9821,,,0.0,0.1379,0.1667,,0.0,,0.0361,,0.1239,0.0625,,0.9821,,,0.0,0.1379,0.1667,,0.0,,0.0353,,0.1195,,block of flats,0.0527,Panel,No,0.0,0.0,0.0,0.0,-206.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2675113,256626,Consumer loans,7696.53,49050.0,42034.5,9000.0,49050.0,WEDNESDAY,15,Y,1,0.1920625886766438,,,XAP,Approved,-2484,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Stone,85,Consumer electronics,6.0,middle,POS household with interest,365243.0,-2448.0,-2298.0,-2358.0,-2354.0,1.0,0,Cash loans,M,Y,N,0,180000.0,527373.0,32391.0,477000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-16810,-7516,-4941.0,-369,9.0,1,1,0,1,0,1,Laborers,2.0,2,2,TUESDAY,11,0,1,1,0,1,1,Industry: type 9,0.2660501622338168,0.6578623659764453,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1156.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1887854,135697,Consumer loans,9921.51,159750.0,103117.5,67500.0,159750.0,FRIDAY,11,Y,1,0.4308680901058587,,,XAP,Approved,-251,Cash through the bank,XAP,"Spouse, partner",Repeater,Furniture,POS,XNA,Stone,70,Furniture,12.0,low_normal,POS industry with interest,365243.0,-221.0,109.0,-191.0,-186.0,1.0,1,Revolving loans,F,Y,Y,1,157500.0,135000.0,6750.0,135000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.015221,-7962,-1392,-561.0,-644,2.0,1,1,1,1,1,1,Managers,3.0,2,2,THURSDAY,10,0,0,0,1,1,0,Business Entity Type 3,0.7276208096858694,0.7106597081424562,0.4686596550493113,0.3134,0.1104,0.9985,0.9796,0.1687,0.32,0.1379,0.6667,0.5417,0.1383,0.2538,0.3059,0.0077,0.0113,0.3193,0.1146,0.9985,0.9804,0.1703,0.3222,0.1379,0.6667,0.5417,0.1414,0.2773,0.3187,0.0078,0.012,0.3164,0.1104,0.9985,0.9799,0.1698,0.32,0.1379,0.6667,0.5417,0.1407,0.2582,0.3114,0.0078,0.0116,reg oper account,block of flats,0.3353,Panel,No,0.0,0.0,0.0,0.0,-1115.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,1.0 +1854695,337869,Cash loans,11061.0,90000.0,90000.0,,90000.0,TUESDAY,6,Y,1,,,,XNA,Refused,-2696,XNA,SCO,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,10.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,67500.0,1477080.0,40747.5,1156500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018029,-22390,365243,-3036.0,-4559,,1,0,0,1,0,0,,2.0,3,2,WEDNESDAY,6,0,0,0,0,0,0,XNA,0.8135224777469959,0.493141359795033,0.7062051096536562,0.0165,0.0,0.9732,,,0.0,0.069,0.0417,,0.0247,,0.0107,,0.0,0.0168,0.0,0.9732,,,0.0,0.069,0.0417,,0.0253,,0.0111,,0.0,0.0167,0.0,0.9732,,,0.0,0.069,0.0417,,0.0251,,0.0109,,0.0,,block of flats,0.0092,Wooden,No,1.0,0.0,1.0,0.0,-544.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2596252,265702,Consumer loans,26765.73,167265.0,150538.5,16726.5,167265.0,TUESDAY,16,Y,1,0.1089090909090909,,,XAP,Approved,-1230,Cash through the bank,XAP,,Repeater,Gardening,POS,XNA,Stone,60,Construction,6.0,low_normal,POS industry with interest,365243.0,-1193.0,-1043.0,-1043.0,-1036.0,0.0,0,Cash loans,M,Y,Y,2,180000.0,418500.0,19638.0,418500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-9239,-296,-3742.0,-1774,9.0,1,1,0,1,0,0,Laborers,4.0,2,2,SUNDAY,13,0,0,0,0,1,1,Industry: type 9,0.2758326779296839,0.2515063652048317,0.22888341670067305,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-560.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2508242,225115,Revolving loans,9000.0,0.0,180000.0,,,WEDNESDAY,13,Y,1,,,,XAP,Approved,-2836,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,65,Connectivity,0.0,XNA,Card Street,-2821.0,-2757.0,365243.0,-992.0,-266.0,0.0,0,Cash loans,F,N,N,0,112500.0,451804.5,33007.5,369000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.004849,-17744,-1691,-1436.0,-1297,,1,1,0,1,0,0,,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Business Entity Type 1,,0.4960657999007121,0.6212263380626669,0.0371,0.0622,0.9975,0.966,0.0248,0.0,0.069,0.0833,0.125,0.0108,0.0303,0.0296,0.0,0.0,0.0378,0.0645,0.9975,0.9673,0.0251,0.0,0.069,0.0833,0.125,0.011,0.0331,0.0308,0.0,0.0,0.0375,0.0622,0.9975,0.9665,0.025,0.0,0.069,0.0833,0.125,0.011,0.0308,0.0301,0.0,0.0,reg oper account,block of flats,0.0368,Others,No,0.0,0.0,0.0,0.0,-1275.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2658369,110719,Consumer loans,5113.395,135346.5,135346.5,0.0,135346.5,MONDAY,9,Y,1,0.0,,,XAP,Approved,-728,Cash through the bank,XAP,,Refreshed,Medical Supplies,POS,XNA,Stone,300,Industry,36.0,low_normal,POS industry with interest,365243.0,-689.0,361.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,270000.0,405000.0,20808.0,405000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-17703,-5351,-8859.0,-1265,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,15,0,0,0,0,0,0,Industry: type 1,0.6538338900801232,0.6657907477096863,0.4578995512067301,0.1794,0.1668,0.9881,0.83,0.1072,0.2,0.1724,0.3333,0.0,0.1246,0.1437,0.1208,0.0116,0.2696,0.1828,0.1731,0.9881,0.8367,0.1082,0.2014,0.1724,0.3333,0.0,0.1275,0.157,0.1258,0.0117,0.2854,0.1811,0.1668,0.9881,0.8323,0.1079,0.2,0.1724,0.3333,0.0,0.1268,0.1462,0.1229,0.0116,0.2752,org spec account,block of flats,0.1536,Panel,No,3.0,0.0,3.0,0.0,-3432.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2265777,183422,Cash loans,7320.24,67500.0,71955.0,,67500.0,TUESDAY,17,Y,1,,,,XNA,Approved,-822,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-792.0,-462.0,-582.0,-579.0,1.0,0,Cash loans,F,N,Y,0,112500.0,107820.0,7632.0,90000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.008625,-22822,365243,-5838.0,-4753,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,13,0,0,0,0,0,0,XNA,,0.6946489163156359,,0.0742,,0.9921,,,0.08,0.069,0.3333,,0.1531,,,,0.0,0.0756,,0.9921,,,0.0806,0.069,0.3333,,0.1566,,,,0.0,0.0749,,0.9921,,,0.08,0.069,0.3333,,0.1557,,,,0.0,,block of flats,0.0609,Panel,No,2.0,2.0,2.0,2.0,-1369.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2341703,146399,Consumer loans,13447.125,131508.0,111780.0,19728.0,131508.0,MONDAY,16,Y,1,0.16337854316501996,,,XAP,Approved,-2177,Cash through the bank,XAP,"Spouse, partner",New,Computers,POS,XNA,Country-wide,1500,Consumer electronics,10.0,middle,POS household with interest,365243.0,-2146.0,-1876.0,-1876.0,-1870.0,0.0,0,Cash loans,F,N,Y,2,112500.0,568800.0,15133.5,450000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-13852,-2601,-87.0,-4479,,1,1,0,1,0,0,High skill tech staff,4.0,2,2,MONDAY,18,0,0,0,1,1,0,Industry: type 7,,0.5895359197228156,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2177.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +2092740,278315,Consumer loans,5994.54,49666.5,50008.5,4968.0,49666.5,MONDAY,12,Y,1,0.098416662325969,,,XAP,Approved,-32,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,28,Connectivity,12.0,high,POS mobile with interest,365243.0,365243.0,336.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,67500.0,173092.5,14854.5,157500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.008068,-8367,-512,-2799.0,-1031,,1,1,0,1,0,0,Cooking staff,1.0,3,3,TUESDAY,12,0,0,0,0,1,1,Restaurant,,0.069732997101645,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-731.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2148747,266699,Consumer loans,12896.01,101925.0,114489.0,0.0,101925.0,SATURDAY,15,Y,1,0.0,,,XAP,Approved,-1460,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Regional / Local,101,Consumer electronics,12.0,high,POS household with interest,365243.0,-1428.0,-1098.0,-1158.0,-1151.0,0.0,0,Cash loans,F,N,Y,0,112500.0,1006920.0,51543.0,900000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.00702,-15824,-8776,-4456.0,-4478,,1,1,0,1,0,0,Medicine staff,2.0,2,2,WEDNESDAY,16,0,0,0,0,1,1,Medicine,,0.7814737293216805,0.2608559142068693,0.0972,0.0858,0.9925,0.898,0.0007,0.18,0.1552,0.3333,0.2083,0.0207,0.0849,0.122,0.0025,0.0035,0.0662,0.0553,0.993,0.9085,0.0,0.1611,0.1379,0.3333,0.0417,0.0,0.0579,0.0877,0.0039,0.0056,0.0843,0.0759,0.993,0.8994,0.0,0.16,0.1379,0.3333,0.2083,0.0264,0.0761,0.1111,0.0039,0.0054,reg oper account,block of flats,0.0734,Panel,No,0.0,0.0,0.0,0.0,-1637.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,1.0,0.0,0.0,0.0,6.0 +2618012,415634,Consumer loans,24740.1,270000.0,270000.0,0.0,270000.0,TUESDAY,10,Y,1,0.0,,,XAP,Approved,-552,Cash through the bank,XAP,,New,Construction Materials,POS,XNA,Stone,16,Construction,12.0,low_action,POS industry with interest,365243.0,-521.0,-191.0,-191.0,-183.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,277969.5,13518.0,229500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0031219999999999998,-20574,-1562,-2903.0,-4128,2.0,1,1,1,1,0,0,Drivers,2.0,3,3,MONDAY,10,0,0,0,0,0,0,Transport: type 3,,0.5507614654021804,0.13426542355494275,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-552.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2482115,125766,Cash loans,21348.0,459000.0,531706.5,,459000.0,THURSDAY,5,Y,1,,,,XNA,Refused,-209,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,Y,Y,0,225000.0,385749.0,21055.5,333000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.014464,-19451,-962,-7447.0,-2912,8.0,1,1,0,1,0,0,Core staff,2.0,2,2,WEDNESDAY,5,0,0,0,0,0,0,Business Entity Type 1,,0.7039780724693655,0.3996756156233169,0.1021,0.0533,0.9771,0.6872,0.0485,0.0,0.2069,0.1667,0.0417,0.1572,0.0815,0.0953,0.0077,0.0108,0.104,0.0553,0.9772,0.6994,0.0489,0.0,0.2069,0.1667,0.0417,0.1608,0.0891,0.0993,0.0078,0.0114,0.1031,0.0533,0.9771,0.6914,0.0488,0.0,0.2069,0.1667,0.0417,0.16,0.0829,0.097,0.0078,0.011,reg oper account,block of flats,0.1038,Panel,No,0.0,0.0,0.0,0.0,-3200.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2423295,258211,Consumer loans,5090.535,38160.0,38160.0,0.0,38160.0,WEDNESDAY,9,Y,1,0.0,,,XAP,Refused,-2343,Cash through the bank,LIMIT,"Spouse, partner",Repeater,Mobile,POS,XNA,Country-wide,55,Connectivity,10.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,N,0,90000.0,542133.0,30402.0,468000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,With parents,0.035792000000000004,-9903,-431,-297.0,-1329,,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Self-employed,0.19103146721595488,0.11699361149708222,0.5549467685334323,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2297385,123665,Cash loans,,0.0,0.0,,0.0,WEDNESDAY,10,Y,1,,,,XNA,Refused,-1238,Cash through the bank,XNA,Children,Repeater,XNA,XNA,XNA,Credit and cash offices,0,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,N,0,157500.0,562491.0,24907.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-20936,-3456,-11214.0,-4337,,1,1,0,1,1,0,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.5785023140586426,0.7583930617144343,0.2186,0.0982,0.9836,0.7756,,0.0,0.1379,0.2083,0.2083,,,0.1689,,0.0296,0.2227,0.1019,0.9836,0.7844,,0.0,0.1379,0.2083,0.2083,,,0.17600000000000002,,0.0313,0.2207,0.0982,0.9836,0.7786,,0.0,0.1379,0.2083,0.2083,,,0.172,,0.0302,,block of flats,0.1678,"Stone, brick",No,1.0,1.0,1.0,1.0,-686.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2121215,218980,Cash loans,11721.735,90000.0,108837.0,,90000.0,WEDNESDAY,14,Y,1,,,,XNA,Approved,-948,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-918.0,-588.0,-708.0,-699.0,1.0,0,Cash loans,M,Y,Y,0,135000.0,76410.0,8748.0,67500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,Office apartment,0.031329,-19643,-3675,-6576.0,-2801,12.0,1,1,1,1,0,0,Core staff,2.0,2,2,SATURDAY,9,0,0,0,0,0,0,Transport: type 2,,0.6741647826935663,,0.0794,0.0966,0.9866,0.8164,0.1373,0.0,0.2069,0.1667,0.0,0.0521,0.0639,0.0743,0.0039,0.0764,0.0809,0.1003,0.9866,0.8236,0.1386,0.0,0.2069,0.1667,0.0,0.0533,0.0698,0.0774,0.0039,0.0809,0.0802,0.0966,0.9866,0.8189,0.1382,0.0,0.2069,0.1667,0.0,0.053,0.065,0.0757,0.0039,0.078,org spec account,block of flats,0.0751,"Stone, brick",No,0.0,0.0,0.0,0.0,-1749.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2635499,442225,Consumer loans,6671.115,70830.0,100062.0,0.0,70830.0,THURSDAY,15,Y,1,0.0,,,XAP,Refused,-534,Cash through the bank,HC,,Refreshed,Computers,POS,XNA,Regional / Local,25,Consumer electronics,24.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,N,0,157500.0,314100.0,17167.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Rented apartment,0.010147,-9684,-1056,-3077.0,-2361,,1,1,0,1,0,0,Sales staff,1.0,2,2,SATURDAY,12,0,0,0,1,1,0,Other,,0.4591786996951638,0.4650692149562261,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2729210,285823,Cash loans,26703.0,225000.0,225000.0,,225000.0,TUESDAY,18,Y,1,,,,XNA,Approved,-1114,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,walk-in,Country-wide,15,Connectivity,12.0,high,Cash Street: high,365243.0,-1084.0,-754.0,-754.0,-744.0,0.0,0,Cash loans,F,N,Y,0,211500.0,1178217.0,34578.0,922500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.04622,-14942,-2717,-6054.0,-4143,,1,1,0,1,0,0,Sales staff,2.0,1,1,WEDNESDAY,18,0,0,0,0,1,1,Self-employed,0.5166944489925368,0.7503607757024827,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2063.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,2.0,2.0,0.0,0.0,2.0 +1948451,118502,Consumer loans,6910.335,51700.5,56250.0,0.0,51700.5,SATURDAY,16,Y,1,0.0,,,XAP,Approved,-144,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Regional / Local,750,Consumer electronics,10.0,middle,POS household with interest,365243.0,-113.0,157.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,Y,0,67500.0,135000.0,6750.0,135000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.006233,-19098,365243,-1037.0,-2491,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,XNA,,0.4178904333345074,,0.0619,0.0498,0.9836,0.7756,0.0093,0.0,0.1379,0.1667,0.0417,0.1187,0.0504,0.0539,0.0,0.0,0.063,0.0517,0.9836,0.7844,0.0094,0.0,0.1379,0.1667,0.0417,0.1214,0.0551,0.0561,0.0,0.0,0.0625,0.0498,0.9836,0.7786,0.0093,0.0,0.1379,0.1667,0.0417,0.1208,0.0513,0.0549,0.0,0.0,reg oper account,block of flats,0.0475,Panel,No,0.0,0.0,0.0,0.0,-1051.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1500489,342519,Consumer loans,7262.1,69750.0,63000.0,6750.0,69750.0,SATURDAY,14,Y,1,0.10539589442815248,,,XAP,Approved,-1097,XNA,XAP,Unaccompanied,Refreshed,Consumer Electronics,POS,XNA,Stone,250,Consumer electronics,12.0,high,POS household with interest,365243.0,-1066.0,-736.0,-736.0,-725.0,0.0,0,Revolving loans,F,N,Y,0,135000.0,405000.0,20250.0,405000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,With parents,0.030755,-18449,365243,-1104.0,-1994,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,XNA,0.7337677870521784,0.6975263214356047,0.5989262182569273,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2263.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2307726,166695,Consumer loans,4362.48,45810.0,22167.0,27000.0,45810.0,THURSDAY,11,Y,1,0.5980729868703509,,,XAP,Approved,-1804,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,6.0,high,POS mobile with interest,365243.0,-1773.0,-1623.0,-1623.0,-1619.0,0.0,1,Cash loans,M,Y,N,1,180000.0,687600.0,18265.5,450000.0,,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-10068,-914,-936.0,-1139,10.0,1,1,0,1,0,0,,3.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Business Entity Type 2,,0.39361552388212695,0.09261717137485452,0.066,0.0716,0.9737,0.6396,0.0308,0.0,0.1379,0.125,0.0,0.0682,0.0538,0.0503,0.0,0.0,0.0672,0.0743,0.9737,0.6537,0.0311,0.0,0.1379,0.125,0.0,0.0698,0.0588,0.0524,0.0,0.0,0.0666,0.0716,0.9737,0.6444,0.031,0.0,0.1379,0.125,0.0,0.0694,0.0547,0.0512,0.0,0.0,reg oper account,block of flats,0.041,Panel,No,0.0,0.0,0.0,0.0,-1804.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2585869,349102,Consumer loans,22669.605,110250.0,110250.0,0.0,110250.0,SUNDAY,21,Y,1,0.0,,,XAP,Approved,-574,Cash through the bank,XAP,,Repeater,Clothing and Accessories,POS,XNA,Stone,167,Clothing,6.0,high,POS industry with interest,365243.0,-541.0,-391.0,-451.0,-434.0,0.0,0,Cash loans,M,N,Y,1,202500.0,101880.0,10939.5,90000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.04622,-10525,-621,-612.0,-3039,,1,1,0,1,0,0,High skill tech staff,3.0,1,1,SUNDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.6045875799130275,0.6314728321503654,0.6706517530862718,0.0485,0.0124,0.9737,0.6396,0.0041,0.0,0.1034,0.125,0.1667,,0.0395,0.0391,0.0077,0.0193,0.0494,0.0129,0.9737,0.6537,0.0042,0.0,0.1034,0.125,0.1667,,0.0432,0.0407,0.0078,0.0205,0.0489,0.0124,0.9737,0.6444,0.0041,0.0,0.1034,0.125,0.1667,,0.0402,0.0398,0.0078,0.0197,reg oper account,block of flats,0.0367,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1748336,331489,Cash loans,15944.58,135000.0,173839.5,,135000.0,SUNDAY,14,Y,1,,,,Other,Approved,-499,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,365243.0,-469.0,41.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,1,112500.0,393543.0,20092.5,328500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.035792000000000004,-15699,-1823,-4761.0,-4478,,1,1,1,1,0,0,,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Trade: type 7,,0.522024677902802,0.6528965519806539,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-499.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1231404,199504,Consumer loans,6937.11,49495.5,36360.0,14850.0,49495.5,WEDNESDAY,14,Y,1,0.31581722319859384,,,XAP,Approved,-1067,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,116,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1036.0,-886.0,-886.0,-881.0,0.0,0,Revolving loans,F,N,Y,0,225000.0,585000.0,29250.0,585000.0,Family,Working,Higher education,Married,House / apartment,0.020713,-14760,-958,-6569.0,-2509,,1,1,0,1,0,0,Core staff,2.0,3,1,SATURDAY,12,0,0,0,0,0,0,Security,,0.683068515517022,,0.3536,0.1062,0.9806,0.7348,0.0514,0.08,0.069,0.3333,0.0417,0.0397,0.2875,0.1304,0.0039,0.0066,0.3603,0.1102,0.9806,0.7452,0.0519,0.0806,0.069,0.3333,0.0417,0.0406,0.314,0.1359,0.0039,0.006999999999999999,0.35700000000000004,0.1062,0.9806,0.7383,0.0518,0.08,0.069,0.3333,0.0417,0.0404,0.2924,0.1328,0.0039,0.0067,reg oper account,specific housing,0.104,Panel,No,1.0,0.0,1.0,0.0,-1249.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1108903,187706,Consumer loans,7606.485,71955.0,63598.5,13500.0,71955.0,TUESDAY,19,Y,1,0.19070056191400966,,,XAP,Approved,-452,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Stone,3207,Consumer electronics,10.0,middle,POS household with interest,365243.0,-421.0,-151.0,-331.0,-328.0,0.0,0,Cash loans,F,N,Y,0,193500.0,143910.0,17077.5,135000.0,"Spouse, partner",State servant,Secondary / secondary special,Civil marriage,House / apartment,0.072508,-9869,-477,-4239.0,-2557,,1,1,1,1,1,1,Laborers,2.0,1,1,SATURDAY,13,0,0,0,0,0,0,Postal,0.6923773956533799,0.5839526108445331,0.29859498978739724,0.1799,0.0001,0.9757,0.6668,0.0619,0.16,0.1379,0.3333,0.375,0.0,0.1458,0.1654,0.0039,0.0131,0.1817,0.0001,0.9757,0.6798,0.0615,0.1611,0.1379,0.3333,0.375,0.0,0.1579,0.1707,0.0039,0.0039,0.1816,0.0001,0.9757,0.6713,0.0623,0.16,0.1379,0.3333,0.375,0.0,0.1484,0.1684,0.0039,0.0133,reg oper account,block of flats,0.1362,Panel,No,0.0,0.0,0.0,0.0,-889.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1744409,334378,Consumer loans,23101.65,247500.0,247500.0,0.0,247500.0,SUNDAY,11,Y,1,0.0,,,XAP,Approved,-358,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Stone,50,Furniture,12.0,low_normal,POS industry with interest,365243.0,-327.0,3.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,108000.0,101880.0,10053.0,90000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.030755,-23526,365243,-10772.0,-4646,,1,0,0,1,0,0,,1.0,2,2,MONDAY,17,0,0,0,0,0,0,XNA,,0.5401896136756775,,0.0866,0.0654,0.9851,0.7892,0.0364,0.0932,0.0803,0.3333,0.0417,0.022,0.0706,0.0929,0.0,0.0,0.0756,0.0571,0.9846,0.804,0.0305,0.0806,0.069,0.3333,0.0417,0.019,0.0661,0.0805,0.0,0.0,0.0749,0.0609,0.9851,0.7987,0.032,0.08,0.069,0.3333,0.0417,0.0239,0.0616,0.0874,0.0,0.0,reg oper account,block of flats,0.0773,Panel,No,0.0,0.0,0.0,0.0,-1544.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,5.0 +1236695,307997,Consumer loans,8117.685,71959.095,70101.0,7199.595,71959.095,THURSDAY,14,Y,1,0.10143535717462923,,,XAP,Approved,-2557,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,2709,Consumer electronics,10.0,middle,POS household with interest,365243.0,-2526.0,-2256.0,-2256.0,-2232.0,1.0,0,Cash loans,F,N,N,0,103500.0,625536.0,26631.0,540000.0,Family,Working,Secondary / secondary special,Single / not married,Municipal apartment,0.032561,-14921,-3844,-602.0,-4632,,1,1,1,1,1,0,,1.0,1,1,FRIDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.6945236658741649,0.4794489811780563,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2000.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1329312,438026,Cash loans,13188.375,225000.0,254700.0,,225000.0,SATURDAY,12,Y,1,,,,XNA,Approved,-250,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-220.0,470.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,112500.0,284400.0,16011.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.007305,-24587,365243,-11255.0,-468,,1,0,0,1,0,0,,2.0,3,3,THURSDAY,7,0,0,0,0,0,0,XNA,,0.1438349436356874,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-250.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2309575,247489,Consumer loans,7019.505,58711.5,63877.5,0.0,58711.5,WEDNESDAY,13,Y,1,0.0,,,XAP,Approved,-450,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,19,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-413.0,-143.0,-143.0,-138.0,0.0,0,Cash loans,M,N,Y,0,144000.0,1062027.0,31180.5,886500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-19799,-3809,-6525.0,-3186,,1,1,0,1,0,0,Security staff,2.0,2,2,FRIDAY,8,0,0,0,0,0,0,Security,,0.5786729329715439,0.7421816117614419,0.0608,0.0044,0.9801,0.728,0.01,0.0,0.1379,0.1667,0.2083,0.0916,0.0496,0.0509,0.0039,0.0094,0.062,0.0046,0.9801,0.7387,0.0101,0.0,0.1379,0.1667,0.2083,0.0937,0.0542,0.0531,0.0039,0.01,0.0614,0.0044,0.9801,0.7316,0.01,0.0,0.1379,0.1667,0.2083,0.0932,0.0504,0.0518,0.0039,0.0096,reg oper account,block of flats,0.0476,Panel,No,8.0,0.0,8.0,0.0,-450.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2595275,267918,Consumer loans,2363.31,24367.5,26941.5,0.0,24367.5,FRIDAY,6,Y,1,0.0,,,XAP,Approved,-554,Cash through the bank,XAP,,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,1000,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-523.0,-193.0,-403.0,-398.0,0.0,0,Cash loans,M,Y,N,2,144000.0,454500.0,25375.5,454500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.020713,-18663,-1291,-1094.0,-2107,6.0,1,1,1,1,1,0,Managers,4.0,3,3,FRIDAY,6,0,0,0,0,1,1,Government,0.6897258506850766,0.3840488624133338,0.3092753558842053,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1203.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2283882,342276,Revolving loans,13500.0,270000.0,270000.0,,270000.0,THURSDAY,17,Y,1,,,,XAP,Approved,-257,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,157500.0,1196644.5,50832.0,1026000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008019,-19879,-478,-11129.0,-3400,22.0,1,1,0,1,0,0,Security staff,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Self-employed,,0.5175051926608983,0.1684161714286957,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-257.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1382907,233644,Consumer loans,6642.0,44955.0,33012.0,13500.0,44955.0,SATURDAY,12,Y,1,0.3161061075147763,,,XAP,Approved,-1745,XNA,XAP,Unaccompanied,Refreshed,Furniture,POS,XNA,Stone,400,Furniture,6.0,high,POS industry with interest,365243.0,-1709.0,-1559.0,-1559.0,-1555.0,0.0,0,Cash loans,F,N,Y,0,135000.0,942300.0,27679.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.018634,-17370,-125,-7802.0,-914,,1,1,0,1,1,0,Private service staff,1.0,2,2,MONDAY,12,0,0,0,0,1,1,Self-employed,,0.4727872598959891,0.5656079814115492,0.1031,0.0,0.9831,0.7688,,0.0,0.0345,0.1667,0.2083,0.0158,0.0841,0.0544,,,0.105,0.0,0.9831,0.7779,,0.0,0.0345,0.1667,0.2083,0.0161,0.0918,0.0566,,,0.1041,0.0,0.9831,0.7719,,0.0,0.0345,0.1667,0.2083,0.0161,0.0855,0.0553,,,reg oper account,block of flats,0.0626,"Stone, brick",No,0.0,0.0,0.0,0.0,-1122.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1210220,385841,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SATURDAY,15,Y,1,,,,XAP,Approved,-210,XNA,XAP,Children,Repeater,XNA,Cards,walk-in,Country-wide,1108,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,225000.0,538704.0,27634.5,481500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.035792000000000004,-19937,-3088,-900.0,-2675,,1,1,0,1,0,0,Medicine staff,1.0,2,2,SATURDAY,12,0,0,0,0,0,0,Government,0.5991227611871932,0.5370866675555755,0.524496446363472,,,0.9672,,,,,,,,,0.0108,,,,,0.9672,,,,,,,,,0.0097,,,,,0.9672,,,,,,,,,0.011,,,,,0.0168,,No,2.0,0.0,2.0,0.0,-209.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2166862,304529,Cash loans,11087.955,90000.0,108207.0,,90000.0,THURSDAY,9,Y,1,,,,XNA,Approved,-704,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-674.0,-344.0,-494.0,-491.0,1.0,0,Cash loans,F,Y,Y,0,247500.0,518562.0,25078.5,463500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.035792000000000004,-15227,-1027,-3902.0,-2678,3.0,1,1,0,1,0,0,Sales staff,1.0,2,2,MONDAY,10,0,0,0,0,0,0,Trade: type 7,0.5353350131731727,0.7004066617288693,0.2650494299443805,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1390.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1429924,431328,Consumer loans,20029.32,173596.5,185053.5,0.0,173596.5,FRIDAY,19,Y,1,0.0,,,XAP,Approved,-5,Cash through the bank,XAP,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Regional / Local,100,Consumer electronics,10.0,low_action,POS household without interest,365243.0,365243.0,295.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,0,180000.0,406597.5,29047.5,351000.0,Family,Working,Higher education,Civil marriage,Rented apartment,0.00963,-10184,-684,-4146.0,-2871,,1,1,0,1,1,0,Core staff,2.0,2,2,WEDNESDAY,13,0,0,0,1,1,1,Business Entity Type 3,0.4271179563723833,0.4930156452921351,0.6528965519806539,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1083.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1125696,248400,Cash loans,37339.155,675000.0,767664.0,,675000.0,TUESDAY,10,Y,1,,,,Repairs,Approved,-526,Cash through the bank,XAP,,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,middle,Cash Street: middle,365243.0,-496.0,914.0,-166.0,-164.0,1.0,0,Cash loans,M,Y,Y,0,112500.0,673875.0,26239.5,562500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.019101,-14585,-1128,-7457.0,-4872,5.0,1,1,0,1,0,0,Drivers,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Medicine,0.026927975950944517,0.6300264047511326,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-526.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2211427,185015,Consumer loans,1719.72,21307.5,18733.5,4261.5,21307.5,MONDAY,16,Y,1,0.20183348158690625,,,XAP,Approved,-1570,XNA,XAP,Family,Refreshed,Audio/Video,POS,XNA,Regional / Local,145,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-1539.0,-1209.0,-1209.0,-1206.0,0.0,0,Cash loans,F,Y,N,1,135000.0,553806.0,20650.5,495000.0,"Spouse, partner",Working,Higher education,Married,House / apartment,0.010966,-14996,-2247,-4443.0,-5276,8.0,1,1,0,1,0,0,Accountants,3.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.8114850528153799,0.5304148941135166,0.4135967602644276,0.1052,0.0795,0.9836,0.7756,0.0363,0.0,0.2069,0.1667,0.2083,0.0,0.0841,0.0916,0.0077,0.0135,0.1071,0.0825,0.9836,0.7844,0.0366,0.0,0.2069,0.1667,0.2083,0.0,0.0918,0.0954,0.0078,0.0143,0.1062,0.0795,0.9836,0.7786,0.0365,0.0,0.2069,0.1667,0.2083,0.0,0.0855,0.0933,0.0078,0.0138,org spec account,block of flats,0.075,"Stone, brick",No,2.0,1.0,2.0,1.0,-1097.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2044139,421886,Consumer loans,6497.595,52911.0,47619.0,5292.0,52911.0,WEDNESDAY,12,Y,1,0.10892761601385514,,,XAP,Approved,-82,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,37,Connectivity,10.0,high,POS mobile with interest,365243.0,-47.0,223.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,3,135000.0,571486.5,29178.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-14433,-3241,-1957.0,-1963,35.0,1,1,0,1,0,0,Laborers,5.0,2,2,MONDAY,12,0,0,0,0,1,1,Business Entity Type 3,0.4937381430474842,0.678578035083677,0.5814837058057234,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-807.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1368227,147400,Consumer loans,9566.415,54765.0,50265.0,4500.0,54765.0,MONDAY,12,Y,1,0.0894898035407485,,,XAP,Approved,-46,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,45,Consumer electronics,6.0,middle,POS mobile with interest,,,,,,,0,Cash loans,M,Y,Y,0,216000.0,254700.0,30357.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-13742,-696,-462.0,-4092,9.0,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,16,0,0,0,0,0,0,Construction,,0.04474983757172565,0.11836432636740067,0.1959,0.1317,0.9846,,,0.24,0.2069,0.3333,,0.0797,,,,0.0879,0.1996,0.1366,0.9846,,,0.2417,0.2069,0.3333,,0.0816,,,,0.093,0.1978,0.1317,0.9846,,,0.24,0.2069,0.3333,,0.0811,,,,0.0897,,block of flats,0.1592,Block,No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1914653,303199,Consumer loans,18028.62,136215.0,148261.5,0.0,136215.0,SUNDAY,15,Y,1,0.0,,,XAP,Approved,-1774,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Stone,550,Consumer electronics,12.0,high,POS household with interest,365243.0,-1741.0,-1411.0,-1411.0,-1403.0,0.0,0,Cash loans,M,N,Y,0,49500.0,314100.0,13437.0,225000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.018634,-22046,365243,-1423.0,-2056,,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,,0.14780597096023387,0.6528965519806539,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1684.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1487649,444925,Consumer loans,5469.075,44833.5,48532.5,0.0,44833.5,FRIDAY,14,Y,1,0.0,,,XAP,Approved,-1294,Cash through the bank,XAP,Family,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,278,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1263.0,-993.0,-993.0,-990.0,0.0,0,Cash loans,F,N,N,0,166500.0,1350000.0,37255.5,1350000.0,Family,Pensioner,Secondary / secondary special,Married,Municipal apartment,0.019688999999999998,-20232,365243,-2348.0,-2402,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,XNA,0.3557977401148969,0.5165605175493837,0.7165702448010511,0.0814,,0.9742,0.6464,0.0085,0.0,0.1379,0.1667,0.2083,0.0439,0.0664,0.063,0.0,0.0,0.083,,0.9742,0.6602,0.0085,0.0,0.1379,0.1667,0.2083,0.0449,0.0725,0.0656,0.0,0.0,0.0822,,0.9742,0.6511,0.0085,0.0,0.1379,0.1667,0.2083,0.0447,0.0676,0.0641,0.0,0.0,reg oper spec account,block of flats,0.0541,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1855862,154919,Consumer loans,25200.09,114241.5,134284.5,0.0,114241.5,TUESDAY,14,Y,1,0.0,,,XAP,Approved,-552,Cash through the bank,XAP,,New,Photo / Cinema Equipment,POS,XNA,Country-wide,300,Consumer electronics,6.0,middle,POS household with interest,365243.0,-514.0,-364.0,-364.0,-358.0,0.0,0,Cash loans,F,N,Y,0,225000.0,351792.0,18090.0,252000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.032561,-10285,-749,-4948.0,-2964,,1,1,0,1,1,1,Laborers,2.0,1,1,MONDAY,18,0,0,0,0,0,0,Business Entity Type 3,0.4327919751663341,0.6123532764326866,0.4418358231994413,0.1818,0.1694,0.9771,0.6872,0.0288,0.0932,0.2414,0.2221,0.2638,0.1102,0.1479,0.1755,0.0013,0.003,0.146,0.175,0.9772,0.6994,0.0174,0.0,0.2414,0.1667,0.2083,0.0828,0.1276,0.1434,0.0,0.0,0.1447,0.1692,0.9771,0.6914,0.0173,0.0,0.2414,0.1667,0.2083,0.0897,0.1189,0.1406,0.0,0.0,reg oper account,block of flats,0.2277,Panel,No,0.0,0.0,0.0,0.0,-552.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,0.0 +2204092,184590,Consumer loans,22742.325,150705.0,126931.5,30141.0,150705.0,MONDAY,8,Y,1,0.2089881366305948,,,XAP,Approved,-939,XNA,XAP,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Regional / Local,270,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-907.0,-757.0,-757.0,-751.0,0.0,0,Cash loans,M,Y,Y,1,270000.0,783315.0,50188.5,684000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.006629,-12465,-1293,-3729.0,-4099,8.0,1,1,0,1,0,0,Managers,3.0,2,2,TUESDAY,10,0,0,0,0,0,0,Self-employed,,0.27095889620777963,0.39449540531239935,0.0598,0.0,0.9876,0.8436,,0.0,0.0803,0.1525,0.1667,,0.0622,0.0568,0.0,0.0,0.042,0.0,0.9871,0.8497,,0.0,0.069,0.1667,0.1667,,0.068,0.0294,0.0,0.0,0.0625,0.0,0.9876,0.8457,,0.0,0.069,0.1667,0.1667,,0.0633,0.0579,0.0,0.0,reg oper account,block of flats,0.0437,Block,No,3.0,0.0,3.0,0.0,-21.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +2636392,115534,Cash loans,28316.115,495000.0,553806.0,,495000.0,FRIDAY,12,Y,1,,,,XNA,Approved,-894,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-864.0,186.0,-774.0,-766.0,1.0,0,Cash loans,F,N,Y,1,157500.0,521280.0,26743.5,450000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.005084,-17347,-2173,-3956.0,-897,,1,1,0,1,0,0,Sales staff,3.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Self-employed,,0.3481311610019156,0.1595195404777181,0.0928,,0.9816,0.7484,,,0.2069,0.1667,,,,,,,0.0945,,0.9816,0.7583,,,0.2069,0.1667,,,,,,,0.0937,,0.9816,0.7518,,,0.2069,0.1667,,,,,,,reg oper account,block of flats,0.062,Panel,No,3.0,0.0,3.0,0.0,-834.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1843261,354528,Cash loans,5262.3,90000.0,90000.0,,90000.0,THURSDAY,13,Y,1,,,,XNA,Approved,-802,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-772.0,-82.0,-382.0,-365.0,0.0,0,Revolving loans,F,N,Y,0,121500.0,382500.0,19125.0,382500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.00702,-19350,-5722,-8326.0,-2889,,1,1,0,1,0,0,,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Industry: type 11,0.3833922784844627,0.735717162971168,0.39449540531239935,0.1031,,0.9831,0.7688,,0.0,0.069,0.1667,0.2083,,0.0841,,,,0.105,,0.9831,0.7779,,0.0,0.069,0.1667,0.2083,,0.0918,,,,0.1041,,0.9831,0.7719,,0.0,0.069,0.1667,0.2083,,0.0855,,,,reg oper account,block of flats,0.0396,Panel,No,5.0,0.0,5.0,0.0,-1389.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1201841,241053,Cash loans,11697.84,180000.0,203760.0,,180000.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-187,XNA,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Contact center,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-157.0,533.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,0,292500.0,242595.0,10813.5,202500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.00963,-23366,365243,-11987.0,-4079,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,XNA,0.7742658687272823,0.3100403864874363,0.7281412993111438,0.0247,,0.9821,,,0.0,0.069,0.0833,,0.0,,0.0216,,0.0268,0.0252,,0.9821,,,0.0,0.069,0.0833,,0.0,,0.0225,,0.0283,0.025,,0.9821,,,0.0,0.069,0.0833,,0.0,,0.022,,0.0273,,block of flats,0.0228,Panel,No,0.0,0.0,0.0,0.0,-1466.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2725141,163955,Consumer loans,3774.33,30555.0,38380.5,0.0,30555.0,SUNDAY,5,Y,1,0.0,,,XAP,Approved,-285,XNA,XAP,,New,Computers,POS,XNA,Country-wide,138,Consumer electronics,12.0,middle,POS household with interest,365243.0,-254.0,76.0,365243.0,365243.0,0.0,1,Cash loans,M,N,Y,0,112500.0,276813.0,21865.5,256500.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.006305,-13128,-1414,-7268.0,-4102,,1,1,0,1,0,0,Drivers,2.0,3,3,FRIDAY,9,0,0,0,0,0,0,Self-employed,,0.5007399138993776,0.3842068130556564,0.0722,,0.9791,0.7144,0.0071,0.0,0.1379,0.1667,0.2083,0.0611,0.0588,0.0628,0.0,0.0,0.0735,,0.9791,0.7256,0.0071,0.0,0.1379,0.1667,0.2083,0.0625,0.0643,0.0655,0.0,0.0,0.0729,,0.9791,0.7182,0.0071,0.0,0.1379,0.1667,0.2083,0.0622,0.0599,0.064,0.0,0.0,reg oper account,block of flats,0.0533,"Stone, brick",No,0.0,0.0,0.0,0.0,-285.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1978765,250962,Cash loans,34839.45,472500.0,500566.5,,472500.0,WEDNESDAY,14,Y,1,,,,XNA,Approved,-469,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-439.0,71.0,-229.0,-227.0,1.0,0,Cash loans,F,N,Y,0,157500.0,1057266.0,47295.0,945000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Municipal apartment,0.011656999999999999,-20867,-1826,-9695.0,-2982,,1,1,0,1,0,0,Laborers,1.0,1,1,WEDNESDAY,14,0,1,1,0,1,1,Other,,0.5959074418102865,0.6023863442690867,0.1031,0.1252,0.9846,,,0.0,0.1724,0.1667,,0.0514,,0.0947,,0.1228,0.105,0.1299,0.9846,,,0.0,0.1724,0.1667,,0.0526,,0.0987,,0.13,0.1041,0.1252,0.9846,,,0.0,0.1724,0.1667,,0.0523,,0.0964,,0.1254,,block of flats,0.0822,Panel,No,0.0,0.0,0.0,0.0,-2606.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2022430,165164,Consumer loans,7963.02,80122.5,42043.5,40063.5,80122.5,MONDAY,16,Y,1,0.5314138092533358,,,XAP,Refused,-1702,XNA,HC,Family,Repeater,Computers,POS,XNA,Regional / Local,200,Consumer electronics,6.0,middle,POS household without interest,,,,,,,0,Cash loans,F,Y,Y,0,90000.0,808650.0,23305.5,675000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.009175,-21452,365243,-9449.0,-3888,11.0,1,0,0,1,0,0,,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,XNA,,0.6951681662065712,0.17982176508970435,0.2289,0.162,0.9861,,,0.24,0.2069,0.3333,,,,0.2339,,0.0,0.2332,0.1681,0.9861,,,0.2417,0.2069,0.3333,,,,0.2437,,0.0,0.2311,0.162,0.9861,,,0.24,0.2069,0.3333,,,,0.2381,,0.0,,block of flats,0.184,Panel,No,0.0,0.0,0.0,0.0,-1349.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1307831,150438,Consumer loans,6683.355,59980.5,66316.5,0.0,59980.5,SUNDAY,14,Y,1,0.0,,,XAP,Approved,-695,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,520,Consumer electronics,12.0,middle,POS household with interest,365243.0,-664.0,-334.0,-484.0,-464.0,0.0,1,Cash loans,M,N,Y,0,315000.0,942300.0,30528.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.02461,-13565,-829,-504.0,-775,,1,1,0,1,1,0,Drivers,2.0,2,2,TUESDAY,13,0,0,0,1,1,0,Business Entity Type 3,0.5065790363942358,0.2383253534142279,0.3092753558842053,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1693.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2124371,353517,Cash loans,13151.7,135000.0,135000.0,,135000.0,TUESDAY,11,Y,1,,,,XNA,Approved,-551,XNA,XAP,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-520.0,-190.0,-220.0,-217.0,0.0,1,Cash loans,F,N,Y,0,157500.0,254700.0,24808.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.072508,-24736,365243,-4015.0,-327,,1,0,0,1,0,0,,1.0,1,1,SUNDAY,12,0,0,0,0,0,0,XNA,,0.21320997303862754,0.6754132910917112,0.1954,0.1113,0.9935,0.9116,0.1715,0.36,0.1552,0.4792,0.4583,0.1438,0.1542,0.2229,0.0232,0.0661,0.1744,0.1016,0.9935,0.9151,0.1594,0.3222,0.1379,0.4583,0.4167,0.1138,0.1451,0.2081,0.0156,0.0634,0.1973,0.1113,0.9935,0.9128,0.1726,0.36,0.1552,0.4792,0.4583,0.1463,0.1569,0.2269,0.0233,0.0675,reg oper account,block of flats,0.1701,Panel,No,0.0,0.0,0.0,0.0,-1506.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1234353,216243,Consumer loans,6739.83,36720.0,33048.0,3672.0,36720.0,WEDNESDAY,10,Y,1,0.1089090909090909,,,XAP,Approved,-907,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,123,Connectivity,6.0,high,POS mobile with interest,365243.0,-874.0,-724.0,-754.0,-748.0,0.0,0,Revolving loans,F,N,Y,1,67500.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.018029,-7767,-260,-914.0,-433,,1,1,0,1,0,0,Cooking staff,3.0,3,2,SUNDAY,12,0,0,0,0,0,0,Kindergarten,0.3105400924842069,0.11734874973643727,,0.2897,0.056,0.9821,,0.0587,0.08,0.0345,0.3333,0.375,0.0637,0.2353,0.0901,0.0039,0.0021,0.2952,0.0581,0.9821,,0.0592,0.0806,0.0345,0.3333,0.375,0.0651,0.2571,0.0939,0.0039,0.0023,0.2925,0.056,0.9821,,0.059,0.08,0.0345,0.3333,0.375,0.0648,0.2394,0.0918,0.0039,0.0022,reg oper account,block of flats,0.103,"Stone, brick",No,0.0,0.0,0.0,0.0,-1093.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1799831,120383,Revolving loans,38250.0,0.0,765000.0,,,WEDNESDAY,18,Y,1,,,,XAP,Approved,-728,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-502.0,-471.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,180000.0,840951.0,33480.0,679500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.009656999999999999,-18248,-2726,-3332.0,-1738,,1,1,0,1,1,1,Managers,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.7815333844079423,0.6745009434741964,0.3962195720630885,0.3691,0.2864,0.9851,0.7959999999999999,0.0021,0.4,0.3448,0.3333,0.375,0.2511,0.2925,0.3719,0.0386,0.0286,0.3761,0.2972,0.9851,0.804,0.0021,0.4028,0.3448,0.3333,0.375,0.2569,0.3196,0.3875,0.0389,0.0303,0.3726,0.2864,0.9851,0.7987,0.0021,0.4,0.3448,0.3333,0.375,0.2555,0.2976,0.3786,0.0388,0.0293,,block of flats,0.2976,Panel,No,1.0,0.0,1.0,0.0,-2112.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2411256,266997,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SUNDAY,17,Y,1,,,,XAP,Approved,-330,XNA,XAP,Unaccompanied,New,XNA,Cards,walk-in,Country-wide,400,Consumer electronics,0.0,XNA,Card Street,-306.0,-256.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,202500.0,602194.5,40243.5,558000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00963,-19207,-1691,-6509.0,-2607,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,11,0,0,0,0,0,0,Business Entity Type 1,,0.4401812407914579,,0.0897,0.0856,0.9876,0.83,0.009000000000000001,0.0,0.1034,0.1667,0.2083,0.0289,0.0723,0.0595,0.0039,0.0076,0.0914,0.0888,0.9876,0.8367,0.0091,0.0,0.1034,0.1667,0.2083,0.0295,0.079,0.062,0.0039,0.008,0.0906,0.0856,0.9876,0.8323,0.009000000000000001,0.0,0.1034,0.1667,0.2083,0.0294,0.0735,0.0606,0.0039,0.0077,reg oper account,block of flats,0.0534,"Stone, brick",No,0.0,0.0,0.0,0.0,-330.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1181775,380691,Cash loans,9933.93,67500.0,82611.0,0.0,67500.0,FRIDAY,14,Y,1,0.0,,,Purchase of electronic equipment,Approved,-1976,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-1944.0,-1614.0,-1614.0,-1606.0,0.0,0,Cash loans,F,Y,N,0,135000.0,842391.0,30388.5,711000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-11239,-1485,-1106.0,-3717,13.0,1,1,0,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Self-employed,0.2878546203878224,0.6064976744570262,0.3876253444214701,0.0371,,0.9732,,,0.0,0.1034,0.0833,,,,0.0303,,0.0,0.0378,,0.9732,,,0.0,0.1034,0.0833,,,,0.0316,,0.0,0.0375,,0.9732,,,0.0,0.1034,0.0833,,,,0.0308,,0.0,,block of flats,0.0238,"Stone, brick",No,12.0,1.0,12.0,1.0,-4.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2565872,187305,Revolving loans,31500.0,0.0,450000.0,,,TUESDAY,17,Y,1,,,,XAP,Approved,-1387,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-1268.0,-1222.0,365243.0,-461.0,-391.0,0.0,0,Cash loans,F,Y,N,0,180000.0,1007761.5,39564.0,927000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018634,-18564,-228,-2632.0,-2108,12.0,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,16,0,0,0,1,1,0,Trade: type 7,,0.3351474987361848,0.2707073872651806,0.2062,0.133,0.9866,,,0.2,0.1724,0.375,,0.1632,,0.2147,,0.2751,0.2101,0.138,0.9866,,,0.2014,0.1724,0.375,,0.1669,,0.2237,,0.2912,0.2082,0.133,0.9866,,,0.2,0.1724,0.375,,0.166,,0.2186,,0.2809,,block of flats,0.2287,Panel,No,0.0,0.0,0.0,0.0,-1055.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1691024,295081,Revolving loans,13500.0,270000.0,270000.0,,270000.0,TUESDAY,14,Y,1,,,,XAP,Approved,-267,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-267.0,-223.0,365243.0,-39.0,-29.0,0.0,0,Cash loans,M,Y,Y,1,180000.0,715095.0,65718.0,675000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.022625,-11716,-611,-2478.0,-3399,9.0,1,1,0,1,0,0,High skill tech staff,3.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Other,,0.5521623910379507,0.39277386060313396,0.2227,0.1268,0.9791,0.7144,0.0403,0.16,0.1379,0.3333,0.375,0.1229,0.1799,0.2165,0.0077,0.0344,0.2269,0.1316,0.9791,0.7256,0.0407,0.1611,0.1379,0.3333,0.375,0.1257,0.1965,0.2256,0.0078,0.0364,0.2248,0.1268,0.9791,0.7182,0.0406,0.16,0.1379,0.3333,0.375,0.1251,0.183,0.2204,0.0078,0.0351,reg oper account,block of flats,0.2184,Panel,No,1.0,0.0,1.0,0.0,-920.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2010243,172298,Consumer loans,32782.635,500040.0,500040.0,0.0,500040.0,SATURDAY,13,Y,1,0.0,,,XAP,Refused,-454,Cash through the bank,HC,,Repeater,Computers,POS,XNA,Country-wide,260,Consumer electronics,18.0,low_normal,POS household with interest,,,,,,,1,Revolving loans,M,Y,N,2,270000.0,765000.0,38250.0,765000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.00496,-11344,-2712,-5498.0,-3502,6.0,1,1,0,1,1,0,Core staff,4.0,2,2,FRIDAY,18,0,0,0,0,0,0,Self-employed,0.16392435538695868,0.6554712422392824,0.3425288720742255,0.1037,,0.9796,,,0.0,0.2328,0.1667,,,,0.0775,,0.0,0.125,,0.9796,,,0.0,0.2759,0.1667,,,,0.0,,0.0,0.1239,,0.9796,,,0.0,0.2759,0.1667,,,,0.0805,,0.0,,block of flats,0.031,"Stone, brick",No,0.0,0.0,0.0,0.0,-1386.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +1390697,445411,Consumer loans,9055.395,45405.0,47803.5,0.0,45405.0,FRIDAY,13,Y,1,0.0,,,XAP,Approved,-749,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Stone,200,Consumer electronics,6.0,middle,POS household with interest,365243.0,-718.0,-568.0,-598.0,-592.0,0.0,0,Cash loans,M,Y,N,0,292500.0,312768.0,25204.5,270000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.00496,-9442,-1152,-1101.0,-2067,2.0,1,1,1,1,0,0,Managers,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Military,0.20848913897887766,0.6427767207563795,0.4650692149562261,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1041.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2427916,423798,Consumer loans,9311.265,85378.5,85378.5,0.0,85378.5,THURSDAY,19,Y,1,0.0,,,XAP,Approved,-291,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Regional / Local,25,Consumer electronics,10.0,low_action,POS household without interest,365243.0,-261.0,9.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,1,202500.0,939159.0,63013.5,886500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.0105,-14061,-1347,-8057.0,-2712,,1,1,0,1,0,0,Sales staff,3.0,3,3,MONDAY,18,0,0,0,0,0,0,Trade: type 7,0.13378577348693907,0.5035443725087928,0.17560597946937906,0.0351,0.0355,0.9811,0.7348,0.0101,0.06,0.0803,0.1388,0.2917,0.0077,0.0286,0.0387,0.0,0.0,0.0126,0.0368,0.9677,0.5688,0.0063,0.0,0.069,0.0417,0.2917,0.0079,0.011,0.0064,0.0,0.0,0.0354,0.0355,0.9811,0.7383,0.0101,0.06,0.069,0.0417,0.2917,0.0078,0.0291,0.0095,0.0,0.0,,block of flats,0.0211,"Stone, brick",No,0.0,0.0,0.0,0.0,-2681.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2459716,230455,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,16,Y,1,,,,XAP,Approved,-418,XNA,XAP,,New,XNA,Cards,walk-in,Country-wide,120,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,0,157500.0,286704.0,17325.0,247500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.007120000000000001,-9759,-451,-4367.0,-2443,12.0,1,1,1,1,0,0,Laborers,2.0,2,2,SUNDAY,15,1,1,0,1,1,0,Housing,0.18108057122604304,0.4660174616988794,0.25396280933631177,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-4.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2817014,375567,Consumer loans,2879.91,22455.0,24678.0,0.0,22455.0,THURSDAY,12,Y,1,0.0,,,XAP,Approved,-2872,XNA,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,45,Connectivity,12.0,high,POS mobile with interest,365243.0,-2841.0,-2511.0,-2511.0,-2505.0,1.0,0,Cash loans,F,N,Y,0,112500.0,170640.0,10566.0,135000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-20132,365243,-13158.0,-3522,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,XNA,,0.35171766466196475,0.7688075728291359,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-472.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2185278,232875,Cash loans,30890.295,540000.0,604152.0,,540000.0,WEDNESDAY,17,Y,1,,,,XNA,Refused,-510,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,36.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,Y,Y,1,76500.0,254700.0,18661.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.031329,-15926,-282,-460.0,-4124,12.0,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,17,0,0,0,0,0,0,Industry: type 11,0.32361779142634745,0.32632868505576096,0.7700870700124128,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2404.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1370793,175224,Cash loans,45557.055,1125000.0,1374480.0,,1125000.0,TUESDAY,10,Y,1,,,,XNA,Refused,-180,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,Y,N,0,247500.0,675000.0,49401.0,675000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.035792000000000004,-16269,-803,-1226.0,-4124,8.0,1,1,1,1,0,0,Drivers,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Self-employed,,0.7904269687627006,0.5620604831738043,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1659.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +1336055,330510,Consumer loans,27545.04,233550.0,225225.0,23355.0,233550.0,FRIDAY,15,Y,1,0.10232407346455136,,,XAP,Approved,-1040,Cash through the bank,XAP,Unaccompanied,Refreshed,Audio/Video,POS,XNA,Stone,41,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1005.0,-735.0,-735.0,-729.0,0.0,0,Cash loans,M,N,N,0,180000.0,454500.0,33979.5,454500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.035792000000000004,-11286,-3612,-5139.0,-3819,,1,1,0,1,0,0,Drivers,2.0,2,2,MONDAY,20,0,0,0,0,0,0,Self-employed,0.24663834098871104,0.6577491522796448,0.5814837058057234,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2155.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2522356,183080,Consumer loans,11913.435,95301.0,85770.0,9531.0,95301.0,WEDNESDAY,9,Y,1,0.1089193760248628,,,XAP,Approved,-1232,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Stone,80,Consumer electronics,8.0,low_normal,POS household with interest,365243.0,-1195.0,-985.0,-985.0,-982.0,0.0,0,Cash loans,F,N,N,1,157500.0,942300.0,30528.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-12124,-2302,-3852.0,-29,,1,1,0,1,0,0,Sales staff,3.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.7484188318855751,0.24786034604174184,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1781262,171418,Cash loans,17195.04,247500.0,325908.0,,247500.0,TUESDAY,13,Y,1,,,,XNA,Refused,-69,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,Y,Y,2,90000.0,113211.0,10512.0,94500.0,Unaccompanied,Commercial associate,Incomplete higher,Married,Rented apartment,0.00496,-12129,-525,-5827.0,-3938,18.0,1,1,0,1,0,0,Drivers,4.0,2,2,MONDAY,19,0,0,0,0,0,0,Transport: type 3,0.2468798607385229,0.4395077704340544,,0.1129,,0.9881,,,0.0,0.3103,0.1875,,0.0114,,,,,0.0998,,0.9871,,,0.0,0.2759,0.1667,,0.0116,,,,,0.114,,0.9881,,,0.0,0.3103,0.1875,,0.0116,,,,,,,0.0856,"Stone, brick",No,0.0,0.0,0.0,0.0,-707.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2619467,416952,Revolving loans,10125.0,202500.0,202500.0,,202500.0,TUESDAY,12,Y,1,,,,XAP,Refused,-69,XNA,HC,Other_A,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,1,Cash loans,F,N,Y,0,157500.0,254700.0,20250.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.020713,-21912,365243,-151.0,-2004,,1,0,0,1,0,0,,2.0,3,2,MONDAY,9,0,0,0,0,0,0,XNA,,0.4729507838670843,0.5028782772082183,0.1093,0.0408,0.9965,0.9524,0.053,0.2,0.1724,0.375,0.4167,0.026,0.0891,0.1373,0.0,0.0,0.1113,0.0424,0.9965,0.9543,0.0535,0.2014,0.1724,0.375,0.4167,0.0266,0.0973,0.14300000000000002,0.0,0.0,0.1103,0.0408,0.9965,0.953,0.0533,0.2,0.1724,0.375,0.4167,0.0264,0.0906,0.1397,0.0,0.0,reg oper account,block of flats,0.1394,Panel,No,1.0,0.0,1.0,0.0,-270.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,4.0,1.0 +1863181,285971,Revolving loans,11250.0,225000.0,225000.0,,225000.0,FRIDAY,10,Y,1,,,,XAP,Refused,-564,XNA,SCOFR,,Repeater,XNA,Cards,walk-in,Channel of corporate sales,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,Y,N,0,180000.0,360000.0,21753.0,360000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010147,-12730,-3381,-3356.0,-153,14.0,1,1,1,1,1,0,Laborers,2.0,2,2,MONDAY,13,0,0,0,0,0,0,Industry: type 3,0.4476379831562575,0.4883212522138051,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-743.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1817237,423849,Consumer loans,5990.04,31000.5,29371.5,3100.5,31000.5,SUNDAY,9,Y,1,0.10398886313243297,,,XAP,Approved,-797,Cash through the bank,XAP,Unaccompanied,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,20,Connectivity,6.0,high,POS mobile with interest,365243.0,-766.0,-616.0,-706.0,-697.0,0.0,0,Cash loans,F,Y,Y,0,180000.0,1546020.0,45333.0,1350000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-19892,-4063,-3643.0,-3319,7.0,1,1,0,1,0,0,,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,School,,0.4245329363677431,0.7726311345553628,0.0629,0.0044,0.9747,,,0.0,0.1034,0.1667,,0.0585,,0.0522,,0.0,0.0641,0.0045,0.9747,,,0.0,0.1034,0.1667,,0.0598,,0.0544,,0.0,0.0635,0.0044,0.9747,,,0.0,0.1034,0.1667,,0.0595,,0.0531,,0.0,,block of flats,0.041,"Stone, brick",No,0.0,0.0,0.0,0.0,-172.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2043135,227104,Cash loans,21747.825,675000.0,790830.0,,675000.0,WEDNESDAY,13,Y,1,,,,XNA,Refused,-348,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,382500.0,540000.0,26109.0,540000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.026392000000000002,-20395,-1490,-10632.0,-3790,18.0,1,1,0,1,1,1,High skill tech staff,1.0,2,2,MONDAY,11,0,0,0,0,0,0,Business Entity Type 2,,0.7266269644846913,0.2636468134452008,0.3351,0.2602,0.9851,0.7959999999999999,0.0783,0.36,0.3103,0.3333,0.375,0.3929,0.2723,0.3706,0.0039,0.0017,0.3414,0.2701,0.9851,0.804,0.079,0.3625,0.3103,0.3333,0.375,0.4018,0.2975,0.3861,0.0039,0.0018,0.3383,0.2602,0.9851,0.7987,0.0788,0.36,0.3103,0.3333,0.375,0.3997,0.277,0.3773,0.0039,0.0018,reg oper account,block of flats,0.2919,Panel,No,3.0,0.0,3.0,0.0,-438.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1061356,158063,Consumer loans,16072.92,72841.5,60322.5,14571.0,72841.5,TUESDAY,15,Y,1,0.21188946485828067,,,XAP,Approved,-607,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,42,Connectivity,4.0,middle,POS mobile without interest,365243.0,-575.0,-485.0,-485.0,-476.0,0.0,0,Cash loans,M,Y,N,0,157500.0,239850.0,25447.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.035792000000000004,-8733,-1696,-2363.0,-1360,21.0,1,1,1,1,1,0,IT staff,1.0,2,2,SUNDAY,16,0,0,0,0,1,1,Business Entity Type 3,0.3057497410637441,0.7114324871980113,0.6722428897082422,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-607.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,0.0,0.0,2.0 +1531785,378174,Consumer loans,16190.595,137502.0,147334.5,0.0,137502.0,MONDAY,9,Y,1,0.0,,,XAP,Approved,-525,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-486.0,-216.0,-456.0,-449.0,0.0,0,Cash loans,F,N,Y,0,270000.0,976711.5,44136.0,873000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.031329,-12226,-162,-1011.0,-1347,,1,1,1,1,0,0,,2.0,2,2,MONDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.2840553624034448,0.4908731817659196,0.12217974403015852,0.1062,0.0712,0.9786,0.7076,0.0158,0.08,0.069,0.3333,0.375,0.0455,0.0866,0.0887,0.0039,0.0162,0.1082,0.0739,0.9786,0.7190000000000001,0.016,0.0806,0.069,0.3333,0.375,0.0466,0.0946,0.0924,0.0039,0.0172,0.1072,0.0712,0.9786,0.7115,0.0159,0.08,0.069,0.3333,0.375,0.0463,0.0881,0.0903,0.0039,0.0165,reg oper account,block of flats,0.0733,"Stone, brick",No,0.0,0.0,0.0,0.0,-1576.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2500906,389260,Revolving loans,19125.0,0.0,382500.0,,,THURSDAY,9,N,1,,,,XAP,Refused,-466,XNA,HC,,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),4,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Revolving loans,F,Y,N,1,99000.0,315000.0,15750.0,315000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.020246,-13702,-4032,-3548.0,-2265,9.0,1,1,0,1,0,0,Sales staff,3.0,3,3,MONDAY,11,0,0,0,0,0,0,Trade: type 3,0.4360149770351081,0.4915344713099084,0.7789040389824382,0.1443,0.0769,0.9916,0.8844,0.0364,0.16,0.1379,0.3333,0.375,0.1259,0.1177,0.1578,0.0,0.0,0.1471,0.0798,0.9916,0.8889,0.0367,0.1611,0.1379,0.3333,0.375,0.1288,0.1286,0.1644,0.0,0.0,0.1457,0.0769,0.9916,0.8859,0.0366,0.16,0.1379,0.3333,0.375,0.1281,0.1197,0.1606,0.0,0.0,reg oper account,block of flats,0.14400000000000002,Panel,No,5.0,0.0,5.0,0.0,-466.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1669370,384813,Consumer loans,13299.03,144135.0,129721.5,14413.5,144135.0,FRIDAY,9,Y,1,0.1089090909090909,,,XAP,Approved,-618,XNA,XAP,,Repeater,Construction Materials,POS,XNA,Stone,15,Construction,12.0,middle,POS industry with interest,365243.0,-583.0,-253.0,-283.0,-280.0,0.0,0,Cash loans,M,Y,N,0,247500.0,450000.0,27193.5,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.0228,-11241,-1304,-2917.0,-3810,10.0,1,1,1,1,0,0,Core staff,2.0,2,2,WEDNESDAY,19,0,0,0,0,0,0,Legal Services,0.5776994792313523,0.4544688546949855,0.4776491548517548,0.0732,0.0808,0.9737,0.6396,0.0203,0.0,0.1379,0.125,0.1667,0.0719,0.0513,0.0417,0.0386,0.0082,0.0746,0.0839,0.9737,0.6537,0.0205,0.0,0.1379,0.125,0.1667,0.0736,0.056,0.0435,0.0389,0.0087,0.0739,0.0808,0.9737,0.6444,0.0204,0.0,0.1379,0.125,0.1667,0.0732,0.0522,0.0425,0.0388,0.0084,reg oper account,block of flats,0.0457,"Stone, brick",No,1.0,1.0,1.0,0.0,-1427.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2287731,382611,Cash loans,12755.835,157500.0,194359.5,,157500.0,FRIDAY,12,Y,1,,,,XNA,Approved,-212,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-182.0,328.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,135000.0,353241.0,23130.0,319500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.010276,-14092,-1143,-8171.0,-394,,1,1,0,1,0,0,Sales staff,1.0,2,2,SUNDAY,11,0,0,0,0,0,0,Self-employed,,0.6454034618680502,0.3962195720630885,0.0773,0.0573,0.9821,0.7552,0.0139,0.0,0.1724,0.1667,0.2083,0.0735,0.063,0.0692,0.0,0.0,0.0788,0.0594,0.9821,0.7648,0.014,0.0,0.1724,0.1667,0.2083,0.0752,0.0689,0.0721,0.0,0.0,0.0781,0.0573,0.9821,0.7585,0.014,0.0,0.1724,0.1667,0.2083,0.0748,0.0641,0.0704,0.0,0.0,reg oper account,block of flats,0.062,Panel,No,4.0,0.0,4.0,0.0,-1620.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1396157,371315,Consumer loans,2583.495,19444.5,18940.5,1948.5,19444.5,SUNDAY,15,Y,1,0.10158904860757503,,,XAP,Approved,-2029,XNA,XAP,,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,38,Connectivity,10.0,high,POS mobile with interest,365243.0,-1987.0,-1717.0,-1807.0,-1805.0,0.0,0,Cash loans,F,Y,Y,1,135000.0,450000.0,19953.0,450000.0,Children,Commercial associate,Incomplete higher,Separated,House / apartment,0.018209,-9968,-245,-354.0,-1879,23.0,1,1,0,1,0,0,Core staff,2.0,3,3,SATURDAY,9,0,0,0,1,1,1,Business Entity Type 3,0.415440071908694,0.3836247734560289,0.5172965813614878,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,3.0,6.0,2.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1027656,267119,Revolving loans,9000.0,180000.0,180000.0,,180000.0,SATURDAY,10,Y,1,,,,XAP,Approved,-207,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-206.0,-157.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,F,N,N,0,67500.0,327024.0,16033.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-11087,-494,-4726.0,-1931,,1,1,1,1,0,0,Sales staff,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,Self-employed,0.2843322854123307,0.06944981907872487,,0.0021,0.0,0.9786,0.7076,0.0025,0.0,0.069,0.0,0.0417,0.0273,0.0017,0.0013,0.0,0.0016,0.0021,0.0,0.9786,0.7190000000000001,0.0025,0.0,0.069,0.0,0.0417,0.028,0.0018,0.0013,0.0,0.0017,0.0021,0.0,0.9786,0.7115,0.0025,0.0,0.069,0.0,0.0417,0.0278,0.0017,0.0013,0.0,0.0016,,block of flats,0.0013,Wooden,No,0.0,0.0,0.0,0.0,-207.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1550525,416588,Consumer loans,7473.69,81000.0,72900.0,8100.0,81000.0,SUNDAY,19,Y,1,0.1089090909090909,,,XAP,Approved,-589,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Stone,40,Furniture,12.0,middle,POS industry with interest,365243.0,-558.0,-228.0,-528.0,-526.0,0.0,0,Cash loans,M,N,Y,1,270000.0,415408.5,49428.0,373500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.01885,-17110,-370,-4381.0,-670,,1,1,0,1,0,0,Laborers,3.0,2,2,MONDAY,12,1,1,0,1,1,0,Military,,0.6732754953814531,0.7801436381572275,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,12.0,0.0,12.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1309207,238068,Consumer loans,12538.305,121500.0,134329.5,0.0,121500.0,FRIDAY,11,Y,1,0.0,,,XAP,Approved,-460,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Stone,100,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-429.0,-99.0,-99.0,-94.0,0.0,0,Revolving loans,F,Y,Y,0,85500.0,180000.0,9000.0,180000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.025164,-8333,-124,-4688.0,-1008,11.0,1,1,0,1,0,0,Core staff,1.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Bank,0.346395328308355,0.6152871832623411,0.4632753280912678,0.1196,0.1392,0.9871,0.8232,,0.0,0.2759,0.1667,0.2083,0.0432,,0.1112,,0.0022,0.1218,0.1445,0.9871,0.8301,,0.0,0.2759,0.1667,0.2083,0.0442,,0.1159,,0.0023,0.1207,0.1392,0.9871,0.8256,,0.0,0.2759,0.1667,0.2083,0.044,,0.1132,,0.0022,reg oper account,block of flats,0.08800000000000001,"Stone, brick",No,0.0,0.0,0.0,0.0,-438.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2256891,278333,Revolving loans,0.0,0.0,0.0,,0.0,WEDNESDAY,18,Y,1,,,,XAP,Approved,-203,XNA,XAP,,Repeater,XNA,Cards,walk-in,Country-wide,30,Connectivity,0.0,XNA,Card Street,-202.0,-158.0,365243.0,-158.0,365243.0,0.0,1,Cash loans,M,N,Y,2,315000.0,497520.0,33376.5,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.007114,-15780,-1397,-4149.0,-4159,,1,1,0,1,0,0,,4.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.5184601646101713,0.6609956146505507,0.4614823912998385,,0.0579,0.9816,0.7484,,0.0,0.1379,0.1667,0.2083,0.7724,0.0471,0.0533,,0.0914,,0.0601,0.9816,0.7583,,0.0,0.1379,0.1667,0.2083,0.79,0.0514,0.0555,,0.0968,,0.0579,0.9816,0.7518,,0.0,0.1379,0.1667,0.2083,0.7858,0.0479,0.0543,,0.0934,reg oper account,block of flats,0.054000000000000006,"Stone, brick",No,0.0,0.0,0.0,0.0,-203.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2431963,238561,Cash loans,17068.905,202500.0,294786.0,,202500.0,WEDNESDAY,16,Y,1,,,,XNA,Approved,-1055,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,36.0,high,Cash X-Sell: high,365243.0,-1025.0,25.0,-5.0,365243.0,1.0,0,Cash loans,F,N,Y,1,117000.0,269550.0,18891.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.016612000000000002,-13934,-2252,-135.0,-4808,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,16,0,0,0,0,0,0,University,,0.5589115922826918,0.4902575124990026,0.2711,0.0026,0.9836,0.7756,0.0846,0.08,0.0345,0.3333,0.375,0.0728,0.2202,0.0819,0.0039,0.0051,0.2763,0.0027,0.9836,0.7844,0.0854,0.0806,0.0345,0.3333,0.375,0.0745,0.2406,0.0853,0.0039,0.0054,0.2738,0.0026,0.9836,0.7786,0.0851,0.08,0.0345,0.3333,0.375,0.0741,0.224,0.0834,0.0039,0.0052,reg oper account,block of flats,0.1104,"Stone, brick",No,0.0,0.0,0.0,0.0,-1359.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,8.0 +2070872,274338,Consumer loans,7707.465,38686.5,41751.0,0.0,38686.5,SUNDAY,9,Y,1,0.0,,,XAP,Approved,-108,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Regional / Local,82,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-78.0,72.0,-48.0,-45.0,1.0,0,Cash loans,M,N,Y,0,135000.0,1269000.0,37233.0,1269000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-18661,-4253,-128.0,-2210,,1,1,0,1,0,0,Core staff,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Agriculture,,0.250811300192376,0.4471785780453068,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-365.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,2.0 +1846201,232897,Consumer loans,7120.17,66780.0,58554.0,13500.0,66780.0,MONDAY,15,Y,1,0.20405150682442708,,,XAP,Approved,-2202,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,38,Connectivity,12.0,high,POS mobile with interest,365243.0,-2171.0,-1841.0,-1841.0,-1825.0,0.0,0,Cash loans,M,N,Y,0,171000.0,800500.5,34047.0,715500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.007273999999999998,-11528,-328,-11451.0,-965,,1,1,0,1,1,0,Drivers,1.0,2,2,FRIDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.16459054476484955,0.4149570318014501,0.5549467685334323,0.0856,0.0471,0.9841,0.7824,0.0212,0.08,0.0345,0.4583,0.5,0.0345,0.0698,0.0786,0.0,0.0,0.0872,0.0489,0.9841,0.7909,0.0213,0.0806,0.0345,0.4583,0.5,0.0353,0.0762,0.0819,0.0,0.0,0.0864,0.0471,0.9841,0.7853,0.0213,0.08,0.0345,0.4583,0.5,0.0351,0.071,0.08,0.0,0.0,reg oper account,block of flats,0.0774,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1258680,180618,Consumer loans,1864.305,18135.0,15975.0,3600.0,18135.0,SUNDAY,10,Y,1,0.2002925809822361,,,XAP,Approved,-2400,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,29,Connectivity,12.0,low_normal,POS mobile with interest,365243.0,-2357.0,-2027.0,-2027.0,-2022.0,1.0,0,Cash loans,F,N,Y,0,247500.0,549882.0,16209.0,459000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-17937,-6205,-102.0,-379,,1,1,0,1,0,0,Medicine staff,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Medicine,0.7043805516231731,0.7133322269349051,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1295903,382508,Cash loans,5045.985,45000.0,47970.0,,45000.0,FRIDAY,12,Y,1,,,,XNA,Approved,-822,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,N,Y,0,112500.0,283500.0,32116.5,283500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-22364,365243,-4966.0,-4498,,1,0,0,1,1,0,,2.0,2,2,MONDAY,14,0,0,0,0,0,0,XNA,,0.7100388014930589,,0.1485,,0.9921,,,0.16,0.1379,0.3333,,,,0.1549,,0.0,0.1513,,0.9921,,,0.1611,0.1379,0.3333,,,,0.1614,,0.0,0.1499,,0.9921,,,0.16,0.1379,0.3333,,,,0.1577,,0.0,,block of flats,0.1219,Panel,No,6.0,0.0,6.0,0.0,-616.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1266770,150196,Consumer loans,5255.46,48555.0,47304.0,4855.5,48555.0,FRIDAY,12,Y,1,0.1013828911145794,,,XAP,Approved,-2665,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,250,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2634.0,-2364.0,-2364.0,-2362.0,1.0,0,Cash loans,M,N,N,0,180000.0,855882.0,36261.0,765000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.02461,-23604,-3647,-12300.0,-4429,,1,1,1,1,1,0,Drivers,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Self-employed,,0.6858549694231337,0.5691487713619409,0.1305,0.0534,0.9796,,0.0379,0.064,0.1379,0.2417,,0.0857,0.1626,0.1046,0.0116,0.021,0.084,0.0432,0.9762,,0.008,0.0,0.1379,0.1667,,0.0419,0.0762,0.05,0.0,0.0,0.0833,0.0534,0.9767,,0.0382,0.0,0.1379,0.1667,,0.0693,0.1655,0.071,0.0116,0.0,,block of flats,0.2523,Panel,No,2.0,0.0,2.0,0.0,-2665.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2438101,336100,Consumer loans,9225.0,119250.0,92250.0,27000.0,119250.0,SATURDAY,9,Y,1,0.24658662092624345,,,XAP,Approved,-1663,Cash through the bank,XAP,Family,New,Furniture,POS,XNA,Stone,50,Furniture,12.0,middle,POS industry with interest,365243.0,-1632.0,-1302.0,-1302.0,-1298.0,0.0,0,Cash loans,F,N,Y,0,202500.0,1800000.0,62698.5,1800000.0,Family,Working,Higher education,Married,House / apartment,0.015221,-21664,-7077,-4649.0,-5145,,1,1,0,1,1,0,Core staff,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Kindergarten,0.8349002264161416,0.3792135185673928,0.622922000268356,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1663.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2651419,351090,Cash loans,40372.695,810000.0,893398.5,,810000.0,SUNDAY,8,Y,1,,,,XNA,Approved,-1011,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-978.0,72.0,-228.0,-220.0,0.0,0,Cash loans,F,Y,Y,0,180000.0,731371.5,26266.5,544500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.025164,-14949,-7930,-7441.0,-5769,7.0,1,1,1,1,0,0,Medicine staff,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Government,0.3943997069128024,0.3914411560767423,0.22009464485041005,0.0577,0.0929,0.9722,0.6192,0.041,0.0,0.1379,0.1667,0.2083,0.0657,0.0462,0.0732,0.0039,0.0144,0.0588,0.0964,0.9722,0.6341,0.0413,0.0,0.1379,0.1667,0.2083,0.0672,0.0505,0.0762,0.0039,0.0152,0.0583,0.0929,0.9722,0.6243,0.0412,0.0,0.1379,0.1667,0.2083,0.0668,0.047,0.0745,0.0039,0.0147,reg oper account,block of flats,0.0623,Mixed,No,0.0,0.0,0.0,0.0,-1192.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,4.0 +1006838,420664,Consumer loans,1943.325,17955.0,17491.5,1795.5,17955.0,FRIDAY,14,Y,1,0.10138760446273272,,,XAP,Approved,-2608,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,700,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2571.0,-2301.0,-2301.0,-2298.0,1.0,0,Cash loans,M,Y,N,0,180000.0,225000.0,16371.0,225000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.028663,-12890,-2766,-2694.0,-4662,9.0,1,1,1,1,0,0,Managers,2.0,2,2,SATURDAY,8,0,1,1,0,1,1,Business Entity Type 3,0.5783721663745179,0.6237249820133042,0.6832688314232291,0.0716,0.1064,0.9866,0.8096,0.0325,0.02,0.1034,0.1875,0.2083,0.08,0.0584,0.0756,0.0,0.0116,0.0105,0.0,0.9732,0.6472,0.0328,0.0,0.069,0.0417,0.2083,0.0575,0.0092,0.0201,0.0,0.0,0.0723,0.1064,0.9866,0.8121,0.0328,0.02,0.1034,0.1875,0.2083,0.0814,0.0594,0.0769,0.0,0.0119,reg oper spec account,block of flats,0.0167,"Stone, brick",No,0.0,0.0,0.0,0.0,-2300.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1446690,155189,Consumer loans,18960.12,172255.5,155029.5,17226.0,172255.5,THURSDAY,16,Y,1,0.10891193604848608,,,XAP,Approved,-1456,Cash through the bank,XAP,Family,New,Furniture,POS,XNA,Stone,78,Furniture,10.0,middle,POS industry with interest,365243.0,-1425.0,-1155.0,-1155.0,-1151.0,0.0,0,Cash loans,F,Y,Y,0,405000.0,1288350.0,37669.5,1125000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.008575,-15556,-4396,-2969.0,-4187,6.0,1,1,1,1,1,0,Managers,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Other,0.7945121939383798,0.6932742309309081,0.2366108235287817,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1456.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,1.0 +2336061,229335,Consumer loans,5149.755,24448.5,25659.0,0.0,24448.5,TUESDAY,16,Y,1,0.0,,,XAP,Approved,-2732,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,45,Connectivity,6.0,high,POS mobile with interest,365243.0,-2701.0,-2551.0,-2551.0,-2545.0,1.0,0,Cash loans,M,Y,Y,0,225000.0,1395000.0,36927.0,1395000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.025164,-13821,-1172,-3746.0,-384,4.0,1,1,0,1,1,0,High skill tech staff,1.0,2,2,THURSDAY,10,0,0,0,0,0,0,Transport: type 4,,0.5889113681360177,0.3092753558842053,0.1093,0.1195,0.9737,0.6396,0.0154,0.0,0.2069,0.1667,0.2083,0.0366,0.0874,0.0832,0.0077,0.0938,0.1113,0.124,0.9737,0.6537,0.0156,0.0,0.2069,0.1667,0.2083,0.0374,0.0955,0.0867,0.0078,0.0993,0.1103,0.1195,0.9737,0.6444,0.0155,0.0,0.2069,0.1667,0.2083,0.0372,0.0889,0.0847,0.0078,0.0957,reg oper account,block of flats,0.0943,Block,No,0.0,0.0,0.0,0.0,-1204.0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1767167,176882,Consumer loans,5580.36,108000.0,108000.0,0.0,108000.0,FRIDAY,10,Y,1,0.0,,,XAP,Approved,-551,XNA,XAP,,New,Furniture,POS,XNA,Stone,20,Furniture,24.0,low_normal,POS industry with interest,365243.0,-516.0,174.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,67500.0,517500.0,16821.0,517500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.009656999999999999,-23217,365243,-9742.0,-4993,,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,XNA,,0.5310139833252597,0.34090642641523844,0.0186,0.0318,0.9821,,,0.0,0.1034,0.0417,,0.0,,0.017,,0.0044,0.0189,0.033,0.9821,,,0.0,0.1034,0.0417,,0.0,,0.0177,,0.0047,0.0187,0.0318,0.9821,,,0.0,0.1034,0.0417,,0.0,,0.0173,,0.0045,,block of flats,0.0144,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,4.0,0.0,2.0 +2182440,342228,Cash loans,44056.755,675000.0,812106.0,,675000.0,THURSDAY,19,Y,1,,,,Buying a used car,Refused,-395,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,middle,Cash Street: middle,,,,,,,0,Cash loans,M,Y,Y,0,270000.0,450000.0,36211.5,450000.0,Family,Working,Higher education,Married,House / apartment,0.026392000000000002,-10683,-1047,-4909.0,-3071,4.0,1,1,0,1,1,0,Managers,2.0,2,2,SUNDAY,12,0,0,0,0,0,0,Business Entity Type 2,,0.5958495171980706,0.14916746132334885,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-753.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,4.0 +1724426,152467,Revolving loans,2250.0,45000.0,45000.0,,45000.0,FRIDAY,8,Y,1,,,,XAP,Approved,-242,XNA,XAP,Unaccompanied,Refreshed,XNA,Cards,walk-in,AP+ (Cash loan),5,XNA,0.0,XNA,Card Street,-207.0,-163.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,F,N,Y,0,36000.0,892044.0,28903.5,639000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.014519999999999996,-19704,-3404,-8530.0,-2378,,1,1,1,1,1,0,Laborers,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,Industry: type 11,,0.6309077828611711,0.5495965024956946,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1617.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2201873,182729,Cash loans,20746.305,360000.0,426528.0,,360000.0,THURSDAY,10,Y,1,,,,Repairs,Refused,-399,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,135000.0,459000.0,14935.5,459000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-20132,365243,-12347.0,-3431,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,XNA,,0.2961435654275993,0.8245949709919925,0.0247,0.0427,0.9608,0.4628,0.0038,0.0,0.1034,0.125,0.1667,0.0266,0.0202,0.0286,0.0,0.01,0.0252,0.0443,0.9608,0.4838,0.0038,0.0,0.1034,0.125,0.1667,0.0272,0.022,0.0255,0.0,0.0,0.025,0.0427,0.9608,0.47,0.0038,0.0,0.1034,0.125,0.1667,0.027000000000000003,0.0205,0.0291,0.0,0.0102,,block of flats,0.0236,Block,No,7.0,0.0,7.0,0.0,-1183.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1594500,434181,Consumer loans,5527.485,41377.5,42552.0,2070.0,41377.5,MONDAY,16,Y,1,0.05052257141809382,,,XAP,Approved,-1505,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Regional / Local,71,Consumer electronics,10.0,high,POS household with interest,365243.0,-1474.0,-1204.0,-1204.0,-1198.0,0.0,0,Cash loans,F,N,N,0,135000.0,1350000.0,37125.0,1350000.0,Unaccompanied,Working,Higher education,Married,Municipal apartment,0.022625,-17783,-9246,-3954.0,-1340,,1,1,1,1,1,0,Laborers,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Business Entity Type 1,0.8019024759469833,0.7302131278193086,0.4668640059537032,0.0577,0.0909,0.9806,0.7348,0.0075,0.0,0.1379,0.1667,0.2083,0.0174,0.0471,0.0539,0.0,0.0618,0.0588,0.0943,0.9806,0.7452,0.0075,0.0,0.1379,0.1667,0.2083,0.0178,0.0514,0.0561,0.0,0.0654,0.0583,0.0909,0.9806,0.7383,0.0075,0.0,0.1379,0.1667,0.2083,0.0177,0.0479,0.0549,0.0,0.0631,reg oper account,block of flats,0.0558,Panel,No,5.0,1.0,5.0,1.0,-1890.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2032524,126521,Cash loans,10748.835,45000.0,52366.5,0.0,45000.0,THURSDAY,13,Y,1,0.0,,,Medicine,Approved,-1811,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,walk-in,Credit and cash offices,0,XNA,6.0,high,Cash Street: high,365243.0,-1781.0,-1631.0,-1631.0,-1627.0,1.0,0,Cash loans,M,N,N,2,202500.0,909000.0,36180.0,909000.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.030755,-13613,-1362,-7603.0,-4131,,1,1,0,1,0,0,Managers,3.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.4909698206332418,0.6885999586257835,0.7946285827840042,0.1485,0.0891,0.9811,0.7416,0.0641,0.16,0.1379,0.3333,0.375,0.0351,0.121,0.1601,0.0,0.0,0.1513,0.0925,0.9811,0.7517,0.0647,0.1611,0.1379,0.3333,0.375,0.0359,0.1322,0.1668,0.0,0.0,0.1499,0.0891,0.9811,0.7451,0.0645,0.16,0.1379,0.3333,0.375,0.0357,0.1231,0.163,0.0,0.0,reg oper account,block of flats,0.1609,Panel,No,0.0,0.0,0.0,0.0,-1372.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1763551,204415,Consumer loans,1606.95,15300.0,13770.0,1530.0,15300.0,TUESDAY,8,Y,1,0.1089090909090909,,,XAP,Refused,-2204,Cash through the bank,SCO,Unaccompanied,New,Mobile,POS,XNA,Stone,40,Connectivity,12.0,high,POS mobile with interest,,,,,,,0,Revolving loans,F,N,N,0,63000.0,135000.0,6750.0,135000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.028663,-19740,-2323,-3218.0,-3224,,1,1,0,1,0,0,,2.0,2,2,MONDAY,8,0,1,1,0,1,1,Housing,,0.6638562407278574,0.4992720153045617,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1418530,395892,Cash loans,46255.635,450000.0,555925.5,,450000.0,THURSDAY,9,Y,1,,,,XNA,Approved,-1071,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,M,Y,Y,0,180000.0,450000.0,27324.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.030755,-21202,-1696,-2613.0,-2667,2.0,1,1,0,1,0,0,Drivers,2.0,2,2,THURSDAY,10,0,0,0,1,1,0,Self-employed,,0.5252047577629526,0.36227724703843145,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1486.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1963462,208332,Consumer loans,11154.78,58320.0,61398.0,0.0,58320.0,SATURDAY,15,Y,1,0.0,,,XAP,Approved,-322,XNA,XAP,,Refreshed,Auto Accessories,POS,XNA,Stone,152,Industry,6.0,middle,POS other with interest,365243.0,-291.0,-141.0,-141.0,-139.0,0.0,0,Revolving loans,M,Y,Y,0,67500.0,202500.0,10125.0,202500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.031329,-18725,-3149,-5056.0,-2235,15.0,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,11,0,0,0,1,1,0,Business Entity Type 3,,0.2724257672149903,0.6058362647264226,0.0247,0.0371,0.9821,0.7552,0.0017,0.0,0.0345,0.0417,0.0417,0.0084,0.0202,0.0158,0.0,0.0,0.0252,0.0385,0.9821,0.7648,0.0017,0.0,0.0345,0.0417,0.0417,0.0086,0.022,0.0164,0.0,0.0,0.025,0.0371,0.9821,0.7585,0.0017,0.0,0.0345,0.0417,0.0417,0.0086,0.0205,0.0161,0.0,0.0,reg oper account,block of flats,0.0133,"Stone, brick",No,0.0,0.0,0.0,0.0,-1856.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,4.0,2.0 +2717665,162352,Consumer loans,22347.72,176841.0,189486.0,0.0,176841.0,SUNDAY,17,Y,1,0.0,,,XAP,Approved,-640,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,4500,Consumer electronics,10.0,middle,POS household with interest,365243.0,-609.0,-339.0,-339.0,-325.0,0.0,0,Cash loans,M,Y,N,1,405000.0,284400.0,13387.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Municipal apartment,0.072508,-13758,-1176,-7892.0,-4529,4.0,1,1,0,1,0,1,Core staff,2.0,1,1,WEDNESDAY,13,0,0,0,0,0,0,Telecom,0.6379368522619068,0.6944169483578625,0.4848514754962666,0.3959,0.2002,0.9821,,,0.48,0.2069,0.625,,0.388,,0.4866,,0.0039,0.4034,0.2078,0.9821,,,0.4834,0.2069,0.625,,0.3968,,0.5069,,0.0041,0.3997,0.2002,0.9821,,,0.48,0.2069,0.625,,0.3947,,0.4953,,0.004,,block of flats,0.3835,Panel,No,0.0,0.0,0.0,0.0,-1506.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,8.0,0.0,3.0 +1312411,105434,Consumer loans,7122.285,62955.0,56659.5,6295.5,62955.0,SATURDAY,10,Y,1,0.1089090909090909,,,XAP,Approved,-1167,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,605,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1136.0,-866.0,-866.0,-857.0,0.0,0,Cash loans,F,N,N,2,135000.0,675000.0,26284.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.002042,-10152,-347,-1807.0,-1820,,1,1,0,1,0,0,Core staff,4.0,3,3,THURSDAY,9,0,0,0,1,1,0,Kindergarten,0.3363216813532532,0.5138787653592234,0.2032521136204725,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-688.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1900118,418687,Cash loans,17049.06,517500.0,619965.0,,517500.0,TUESDAY,8,Y,1,,,,XNA,Approved,-177,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-147.0,1623.0,365243.0,365243.0,1.0,0,Revolving loans,F,N,Y,0,112500.0,337500.0,16875.0,337500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-22341,365243,-3360.0,-4744,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,8,0,0,0,0,0,0,XNA,,0.15967923350263774,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,10.0,0.0,10.0,0.0,-1870.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2614931,300557,Cash loans,35743.5,1350000.0,1350000.0,,1350000.0,WEDNESDAY,11,Y,1,,,,XNA,Refused,-815,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,60.0,low_action,Cash Street: low,,,,,,,1,Cash loans,F,Y,Y,0,225000.0,467257.5,16911.0,328500.0,Unaccompanied,Working,Higher education,Separated,With parents,0.030755,-15153,-8120,-4271.0,-4347,21.0,1,1,0,1,0,0,Managers,1.0,2,2,SATURDAY,13,0,0,0,0,0,0,School,0.08102090700761504,0.5183733099015648,0.0005272652387098817,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2215.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1588567,263111,Cash loans,,0.0,0.0,,,MONDAY,16,Y,1,,,,XNA,Refused,-175,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,1,Cash loans,M,N,N,0,157500.0,167895.0,18211.5,157500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.031329,-8641,-426,-4527.0,-1305,,1,1,0,1,0,0,Laborers,1.0,2,2,MONDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.1988506205297848,0.5383260304310618,0.2103502286944494,0.1639,0.0,0.9762,0.6736,0.0,0.0,0.1034,0.1667,0.2083,0.0911,0.1336,0.0594,0.0,0.0,0.16699999999999998,0.0,0.9762,0.6864,0.0,0.0,0.1034,0.1667,0.2083,0.0932,0.146,0.0619,0.0,0.0,0.1655,0.0,0.9762,0.6779999999999999,0.0,0.0,0.1034,0.1667,0.2083,0.0927,0.136,0.0605,0.0,0.0,reg oper account,block of flats,0.0467,"Stone, brick",No,2.0,1.0,2.0,1.0,-1566.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +1477102,193247,Revolving loans,4500.0,0.0,90000.0,,,MONDAY,15,Y,1,,,,XAP,Refused,-1155,XNA,SCO,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,180000.0,473841.0,31666.5,387000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0060079999999999995,-12244,-1415,-5873.0,-570,,1,1,0,1,0,1,Laborers,2.0,2,2,MONDAY,12,0,1,1,0,1,1,Agriculture,0.28931188468118124,0.6885765128078041,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1654.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1564591,154813,Consumer loans,4470.975,27810.0,29587.5,4095.0,27810.0,THURSDAY,10,Y,1,0.1324078459950203,,,XAP,Approved,-2009,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,10.0,high,POS mobile with interest,365243.0,-1978.0,-1708.0,-1738.0,-1733.0,0.0,0,Cash loans,M,Y,Y,0,270000.0,495000.0,25402.5,495000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.028663,-20301,-1555,-10751.0,-3005,8.0,1,1,0,1,0,0,Drivers,2.0,2,2,THURSDAY,11,0,1,1,0,1,1,Construction,,0.43450430419099195,0.445396241560834,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2004101,224937,Cash loans,17210.34,225000.0,247275.0,,225000.0,WEDNESDAY,12,Y,1,,,,XNA,Approved,-1136,Cash through the bank,XAP,Family,New,XNA,Cash,walk-in,AP+ (Cash loan),-1,XNA,18.0,low_normal,Cash Street: low,365243.0,-1105.0,-595.0,-895.0,-888.0,0.0,0,Cash loans,F,N,Y,0,112500.0,185652.0,9157.5,121500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.025164,-18419,-9485,-8158.0,-1920,,1,1,0,1,0,0,High skill tech staff,1.0,2,2,SATURDAY,8,0,0,0,0,0,0,Business Entity Type 3,,0.5756256653620986,0.20915469884100693,0.0825,0.0964,0.9891,0.8504,0.0139,0.0,0.2069,0.1667,0.2083,0.1003,0.0672,0.0884,0.0,0.0,0.084,0.1,0.9891,0.8563,0.014,0.0,0.2069,0.1667,0.2083,0.1025,0.0735,0.0921,0.0,0.0,0.0833,0.0964,0.9891,0.8524,0.0139,0.0,0.2069,0.1667,0.2083,0.102,0.0684,0.09,0.0,0.0,reg oper account,block of flats,0.0767,Panel,No,7.0,0.0,7.0,0.0,-1135.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1927491,421808,Consumer loans,7387.245,60286.5,66253.5,0.0,60286.5,TUESDAY,15,Y,1,0.0,,,XAP,Refused,-2079,Cash through the bank,LIMIT,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Country-wide,1775,Consumer electronics,12.0,high,POS household with interest,,,,,,,0,Cash loans,F,N,Y,2,112500.0,450000.0,27324.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-12845,-2981,-407.0,-1062,,1,1,0,1,0,0,,4.0,2,2,TUESDAY,14,0,0,0,0,1,1,Business Entity Type 1,0.5753795334706038,0.21585938662496945,0.4848514754962666,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1836.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +2087396,380857,Consumer loans,7113.15,70600.5,69826.5,7065.0,70600.5,TUESDAY,6,Y,1,0.10006863271918576,,,XAP,Approved,-1259,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Regional / Local,74,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1226.0,-896.0,-986.0,-981.0,0.0,0,Cash loans,F,N,N,1,67500.0,225000.0,6187.5,225000.0,Unaccompanied,State servant,Secondary / secondary special,Married,Office apartment,0.008068,-18268,-7039,-5640.0,-1806,,1,1,1,1,1,0,Cooking staff,3.0,3,3,THURSDAY,9,0,0,0,0,0,0,Military,0.6947914102495575,0.4012086395208677,,0.0825,0.0845,0.9801,0.728,0.0302,0.0,0.1379,0.1667,0.2083,0.015,0.0672,0.0735,0.0,0.0,0.084,0.0877,0.9801,0.7387,0.0305,0.0,0.1379,0.1667,0.2083,0.0154,0.0735,0.0766,0.0,0.0,0.0833,0.0845,0.9801,0.7316,0.0304,0.0,0.1379,0.1667,0.2083,0.0153,0.0684,0.0749,0.0,0.0,not specified,block of flats,0.0744,Panel,No,0.0,0.0,0.0,0.0,-1916.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2235522,287361,Cash loans,7247.565,67500.0,71955.0,,67500.0,MONDAY,15,Y,1,,,,XNA,Approved,-145,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,40,Connectivity,12.0,middle,Cash X-Sell: middle,365243.0,-115.0,215.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,81000.0,225000.0,15790.5,225000.0,Children,Pensioner,Secondary / secondary special,Married,House / apartment,0.009175,-20692,365243,-4313.0,-1807,,1,0,0,1,1,0,,2.0,2,2,SATURDAY,15,0,0,0,0,0,0,XNA,,0.6209238633686209,0.6577838002083306,0.0701,0.0827,0.9781,,,0.0,0.1379,0.1667,,0.0513,,0.0638,,0.0076,0.0714,0.0858,0.9782,,,0.0,0.1379,0.1667,,0.0525,,0.0665,,0.008,0.0708,0.0827,0.9781,,,0.0,0.1379,0.1667,,0.0522,,0.065,,0.0078,,block of flats,0.0519,"Stone, brick",No,0.0,0.0,0.0,0.0,-145.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1698875,130904,Cash loans,7941.69,67500.0,71955.0,,67500.0,SATURDAY,10,Y,1,,,,XNA,Refused,-1489,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,high,Cash X-Sell: high,,,,,,,1,Cash loans,F,N,Y,0,135000.0,348264.0,23404.5,315000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.018634,-20638,365243,-4390.0,-4111,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,10,0,0,0,0,0,0,XNA,,0.4532980512244802,0.4223696523543468,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1538.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +1675885,174373,Cash loans,29901.285,270000.0,284611.5,,270000.0,SATURDAY,13,Y,1,,,,XNA,Approved,-551,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-521.0,-191.0,-191.0,-186.0,1.0,0,Cash loans,F,N,Y,0,112500.0,1007761.5,40095.0,927000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-21360,365243,-4685.0,-3993,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,XNA,,0.40106680400466416,0.3910549766342248,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,0.0,-57.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2464375,215292,Consumer loans,5178.06,33390.0,25596.0,9000.0,33390.0,MONDAY,13,Y,1,0.2833222968498723,,,XAP,Approved,-2273,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,17,Connectivity,6.0,high,POS mobile with interest,365243.0,-2242.0,-2092.0,-2152.0,-2148.0,0.0,0,Cash loans,F,N,N,0,135000.0,522396.0,31239.0,472500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.00823,-14810,-5437,-8836.0,-2010,,1,1,0,1,1,0,Laborers,1.0,2,2,SATURDAY,9,0,0,0,0,1,1,Business Entity Type 1,0.606690363686894,0.3906496461930175,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1025.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1150856,455720,Cash loans,10215.63,225000.0,284400.0,,225000.0,SATURDAY,8,Y,1,,,,XNA,Approved,-240,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Country-wide,33,Connectivity,48.0,low_normal,Cash X-Sell: low,365243.0,-210.0,1200.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,2,90000.0,414000.0,20133.0,414000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-12197,-1423,-5359.0,-4486,,1,1,1,1,1,0,Laborers,4.0,2,2,MONDAY,8,0,0,0,0,0,0,Government,,0.06817197143512119,0.4722533429586386,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,1.0,7.0,0.0,-494.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1261407,354057,Consumer loans,4263.03,35460.0,34546.5,3546.0,35460.0,SUNDAY,17,Y,1,0.10138259141921276,,,XAP,Approved,-2182,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Stone,2059,Consumer electronics,10.0,middle,POS household with interest,365243.0,-2151.0,-1881.0,-1881.0,-1874.0,0.0,0,Cash loans,F,Y,N,1,225000.0,916470.0,24304.5,765000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.030755,-13013,-491,-6667.0,-4174,13.0,1,1,0,1,0,0,High skill tech staff,3.0,2,2,TUESDAY,18,0,0,0,0,0,0,Telecom,0.6689250018200493,0.6427968049884555,0.6801388218428291,0.0938,0.1014,0.9856,0.8028,0.0481,0.0,0.2069,0.1667,0.2083,0.0598,0.07400000000000001,0.0932,0.0116,0.0075,0.0956,0.1053,0.9856,0.8105,0.0485,0.0,0.2069,0.1667,0.2083,0.0612,0.0808,0.0971,0.0117,0.008,0.0947,0.1014,0.9856,0.8054,0.0484,0.0,0.2069,0.1667,0.2083,0.0608,0.0752,0.0949,0.0116,0.0077,org spec account,block of flats,0.1013,"Stone, brick",No,0.0,0.0,0.0,0.0,-2182.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2596748,183777,Consumer loans,,143682.75,143682.75,0.0,143682.75,FRIDAY,14,Y,1,0.0,,,XAP,Refused,-753,Cash through the bank,SCO,,Repeater,Mobile,XNA,XNA,Country-wide,80,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,F,N,N,0,180000.0,900000.0,23742.0,900000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.035792000000000004,-11202,-2946,-41.0,-1602,,1,1,0,1,0,0,Core staff,2.0,2,2,SATURDAY,17,0,0,0,0,0,0,Police,0.6268469649820247,0.6554909952808194,0.3893387918468769,0.0742,0.0385,0.9836,0.7756,0.0132,0.08,0.069,0.3333,0.0417,0.0131,0.0605,0.0721,0.0,0.0,0.0756,0.04,0.9836,0.7844,0.0133,0.0806,0.069,0.3333,0.0417,0.0134,0.0661,0.0709,0.0,0.0,0.0749,0.0385,0.9836,0.7786,0.0132,0.08,0.069,0.3333,0.0417,0.0134,0.0616,0.0734,0.0,0.0,reg oper account,block of flats,0.0599,Panel,No,3.0,1.0,3.0,0.0,-1070.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,3.0 +2412064,328765,Consumer loans,8478.0,64935.0,70650.0,0.0,64935.0,MONDAY,10,Y,1,0.0,,,XAP,Approved,-284,XNA,XAP,Unaccompanied,Repeater,Jewelry,POS,XNA,Stone,40,Jewelry,10.0,middle,POS other with interest,365243.0,-246.0,24.0,-246.0,-243.0,0.0,0,Cash loans,F,N,Y,0,207000.0,589500.0,16681.5,589500.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.018209,-20686,365243,-12608.0,-3494,,1,0,0,1,0,0,,1.0,3,3,FRIDAY,8,0,0,0,0,0,0,XNA,,0.4210641857739788,,,,0.9632,,,,0.069,0.0417,,0.004,,0.0057,,,,,0.9633,,,,0.069,0.0417,,0.0041,,0.006,,,,,0.9632,,,,0.069,0.0417,,0.0041,,0.0058,,,,block of flats,0.008,Wooden,Yes,0.0,0.0,0.0,0.0,-595.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2138607,410557,Consumer loans,5873.49,30397.5,28800.0,3042.0,30397.5,MONDAY,9,Y,1,0.10404542885040337,,,XAP,Approved,-910,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,450,Consumer electronics,6.0,high,POS household with interest,365243.0,-878.0,-728.0,-728.0,-721.0,0.0,0,Cash loans,F,Y,Y,1,67500.0,714154.5,25780.5,616500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0038130000000000004,-10585,-2446,-1319.0,-2075,11.0,1,1,1,1,0,0,Medicine staff,3.0,2,2,MONDAY,7,0,0,0,0,0,0,Medicine,,0.4445505602983459,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-910.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1386927,289615,Consumer loans,22590.81,134955.0,121459.5,13495.5,134955.0,WEDNESDAY,10,Y,1,0.1089090909090909,,,XAP,Approved,-495,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Stone,100,Consumer electronics,6.0,middle,POS household with interest,365243.0,-464.0,-314.0,-314.0,-309.0,0.0,0,Cash loans,F,Y,N,0,202500.0,225000.0,24232.5,225000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.011656999999999999,-10882,-231,-2880.0,-1792,1.0,1,1,0,1,1,0,Core staff,1.0,1,1,THURSDAY,12,1,1,0,1,1,0,Legal Services,,0.7292470582920072,0.5531646987710016,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-682.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1280354,326759,Consumer loans,51234.12,486000.0,507168.0,0.0,486000.0,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-618,Cash through the bank,XAP,,Refreshed,Furniture,POS,XNA,Stone,80,Furniture,12.0,middle,POS industry with interest,365243.0,-585.0,-255.0,-315.0,-310.0,0.0,0,Cash loans,F,Y,Y,2,112500.0,286704.0,21564.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.019101,-12989,-115,-483.0,-5178,8.0,1,1,0,1,0,0,Sales staff,3.0,2,2,TUESDAY,10,0,0,0,0,0,0,Self-employed,0.4940364319659928,0.6293176166841786,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-3381.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1135490,234995,Consumer loans,4169.07,32080.5,31252.5,3208.5,32080.5,SUNDAY,6,Y,1,0.10140008072366387,,,XAP,Approved,-2575,Cash through the bank,XAP,"Spouse, partner",Repeater,Mobile,POS,XNA,Country-wide,21,Connectivity,10.0,low_normal,POS mobile with interest,365243.0,-2544.0,-2274.0,-2304.0,-2302.0,1.0,1,Cash loans,M,Y,Y,3,256500.0,458460.0,36351.0,405000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-13084,-1561,-1452.0,-4589,20.0,1,1,0,1,0,1,Drivers,5.0,3,3,SATURDAY,10,0,0,0,0,1,1,Business Entity Type 3,0.4311717470238445,0.11403563080865378,0.4418358231994413,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,1.0,0.0,0.0,0.0,0.0 +1808999,449724,Cash loans,26191.395,450000.0,491580.0,,450000.0,MONDAY,16,Y,1,,,,XNA,Refused,-270,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,202500.0,593010.0,19260.0,495000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.010966,-23286,365243,-10143.0,-4278,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,14,0,0,0,0,0,0,XNA,,0.3133902111302968,0.5064842396679806,0.0742,0.1236,0.9821,0.7552,0.0145,0.08,0.069,0.3333,,0.0273,,0.0743,,0.0001,0.0756,0.1283,0.9821,0.7648,0.0147,0.0806,0.069,0.3333,,0.0279,,0.0774,,0.0002,0.0749,0.1236,0.9821,0.7585,0.0146,0.08,0.069,0.3333,,0.0278,,0.0756,,0.0001,reg oper account,block of flats,0.0588,Panel,No,3.0,0.0,3.0,0.0,-487.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,1.0,2.0,7.0 +1001485,386280,Cash loans,17546.22,247500.0,274288.5,,247500.0,THURSDAY,10,Y,1,,,,XNA,Approved,-919,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-889.0,-199.0,-619.0,-615.0,1.0,0,Cash loans,F,N,N,0,162000.0,173092.5,13072.5,157500.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-20463,365243,-2355.0,-2374,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,XNA,,0.7056159718684659,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2060934,318926,Cash loans,50704.065,450000.0,470790.0,,450000.0,TUESDAY,14,Y,1,,,,Other,Refused,-560,Cash through the bank,LIMIT,,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),100,XNA,12.0,middle,Cash Street: middle,,,,,,,0,Cash loans,M,Y,N,0,180000.0,450000.0,27193.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-16258,-4119,-1923.0,-2059,7.0,1,1,0,1,0,0,Core staff,2.0,2,2,MONDAY,15,0,0,0,0,1,1,Self-employed,,0.6136812966798733,0.4507472818545589,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-653.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1536177,316020,Cash loans,13202.685,90000.0,110146.5,,90000.0,WEDNESDAY,12,Y,1,,,,Other,Approved,-845,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-815.0,-485.0,-635.0,-624.0,1.0,1,Cash loans,F,N,Y,1,202500.0,790830.0,62613.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009334,-16715,-667,-2552.0,-269,,1,1,0,1,1,0,Sales staff,3.0,2,2,MONDAY,15,0,0,0,0,0,0,Other,,0.7823425925029346,0.04147169662525673,0.0907,0.0,0.9846,0.7892,0.0,0.0,0.0345,0.1667,0.2083,1.0,0.0,0.0,0.0,0.0,0.0924,0.0,0.9846,0.7975,0.0,0.0,0.0345,0.1667,0.2083,1.0,0.0,0.0,0.0,0.0,0.0916,0.0,0.9846,0.792,0.0,0.0,0.0345,0.1667,0.2083,1.0,0.0,0.0,0.0,0.0,not specified,block of flats,0.6214,Others,No,3.0,0.0,3.0,0.0,-845.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2548372,218951,Cash loans,21237.93,229500.0,229500.0,,229500.0,TUESDAY,9,Y,1,,,,XNA,Approved,-184,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,12.0,low_action,Cash X-Sell: low,365243.0,-154.0,176.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,67500.0,1078200.0,31653.0,900000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.009334,-22994,365243,-4084.0,-4529,,1,0,0,1,1,0,,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,XNA,,0.7492983499868716,0.7421816117614419,0.1031,0.08900000000000001,0.9821,0.7552,,0.0,0.2069,0.1667,0.2083,0.1253,0.0841,0.0939,0.0,0.0,0.105,0.0924,0.9821,0.7648,,0.0,0.2069,0.1667,0.2083,0.1282,0.0918,0.0979,0.0,0.0,0.1041,0.08900000000000001,0.9821,0.7585,,0.0,0.2069,0.1667,0.2083,0.1275,0.0855,0.0956,0.0,0.0,reg oper account,block of flats,0.0814,Panel,No,0.0,0.0,0.0,0.0,-2797.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2357098,133178,Consumer loans,15938.1,81805.5,77512.5,8181.0,81805.5,THURSDAY,12,Y,1,0.10397349539081406,,,XAP,Approved,-466,Cash through the bank,XAP,,New,Computers,POS,XNA,Country-wide,20,Connectivity,6.0,high,POS mobile with interest,365243.0,-435.0,-285.0,-375.0,-365.0,0.0,0,Cash loans,F,N,Y,0,157500.0,512064.0,23998.5,360000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.04622,-18395,-153,-5156.0,-1874,,1,1,0,1,0,0,Medicine staff,1.0,1,1,MONDAY,9,0,0,0,0,0,0,Medicine,,0.6676323565602489,0.1895952597360396,0.0742,0.0417,0.9876,,,0.08,0.069,0.3333,,,,,,0.0225,0.0756,0.0433,0.9876,,,0.0806,0.069,0.3333,,,,,,0.0239,0.0749,0.0417,0.9876,,,0.08,0.069,0.3333,,,,,,0.023,,block of flats,0.0735,Panel,No,0.0,0.0,0.0,0.0,-466.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1811831,306619,Cash loans,66734.46,1129500.0,1195101.0,,1129500.0,TUESDAY,14,Y,1,,,,XNA,Approved,-745,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-715.0,-25.0,-205.0,-194.0,1.0,0,Cash loans,M,N,Y,0,292500.0,257391.0,29241.0,238500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.020246,-19640,-1395,-9520.0,-3161,,1,1,0,1,0,1,High skill tech staff,2.0,3,3,FRIDAY,5,0,0,0,0,0,0,Business Entity Type 3,,0.2373502208289825,0.10278201441992896,0.0876,0.0808,0.9801,0.728,0.0056,0.04,0.1466,0.2188,0.2604,0.1775,0.0714,0.0938,0.0,0.0,0.063,0.0311,0.9727,0.6406,0.0,0.0,0.1379,0.1667,0.2083,0.2073,0.0551,0.0587,0.0,0.0,0.0729,0.0853,0.9786,0.7115,0.0,0.0,0.1379,0.1667,0.2083,0.2062,0.0599,0.0751,0.0,0.0,reg oper account,block of flats,0.0443,"Stone, brick",No,0.0,0.0,0.0,0.0,-1732.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,3.0 +1971944,173912,Cash loans,89644.365,2700000.0,2956608.0,,2700000.0,TUESDAY,13,Y,1,,,,Business development,Refused,-756,Cash through the bank,VERIF,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,low_action,Cash Street: low,,,,,,,0,Cash loans,M,Y,N,1,540000.0,1002456.0,42601.5,810000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0228,-16793,-2671,-5283.0,-303,6.0,1,1,0,1,1,1,Laborers,3.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Construction,,0.646088788571964,0.4956658291397297,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-908.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1966440,122700,Consumer loans,2471.715,24210.0,20326.5,5715.0,24210.0,SATURDAY,10,Y,1,0.2390090642034654,,,XAP,Approved,-1903,Cash through the bank,XAP,,New,Photo / Cinema Equipment,POS,XNA,Country-wide,20,Connectivity,12.0,high,POS mobile with interest,365243.0,-1868.0,-1538.0,-1778.0,-1776.0,0.0,0,Cash loans,F,N,N,0,103500.0,167076.0,13059.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.0105,-10394,-1970,-514.0,-1338,,1,1,1,1,1,0,Laborers,1.0,3,3,FRIDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.17927363453123138,0.363945238612397,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1144.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1927067,179407,Consumer loans,45639.135,247500.0,248233.5,24750.0,247500.0,FRIDAY,16,Y,1,0.09874223167334284,,,XAP,Approved,-238,Cash through the bank,XAP,Family,Repeater,Clothing and Accessories,POS,XNA,Stone,981,Clothing,6.0,middle,POS industry with interest,365243.0,-206.0,-56.0,-56.0,-54.0,0.0,0,Cash loans,F,N,N,1,202500.0,254700.0,24939.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.04622,-13473,-4275,-4305.0,-4561,,1,1,0,1,0,0,Core staff,3.0,1,1,FRIDAY,10,0,0,0,0,0,0,Kindergarten,0.7855258710704337,0.7113247312316041,0.445396241560834,0.0495,0.0522,0.9727,0.626,,0.0,0.1034,0.125,,0.0216,,0.0425,,0.0,0.0504,0.0541,0.9727,0.6406,,0.0,0.1034,0.125,,0.0221,,0.0443,,0.0,0.05,0.0522,0.9727,0.631,,0.0,0.1034,0.125,,0.022,,0.0433,,0.0,reg oper account,block of flats,0.0335,Block,No,0.0,0.0,0.0,0.0,-2393.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,4.0,0.0,3.0 +2228507,455576,Consumer loans,16647.705,231057.0,253930.5,0.0,231057.0,SUNDAY,11,Y,1,0.0,,,XAP,Approved,-464,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,1000,Consumer electronics,18.0,low_normal,POS household with interest,365243.0,-433.0,77.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,Y,0,126000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.018029,-10189,-2762,-4722.0,-41,,1,1,0,1,0,0,Sales staff,2.0,3,3,TUESDAY,12,0,0,0,0,0,0,Self-employed,0.15133358035276487,0.3288334169332603,,0.0124,0.0,0.9757,0.6668,0.0173,0.0,0.069,0.0417,0.0417,0.0102,0.0101,0.0138,0.0,0.0,0.0126,0.0,0.9757,0.6798,0.0174,0.0,0.069,0.0417,0.0417,0.0104,0.011,0.0144,0.0,0.0,0.0125,0.0,0.9757,0.6713,0.0174,0.0,0.069,0.0417,0.0417,0.0104,0.0103,0.0141,0.0,0.0,reg oper account,block of flats,0.0203,Block,No,1.0,0.0,1.0,0.0,-1241.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1684686,440731,Cash loans,57525.03,540000.0,561384.0,,540000.0,MONDAY,7,Y,1,,,,XNA,Approved,-756,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,middle,Cash Street: middle,365243.0,-726.0,-396.0,-666.0,-658.0,1.0,0,Cash loans,F,Y,Y,1,351000.0,545040.0,35617.5,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.0038179999999999998,-16981,-399,-230.0,-517,10.0,1,1,0,1,1,0,High skill tech staff,3.0,2,2,MONDAY,6,0,0,0,0,0,0,Industry: type 5,0.7648599603545283,0.34096564778966776,0.13342925446731707,0.0598,0.0726,0.9886,0.8436,0.0287,0.0,0.1379,0.1667,0.2083,0.0004,0.0488,0.0547,0.0,0.0153,0.0609,0.0753,0.9886,0.8497,0.0289,0.0,0.1379,0.1667,0.2083,0.0004,0.0533,0.0569,0.0,0.0162,0.0604,0.0726,0.9886,0.8457,0.0288,0.0,0.1379,0.1667,0.2083,0.0004,0.0496,0.0556,0.0,0.0157,reg oper account,block of flats,0.0463,Panel,No,0.0,0.0,0.0,0.0,-756.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1445970,177973,Consumer loans,3009.06,26500.5,26604.0,2650.5,26500.5,TUESDAY,12,Y,1,0.09867321111437398,,,XAP,Approved,-1516,XNA,XAP,Family,New,Mobile,POS,XNA,Country-wide,2441,Consumer electronics,14.0,high,POS household with interest,365243.0,-1485.0,-1095.0,-1095.0,-1091.0,0.0,0,Cash loans,F,N,N,0,171000.0,1170000.0,32175.0,1170000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-20970,365243,-1839.0,-1846,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,XNA,,0.6717295039196346,0.5531646987710016,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-135.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1647432,316970,Revolving loans,22500.0,0.0,450000.0,,,TUESDAY,10,Y,1,,,,XAP,Approved,-413,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,706410.0,67203.0,679500.0,Family,Commercial associate,Higher education,Married,House / apartment,0.008575,-15551,-1688,-9568.0,-3701,1.0,1,1,0,1,0,0,Core staff,2.0,2,2,TUESDAY,16,0,0,0,0,0,0,Self-employed,,0.5784596563998058,0.4614823912998385,0.133,0.1538,0.9767,0.6804,,0.0,0.2759,0.1667,,0.0167,,0.1173,,0.0,0.1355,0.1596,0.9767,0.6929,,0.0,0.2759,0.1667,,0.017,,0.1222,,0.0,0.1343,0.1538,0.9767,0.6847,,0.0,0.2759,0.1667,,0.0169,,0.1194,,0.0,reg oper account,block of flats,0.0963,Block,No,0.0,0.0,0.0,0.0,-1738.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,2.0 +1840404,387600,Cash loans,9529.92,225000.0,284400.0,,225000.0,SATURDAY,8,Y,1,,,,XNA,Approved,-1010,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-980.0,430.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,112500.0,337500.0,17361.0,337500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.014519999999999996,-23702,365243,-4730.0,-5144,,1,0,0,1,0,0,,1.0,2,2,MONDAY,7,0,0,0,0,0,0,XNA,,0.3798520621088548,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,1.0,0.0,1.0,0.0,-2078.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2414862,225994,Cash loans,24912.99,450000.0,636754.5,,450000.0,THURSDAY,12,Y,1,,,,XNA,Approved,-890,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-860.0,550.0,-530.0,-523.0,1.0,0,Cash loans,F,N,Y,2,247500.0,1288350.0,37800.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-13111,-2645,-3423.0,-5583,,1,1,0,1,0,1,Laborers,4.0,2,2,FRIDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.7524087091115829,0.6003804846397771,0.7338145369642702,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,0.0,-1893.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1289932,108239,Consumer loans,13285.665,117211.5,129591.0,0.0,117211.5,WEDNESDAY,12,Y,1,0.0,,,XAP,Approved,-1211,Cash through the bank,XAP,Unaccompanied,Refreshed,Audio/Video,POS,XNA,Country-wide,621,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1178.0,-848.0,-848.0,-842.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,622413.0,31909.5,495000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.007305,-20938,-1906,-2548.0,-3939,15.0,1,1,0,1,1,0,Drivers,1.0,3,3,WEDNESDAY,12,0,0,0,0,0,0,Construction,,0.5496033349588145,,0.0825,0.0818,0.9776,0.6940000000000001,0.0341,0.0,0.1379,0.1667,0.2083,0.0531,0.0672,0.0709,0.0,0.0,0.084,0.0849,0.9777,0.706,0.0344,0.0,0.1379,0.1667,0.2083,0.0543,0.0735,0.0738,0.0,0.0,0.0833,0.0818,0.9776,0.6981,0.0343,0.0,0.1379,0.1667,0.2083,0.054000000000000006,0.0684,0.0722,0.0,0.0,reg oper account,block of flats,0.0744,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2475634,138723,Cash loans,24789.555,229500.0,241920.0,,229500.0,SATURDAY,11,Y,1,,,,XNA,Approved,-545,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-515.0,-185.0,-335.0,-327.0,1.0,0,Cash loans,F,N,Y,0,67500.0,156384.0,18558.0,135000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,Municipal apartment,0.009549,-22377,365243,-11349.0,-5061,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,XNA,,0.3747504056130208,0.6380435278721609,0.084,0.0613,0.9771,0.7824,0.1091,0.06,0.069,0.2083,0.375,0.0833,,0.0863,,0.0196,0.0042,0.0168,0.9702,0.7909,0.1101,0.0,0.0345,0.0833,0.375,0.0258,,0.0134,,0.0,0.0848,0.0613,0.9771,0.7853,0.1098,0.06,0.069,0.2083,0.375,0.0847,,0.0878,,0.02,reg oper spec account,block of flats,0.0101,"Stone, brick",No,2.0,0.0,2.0,0.0,-1294.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2819866,172906,Consumer loans,7942.59,61119.0,59539.5,6115.5,61119.0,SUNDAY,15,Y,1,0.10144445136768646,,,XAP,Approved,-2227,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,25,Connectivity,10.0,high,POS mobile with interest,365243.0,-2163.0,-1893.0,-1923.0,-1919.0,1.0,0,Cash loans,F,N,Y,2,292500.0,144396.0,5571.0,94500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.04622,-13360,-953,-7500.0,-4331,,1,1,0,1,0,0,Core staff,4.0,1,1,MONDAY,13,0,0,0,0,0,0,Kindergarten,,0.23234812125092105,0.5867400085415683,0.0619,0.0,0.9821,0.7552,0.0,0.0,0.1379,0.1667,0.0417,0.0,0.0504,0.061,0.0,0.006,0.063,0.0,0.9821,0.7648,0.0,0.0,0.1379,0.1667,0.0417,0.0,0.0551,0.0636,0.0,0.0063,0.0625,0.0,0.9821,0.7585,0.0,0.0,0.1379,0.1667,0.0417,0.0,0.0513,0.0621,0.0,0.0061,reg oper account,block of flats,0.0531,Panel,No,0.0,0.0,0.0,0.0,-541.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2131110,452060,Consumer loans,5915.565,52083.0,52083.0,0.0,52083.0,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-187,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,10,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-151.0,119.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,112500.0,180000.0,18571.5,180000.0,Family,Working,Secondary / secondary special,Single / not married,House / apartment,0.028663,-17176,-2798,-8112.0,-715,2.0,1,1,0,1,1,0,Cooking staff,1.0,2,2,THURSDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.6950125532512015,0.6466186300189475,,0.0742,0.0409,0.9811,,,0.08,0.069,0.3333,,0.0,,0.0762,,0.0,0.0756,0.0423,0.9811,,,0.0806,0.069,0.3333,,0.0,,0.0792,,0.0,0.0749,0.0409,0.9811,,,0.08,0.069,0.3333,,0.0,,0.0776,,0.0,,block of flats,0.07400000000000001,Panel,No,0.0,0.0,0.0,0.0,-187.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2157981,414208,Consumer loans,10994.715,129969.0,167602.5,0.0,129969.0,TUESDAY,8,Y,1,0.0,,,XAP,Approved,-1262,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Stone,150,Consumer electronics,18.0,low_normal,POS household with interest,365243.0,-1231.0,-721.0,-841.0,-837.0,0.0,0,Cash loans,F,N,Y,0,135000.0,276277.5,11835.0,238500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.031329,-18907,-1735,-7989.0,-2439,,1,1,0,1,0,0,,2.0,2,2,THURSDAY,8,0,0,0,0,0,0,Business Entity Type 3,0.7809321083962271,0.5220901529791279,0.4561097392782771,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1262.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1014079,206322,Consumer loans,9260.055,92610.0,83349.0,9261.0,92610.0,SUNDAY,17,Y,1,0.1089090909090909,,,XAP,Refused,-1709,Cash through the bank,SCO,"Spouse, partner",New,Audio/Video,POS,XNA,Country-wide,1200,Consumer electronics,10.0,low_normal,POS household with interest,,,,,,,0,Cash loans,F,Y,Y,0,235575.0,1663164.0,63477.0,1552500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-21437,-2833,-2579.0,-1525,1.0,1,1,0,1,0,0,Core staff,2.0,1,1,MONDAY,18,0,0,0,0,0,0,Trade: type 3,0.6320918814126542,0.8069310984440848,0.5549467685334323,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1444452,442935,Consumer loans,11510.46,87273.0,77148.0,10125.0,87273.0,SATURDAY,9,Y,1,0.1263511676526011,,,XAP,Approved,-1257,XNA,XAP,"Spouse, partner",Repeater,Computers,POS,XNA,Stone,20,Consumer electronics,8.0,middle,POS household with interest,365243.0,-1226.0,-1016.0,-1016.0,-1004.0,0.0,0,Cash loans,F,N,Y,2,76500.0,144000.0,6840.0,144000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010966,-14018,-2309,-2774.0,-4733,,1,1,1,1,1,0,Sales staff,4.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Trade: type 7,0.6348974342183389,0.6542801321255921,0.5867400085415683,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-1257.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1391566,329239,Cash loans,22736.745,270000.0,291919.5,,270000.0,TUESDAY,14,Y,1,,,,XNA,Refused,-1214,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,18.0,middle,Cash X-Sell: middle,,,,,,,0,Revolving loans,M,Y,N,0,355500.0,315000.0,15750.0,315000.0,Family,Pensioner,Higher education,Civil marriage,Rented apartment,0.028663,-20875,365243,-753.0,-710,2.0,1,0,0,1,0,0,,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,XNA,,0.5598548039261848,0.4884551844437485,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1217.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,4.0 +2737979,162499,Cash loans,23284.485,450000.0,512370.0,,450000.0,FRIDAY,17,Y,1,,,,XNA,Approved,-515,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-485.0,565.0,-305.0,-303.0,1.0,0,Revolving loans,F,Y,Y,0,225000.0,337500.0,16875.0,337500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.026392000000000002,-22757,365243,-49.0,-4724,3.0,1,0,0,1,0,0,,1.0,2,2,TUESDAY,12,0,0,0,0,0,0,XNA,,0.6594061768905888,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,-1317.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2201306,289690,Cash loans,,0.0,0.0,,0.0,MONDAY,17,Y,1,,,,XNA,Refused,-1311,Cash through the bank,XNA,Unaccompanied,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,N,2,202500.0,967500.0,25650.0,967500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-12844,-5711,-6689.0,-3407,,1,1,0,1,1,0,,4.0,2,2,TUESDAY,11,0,0,0,0,0,0,Industry: type 1,,0.5936516914311987,0.4382813743111921,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,3.0,4.0,1.0,-1633.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,3.0 +1948912,399248,Cash loans,45864.36,450000.0,470790.0,,450000.0,FRIDAY,18,Y,1,,,,XNA,Approved,-531,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-501.0,-171.0,-171.0,-165.0,1.0,0,Cash loans,F,Y,Y,0,292500.0,1418692.5,56394.0,1305000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.035792000000000004,-22465,365243,-9995.0,-4260,24.0,1,0,0,1,0,0,,1.0,2,2,THURSDAY,18,0,0,0,0,0,0,XNA,,0.6632655320968049,0.2822484337007223,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1668.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2014896,169905,Revolving loans,4500.0,90000.0,90000.0,,90000.0,SATURDAY,15,Y,1,,,,XAP,Approved,-319,XNA,XAP,Family,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-228.0,-179.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,0,112500.0,225000.0,12334.5,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.015221,-14766,-455,-5271.0,-5271,,1,1,1,1,1,0,Drivers,2.0,2,2,TUESDAY,16,0,0,0,0,0,0,Transport: type 4,0.4812034109326176,0.6056936795289057,0.4206109640437848,0.1485,0.0752,0.9786,0.7076,0.0236,0.16,0.1379,0.3333,0.0417,0.1517,0.1135,0.1348,0.0347,0.0323,0.1513,0.078,0.9786,0.7190000000000001,0.0238,0.1611,0.1379,0.3333,0.0417,0.1552,0.124,0.1405,0.035,0.0342,0.1499,0.0752,0.9786,0.7115,0.0238,0.16,0.1379,0.3333,0.0417,0.1544,0.1154,0.1373,0.0349,0.033,reg oper account,block of flats,0.126,"Stone, brick",No,0.0,0.0,0.0,0.0,-914.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2459618,181002,Revolving loans,36000.0,720000.0,720000.0,,720000.0,THURSDAY,16,Y,1,,,,XAP,Approved,-483,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,-121.0,0.0,0,Cash loans,F,Y,Y,2,112500.0,810000.0,23814.0,810000.0,Family,State servant,Higher education,Married,House / apartment,0.028663,-11209,-1848,-1567.0,-1590,8.0,1,1,0,1,0,1,Medicine staff,4.0,2,2,THURSDAY,13,0,0,0,0,0,0,Medicine,0.08292329165730547,0.6196516931786268,0.3876253444214701,0.0683,0.1078,0.9821,0.7552,0.0093,0.0,0.1552,0.1667,0.0417,0.0188,0.0544,0.0667,0.0058,0.0206,0.0599,0.0686,0.9806,0.7452,0.0078,0.0,0.1379,0.1667,0.0417,0.0178,0.0643,0.0564,0.0039,0.0,0.0713,0.0845,0.9821,0.7585,0.0079,0.0,0.1379,0.1667,0.0417,0.0177,0.0569,0.0649,0.0039,0.0168,reg oper account,block of flats,0.0566,"Stone, brick",No,0.0,0.0,0.0,0.0,-1263.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1212249,267893,Revolving loans,3375.0,0.0,67500.0,,,MONDAY,18,Y,1,,,,XAP,Approved,-2459,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card Street,-2456.0,-2413.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,1,243000.0,936000.0,27495.0,936000.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.032561,-13203,-859,-10703.0,-583,10.0,1,1,0,1,1,1,,3.0,1,1,WEDNESDAY,14,0,1,1,0,0,0,Hotel,0.3074579868102659,0.6802308164888756,0.05168176743672944,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-932.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1906557,396595,Revolving loans,4500.0,0.0,405000.0,,,THURSDAY,9,N,0,,,,XAP,Refused,-1436,XNA,LIMIT,,Repeater,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card X-Sell,,,,,,,1,Cash loans,M,Y,Y,0,270000.0,454500.0,21996.0,454500.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.026392000000000002,-16042,-3069,-8008.0,-4561,5.0,1,1,0,1,1,0,High skill tech staff,1.0,2,2,FRIDAY,16,0,0,0,0,0,0,Business Entity Type 2,,0.7021382860902622,0.4365064990977374,0.1979,,0.9866,,,0.24,0.2069,0.3333,,,,0.2066,,0.1468,0.2017,,0.9866,,,0.2417,0.2069,0.3333,,,,0.2153,,0.1554,0.1999,,0.9866,,,0.24,0.2069,0.3333,,,,0.2103,,0.1499,,block of flats,0.1944,Panel,No,2.0,0.0,2.0,0.0,-1639.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,1.0 +2318021,306728,Cash loans,39385.665,913500.0,993082.5,,913500.0,MONDAY,5,Y,1,,,,XNA,Approved,-323,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-293.0,757.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,0,90000.0,1056447.0,31018.5,922500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.006852,-22434,365243,-14077.0,-4535,22.0,1,0,0,1,0,0,,2.0,3,3,TUESDAY,8,0,0,0,0,0,0,XNA,,0.4355469718981831,0.3296550543128238,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-323.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,4.0 +1277395,230855,Cash loans,37306.62,193500.0,199885.5,,193500.0,THURSDAY,11,Y,1,,,,XNA,Approved,-286,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-256.0,-106.0,-106.0,-101.0,1.0,0,Cash loans,F,N,Y,0,90000.0,203760.0,11506.5,180000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.011656999999999999,-23890,365243,-16015.0,-4278,,1,0,0,1,0,0,,1.0,1,1,WEDNESDAY,11,0,0,0,0,0,0,XNA,,0.584181041990212,0.4014074137749511,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,0.0,8.0,0.0,-2199.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1448911,431779,Consumer loans,4616.73,22455.0,22455.0,0.0,22455.0,WEDNESDAY,12,Y,1,0.0,,,XAP,Approved,-1626,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Country-wide,15,Connectivity,6.0,high,POS mobile with interest,365243.0,-1590.0,-1440.0,-1440.0,-1349.0,0.0,0,Cash loans,F,Y,Y,0,157500.0,284400.0,16011.0,225000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.04622,-24295,365243,-4371.0,-897,10.0,1,0,0,1,0,0,,2.0,1,1,FRIDAY,10,0,0,0,0,0,0,XNA,,0.7934535640089557,,0.0062,0.0,0.9727,0.626,0.0,0.0,0.2069,0.0,0.0417,0.0111,0.005,0.003,0.0,0.0,0.0063,0.0,0.9727,0.6406,0.0,0.0,0.2069,0.0,0.0417,0.0114,0.0055,0.0032,0.0,0.0,0.0062,0.0,0.9727,0.631,0.0,0.0,0.2069,0.0,0.0417,0.0113,0.0051,0.0031,0.0,0.0,reg oper account,block of flats,0.0024,Block,No,4.0,0.0,4.0,0.0,-1626.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1187941,232030,Consumer loans,16843.095,155925.0,149593.5,15592.5,155925.0,WEDNESDAY,8,Y,1,0.1028032036613272,,,XAP,Approved,-62,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Stone,25,Furniture,10.0,low_normal,POS industry with interest,365243.0,365243.0,238.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,135000.0,323388.0,21739.5,292500.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.006852,-10291,-345,-118.0,-2968,,1,1,0,1,0,0,High skill tech staff,1.0,3,3,TUESDAY,7,0,0,0,0,0,0,Self-employed,,0.025873913962196567,0.6512602186973006,0.0082,0.0,0.9608,,,0.0,0.069,0.0417,,0.0,,0.0084,,0.0303,0.0084,0.0,0.9608,,,0.0,0.069,0.0417,,0.0,,0.0087,,0.032,0.0083,0.0,0.9608,,,0.0,0.069,0.0417,,0.0,,0.0085,,0.0309,,block of flats,0.0122,Wooden,No,0.0,0.0,0.0,0.0,-281.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2261358,289909,Revolving loans,22500.0,0.0,450000.0,,,SUNDAY,12,Y,1,,,,XAP,Approved,-856,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,180000.0,781879.5,45715.5,724500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-11444,-4631,-5338.0,-2943,3.0,1,1,0,1,1,0,Sales staff,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.6974663400220183,,0.2948,,0.9901,,,0.28,0.2414,0.375,,,,0.2945,,0.0246,0.3004,,0.9901,,,0.282,0.2414,0.375,,,,0.3068,,0.026,0.2977,,0.9901,,,0.28,0.2414,0.375,,,,0.2997,,0.0251,,block of flats,0.2369,Panel,No,1.0,0.0,1.0,0.0,-199.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1512022,273325,Cash loans,53906.31,1354500.0,1451047.5,,1354500.0,MONDAY,19,Y,1,,,,XNA,Refused,-218,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,315000.0,460692.0,13333.5,301500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.072508,-18420,-3246,-12220.0,-1968,,1,1,0,1,1,0,,2.0,1,1,SUNDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.731486380932085,0.40314167665875134,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1088.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,8.0 +2074530,101085,Consumer loans,4322.52,24255.0,20731.5,4500.0,24255.0,THURSDAY,12,Y,1,0.19423772232760994,,,XAP,Approved,-1073,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,15,Connectivity,6.0,high,POS mobile with interest,365243.0,-1036.0,-886.0,-886.0,-881.0,0.0,0,Cash loans,F,Y,Y,0,182250.0,900000.0,48082.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.04622,-13233,-4459,-6945.0,-5154,5.0,1,1,1,1,0,0,Medicine staff,2.0,1,1,SATURDAY,11,0,0,0,0,1,1,Other,0.7082750104502049,0.6977062252562043,0.5298898341969072,0.0546,0.0,0.9871,0.8232,,0.0,0.1724,0.0833,0.125,0.0,0.0445,,0.0,0.0,0.0557,0.0,0.9871,0.8301,,0.0,0.1724,0.0833,0.125,0.0,0.0487,,0.0,0.0,0.0552,0.0,0.9871,0.8256,,0.0,0.1724,0.0833,0.125,0.0,0.0453,,0.0,0.0,,block of flats,0.0457,"Stone, brick",No,1.0,0.0,1.0,0.0,-1073.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1705938,451621,Consumer loans,12724.605,115794.0,115794.0,0.0,115794.0,WEDNESDAY,14,Y,1,0.0,,,XAP,Approved,-442,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-404.0,-134.0,-224.0,-221.0,0.0,0,Cash loans,M,Y,N,0,270000.0,2156400.0,59301.0,1800000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-13574,-1610,-7321.0,-4913,4.0,1,1,0,1,1,1,Laborers,2.0,1,1,WEDNESDAY,13,0,0,0,0,1,1,Business Entity Type 3,0.7734181091741013,0.5710359978312368,0.7557400501752248,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,1.0,9.0,0.0,-442.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1191209,275712,Cash loans,,0.0,0.0,,,TUESDAY,8,Y,1,,,,XNA,Refused,-269,XNA,HC,,Repeater,XNA,XNA,XNA,Country-wide,15,Connectivity,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,2,180000.0,354276.0,23805.0,292500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-11837,-1733,-5974.0,-4300,,1,1,0,1,0,0,Sales staff,4.0,3,3,FRIDAY,7,0,0,0,0,0,0,Self-employed,0.43519349928606094,0.5836816341306817,0.3672910183026313,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-437.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1345150,377517,Revolving loans,,0.0,0.0,,,SATURDAY,10,Y,1,,,,XAP,Refused,-365,XNA,HC,,Refreshed,XNA,XNA,XNA,AP+ (Cash loan),50,XNA,,XNA,Card Street,,,,,,,0,Cash loans,F,N,N,0,162000.0,675000.0,21906.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.026392000000000002,-18439,-2931,-8266.0,-1985,,1,1,0,1,0,0,Laborers,1.0,2,2,SUNDAY,13,0,0,0,0,1,1,Business Entity Type 3,,0.721238482301187,0.3001077565791181,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1943.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2496276,320285,Consumer loans,6766.695,52965.0,55647.0,9000.0,52965.0,SUNDAY,16,Y,1,0.15162061939174562,,,XAP,Approved,-1784,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,2030,Consumer electronics,12.0,high,POS household with interest,365243.0,-1753.0,-1423.0,-1423.0,-1420.0,0.0,0,Cash loans,M,Y,Y,1,157500.0,760225.5,32337.0,679500.0,Unaccompanied,Commercial associate,Higher education,Married,With parents,0.019101,-11445,-233,-3791.0,-4132,16.0,1,1,1,1,1,0,Laborers,3.0,2,2,SATURDAY,10,0,0,0,0,1,1,Self-employed,,0.18166693722638871,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1784.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2306687,312882,Consumer loans,6264.495,22905.0,23814.0,0.0,22905.0,SATURDAY,18,Y,1,0.0,,,XAP,Approved,-356,Cash through the bank,XAP,"Spouse, partner",Repeater,Construction Materials,POS,XNA,Stone,87,Construction,4.0,low_normal,POS industry with interest,365243.0,-326.0,-236.0,-236.0,-229.0,1.0,0,Cash loans,M,Y,Y,1,225000.0,331920.0,17077.5,225000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.010966,-12108,-2429,-21.0,-4732,16.0,1,1,0,1,0,0,High skill tech staff,3.0,2,2,FRIDAY,13,0,0,0,0,0,0,Military,,0.684699493356412,0.1500851762342935,0.0814,0.044,0.9871,0.8232,0.0216,0.08,0.069,0.375,0.4167,0.0599,0.0656,0.0849,0.0039,0.0478,0.083,0.0457,0.9871,0.8301,0.0218,0.0806,0.069,0.375,0.4167,0.0613,0.0716,0.0884,0.0039,0.0506,0.0822,0.044,0.9871,0.8256,0.0218,0.08,0.069,0.375,0.4167,0.061,0.0667,0.0864,0.0039,0.0488,org spec account,block of flats,0.0861,"Stone, brick",No,1.0,0.0,1.0,0.0,-3012.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2489325,219206,Cash loans,,0.0,0.0,,,MONDAY,11,Y,1,,,,XNA,Refused,-97,XNA,SCOFR,,Repeater,XNA,XNA,XNA,Contact center,-1,XNA,,XNA,Cash,,,,,,,0,Revolving loans,M,Y,Y,0,112500.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010966,-9611,-371,-7250.0,-2188,11.0,1,1,0,1,0,1,Laborers,2.0,2,2,SUNDAY,10,0,0,0,0,0,0,Government,,0.5036045052869237,0.2250868621163805,0.0577,0.0913,0.9776,0.6940000000000001,0.0115,0.0,0.069,0.1667,0.2083,0.0158,0.0471,0.0538,0.0,0.0543,0.0588,0.0947,0.9777,0.706,0.0116,0.0,0.069,0.1667,0.2083,0.0162,0.0514,0.0561,0.0,0.0575,0.0583,0.0913,0.9776,0.6981,0.0116,0.0,0.069,0.1667,0.2083,0.0161,0.0479,0.0548,0.0,0.0555,reg oper spec account,block of flats,0.0605,"Stone, brick",No,0.0,0.0,0.0,0.0,-788.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1569952,216821,Consumer loans,8177.985,85455.0,69187.5,22500.0,85455.0,TUESDAY,11,Y,1,0.26726157278304513,,,XAP,Approved,-1936,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Stone,77,Connectivity,12.0,high,POS mobile with interest,365243.0,-1901.0,-1571.0,-1571.0,-1560.0,0.0,0,Cash loans,F,N,Y,0,112500.0,585000.0,24786.0,585000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.007305,-19571,365243,-2837.0,-3059,,1,0,0,1,1,0,,2.0,3,3,SATURDAY,13,0,0,0,0,0,0,XNA,0.8776939611325559,0.2246998276603394,0.17249546677733105,0.0412,0.0753,0.9871,0.8232,,0.0,0.1379,0.1667,0.2083,0.0153,,0.0545,,0.0596,0.042,0.0782,0.9871,0.8301,,0.0,0.1379,0.1667,0.2083,0.0156,,0.0568,,0.0631,0.0416,0.0753,0.9871,0.8256,,0.0,0.1379,0.1667,0.2083,0.0155,,0.0555,,0.0608,reg oper account,block of flats,0.0439,"Stone, brick",No,3.0,0.0,3.0,0.0,-1936.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1544278,245128,Cash loans,19401.435,180000.0,243936.0,,180000.0,TUESDAY,10,Y,1,,,,XNA,Approved,-980,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,high,Cash Street: high,365243.0,-950.0,-260.0,-350.0,-345.0,1.0,0,Cash loans,F,N,Y,1,202500.0,217197.0,16366.5,175500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Office apartment,0.025164,-14067,-7229,-1349.0,-1600,,1,1,0,1,0,1,Laborers,3.0,2,2,TUESDAY,12,0,0,0,0,0,0,Industry: type 5,0.4639054834384228,0.09409757747760868,0.6925590674998008,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,3.0 +1512826,280359,Cash loans,,0.0,0.0,,,FRIDAY,5,Y,1,,,,XNA,Refused,-161,XNA,SCOFR,,Repeater,XNA,XNA,XNA,Contact center,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,N,1,162000.0,247275.0,19953.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014464,-9013,-1201,-2353.0,-892,,1,1,1,1,0,1,Sales staff,3.0,2,2,THURSDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.317078225195782,0.0001976469211371752,0.2103502286944494,0.4082,0.1091,0.9806,,,0.08,0.069,0.3333,,0.0699,,0.037000000000000005,,0.0265,0.416,0.1132,0.9806,,,0.0806,0.069,0.3333,,0.0715,,0.0386,,0.028,0.4122,0.1091,0.9806,,,0.08,0.069,0.3333,,0.0711,,0.0377,,0.027000000000000003,,block of flats,0.1107,Panel,No,0.0,0.0,0.0,0.0,-160.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1824828,174567,Cash loans,7913.025,135000.0,152820.0,,135000.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-302,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,AP+ (Cash loan),10,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-272.0,418.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,99000.0,781695.0,21627.0,652500.0,Children,Working,Secondary / secondary special,Widow,House / apartment,0.010966,-20304,-11630,-4216.0,-3318,,1,1,1,1,0,0,Laborers,1.0,2,2,THURSDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.5610668689208647,0.5779691187553125,0.0371,0.0695,0.9881,0.8368,,0.0,0.1379,0.0833,0.125,0.0508,0.0303,0.0208,0.0,0.0541,0.0378,0.0721,0.9881,0.8432,,0.0,0.1379,0.0833,0.125,0.0519,0.0331,0.0216,0.0,0.0573,0.0375,0.0695,0.9881,0.8390000000000001,,0.0,0.1379,0.0833,0.125,0.0517,0.0308,0.0211,0.0,0.0552,reg oper account,block of flats,0.0281,"Stone, brick",No,0.0,0.0,0.0,0.0,-2184.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1128236,294031,Revolving loans,2250.0,45000.0,45000.0,,45000.0,MONDAY,14,Y,1,,,,XAP,Approved,-349,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,N,Y,0,288000.0,315000.0,20259.0,315000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.018209,-9769,-1305,-4486.0,-2445,,1,1,0,1,0,0,Core staff,2.0,3,3,SUNDAY,7,0,0,0,0,0,0,School,0.31527789132941153,0.4776680818160271,0.2636468134452008,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-656.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1358166,241867,Cash loans,39474.0,1350000.0,1350000.0,,1350000.0,MONDAY,9,Y,1,,,,XNA,Refused,-344,XNA,HC,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,N,0,180000.0,233784.0,8811.0,153000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-23555,365243,-6877.0,-4003,7.0,1,0,0,1,1,0,,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,XNA,0.8455231414388328,0.6896774196934142,0.5585066276769286,0.0186,0.0,0.9846,0.7892,0.0,0.0,0.069,0.0833,0.125,0.0,0.0151,0.0109,0.0,0.0257,0.0189,0.0,0.9846,0.7975,0.0,0.0,0.069,0.0833,0.125,0.0,0.0165,0.0114,0.0,0.0272,0.0187,0.0,0.9846,0.792,0.0,0.0,0.069,0.0833,0.125,0.0,0.0154,0.0111,0.0,0.0262,not specified,block of flats,0.0142,Panel,No,0.0,0.0,0.0,0.0,-1830.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1813897,433586,Cash loans,43551.0,1350000.0,1350000.0,,1350000.0,MONDAY,16,Y,1,,,,XNA,Refused,-6,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,1,Cash loans,M,N,N,0,315000.0,1260000.0,40774.5,1260000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-13377,-3602,-3665.0,-3447,,1,1,0,1,1,0,Drivers,2.0,3,3,THURSDAY,12,0,0,0,0,0,0,Self-employed,,0.11052022885116286,0.39449540531239935,0.0619,0.0597,0.9901,0.8640000000000001,0.0526,0.0,0.1379,0.1667,0.2083,0.0948,0.0504,0.0593,0.0,0.0,0.063,0.062,0.9901,0.8693,0.053,0.0,0.1379,0.1667,0.2083,0.097,0.0551,0.0618,0.0,0.0,0.0625,0.0597,0.9901,0.8658,0.0529,0.0,0.1379,0.1667,0.2083,0.0965,0.0513,0.0603,0.0,0.0,reg oper account,block of flats,0.0754,Panel,No,0.0,0.0,0.0,0.0,-2354.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,5.0,0.0,3.0 +1051198,238268,Consumer loans,32333.895,346410.0,346410.0,0.0,346410.0,FRIDAY,15,Y,1,0.0,,,XAP,Approved,-417,XNA,XAP,Family,New,Furniture,POS,XNA,Stone,149,Furniture,12.0,low_normal,POS industry with interest,365243.0,-380.0,-50.0,-320.0,-317.0,0.0,1,Cash loans,F,Y,N,0,202500.0,900000.0,45954.0,900000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.018634,-18076,-9345,-9164.0,-1620,2.0,1,1,1,1,1,0,Core staff,2.0,2,2,MONDAY,18,0,0,0,0,0,0,School,0.7386004299894056,0.028221549405390924,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-417.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2104752,433151,Consumer loans,10479.42,159844.5,159844.5,0.0,159844.5,MONDAY,10,Y,1,0.0,,,XAP,Approved,-891,Cash through the bank,XAP,,New,Medical Supplies,POS,XNA,Stone,100,Industry,18.0,low_normal,POS industry with interest,365243.0,-856.0,-346.0,-346.0,-339.0,0.0,0,Cash loans,F,N,Y,0,157500.0,894766.5,29700.0,679500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.020713,-19115,-2079,-4023.0,-847,,1,1,0,1,0,0,,2.0,3,2,WEDNESDAY,9,0,0,0,0,0,0,Transport: type 4,,0.30424683149662923,0.14644206667896328,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-891.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1597187,343790,Consumer loans,9119.88,78750.0,49743.0,31500.0,78750.0,SATURDAY,16,Y,1,0.42226854789167867,,,XAP,Approved,-342,Cash through the bank,XAP,,New,Computers,POS,XNA,Stone,15,Consumer electronics,6.0,middle,POS household with interest,365243.0,-311.0,-161.0,-161.0,-159.0,0.0,0,Cash loans,M,Y,Y,1,144000.0,1078200.0,34911.0,900000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.022625,-17075,-9305,-269.0,-622,5.0,1,1,1,1,1,0,Laborers,3.0,2,2,FRIDAY,14,0,0,0,0,1,1,Business Entity Type 3,,0.6425005117189732,0.6863823354047934,0.0918,,0.0,,,0.0,0.2069,0.1667,,,,0.0507,,,0.0935,,0.0005,,,0.0,0.2069,0.1667,,,,0.0528,,,0.0926,,0.0,,,0.0,0.2069,0.1667,,,,0.0516,,,,block of flats,0.076,Panel,No,1.0,0.0,1.0,0.0,-342.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1370799,373462,Cash loans,33404.76,1161000.0,1161000.0,,1161000.0,WEDNESDAY,14,Y,1,,,,Repairs,Refused,-196,Cash through the bank,XNA,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,1,67500.0,211500.0,18085.5,211500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.026392000000000002,-9319,-135,-453.0,-2000,,1,1,1,1,1,0,Sales staff,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Trade: type 3,0.13774124220673348,0.7059656139571212,,0.2392,,0.9791,,,0.08,0.0345,0.3333,,,,0.1294,,0.0,0.2437,,0.9791,,,0.0806,0.0345,0.3333,,,,0.1349,,0.0,0.2415,,0.9791,,,0.08,0.0345,0.3333,,,,0.1318,,0.0,,block of flats,0.1018,"Stone, brick",No,1.0,0.0,1.0,0.0,-170.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1240036,298606,Cash loans,7559.595,67500.0,71955.0,,67500.0,THURSDAY,12,Y,1,,,,XNA,Approved,-220,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-190.0,140.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,45000.0,62361.0,6295.5,58500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.015221,-21457,365243,-9783.0,-4787,,1,0,0,1,0,0,,2.0,2,2,SUNDAY,8,0,0,0,0,0,0,XNA,,0.7109563846912942,0.3962195720630885,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-624.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +1472595,321070,Cash loans,24543.0,450000.0,450000.0,,450000.0,SATURDAY,9,Y,1,,,,XNA,Approved,-119,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,Y,Y,4,202500.0,526500.0,28692.0,526500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-12798,-1646,-3826.0,-1576,13.0,1,1,0,1,0,0,Sales staff,6.0,2,2,SATURDAY,9,0,0,0,1,1,0,Trade: type 7,0.36624575951487465,0.5636447780019354,0.6545292802242897,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-119.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,4.0 +2488132,205729,Cash loans,56754.0,1350000.0,1350000.0,,1350000.0,WEDNESDAY,6,Y,1,,,,XNA,Refused,-641,XNA,HC,,Refreshed,XNA,Cash,x-sell,Contact center,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,Y,N,0,229500.0,450000.0,35554.5,450000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.0038179999999999998,-18874,-3037,-7017.0,-2404,18.0,1,1,1,1,1,0,Drivers,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,Electricity,0.5363287477840479,0.6739870252648011,0.520897599048938,0.0082,,0.9791,,,,0.0345,0.0417,,,,0.0044,,,0.0084,,0.9791,,,,0.0345,0.0417,,,,0.0045,,,0.0083,,0.9791,,,,0.0345,0.0417,,,,0.0044,,,,block of flats,0.0056,Others,No,5.0,0.0,5.0,0.0,-1852.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2006190,164916,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SUNDAY,10,Y,1,,,,XAP,Approved,-345,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-345.0,-301.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,1,405000.0,781920.0,40054.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0105,-15782,-5537,-4911.0,-1558,,1,1,0,1,0,0,Laborers,3.0,3,3,TUESDAY,16,0,0,0,0,0,0,Self-employed,,0.004884301569113108,0.1940678276718812,,0.152,0.9846,,,0.08,0.2069,0.3333,,,,0.2188,,0.0037,,0.1063,0.9846,,,0.0,0.1379,0.3333,,,,0.1522,,0.0039,,0.152,0.9846,,,0.08,0.2069,0.3333,,,,0.2227,,0.0038,,,0.2293,Panel,No,4.0,0.0,3.0,0.0,-1054.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,12.0 +1901591,197407,Cash loans,32229.855,450000.0,662620.5,,450000.0,MONDAY,18,Y,1,,,,Buying a used car,Approved,-405,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,middle,Cash Street: middle,365243.0,-375.0,1035.0,-375.0,-371.0,1.0,0,Cash loans,M,N,Y,0,135000.0,900000.0,26316.0,900000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.0105,-9934,-489,-331.0,-2622,,1,1,0,1,0,0,Laborers,2.0,3,3,SUNDAY,12,0,0,0,0,0,0,Self-employed,0.4571942420524134,0.6329423019205813,0.6413682574954046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,0.0,-589.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2348110,113241,Consumer loans,6734.925,50395.5,55386.0,0.0,50395.5,THURSDAY,12,Y,1,0.0,,,XAP,Approved,-1647,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,684,Consumer electronics,12.0,high,POS household with interest,365243.0,-1616.0,-1286.0,-1286.0,-1280.0,0.0,0,Revolving loans,F,N,Y,2,126000.0,270000.0,13500.0,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.01885,-13300,-1320,-35.0,-2705,,1,1,1,1,1,0,,4.0,2,2,SATURDAY,12,0,0,0,0,0,0,Self-employed,0.4016854290405159,0.6251813887039962,0.5154953751603267,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-1647.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,1.0,3.0 +2697576,289449,Cash loans,22018.5,450000.0,450000.0,,450000.0,WEDNESDAY,12,Y,1,,,,XNA,Approved,-5,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,3,211500.0,343800.0,16852.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006305,-13785,-5238,-5249.0,-4544,,1,1,0,1,0,0,Core staff,5.0,3,3,THURSDAY,4,0,0,0,0,0,0,School,0.36548489940403606,0.6174227367234892,0.22009464485041005,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-615.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2004039,440374,Cash loans,36437.625,1102500.0,1102500.0,,1102500.0,TUESDAY,15,Y,1,,,,XNA,Approved,-833,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-803.0,607.0,-743.0,-735.0,0.0,0,Cash loans,F,N,N,1,225000.0,1005120.0,29520.0,720000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.00496,-15605,-1758,-5137.0,-5136,,1,1,0,1,0,0,Managers,3.0,2,2,TUESDAY,17,0,0,0,0,0,0,Trade: type 7,,0.6645341913801509,0.7764098512142026,0.0722,0.0,0.9831,,,,0.2069,0.1667,,0.142,,0.0429,,0.1079,0.0735,0.0,0.9831,,,,0.2069,0.1667,,0.1452,,0.0447,,0.1142,0.0729,0.0,0.9831,,,,0.2069,0.1667,,0.1445,,0.0437,,0.1101,,block of flats,0.057,"Stone, brick",No,1.0,0.0,1.0,0.0,-2047.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1187171,262393,Cash loans,18072.81,135000.0,163732.5,,135000.0,WEDNESDAY,12,Y,1,,,,XNA,Approved,-508,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,high,Cash X-Sell: high,365243.0,-478.0,-148.0,-238.0,-231.0,1.0,0,Cash loans,F,N,Y,0,72000.0,227520.0,14539.5,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.02461,-15566,-552,-6022.0,-6022,,1,1,0,1,0,0,Sales staff,2.0,2,2,SUNDAY,12,0,0,0,0,0,0,Trade: type 7,,0.5042440925828542,0.5971924268337128,0.2227,0.1645,0.9856,0.8028,,0.24,0.2069,0.3333,0.375,0.1525,0.1757,0.218,0.027000000000000003,0.0269,0.2269,0.1708,0.9856,0.8105,,0.2417,0.2069,0.3333,0.375,0.156,0.1919,0.2272,0.0272,0.0285,0.2248,0.1645,0.9856,0.8054,,0.24,0.2069,0.3333,0.375,0.1552,0.1787,0.222,0.0272,0.0275,,block of flats,0.2377,"Stone, brick",No,0.0,0.0,0.0,0.0,-3118.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2617151,241207,Consumer loans,16496.1,74205.0,79591.5,0.0,74205.0,SUNDAY,6,Y,1,0.0,,,XAP,Approved,-22,XNA,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Stone,48,Construction,6.0,high,POS industry with interest,365243.0,365243.0,176.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,N,1,202500.0,719860.5,48429.0,679500.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.006629,-18564,-6216,-5256.0,-2066,1.0,1,1,0,1,1,0,Core staff,3.0,2,2,WEDNESDAY,6,0,0,0,0,0,0,School,,0.5559552712399733,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2057.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2757759,338755,Cash loans,,0.0,0.0,,,TUESDAY,9,Y,1,,,,XNA,Refused,-178,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,270000.0,203760.0,22072.5,180000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.009549,-14018,-3451,-7888.0,-4549,,1,1,0,1,0,0,Realty agents,1.0,2,2,FRIDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.6344194482115583,0.05571142329500084,0.166,0.0957,0.9826,,,0.17600000000000002,0.1448,0.3583,,0.1195,,0.1717,,0.0891,0.0746,0.0424,0.9831,,,0.0806,0.0345,0.3333,,0.0442,,0.0787,,0.0044,0.1483,0.0558,0.9831,,,0.16,0.1379,0.3333,,0.1123,,0.1546,,0.0931,,block of flats,0.2443,Mixed,No,0.0,0.0,0.0,0.0,-1457.0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2844112,218647,Cash loans,38133.0,900000.0,900000.0,,900000.0,MONDAY,8,Y,1,,,,XNA,Refused,-46,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,112500.0,1125000.0,47794.5,1125000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.018209,-17236,-10305,-1703.0,-779,12.0,1,1,0,1,0,0,Core staff,2.0,3,3,FRIDAY,13,0,0,0,0,0,0,School,,0.4037486941586471,0.6092756673894402,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1727.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,1.0 +1620585,374131,Consumer loans,4008.195,23530.5,19971.0,4500.0,23530.5,MONDAY,11,Y,1,0.20027416496706674,,,XAP,Approved,-2258,Cash through the bank,XAP,"Spouse, partner",New,Mobile,POS,XNA,Country-wide,62,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2227.0,-2077.0,-2107.0,-2105.0,1.0,0,Cash loans,F,N,Y,0,247500.0,1006920.0,39933.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.020246,-21114,-1112,-1313.0,-3851,,1,1,0,1,0,0,Laborers,2.0,3,3,FRIDAY,11,0,0,0,0,0,0,Kindergarten,,0.5571857670705559,0.42765737003502935,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1764.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,4.0 +1357907,263770,Cash loans,29864.25,675000.0,675000.0,,675000.0,FRIDAY,10,Y,1,,,,XNA,Refused,-7,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,36.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,N,0,157500.0,755190.0,33394.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.007305,-21607,365243,-7262.0,-5086,,1,0,0,1,1,0,,2.0,3,3,WEDNESDAY,19,0,0,0,0,0,0,XNA,,0.2607507379710844,0.19519840600440985,0.0031,,0.9717,,,,0.0345,0.0,,,,0.0024,,,0.0032,,0.9717,,,,0.0345,0.0,,,,0.0025,,,0.0031,,0.9717,,,,0.0345,0.0,,,,0.0025,,,,block of flats,0.0019,Wooden,No,2.0,0.0,2.0,0.0,-440.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2488607,454391,Cash loans,64842.705,1953000.0,2138611.5,,1953000.0,SATURDAY,17,Y,1,,,,XNA,Refused,-284,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,48.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,270000.0,1125000.0,33025.5,1125000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.030755,-23006,-513,-3543.0,-3988,,1,1,0,1,0,0,Accountants,1.0,2,2,WEDNESDAY,16,0,0,0,0,1,1,Business Entity Type 3,0.8293126151941882,0.6674430857860332,0.6528965519806539,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1463.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +2299700,234037,Consumer loans,14967.855,163440.0,163440.0,0.0,163440.0,FRIDAY,12,Y,1,0.0,,,XAP,Approved,-889,Cash through the bank,XAP,Unaccompanied,Repeater,Medicine,POS,XNA,Stone,25,Industry,12.0,low_action,POS industry without interest,365243.0,-858.0,-528.0,-528.0,-523.0,0.0,0,Cash loans,F,N,N,0,391500.0,1113840.0,47191.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.072508,-19540,-3438,-4713.0,-3082,,1,1,0,1,1,0,Accountants,1.0,1,1,FRIDAY,18,0,0,0,0,0,0,Culture,0.6620674949888482,0.7534568733917718,0.6769925032909132,0.0861,0.0,0.993,0.9048,0.0488,0.16,0.069,0.4583,0.5,0.0,0.0702,0.0698,0.0,0.0237,0.0588,0.0,0.993,0.9085,0.0354,0.0806,0.0345,0.375,0.4167,0.0,0.0514,0.0442,0.0,0.0027,0.0869,0.0,0.993,0.9061,0.0491,0.16,0.069,0.4583,0.5,0.0,0.0714,0.071,0.0,0.0242,reg oper account,block of flats,0.0557,Panel,No,3.0,0.0,3.0,0.0,-2047.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2327835,197980,Consumer loans,13566.42,85410.0,82282.5,8541.0,85410.0,WEDNESDAY,16,Y,1,0.10241760617621493,,,XAP,Approved,-248,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,15,Connectivity,8.0,high,POS mobile with interest,365243.0,-218.0,-8.0,-98.0,-90.0,1.0,1,Cash loans,M,N,N,0,292500.0,808650.0,31464.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.04622,-18884,-325,-8262.0,-2242,,1,1,1,1,0,0,Laborers,1.0,1,1,FRIDAY,11,0,1,1,0,1,1,Business Entity Type 3,,0.7533106081237968,0.2103502286944494,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0602,,No,0.0,0.0,0.0,0.0,-249.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2130080,396970,Consumer loans,8704.395,72220.5,57798.0,18000.0,72220.5,TUESDAY,16,Y,1,0.2586299950346494,,,XAP,Approved,-2607,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Stone,20,Connectivity,8.0,high,POS mobile with interest,365243.0,-2555.0,-2345.0,-2345.0,-2343.0,1.0,0,Cash loans,M,Y,N,0,135000.0,1125000.0,47664.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-20476,-525,-7679.0,-3717,5.0,1,1,0,1,0,0,Drivers,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,Medicine,,0.4480792727442592,0.4365064990977374,0.1577,0.1168,0.9896,,,0.16,0.1379,0.3333,,0.0206,,0.1625,,0.0052,0.1607,0.1212,0.9896,,,0.1611,0.1379,0.3333,,0.021,,0.1693,,0.0055,0.1593,0.1168,0.9896,,,0.16,0.1379,0.3333,,0.0209,,0.1654,,0.0053,,block of flats,0.1491,Panel,No,0.0,0.0,0.0,0.0,-4.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2300456,157032,Cash loans,56047.5,1440000.0,1559749.5,,1440000.0,FRIDAY,19,Y,1,,,,XNA,Approved,-1133,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,100,XNA,42.0,low_normal,Cash Street: low,365243.0,-1102.0,128.0,-142.0,-134.0,0.0,0,Cash loans,F,N,Y,0,180000.0,900000.0,32328.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.032561,-11077,-1577,-5388.0,-2841,,1,1,1,1,1,1,Sales staff,1.0,1,1,MONDAY,9,0,0,0,1,1,1,Self-employed,0.6453513237145917,0.5888637210567602,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1137.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1425851,239447,Consumer loans,5219.73,53046.0,53046.0,0.0,53046.0,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-1216,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,333,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1185.0,-855.0,-855.0,-850.0,0.0,0,Revolving loans,M,Y,Y,0,135000.0,225000.0,11250.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-12492,-3708,-6313.0,-4405,1.0,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.6355590132263156,0.2526029607343179,0.5352762504724826,0.2216,0.1435,0.9876,0.83,0.1366,0.16,0.1379,0.3333,0.375,0.0299,0.1799,0.2085,0.0039,0.0079,0.2258,0.1489,0.9876,0.8367,0.1379,0.1611,0.1379,0.3333,0.375,0.0306,0.1965,0.2172,0.0039,0.0084,0.2238,0.1435,0.9876,0.8323,0.1375,0.16,0.1379,0.3333,0.375,0.0304,0.183,0.2122,0.0039,0.0081,reg oper account,block of flats,0.2404,Block,No,3.0,1.0,3.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1875339,260200,Cash loans,5823.585,45000.0,47970.0,,45000.0,MONDAY,16,Y,1,,,,Car repairs,Approved,-752,Cash through the bank,XAP,,Refreshed,XNA,Cash,walk-in,Country-wide,31,Connectivity,12.0,high,Cash Street: high,365243.0,-722.0,-392.0,-632.0,-627.0,1.0,0,Cash loans,M,Y,Y,0,130500.0,199152.0,10800.0,135000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.02461,-11405,-927,-2816.0,-3407,8.0,1,1,1,1,0,0,Drivers,2.0,2,2,THURSDAY,7,0,0,0,0,0,0,Transport: type 3,,0.6540723540858611,0.6195277080511546,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-752.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1946169,381038,Consumer loans,6738.39,35545.5,33574.5,3555.0,35545.5,MONDAY,15,Y,1,0.10427606571104328,,,XAP,Approved,-2858,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Stone,22,Connectivity,6.0,high,POS mobile with interest,365243.0,-2826.0,-2676.0,-2676.0,-2670.0,1.0,0,Cash loans,M,Y,Y,0,225000.0,746280.0,59094.0,675000.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-21368,365243,-5222.0,-4267,3.0,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,XNA,,0.2956834011932655,0.7136313997323308,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2762096,315350,Consumer loans,7518.105,38250.0,40270.5,0.0,38250.0,MONDAY,14,Y,1,0.0,,,XAP,Approved,-738,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,55,Consumer electronics,6.0,middle,POS household with interest,365243.0,-704.0,-554.0,-554.0,-550.0,0.0,0,Cash loans,M,Y,N,0,180000.0,562500.0,18144.0,562500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-17938,-285,-9987.0,-1489,7.0,1,1,1,1,0,0,,2.0,2,2,WEDNESDAY,9,0,0,0,0,1,1,Industry: type 3,,0.3809086306446138,0.6109913280868294,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-738.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2460325,190985,Revolving loans,2250.0,45000.0,45000.0,,45000.0,THURSDAY,16,Y,1,,,,XAP,Refused,-265,XNA,SCOFR,Unaccompanied,Refreshed,XNA,Cards,walk-in,Regional / Local,5,Consumer electronics,0.0,XNA,Card Street,,,,,,,0,Revolving loans,F,N,Y,1,90000.0,270000.0,13500.0,270000.0,Other_A,Working,Higher education,Separated,House / apartment,0.015221,-14102,-508,-911.0,-4607,,1,1,1,1,1,0,Core staff,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Government,0.6907709848495718,0.6469533441719847,0.7503751495159068,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-266.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1212730,413950,Cash loans,25258.5,450000.0,450000.0,,450000.0,SATURDAY,9,Y,1,,,,XNA,Approved,-860,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,30,Connectivity,24.0,low_normal,Cash X-Sell: low,365243.0,-830.0,-140.0,-530.0,-523.0,0.0,0,Cash loans,M,N,Y,0,270000.0,1350000.0,39604.5,1350000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-23387,-5296,-6681.0,-3784,,1,1,0,1,0,0,Laborers,2.0,3,3,FRIDAY,9,0,0,0,0,0,0,Government,,0.6255963585876025,0.7062051096536562,0.3247,0.0,0.9836,0.7756,0.0725,0.08,0.069,0.3333,0.375,0.0303,0.2614,0.1196,0.0154,0.0185,0.3309,0.0,0.9836,0.7844,0.0731,0.0806,0.069,0.3333,0.375,0.031,0.2856,0.1246,0.0156,0.0196,0.3279,0.0,0.9836,0.7786,0.0729,0.08,0.069,0.3333,0.375,0.0308,0.2659,0.1218,0.0155,0.0189,reg oper spec account,specific housing,0.1389,Panel,No,1.0,0.0,1.0,0.0,-1615.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1629866,375440,Consumer loans,2035.935,16650.0,16222.5,1665.0,16650.0,TUESDAY,11,Y,1,0.10137449971412232,,,XAP,Approved,-2464,Cash through the bank,XAP,Unaccompanied,New,Sport and Leisure,POS,XNA,Stone,56,Consumer electronics,10.0,high,POS household with interest,365243.0,-2427.0,-2157.0,-2157.0,-2151.0,1.0,0,Cash loans,M,Y,N,0,180000.0,180000.0,19516.5,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-13104,-2548,-2217.0,-4600,3.0,1,1,0,1,0,0,Drivers,2.0,2,2,TUESDAY,12,0,1,1,0,1,1,Business Entity Type 3,0.21508915571648002,0.6385278190986314,0.5779691187553125,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1772.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,0.0 +1765548,174937,Cash loans,21085.335,157500.0,191025.0,,157500.0,MONDAY,13,Y,1,,,,XNA,Approved,-584,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-554.0,-224.0,-224.0,-214.0,1.0,0,Cash loans,M,N,N,1,225000.0,592560.0,31153.5,450000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-16004,-535,-8692.0,-3695,,1,1,0,1,0,0,Drivers,3.0,2,2,THURSDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.5547240886461472,,0.1031,0.0835,0.9767,,,0.0,0.1724,0.1667,,0.0588,,0.0682,,0.0,0.105,0.0866,0.9767,,,0.0,0.1724,0.1667,,0.0601,,0.0711,,0.0,0.1041,0.0835,0.9767,,,0.0,0.1724,0.1667,,0.0598,,0.0694,,0.0,,block of flats,0.0729,Panel,No,0.0,0.0,0.0,0.0,-584.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1615008,116924,Cash loans,5543.685,49500.0,52767.0,,49500.0,TUESDAY,12,Y,1,,,,XNA,Approved,-338,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-308.0,22.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,72000.0,66222.0,6579.0,58500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-23766,365243,-3746.0,-3642,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,8,0,0,0,0,0,0,XNA,0.8999393036798428,0.6570892025044635,0.2314393514998941,0.0124,0.0,0.9682,0.5648,0.002,0.0,0.069,0.0417,0.0833,0.0229,0.0101,0.0109,0.0,0.0,0.0126,0.0,0.9682,0.5818,0.002,0.0,0.069,0.0417,0.0833,0.0234,0.011,0.0114,0.0,0.0,0.0125,0.0,0.9682,0.5706,0.002,0.0,0.069,0.0417,0.0833,0.0233,0.0103,0.0111,0.0,0.0,reg oper account,block of flats,0.0097,"Stone, brick",No,4.0,0.0,4.0,0.0,-1733.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,9.0 +1088843,324721,Consumer loans,1806.66,16605.0,16258.5,1660.5,16605.0,WEDNESDAY,12,Y,1,0.10092278891374824,,,XAP,Approved,-471,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Country-wide,20,Furniture,10.0,low_normal,POS industry with interest,365243.0,-437.0,-167.0,-227.0,-222.0,0.0,0,Cash loans,F,N,N,1,112500.0,508495.5,23562.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.072508,-18002,-1086,-3184.0,-1550,,1,1,0,1,1,0,Cleaning staff,3.0,1,1,THURSDAY,10,0,0,0,0,0,0,Government,,0.7104528268535188,0.5744466170995097,0.368,0.2423,0.9801,0.728,0.0,0.4,0.3448,0.3333,0.375,0.0,0.3001,0.3536,0.0,0.0034,0.375,0.2515,0.9801,0.7387,0.0,0.4028,0.3448,0.3333,0.375,0.0,0.3278,0.3685,0.0,0.0036,0.3716,0.2423,0.9801,0.7316,0.0,0.4,0.3448,0.3333,0.375,0.0,0.3053,0.36,0.0,0.0035,reg oper account,block of flats,0.2789,Panel,No,0.0,0.0,0.0,0.0,-630.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2741875,192919,Consumer loans,9483.12,80968.5,79092.0,9000.0,80968.5,THURSDAY,13,Y,1,0.11126797191366053,,,XAP,Approved,-1708,Cash through the bank,XAP,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Country-wide,232,Consumer electronics,12.0,high,POS household with interest,365243.0,-1677.0,-1347.0,-1347.0,-1341.0,0.0,0,Cash loans,F,N,Y,0,90000.0,735003.0,24421.5,634500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-22425,365243,-8618.0,-4425,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,16,0,0,0,0,0,0,XNA,,0.7571749338187057,0.6178261467332483,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1708.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1852092,365709,Consumer loans,4241.025,46309.5,46309.5,0.0,46309.5,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-899,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Regional / Local,145,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-854.0,-524.0,-524.0,-520.0,0.0,0,Cash loans,M,Y,Y,1,135000.0,792346.5,26316.0,684000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-16006,-2267,-7154.0,-2720,28.0,1,1,0,1,0,0,Security staff,3.0,2,2,TUESDAY,13,0,0,0,1,1,0,Business Entity Type 3,,0.3551256437854799,0.7544061731797895,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2551.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1277805,205867,Consumer loans,2920.23,29205.0,26284.5,2920.5,29205.0,MONDAY,15,Y,1,0.1089090909090909,,,XAP,Approved,-1671,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,38,Connectivity,12.0,high,POS mobile with interest,365243.0,-1640.0,-1310.0,-1310.0,-1308.0,0.0,0,Cash loans,M,Y,Y,0,180000.0,562500.0,44572.5,562500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.015221,-17217,-2366,-10780.0,-747,9.0,1,1,0,1,1,0,Managers,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,Self-employed,0.4648597033605023,0.26924307642758205,0.6894791426446275,0.1629,0.1739,0.9836,,,0.0,0.4138,0.1667,,0.1299,,0.1602,,0.0234,0.166,0.1805,0.9836,,,0.0,0.4138,0.1667,,0.1329,,0.1669,,0.0247,0.1645,0.1739,0.9836,,,0.0,0.4138,0.1667,,0.1322,,0.1631,,0.0239,,block of flats,0.1751,"Stone, brick",No,0.0,0.0,0.0,0.0,-854.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1589549,433771,Cash loans,14603.265,157500.0,209335.5,,157500.0,THURSDAY,14,Y,1,,,,XNA,Approved,-1262,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-1232.0,-542.0,-872.0,-867.0,1.0,0,Cash loans,M,N,Y,0,225000.0,688090.5,29056.5,594000.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.016612000000000002,-20384,-2734,-3756.0,-3894,,1,1,0,1,0,0,Drivers,2.0,2,2,SATURDAY,14,0,0,0,0,0,0,Self-employed,,0.32335040194829984,0.5298898341969072,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-423.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,1.0,0.0,2.0 +1044478,285806,Consumer loans,8372.79,89644.5,89644.5,0.0,89644.5,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-1029,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Stone,70,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-997.0,-667.0,-667.0,-659.0,0.0,0,Cash loans,F,N,Y,0,35100.0,143910.0,14364.0,135000.0,Unaccompanied,Pensioner,Incomplete higher,Married,House / apartment,0.0038130000000000004,-21330,365243,-3521.0,-4892,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,XNA,0.6681904774531133,0.3624048747644874,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1394040,430084,Consumer loans,6554.385,52425.0,57613.5,0.0,52425.0,SATURDAY,9,Y,1,0.0,,,XAP,Approved,-1124,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Stone,732,Consumer electronics,12.0,high,POS household with interest,365243.0,-1093.0,-763.0,-763.0,-759.0,0.0,0,Cash loans,F,N,Y,0,144000.0,976500.0,36319.5,976500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020713,-20570,365243,-481.0,-2974,,1,0,0,1,0,0,,2.0,3,3,WEDNESDAY,7,0,0,0,0,0,0,XNA,0.7971005733102335,0.4782191637540564,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,0.0,-1124.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1071355,167485,Consumer loans,10271.745,112455.0,101209.5,11245.5,112455.0,MONDAY,13,Y,1,0.1089090909090909,,,XAP,Approved,-348,XNA,XAP,,New,Mobile,POS,XNA,Country-wide,25,Connectivity,12.0,middle,POS mobile with interest,365243.0,-302.0,28.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,135000.0,436032.0,21208.5,360000.0,Unaccompanied,Commercial associate,Incomplete higher,Single / not married,With parents,0.02461,-9223,-478,-3369.0,-1512,,1,1,1,1,0,0,Core staff,1.0,2,2,FRIDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.08370166157800216,0.5776275987372774,0.2103502286944494,0.0371,0.0727,0.9995,0.9932,0.0072,0.0,0.1034,0.0833,0.0,0.0126,0.0303,0.0331,0.0,0.0,0.0378,0.0755,0.9995,0.9935,0.0073,0.0,0.1034,0.0833,0.0,0.0129,0.0331,0.0345,0.0,0.0,0.0375,0.0727,0.9995,0.9933,0.0073,0.0,0.1034,0.0833,0.0,0.0128,0.0308,0.0337,0.0,0.0,reg oper account,block of flats,0.026,"Stone, brick",No,0.0,0.0,0.0,0.0,-180.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,4.0 +2664752,250345,Consumer loans,15492.195,256450.5,335547.0,25645.5,256450.5,SATURDAY,11,Y,1,0.07732796475311889,,,XAP,Refused,-713,Cash through the bank,SCO,,Repeater,Audio/Video,POS,XNA,Country-wide,1178,Consumer electronics,36.0,middle,POS household with interest,,,,,,,0,Cash loans,M,N,N,0,202500.0,1757074.5,48447.0,1570500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,With parents,0.018029,-8222,-265,-122.0,-900,,1,1,0,1,0,0,Sales staff,2.0,3,3,FRIDAY,9,0,0,0,1,1,0,Trade: type 2,,0.309928130207,0.2955826421513093,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-208.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,0.0 +2429231,147154,Consumer loans,3857.85,92605.5,82786.5,9819.0,92605.5,FRIDAY,15,Y,1,0.11547676581157315,,,XAP,Approved,-2651,Cash through the bank,XAP,Other_B,New,Consumer Electronics,POS,XNA,Country-wide,-1,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-2610.0,-1920.0,-1920.0,-1914.0,0.0,0,Cash loans,F,N,N,0,112500.0,247500.0,26784.0,247500.0,Unaccompanied,Pensioner,Higher education,Widow,House / apartment,0.026392000000000002,-23171,365243,-5689.0,-4478,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,XNA,,0.6628502660836437,0.7610263695502636,0.1206,,0.9921,,,0.12,0.1034,0.375,,,,0.1285,,0.0,0.1229,,0.9921,,,0.1208,0.1034,0.375,,,,0.1339,,0.0,0.1218,,0.9921,,,0.12,0.1034,0.375,,,,0.1308,,0.0,,block of flats,0.1011,Panel,No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2641834,389359,Consumer loans,11249.19,93375.0,101079.0,0.0,93375.0,SUNDAY,16,Y,1,0.0,,,XAP,Approved,-1384,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Regional / Local,66,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1344.0,-1074.0,-1074.0,-1069.0,0.0,0,Cash loans,M,Y,N,2,315000.0,315000.0,15318.0,315000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.026392000000000002,-13079,-609,-2996.0,-4557,2.0,1,1,0,1,1,1,High skill tech staff,4.0,2,2,FRIDAY,10,0,0,0,0,1,1,Transport: type 4,0.6661962959477611,0.6660729065222493,0.3656165070113335,0.0371,0.0856,0.9831,,,0.0,0.1034,0.0833,,0.036000000000000004,,0.0279,,0.0515,0.0378,0.0889,0.9831,,,0.0,0.1034,0.0833,,0.0369,,0.029,,0.0545,0.0375,0.0856,0.9831,,,0.0,0.1034,0.0833,,0.0367,,0.0284,,0.0526,,block of flats,0.0331,"Stone, brick",No,1.0,0.0,1.0,0.0,-95.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +2592274,288014,Consumer loans,5551.74,29385.0,27000.0,2385.0,29385.0,TUESDAY,9,Y,1,0.08839482110538771,,,XAP,Approved,-673,XNA,XAP,Unaccompanied,Refreshed,Consumer Electronics,POS,XNA,Stone,25,Consumer electronics,6.0,high,POS industry with interest,365243.0,-642.0,-492.0,-552.0,-549.0,0.0,1,Cash loans,F,N,N,0,67500.0,81000.0,8019.0,81000.0,Family,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.028663,-24833,365243,-13882.0,-4293,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,XNA,,0.3003679620373216,0.5656079814115492,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1336020,374621,Consumer loans,4190.22,24795.0,27414.0,0.0,24795.0,SATURDAY,18,Y,1,0.0,,,XAP,Approved,-160,Cash through the bank,XAP,Unaccompanied,Repeater,Auto Accessories,POS,XNA,Stone,50,Auto technology,8.0,middle,POS other with interest,365243.0,-130.0,80.0,365243.0,365243.0,1.0,1,Cash loans,M,N,Y,0,135000.0,295254.0,16015.5,211500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.022625,-20389,-1719,-5280.0,-433,,1,1,0,1,0,0,Drivers,1.0,2,2,FRIDAY,11,0,0,0,0,0,0,Self-employed,,0.4511150258832738,0.1986200451074864,0.0165,0.0,0.9498,0.3132,0.0156,0.0,0.069,0.0833,0.125,0.0063,0.0134,0.011,0.0,0.0222,0.0168,0.0,0.9499,0.3401,0.0157,0.0,0.069,0.0833,0.125,0.0065,0.0147,0.0115,0.0,0.0235,0.0167,0.0,0.9498,0.3224,0.0157,0.0,0.069,0.0833,0.125,0.0064,0.0137,0.0112,0.0,0.0227,,block of flats,0.0135,"Stone, brick",No,1.0,1.0,1.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1339246,442121,Consumer loans,17536.275,67455.0,67455.0,0.0,67455.0,SATURDAY,18,Y,1,0.0,,,XAP,Approved,-738,XNA,XAP,,New,Furniture,POS,XNA,Stone,125,Furniture,4.0,low_action,POS industry with interest,365243.0,-703.0,-613.0,-703.0,-695.0,0.0,0,Cash loans,F,N,Y,0,157500.0,495000.0,13896.0,495000.0,Family,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.0060079999999999995,-21969,365243,-788.0,-5375,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,,0.7001083157393387,,0.2237,0.0,0.9851,0.7959999999999999,0.0771,0.24,0.2069,0.3333,0.375,0.0291,0.1824,0.2358,0.0,0.0,0.2279,0.0,0.9851,0.804,0.0778,0.2417,0.2069,0.3333,0.375,0.0298,0.1993,0.2457,0.0,0.0,0.2259,0.0,0.9851,0.7987,0.0776,0.24,0.2069,0.3333,0.375,0.0296,0.1856,0.24,0.0,0.0,reg oper account,block of flats,0.2276,Panel,No,0.0,0.0,0.0,0.0,-738.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2391277,271943,Consumer loans,15167.925,65038.5,53239.5,13500.0,65038.5,WEDNESDAY,10,Y,1,0.2203002310884449,,,XAP,Approved,-2751,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Stone,60,Connectivity,4.0,high,POS mobile with interest,365243.0,-2712.0,-2622.0,-2622.0,-2614.0,1.0,1,Cash loans,M,Y,N,0,112500.0,508495.5,21541.5,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,Municipal apartment,0.019688999999999998,-15874,365243,-6546.0,-3970,21.0,1,0,0,1,1,0,,2.0,2,2,SUNDAY,12,0,0,0,0,0,0,XNA,,0.21125400717286688,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2977.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2491637,131830,Consumer loans,13282.965,102528.0,89028.0,13500.0,102528.0,SATURDAY,13,Y,1,0.1434020684371808,,,XAP,Approved,-1753,Cash through the bank,XAP,,New,Computers,POS,XNA,Stone,200,Consumer electronics,8.0,middle,POS household with interest,365243.0,-1713.0,-1503.0,-1503.0,-1500.0,0.0,0,Cash loans,M,Y,N,1,225000.0,651595.5,28831.5,526500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-11749,-2125,-5215.0,-2705,16.0,1,1,0,1,0,0,Laborers,3.0,2,2,TUESDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.05626147714857003,0.6956219298394389,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1785409,428827,Consumer loans,26637.03,229634.595,183703.5,45931.095,229634.595,TUESDAY,19,Y,1,0.2178379873863992,,,XAP,Approved,-1973,Cash through the bank,XAP,Children,New,Consumer Electronics,POS,XNA,Country-wide,2266,Consumer electronics,8.0,middle,POS household with interest,365243.0,-1942.0,-1732.0,-1732.0,-1730.0,0.0,0,Revolving loans,F,N,Y,0,315000.0,540000.0,27000.0,540000.0,Unaccompanied,Pensioner,Higher education,Civil marriage,House / apartment,0.072508,-20972,365243,-9133.0,-4050,,1,0,0,1,0,0,,2.0,1,1,MONDAY,13,0,0,0,0,0,0,XNA,,0.7619591026844292,0.4866531565147181,0.1665,0.0885,0.9791,0.7144,0.0383,0.18,0.1552,0.3333,0.2083,0.0,0.1357,0.0825,0.0,0.0003,0.0756,0.0499,0.9791,0.7256,0.0,0.0806,0.069,0.3333,0.0417,0.0,0.0661,0.0353,0.0,0.0,0.1124,0.0621,0.9791,0.7182,0.0224,0.12,0.1034,0.3333,0.2083,0.0,0.0923,0.0774,0.0,0.0,reg oper account,block of flats,0.2686,Block,No,0.0,0.0,0.0,0.0,-1274.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,8.0 +1872086,134318,Cash loans,8046.0,90000.0,90000.0,,90000.0,TUESDAY,13,Y,1,,,,XNA,Approved,-2851,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,15.0,middle,Cash Street: middle,365243.0,-2821.0,-2401.0,-2431.0,-2426.0,0.0,0,Cash loans,F,Y,N,1,414000.0,976077.0,56682.0,922500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.031329,-18851,-10443,-1856.0,-1254,9.0,1,1,0,1,0,0,,3.0,2,2,THURSDAY,14,0,0,0,0,0,0,Government,0.7930072420985727,0.7871115215680982,0.6817058776720116,0.1082,0.1451,0.9617,0.4764,0.0258,0.0,0.2414,0.2083,0.2083,0.1231,0.0849,0.1224,0.0154,0.0838,0.1103,0.1506,0.9618,0.4969,0.0261,0.0,0.2414,0.2083,0.2083,0.1259,0.0927,0.1275,0.0156,0.0887,0.1093,0.1451,0.9617,0.4834,0.026,0.0,0.2414,0.2083,0.2083,0.1253,0.0864,0.1246,0.0155,0.0855,reg oper account,block of flats,0.1286,"Stone, brick",No,1.0,0.0,1.0,0.0,-3038.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2153360,236397,Consumer loans,6713.505,35325.0,24727.5,10597.5,35325.0,TUESDAY,8,Y,1,0.3267272727272727,,,XAP,Approved,-1032,Cash through the bank,XAP,Unaccompanied,New,Construction Materials,POS,XNA,Stone,35,Construction,4.0,middle,POS industry with interest,365243.0,-1000.0,-910.0,-910.0,-907.0,0.0,0,Cash loans,F,N,Y,0,112500.0,521280.0,22216.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.00823,-21128,-11761,-9856.0,-4069,,1,1,0,1,0,0,Cleaning staff,1.0,2,2,FRIDAY,11,0,0,0,0,1,1,Business Entity Type 1,,0.36160185033868814,0.813917469762627,0.0186,,0.9866,,,,0.1034,0.0417,,0.048,,0.0187,,,0.0189,,0.9866,,,,0.1034,0.0417,,0.0491,,0.0195,,,0.0187,,0.9866,,,,0.1034,0.0417,,0.0488,,0.0191,,,,block of flats,0.0161,"Stone, brick",No,1.0,0.0,0.0,0.0,-1032.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2271790,374247,Consumer loans,3172.545,29610.0,26460.0,3150.0,29610.0,FRIDAY,10,Y,1,0.11586073500967113,,,XAP,Approved,-1536,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Regional / Local,50,Connectivity,12.0,high,POS mobile with interest,365243.0,-1486.0,-1156.0,-1186.0,-1183.0,0.0,0,Cash loans,F,N,Y,0,112500.0,679500.0,26946.0,679500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.008625,-13473,-4466,-6354.0,-4462,,1,1,1,1,0,0,Core staff,2.0,2,2,MONDAY,12,0,0,0,0,1,1,Postal,,0.4202168471558152,0.6161216908872079,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1202.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1640584,396540,Revolving loans,2250.0,45000.0,45000.0,,45000.0,TUESDAY,15,Y,1,,,,XAP,Approved,-171,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-170.0,-124.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,2,90000.0,225000.0,17905.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.018209,-11348,-287,-1857.0,-2607,20.0,1,1,0,1,0,1,Laborers,4.0,3,3,FRIDAY,11,0,0,0,0,0,0,Business Entity Type 2,0.22000017536754285,0.4978807407348486,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-835.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1281536,119035,Cash loans,14180.355,184500.0,252589.5,,184500.0,SATURDAY,10,Y,1,,,,XNA,Approved,-694,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,365243.0,-664.0,206.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,85500.0,700830.0,20619.0,585000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.031329,-18013,-8749,-7149.0,-1476,,1,1,0,1,0,0,High skill tech staff,2.0,2,2,SUNDAY,8,0,0,0,0,0,0,Government,,0.6547251724506397,0.4294236843421945,0.2216,0.114,0.9801,0.728,0.0305,0.24,0.2069,0.3333,0.375,0.1061,0.1807,0.2114,0.0,0.0,0.2258,0.1183,0.9801,0.7387,0.0308,0.2417,0.2069,0.3333,0.375,0.1085,0.1974,0.2202,0.0,0.0,0.2238,0.114,0.9801,0.7316,0.0307,0.24,0.2069,0.3333,0.375,0.108,0.1838,0.2152,0.0,0.0,reg oper account,block of flats,0.1663,"Stone, brick",No,1.0,0.0,1.0,0.0,-2505.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1207139,438099,Consumer loans,3497.76,58549.5,58549.5,0.0,58549.5,THURSDAY,16,Y,1,0.0,,,XAP,Approved,-120,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,2226,Consumer electronics,18.0,low_action,POS household without interest,365243.0,-87.0,423.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,135000.0,1476000.0,39064.5,1476000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.025164,-20446,-10961,-10283.0,-3923,1.0,1,1,0,1,0,0,Accountants,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,Business Entity Type 2,,0.7591076047200732,0.7238369900414456,0.2216,,0.9861,,,0.24,0.2069,0.3333,,,,0.211,,0.1347,0.2258,,0.9861,,,0.2417,0.2069,0.3333,,,,0.2199,,0.1426,0.2238,,0.9861,,,0.24,0.2069,0.3333,,,,0.2148,,0.1376,,block of flats,0.1953,Panel,No,0.0,0.0,0.0,0.0,-990.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2830755,421151,Consumer loans,5321.205,36855.0,40099.5,0.0,36855.0,SATURDAY,17,Y,1,0.0,,,XAP,Approved,-1012,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,10.0,high,POS mobile with interest,365243.0,-976.0,-706.0,-706.0,-703.0,0.0,0,Cash loans,F,N,Y,1,202500.0,184500.0,9418.5,184500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00733,-16096,-2789,-3538.0,-4103,,1,1,0,1,0,0,Core staff,3.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Kindergarten,0.4601615814186104,0.5973283861992881,0.520897599048938,0.0979,0.0522,0.993,0.9048,,0.08,0.069,0.375,0.4167,0.0451,0.0799,0.0614,,0.0221,0.0945,0.0542,0.9921,0.8955,,0.0806,0.069,0.375,0.4167,0.0368,0.0826,0.0616,,0.0,0.0989,0.0522,0.993,0.9061,,0.08,0.069,0.375,0.4167,0.0459,0.0812,0.0625,,0.0226,not specified,block of flats,0.0765,"Stone, brick",No,2.0,0.0,2.0,0.0,-680.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +1801635,252683,Consumer loans,5207.04,21321.0,25326.0,0.0,21321.0,FRIDAY,9,Y,1,0.0,,,XAP,Approved,-1000,Cash through the bank,XAP,Children,Repeater,Auto Accessories,POS,XNA,Country-wide,2200,Consumer electronics,6.0,high,POS household with interest,365243.0,-966.0,-816.0,-816.0,-809.0,0.0,0,Cash loans,M,Y,Y,0,76500.0,79632.0,3132.0,63000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.0038130000000000004,-16509,-2895,-7933.0,-14,14.0,1,1,1,1,1,0,Drivers,2.0,2,2,THURSDAY,12,0,0,0,0,1,1,Security Ministries,,0.5094311597000737,0.5937175866150576,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-539.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2128282,281000,Revolving loans,11250.0,225000.0,225000.0,,225000.0,MONDAY,11,Y,1,,,,XAP,Approved,-384,XNA,XAP,,New,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-382.0,-338.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,2,225000.0,824823.0,21888.0,688500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.008575,-14787,-1285,-4791.0,-3722,,1,1,0,1,0,0,Laborers,3.0,2,2,FRIDAY,10,0,1,1,0,1,1,Construction,0.248584852955771,0.5400320939923381,0.5744466170995097,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-384.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,5.0,8.0 +1598545,286158,Consumer loans,9721.935,160596.0,188154.0,0.0,160596.0,FRIDAY,9,Y,1,0.0,,,XAP,Approved,-508,Cash through the bank,XAP,,New,Computers,POS,XNA,Country-wide,3205,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-477.0,213.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,225000.0,1463566.5,42921.0,1278000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010276,-19487,-2389,-10140.0,-2628,,1,1,0,1,0,0,Medicine staff,2.0,2,2,TUESDAY,12,1,1,0,1,1,1,Medicine,,0.6267225042220878,0.11836432636740067,0.1227,0.127,0.9767,0.6804,0.0174,0.0,0.2759,0.1667,0.2083,0.0753,0.1,0.107,0.0,0.0,0.125,0.1318,0.9767,0.6929,0.0175,0.0,0.2759,0.1667,0.2083,0.077,0.1093,0.1115,0.0,0.0,0.1239,0.127,0.9767,0.6847,0.0175,0.0,0.2759,0.1667,0.2083,0.0766,0.1018,0.1089,0.0,0.0,reg oper spec account,block of flats,0.0937,Panel,No,0.0,0.0,0.0,0.0,-508.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2500634,230262,Consumer loans,5574.375,21640.5,19566.0,2700.0,21640.5,MONDAY,13,Y,1,0.13206437862864698,,,XAP,Approved,-2773,Cash through the bank,XAP,Children,New,Mobile,POS,XNA,Country-wide,21,Connectivity,4.0,low_normal,POS mobile with interest,365243.0,-2742.0,-2652.0,-2652.0,-2585.0,1.0,0,Cash loans,F,N,N,0,139500.0,808650.0,23773.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.025164,-17519,-8873,-11470.0,-1055,,1,1,0,1,0,0,,1.0,2,2,TUESDAY,16,0,0,0,0,0,0,University,,0.5967391542563081,0.7267112092725122,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-2027.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1060639,398270,Cash loans,24881.805,427500.0,467001.0,,427500.0,THURSDAY,12,Y,1,,,,XNA,Approved,-854,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-824.0,-134.0,-194.0,-186.0,1.0,0,Cash loans,F,N,Y,0,85500.0,1125000.0,33025.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-21294,-533,-5665.0,-4615,,1,1,0,1,1,1,Cleaning staff,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,Other,,0.31208359730585217,0.5478104658520093,0.0897,0.0992,0.9781,,,0.0,0.2069,0.1667,,0.0661,,0.0833,,0.0123,0.0914,0.103,0.9782,,,0.0,0.2069,0.1667,,0.0676,,0.0868,,0.013,0.0906,0.0992,0.9781,,,0.0,0.2069,0.1667,,0.0672,,0.0848,,0.0126,,block of flats,0.0744,Panel,No,0.0,0.0,0.0,0.0,-376.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2115382,439998,Cash loans,10346.13,225000.0,284400.0,,225000.0,WEDNESDAY,6,Y,1,,,,XNA,Approved,-102,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,85500.0,560664.0,18216.0,468000.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,Municipal apartment,0.018029,-21470,365243,-11734.0,-4876,,1,0,0,1,0,0,,2.0,3,3,SUNDAY,9,0,0,0,0,0,0,XNA,,0.3734396228243769,0.5954562029091491,0.066,0.0692,0.9742,0.6464,0.0539,0.0,0.1379,0.125,0.0417,0.0171,0.0538,0.0557,0.0,0.0,0.0672,0.0718,0.9742,0.6602,0.0544,0.0,0.1379,0.125,0.0417,0.0174,0.0588,0.058,0.0,0.0,0.0666,0.0692,0.9742,0.6511,0.0543,0.0,0.1379,0.125,0.0417,0.0174,0.0547,0.0567,0.0,0.0,reg oper account,block of flats,0.0733,Panel,No,0.0,0.0,0.0,0.0,-1905.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,4.0 +1195215,452223,Consumer loans,20268.225,210487.5,227160.0,0.0,210487.5,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-126,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,74,Connectivity,12.0,low_action,POS mobile without interest,365243.0,-96.0,234.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,1,585000.0,940500.0,30469.5,940500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.031329,-15474,-426,-949.0,-4105,4.0,1,1,0,1,0,0,Accountants,3.0,2,2,SATURDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.0023848474230582467,0.3360615207658242,0.2598,0.1429,0.9881,0.8368,0.0903,0.28,0.2414,0.3333,0.375,0.0968,0.2118,0.269,0.0,0.0,0.2647,0.1483,0.9881,0.8432,0.0911,0.282,0.2414,0.3333,0.375,0.099,0.2314,0.2803,0.0,0.0,0.2623,0.1429,0.9881,0.8390000000000001,0.0909,0.28,0.2414,0.3333,0.375,0.0984,0.2155,0.2739,0.0,0.0,reg oper account,block of flats,0.2128,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,6.0 +2385909,432073,Cash loans,12646.035,135000.0,169132.5,,135000.0,THURSDAY,16,Y,1,,,,XNA,Approved,-691,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-661.0,-151.0,-511.0,-506.0,1.0,0,Cash loans,F,N,Y,0,112500.0,450000.0,16294.5,450000.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.015221,-20233,-1648,-10847.0,-3744,,1,1,0,1,0,0,Waiters/barmen staff,1.0,2,2,TUESDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.728884221996506,0.6092756673894402,0.0928,0.0999,0.9806,,,0.0,0.2069,0.1667,,0.0831,,0.0876,,0.0,0.0945,0.1036,0.9806,,,0.0,0.2069,0.1667,,0.085,,0.0912,,0.0,0.0937,0.0999,0.9806,,,0.0,0.2069,0.1667,,0.0846,,0.0892,,0.0,,block of flats,0.0755,Panel,No,3.0,1.0,3.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2572220,168319,Consumer loans,7445.79,58405.5,64188.0,0.0,58405.5,THURSDAY,16,Y,1,0.0,,,XAP,Approved,-2205,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,12.0,high,POS mobile with interest,365243.0,-2174.0,-1844.0,-1844.0,-1838.0,0.0,0,Cash loans,F,N,Y,0,171000.0,450000.0,16294.5,450000.0,Family,Pensioner,Higher education,Civil marriage,House / apartment,0.025164,-23766,365243,-1296.0,-4591,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,XNA,,0.6533099985815596,0.4686596550493113,0.0928,0.0397,0.9816,,,0.0,0.2069,0.2083,,0.0932,,0.0877,,0.0291,0.0945,0.0412,0.9816,,,0.0,0.2069,0.2083,,0.0953,,0.0914,,0.0308,0.0937,0.0397,0.9816,,,0.0,0.2069,0.2083,,0.0948,,0.0893,,0.0297,,block of flats,0.0753,Panel,No,1.0,0.0,1.0,0.0,-2996.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2469770,376941,Cash loans,13285.26,135000.0,169870.5,,135000.0,MONDAY,11,Y,1,,,,XNA,Approved,-1380,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,157500.0,1288350.0,37669.5,1125000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.011703,-13135,-5313,-6640.0,-4800,,1,1,1,1,1,0,Medicine staff,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,Medicine,0.35640173701842426,0.7666428513148466,0.4135967602644276,0.0825,0.0589,0.9737,,,0.0,0.1379,0.1667,,0.0447,,0.0644,,0.0,0.084,0.0611,0.9737,,,0.0,0.1379,0.1667,,0.0457,,0.0671,,0.0,0.0833,0.0589,0.9737,,,0.0,0.1379,0.1667,,0.0455,,0.0655,,0.0,,block of flats,0.0551,"Stone, brick",No,0.0,0.0,0.0,0.0,-1790.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +2230480,290594,Consumer loans,4586.67,96556.5,98806.5,0.0,96556.5,SATURDAY,12,Y,1,0.0,,,XAP,Refused,-1103,Cash through the bank,HC,Family,New,Computers,POS,XNA,Country-wide,3540,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,0,Cash loans,F,N,Y,1,180000.0,50940.0,5476.5,45000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.009549,-14602,-1996,-124.0,-4354,,1,1,0,1,0,0,,3.0,2,2,WEDNESDAY,15,0,0,0,0,1,1,Business Entity Type 3,,0.4737194236938321,0.4525335592581747,0.2375,0.0857,0.9836,0.7756,0.0365,0.0532,0.0459,0.3333,0.375,0.0792,0.1914,0.1155,0.0103,0.0029,0.1817,0.0666,0.9826,0.7713,0.0278,0.0403,0.0345,0.3333,0.375,0.0563,0.157,0.0901,0.0078,0.001,0.1801,0.0642,0.9836,0.7786,0.0278,0.04,0.0345,0.3333,0.375,0.0838,0.1462,0.0886,0.0078,0.001,reg oper spec account,block of flats,0.0704,Panel,No,2.0,1.0,2.0,1.0,-1103.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2613355,420135,Cash loans,8137.395,67500.0,71955.0,0.0,67500.0,THURSDAY,17,Y,1,0.0,,,XNA,Approved,-1709,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,high,Cash X-Sell: high,365243.0,-1679.0,-1349.0,-1349.0,-1342.0,1.0,0,Cash loans,F,N,Y,0,112500.0,1386265.5,38119.5,1210500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.02461,-23247,365243,-2395.0,-3963,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,XNA,,0.2100286923463192,,0.2227,0.1266,0.9786,,,0.16,0.1379,0.3333,,0.1337,,0.2176,,0.0063,0.2269,0.1314,0.9786,,,0.1611,0.1379,0.3333,,0.1367,,0.2267,,0.0067,0.2248,0.1266,0.9786,,,0.16,0.1379,0.3333,,0.136,,0.2215,,0.0065,,block of flats,0.1949,Panel,No,0.0,0.0,0.0,0.0,-2045.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1009753,393455,Consumer loans,3871.035,34020.0,33142.5,3402.0,34020.0,SATURDAY,10,Y,1,0.10138563320683744,,,XAP,Approved,-2390,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Stone,77,Consumer electronics,10.0,middle,POS household with interest,365243.0,-2357.0,-2087.0,-2177.0,-2172.0,1.0,0,Cash loans,M,N,Y,1,135000.0,269550.0,16416.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-12687,-3999,-2904.0,-4081,,1,1,0,1,0,0,Laborers,3.0,2,2,TUESDAY,14,0,0,0,0,0,0,Business Entity Type 2,0.2916492927960733,0.1604848531405259,0.5709165417729987,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1830.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2142349,100464,Consumer loans,27279.225,297873.0,297873.0,0.0,297873.0,SATURDAY,16,Y,1,0.0,,,XAP,Approved,-1179,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Regional / Local,15000,Furniture,12.0,low_action,POS industry without interest,365243.0,-1148.0,-818.0,-848.0,-841.0,0.0,0,Cash loans,M,N,N,0,112500.0,345510.0,17640.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.008625,-9825,-819,-3990.0,-2491,,1,1,0,1,0,1,Drivers,1.0,2,2,TUESDAY,15,0,0,0,0,0,0,Self-employed,,0.3611072890083497,0.7675231046555077,0.0392,0.0198,0.9791,0.7144,0.0218,0.04,0.0345,0.3333,0.375,0.0171,0.0303,0.0371,0.0077,0.0082,0.0399,0.0205,0.9791,0.7256,0.022,0.0403,0.0345,0.3333,0.375,0.0175,0.0331,0.0386,0.0078,0.0086,0.0396,0.0198,0.9791,0.7182,0.0219,0.04,0.0345,0.3333,0.375,0.0174,0.0308,0.0377,0.0078,0.0083,reg oper account,block of flats,0.0428,"Stone, brick",No,0.0,0.0,0.0,0.0,-1542.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2399849,370773,Cash loans,10538.415,112500.0,140944.5,,112500.0,THURSDAY,10,Y,1,,,,XNA,Approved,-396,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-366.0,144.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,202500.0,824823.0,24246.0,688500.0,Unaccompanied,State servant,Secondary / secondary special,Separated,House / apartment,0.008473999999999999,-17856,-6513,-6884.0,-1378,,1,1,0,1,0,0,Core staff,1.0,2,2,MONDAY,14,0,0,0,0,0,0,Government,,0.2444154720338893,0.5460231970049609,0.1237,,0.9881,,,,0.1034,0.375,,,,0.0823,,,0.1261,,0.9881,,,,0.1034,0.375,,,,0.0858,,,0.1249,,0.9881,,,,0.1034,0.375,,,,0.0838,,,,,0.1061,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1367064,110872,Cash loans,15786.9,270000.0,270000.0,,270000.0,MONDAY,14,Y,1,,,,XNA,Approved,-960,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-930.0,-240.0,-240.0,-233.0,0.0,0,Cash loans,M,N,Y,0,202500.0,1321902.0,38781.0,1035000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.04622,-20049,-12300,-7915.0,-3443,,1,1,0,1,0,0,Laborers,2.0,1,1,TUESDAY,17,0,0,0,0,0,0,Business Entity Type 3,,0.5243703786345658,0.8061492814355136,,,0.9573,,,,0.1379,0.0833,,,,,,,,,0.9573,,,,0.1379,0.0833,,,,,,,,,0.9573,,,,0.1379,0.0833,,,,,,,,block of flats,0.0317,"Stone, brick",No,0.0,0.0,0.0,0.0,-1665.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2641096,386610,Consumer loans,6758.64,53167.5,42534.0,10633.5,53167.5,MONDAY,13,Y,1,0.2178181818181818,,,XAP,Approved,-1634,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,1610,Consumer electronics,8.0,high,POS household with interest,365243.0,-1603.0,-1393.0,-1393.0,-1390.0,0.0,0,Cash loans,F,N,Y,1,112500.0,274500.0,14143.5,274500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018209,-12779,-768,-485.0,-4157,,1,1,0,1,0,0,Sales staff,3.0,3,3,THURSDAY,8,0,0,0,0,0,0,Self-employed,0.2995708991410214,0.30516413866988396,0.6801388218428291,0.1021,0.0933,0.9841,0.7824,0.0,0.0,0.2069,0.1667,0.2083,0.0188,0.0832,0.091,0.0,0.0,0.104,0.0969,0.9841,0.7909,0.0,0.0,0.2069,0.1667,0.2083,0.0192,0.0909,0.0948,0.0,0.0,0.1031,0.0933,0.9841,0.7853,0.0,0.0,0.2069,0.1667,0.2083,0.0191,0.0847,0.0926,0.0,0.0,reg oper account,block of flats,0.0716,Panel,No,4.0,2.0,4.0,2.0,-231.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2568264,367201,Consumer loans,5287.095,24421.5,25713.0,0.0,24421.5,SATURDAY,9,Y,1,0.0,,,XAP,Approved,-749,Cash through the bank,XAP,Unaccompanied,New,Jewelry,POS,XNA,Stone,80,Industry,6.0,high,POS other with interest,365243.0,-718.0,-568.0,-568.0,-559.0,0.0,0,Cash loans,F,N,N,0,157500.0,545040.0,25537.5,450000.0,Unaccompanied,State servant,Secondary / secondary special,Separated,Office apartment,0.002506,-10194,-770,-191.0,-1719,,1,1,0,1,0,1,Core staff,1.0,2,2,SATURDAY,3,0,0,0,0,0,0,Kindergarten,,0.5583939922205353,0.19747451156854226,0.0155,0.012,0.9762,0.6736,0.0,0.0,0.069,0.125,0.1667,0.0257,0.0126,0.0271,0.0,0.0283,0.0158,0.0125,0.9762,0.6864,0.0,0.0,0.069,0.125,0.1667,0.0263,0.0138,0.0282,0.0,0.03,0.0156,0.012,0.9762,0.6779999999999999,0.0,0.0,0.069,0.125,0.1667,0.0261,0.0128,0.0276,0.0,0.0289,reg oper account,block of flats,0.0275,Block,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +1328225,179722,Cash loans,21275.46,315000.0,357619.5,0.0,315000.0,SATURDAY,8,Y,1,0.0,,,XNA,Approved,-1097,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,30.0,middle,Cash Street: middle,365243.0,-1067.0,-197.0,-797.0,-795.0,1.0,0,Cash loans,M,Y,Y,1,202500.0,436032.0,20326.5,360000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.028663,-8896,-119,-713.0,-1575,6.0,1,1,1,1,0,0,Laborers,3.0,2,2,THURSDAY,7,0,0,0,1,1,1,Construction,0.4794757535872479,0.2858978721410488,0.3046721837533529,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1498.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2126005,274661,Revolving loans,6750.0,0.0,135000.0,,,WEDNESDAY,12,N,1,,,,XAP,Refused,-1401,XNA,HC,,Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,1,180000.0,247500.0,18063.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-17008,-1216,-1923.0,-539,,1,1,0,1,1,0,Cooking staff,3.0,2,2,THURSDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.2000430309164604,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1401.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1639339,241224,Consumer loans,20047.005,186732.0,180441.0,18675.0,186732.0,FRIDAY,17,Y,1,0.10214534606597524,,,XAP,Approved,-1469,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,1329,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1438.0,-1168.0,-1168.0,-1165.0,0.0,0,Cash loans,M,Y,N,1,157500.0,1436850.0,42142.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.003069,-15869,-849,-8290.0,-4147,7.0,1,1,1,1,1,0,Drivers,3.0,3,3,THURSDAY,12,0,0,0,0,0,0,Self-employed,0.3442710122157848,0.7809729093430295,0.4830501881366946,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1962.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2238321,381554,Consumer loans,4184.1,38655.0,37660.5,3865.5,38655.0,SUNDAY,15,Y,1,0.10137939866808528,,,XAP,Approved,-2668,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,3427,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2637.0,-2367.0,-2397.0,-2388.0,1.0,0,Cash loans,F,N,Y,0,135000.0,284400.0,17527.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.016612000000000002,-24255,365243,-3014.0,-4711,,1,0,0,1,1,0,,1.0,2,2,MONDAY,11,0,0,0,0,0,0,XNA,,0.5327998211078688,0.4471785780453068,0.0619,0.0925,0.993,0.9048,,0.0,0.1034,0.1667,,0.016,0.0504,0.0727,0.0,,0.063,0.0959,0.993,0.9085,,0.0,0.1034,0.1667,,0.0164,0.0551,0.0757,0.0,,0.0625,0.0925,0.993,0.9061,,0.0,0.1034,0.1667,,0.0163,0.0513,0.07400000000000001,0.0,,org spec account,block of flats,0.0663,Panel,No,0.0,0.0,0.0,0.0,-2385.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1438748,292899,Consumer loans,3143.565,24512.4,26937.0,0.9,24512.4,WEDNESDAY,11,Y,1,3.638671975847481e-05,,,XAP,Approved,-2798,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,2385,Consumer electronics,12.0,high,POS household with interest,365243.0,-2767.0,-2437.0,-2437.0,-2430.0,1.0,0,Cash loans,F,N,Y,0,99000.0,495000.0,14602.5,495000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.015221,-19675,365243,-7325.0,-3190,,1,0,0,1,1,0,,2.0,2,2,MONDAY,10,0,0,0,0,0,0,XNA,,0.1923160541736026,0.5989262182569273,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-3096.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2426144,258147,Consumer loans,10549.98,154390.5,108072.0,46318.5,154390.5,TUESDAY,14,Y,1,0.32673679580497034,,,XAP,Approved,-911,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Regional / Local,246,Consumer electronics,12.0,middle,POS household with interest,365243.0,-880.0,-550.0,-550.0,-542.0,0.0,0,Cash loans,M,N,N,0,135000.0,675000.0,28728.0,675000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.019101,-10088,-2000,-3494.0,-2758,,1,1,1,1,1,0,,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.6884123650144207,,0.09,0.0231,0.9906,0.8912,0.0326,0.04,0.0345,0.2917,0.0208,0.0062,0.0681,0.0524,0.0,0.0256,0.063,0.0,0.9851,0.804,0.0295,0.0403,0.0345,0.3333,0.0,0.0,0.0551,0.0418,0.0,0.0,0.1041,0.0231,0.9866,0.8927,0.0328,0.04,0.0345,0.3333,0.0208,0.0062,0.0693,0.0558,0.0,0.0,reg oper spec account,block of flats,0.0489,"Stone, brick",No,0.0,0.0,0.0,0.0,-1247.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1597905,254239,Consumer loans,7458.84,74479.5,82345.5,0.0,74479.5,SATURDAY,15,Y,1,0.0,,,XAP,Approved,-371,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Country-wide,50,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-338.0,-8.0,-68.0,-62.0,0.0,0,Cash loans,F,N,Y,0,202500.0,472500.0,29034.0,472500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-13045,-4892,-1690.0,-869,,1,1,0,1,1,0,,2.0,2,2,SATURDAY,14,0,0,0,0,0,0,Business Entity Type 2,0.6034057003526235,0.7224283850835046,0.5937175866150576,0.3784,0.0617,0.9811,,,0.04,0.0345,0.3333,,0.119,,0.0725,,,0.3855,0.064,0.9811,,,0.0403,0.0345,0.3333,,0.1217,,0.0755,,,0.382,0.0617,0.9811,,,0.04,0.0345,0.3333,,0.121,,0.0738,,,,block of flats,0.0896,"Stone, brick",No,0.0,0.0,0.0,0.0,-371.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1367987,136483,Consumer loans,6140.25,43501.5,43501.5,0.0,43501.5,SUNDAY,10,Y,1,0.0,,,XAP,Approved,-134,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,72,Connectivity,10.0,high,POS mobile with interest,365243.0,-104.0,166.0,-104.0,-99.0,0.0,0,Cash loans,M,N,Y,0,121500.0,545040.0,19705.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-12456,-129,-3537.0,-4044,,1,1,1,1,1,0,Security staff,2.0,2,2,MONDAY,17,0,1,1,0,1,1,Security,0.3061720795045083,0.6541861445869175,0.25946765482111994,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1172.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1039753,202360,Revolving loans,4500.0,0.0,90000.0,,,SUNDAY,7,Y,1,,,,XAP,Approved,-2077,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,1214,Consumer electronics,0.0,XNA,Card X-Sell,-2075.0,-2019.0,365243.0,-923.0,-317.0,0.0,0,Cash loans,M,N,N,2,427500.0,1622691.0,47574.0,1354500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.006629,-14122,-5945,-3475.0,-4770,,1,1,0,1,0,0,Managers,4.0,2,2,FRIDAY,8,0,0,0,0,0,0,Electricity,0.4556788094398905,0.6979091208467796,0.4974688893052743,0.0464,0.0322,0.9861,0.8096,0.0126,0.04,0.0345,0.3333,0.0417,0.0289,0.0361,0.0501,0.0077,0.0108,0.0473,0.0334,0.9861,0.8171,0.0127,0.0403,0.0345,0.3333,0.0417,0.0295,0.0395,0.0522,0.0078,0.0114,0.0468,0.0322,0.9861,0.8121,0.0127,0.04,0.0345,0.3333,0.0417,0.0294,0.0368,0.051,0.0078,0.011,reg oper spec account,block of flats,0.0486,Panel,No,1.0,0.0,1.0,0.0,-2522.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2486428,420795,Consumer loans,4776.75,25200.0,23800.5,2520.0,25200.0,SUNDAY,12,Y,1,0.10427268064471007,,,XAP,Approved,-2775,Cash through the bank,XAP,Children,New,Mobile,POS,XNA,Country-wide,5,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2744.0,-2594.0,-2594.0,-2586.0,1.0,1,Cash loans,M,Y,Y,0,225000.0,517500.0,40887.0,517500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.015221,-19841,-3083,-2374.0,-1870,14.0,1,1,1,1,0,0,Drivers,1.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Other,,0.5953175392742954,0.11911906455945008,0.1474,,0.9871,,,0.04,0.0345,0.3333,,0.067,,0.0967,,,0.1502,,0.9871,,,0.0403,0.0345,0.3333,,0.0685,,0.1008,,,0.1489,,0.9871,,,0.04,0.0345,0.3333,,0.0681,,0.0985,,,,block of flats,0.0761,"Stone, brick",No,1.0,0.0,1.0,0.0,-428.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1575718,101328,Cash loans,33016.5,472500.0,472500.0,,472500.0,FRIDAY,18,Y,1,,,,XNA,Approved,-206,Cash through the bank,XAP,Family,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-176.0,334.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,202500.0,540000.0,25978.5,540000.0,Family,State servant,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-20063,-1907,-8469.0,-3619,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Kindergarten,,0.7039552867116475,0.6127042441012546,0.3495,0.275,0.9871,0.8232,0.1085,0.4,0.3448,0.3333,0.375,0.1111,0.2849,0.3071,0.0,0.2192,0.3561,0.2854,0.9871,0.8301,0.1095,0.4028,0.3448,0.3333,0.375,0.1136,0.3113,0.32,0.0,0.2321,0.3529,0.275,0.9871,0.8256,0.1092,0.4,0.3448,0.3333,0.375,0.113,0.2899,0.3127,0.0,0.2238,reg oper account,block of flats,0.2892,"Stone, brick",No,8.0,3.0,8.0,2.0,-206.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1174739,427884,Cash loans,85799.25,2025000.0,2025000.0,,2025000.0,TUESDAY,15,Y,1,,,,XNA,Approved,-515,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-485.0,565.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,337500.0,1206954.0,35419.5,945000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006207,-16394,-2611,-7588.0,-4128,,1,1,0,1,0,0,Accountants,2.0,2,2,MONDAY,13,0,0,0,0,0,0,Self-employed,,0.5544431979719633,0.4848514754962666,0.0835,,0.9881,,,0.0,0.2069,0.1667,0.0417,,,,,,0.0851,,0.9881,,,0.0,0.2069,0.1667,0.0417,,,,,,0.0843,,0.9881,,,0.0,0.2069,0.1667,0.0417,,,,,,reg oper account,block of flats,0.0641,Panel,No,7.0,0.0,7.0,0.0,-1907.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2054338,145151,Consumer loans,7977.87,72598.5,72598.5,0.0,72598.5,SATURDAY,16,Y,1,0.0,,,XAP,Approved,-691,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,70,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-651.0,-381.0,-381.0,-375.0,0.0,0,Revolving loans,F,N,Y,0,157500.0,315000.0,15750.0,315000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.014519999999999996,-18033,-3910,-3922.0,-1448,,1,1,0,1,0,1,Accountants,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.5265273606974975,0.3168732071171382,0.32173528219668485,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-691.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2164341,322829,Cash loans,8072.91,67500.0,71955.0,,67500.0,THURSDAY,10,Y,1,,,,XNA,Approved,-1108,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-1078.0,-748.0,-988.0,-979.0,1.0,0,Cash loans,F,N,N,0,112500.0,234576.0,17667.0,202500.0,Family,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.008625,-21281,365243,-10715.0,-4217,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,XNA,,0.5973757230247286,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1697.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +1674710,246909,Consumer loans,8795.115,76936.5,85059.0,0.0,76936.5,FRIDAY,13,Y,1,0.0,,,XAP,Approved,-447,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,1600,Consumer electronics,12.0,middle,POS household with interest,365243.0,-417.0,-87.0,-417.0,-410.0,1.0,0,Cash loans,F,N,Y,0,328500.0,1208304.0,51322.5,1080000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.04622,-20940,365243,-3548.0,-4481,,1,0,0,1,0,0,,2.0,1,1,THURSDAY,11,0,0,0,0,0,0,XNA,0.7405922694149557,0.5963654785549136,0.7121551551910698,0.0351,,0.9682,,,,0.069,0.0833,,,,0.0116,,0.0237,0.0357,,0.9682,,,,0.069,0.0833,,,,0.0121,,0.0251,0.0354,,0.9682,,,,0.069,0.0833,,,,0.0118,,0.0242,,block of flats,0.0143,"Stone, brick",No,0.0,0.0,0.0,0.0,-1508.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +2839980,438616,Cash loans,34122.6,1129500.0,1293502.5,,1129500.0,WEDNESDAY,13,Y,1,,,,XNA,Refused,-223,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_action,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,225000.0,614574.0,18099.0,513000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.0038130000000000004,-21725,365243,-9311.0,-4438,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,8,0,0,0,0,0,0,XNA,0.7430335625639349,0.42449554032433534,,0.0928,0.1008,0.9826,0.762,0.1703,0.0,0.2069,0.1667,0.0417,0.0287,0.0756,0.0871,0.0,0.0332,0.0945,0.1046,0.9826,0.7713,0.1718,0.0,0.2069,0.1667,0.0417,0.0294,0.0826,0.0908,0.0,0.0352,0.0937,0.1008,0.9826,0.7652,0.1714,0.0,0.2069,0.1667,0.0417,0.0292,0.077,0.0887,0.0,0.0339,reg oper spec account,block of flats,0.0758,Panel,No,10.0,0.0,10.0,0.0,-1030.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1532558,248669,Consumer loans,4046.175,31905.0,29664.0,4500.0,31905.0,MONDAY,18,Y,1,0.1434524379729858,,,XAP,Approved,-2164,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,25,Connectivity,10.0,high,POS mobile with interest,365243.0,-2122.0,-1852.0,-1972.0,-1969.0,0.0,0,Cash loans,F,N,N,0,270000.0,900000.0,23872.5,900000.0,Unaccompanied,Commercial associate,Higher education,Widow,House / apartment,0.035792000000000004,-16876,-1476,-5719.0,-425,,1,1,0,1,0,0,Managers,1.0,2,2,FRIDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.7481241230774877,0.5196507131922115,0.23791607950711405,0.0495,,0.9781,,,0.0,0.1379,0.1667,,0.066,,0.0453,,0.0877,0.0504,,0.9782,,,0.0,0.1379,0.1667,,0.0675,,0.0472,,0.0928,0.05,,0.9781,,,0.0,0.1379,0.1667,,0.0672,,0.0461,,0.0895,,block of flats,0.0539,Block,No,0.0,0.0,0.0,0.0,-2164.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2839002,160984,Cash loans,16274.79,135000.0,143910.0,0.0,135000.0,THURSDAY,9,Y,1,0.0,,,XNA,Refused,-2024,XNA,SCO,,Repeater,XNA,Cash,x-sell,Country-wide,1,Consumer electronics,12.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,N,0,45000.0,170640.0,11533.5,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-19832,-1392,-10771.0,-2983,,1,1,1,1,1,0,,2.0,2,2,FRIDAY,12,0,0,0,0,1,1,School,,0.5947484437626035,0.4170996682522097,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-29.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2244930,268579,Revolving loans,6750.0,135000.0,135000.0,,135000.0,SATURDAY,7,Y,1,,,,XAP,Refused,-748,XNA,LIMIT,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,Y,Y,0,315000.0,765000.0,44856.0,765000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-10652,-859,-4851.0,-3297,15.0,1,1,0,1,0,0,Managers,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,Self-employed,0.5872976246284553,0.5843722588644182,0.4418358231994413,0.0639,0.0816,0.9762,0.6736,0.0263,0.0,0.1379,0.125,0.1667,0.0737,,0.0494,,0.0084,0.0651,0.0847,0.9762,0.6864,0.0266,0.0,0.1379,0.125,0.1667,0.0753,,0.0514,,0.0089,0.0645,0.0816,0.9762,0.6779999999999999,0.0265,0.0,0.1379,0.125,0.1667,0.0749,,0.0502,,0.0086,,block of flats,0.0437,"Stone, brick",No,0.0,0.0,0.0,0.0,-1552.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1359662,410415,Cash loans,68313.195,1129500.0,1279705.5,,1129500.0,FRIDAY,18,Y,1,,,,XNA,Approved,-757,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,1,270000.0,720000.0,28683.0,720000.0,"Spouse, partner",Commercial associate,Higher education,Married,House / apartment,0.030755,-18719,-3688,-3084.0,-2217,,1,1,0,1,0,0,Laborers,3.0,2,2,SATURDAY,13,0,0,0,1,1,0,Self-employed,,0.5321465608767117,0.475849908720221,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1684.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,1.0 +1037505,243991,Consumer loans,21981.42,140940.0,135216.0,14094.0,140940.0,SATURDAY,12,Y,1,0.10280387966463916,,,XAP,Approved,-1894,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,1000,Consumer electronics,8.0,high,POS household with interest,365243.0,-1862.0,-1652.0,-1652.0,-1634.0,0.0,0,Cash loans,F,N,Y,0,270000.0,1777212.0,49000.5,1588500.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.031329,-20276,365243,-10143.0,-2443,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,XNA,0.7265034253650624,0.5624558064462015,0.4489622731076524,0.0619,0.0658,0.9771,0.6872,0.0344,0.0,0.1207,0.1458,0.1875,0.0182,0.0504,0.0418,0.0,0.0,0.0525,0.049,0.9742,0.6602,0.0304,0.0,0.1034,0.125,0.1667,0.0153,0.0459,0.0409,0.0,0.0,0.0625,0.0658,0.9771,0.6914,0.0346,0.0,0.1207,0.1458,0.1875,0.0185,0.0513,0.0425,0.0,0.0,reg oper account,block of flats,0.0514,"Stone, brick",No,4.0,1.0,4.0,1.0,-1894.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +2582648,334291,Consumer loans,8897.85,98865.0,79092.0,19773.0,98865.0,TUESDAY,8,Y,1,0.2178181818181818,,,XAP,Refused,-2715,XNA,SCO,Unaccompanied,Repeater,XNA,POS,XNA,Regional / Local,1080,Consumer electronics,10.0,low_normal,POS household without interest,,,,,,,0,Cash loans,M,Y,Y,0,333000.0,790830.0,52978.5,675000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010032,-11021,-3368,-4836.0,-3209,5.0,1,1,0,1,1,1,Managers,2.0,2,2,MONDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.3005009672420916,0.4637870827085159,0.3185955240537633,0.2227,0.1432,0.9851,0.7959999999999999,0.0845,0.24,0.2069,0.3333,0.375,0.1842,0.1816,0.25,0.0,0.0,0.2269,0.1486,0.9851,0.804,0.0853,0.2417,0.2069,0.3333,0.375,0.1884,0.1983,0.2604,0.0,0.0,0.2248,0.1432,0.9851,0.7987,0.085,0.24,0.2069,0.3333,0.375,0.1874,0.1847,0.2545,0.0,0.0,,block of flats,0.2428,Panel,No,0.0,0.0,0.0,0.0,-1063.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2548633,344988,Consumer loans,9596.655,51750.0,54310.5,0.0,51750.0,WEDNESDAY,12,Y,1,0.0,,,XAP,Refused,-1395,Cash through the bank,LIMIT,Family,Repeater,Furniture,POS,XNA,Stone,100,Furniture,6.0,low_normal,POS industry with interest,,,,,,,0,Cash loans,F,N,N,3,99000.0,299772.0,14103.0,247500.0,Family,Working,Secondary / secondary special,Married,Rented apartment,0.018029,-10351,-3148,-4616.0,-2688,,1,1,0,1,0,0,Sales staff,5.0,3,3,FRIDAY,12,0,0,0,1,1,0,Business Entity Type 3,,0.29033812644144297,0.5971924268337128,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1435.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1029286,290548,Consumer loans,5809.59,30375.0,31977.0,0.0,30375.0,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-552,XNA,XAP,,Repeater,Furniture,POS,XNA,Stone,50,Furniture,6.0,middle,POS industry with interest,365243.0,-521.0,-371.0,-371.0,-369.0,0.0,0,Cash loans,F,N,N,0,99000.0,900000.0,26316.0,900000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018029,-22670,365243,-7371.0,-4154,,1,0,0,1,1,0,,2.0,3,3,THURSDAY,12,0,0,0,0,0,0,XNA,,0.5722086809504934,0.4101025731788671,0.1701,0.1896,0.9896,0.8572,0.25,0.0,0.4138,0.1667,0.0417,0.1562,0.13699999999999998,0.1688,0.0077,0.0178,0.1733,0.1968,0.9896,0.8628,0.2522,0.0,0.4138,0.1667,0.0417,0.1597,0.1497,0.1759,0.0078,0.0189,0.1718,0.1896,0.9896,0.8591,0.2515,0.0,0.4138,0.1667,0.0417,0.1589,0.1394,0.1718,0.0078,0.0182,reg oper account,block of flats,0.1367,Panel,No,9.0,0.0,9.0,0.0,-2554.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1341898,444730,Consumer loans,,15210.0,15210.0,,15210.0,MONDAY,17,Y,1,,,,XAP,Refused,-1339,Cash through the bank,LIMIT,"Spouse, partner",Repeater,Mobile,XNA,XNA,Country-wide,180,Consumer electronics,,XNA,POS household with interest,,,,,,,0,Revolving loans,M,Y,Y,0,135000.0,180000.0,9000.0,180000.0,Family,Working,Higher education,Married,House / apartment,0.026392000000000002,-9403,-1486,-4752.0,-2091,14.0,1,1,1,1,1,0,Core staff,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Bank,,0.6020005643466794,0.3606125659189888,0.3186,0.2755,0.9851,0.7959999999999999,0.1765,0.36,0.3103,0.3333,0.375,0.4018,0.2589,0.3666,0.0039,0.0271,0.3246,0.2859,0.9851,0.804,0.1781,0.3625,0.3103,0.3333,0.375,0.411,0.2828,0.382,0.0039,0.0287,0.3216,0.2755,0.9851,0.7987,0.1776,0.36,0.3103,0.3333,0.375,0.4088,0.2634,0.3732,0.0039,0.0277,reg oper account,block of flats,0.2943,Panel,No,1.0,0.0,1.0,0.0,-504.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1417516,199479,Consumer loans,10112.85,96313.5,86679.0,9634.5,96313.5,SUNDAY,10,Y,1,0.1089447103846954,,,XAP,Approved,-634,Cash through the bank,XAP,,New,Computers,POS,XNA,Regional / Local,59,Consumer electronics,10.0,middle,POS household with interest,365243.0,-599.0,-329.0,-329.0,-326.0,0.0,0,Revolving loans,F,Y,N,1,123750.0,360000.0,18000.0,360000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-13243,-5165,-7387.0,-4681,64.0,1,1,0,1,1,0,Core staff,3.0,2,2,THURSDAY,13,0,0,0,0,0,0,Kindergarten,,0.5163803057565927,0.17456426555726348,0.1289,,0.9871,,,0.0,0.3103,0.1667,,,,0.1376,,0.0,0.1313,,0.9871,,,0.0,0.3103,0.1667,,,,0.1433,,0.0,0.1301,,0.9871,,,0.0,0.3103,0.1667,,,,0.14,,0.0,,block of flats,0.1082,Mixed,No,0.0,0.0,0.0,0.0,-1134.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1690031,347059,Consumer loans,10143.99,103194.0,98869.5,13230.0,103194.0,SUNDAY,12,Y,1,0.12853467434977608,,,XAP,Approved,-1323,Cash through the bank,XAP,Children,Repeater,Computers,POS,XNA,Country-wide,3575,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1291.0,-961.0,-991.0,-986.0,0.0,0,Cash loans,F,N,N,0,112500.0,225000.0,11893.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.025164,-23853,365243,-4785.0,-4792,,1,0,0,1,0,0,,1.0,2,2,SATURDAY,11,0,0,0,0,0,0,XNA,,0.2998213927417579,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-2242.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1561754,317278,Cash loans,42912.585,823500.0,823500.0,,823500.0,TUESDAY,9,Y,1,,,,XNA,Approved,-532,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,high,Cash X-Sell: high,365243.0,-502.0,908.0,-412.0,-401.0,0.0,1,Cash loans,F,Y,Y,2,225000.0,1223010.0,51948.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00733,-13479,-858,-767.0,-2878,2.0,1,1,0,1,0,0,,4.0,2,2,TUESDAY,17,0,0,0,0,1,1,Self-employed,0.5261725585005114,0.6686602653893434,,0.0515,,0.9856,,,0.0,0.1034,0.1667,,,,0.0413,,0.0055,0.0525,,0.9856,,,0.0,0.1034,0.1667,,,,0.043,,0.0058,0.052000000000000005,,0.9856,,,0.0,0.1034,0.1667,,,,0.042,,0.0056,,block of flats,0.048,,No,0.0,0.0,0.0,0.0,-1210.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2723378,211224,Cash loans,33928.65,828000.0,1155888.0,,828000.0,THURSDAY,13,Y,1,,,,XNA,Refused,-17,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,166500.0,781920.0,23836.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.00733,-21897,365243,-10430.0,-4194,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,11,0,0,0,0,0,0,XNA,,0.584276653598903,0.6722428897082422,,0.0258,0.9846,0.7892,0.0228,0.0,0.069,0.0417,0.0833,0.0054,0.0067,0.0058,,0.0221,,0.0268,0.9846,0.7975,0.023,0.0,0.069,0.0417,0.0833,0.0055,0.0073,0.006,,0.0234,,0.0258,0.9846,0.792,0.0229,0.0,0.069,0.0417,0.0833,0.0055,0.0068,0.0059,,0.0226,reg oper account,block of flats,0.0077,Panel,No,9.0,0.0,9.0,0.0,-55.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,5.0,4.0 +2296135,217142,Consumer loans,15437.97,99711.0,126967.5,0.0,99711.0,TUESDAY,13,Y,1,0.0,,,XAP,Refused,-423,Cash through the bank,LIMIT,,Refreshed,Mobile,POS,XNA,Country-wide,50,Connectivity,12.0,high,POS mobile with interest,,,,,,,0,Cash loans,M,Y,Y,1,112500.0,337500.0,16546.5,337500.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,Office apartment,0.035792000000000004,-9317,-467,-3941.0,-1961,7.0,1,1,0,1,0,0,Laborers,3.0,2,2,FRIDAY,13,0,0,0,0,1,1,Business Entity Type 3,,0.2487296976618488,0.2103502286944494,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1541753,303851,Consumer loans,6738.615,72225.0,72225.0,0.0,72225.0,TUESDAY,11,Y,1,0.0,,,XAP,Refused,-2573,Cash through the bank,SCO,,Repeater,XNA,POS,XNA,Stone,143,Furniture,12.0,low_normal,POS industry with interest,,,,,,,0,Cash loans,F,N,Y,0,135000.0,1237032.0,41013.0,1012500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-21161,365243,-12579.0,-4662,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,XNA,,0.5608999162333163,0.7623356180684377,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,3.0,4.0,3.0,-2292.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2772296,239312,Consumer loans,,54404.595,54404.595,0.0,54404.595,THURSDAY,16,Y,1,0.0,,,XAP,Refused,-2343,Cash through the bank,LIMIT,Unaccompanied,Repeater,Computers,XNA,XNA,Country-wide,1772,Consumer electronics,,XNA,POS household with interest,,,,,,,1,Cash loans,F,N,Y,0,180000.0,526491.0,22437.0,454500.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,House / apartment,0.00702,-13541,-2935,-7557.0,-4625,,1,1,0,1,0,1,Medicine staff,1.0,2,2,TUESDAY,13,0,0,0,0,0,0,Other,0.3935322943861901,0.6857230311798775,0.5082869913916046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-155.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2632645,126927,Consumer loans,9747.585,164128.5,164128.5,0.0,164128.5,SUNDAY,15,Y,1,0.0,,,XAP,Approved,-652,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,300,Consumer electronics,24.0,middle,POS household with interest,365243.0,-621.0,69.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,Y,0,81000.0,337500.0,16875.0,337500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.009656999999999999,-17442,-803,-1596.0,-983,,1,1,0,1,0,0,,1.0,2,2,MONDAY,10,0,1,1,0,0,0,Cleaning,,0.3170389048275317,0.6212263380626669,0.0062,,0.9781,,,,0.2069,0.0,,,,,,,0.0063,,0.9782,,,,0.2069,0.0,,,,,,,0.0062,,0.9781,,,,0.2069,0.0,,,,,,,,terraced house,0.0042,Wooden,No,3.0,0.0,3.0,0.0,-652.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2103995,329109,Consumer loans,5474.925,25290.0,26626.5,0.0,25290.0,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-690,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,10,Connectivity,6.0,high,POS mobile with interest,365243.0,-659.0,-509.0,-509.0,-503.0,0.0,0,Cash loans,M,N,Y,1,157500.0,545040.0,26640.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-14741,-907,-8683.0,-4859,,1,1,0,1,0,0,Laborers,3.0,2,2,SATURDAY,12,0,0,0,0,1,1,Business Entity Type 3,,0.4853930292019626,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-690.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1452999,310570,Consumer loans,9481.59,69975.0,76900.5,0.0,69975.0,THURSDAY,14,Y,1,0.0,,,XAP,Approved,-1924,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Regional / Local,121,Consumer electronics,12.0,high,POS household with interest,365243.0,-1893.0,-1563.0,-1563.0,-1557.0,0.0,0,Cash loans,F,N,Y,0,90000.0,592560.0,26230.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.035792000000000004,-17062,-2318,-3771.0,-616,,1,1,0,1,0,0,Sales staff,1.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Trade: type 7,0.6736957704097342,0.3542247319929012,0.8347841592331774,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1540.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1707066,279724,Consumer loans,5975.685,51205.5,51205.5,0.0,51205.5,THURSDAY,15,Y,1,0.0,,,XAP,Refused,-2797,Cash through the bank,SCO,Family,Repeater,XNA,POS,XNA,Stone,32,Connectivity,12.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,N,0,90000.0,472500.0,20943.0,472500.0,Children,Working,Secondary / secondary special,Widow,House / apartment,0.028663,-19473,-3648,-6737.0,-3014,,1,1,0,1,0,0,Cooking staff,1.0,2,2,MONDAY,16,0,0,0,0,0,0,Self-employed,,0.6289043246811542,0.6658549219640212,0.0773,0.0869,0.9906,,,0.0,0.1724,0.1667,,0.019,,0.0797,,0.0,0.0788,0.0902,0.9906,,,0.0,0.1724,0.1667,,0.0195,,0.0831,,0.0,0.0781,0.0869,0.9906,,,0.0,0.1724,0.1667,,0.0194,,0.0812,,0.0,,block of flats,0.0692,"Stone, brick",No,0.0,0.0,0.0,0.0,-1695.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2073810,241958,Consumer loans,7155.99,39010.5,35095.5,3915.0,39010.5,WEDNESDAY,9,Y,1,0.10929854549649218,,,XAP,Approved,-1459,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,15,Connectivity,6.0,high,POS mobile with interest,365243.0,-1427.0,-1277.0,-1277.0,-1273.0,0.0,0,Cash loans,M,Y,Y,0,157500.0,904500.0,26446.5,904500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-14791,365243,-8376.0,-4624,17.0,1,0,0,1,1,0,,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,XNA,,0.24786034604174184,0.7151031019926098,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2361.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1424646,137091,Consumer loans,5929.695,44955.0,43794.0,4500.0,44955.0,MONDAY,14,Y,1,0.10148070341883236,,,XAP,Approved,-1730,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,37,Connectivity,10.0,high,POS mobile with interest,365243.0,-1690.0,-1420.0,-1510.0,-1507.0,0.0,0,Cash loans,M,N,N,1,360000.0,380371.5,45270.0,342000.0,Unaccompanied,Working,Higher education,Married,Rented apartment,0.035792000000000004,-10827,-3307,-3571.0,-3520,,1,1,0,1,0,0,Laborers,3.0,2,2,TUESDAY,16,0,0,0,1,1,0,Business Entity Type 2,0.3814486589301265,0.6578180671049512,0.6380435278721609,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1895.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2424501,291159,Consumer loans,53737.965,248760.0,204700.5,49752.0,248760.0,THURSDAY,18,Y,1,0.2129452487560188,,,XAP,Approved,-403,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Country-wide,497,Consumer electronics,4.0,low_normal,POS household with interest,365243.0,-372.0,-282.0,-282.0,-274.0,0.0,0,Cash loans,F,Y,Y,0,292500.0,1129500.0,43020.0,1129500.0,Family,Working,Higher education,Civil marriage,House / apartment,0.022625,-14390,-3414,-5031.0,-5031,12.0,1,1,1,1,0,0,Accountants,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.0046999396335797436,0.7194907850918436,0.1031,,0.9826,,,0.0,0.2069,0.1667,,,,0.0919,,0.006,0.105,,0.9826,,,0.0,0.2069,0.1667,,,,0.0957,,0.0064,0.1041,,0.9826,,,0.0,0.2069,0.1667,,,,0.0935,,0.0061,,block of flats,0.1115,"Stone, brick",No,0.0,0.0,0.0,0.0,-403.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1883065,423225,Consumer loans,4550.94,43330.5,38997.0,4333.5,43330.5,SATURDAY,13,Y,1,0.10892040143883527,,,XAP,Approved,-2783,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Stone,29,Connectivity,12.0,high,POS mobile with interest,365243.0,-2750.0,-2420.0,-2420.0,-1515.0,0.0,0,Revolving loans,F,N,Y,0,112500.0,202500.0,10125.0,202500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.028663,-21074,-3494,-943.0,-4465,,1,1,0,1,0,0,Accountants,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Self-employed,,0.6960571540658493,0.6706517530862718,0.0722,0.0,0.9801,0.728,0.0076,0.0,0.1379,0.1667,0.0417,0.0874,0.0588,0.0671,0.0,0.0,0.0735,0.0,0.9801,0.7387,0.0077,0.0,0.1379,0.1667,0.0417,0.0894,0.0643,0.0699,0.0,0.0,0.0729,0.0,0.9801,0.7316,0.0077,0.0,0.1379,0.1667,0.0417,0.0889,0.0599,0.0683,0.0,0.0,reg oper account,block of flats,0.0569,"Stone, brick",No,6.0,0.0,6.0,0.0,-259.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +1513480,356204,Consumer loans,2668.41,48645.0,58918.5,0.0,48645.0,MONDAY,13,Y,1,0.0,,,XAP,Approved,-304,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,500,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-274.0,416.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,67500.0,343800.0,16852.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.00733,-13368,-285,-2821.0,-3111,,1,1,0,1,0,0,Sales staff,1.0,2,2,THURSDAY,15,0,0,0,1,1,0,Business Entity Type 3,,0.4015974586577861,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-304.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2760533,194628,Consumer loans,10623.15,96660.0,106231.5,0.0,96660.0,WEDNESDAY,7,Y,1,0.0,,,XAP,Approved,-2266,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,150,Furniture,12.0,middle,POS industry with interest,365243.0,-2234.0,-1904.0,-1964.0,-1961.0,1.0,0,Cash loans,F,N,Y,1,135000.0,1132573.5,37561.5,927000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.006852,-12517,-1075,-1333.0,-3862,,1,1,0,1,0,0,Sales staff,3.0,3,3,MONDAY,10,0,0,0,0,0,0,Self-employed,,0.2998902567026063,0.7583930617144343,0.1103,0.0291,0.9786,,,0.0,0.2069,0.1667,,0.0231,,0.0567,,0.1102,0.1124,0.0302,0.9786,,,0.0,0.2069,0.1667,,0.0236,,0.0591,,0.1167,0.1114,0.0291,0.9786,,,0.0,0.2069,0.1667,,0.0235,,0.0578,,0.1126,,block of flats,0.0792,"Stone, brick",No,9.0,0.0,9.0,0.0,-1621.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1265260,287875,Consumer loans,4382.82,86940.0,96772.5,0.0,86940.0,THURSDAY,15,Y,1,0.0,,,XAP,Approved,-1226,Cash through the bank,XAP,Unaccompanied,New,Photo / Cinema Equipment,POS,XNA,Country-wide,2500,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1194.0,-504.0,-504.0,-502.0,0.0,0,Cash loans,M,N,N,0,180000.0,180000.0,17266.5,180000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.014519999999999996,-10289,-1480,-1450.0,-1967,,1,1,1,1,0,1,Sales staff,1.0,2,2,THURSDAY,16,0,0,0,0,0,0,Trade: type 2,0.2715418080015297,0.6647876391156528,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-312.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1468748,143722,Consumer loans,8291.385,219465.0,219465.0,0.0,219465.0,FRIDAY,10,Y,1,0.0,,,XAP,Approved,-901,Non-cash from your account,XAP,Unaccompanied,New,Construction Materials,POS,XNA,Stone,60,Construction,36.0,low_normal,POS industry with interest,365243.0,-865.0,185.0,-205.0,-192.0,0.0,0,Cash loans,F,Y,Y,2,202500.0,501435.0,19030.5,414000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-15958,-7497,-8490.0,-4879,18.0,1,1,0,1,0,0,Laborers,4.0,2,2,WEDNESDAY,6,0,0,0,0,0,0,Agriculture,,0.3473177485773066,0.5478104658520093,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-232.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1545105,419480,Consumer loans,6777.225,45675.0,33768.0,13500.0,45675.0,SATURDAY,13,Y,1,0.31105033580281105,,,XAP,Approved,-2653,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2622.0,-2472.0,-2472.0,-2456.0,1.0,0,Cash loans,F,N,Y,0,135000.0,900000.0,26316.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-17705,-961,-9826.0,-1242,,1,1,1,1,1,0,Sales staff,2.0,2,2,SATURDAY,8,0,0,0,0,1,1,Self-employed,0.5316038718402128,0.4105788548135179,0.3233112448967859,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1912.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2177915,183984,Consumer loans,11856.15,106155.0,117364.5,0.0,106155.0,WEDNESDAY,18,Y,1,0.0,,,XAP,Approved,-706,Cash through the bank,XAP,Family,Repeater,Photo / Cinema Equipment,POS,XNA,Regional / Local,149,Consumer electronics,12.0,middle,POS household with interest,365243.0,-675.0,-345.0,-375.0,-373.0,0.0,0,Cash loans,F,Y,Y,0,180000.0,1350000.0,44617.5,1350000.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.009656999999999999,-16149,-2742,-6766.0,-3925,2.0,1,1,1,1,0,0,Sales staff,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Trade: type 7,0.6297247329341822,0.6337141832804237,0.6925590674998008,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1106.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1129528,283033,Consumer loans,4139.1,38241.0,37255.5,3825.0,38241.0,THURSDAY,17,Y,1,0.10140511257829687,,,XAP,Approved,-2566,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,-1,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2535.0,-2265.0,-2265.0,-2255.0,1.0,0,Cash loans,F,N,N,0,90000.0,295668.0,13914.0,193500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.02461,-13810,-116,-1788.0,-5067,,1,1,0,1,0,0,,2.0,2,2,MONDAY,11,0,0,0,0,0,0,Trade: type 7,,0.4765006241115439,0.7981372313187245,0.0526,,0.9593,,0.006,0.0,0.2069,0.0833,,0.0578,0.0429,0.0416,,0.0,0.0536,,0.9593,,0.0061,0.0,0.2069,0.0833,,0.0591,0.0468,0.0434,,0.0,0.0531,,0.9593,,0.0061,0.0,0.2069,0.0833,,0.0588,0.0436,0.0424,,0.0,,block of flats,0.036000000000000004,"Stone, brick",No,1.0,1.0,1.0,1.0,-7.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2500559,157665,Consumer loans,5799.33,46350.0,42642.0,3708.0,46350.0,SATURDAY,10,Y,1,0.08712727272727272,,,XAP,Approved,-2761,Non-cash from your account,XAP,,New,Audio/Video,POS,XNA,Stone,100,Consumer electronics,8.0,low_normal,POS household without interest,365243.0,-2716.0,-2506.0,-2536.0,-2529.0,0.0,0,Cash loans,M,Y,Y,0,67500.0,178290.0,11736.0,157500.0,"Spouse, partner",Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.020713,-18960,365243,-3352.0,-2513,13.0,1,0,0,1,0,0,,2.0,3,3,TUESDAY,8,0,0,0,0,0,0,XNA,0.501313274063236,0.4277843018133049,0.7062051096536562,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-602.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1128241,168246,Consumer loans,2489.22,32125.5,20470.5,13500.0,32125.5,SUNDAY,17,Y,1,0.4328086802586735,,,XAP,Approved,-2222,Cash through the bank,XAP,Family,Refreshed,Mobile,POS,XNA,Country-wide,40,Connectivity,12.0,high,POS mobile with interest,365243.0,-2191.0,-1861.0,-2101.0,-2082.0,0.0,0,Cash loans,F,N,Y,1,337500.0,1600330.5,55755.0,1381500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010147,-16156,-8599,-8423.0,-4935,,1,1,0,1,0,1,Core staff,3.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,School,0.839648684704748,0.5286116583488459,0.6658549219640212,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,1.0,-2222.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1764734,279706,Consumer loans,6962.805,37935.0,34141.5,3793.5,37935.0,TUESDAY,22,Y,1,0.1089090909090909,,,XAP,Approved,-595,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,22,Connectivity,6.0,high,POS mobile with interest,,,,,,,0,Cash loans,M,Y,Y,0,225000.0,539100.0,27652.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.030755,-15391,-2379,-2580.0,-2569,11.0,1,1,0,1,0,0,Private service staff,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Self-employed,0.3652389425595587,0.6566702624445186,0.7047064232963289,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,0.0,-1020.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,1.0 +1067608,290859,Consumer loans,5030.775,34591.5,31131.0,3460.5,34591.5,MONDAY,13,Y,1,0.1089515947822179,,,XAP,Approved,-1845,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,36,Connectivity,8.0,high,POS mobile with interest,365243.0,-1810.0,-1600.0,-1600.0,-1587.0,0.0,0,Cash loans,F,N,Y,1,157500.0,894766.5,29700.0,679500.0,Unaccompanied,State servant,Secondary / secondary special,Separated,With parents,0.025164,-15500,-751,-6119.0,-2824,,1,1,0,1,0,0,Medicine staff,2.0,2,2,FRIDAY,16,0,0,0,0,0,0,Other,,0.2622583692422573,0.5442347412142162,0.0,0.0409,0.9732,,,0.0,0.0345,0.0833,,0.0322,,0.0188,,0.0029,0.0,0.0424,0.9732,,,0.0,0.0345,0.0833,,0.0329,,0.0196,,0.0031,0.0,0.0409,0.9732,,,0.0,0.0345,0.0833,,0.0327,,0.0191,,0.003,,block of flats,0.0202,"Stone, brick",No,1.0,1.0,1.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2659880,227426,Consumer loans,10625.94,131796.0,152671.5,0.0,131796.0,FRIDAY,18,Y,1,0.0,,,XAP,Approved,-294,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,1552,Consumer electronics,18.0,low_normal,POS household with interest,365243.0,-264.0,246.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,1,180000.0,298512.0,23715.0,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0105,-11845,-763,-2463.0,-1403,13.0,1,1,0,1,0,0,Secretaries,3.0,3,3,FRIDAY,16,0,0,0,0,0,0,Security Ministries,0.5901292463167084,0.509830094998919,0.5406544504453575,0.0309,0.0479,0.9737,0.6396,0.0,0.0,0.1034,0.1667,0.2083,0.024,0.0244,0.0591,0.0039,0.0072,0.0315,0.0497,0.9737,0.6537,0.0,0.0,0.1034,0.1667,0.2083,0.0245,0.0266,0.0616,0.0039,0.0076,0.0312,0.0479,0.9737,0.6444,0.0,0.0,0.1034,0.1667,0.2083,0.0244,0.0248,0.0602,0.0039,0.0074,reg oper account,block of flats,0.05,"Stone, brick",No,2.0,0.0,2.0,0.0,-887.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1685881,365437,Consumer loans,2241.54,15520.5,16803.0,0.0,15520.5,THURSDAY,15,Y,1,0.0,,,XAP,Approved,-2450,Cash through the bank,XAP,Children,New,Mobile,POS,XNA,Country-wide,50,Connectivity,10.0,high,POS mobile with interest,365243.0,-2419.0,-2149.0,-2149.0,-2146.0,1.0,0,Cash loans,F,Y,N,1,202500.0,512064.0,19431.0,360000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.018634,-14127,-1108,-2919.0,-4525,64.0,1,1,0,1,0,1,Sales staff,3.0,2,2,THURSDAY,18,0,0,0,0,0,0,Self-employed,,0.1062062773437904,0.12850437737240394,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,11.0,1.0,11.0,0.0,-2450.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +2165964,231492,Consumer loans,7687.125,147303.0,170635.5,0.0,147303.0,WEDNESDAY,16,Y,1,0.0,,,XAP,Approved,-95,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,2200,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-65.0,625.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,1,121500.0,540000.0,17550.0,540000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.009549,-16433,-6824,-100.0,-5024,,1,1,1,1,1,0,Managers,2.0,2,2,SUNDAY,13,0,0,0,0,0,0,Business Entity Type 2,,0.6082446281460147,0.42589289800515295,0.0247,0.0333,0.9727,0.626,0.0065,0.0,0.069,0.0833,0.0417,0.0298,0.0202,0.0104,0.0,0.0,0.0252,0.0345,0.9727,0.6406,0.0065,0.0,0.069,0.0833,0.0417,0.0305,0.022,0.0108,0.0,0.0,0.025,0.0333,0.9727,0.631,0.0065,0.0,0.069,0.0833,0.0417,0.0303,0.0205,0.0105,0.0,0.0,reg oper account,block of flats,0.0117,"Stone, brick",No,1.0,0.0,1.0,0.0,-994.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2649618,435513,Cash loans,18803.25,333000.0,403330.5,,333000.0,MONDAY,11,Y,1,,,,XNA,Refused,-152,XNA,HC,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Revolving loans,F,N,Y,0,45000.0,135000.0,6750.0,135000.0,"Spouse, partner",State servant,Secondary / secondary special,Married,House / apartment,0.009549,-13501,-3772,-1333.0,-2821,,1,1,0,1,0,0,Core staff,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,Military,0.7753301035674015,0.6033672439054112,0.4578995512067301,0.0082,0.0,0.9717,0.6124,0.0013,0.0,0.0345,0.0417,0.0833,0.0041,0.0067,0.0091,0.0,0.0,0.0084,0.0,0.9717,0.6276,0.0013,0.0,0.0345,0.0417,0.0833,0.0042,0.0073,0.0095,0.0,0.0,0.0083,0.0,0.9717,0.6176,0.0013,0.0,0.0345,0.0417,0.0833,0.0042,0.0068,0.0093,0.0,0.0,not specified,block of flats,0.0072,"Stone, brick",No,0.0,0.0,0.0,0.0,-1668.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1531318,452440,Revolving loans,6750.0,0.0,135000.0,,,TUESDAY,16,Y,1,,,,XAP,Approved,-2838,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card Street,-2251.0,-2205.0,365243.0,-928.0,365243.0,0.0,0,Cash loans,F,Y,N,2,211500.0,1666746.0,53896.5,1305000.0,"Spouse, partner",Commercial associate,Higher education,Married,House / apartment,0.04622,-10928,-1747,-5085.0,-3611,17.0,1,1,0,1,0,0,Sales staff,4.0,1,1,FRIDAY,18,0,1,1,0,0,0,Business Entity Type 3,0.3877879090226501,0.7413416474853093,,0.0907,0.2171,0.9617,0.4764,0.2254,0.0,0.4138,0.125,0.1667,0.0,0.0664,0.1395,0.0347,0.0647,0.0924,0.2253,0.9618,0.4969,0.2274,0.0,0.4138,0.125,0.1667,0.0,0.0725,0.1453,0.035,0.0685,0.0916,0.2171,0.9617,0.4834,0.2268,0.0,0.4138,0.125,0.1667,0.0,0.0676,0.142,0.0349,0.0661,reg oper account,block of flats,0.247,"Stone, brick",No,2.0,0.0,2.0,0.0,-1858.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1902589,382594,Cash loans,19281.6,450000.0,533160.0,,450000.0,TUESDAY,10,Y,1,,,,XNA,Refused,-359,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,2,234000.0,688090.5,35262.0,594000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.04622,-13580,-3152,-5329.0,-4352,,1,1,0,1,0,0,Medicine staff,4.0,1,1,THURSDAY,10,0,0,0,0,0,0,Medicine,0.90233400573112,0.6342926444150448,0.7503751495159068,0.0619,0.0664,0.9796,0.7212,0.008,0.0,0.1379,0.1667,0.2083,0.0119,0.0504,0.0339,0.0,0.0,0.063,0.0689,0.9796,0.7321,0.008,0.0,0.1379,0.1667,0.2083,0.0122,0.0551,0.0353,0.0,0.0,0.0625,0.0664,0.9796,0.7249,0.008,0.0,0.1379,0.1667,0.2083,0.0121,0.0513,0.0345,0.0,0.0,reg oper account,block of flats,0.0496,Panel,No,0.0,0.0,0.0,0.0,-885.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,4.0 +1877519,319166,Consumer loans,7514.325,64305.0,63252.0,6750.0,64305.0,SUNDAY,12,Y,1,0.10501648004862196,,,XAP,Approved,-1767,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,high,POS mobile with interest,365243.0,-1736.0,-1406.0,-1406.0,-1396.0,0.0,0,Cash loans,M,N,Y,1,202500.0,545040.0,20677.5,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010147,-18049,-1518,-2297.0,-1596,,1,1,0,1,0,0,Laborers,3.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,Self-employed,,0.6490731638216438,0.2608559142068693,0.1072,0.1138,0.9801,0.728,0.0132,0.0,0.2069,0.1667,0.2083,0.0731,0.0841,0.0883,0.0154,0.0125,0.1092,0.1181,0.9801,0.7387,0.0133,0.0,0.2069,0.1667,0.2083,0.0748,0.0918,0.092,0.0156,0.0133,0.1083,0.1138,0.9801,0.7316,0.0132,0.0,0.2069,0.1667,0.2083,0.0744,0.0855,0.0899,0.0155,0.0128,reg oper spec account,block of flats,0.0794,"Stone, brick",No,0.0,0.0,0.0,0.0,-1767.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1961730,426663,Consumer loans,5676.075,52600.5,47340.0,5260.5,52600.5,SUNDAY,16,Y,1,0.10891840813818736,,,XAP,Refused,-2213,Cash through the bank,LIMIT,Other_B,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,high,POS mobile with interest,,,,,,,1,Cash loans,F,Y,Y,0,270000.0,1046142.0,33876.0,913500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-9964,-944,-4517.0,-1110,1.0,1,1,0,1,0,0,Realty agents,2.0,2,2,MONDAY,15,0,0,0,0,0,0,Self-employed,0.3260080632952456,0.6164718582393616,0.2512394458905693,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1691.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +1743086,375328,Cash loans,48698.595,1129500.0,1227901.5,,1129500.0,THURSDAY,10,Y,1,,,,XNA,Approved,-712,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-682.0,368.0,-472.0,-464.0,1.0,0,Cash loans,F,N,N,0,202500.0,1971072.0,68512.5,1800000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018801,-22223,-1703,-13321.0,-5208,,1,1,1,1,1,0,Sales staff,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.8017276501695659,0.5172965813614878,0.1184,0.0715,0.9801,0.728,0.0212,0.032,0.1103,0.225,0.2667,0.0837,0.0962,0.0724,0.0015,0.0245,0.125,0.0725,0.9801,0.7387,0.0126,0.0,0.069,0.1667,0.2083,0.0763,0.1093,0.0671,0.0,0.0,0.1239,0.0699,0.9801,0.7316,0.0148,0.0,0.069,0.1667,0.2083,0.0851,0.1018,0.0659,0.0,0.0,reg oper spec account,block of flats,0.0507,"Stone, brick",No,3.0,0.0,3.0,0.0,-1245.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,5.0 +1327741,226711,Consumer loans,5143.725,44095.5,47245.5,0.0,44095.5,WEDNESDAY,13,Y,1,0.0,,,XAP,Approved,-220,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,1200,Consumer electronics,12.0,middle,POS household with interest,365243.0,-190.0,140.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,112500.0,481176.0,23148.0,360000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.02461,-18067,-3208,-12111.0,-1612,,1,1,1,1,1,0,,1.0,2,2,SATURDAY,15,0,0,0,0,0,0,University,,0.5774995506295669,,0.1227,0.085,0.9806,0.7348,0.1108,0.0,0.2759,0.1667,0.2083,0.1308,0.1,0.1142,0.0309,0.1265,0.125,0.0882,0.9806,0.7452,0.1118,0.0,0.2759,0.1667,0.2083,0.1338,0.1093,0.119,0.0311,0.1339,0.1239,0.085,0.9806,0.7383,0.1115,0.0,0.2759,0.1667,0.2083,0.1331,0.1018,0.1163,0.0311,0.1292,reg oper account,block of flats,0.1797,"Stone, brick",No,7.0,2.0,7.0,0.0,-1716.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2059380,367073,Consumer loans,,23530.5,23530.5,,23530.5,SATURDAY,18,Y,1,,,,XAP,Refused,-1223,Cash through the bank,XNA,"Spouse, partner",Refreshed,Mobile,XNA,XNA,Country-wide,50,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,M,N,Y,1,135000.0,254700.0,17149.5,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,With parents,0.035792000000000004,-11141,-608,-4910.0,-1776,,1,1,0,1,0,0,Drivers,3.0,2,2,THURSDAY,13,0,0,0,0,0,0,Self-employed,,0.6491926969431375,0.25396280933631177,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1218.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1445168,427479,Consumer loans,27333.45,105610.5,98392.5,10561.5,105610.5,SATURDAY,19,Y,1,0.105571467191325,,,XAP,Approved,-300,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,15,Connectivity,4.0,high,POS mobile with interest,365243.0,-269.0,-179.0,-179.0,-173.0,0.0,0,Cash loans,M,Y,N,1,315000.0,1125000.0,62950.5,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-19345,-2749,-11413.0,-2900,0.0,1,1,1,1,0,0,Drivers,3.0,1,1,FRIDAY,9,0,0,0,0,0,0,Self-employed,0.6181185839045924,0.6725872451686932,0.25396280933631177,0.1814,0.0001,0.9757,0.6668,0.0609,0.16,0.1379,0.3333,0.375,0.0,0.1479,0.1659,0.0,0.0037,0.1849,0.0001,0.9757,0.6798,0.0614,0.1611,0.1379,0.3333,0.375,0.0,0.1616,0.1728,0.0,0.0039,0.1832,0.0001,0.9757,0.6713,0.0613,0.16,0.1379,0.3333,0.375,0.0,0.1505,0.1689,0.0,0.0038,reg oper account,block of flats,0.1354,"Stone, brick",No,0.0,0.0,0.0,0.0,-300.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2631255,423849,Cash loans,26602.74,225000.0,239850.0,0.0,225000.0,TUESDAY,10,Y,1,0.0,,,XNA,Approved,-1922,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,high,Cash X-Sell: high,365243.0,-1892.0,-1562.0,-1622.0,-1616.0,1.0,0,Cash loans,F,Y,Y,0,180000.0,1546020.0,45333.0,1350000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-19892,-4063,-3643.0,-3319,7.0,1,1,0,1,0,0,,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,School,,0.4245329363677431,0.7726311345553628,0.0629,0.0044,0.9747,,,0.0,0.1034,0.1667,,0.0585,,0.0522,,0.0,0.0641,0.0045,0.9747,,,0.0,0.1034,0.1667,,0.0598,,0.0544,,0.0,0.0635,0.0044,0.9747,,,0.0,0.1034,0.1667,,0.0595,,0.0531,,0.0,,block of flats,0.041,"Stone, brick",No,0.0,0.0,0.0,0.0,-172.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2816503,401473,Revolving loans,2250.0,45000.0,45000.0,,45000.0,THURSDAY,11,Y,1,,,,XAP,Approved,-499,XNA,XAP,,Refreshed,XNA,Cards,walk-in,Country-wide,1780,Consumer electronics,0.0,XNA,Card Street,-490.0,-452.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,157500.0,585000.0,46219.5,585000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.020246,-13516,-3307,-1206.0,-4337,,1,1,1,1,0,0,Sales staff,3.0,3,3,SATURDAY,9,0,0,0,0,0,0,Self-employed,0.4157556673283252,0.661754714704787,0.7380196196295241,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-453.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,3.0 +2643929,260663,Cash loans,55680.255,832500.0,892939.5,,832500.0,TUESDAY,15,Y,1,,,,XNA,Approved,-1122,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),1,XNA,30.0,high,Cash X-Sell: high,365243.0,-1092.0,-222.0,-222.0,-214.0,1.0,0,Cash loans,M,Y,N,0,270000.0,413235.0,32778.0,337500.0,Unaccompanied,Working,Secondary / secondary special,Separated,With parents,0.035792000000000004,-15656,-3832,-700.0,-4616,23.0,1,1,1,1,0,0,Managers,1.0,2,2,THURSDAY,15,0,0,0,0,1,1,Other,,0.3373095027706644,0.501075160239048,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1344.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1474467,330710,Cash loans,21959.865,360000.0,393264.0,,360000.0,MONDAY,9,Y,1,,,,XNA,Approved,-495,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-465.0,225.0,-345.0,-342.0,1.0,0,Cash loans,F,N,Y,0,112500.0,544500.0,17694.0,544500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.028663,-22362,365243,-492.0,-4433,,1,0,0,1,0,0,,1.0,2,2,SATURDAY,9,0,0,0,0,0,0,XNA,,0.4822037252511711,0.41184855592423975,0.16699999999999998,0.0987,0.9886,,,0.16,0.1379,0.3333,,,,0.1625,,0.008,0.1702,0.1024,0.9886,,,0.1611,0.1379,0.3333,,,,0.1694,,0.0084,0.1686,0.0987,0.9886,,,0.16,0.1379,0.3333,,,,0.1655,,0.0081,,,0.1567,Mixed,No,0.0,0.0,0.0,0.0,-369.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,11.0 +1967104,316150,Cash loans,24223.275,225000.0,304933.5,,225000.0,FRIDAY,15,Y,1,,,,XNA,Refused,-848,Cash through the bank,LIMIT,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,N,1,225000.0,1125000.0,43722.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-12476,-4176,-3662.0,-4764,,1,1,0,1,0,0,Medicine staff,3.0,2,2,SATURDAY,11,0,0,0,0,0,0,Medicine,,0.4908841119183816,0.5867400085415683,0.2196,0.0989,0.9876,0.83,0.03,0.12,0.1034,0.3333,0.375,0.0477,0.179,0.1651,0.0232,0.0127,0.2237,0.1027,0.9876,0.8367,0.0303,0.1208,0.1034,0.3333,0.375,0.0488,0.1956,0.172,0.0233,0.0134,0.2217,0.0989,0.9876,0.8323,0.0302,0.12,0.1034,0.3333,0.375,0.0486,0.1821,0.168,0.0233,0.013,reg oper account,block of flats,0.1485,Panel,No,0.0,0.0,0.0,0.0,-931.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1696340,291954,Consumer loans,13628.16,73269.0,77139.0,0.0,73269.0,SUNDAY,8,Y,1,0.0,,,XAP,Approved,-729,XNA,XAP,Unaccompanied,New,Furniture,POS,XNA,Stone,25,Furniture,6.0,low_normal,POS industry with interest,365243.0,-698.0,-548.0,-578.0,-575.0,0.0,0,Cash loans,F,N,Y,0,202500.0,127350.0,12402.0,112500.0,Unaccompanied,State servant,Higher education,Separated,House / apartment,0.002506,-16654,-8171,-3961.0,-179,,1,1,0,1,0,0,Core staff,1.0,2,2,MONDAY,6,0,0,0,0,0,0,School,0.7525716975114908,0.6839767486327742,0.6817058776720116,0.066,,0.9816,,,0.0,0.1379,0.125,,0.0734,,0.0624,,0.0,0.0672,,0.9816,,,0.0,0.1379,0.125,,0.0751,,0.065,,0.0,0.0666,,0.9816,,,0.0,0.1379,0.125,,0.0747,,0.0635,,0.0,,block of flats,0.0541,Block,No,3.0,0.0,3.0,0.0,-729.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1916480,150758,Cash loans,19151.1,450000.0,533160.0,,450000.0,MONDAY,15,Y,1,,,,XNA,Approved,-271,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-241.0,1169.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,166500.0,1172470.5,34411.5,918000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-21465,-457,-361.0,-1201,,1,1,0,1,0,0,Managers,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.7688912392751285,0.3631934949076992,0.10344905212675168,0.1052,,0.9995,,,0.0,0.1379,0.2083,,0.0,,0.0854,,0.0417,0.1071,,0.9995,,,0.0,0.1379,0.2083,,0.0,,0.08900000000000001,,0.0442,0.1062,,0.9995,,,0.0,0.1379,0.2083,,0.0,,0.0869,,0.0426,,block of flats,0.0923,"Stone, brick",No,4.0,0.0,4.0,0.0,-271.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,0.0 +2769947,395239,Cash loans,29652.84,328500.0,355819.5,0.0,328500.0,TUESDAY,11,Y,1,0.0,,,XNA,Approved,-1666,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-1636.0,-1126.0,-1126.0,-1122.0,1.0,0,Cash loans,F,Y,Y,0,180000.0,729000.0,48915.0,729000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.028663,-11543,-4694,-69.0,-3900,6.0,1,1,0,1,0,0,Accountants,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Self-employed,0.6516137960770536,0.04474890280115471,0.3344541255096772,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-372.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,1.0 +2010779,232973,Consumer loans,19813.635,171171.0,190359.0,0.0,171171.0,WEDNESDAY,17,Y,1,0.0,,,XAP,Approved,-568,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,300,Consumer electronics,12.0,middle,POS household with interest,365243.0,-537.0,-207.0,-207.0,-200.0,0.0,0,Cash loans,M,N,Y,2,270000.0,1484181.0,43524.0,1296000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-12160,-1391,-6153.0,-495,,1,1,0,1,0,0,Drivers,4.0,1,1,THURSDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.719628871259793,0.7037684051708514,0.6722428897082422,0.0948,0.0509,0.9771,0.6872,0.0113,0.0,0.1724,0.1667,0.2083,0.0409,0.07400000000000001,0.0697,0.0154,0.0575,0.0966,0.0529,0.9772,0.6994,0.0114,0.0,0.1724,0.1667,0.2083,0.0418,0.0808,0.0726,0.0156,0.0609,0.0958,0.0509,0.9771,0.6914,0.0113,0.0,0.1724,0.1667,0.2083,0.0416,0.0752,0.0709,0.0155,0.0587,reg oper account,block of flats,0.0735,"Stone, brick",No,1.0,1.0,1.0,1.0,-110.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1901128,362110,Consumer loans,,34960.95,34960.95,0.0,34960.95,SUNDAY,14,Y,1,0.0,,,XAP,Refused,-1222,Cash through the bank,SCO,,Repeater,Mobile,XNA,XNA,Country-wide,31,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,1,112500.0,225000.0,11074.5,225000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.0228,-9745,-142,-864.0,-2402,,1,1,0,1,0,0,Core staff,3.0,2,2,THURSDAY,6,0,0,0,0,1,1,Trade: type 2,,0.269337741362831,0.18195910978627852,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-114.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1357321,282027,Consumer loans,4579.56,54441.0,45441.0,9000.0,54441.0,WEDNESDAY,10,Y,1,0.18004478576473948,,,XAP,Refused,-99,Cash through the bank,SCO,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,2000,Consumer electronics,12.0,middle,POS household with interest,,,,,,,0,Cash loans,F,Y,N,0,157500.0,630000.0,41346.0,630000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.028663,-9270,-1685,-9242.0,-1778,5.0,1,1,1,1,1,0,Core staff,1.0,2,2,THURSDAY,16,0,0,0,0,0,0,Trade: type 2,,0.4361760735485749,,0.3165,0.1701,0.9806,0.7348,0.0488,0.24,0.2069,0.3333,0.375,0.1301,0.2429,0.2596,0.0695,0.1874,0.3225,0.1765,0.9806,0.7452,0.0492,0.2417,0.2069,0.3333,0.375,0.1331,0.2654,0.2704,0.07,0.1984,0.3196,0.1701,0.9806,0.7383,0.0491,0.24,0.2069,0.3333,0.375,0.1324,0.2471,0.2642,0.0699,0.1914,reg oper account,block of flats,0.2716,"Stone, brick",No,7.0,0.0,6.0,0.0,-1476.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2445473,224301,Consumer loans,9082.98,61605.0,45256.5,18481.5,61605.0,SATURDAY,15,Y,1,0.3157933044081025,,,XAP,Approved,-2746,Cash through the bank,XAP,Children,Repeater,Consumer Electronics,POS,XNA,Country-wide,981,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-2715.0,-2565.0,-2565.0,-2556.0,1.0,0,Cash loans,F,N,N,0,180000.0,1230565.5,38767.5,1102500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.025164,-18634,-441,-301.0,-2187,,1,1,0,1,0,0,Core staff,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,Medicine,,0.5408359031407869,0.6092756673894402,0.0732,0.0416,0.9796,0.7212,0.0233,0.0,0.1379,0.1667,0.2083,0.0588,0.0588,0.0659,0.0039,0.0126,0.0746,0.0431,0.9796,0.7321,0.0235,0.0,0.1379,0.1667,0.2083,0.0601,0.0643,0.0687,0.0039,0.0134,0.0739,0.0416,0.9796,0.7249,0.0234,0.0,0.1379,0.1667,0.2083,0.0598,0.0599,0.0671,0.0039,0.0129,not specified,block of flats,0.0673,Panel,No,3.0,1.0,3.0,1.0,-2455.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1945255,153317,Consumer loans,10718.595,48910.5,51493.5,0.0,48910.5,WEDNESDAY,14,Y,1,0.0,,,XAP,Approved,-528,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,25,Connectivity,6.0,high,POS mobile with interest,365243.0,-497.0,-347.0,-497.0,-489.0,0.0,1,Cash loans,M,N,Y,0,112500.0,398016.0,26725.5,360000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.072508,-11939,-921,-2564.0,-928,,1,1,1,1,1,0,,1.0,1,1,SATURDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.41472346625959416,,0.366,0.2388,0.9821,,,0.4,0.3448,0.3333,,0.4897,,0.3534,,0.0025,0.3729,0.2478,0.9821,,,0.4028,0.3448,0.3333,,0.5009,,0.3683,,0.0027,0.3695,0.2388,0.9821,,,0.4,0.3448,0.3333,,0.4982,,0.3598,,0.0026,,block of flats,0.2785,Panel,No,0.0,0.0,0.0,0.0,-219.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1824856,222773,Consumer loans,14732.1,148851.945,147321.0,13500.945,148851.945,SATURDAY,16,Y,1,0.0914287938977256,,,XAP,Approved,-1846,Cash through the bank,XAP,Family,New,Construction Materials,POS,XNA,Stone,27,Construction,12.0,middle,POS industry with interest,365243.0,-1814.0,-1484.0,-1484.0,-1481.0,0.0,0,Cash loans,F,N,N,0,202500.0,675000.0,28728.0,675000.0,Family,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.026392000000000002,-18686,-1012,-9326.0,-2240,,1,1,0,1,1,0,Sales staff,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Religion,,0.64390066350197,0.5495965024956946,0.0897,,0.9871,,,0.0,0.2069,0.1667,,,,0.0768,,0.0,0.0914,,0.9871,,,0.0,0.2069,0.1667,,,,0.0801,,0.0,0.0906,,0.9871,,,0.0,0.2069,0.1667,,,,0.0782,,0.0,,block of flats,0.0677,"Stone, brick",No,0.0,0.0,0.0,0.0,-975.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +2105227,305255,Consumer loans,9913.86,62896.5,49396.5,13500.0,62896.5,FRIDAY,17,Y,1,0.23376065874456084,,,XAP,Approved,-2758,Cash through the bank,XAP,,New,Mobile,POS,XNA,Stone,5093,Connectivity,6.0,high,POS mobile with interest,365243.0,-2721.0,-2571.0,-2571.0,-2567.0,0.0,0,Cash loans,M,Y,Y,1,405000.0,1462500.0,59697.0,1462500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-13655,-4066,-3972.0,-3965,3.0,1,1,0,1,0,0,,3.0,2,2,FRIDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.6719319958934117,0.5902333386185574,0.0907,,0.993,,,0.08,0.069,0.3333,,,,0.0754,,0.0,0.0924,,0.993,,,0.0806,0.069,0.3333,,,,0.0786,,0.0,0.0916,,0.993,,,0.08,0.069,0.3333,,,,0.0768,,0.0,,block of flats,0.0593,Others,No,1.0,0.0,1.0,0.0,-2758.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2653699,255764,Consumer loans,3801.915,84393.0,84393.0,0.0,84393.0,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-528,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Stone,250,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-497.0,193.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,0,180000.0,254700.0,13068.0,225000.0,Unaccompanied,Pensioner,Higher education,Separated,House / apartment,0.035792000000000004,-24562,365243,-749.0,-4646,,1,0,0,1,0,0,,1.0,2,2,SUNDAY,12,0,0,0,0,0,0,XNA,0.3453573790946627,0.7660280823292254,0.5919766183185521,0.067,0.0523,0.9906,0.8708,0.0077,0.0,0.1207,0.1667,0.2083,0.0053,0.0496,0.0609,0.0232,0.0164,0.0525,0.0519,0.9831,0.7779,0.0029,0.0,0.0345,0.1667,0.2083,0.0,0.0367,0.0419,0.0078,0.0134,0.0677,0.0523,0.9906,0.8725,0.0077,0.0,0.1207,0.1667,0.2083,0.0054,0.0504,0.062,0.0233,0.0168,reg oper account,block of flats,0.0376,"Stone, brick",No,1.0,0.0,1.0,0.0,-528.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2116398,103518,Consumer loans,26216.775,186759.0,149409.0,37350.0,186759.0,WEDNESDAY,15,Y,1,0.21780768506227524,,,XAP,Approved,-1047,Cash through the bank,XAP,Family,New,Construction Materials,POS,XNA,Regional / Local,20,Construction,6.0,low_action,POS industry without interest,365243.0,-1011.0,-861.0,-861.0,-854.0,0.0,1,Cash loans,F,Y,Y,3,180000.0,755190.0,36459.0,675000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.030755,-10801,-2404,-1823.0,-1835,1.0,1,1,0,1,0,0,Laborers,5.0,2,2,SUNDAY,17,0,0,0,0,0,0,Business Entity Type 1,,0.2268863897940805,0.3077366963789207,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-482.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1158279,130783,Consumer loans,3317.355,28741.5,28426.5,2875.5,28741.5,MONDAY,10,Y,1,0.10004731036645932,,,XAP,Approved,-2396,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,12.0,low_normal,POS mobile with interest,365243.0,-2349.0,-2019.0,-2019.0,-2012.0,1.0,0,Cash loans,F,N,Y,0,112500.0,566055.0,16681.5,472500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010147,-15701,-4734,-4201.0,-5035,,1,1,0,1,0,0,Cleaning staff,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Housing,,0.4573274863091141,0.28812959991785075,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1009.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,2.0 +2206888,174550,Consumer loans,2491.965,22941.0,23031.0,2295.0,22941.0,TUESDAY,8,Y,1,0.09869160690056213,,,XAP,Approved,-2111,Cash through the bank,XAP,,New,Mobile,POS,XNA,Regional / Local,15,Connectivity,14.0,high,POS mobile with interest,365243.0,-2074.0,-1684.0,-1684.0,-1665.0,0.0,0,Revolving loans,F,Y,N,1,103500.0,292500.0,14625.0,292500.0,Unaccompanied,Working,Secondary / secondary special,Separated,With parents,0.031329,-12827,-184,-10879.0,-2650,14.0,1,1,0,1,1,0,Core staff,2.0,2,2,SATURDAY,10,0,0,0,0,1,1,Trade: type 3,,0.6154424590314042,0.4382813743111921,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-80.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2811334,347904,Cash loans,31730.175,589500.0,659533.5,,589500.0,WEDNESDAY,16,Y,1,,,,Repairs,Refused,-692,Cash through the bank,SCO,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,202500.0,225000.0,9661.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.025164,-23460,365243,-12961.0,-396,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,14,0,0,0,0,0,0,XNA,,0.2453495532540649,,0.0722,0.0482,0.9826,0.762,0.0324,0.0,0.1379,0.1667,0.2083,0.0673,0.058,0.0675,0.0039,0.027000000000000003,0.0735,0.05,0.9826,0.7713,0.0327,0.0,0.1379,0.1667,0.2083,0.0688,0.0634,0.0703,0.0039,0.0286,0.0729,0.0482,0.9826,0.7652,0.0326,0.0,0.1379,0.1667,0.2083,0.0685,0.059,0.0687,0.0039,0.0275,reg oper account,block of flats,0.0715,Block,No,0.0,0.0,0.0,0.0,-1050.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,18.0 +2527309,425065,Cash loans,43551.0,1350000.0,1350000.0,,1350000.0,WEDNESDAY,13,Y,1,,,,XNA,Approved,-504,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-474.0,1296.0,365243.0,365243.0,0.0,1,Cash loans,F,N,Y,0,234000.0,311877.0,16074.0,252000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.005084,-19784,365243,-3792.0,-3316,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,XNA,,0.5947010076181041,,0.0557,0.0497,0.9945,0.9252,0.0313,0.0,0.1034,0.2083,0.25,0.0221,0.0454,0.0585,0.0,0.0,0.0567,0.0515,0.9945,0.9281,0.0316,0.0,0.1034,0.2083,0.25,0.0226,0.0496,0.0609,0.0,0.0,0.0562,0.0497,0.9945,0.9262,0.0315,0.0,0.1034,0.2083,0.25,0.0225,0.0462,0.0595,0.0,0.0,reg oper spec account,block of flats,0.0631,"Stone, brick",No,5.0,0.0,5.0,0.0,-1728.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2127377,417831,Consumer loans,19124.82,115911.0,104319.0,11592.0,115911.0,TUESDAY,16,Y,1,0.10891754724039836,,,XAP,Approved,-480,Cash through the bank,XAP,,New,Jewelry,POS,XNA,Regional / Local,100,Industry,6.0,middle,POS other with interest,365243.0,-448.0,-298.0,-298.0,-293.0,0.0,0,Cash loans,F,N,Y,0,234000.0,1369773.0,54324.0,1260000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.04622,-15701,-4100,-1334.0,-1696,,1,1,1,1,0,0,,2.0,1,1,SATURDAY,11,0,0,0,1,1,0,Self-employed,,0.6567097025098063,0.511891801533151,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-480.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2749081,305904,Consumer loans,12424.5,135000.0,99000.0,36000.0,135000.0,SUNDAY,13,Y,1,0.2904242424242423,,,XAP,Approved,-2679,Non-cash from your account,XAP,"Spouse, partner",Repeater,Other,POS,XNA,Stone,40,Construction,10.0,high,POS other with interest,365243.0,-2646.0,-2376.0,-2526.0,-2518.0,0.0,0,Cash loans,F,Y,N,0,112500.0,755190.0,33264.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-15631,-8170,-8696.0,-1715,9.0,1,1,1,1,0,0,,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,Kindergarten,,0.6260776971325163,0.5298898341969072,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,1.0,5.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +2833396,109025,Consumer loans,21419.28,125995.5,113395.5,12600.0,125995.5,SATURDAY,16,Y,1,0.10891298065840012,,,XAP,Approved,-543,Cash through the bank,XAP,,Refreshed,Consumer Electronics,POS,XNA,Country-wide,160,Consumer electronics,6.0,middle,POS household with interest,365243.0,-512.0,-362.0,-392.0,-362.0,0.0,0,Cash loans,F,N,Y,1,360000.0,1481701.5,49099.5,1327500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.04622,-19386,-1461,-1.0,-1632,,1,1,0,1,0,0,,3.0,1,1,WEDNESDAY,11,0,0,0,0,1,1,Security,,0.7454421334778405,0.6380435278721609,0.1577,0.0454,1.0,1.0,,0.16,0.0345,0.875,0.9167,0.0614,0.1236,0.1802,0.0232,0.027000000000000003,0.1607,0.0471,1.0,1.0,,0.1611,0.0345,0.875,0.9167,0.0628,0.135,0.1877,0.0233,0.0286,0.1593,0.0454,1.0,1.0,,0.16,0.0345,0.875,0.9167,0.0625,0.1257,0.1834,0.0233,0.0276,reg oper account,block of flats,0.2036,Monolithic,No,2.0,1.0,2.0,1.0,-543.0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1833528,145379,Cash loans,21675.465,454500.0,508495.5,,454500.0,WEDNESDAY,14,Y,1,,,,XNA,Approved,-187,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-157.0,893.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,157500.0,942300.0,30528.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-21646,365243,-13851.0,-4447,,1,0,0,1,0,0,,2.0,2,2,MONDAY,10,0,0,0,0,0,0,XNA,,0.5673575541587023,0.5797274227921155,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,2.0,6.0,0.0,-3213.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2138731,155533,Consumer loans,3452.04,17955.0,19021.5,0.0,17955.0,SUNDAY,14,Y,1,0.0,,,XAP,Approved,-294,XNA,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Regional / Local,100,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-264.0,-114.0,-234.0,-231.0,1.0,0,Cash loans,M,N,Y,0,202500.0,101880.0,12217.5,90000.0,Family,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.010643000000000001,-16194,-198,-1675.0,-1728,,1,1,0,1,0,0,Low-skill Laborers,1.0,2,2,SUNDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.30334772046546915,0.22046567884179208,0.3001077565791181,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-256.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2845098,243588,Consumer loans,8320.5,44955.0,29205.0,15750.0,44955.0,WEDNESDAY,16,Y,1,0.3815633815633816,,,XAP,Refused,-2703,Cash through the bank,SCO,Family,Repeater,XNA,POS,XNA,Country-wide,54,Connectivity,4.0,low_normal,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,0,157500.0,144000.0,14242.5,144000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.019101,-24048,365243,-8917.0,-4815,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,XNA,,0.6370830564238271,0.7801436381572275,0.0557,0.0261,0.9811,,,0.04,0.0345,0.3333,,0.0668,,0.0496,,0.0,0.0567,0.0271,0.9811,,,0.0403,0.0345,0.3333,,0.0683,,0.0517,,0.0,0.0562,0.0261,0.9811,,,0.04,0.0345,0.3333,,0.0679,,0.0505,,0.0,,block of flats,0.039,"Stone, brick",No,0.0,0.0,0.0,0.0,-2603.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1326555,303782,Consumer loans,6810.165,119227.5,65907.0,59616.0,119227.5,THURSDAY,13,Y,1,0.5172537593617396,,,XAP,Approved,-257,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,150,Consumer electronics,12.0,middle,POS household with interest,365243.0,-226.0,104.0,-16.0,-9.0,0.0,0,Cash loans,M,N,Y,1,135000.0,312768.0,24691.5,270000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.031329,-9946,-244,-9885.0,-2623,,1,1,0,1,0,0,,3.0,2,2,TUESDAY,8,0,0,0,1,1,0,Business Entity Type 2,0.2705864269746898,0.5313516125135993,0.3842068130556564,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-257.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2317423,384586,Cash loans,17079.255,135000.0,143910.0,,135000.0,SATURDAY,9,Y,1,,,,XNA,Approved,-1198,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,walk-in,Country-wide,51,Connectivity,12.0,high,Cash Street: high,365243.0,-1168.0,-838.0,-838.0,-833.0,1.0,0,Cash loans,M,Y,Y,2,157500.0,76410.0,9198.0,67500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-13444,-3011,-122.0,-4240,4.0,1,1,1,1,0,0,,4.0,3,3,SUNDAY,8,0,0,0,0,1,1,Military,0.3926634445933817,0.6239815547520193,0.6956219298394389,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-708.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +1402878,250589,Consumer loans,13724.1,84816.0,71208.0,16965.0,84816.0,SUNDAY,12,Y,1,0.2095474495903197,,,XAP,Refused,-1022,XNA,LIMIT,Children,Repeater,Consumer Electronics,POS,XNA,Stone,150,Consumer electronics,6.0,middle,POS household with interest,,,,,,,0,Cash loans,F,Y,Y,1,234000.0,900000.0,26446.5,900000.0,Family,Working,Higher education,Separated,House / apartment,0.007305,-15496,-466,-5742.0,-4388,21.0,1,1,0,1,0,0,Core staff,2.0,3,3,SUNDAY,11,0,0,0,0,0,0,Government,0.7086401625672066,0.1659075662896733,0.30162489168411943,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1119.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1390002,252789,Consumer loans,3163.95,17356.5,16393.5,1737.0,17356.5,SUNDAY,15,Y,1,0.1043408019134005,,,XAP,Approved,-2168,Cash through the bank,XAP,Other_B,New,Consumer Electronics,POS,XNA,Country-wide,1550,Consumer electronics,6.0,high,POS household with interest,365243.0,-2137.0,-1987.0,-2017.0,-1993.0,0.0,0,Cash loans,F,N,Y,0,180000.0,119925.0,11812.5,112500.0,Family,Pensioner,Higher education,Separated,House / apartment,0.018634,-22638,365243,-3958.0,-2642,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,11,0,0,0,0,0,0,XNA,,0.6121040860069965,0.5082869913916046,0.1196,0.0441,0.9871,0.8232,0.0138,0.08,0.069,0.3333,0.375,0.0196,0.0975,0.095,0.0,0.0013,0.1218,0.0457,0.9871,0.8301,0.0139,0.0806,0.069,0.3333,0.375,0.02,0.1065,0.0989,0.0,0.0014,0.1207,0.0441,0.9871,0.8256,0.0139,0.08,0.069,0.3333,0.375,0.0199,0.0992,0.0967,0.0,0.0013,reg oper spec account,block of flats,0.0822,Panel,No,0.0,0.0,0.0,0.0,-2168.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2284125,283469,Consumer loans,2917.845,34522.875,27616.5,6906.375,34522.875,THURSDAY,14,Y,1,0.21787496630198747,,,XAP,Approved,-125,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Stone,40,Consumer electronics,12.0,middle,POS household with interest,365243.0,-87.0,243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,112500.0,706500.0,31248.0,706500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-21023,365243,-11178.0,-4206,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,XNA,,0.6112678321684768,0.3606125659189888,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-932.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2234640,285741,Cash loans,15001.74,229500.0,254340.0,,229500.0,THURSDAY,10,Y,1,,,,XNA,Approved,-821,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,AP+ (Cash loan),299,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-791.0,-101.0,-221.0,-209.0,1.0,0,Cash loans,F,N,Y,0,202500.0,174132.0,17973.0,157500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.00702,-20498,365243,-5230.0,-2760,,1,0,0,1,0,0,,1.0,2,2,SATURDAY,13,0,0,0,0,0,0,XNA,,0.06139565711052901,0.2650494299443805,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1931.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2253899,319943,Cash loans,16978.905,180000.0,197820.0,0.0,180000.0,SATURDAY,13,Y,1,0.0,,,XNA,Approved,-1949,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,18.0,high,Cash X-Sell: high,365243.0,-1919.0,-1409.0,-1409.0,-1395.0,1.0,0,Cash loans,F,Y,N,0,207000.0,454500.0,26091.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-20192,-3435,-3616.0,-3555,8.0,1,1,0,1,1,0,Core staff,2.0,2,2,MONDAY,17,0,0,0,0,0,0,Kindergarten,0.8978149586421185,0.6183262716717268,,0.0165,0.051,0.9851,0.7959999999999999,0.0377,0.0,0.069,0.0417,0.0417,0.0103,0.0134,0.0182,0.0,0.0201,0.0168,0.0529,0.9851,0.804,0.038,0.0,0.069,0.0417,0.0417,0.0105,0.0147,0.0189,0.0,0.0213,0.0167,0.051,0.9851,0.7987,0.0379,0.0,0.069,0.0417,0.0417,0.0104,0.0137,0.0185,0.0,0.0205,not specified,block of flats,0.0143,Wooden,No,4.0,1.0,4.0,0.0,-1426.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1298450,137510,Consumer loans,3945.105,36450.0,35509.5,3645.0,36450.0,MONDAY,9,Y,1,0.10138646550553228,,,XAP,Approved,-2365,Cash through the bank,XAP,Unaccompanied,New,Other,POS,XNA,Stone,5,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2333.0,-2063.0,-2063.0,-2058.0,1.0,0,Cash loans,F,Y,Y,0,135000.0,979992.0,28782.0,702000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.010556,-16901,-3084,-10097.0,-440,11.0,1,1,0,1,0,0,Core staff,2.0,3,3,SUNDAY,10,0,0,0,0,1,1,Postal,,0.5811500996313828,0.7583930617144343,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1698.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,1.0 +1453019,362404,Consumer loans,5135.49,51075.0,45967.5,5107.5,51075.0,SATURDAY,17,Y,1,0.1089090909090909,,,XAP,Approved,-254,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Stone,10,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-222.0,48.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,225000.0,835380.0,42781.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-14801,-3288,-8844.0,-1140,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Self-employed,0.7956830010506616,0.7131667459267298,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-254.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1609266,180477,Cash loans,21839.715,184500.0,196677.0,,184500.0,MONDAY,11,Y,1,,,,XNA,Approved,-583,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-553.0,-223.0,-253.0,-248.0,1.0,0,Cash loans,M,Y,N,0,225000.0,1096020.0,52857.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.04622,-11685,-1386,-3640.0,-3640,12.0,1,1,0,1,0,0,Drivers,2.0,1,1,WEDNESDAY,16,0,0,0,0,0,0,Business Entity Type 1,0.33701852763002993,0.7632417932562235,0.2458512138252296,0.0557,0.0321,0.9692,,,0.12,0.1034,0.2083,,0.0118,,0.0572,,0.1232,0.0567,0.0,0.9583,,,0.1208,0.1034,0.2083,,0.0121,,0.0596,,0.1304,0.0562,0.0321,0.9692,,,0.12,0.1034,0.2083,,0.012,,0.0583,,0.1258,,block of flats,0.003,Wooden,No,0.0,0.0,0.0,0.0,-1538.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +2101760,246779,Consumer loans,3509.64,15610.5,16434.0,0.0,15610.5,SATURDAY,16,Y,1,0.0,,,XAP,Approved,-491,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,3268,Consumer electronics,6.0,high,POS household with interest,365243.0,-460.0,-310.0,-310.0,-308.0,0.0,0,Cash loans,F,Y,Y,0,135000.0,167895.0,16483.5,157500.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.019101,-24731,365243,-4040.0,-4390,1.0,1,0,0,1,1,0,,1.0,2,2,SUNDAY,12,0,0,0,0,0,0,XNA,,0.5338992207394611,0.1455428133497032,0.1031,0.0749,0.9757,0.6668,0.0118,0.0,0.2069,0.1667,0.1042,0.0597,0.0841,0.0947,0.0019,0.0116,0.105,0.0,0.9762,0.6798,0.0108,0.0,0.2069,0.1667,0.0,0.0188,0.0918,0.0946,0.0,0.0,0.1041,0.1111,0.9762,0.6713,0.0118,0.0,0.2069,0.1667,0.1042,0.0729,0.0855,0.0962,0.0019,0.0176,reg oper account,block of flats,0.0781,Panel,No,0.0,0.0,0.0,0.0,-1068.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,3.0 +2225405,261664,Cash loans,17209.755,135000.0,143910.0,,135000.0,MONDAY,15,Y,1,,,,Medicine,Approved,-628,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-598.0,-268.0,-268.0,-265.0,1.0,0,Cash loans,F,N,Y,0,225000.0,314100.0,13963.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.072508,-24332,-9745,-15549.0,-3833,,1,1,0,1,1,0,Laborers,1.0,1,1,SATURDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.7558133902422706,0.5971924268337128,0.2959,0.1854,0.9786,,,0.36,0.2759,0.3333,,,,,,,0.3015,0.1924,0.9786,,,0.3625,0.2759,0.3333,,,,,,,0.2987,0.1854,0.9786,,,0.36,0.2759,0.3333,,,,,,,,block of flats,0.2177,Panel,No,0.0,0.0,0.0,0.0,-1865.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2183411,375572,Consumer loans,6750.225,59431.5,59431.5,0.0,59431.5,THURSDAY,11,Y,1,0.0,,,XAP,Refused,-126,Cash through the bank,SCO,,Repeater,Computers,POS,XNA,Country-wide,25,Connectivity,10.0,low_normal,POS mobile without interest,,,,,,,1,Cash loans,M,N,N,1,112500.0,157500.0,10651.5,157500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008625,-12558,-3452,-6586.0,-1948,,1,1,1,1,0,0,Sales staff,3.0,2,2,THURSDAY,12,0,0,0,0,0,0,School,0.1492767063760014,0.06623648285173192,0.2822484337007223,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1618530,121784,Consumer loans,3889.8,33705.0,33331.5,3375.0,33705.0,WEDNESDAY,11,Y,1,0.10013708248353337,,,XAP,Approved,-2396,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,8,Connectivity,12.0,low_normal,POS mobile with interest,365243.0,-2363.0,-2033.0,-2033.0,-2028.0,1.0,0,Cash loans,F,N,Y,3,99000.0,86256.0,6903.0,72000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.005144,-11413,-2639,-1248.0,-4099,,1,1,0,1,0,0,,5.0,2,2,FRIDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.6194403635845744,0.722392890081304,0.0619,0.0583,0.9776,0.6940000000000001,0.0066,0.0,0.1034,0.1667,0.2083,0.0101,0.0504,0.0473,0.0,0.0,0.063,0.0605,0.9777,0.706,0.0067,0.0,0.1034,0.1667,0.2083,0.0103,0.0551,0.0493,0.0,0.0,0.0625,0.0583,0.9776,0.6981,0.0066,0.0,0.1034,0.1667,0.2083,0.0103,0.0513,0.0482,0.0,0.0,reg oper account,block of flats,0.0408,Panel,No,0.0,0.0,0.0,0.0,-1600.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1266731,154913,Consumer loans,8328.06,156906.0,184657.5,0.0,156906.0,FRIDAY,20,Y,1,0.0,,,XAP,Approved,-1537,Cash through the bank,XAP,"Spouse, partner",New,Audio/Video,POS,XNA,Country-wide,2200,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1506.0,-816.0,-816.0,-814.0,0.0,0,Cash loans,M,Y,N,2,270000.0,2085120.0,65601.0,1800000.0,Unaccompanied,State servant,Secondary / secondary special,Married,Office apartment,0.006296,-14952,-3241,-9250.0,-1005,13.0,1,1,0,1,0,1,Drivers,4.0,3,3,TUESDAY,14,0,0,0,0,0,0,Security Ministries,0.28884319597396024,0.5847652359463056,0.3740208032583212,0.0619,0.0655,0.9826,0.762,,0.0,0.1379,0.1667,0.2083,0.0663,0.0504,0.0361,0.0,0.0585,0.063,0.0679,0.9826,0.7713,,0.0,0.1379,0.1667,0.2083,0.0678,0.0551,0.0376,0.0,0.0619,0.0625,0.0655,0.9826,0.7652,,0.0,0.1379,0.1667,0.2083,0.0674,0.0513,0.0367,0.0,0.0597,reg oper account,block of flats,0.0411,Panel,No,0.0,0.0,0.0,0.0,-1119.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1492953,216449,Revolving loans,3375.0,0.0,67500.0,,,FRIDAY,11,Y,1,,,,XAP,Approved,-2724,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,23,Connectivity,0.0,XNA,Card Street,-2638.0,-2593.0,365243.0,-2197.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,814041.0,28971.0,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-20535,-188,-2819.0,-3640,21.0,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,9,0,0,0,0,1,1,Transport: type 4,,0.6680834761157887,0.6109913280868294,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-625.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1524460,297460,Revolving loans,11250.0,225000.0,225000.0,,225000.0,TUESDAY,9,Y,1,,,,XAP,Refused,-669,XNA,LIMIT,,New,XNA,Cards,walk-in,AP+ (Cash loan),4,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,135000.0,94230.0,4279.5,67500.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.031329,-21164,365243,-4163.0,-4218,,1,0,0,1,1,0,,1.0,2,2,SATURDAY,8,0,0,0,0,0,0,XNA,0.5725912170128223,0.5014232725445399,0.6496203111237195,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-669.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,7.0 +1417739,337432,Consumer loans,7846.56,67495.5,74623.5,0.0,67495.5,FRIDAY,15,Y,1,0.0,,,XAP,Approved,-384,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Country-wide,2112,Consumer electronics,12.0,middle,POS household with interest,365243.0,-352.0,-22.0,-232.0,-228.0,0.0,0,Cash loans,F,Y,N,1,225000.0,1506816.0,49797.0,1350000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.00702,-11257,-3586,-469.0,-132,9.0,1,1,0,1,0,0,IT staff,3.0,2,2,THURSDAY,12,0,0,0,0,0,0,School,0.5235382864490966,0.4289569801168533,0.7675231046555077,0.1789,0.0402,0.998,0.966,,0.12,0.1379,0.375,0.25,0.0103,0.0303,0.1868,0.0,0.0376,0.0378,0.0417,0.998,0.9673,,0.0,0.069,0.4583,0.25,0.0,0.0331,0.0474,0.0,0.0,0.1806,0.0402,0.998,0.9665,,0.12,0.1379,0.4583,0.25,0.0105,0.0308,0.2184,0.0,0.0384,reg oper account,block of flats,0.1913,Panel,No,5.0,0.0,5.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2312929,115898,Cash loans,17620.92,450000.0,533160.0,,450000.0,TUESDAY,11,Y,1,,,,XNA,Refused,-356,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,Y,Y,0,247500.0,85320.0,6871.5,67500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-16711,-1227,-3880.0,-271,9.0,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,10,0,0,0,0,1,1,Business Entity Type 2,,0.08978065099324968,0.4614823912998385,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-479.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2706462,196449,Consumer loans,16302.375,162729.0,159016.5,16276.5,162729.0,SATURDAY,7,Y,1,0.1011254766694516,,,XAP,Approved,-832,XNA,XAP,Family,Repeater,Construction Materials,POS,XNA,Stone,466,Industry,12.0,middle,POS industry with interest,,,,,,,0,Cash loans,F,N,Y,0,225000.0,277969.5,17892.0,229500.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.014464,-20658,365243,-3244.0,-3808,,1,0,0,1,0,1,,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,XNA,0.7147504656045489,0.6378613150428755,0.2622489709189549,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-1281.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1633980,404955,Revolving loans,10125.0,202500.0,202500.0,,202500.0,FRIDAY,8,Y,1,,,,XAP,Refused,-364,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),4,XNA,0.0,XNA,Card X-Sell,,,,,,,1,Cash loans,F,N,N,0,112500.0,111384.0,9058.5,90000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.019101,-14216,-6649,-6365.0,-4640,,1,1,1,1,1,0,,2.0,2,2,FRIDAY,9,0,0,0,0,1,1,Other,0.4011841648155925,0.6227082733555896,0.30620229831350426,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-845.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +1417770,353170,Cash loans,43272.135,765000.0,843763.5,,765000.0,WEDNESDAY,9,Y,1,,,,XNA,Approved,-627,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-597.0,453.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,0,135000.0,702000.0,29871.0,702000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.030755,-17791,-3521,-2438.0,-1341,6.0,1,1,0,1,0,0,Drivers,2.0,2,2,SUNDAY,11,0,0,0,0,1,1,Transport: type 4,,0.6960016351232778,0.7517237147741489,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,1.0,6.0,0.0,-1626.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2240343,189084,Consumer loans,4542.48,34965.0,34051.5,3510.0,34965.0,SATURDAY,10,Y,1,0.10177200300597927,,,XAP,Approved,-2785,Cash through the bank,XAP,"Spouse, partner",New,Mobile,POS,XNA,Regional / Local,372,Consumer electronics,10.0,high,POS household with interest,365243.0,-2754.0,-2484.0,-2484.0,-2476.0,1.0,0,Cash loans,M,N,N,0,157500.0,225000.0,14647.5,225000.0,Unaccompanied,Commercial associate,Incomplete higher,Single / not married,House / apartment,0.035792000000000004,-10905,-273,-134.0,-3534,,1,1,0,1,1,0,Laborers,1.0,2,2,WEDNESDAY,19,0,0,0,0,0,0,Business Entity Type 3,,0.5969338422057835,,0.1485,0.0886,0.9846,0.7892,0.0348,0.16,0.1379,0.3333,0.375,0.0494,0.121,0.1732,0.0,0.0,0.1513,0.092,0.9846,0.7975,0.0351,0.1611,0.1379,0.3333,0.375,0.0506,0.1322,0.1805,0.0,0.0,0.1499,0.0886,0.9846,0.792,0.035,0.16,0.1379,0.3333,0.375,0.0503,0.1231,0.1763,0.0,0.0,reg oper account,block of flats,0.1362,Panel,No,0.0,0.0,0.0,0.0,-107.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1560667,326419,Consumer loans,31474.08,173430.0,173430.0,0.0,173430.0,SUNDAY,6,Y,1,0.0,,,XAP,Approved,-176,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,250,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-146.0,4.0,-86.0,-78.0,0.0,0,Cash loans,M,N,Y,0,279000.0,454500.0,29043.0,454500.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.006305,-19214,-2512,-7031.0,-1911,,1,1,1,1,1,0,Laborers,2.0,3,3,MONDAY,6,0,0,0,0,0,0,Business Entity Type 3,0.4795022274964992,0.6051503977891111,0.5638350489514956,0.2485,0.128,0.9901,0.8640000000000001,0.063,0.24,0.2069,0.375,0.4167,0.0853,0.2026,0.2897,0.0,0.0,0.2532,0.1328,0.9901,0.8693,0.0635,0.2417,0.2069,0.375,0.4167,0.0873,0.2213,0.3018,0.0,0.0,0.2509,0.128,0.9901,0.8658,0.0634,0.24,0.2069,0.375,0.4167,0.0868,0.2061,0.2949,0.0,0.0,reg oper account,block of flats,0.2279,Panel,No,2.0,0.0,2.0,0.0,-650.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1544868,281395,Cash loans,15142.05,247500.0,247500.0,,247500.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-473,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,AP+ (Cash loan),3,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-443.0,247.0,-203.0,-196.0,0.0,0,Cash loans,F,N,Y,0,171000.0,422892.0,28390.5,382500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0228,-19627,-1923,-5476.0,-3162,,1,1,0,1,1,0,Accountants,2.0,2,2,SUNDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.7277678887875405,,0.1835,0.1418,0.9866,0.8164,0.0262,0.2,0.1724,0.3333,0.0417,0.0829,0.1488,1.0,0.0077,0.0048,0.187,0.1472,0.9866,0.8236,0.0264,0.2014,0.1724,0.3333,0.0417,0.0847,0.1625,1.0,0.0078,0.0051,0.1853,0.1418,0.9866,0.8189,0.0263,0.2,0.1724,0.3333,0.0417,0.0843,0.1513,1.0,0.0078,0.0049,reg oper spec account,block of flats,0.13699999999999998,Panel,No,6.0,0.0,6.0,0.0,-473.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1424694,218739,Consumer loans,8224.065,69538.5,75658.5,0.0,69538.5,THURSDAY,10,Y,1,0.0,,,XAP,Approved,-597,Cash through the bank,XAP,Family,Refreshed,Audio/Video,POS,XNA,Country-wide,2263,Consumer electronics,10.0,low_action,POS household without interest,365243.0,-566.0,-296.0,-326.0,-314.0,0.0,0,Cash loans,M,Y,Y,1,121500.0,152820.0,16344.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-11003,-2753,-2824.0,-2847,7.0,1,1,0,1,0,0,Laborers,3.0,3,3,SATURDAY,8,0,0,0,0,0,0,Business Entity Type 2,0.2017475257700074,0.6014398168180174,0.5814837058057234,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1563.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2168078,378207,Cash loans,22236.93,391500.0,474183.0,,391500.0,WEDNESDAY,17,Y,1,,,,XNA,Refused,-99,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,135000.0,227520.0,18103.5,180000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.032561,-14448,-1813,-2921.0,-33,,1,1,0,1,1,0,Managers,2.0,1,1,THURSDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.7837209093660291,,0.1381,0.1091,0.9776,0.0,0.1873,,0.3103,0.25,0.375,0.105,,0.1544,,,0.1408,0.1132,0.9777,0.0,0.189,,0.3103,0.1667,0.375,0.1074,,0.0854,,,0.1395,0.1091,0.9776,0.0,0.1885,,0.3103,0.25,0.375,0.1068,,0.1572,,,reg oper account,block of flats,0.2808,Others,No,0.0,0.0,0.0,0.0,-1638.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1928438,346294,Consumer loans,4976.685,39105.0,36486.0,5400.0,39105.0,THURSDAY,12,Y,1,0.14040707895456495,,,XAP,Approved,-1645,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,10.0,high,POS mobile with interest,365243.0,-1608.0,-1338.0,-1458.0,-1453.0,0.0,0,Cash loans,F,N,N,0,270000.0,634500.0,27013.5,634500.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.018209,-21938,365243,-1443.0,-3922,,1,0,0,1,0,0,,2.0,3,3,THURSDAY,12,0,0,0,0,0,0,XNA,0.4461063500423352,,0.3996756156233169,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2236297,452831,Consumer loans,8500.5,225000.0,225000.0,0.0,225000.0,THURSDAY,15,Y,1,0.0,,,XAP,Refused,-538,Cash through the bank,LIMIT,,Repeater,Clothing and Accessories,POS,XNA,Stone,60,Clothing,36.0,low_normal,POS industry with interest,,,,,,,1,Cash loans,M,N,Y,0,205200.0,423000.0,33547.5,423000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0228,-14289,-4994,-3948.0,-4779,,1,1,0,1,0,1,Laborers,2.0,2,2,WEDNESDAY,14,0,0,0,0,1,1,Kindergarten,,0.5519082298336883,0.4329616670974407,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,10.0,0.0,10.0,0.0,-1808.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1240556,166342,Consumer loans,4890.555,27720.0,24367.5,4500.0,27720.0,MONDAY,8,Y,1,0.16977255013108475,,,XAP,Approved,-2644,XNA,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Stone,10,Connectivity,6.0,high,POS mobile with interest,365243.0,-2609.0,-2459.0,-2489.0,-2484.0,1.0,0,Cash loans,M,Y,Y,0,135000.0,808650.0,23773.5,675000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.015221,-20562,-3198,-12743.0,-4086,12.0,1,1,1,1,1,0,Laborers,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Business Entity Type 1,0.5636318786552834,0.481384778295505,0.6178261467332483,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-2002.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +1389572,222832,Consumer loans,4721.715,24075.0,23157.0,4500.0,24075.0,THURSDAY,14,Y,1,0.17720320681596294,,,XAP,Approved,-1961,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,22,Connectivity,6.0,high,POS mobile with interest,365243.0,-1898.0,-1748.0,-1808.0,-1804.0,0.0,0,Cash loans,F,N,Y,0,121500.0,535675.5,23593.5,478795.5,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.030755,-23878,365243,-408.0,-4916,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,10,0,0,0,0,0,0,XNA,,0.5961180542236658,0.5406544504453575,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,0.0 +2051924,397937,Consumer loans,7341.435,45526.5,38457.0,9000.0,45526.5,SATURDAY,11,Y,1,0.20654104098063888,,,XAP,Approved,-1053,XNA,XAP,Children,Repeater,Construction Materials,POS,XNA,Stone,40,Construction,6.0,middle,POS industry with interest,365243.0,-1021.0,-871.0,-871.0,-863.0,0.0,0,Cash loans,F,N,Y,0,126000.0,271066.5,11614.5,234000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-21088,365243,-11270.0,-4009,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,XNA,0.8182901112667904,0.7201468296295049,0.32173528219668485,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1524.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +1312936,192908,Consumer loans,11381.31,124870.5,124870.5,0.0,124870.5,SUNDAY,17,Y,1,0.0,,,XAP,Approved,-312,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,1500,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-282.0,48.0,-12.0,-4.0,0.0,0,Cash loans,M,N,N,1,81000.0,360000.0,23004.0,360000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,With parents,0.02461,-8183,-446,-3025.0,-849,,1,1,1,1,1,0,Low-skill Laborers,3.0,2,2,THURSDAY,14,0,0,0,0,0,0,Trade: type 2,,0.5142119828317968,,0.2309,0.1401,0.9811,,,0.24,0.2069,0.3333,,0.1011,,0.2355,,0.0042,0.2353,0.1453,0.9811,,,0.2417,0.2069,0.3333,,0.1034,,0.2453,,0.0045,0.2332,0.1401,0.9811,,,0.24,0.2069,0.3333,,0.1029,,0.2397,,0.0043,,block of flats,0.2155,Panel,No,0.0,0.0,0.0,0.0,-312.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2627581,272021,Consumer loans,17534.655,299785.5,339358.5,0.0,299785.5,THURSDAY,9,Y,1,0.0,,,XAP,Approved,-419,Cash through the bank,XAP,,Repeater,Construction Materials,POS,XNA,Stone,15,Construction,24.0,low_normal,POS other with interest,,,,,,,0,Cash loans,M,N,Y,0,135000.0,284400.0,16011.0,225000.0,Family,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.01885,-24518,365243,-1232.0,-4156,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,XNA,0.6539479206858408,0.3365913282616973,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1192048,451537,Consumer loans,13451.67,76140.0,76140.0,0.0,76140.0,TUESDAY,11,Y,1,0.0,,,XAP,Refused,-594,Cash through the bank,LIMIT,Family,Repeater,Auto Accessories,POS,XNA,Stone,163,Industry,6.0,low_normal,POS other with interest,,,,,,,0,Cash loans,M,N,Y,1,112500.0,343800.0,16155.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.007273999999999998,-13387,-700,-1258.0,-4018,,1,1,0,1,0,0,Security staff,2.0,2,2,MONDAY,16,0,0,0,0,0,0,Security,0.3547954711848457,0.2457141325120148,0.4083588531230431,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1285693,433072,Consumer loans,9432.54,81571.5,92007.0,0.0,81571.5,TUESDAY,6,Y,1,0.0,,,XAP,Approved,-513,XNA,XAP,,Repeater,Audio/Video,POS,XNA,Regional / Local,197,Consumer electronics,12.0,middle,POS household with interest,365243.0,-481.0,-151.0,-181.0,-172.0,0.0,0,Cash loans,F,N,N,2,103500.0,675000.0,24930.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006305,-10766,-194,-4545.0,-2401,,1,1,1,1,0,0,Sales staff,4.0,3,3,FRIDAY,9,0,0,0,0,0,0,Trade: type 7,,0.1008791486908601,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-683.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2307538,236060,Consumer loans,8436.735,89770.5,89325.0,8977.5,89770.5,SATURDAY,12,Y,1,0.09946149524542752,,,XAP,Approved,-817,Cash through the bank,XAP,"Spouse, partner",New,Audio/Video,POS,XNA,Country-wide,1433,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-786.0,-456.0,-546.0,-543.0,0.0,0,Cash loans,M,Y,Y,1,135000.0,1005120.0,29520.0,720000.0,Family,Working,Higher education,Married,House / apartment,0.009656999999999999,-18174,-10178,-1671.0,-1683,15.0,1,1,0,1,1,0,Core staff,3.0,2,2,THURSDAY,15,0,0,0,0,0,0,Transport: type 2,,0.7497499405521713,0.6397075677637197,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-817.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2049300,138751,Consumer loans,12170.25,113535.0,112837.5,11475.0,113535.0,THURSDAY,10,Y,1,0.10053146853146848,,,XAP,Approved,-883,XNA,XAP,Other_B,New,Furniture,POS,XNA,Stone,150,Consumer electronics,12.0,middle,POS household with interest,365243.0,-852.0,-522.0,-672.0,-663.0,0.0,0,Cash loans,F,N,N,0,85500.0,269550.0,13761.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.030755,-11572,-2502,-11517.0,-2520,,1,1,1,1,0,0,Security staff,2.0,2,2,MONDAY,12,0,0,0,0,1,1,Agriculture,0.5733092785373604,0.5168554002617823,0.4471785780453068,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-883.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2260397,160037,Cash loans,10618.335,45000.0,52366.5,,45000.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-835,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,365243.0,-805.0,-655.0,-685.0,-677.0,1.0,0,Cash loans,F,N,Y,0,157500.0,265851.0,22873.5,229500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.009175,-11187,-578,-550.0,-3012,,1,1,0,1,0,0,Cooking staff,2.0,2,2,FRIDAY,12,0,0,0,1,1,0,Business Entity Type 3,,0.4145589317259309,0.5136937663039473,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1296.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2271704,167926,Consumer loans,3998.61,40405.5,40554.0,4050.0,40405.5,SATURDAY,10,Y,1,0.09888839973585732,,,XAP,Approved,-1170,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,53,Connectivity,14.0,high,POS mobile with interest,365243.0,-1133.0,-743.0,-743.0,-734.0,0.0,0,Cash loans,F,N,Y,1,157500.0,370107.0,29803.5,319500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.009656999999999999,-9941,-1309,-9168.0,-2536,,1,1,0,1,0,0,Laborers,3.0,2,2,SUNDAY,13,0,0,0,0,0,0,Self-employed,0.37062892560233207,0.4231231731201178,,0.2165,0.0727,0.9796,0.7212,0.032,0.16,0.1379,0.3333,0.0417,0.0377,0.1765,0.1819,0.0,0.0694,0.2206,0.0755,0.9796,0.7321,0.0323,0.1611,0.1379,0.3333,0.0417,0.0386,0.1928,0.1895,0.0,0.0735,0.2186,0.0727,0.9796,0.7249,0.0322,0.16,0.1379,0.3333,0.0417,0.0384,0.1796,0.1851,0.0,0.0709,reg oper account,block of flats,0.14300000000000002,"Stone, brick",No,1.0,0.0,1.0,0.0,-407.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2763337,381140,Consumer loans,9197.55,46885.5,52060.5,0.0,46885.5,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-750,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,1100,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-719.0,-569.0,-569.0,-560.0,0.0,0,Cash loans,F,N,Y,0,121500.0,668484.0,19674.0,558000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.072508,-23709,365243,-14113.0,-4319,,1,0,0,1,1,0,,1.0,1,1,SUNDAY,17,0,0,0,0,0,0,XNA,,0.7255353202078862,0.6832688314232291,0.2959,0.18600000000000005,0.9806,0.7348,0.0,0.32,0.2759,0.3333,0.375,0.0,0.2412,0.2785,0.0,0.0,0.3015,0.193,0.9806,0.7452,0.0,0.3222,0.2759,0.3333,0.375,0.0,0.2635,0.2901,0.0,0.0,0.2987,0.18600000000000005,0.9806,0.7383,0.0,0.32,0.2759,0.3333,0.375,0.0,0.2454,0.2835,0.0,0.0,reg oper account,block of flats,0.219,Panel,No,11.0,0.0,11.0,0.0,-1563.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,4.0 +2479951,329867,Cash loans,9716.805,90000.0,95940.0,,90000.0,SUNDAY,14,Y,1,,,,XNA,Approved,-445,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-415.0,-85.0,-265.0,-263.0,1.0,0,Cash loans,F,N,Y,0,132750.0,254700.0,24939.0,225000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.02461,-25076,365243,-6712.0,-4107,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,17,0,0,0,0,0,0,XNA,,0.7083159564023962,0.6545292802242897,0.1948,0.1243,0.9906,0.8708,0.0351,0.2,0.1724,0.3333,0.375,0.0591,0.1572,0.2081,0.0077,0.0107,0.1985,0.129,0.9906,0.8759,0.0355,0.2014,0.1724,0.3333,0.375,0.0604,0.1717,0.2168,0.0078,0.0113,0.1967,0.1243,0.9906,0.8725,0.0354,0.2,0.1724,0.3333,0.375,0.0601,0.1599,0.2118,0.0078,0.0109,reg oper account,block of flats,0.1852,"Stone, brick",No,0.0,0.0,0.0,0.0,-2354.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1459315,235079,Consumer loans,16329.735,94005.0,89073.0,9400.5,94005.0,SATURDAY,8,Y,1,0.10396704789521136,,,XAP,Approved,-660,XNA,XAP,,New,Consumer Electronics,POS,XNA,Regional / Local,30,Consumer electronics,6.0,middle,POS household with interest,365243.0,-627.0,-477.0,-477.0,-470.0,0.0,0,Cash loans,F,N,Y,1,166500.0,790830.0,57676.5,675000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.001276,-9193,-804,-874.0,-1210,,1,1,0,1,0,0,Sales staff,3.0,2,2,MONDAY,3,0,0,0,0,0,0,Self-employed,0.7656206103769231,0.29060853908155576,0.7252764347002191,0.0959,0.0896,0.9791,0.7144,0.0085,0.0,0.1724,0.1667,0.2083,0.0647,0.07400000000000001,0.0725,0.0193,0.0842,0.0977,0.0929,0.9791,0.7256,0.0086,0.0,0.1724,0.1667,0.2083,0.0662,0.0808,0.0755,0.0195,0.0892,0.0968,0.0896,0.9791,0.7182,0.0086,0.0,0.1724,0.1667,0.2083,0.0659,0.0752,0.0738,0.0194,0.086,reg oper account,block of flats,0.0753,Panel,No,1.0,1.0,1.0,1.0,-660.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1233645,438045,Consumer loans,9054.765,68301.0,66384.0,6975.0,68301.0,FRIDAY,7,Y,1,0.10355115379038816,,,XAP,Approved,-1747,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,42,Connectivity,10.0,high,POS mobile with interest,365243.0,-1713.0,-1443.0,-1443.0,-1339.0,0.0,0,Cash loans,F,N,Y,0,189000.0,900000.0,26446.5,900000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018029,-20284,365243,-1394.0,-3161,,1,0,0,1,0,0,,2.0,3,3,TUESDAY,10,0,0,0,0,0,0,XNA,0.6345408303847647,0.3680168417162824,0.5136937663039473,0.0495,0.0425,0.9752,0.66,,0.0,0.069,0.125,0.0417,0.0405,0.0361,0.0353,,,0.0504,0.0441,0.9752,0.6733,,0.0,0.069,0.125,0.0417,0.0414,0.0395,0.0367,,,0.05,0.0425,0.9752,0.6645,,0.0,0.069,0.125,0.0417,0.0412,0.0368,0.0359,,,reg oper spec account,specific housing,0.0293,"Stone, brick",No,0.0,0.0,0.0,0.0,-1747.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1513863,389154,Consumer loans,8856.0,135000.0,135000.0,0.0,135000.0,THURSDAY,10,Y,1,0.0,,,XAP,Approved,-1178,Cash through the bank,XAP,,New,Furniture,POS,XNA,Stone,146,Furniture,18.0,low_normal,POS industry with interest,365243.0,-1146.0,-636.0,-636.0,-627.0,0.0,0,Cash loans,M,Y,Y,2,126000.0,512064.0,19431.0,360000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.010147,-10156,-500,-4002.0,-2816,19.0,1,1,1,1,0,0,Laborers,4.0,2,2,SATURDAY,17,0,0,0,0,0,0,Industry: type 2,,0.29853301473402266,0.7194907850918436,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1178.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1914557,373084,Consumer loans,18613.17,136881.0,115825.5,27378.0,136881.0,TUESDAY,8,Y,1,0.20821509885645875,,,XAP,Approved,-1400,Cash through the bank,XAP,"Spouse, partner",New,Computers,POS,XNA,Country-wide,5,Consumer electronics,7.0,middle,POS household with interest,365243.0,-1369.0,-1189.0,-1189.0,-1185.0,0.0,0,Cash loans,F,N,Y,0,76500.0,225000.0,22050.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.015221,-24158,365243,-5605.0,-4499,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,8,0,0,0,0,0,0,XNA,,0.503265573770721,0.6642482627052363,0.1103,0.1416,0.9861,0.8096,0.0,0.0,0.2759,0.1667,0.2083,0.0647,0.0899,0.1027,0.0,0.1569,0.1124,0.147,0.9861,0.8171,0.0,0.0,0.2759,0.1667,0.2083,0.0662,0.0983,0.107,0.0,0.1662,0.1114,0.1416,0.9861,0.8121,0.0,0.0,0.2759,0.1667,0.2083,0.0659,0.0915,0.1046,0.0,0.1602,org spec account,block of flats,0.1149,"Stone, brick",No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1252063,449993,Consumer loans,8916.435,87741.0,123745.5,0.0,87741.0,FRIDAY,15,Y,1,0.0,,,XAP,Approved,-1378,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,2661,Consumer electronics,24.0,high,POS household with interest,365243.0,-1346.0,-656.0,-836.0,-830.0,0.0,1,Cash loans,M,Y,Y,0,202500.0,1118286.0,32827.5,976500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-18734,-305,-6169.0,-2268,10.0,1,1,1,1,1,0,Laborers,2.0,2,2,THURSDAY,15,0,0,0,0,1,1,Business Entity Type 3,,0.26667369747465897,,0.0165,,0.9821,,,,0.069,0.0417,,0.0125,,0.0144,,,0.0168,,0.9821,,,,0.069,0.0417,,0.0128,,0.015,,,0.0167,,0.9821,,,,0.069,0.0417,,0.0127,,0.0146,,,,block of flats,0.0174,Panel,No,1.0,0.0,1.0,0.0,-1378.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2576747,304671,Consumer loans,,101655.225,101655.225,0.0,101655.225,WEDNESDAY,18,Y,1,0.0,,,XAP,Refused,-726,Cash through the bank,XNA,,New,Computers,XNA,XNA,Country-wide,46,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,F,Y,N,1,90000.0,508495.5,24592.5,454500.0,Unaccompanied,State servant,Secondary / secondary special,Married,Rented apartment,0.025164,-8339,-1597,-5868.0,-656,6.0,1,1,0,1,0,0,High skill tech staff,3.0,2,2,MONDAY,11,0,0,0,0,0,0,Trade: type 3,0.09509527292207297,0.030147739193683836,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-267.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2438169,168157,Consumer loans,12692.43,62950.5,66690.0,0.0,62950.5,FRIDAY,21,Y,1,0.0,,,XAP,Approved,-13,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,1,Consumer electronics,6.0,middle,POS mobile with interest,365243.0,365243.0,168.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,2,202500.0,1113840.0,47322.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.032561,-12605,-1231,-3065.0,-4294,8.0,1,1,0,1,0,0,Accountants,4.0,1,1,THURSDAY,18,0,0,0,0,0,0,Business Entity Type 3,0.7043934359334973,0.6827417776932894,0.7992967832109371,,,0.9791,,,,,,,,,0.2748,,,,,0.9791,,,,,,,,,0.2863,,,,,0.9791,,,,,,,,,0.2798,,,,,0.2162,,No,0.0,0.0,0.0,0.0,-13.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2396244,140894,Cash loans,19827.945,193500.0,193500.0,,193500.0,WEDNESDAY,15,Y,1,,,,XNA,Approved,-363,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-333.0,-3.0,-183.0,-177.0,0.0,0,Cash loans,F,N,Y,0,157500.0,254700.0,25321.5,225000.0,Unaccompanied,Pensioner,Higher education,Widow,House / apartment,0.008019,-24820,365243,-14151.0,-4576,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,14,0,0,0,0,0,0,XNA,,0.5606952457494249,0.25533177083329,0.0515,0.0363,0.9806,0.7348,0.08800000000000001,0.04,0.0345,0.3333,0.0417,0.0572,0.0403,0.0415,0.0077,0.071,0.0525,0.0376,0.9806,0.7452,0.0888,0.0403,0.0345,0.3333,0.0417,0.0585,0.0441,0.0432,0.0078,0.0752,0.052000000000000005,0.0363,0.9806,0.7383,0.0885,0.04,0.0345,0.3333,0.0417,0.0582,0.041,0.0423,0.0078,0.0725,reg oper account,block of flats,0.0481,"Stone, brick",No,0.0,0.0,0.0,0.0,-1143.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1377443,220301,Consumer loans,22599.99,153585.0,79326.0,76792.5,153585.0,THURSDAY,14,Y,1,0.5357085395796373,,,XAP,Approved,-2895,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Stone,582,Consumer electronics,4.0,low_normal,POS household with interest,365243.0,-2864.0,-2774.0,-2774.0,-2668.0,1.0,0,Cash loans,F,N,Y,1,279000.0,1800000.0,47614.5,1800000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.010006000000000001,-18207,-11469,-7017.0,-1763,,1,1,1,1,1,0,Laborers,2.0,2,2,MONDAY,13,0,0,0,0,0,0,Industry: type 9,,0.08770991486524335,0.5352762504724826,0.1814,0.1312,0.9906,0.8708,0.113,0.2,0.1724,0.3333,0.375,0.0496,0.1454,0.1858,0.0116,0.0163,0.1849,0.1361,0.9906,0.8759,0.114,0.2014,0.1724,0.3333,0.375,0.0507,0.1589,0.1935,0.0117,0.0173,0.1832,0.1312,0.9906,0.8725,0.1137,0.2,0.1724,0.3333,0.375,0.0504,0.1479,0.1891,0.0116,0.0166,reg oper account,block of flats,0.1496,Block,No,2.0,1.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2347050,106229,Cash loans,,0.0,0.0,,,TUESDAY,9,Y,1,,,,XNA,Refused,-206,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,135000.0,333337.5,21834.0,301500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.010643000000000001,-16212,-5545,-1723.0,-4183,,1,1,0,1,0,0,,1.0,2,2,FRIDAY,10,0,0,0,0,0,0,Agriculture,,0.40351708609817344,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-767.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1934761,126643,Cash loans,24092.775,225000.0,304933.5,,225000.0,THURSDAY,13,Y,1,,,,Everyday expenses,Refused,-696,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,N,4,135000.0,474183.0,23193.0,391500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-16556,-462,-991.0,-88,,1,1,0,1,0,0,Cleaning staff,6.0,2,2,SUNDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.5653274518042942,0.09950368352887068,0.032,0.0,0.9985,,0.0099,0.0,0.069,0.0833,0.125,0.0161,0.0261,0.0332,0.0,0.0,0.0326,0.0,0.9985,,0.01,0.0,0.069,0.0833,0.125,0.0165,0.0285,0.0346,0.0,0.0,0.0323,0.0,0.9985,,0.01,0.0,0.069,0.0833,0.125,0.0164,0.0265,0.0338,0.0,0.0,reg oper account,block of flats,0.0315,"Stone, brick",No,0.0,0.0,0.0,0.0,-754.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2062124,116561,Consumer loans,2883.33,17055.0,18180.0,0.0,17055.0,WEDNESDAY,15,Y,1,0.0,,,XAP,Approved,-2486,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,52,Connectivity,8.0,high,POS mobile with interest,365243.0,-2455.0,-2245.0,-2305.0,-2300.0,1.0,0,Cash loans,F,N,Y,0,171000.0,810571.5,32274.0,724500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.011656999999999999,-21032,-1661,-9732.0,-3465,,1,1,0,1,0,1,Security staff,2.0,1,1,THURSDAY,10,0,1,1,0,0,0,Business Entity Type 3,0.6250256460927024,0.7501313168264624,0.5620604831738043,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,0.0,-1731.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1639472,262709,Consumer loans,13955.49,137700.0,149512.5,0.0,137700.0,THURSDAY,10,Y,1,0.0,,,XAP,Approved,-504,Cash through the bank,XAP,,New,Furniture,POS,XNA,Stone,150,Furniture,12.0,low_normal,POS industry with interest,365243.0,-472.0,-142.0,-142.0,-137.0,0.0,0,Cash loans,F,N,Y,1,166500.0,1042560.0,34587.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.0228,-14313,-254,-664.0,-3456,,1,1,0,1,0,0,Private service staff,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,Self-employed,,0.5629131888864792,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-504.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2754359,429275,Cash loans,24092.775,225000.0,304933.5,,225000.0,FRIDAY,18,Y,1,,,,Repairs,Approved,-639,XNA,XAP,,New,XNA,Cash,walk-in,Contact center,-1,XNA,24.0,high,Cash Street: high,365243.0,-608.0,81.0,-368.0,-364.0,0.0,0,Cash loans,F,N,Y,2,247500.0,545040.0,26640.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-12372,-1142,-234.0,-1871,,1,1,0,1,1,0,Sales staff,4.0,1,1,SUNDAY,11,0,1,1,0,1,1,Business Entity Type 1,0.3011144858003271,0.6334857370859629,0.13094715293601816,0.201,,,,,0.4,0.1724,0.625,,,,0.2672,,0.0498,0.2048,,,,,0.4028,0.1724,0.625,,,,0.2784,,0.0527,0.203,,,,,0.4,0.1724,0.625,,,,0.272,,0.0508,,block of flats,0.2909,Panel,No,1.0,0.0,1.0,0.0,-639.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1383499,437619,Consumer loans,3194.685,31950.0,28755.0,3195.0,31950.0,SUNDAY,12,Y,1,0.1089090909090909,,,XAP,Approved,-2525,Cash through the bank,XAP,,New,Sport and Leisure,POS,XNA,Regional / Local,84,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2487.0,-2217.0,-2217.0,-2196.0,0.0,1,Cash loans,M,N,N,0,157500.0,550980.0,40221.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-16448,-299,-1876.0,-9,,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,13,0,0,0,0,1,1,Medicine,0.6651438105430162,0.4900315870244013,0.21275630545434146,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1475271,404991,Cash loans,67266.135,1138500.0,1204623.0,,1138500.0,FRIDAY,14,Y,1,,,,XNA,Approved,-452,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-422.0,268.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,4,157500.0,188478.0,22495.5,166500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-14302,-633,-1742.0,-2373,9.0,1,1,0,1,0,0,Cleaning staff,6.0,3,3,TUESDAY,8,0,0,0,0,0,0,Business Entity Type 3,0.3804272196174349,0.3092877629690188,0.8327850252992314,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1927.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1421853,301964,Consumer loans,7128.27,65857.5,64161.0,6588.0,65857.5,MONDAY,15,Y,1,0.10141388442367966,,,XAP,Approved,-2427,XNA,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,3000,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2396.0,-2126.0,-2126.0,-2120.0,1.0,1,Cash loans,F,N,Y,0,292500.0,677664.0,49311.0,585000.0,Family,Commercial associate,Higher education,Single / not married,House / apartment,0.011703,-12027,-1375,-156.0,-4183,,1,1,0,1,0,0,Managers,1.0,2,2,SATURDAY,13,0,0,0,0,0,0,Self-employed,0.2992538281219368,0.6937343915404074,0.3859146722745145,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-742.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1398646,359326,Consumer loans,6436.575,71955.0,73309.5,7195.5,71955.0,FRIDAY,11,Y,1,0.0973424462625133,,,XAP,Approved,-2325,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,816,Consumer electronics,16.0,high,POS household with interest,365243.0,-2294.0,-1844.0,-1844.0,-1840.0,1.0,0,Cash loans,F,N,N,0,112500.0,225000.0,21919.5,225000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.030755,-18385,-2908,-9711.0,-1943,,1,1,1,1,1,0,Medicine staff,2.0,2,2,FRIDAY,21,0,0,0,0,0,0,Government,0.8881422952697929,0.6579657193046345,0.5779691187553125,0.0186,0.0504,0.9876,0.83,,0.0,0.1034,0.0417,0.0833,0.0143,,0.0196,,0.0,0.0189,0.0523,0.9876,0.8367,,0.0,0.1034,0.0417,0.0833,0.0147,,0.0204,,0.0,0.0187,0.0504,0.9876,0.8323,,0.0,0.1034,0.0417,0.0833,0.0146,,0.0199,,0.0,reg oper account,block of flats,0.0269,"Stone, brick",No,2.0,2.0,2.0,1.0,-1814.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,2.0,0.0,1.0 +1138482,389083,Cash loans,9127.35,135000.0,135000.0,0.0,135000.0,MONDAY,11,Y,1,0.0,,,XNA,Refused,-2409,Cash through the bank,SCO,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,24.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,135000.0,640080.0,24259.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.005002,-17081,-220,-4254.0,-634,,1,1,0,1,0,0,Accountants,2.0,3,3,TUESDAY,12,0,0,0,1,1,0,Construction,0.14099931091351567,0.4644070953235436,0.24318648044201235,0.0897,,0.9816,,,0.0,0.069,0.1667,,,,,,,0.0914,,0.9816,,,0.0,0.069,0.1667,,,,,,,0.0906,,0.9816,,,0.0,0.069,0.1667,,,,,,,,block of flats,0.0496,"Stone, brick",No,2.0,0.0,2.0,0.0,-13.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2392976,412192,Consumer loans,6433.875,64345.5,57910.5,6435.0,64345.5,SATURDAY,15,Y,1,0.1089167074620602,,,XAP,Approved,-2708,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Stone,608,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2677.0,-2407.0,-2407.0,-2399.0,0.0,0,Cash loans,M,Y,N,0,135000.0,675000.0,21492.0,675000.0,Family,Working,Higher education,Single / not married,With parents,0.026392000000000002,-11294,-485,-632.0,-472,5.0,1,1,0,1,0,0,,1.0,2,2,SATURDAY,12,0,0,0,0,0,0,Bank,,0.3605827703387404,0.6161216908872079,0.1072,,0.999,,,0.16,0.1034,0.3333,,,,0.1565,,0.0,0.1092,,0.999,,,0.1611,0.1034,0.3333,,,,0.1631,,0.0,0.1083,,0.999,,,0.16,0.1034,0.3333,,,,0.1593,,0.0,,block of flats,0.1231,"Stone, brick",No,6.0,0.0,6.0,0.0,-2310.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1035230,220119,Cash loans,9830.97,90000.0,95940.0,,90000.0,WEDNESDAY,12,Y,1,,,,XNA,Approved,-648,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-618.0,-288.0,-348.0,-343.0,1.0,0,Cash loans,F,N,Y,0,157500.0,988191.0,39321.0,909000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-21671,365243,-6845.0,-4317,,1,0,0,1,0,0,,2.0,2,2,SUNDAY,10,0,0,0,0,0,0,XNA,,0.6104777238569471,0.4311917977993083,,,0.9613,,,,0.1724,0.0,,0.0125,,0.0097,,,,,0.9613,,,,0.1724,0.0,,0.0128,,0.0101,,,,,0.9613,,,,0.1724,0.0,,0.0128,,0.0099,,,,block of flats,0.0088,Mixed,Yes,0.0,0.0,0.0,0.0,-1226.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1133009,117571,Consumer loans,14333.85,101205.0,86296.5,20250.0,101205.0,TUESDAY,13,Y,1,0.2069902897710475,,,XAP,Approved,-1448,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,24,Connectivity,8.0,high,POS mobile with interest,365243.0,-1408.0,-1198.0,-1198.0,-1191.0,0.0,0,Cash loans,F,N,N,0,144000.0,472500.0,44860.5,454500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018029,-15335,-8582,-5047.0,-5998,,1,1,1,1,0,0,Core staff,2.0,3,3,SATURDAY,11,0,0,0,0,0,0,Industry: type 9,,0.4514615863524215,0.7267112092725122,0.0619,0.1062,0.9911,0.8776,0.0499,0.0,0.2069,0.1667,0.2083,0.0,0.0504,0.0797,0.0,0.1255,0.063,0.1102,0.9911,0.8824,0.0503,0.0,0.2069,0.1667,0.2083,0.0,0.0551,0.0831,0.0,0.1328,0.0625,0.1062,0.9911,0.8792,0.0502,0.0,0.2069,0.1667,0.2083,0.0,0.0513,0.0812,0.0,0.1281,reg oper account,block of flats,0.09,"Stone, brick",No,10.0,0.0,10.0,0.0,-2082.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2008540,318341,Cash loans,43735.14,949500.0,1032219.0,,949500.0,THURSDAY,16,Y,1,,,,XNA,Refused,-345,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,1,Cash loans,F,N,Y,0,90000.0,1350000.0,39474.0,1350000.0,Family,Pensioner,Higher education,Married,House / apartment,0.020246,-20829,365243,-9384.0,-3917,,1,0,0,1,1,0,,2.0,3,3,SATURDAY,15,0,0,0,0,0,0,XNA,0.6230824584438769,0.3997123255931461,0.2622489709189549,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1321591,289386,Revolving loans,11250.0,225000.0,225000.0,,225000.0,MONDAY,8,Y,1,,,,XAP,Refused,-765,XNA,LIMIT,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,Y,Y,0,135000.0,797557.5,26487.0,688500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.020246,-21016,365243,-1170.0,-4489,6.0,1,0,0,1,0,1,,2.0,3,3,WEDNESDAY,7,0,0,0,0,0,0,XNA,0.7824285529607329,0.5212498326474582,0.4848514754962666,0.0423,0.0514,0.9876,0.83,0.0454,0.0,0.0345,0.1667,0.2083,0.0226,0.0345,0.0459,0.0,0.0,0.0431,0.0533,0.9876,0.8367,0.0458,0.0,0.0345,0.1667,0.2083,0.0231,0.0376,0.0479,0.0,0.0,0.0427,0.0514,0.9876,0.8323,0.0457,0.0,0.0345,0.1667,0.2083,0.023,0.0351,0.0468,0.0,0.0,reg oper account,block of flats,0.061,Panel,No,0.0,0.0,0.0,0.0,-1233.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2463468,276189,Cash loans,17188.965,315000.0,357619.5,,315000.0,WEDNESDAY,12,Y,1,,,,XNA,Approved,-1469,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,30.0,low_normal,Cash X-Sell: low,365243.0,-1439.0,-569.0,-959.0,-954.0,1.0,0,Cash loans,M,Y,Y,2,157500.0,269982.0,27792.0,238500.0,Unaccompanied,State servant,Secondary / secondary special,Married,Rented apartment,0.019688999999999998,-15246,-4406,-7791.0,-4542,11.0,1,1,0,1,0,0,Drivers,4.0,2,2,TUESDAY,11,0,0,0,1,1,0,Emergency,,0.753111431089402,0.5567274263630174,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2678.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1615756,357944,Consumer loans,5407.2,53095.5,52515.0,5310.0,53095.5,SATURDAY,14,Y,1,0.10000990449239472,,,XAP,Refused,-1049,Cash through the bank,SCO,Other_A,Refreshed,Audio/Video,POS,XNA,Country-wide,2547,Consumer electronics,12.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,N,0,67500.0,180000.0,9423.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.018634,-15873,-690,-4760.0,-4879,,1,1,1,1,0,0,Laborers,1.0,2,2,THURSDAY,12,0,0,0,0,0,0,Business Entity Type 2,,0.6786829558572324,0.6528965519806539,0.0763,,0.9786,0.7076,,0.0,0.1379,,0.2083,,0.0622,0.0695,0.0,0.0,0.0777,,0.9786,0.7190000000000001,,0.0,0.1379,,0.2083,,0.068,0.0724,0.0,0.0,0.077,,0.9786,0.7115,,0.0,0.1379,,0.2083,,0.0633,0.0707,0.0,0.0,org spec account,block of flats,0.0705,"Stone, brick",No,0.0,0.0,0.0,0.0,-2006.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1658531,201932,Cash loans,2819.835,67500.0,85320.0,,67500.0,WEDNESDAY,12,Y,1,,,,XNA,Refused,-315,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),6,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,58500.0,74182.5,5404.5,67500.0,Unaccompanied,Pensioner,Lower secondary,Single / not married,House / apartment,0.005002,-17567,365243,-14184.0,-1106,,1,0,0,1,1,0,,1.0,3,3,WEDNESDAY,12,0,0,0,0,0,0,XNA,,0.11681526421794647,,0.1031,0.0893,0.9806,0.7348,0.0431,0.0,0.2069,0.1667,0.2083,0.0736,0.0841,0.0604,0.0,0.0,0.105,0.0927,0.9806,0.7452,0.0435,0.0,0.2069,0.1667,0.2083,0.0753,0.0918,0.063,0.0,0.0,0.1041,0.0893,0.9806,0.7383,0.0434,0.0,0.2069,0.1667,0.2083,0.0749,0.0855,0.0615,0.0,0.0,reg oper account,block of flats,0.0711,"Stone, brick",No,1.0,0.0,1.0,0.0,-184.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1987682,281142,Revolving loans,2250.0,45000.0,45000.0,,45000.0,THURSDAY,7,Y,1,,,,XAP,Approved,-2,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-2.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,1,157500.0,479637.0,22491.0,396000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.001276,-19247,-823,-843.0,-2489,19.0,1,1,0,1,0,0,Drivers,3.0,2,2,SATURDAY,4,0,0,0,0,1,1,Business Entity Type 3,,0.5534598078619862,0.5334816299804352,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-339.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1858089,167087,Cash loans,26560.8,585000.0,585000.0,,585000.0,SATURDAY,11,Y,1,,,,XNA,Refused,-1204,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,36.0,middle,Cash X-Sell: middle,,,,,,,0,Revolving loans,F,N,N,0,225000.0,675000.0,33750.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-17181,-8494,-10418.0,-710,,1,1,0,1,0,0,,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.5173086229539979,0.7490217048463391,0.0505,0.0271,0.9737,0.6396,0.0157,0.0,0.1034,0.1667,0.2083,0.0588,0.0403,0.0398,0.0039,0.0476,0.0515,0.0281,0.9737,0.6537,0.0158,0.0,0.1034,0.1667,0.2083,0.0602,0.0441,0.0415,0.0039,0.0504,0.051,0.0271,0.9737,0.6444,0.0158,0.0,0.1034,0.1667,0.2083,0.0599,0.041,0.0406,0.0039,0.0486,not specified,block of flats,0.0503,Block,No,0.0,0.0,0.0,0.0,-1497.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2621030,249665,Cash loans,16797.645,270000.0,352152.0,,270000.0,TUESDAY,16,Y,1,,,,XNA,Refused,-500,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,30.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,Y,Y,0,216000.0,456273.0,27702.0,346500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-17308,-2137,-1726.0,-854,11.0,1,1,0,1,0,0,Core staff,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,Kindergarten,0.8079536299791994,0.4727927106011551,0.4920600938649263,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,10.0,0.0,10.0,0.0,-2510.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2188774,295751,Cash loans,13131.0,247500.0,287685.0,,247500.0,THURSDAY,10,Y,1,,,,XNA,Approved,-918,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-888.0,162.0,-588.0,-579.0,1.0,0,Cash loans,F,N,Y,0,202500.0,711072.0,25668.0,540000.0,Family,State servant,Higher education,Civil marriage,House / apartment,0.01885,-16244,-1121,-2316.0,-4456,,1,1,0,1,0,0,Core staff,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,School,,0.2999269878452303,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2564617,445735,Consumer loans,21136.5,393750.0,315000.0,78750.0,393750.0,MONDAY,12,Y,1,0.2178181818181818,,,XAP,Approved,-256,XNA,XAP,Unaccompanied,Repeater,Direct Sales,POS,XNA,Regional / Local,25,MLM partners,18.0,low_normal,POS other with interest,365243.0,-224.0,286.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,207000.0,728460.0,44694.0,675000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.008865999999999999,-23445,-1125,-4389.0,-4749,,1,1,0,1,1,0,Core staff,2.0,2,2,FRIDAY,14,0,0,0,1,1,0,School,0.8688749761229074,0.5228921603785627,0.22888341670067305,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-790.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2817638,434308,Consumer loans,19083.735,161910.0,173488.5,0.0,161910.0,THURSDAY,12,Y,1,0.0,,,XAP,Approved,-881,Cash through the bank,XAP,Unaccompanied,Repeater,Clothing and Accessories,POS,XNA,Regional / Local,2000,Clothing,10.0,low_normal,POS industry with interest,365243.0,-845.0,-575.0,-815.0,-807.0,0.0,0,Cash loans,F,N,N,0,193500.0,675000.0,34465.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.011703,-15134,-2052,-2836.0,-4167,,1,1,1,1,1,0,,2.0,2,2,SUNDAY,13,0,0,0,0,0,0,Self-employed,0.5738541071237063,0.6919054249190238,0.4578995512067301,0.0928,0.1062,0.9886,,,0.0,0.2069,0.1667,,0.0504,,0.0816,,0.047,0.0945,0.1102,0.9886,,,0.0,0.2069,0.1667,,0.0515,,0.085,,0.0498,0.0937,0.1062,0.9886,,,0.0,0.2069,0.1667,,0.0512,,0.083,,0.048,,terraced house,0.0811,"Stone, brick",No,0.0,0.0,0.0,0.0,-1024.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2170181,218666,Cash loans,13402.8,337500.0,415462.5,,337500.0,TUESDAY,18,Y,1,,,,Building a house or an annex,Refused,-324,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),5,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,202500.0,650758.5,36468.0,603000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.019101,-21670,-12134,-2743.0,-2390,,1,1,0,1,0,0,Laborers,1.0,2,2,THURSDAY,13,0,0,0,0,0,0,Industry: type 7,,0.7483400097636836,0.501075160239048,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1503.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1385465,111459,Consumer loans,10072.485,93061.8,90661.5,9307.8,93061.8,WEDNESDAY,14,Y,1,0.1014015339072732,,,XAP,Approved,-2590,XNA,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,8,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2559.0,-2289.0,-2289.0,-2285.0,1.0,0,Cash loans,F,N,N,0,90000.0,675000.0,19737.0,675000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.028663,-18513,-1557,-10337.0,-2052,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,11,0,0,0,1,1,0,School,0.5920862814379396,0.22765830491691585,0.41885428862332175,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1626.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2037060,333104,Consumer loans,8590.275,161842.5,190471.5,0.0,161842.5,SUNDAY,14,Y,1,0.0,,,XAP,Approved,-1625,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Regional / Local,331,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,0,Cash loans,F,N,N,0,157500.0,643500.0,31086.0,643500.0,Family,Working,Higher education,Married,House / apartment,0.00496,-13571,-4469,-7500.0,-4570,,1,1,0,1,0,0,Core staff,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Other,0.7592130482832312,0.5238413223984383,0.6706517530862718,,,,,,,,,,,,0.015,,,,,,,,,,,,,,0.0156,,,,,,,,,,,,,,0.0153,,,,block of flats,0.0144,,No,5.0,0.0,5.0,0.0,-1860.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1877080,210864,Cash loans,12047.625,90000.0,109156.5,,90000.0,FRIDAY,16,Y,1,,,,XNA,Approved,-780,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-750.0,-420.0,-660.0,-651.0,1.0,0,Cash loans,M,Y,N,0,180000.0,269550.0,21739.5,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019101,-13648,-3353,-3817.0,-4304,6.0,1,1,0,1,0,0,Drivers,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Self-employed,0.2905220151347103,0.18335044303930145,0.5549467685334323,0.1845,0.1346,0.9995,0.9728,0.0637,0.16,0.1552,0.4375,0.7083,0.1626,0.1387,0.1351,0.0541,0.1987,0.187,0.1396,0.9995,0.9543,0.0643,0.1611,0.069,0.2083,0.7083,0.1663,0.1488,0.1214,0.0389,0.1132,0.1863,0.1346,0.9995,0.9732,0.0641,0.16,0.1552,0.4375,0.7083,0.1654,0.1411,0.1375,0.0543,0.2029,reg oper account,block of flats,0.1896,"Stone, brick",No,13.0,0.0,13.0,0.0,-315.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2767913,117253,Consumer loans,11885.175,169740.0,152766.0,16974.0,169740.0,FRIDAY,12,Y,1,0.1089090909090909,,,XAP,Approved,-1389,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Stone,45,Consumer electronics,18.0,middle,POS household with interest,365243.0,-1352.0,-842.0,-902.0,-897.0,0.0,0,Revolving loans,F,N,Y,0,73125.0,202500.0,10125.0,202500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.031329,-22731,365243,-12096.0,-2692,,1,0,0,1,1,0,,1.0,2,2,MONDAY,12,0,0,0,0,0,0,XNA,,0.555879691948811,0.6413682574954046,0.0247,0.0,0.9826,0.762,0.002,0.0,0.069,0.0833,0.0417,0.0,0.0202,0.024,0.0,0.0,0.0252,0.0,0.9826,0.7713,0.0021,0.0,0.069,0.0833,0.0417,0.0,0.022,0.025,0.0,0.0,0.025,0.0,0.9826,0.7652,0.002,0.0,0.069,0.0833,0.0417,0.0,0.0205,0.0245,0.0,0.0,reg oper spec account,block of flats,0.02,"Stone, brick",No,2.0,1.0,2.0,1.0,-1389.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2497185,305386,Cash loans,15713.055,225000.0,254700.0,,225000.0,MONDAY,17,Y,1,,,,XNA,Approved,-330,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-300.0,390.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,171000.0,254700.0,24939.0,225000.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.04622,-24567,365243,-8167.0,-4514,,1,0,0,1,0,0,,2.0,1,1,TUESDAY,14,0,0,0,0,0,0,XNA,,0.7399176111470256,0.8214433128935934,0.2969,0.1947,0.9821,,,0.32,0.2759,0.3333,,,,0.29,,,0.3025,0.2021,0.9821,,,0.3222,0.2759,0.3333,,,,0.3022,,,0.2998,0.1947,0.9821,,,0.32,0.2759,0.3333,,,,0.2952,,,,,0.2281,Panel,No,0.0,0.0,0.0,0.0,-1265.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1500591,181025,Consumer loans,3283.74,25150.5,27364.5,0.0,25150.5,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-382,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Regional / Local,100,Consumer electronics,10.0,middle,POS household with interest,365243.0,-351.0,-81.0,-291.0,-283.0,0.0,1,Revolving loans,F,N,Y,0,67500.0,157500.0,7875.0,157500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.019101,-16123,-487,-1772.0,-5159,,1,1,0,1,0,0,High skill tech staff,1.0,2,2,WEDNESDAY,17,0,0,0,1,1,0,Self-employed,,0.6203163121897943,0.12689752616027333,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,0.0,-382.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,0.0,0.0,2.0 +1169347,358089,Cash loans,45205.605,1350000.0,1546020.0,,1350000.0,SATURDAY,11,Y,1,,,,XNA,Approved,-200,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-170.0,1600.0,-140.0,-136.0,1.0,1,Cash loans,F,N,N,0,360000.0,1800000.0,62568.0,1800000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.072508,-20804,365243,-10428.0,-4229,,1,0,0,1,1,0,,2.0,1,1,SATURDAY,10,0,0,0,0,0,0,XNA,,0.44081180867328906,0.07249667675378216,0.4031,0.2562,0.9796,0.7212,0.2483,0.44,0.3793,0.3333,0.375,0.0,0.3261,0.2565,0.0116,0.018000000000000002,0.2962,0.1946,0.9796,0.7321,0.2224,0.3222,0.2759,0.3333,0.375,0.0,0.2553,0.192,0.0078,0.009000000000000001,0.407,0.2562,0.9796,0.7249,0.2498,0.44,0.3793,0.3333,0.375,0.0,0.3318,0.2611,0.0116,0.0184,reg oper account,block of flats,0.2173,Panel,No,0.0,0.0,0.0,0.0,-200.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2134853,403365,Consumer loans,8050.95,133515.0,120163.5,13351.5,133515.0,THURSDAY,6,Y,1,0.1089090909090909,,,XAP,Approved,-2767,Cash through the bank,XAP,,New,Computers,POS,XNA,Stone,59,Consumer electronics,24.0,high,POS household with interest,365243.0,-2730.0,-2040.0,-2040.0,-2029.0,0.0,0,Cash loans,F,N,N,0,180000.0,932643.0,27270.0,778500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.020246,-13588,-2732,-2325.0,-2546,,1,1,1,1,0,0,Laborers,1.0,3,3,WEDNESDAY,17,0,0,0,0,1,1,Construction,,0.022240546770298287,0.4365064990977374,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1246.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2334301,339074,Consumer loans,26142.48,234000.0,234000.0,0.0,234000.0,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-93,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Stone,26,Furniture,10.0,low_normal,POS industry with interest,365243.0,-63.0,207.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,N,0,202500.0,1629000.0,42970.5,1629000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-17481,-3984,-11537.0,-1008,1.0,1,1,1,1,1,0,Sales staff,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.7097956235515385,0.5691487713619409,0.133,,0.9767,,,0.0,0.2759,0.1667,,,,0.1217,,0.0,0.1355,,0.9767,,,0.0,0.2759,0.1667,,,,0.1268,,0.0,0.1343,,0.9767,,,0.0,0.2759,0.1667,,,,0.1239,,0.0,,block of flats,0.0957,"Stone, brick",No,1.0,1.0,1.0,1.0,-1890.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1238270,279958,Cash loans,34912.215,945000.0,1082214.0,,945000.0,TUESDAY,6,Y,1,,,,XNA,Approved,-442,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-412.0,1358.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,1,315000.0,835380.0,40320.0,675000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.001276,-17639,-7843,-924.0,-1202,,1,1,0,1,0,0,Medicine staff,3.0,2,2,WEDNESDAY,7,0,0,0,0,0,0,Medicine,,0.3552708869818556,0.5638350489514956,0.0742,0.0665,0.998,0.9728,0.0102,0.08,0.069,0.3333,0.0417,0.0915,0.0605,0.0532,0.0,0.0,0.0756,0.069,0.998,0.9739,0.0103,0.0806,0.069,0.3333,0.0417,0.0936,0.0661,0.0554,0.0,0.0,0.0749,0.0665,0.998,0.9732,0.0102,0.08,0.069,0.3333,0.0417,0.0931,0.0616,0.0542,0.0,0.0,reg oper account,block of flats,0.0863,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1213148,348140,Cash loans,30484.35,585000.0,585000.0,,585000.0,SATURDAY,10,Y,1,,,,XNA,Approved,-700,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,high,Cash X-Sell: high,365243.0,-670.0,740.0,-460.0,-454.0,0.0,0,Cash loans,M,Y,N,1,225000.0,640080.0,29970.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Office apartment,0.001276,-11365,-1431,-850.0,-2328,10.0,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,4,0,0,0,0,0,0,Trade: type 7,,0.5764961480191809,0.3201633668633456,0.0144,,0.9722,,,,0.069,0.0417,,0.0265,,0.0083,,0.0149,0.0147,,0.9722,,,,0.069,0.0417,,0.0271,,0.0086,,0.0157,0.0146,,0.9722,,,,0.069,0.0417,,0.027000000000000003,,0.0084,,0.0152,,block of flats,0.0107,"Stone, brick",No,4.0,0.0,4.0,0.0,-449.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1492927,198687,Consumer loans,1833.66,24255.0,20106.0,6750.0,24255.0,FRIDAY,16,Y,1,0.2737326346575675,,,XAP,Approved,-1945,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Regional / Local,246,Consumer electronics,18.0,high,POS household with interest,365243.0,-1914.0,-1404.0,-1404.0,-1382.0,0.0,0,Cash loans,F,Y,Y,0,90000.0,360000.0,18535.5,360000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.019101,-19615,-275,-5638.0,-3150,12.0,1,1,1,1,1,0,,2.0,2,2,THURSDAY,10,0,0,0,0,1,1,Mobile,0.2270633146192388,0.35658429009240905,0.7421816117614419,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,2.0,2.0,2.0,-1854.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2592951,209085,Cash loans,46424.925,945000.0,1027327.5,,945000.0,MONDAY,15,Y,1,,,,XNA,Approved,-907,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-877.0,173.0,-727.0,-719.0,1.0,1,Cash loans,F,N,Y,0,225000.0,553581.0,31909.5,472500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.018801,-19408,-4489,-6631.0,-2955,,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,15,0,0,0,0,1,1,Business Entity Type 3,0.4148949209450949,0.2539677910736835,0.33928769990891394,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1937.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1078104,422461,Consumer loans,30727.53,171000.0,171000.0,0.0,171000.0,MONDAY,12,Y,1,0.0,,,XAP,Approved,-58,XNA,XAP,,Repeater,Clothing and Accessories,POS,XNA,Country-wide,50,Clothing,6.0,low_normal,POS industry with interest,365243.0,-27.0,123.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,270000.0,845811.0,38349.0,756000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018801,-16031,-967,-4258.0,-3807,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.5650575494060209,0.09447105252491612,0.6925590674998008,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1.0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1072933,270666,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,10,Y,1,,,,XAP,Refused,-985,XNA,HC,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,126000.0,364896.0,16200.0,315000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.025164,-21473,365243,-8287.0,-4403,,1,0,0,1,0,0,,1.0,2,2,MONDAY,10,0,0,0,0,0,0,XNA,,0.4560903787553922,0.4543210601605785,0.0876,0.1071,0.9771,0.6872,0.0,0.0,0.2069,0.1667,0.2083,0.0,0.0714,0.0887,0.0,0.0,0.0893,0.1111,0.9772,0.6994,0.0,0.0,0.2069,0.1667,0.2083,0.0,0.0781,0.0924,0.0,0.0,0.0885,0.1071,0.9771,0.6914,0.0,0.0,0.2069,0.1667,0.2083,0.0,0.0727,0.0903,0.0,0.0,reg oper account,block of flats,0.0698,Panel,No,5.0,0.0,5.0,0.0,-1404.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1286747,214778,Consumer loans,8335.26,62842.5,68373.0,0.0,62842.5,SATURDAY,15,Y,1,0.0,,,XAP,Approved,-317,Cash through the bank,XAP,,Repeater,Jewelry,POS,XNA,Country-wide,40,Industry,10.0,middle,POS other with interest,365243.0,-286.0,-16.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,166500.0,284256.0,27117.0,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.032561,-22177,-6867,-8664.0,-4498,,1,1,0,1,0,0,,1.0,1,1,MONDAY,13,0,0,0,0,0,0,Other,,0.7187167073552669,0.5442347412142162,0.0619,,0.9881,0.8368,,0.08,0.0345,0.625,,,,0.0617,,0.0075,0.063,,0.9881,0.8432,,0.0806,0.0345,0.625,,,,0.0643,,0.0079,0.0625,,0.9881,0.8390000000000001,,0.08,0.0345,0.625,,,,0.0628,,0.0076,org spec account,block of flats,0.0502,"Stone, brick",No,1.0,0.0,1.0,0.0,-319.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,4.0 +1913906,383033,Cash loans,,0.0,0.0,,,TUESDAY,9,Y,1,,,,XNA,Refused,-293,XNA,SCOFR,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,N,Y,0,202500.0,983299.5,41791.5,904500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.025164,-20743,-3887,-2476.0,-798,,1,1,0,1,0,0,Drivers,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Self-employed,,0.2934205527885729,0.060443691326567524,0.0515,0.0139,0.9752,0.66,0.005,0.0,0.1034,0.1667,0.2083,0.0273,0.0412,0.0412,0.0039,0.0252,0.0525,0.0144,0.9752,0.6733,0.005,0.0,0.1034,0.1667,0.2083,0.0279,0.045,0.0429,0.0039,0.0266,0.052000000000000005,0.0139,0.9752,0.6645,0.005,0.0,0.1034,0.1667,0.2083,0.0278,0.0419,0.0419,0.0039,0.0257,reg oper account,block of flats,0.0375,"Stone, brick",No,0.0,0.0,0.0,0.0,-1464.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +1812864,286478,Consumer loans,5063.67,42705.0,42232.5,4275.0,42705.0,FRIDAY,15,Y,1,0.10010995294014158,,,XAP,Refused,-1567,Cash through the bank,HC,,Repeater,Mobile,POS,XNA,Stone,80,Connectivity,12.0,high,POS mobile with interest,,,,,,,0,Cash loans,M,Y,Y,2,135000.0,1067940.0,31356.0,765000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.019101,-15377,-2713,-1773.0,-2809,4.0,1,1,1,1,1,0,Laborers,4.0,2,2,THURSDAY,11,0,0,0,0,0,0,Self-employed,,0.5011936645060783,0.4722533429586386,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-610.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1293845,355539,Cash loans,37398.285,450000.0,481185.0,,450000.0,TUESDAY,16,Y,1,,,,XNA,Approved,-574,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-544.0,-34.0,-334.0,-324.0,1.0,0,Cash loans,M,N,Y,1,160470.0,225000.0,21582.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-9611,-2874,-3156.0,-2087,,1,1,1,1,1,0,Drivers,3.0,2,2,TUESDAY,12,0,0,0,0,1,1,Business Entity Type 3,,0.5268839914457617,0.5779691187553125,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1665.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1917233,339053,Consumer loans,12619.62,109246.5,120784.5,0.0,109246.5,FRIDAY,16,Y,1,0.0,,,XAP,Refused,-433,Cash through the bank,SCOFR,,New,Computers,POS,XNA,Country-wide,1350,Consumer electronics,12.0,middle,POS household with interest,,,,,,,0,Cash loans,M,N,Y,0,81000.0,227520.0,18103.5,180000.0,Unaccompanied,Working,Incomplete higher,Single / not married,With parents,0.030755,-8770,-222,-3551.0,-1457,,1,1,0,1,0,0,Laborers,1.0,2,2,THURSDAY,11,0,0,0,0,1,1,Transport: type 2,0.17421005326937766,0.18361581010572325,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1482347,373031,Consumer loans,14962.5,83421.0,73381.5,13500.0,83421.0,FRIDAY,9,Y,1,0.16922736454512488,,,XAP,Approved,-1873,Cash through the bank,XAP,Family,Refreshed,Audio/Video,POS,XNA,Country-wide,1722,Consumer electronics,6.0,high,POS household with interest,365243.0,-1842.0,-1692.0,-1722.0,-1717.0,0.0,0,Cash loans,M,Y,Y,2,495000.0,1525482.0,41949.0,1363500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.072508,-13303,-387,-5238.0,-4431,5.0,1,1,0,1,0,0,Sales staff,4.0,1,1,TUESDAY,17,0,0,0,0,0,0,Business Entity Type 3,,0.5902765387555975,0.6006575372857061,0.0196,0.0773,0.9583,,,0.04,0.2414,0.1667,,0.0,,0.0646,,0.69,0.02,0.0802,0.9583,,,0.0403,0.2414,0.1667,,0.0,,0.0673,,0.7304,0.0198,0.0773,0.9583,,,0.04,0.2414,0.1667,,0.0,,0.0657,,0.7044,,block of flats,0.1986,Others,No,0.0,0.0,0.0,0.0,-1873.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1227223,178168,Consumer loans,12082.185,83776.5,80374.5,8379.0,83776.5,SATURDAY,10,Y,1,0.10281839845496486,,,XAP,Approved,-1623,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,1590,Consumer electronics,8.0,middle,POS household with interest,365243.0,-1592.0,-1382.0,-1472.0,-1468.0,0.0,0,Cash loans,F,Y,Y,0,369000.0,956574.0,42264.0,855000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.007120000000000001,-21710,365243,-8498.0,-4792,4.0,1,0,0,1,1,0,,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,XNA,,0.2931939192493478,0.5867400085415683,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2664455,203260,Revolving loans,2250.0,45000.0,45000.0,,45000.0,THURSDAY,14,Y,1,,,,XAP,Refused,-204,XNA,HC,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,189000.0,555273.0,18040.5,463500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.018634,-19786,-2256,-5908.0,-3327,,1,1,0,1,0,0,,1.0,2,2,FRIDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.620467341430533,0.6408865710880006,0.5867400085415683,0.2237,0.1423,0.9841,0.7824,0.1244,0.16,0.1379,0.3333,0.0417,0.0376,0.1816,0.1499,0.0039,0.0045,0.2279,0.1476,0.9841,0.7909,0.1255,0.1611,0.1379,0.3333,0.0417,0.0385,0.1983,0.1562,0.0039,0.0047,0.2259,0.1423,0.9841,0.7853,0.1252,0.16,0.1379,0.3333,0.0417,0.0383,0.1847,0.1526,0.0039,0.0046,org spec account,block of flats,0.1869,"Stone, brick",No,0.0,0.0,0.0,0.0,-1653.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +1766990,111385,Revolving loans,38250.0,0.0,765000.0,,,THURSDAY,12,Y,1,,,,XAP,Approved,-870,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,N,0,157500.0,450000.0,25128.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008575,-15101,-792,-967.0,-4472,,1,1,1,1,1,1,Sales staff,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,Self-employed,0.7787147138896945,0.5589385471215105,0.5136937663039473,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-3050.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,3.0 +1341104,196814,Cash loans,54124.83,1350000.0,1506816.0,,1350000.0,MONDAY,15,Y,1,,,,XNA,Refused,-907,XNA,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,Y,Y,2,270000.0,900000.0,32017.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-11784,-2641,-1992.0,-2595,4.0,1,1,0,1,1,0,Laborers,4.0,2,2,MONDAY,16,0,1,1,0,1,1,Business Entity Type 3,0.4193371860884315,0.6674042543278725,0.5262949398096192,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,0.0,-1767.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1716344,339825,Cash loans,14508.225,135000.0,158179.5,,135000.0,WEDNESDAY,5,Y,1,,,,XNA,Approved,-482,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-452.0,58.0,-182.0,-177.0,1.0,0,Cash loans,F,N,Y,1,112500.0,432567.0,23593.5,328500.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018029,-13080,-1327,-7014.0,-4025,,1,1,0,1,0,0,High skill tech staff,3.0,3,3,TUESDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.4202328340466445,0.5721819163593469,0.39449540531239935,0.1639,0.15,0.9856,0.8028,0.0532,0.2,0.1724,0.3333,0.0417,,,0.2091,,0.0,0.16699999999999998,0.1557,0.9856,0.8105,0.0537,0.2014,0.1724,0.3333,0.0417,,,0.2178,,0.0,0.1655,0.15,0.9856,0.8054,0.0535,0.2,0.1724,0.3333,0.0417,,,0.2128,,0.0,,block of flats,0.1935,Panel,No,0.0,0.0,0.0,0.0,-1312.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1920339,227253,Consumer loans,6507.09,69714.0,69714.0,0.0,69714.0,SUNDAY,9,Y,1,0.0,,,XAP,Approved,-527,Non-cash from your account,XAP,,New,Audio/Video,POS,XNA,Regional / Local,80,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-496.0,-166.0,-166.0,-163.0,0.0,0,Cash loans,F,N,N,0,72000.0,177768.0,8550.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Municipal apartment,0.014464,-20071,-4656,-7474.0,-3300,,1,1,0,1,0,0,Cooking staff,1.0,2,2,MONDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.6882806460611467,0.04420893692933561,,0.0309,0.0605,0.9717,0.6124,0.0043,0.0,0.1379,0.0833,0.0,0.0048,0.0252,0.032,0.0,0.0036,0.0315,0.0628,0.9717,0.6276,0.0043,0.0,0.1379,0.0833,0.0,0.0049,0.0275,0.0334,0.0,0.0038,0.0312,0.0605,0.9717,0.6176,0.0043,0.0,0.1379,0.0833,0.0,0.0049,0.0257,0.0326,0.0,0.0037,reg oper account,block of flats,0.0283,"Stone, brick",No,1.0,1.0,1.0,1.0,-2062.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1046866,146874,Revolving loans,13500.0,270000.0,270000.0,,270000.0,THURSDAY,11,Y,1,,,,XAP,Refused,-223,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,N,0,135000.0,95940.0,9486.0,90000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.01885,-23520,365243,-11281.0,-4829,,1,0,0,1,1,0,,1.0,2,2,TUESDAY,13,0,0,0,0,0,0,XNA,,0.4187630815887107,0.5262949398096192,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,6.0,0.0,-2609.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1818897,116311,Cash loans,37339.155,675000.0,767664.0,,675000.0,WEDNESDAY,18,Y,1,,,,XNA,Approved,-992,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,middle,Cash Street: middle,365243.0,-962.0,448.0,-362.0,-358.0,1.0,0,Cash loans,M,Y,Y,1,315000.0,450000.0,21888.0,450000.0,Family,Working,Higher education,Married,House / apartment,0.04622,-13140,-758,-1089.0,-4441,6.0,1,1,0,1,1,0,Core staff,3.0,1,1,MONDAY,10,0,0,0,0,0,0,School,,0.7580984745453947,0.29859498978739724,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,1.0,6.0,0.0,-992.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,11.0,0.0,1.0 +1717886,237141,Cash loans,27307.98,243000.0,273298.5,,243000.0,SATURDAY,10,Y,1,,,,XNA,Approved,-426,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-396.0,-66.0,-66.0,-61.0,1.0,0,Cash loans,F,N,Y,0,135000.0,1006920.0,42790.5,900000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.031329,-18663,-827,-5546.0,-2208,,1,1,0,1,0,0,,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.37401471916282986,0.4009092284203804,0.4992720153045617,0.0825,0.0784,0.9732,0.6328,0.009000000000000001,0.0,0.1379,0.1667,0.2083,0.0829,0.0672,0.0673,0.0,0.0,0.084,0.0813,0.9732,0.6472,0.0091,0.0,0.1379,0.1667,0.2083,0.0848,0.0735,0.0701,0.0,0.0,0.0833,0.0784,0.9732,0.6377,0.0091,0.0,0.1379,0.1667,0.2083,0.0843,0.0684,0.0685,0.0,0.0,reg oper account,block of flats,0.0579,Panel,No,2.0,0.0,2.0,0.0,-1001.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2319056,434363,Consumer loans,8030.88,74695.5,73881.0,7470.0,74695.5,SATURDAY,11,Y,1,0.10000502871395668,,,XAP,Approved,-2657,Cash through the bank,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Country-wide,1222,Consumer electronics,12.0,high,POS household with interest,365243.0,-2626.0,-2296.0,-2296.0,-2292.0,1.0,0,Cash loans,M,Y,Y,2,180000.0,1006920.0,51543.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Rented apartment,0.007305,-10709,-3907,-1574.0,-3151,17.0,1,1,0,1,1,0,Managers,4.0,3,3,WEDNESDAY,15,0,0,0,1,1,0,Industry: type 1,0.19117630984201345,0.4192847852364226,0.5919766183185521,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1727.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1434484,431454,Revolving loans,11250.0,0.0,225000.0,,,THURSDAY,11,Y,1,,,,XAP,Approved,-1077,XNA,XAP,,Refreshed,XNA,Cards,x-sell,AP+ (Cash loan),5,XNA,0.0,XNA,Card X-Sell,-1076.0,-1034.0,365243.0,-913.0,-175.0,0.0,0,Revolving loans,M,Y,Y,2,112500.0,270000.0,13500.0,270000.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.011703,-12452,-3889,-6572.0,-317,29.0,1,1,0,1,0,0,Drivers,4.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.6606672307601055,0.7136313997323308,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-586.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,6.0,3.0 +2395121,339634,Consumer loans,2761.875,19800.0,19291.5,1980.0,19800.0,TUESDAY,10,Y,1,0.10137507933149988,,,XAP,Approved,-1978,Cash through the bank,XAP,Unaccompanied,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,150,Consumer electronics,10.0,high,POS household with interest,365243.0,-1947.0,-1677.0,-1677.0,-1672.0,0.0,0,Cash loans,F,Y,N,0,157500.0,1642500.0,43326.0,1642500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.020713,-19102,-3459,-911.0,-2657,15.0,1,1,1,1,1,0,Secretaries,2.0,3,3,TUESDAY,12,0,0,0,0,0,0,Medicine,0.5799040269392892,0.4866166537914939,0.5136937663039473,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-244.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +2698399,164424,Consumer loans,10124.775,56151.0,53037.0,5616.0,56151.0,WEDNESDAY,20,Y,1,0.10427999497816896,,,XAP,Approved,-1398,Cash through the bank,XAP,Other_B,New,Consumer Electronics,POS,XNA,Country-wide,7120,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1367.0,-1217.0,-1217.0,-1212.0,0.0,0,Cash loans,F,N,N,0,157500.0,640080.0,29970.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.04622,-13101,-1495,-6327.0,-4450,,1,1,0,1,0,0,Sales staff,1.0,1,1,MONDAY,14,0,0,0,0,0,0,Self-employed,,0.38077972021449397,0.7295666907060153,0.1155,0.0581,0.9811,,,0.08,0.0345,0.5417,,,,0.1091,,0.0295,0.1176,0.0603,0.9811,,,0.0806,0.0345,0.5417,,,,0.1137,,0.0312,0.1166,0.0581,0.9811,,,0.08,0.0345,0.5417,,,,0.1111,,0.0301,,,0.0922,,No,0.0,0.0,0.0,0.0,-1398.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2421623,251680,Cash loans,10657.44,135000.0,157518.0,,135000.0,FRIDAY,15,Y,1,,,,XNA,Approved,-1137,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-1107.0,-417.0,-1077.0,-1072.0,1.0,0,Cash loans,M,Y,Y,0,112500.0,770292.0,32764.5,688500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.031329,-16722,-5591,-4310.0,-265,10.0,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Government,,0.1656142440056813,0.5814837058057234,0.0165,0.0,0.9737,0.6396,0.0015,0.0,0.069,0.0417,0.0833,0.0196,0.0134,0.0126,0.0,0.0,0.0168,0.0,0.9737,0.6537,0.0015,0.0,0.069,0.0417,0.0833,0.0201,0.0147,0.0131,0.0,0.0,0.0167,0.0,0.9737,0.6444,0.0015,0.0,0.069,0.0417,0.0833,0.02,0.0137,0.0128,0.0,0.0,reg oper account,block of flats,0.0099,"Stone, brick",No,0.0,0.0,0.0,0.0,-1625.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,1.0 +2383773,171970,Cash loans,29081.16,270000.0,338823.0,,270000.0,SATURDAY,15,Y,1,,,,XNA,Approved,-405,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-375.0,135.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,3,202500.0,381528.0,27778.5,315000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.003069,-13631,-1386,-987.0,-4531,,1,1,0,1,0,0,,5.0,3,3,FRIDAY,12,0,0,0,0,1,1,Business Entity Type 1,0.4380179761997079,0.4146650808586113,0.4812493411434029,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-926.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1140463,333313,Consumer loans,140956.155,744921.0,761143.5,0.0,744921.0,WEDNESDAY,10,Y,1,0.0,,,XAP,Refused,-678,XNA,LIMIT,"Spouse, partner",Refreshed,Furniture,POS,XNA,Country-wide,108,Furniture,6.0,middle,POS industry without interest,,,,,,,0,Cash loans,F,Y,Y,2,180000.0,545040.0,26509.5,450000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.010032,-11315,-1123,-474.0,-561,13.0,1,1,0,1,0,0,Sales staff,4.0,2,2,TUESDAY,3,0,0,0,0,0,0,Trade: type 3,0.4728348380448059,0.5733591565889116,,0.0835,0.0802,0.9876,0.83,0.0664,0.0,0.1379,0.1667,0.2083,0.0,0.0681,0.0837,0.0,0.0,0.0851,0.0832,0.9876,0.8367,0.0671,0.0,0.1379,0.1667,0.2083,0.0,0.0744,0.0872,0.0,0.0,0.0843,0.0802,0.9876,0.8323,0.0669,0.0,0.1379,0.1667,0.2083,0.0,0.0693,0.0852,0.0,0.0,reg oper spec account,block of flats,0.1022,Panel,No,0.0,0.0,0.0,0.0,-2828.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2264135,410052,Cash loans,8646.48,67500.0,81486.0,,67500.0,SATURDAY,14,Y,1,,,,Other,Refused,-231,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,12.0,middle,Cash Street: middle,,,,,,,0,Revolving loans,F,N,Y,0,157500.0,337500.0,16875.0,337500.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.018634,-16121,-738,-1425.0,-4209,,1,1,1,1,1,0,,2.0,2,2,SATURDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.5113983856788328,0.36227724703843145,0.0784,0.0531,0.9876,0.83,0.0517,0.08,0.069,0.3333,0.375,0.0425,0.0605,0.0767,0.0154,0.0268,0.0798,0.0551,0.9876,0.8367,0.0522,0.0806,0.069,0.3333,0.375,0.0435,0.0661,0.0799,0.0156,0.0283,0.0791,0.0531,0.9876,0.8323,0.0521,0.08,0.069,0.3333,0.375,0.0432,0.0616,0.0781,0.0155,0.0273,reg oper account,block of flats,0.0944,Panel,No,0.0,0.0,0.0,0.0,-231.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2644927,269025,Cash loans,40792.5,900000.0,900000.0,,900000.0,TUESDAY,7,Y,1,,,,XNA,Approved,-1619,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-1589.0,-539.0,-899.0,-886.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,247500.0,19282.5,247500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-17838,365243,-3466.0,-1393,2.0,1,0,0,1,0,0,,2.0,2,2,THURSDAY,8,0,0,0,0,0,0,XNA,0.6905556913553877,0.43772012076747896,0.7517237147741489,0.0495,,0.995,,,0.0,0.069,0.125,,,,0.0537,,0.0203,0.0252,,0.9945,,,0.0,0.0345,0.125,,,,0.0278,,0.0084,0.05,,0.995,,,0.0,0.069,0.125,,,,0.0546,,0.0185,,block of flats,0.026,"Stone, brick",No,3.0,0.0,3.0,0.0,-829.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1992087,441152,Cash loans,18163.71,270000.0,313839.0,,270000.0,TUESDAY,9,Y,1,,,,XNA,Refused,-1072,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,M,Y,N,0,360000.0,545040.0,26640.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-17663,-7919,-9340.0,-1209,6.0,1,1,1,1,1,1,,2.0,2,2,FRIDAY,8,0,0,0,0,0,0,Agriculture,0.5902981433726322,0.5976491891325955,0.1766525794312139,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-401.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,9.0 +2185260,177335,Cash loans,,0.0,0.0,,,FRIDAY,9,Y,1,,,,XNA,Refused,-315,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,1,Cash loans,F,N,Y,0,90000.0,252000.0,10804.5,252000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.028663,-22997,365243,-2558.0,-4064,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,12,0,0,0,0,0,0,XNA,,0.09335829663656307,0.6144143775673561,0.0608,0.0794,0.9856,0.8028,0.0485,0.0,0.0345,0.1667,0.2083,0.0425,0.0488,0.0206,0.0039,0.0169,0.062,0.0824,0.9856,0.8105,0.0489,0.0,0.0345,0.1667,0.2083,0.0434,0.0533,0.0215,0.0039,0.0179,0.0614,0.0794,0.9856,0.8054,0.0488,0.0,0.0345,0.1667,0.2083,0.0432,0.0496,0.021,0.0039,0.0172,reg oper account,block of flats,0.0417,"Stone, brick",No,7.0,0.0,7.0,0.0,-394.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2526013,356056,Consumer loans,6719.805,40455.0,38029.5,4500.0,40455.0,SATURDAY,12,Y,1,0.11523552101268747,,,XAP,Approved,-2922,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,48,Connectivity,7.0,low_normal,POS mobile with interest,365243.0,-2891.0,-2711.0,-2711.0,-2704.0,1.0,0,Cash loans,F,N,N,2,90000.0,286704.0,18450.0,247500.0,"Spouse, partner",State servant,Secondary / secondary special,Civil marriage,House / apartment,0.004849,-13437,-1213,-7041.0,-4150,,1,1,0,1,0,1,Core staff,4.0,2,2,TUESDAY,12,0,0,0,0,0,0,Kindergarten,0.17239275533593296,0.4609712704243328,,0.232,0.1299,0.9831,0.7688,0.0422,0.24,0.2069,0.3333,0.375,0.153,0.1883,0.2167,0.0039,0.0022,0.2363,0.1348,0.9831,0.7779,0.0425,0.2417,0.2069,0.3333,0.375,0.1565,0.2057,0.2258,0.0039,0.0024,0.2342,0.1299,0.9831,0.7719,0.0424,0.24,0.2069,0.3333,0.375,0.1556,0.1915,0.2206,0.0039,0.0023,reg oper spec account,block of flats,0.1709,Panel,No,2.0,1.0,2.0,1.0,-2741.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1772186,304017,Consumer loans,11608.56,104346.0,104346.0,0.0,104346.0,MONDAY,16,Y,1,0.0,,,XAP,Approved,-466,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Stone,149,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-432.0,-162.0,-162.0,-152.0,0.0,0,Revolving loans,F,N,N,0,126000.0,360000.0,18000.0,360000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.00702,-23046,365243,-2625.0,-3280,,1,0,0,1,1,0,,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,XNA,,0.1942664499695638,0.6754132910917112,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1077292,233723,Cash loans,25440.075,450000.0,501975.0,,450000.0,SATURDAY,10,Y,1,,,,XNA,Approved,-1031,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,N,Y,2,135000.0,127350.0,13842.0,112500.0,Children,Working,Secondary / secondary special,Married,House / apartment,0.01885,-14825,-3282,-8666.0,-4401,,1,1,0,1,0,0,Drivers,4.0,2,2,MONDAY,11,0,0,0,0,0,0,Self-employed,,0.657286266169283,0.2851799046358216,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-355.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2588688,407953,Cash loans,5294.475,45000.0,47970.0,0.0,45000.0,SATURDAY,7,Y,1,0.0,,,XNA,Approved,-2014,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-1984.0,-1654.0,-1654.0,-1649.0,1.0,0,Cash loans,F,N,Y,0,90000.0,895500.0,26181.0,895500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-23723,365243,-4284.0,-4309,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,XNA,,0.6354433380070131,0.6690566947824041,0.0278,0.044,0.9826,0.762,0.0035,0.0,0.1034,0.0833,0.125,0.0204,0.0227,0.0159,0.0,0.0352,0.0284,0.0457,0.9826,0.7713,0.0036,0.0,0.1034,0.0833,0.125,0.0209,0.0248,0.0166,0.0,0.0373,0.0281,0.044,0.9826,0.7652,0.0036,0.0,0.1034,0.0833,0.125,0.0208,0.0231,0.0162,0.0,0.036000000000000004,reg oper spec account,block of flats,0.0202,Panel,No,0.0,0.0,0.0,0.0,-2481.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2642332,122312,Consumer loans,9502.65,88110.0,86940.0,9000.0,88110.0,SUNDAY,14,Y,1,0.10216612655637046,,,XAP,Approved,-1987,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Stone,1200,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1956.0,-1626.0,-1626.0,-1623.0,0.0,0,Cash loans,F,Y,Y,1,135000.0,323194.5,15678.0,279000.0,Family,State servant,Higher education,Married,House / apartment,0.0060079999999999995,-17250,-2744,-11327.0,-799,1.0,1,1,0,1,0,0,Core staff,3.0,2,2,SATURDAY,17,0,0,0,0,0,0,School,,0.7174240281178357,0.5832379256761245,0.2619,0.1912,0.9821,0.7552,0.0523,0.28,0.2414,0.3333,0.375,0.0964,0.2118,0.2765,0.0077,0.0051,0.2668,0.1984,0.9821,0.7648,0.0528,0.282,0.2414,0.3333,0.375,0.0986,0.2314,0.2881,0.0078,0.0054,0.2644,0.1912,0.9821,0.7585,0.0526,0.28,0.2414,0.3333,0.375,0.0981,0.2155,0.2815,0.0078,0.0052,reg oper account,block of flats,0.2472,Panel,No,0.0,0.0,0.0,0.0,-1987.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1155957,223776,Consumer loans,5200.425,51525.0,51525.0,0.0,51525.0,SUNDAY,14,Y,1,0.0,0.19690014734217387,0.8673361522198731,XAP,Approved,-237,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,32,Connectivity,12.0,middle,POS mobile with interest,365243.0,-205.0,125.0,-115.0,-111.0,0.0,0,Cash loans,F,N,Y,0,157500.0,291384.0,30595.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.020713,-9937,-1424,-7540.0,-1856,,1,1,1,1,1,0,,2.0,3,2,SATURDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.2740423596470375,0.3198247859206694,0.2458512138252296,0.1443,0.1009,0.9896,0.8572,0.0317,0.16,0.1379,0.375,0.4167,0.0554,0.1177,0.1849,0.0,0.0,0.1471,0.1047,0.9896,0.8628,0.032,0.1611,0.1379,0.375,0.4167,0.0567,0.1286,0.1926,0.0,0.0,0.1457,0.1009,0.9896,0.8591,0.0319,0.16,0.1379,0.375,0.4167,0.0564,0.1197,0.1882,0.0,0.0,reg oper spec account,block of flats,0.1627,Panel,No,0.0,0.0,0.0,0.0,-1201.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +1706091,446776,Cash loans,22980.015,225000.0,337810.5,,225000.0,WEDNESDAY,15,Y,1,,,,Other,Refused,-1569,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,202500.0,769527.0,32733.0,612000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.022625,-23428,365243,-11782.0,-4066,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,XNA,,0.6814092905244531,,0.0825,0.0809,0.9717,0.6124,0.008,0.0,0.1379,0.1667,0.2083,0.0533,0.0672,0.0634,0.0,0.0,0.084,0.0839,0.9717,0.6276,0.0081,0.0,0.1379,0.1667,0.2083,0.0546,0.0735,0.066,0.0,0.0,0.0833,0.0809,0.9717,0.6176,0.0081,0.0,0.1379,0.1667,0.2083,0.0543,0.0684,0.0645,0.0,0.0,reg oper account,block of flats,0.0498,"Stone, brick",No,2.0,0.0,2.0,0.0,-160.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2560584,358067,Consumer loans,9365.31,181147.5,181147.5,0.0,181147.5,SATURDAY,17,Y,1,0.0,,,XAP,Approved,-1285,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,2148,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-1254.0,-564.0,-564.0,-556.0,0.0,0,Cash loans,M,N,Y,0,90000.0,106974.0,12226.5,94500.0,"Spouse, partner",Commercial associate,Higher education,Married,House / apartment,0.010556,-19633,-403,-10687.0,-3134,,1,1,0,1,0,0,,2.0,3,3,WEDNESDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.6594552875097445,0.6279908192952864,0.0928,0.1004,0.9796,0.7212,,0.0,0.2069,0.1667,0.2083,0.0,,0.0865,,0.0,0.0945,0.1042,0.9796,0.7321,,0.0,0.2069,0.1667,0.2083,0.0,,0.0902,,0.0,0.0937,0.1004,0.9796,0.7249,,0.0,0.2069,0.1667,0.2083,0.0,,0.0881,,0.0,reg oper account,block of flats,0.0681,Panel,No,0.0,0.0,0.0,0.0,-1799.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1492834,448581,Consumer loans,9036.36,43947.0,43947.0,0.0,43947.0,WEDNESDAY,14,Y,1,0.0,,,XAP,Approved,-203,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,83,Connectivity,6.0,high,POS mobile with interest,365243.0,-173.0,-23.0,-53.0,-45.0,0.0,0,Cash loans,F,Y,Y,1,90000.0,284400.0,18643.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0105,-9510,-245,-657.0,-1169,7.0,1,1,0,1,1,0,Managers,3.0,3,3,WEDNESDAY,14,0,0,0,1,1,0,Business Entity Type 3,,0.2607549531837377,0.2636468134452008,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-799.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,4.0 +2560418,227684,Consumer loans,11239.38,136935.0,154557.0,0.0,136935.0,SATURDAY,10,Y,1,0.0,,,XAP,Approved,-790,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,1487,Consumer electronics,18.0,middle,POS household with interest,365243.0,-758.0,-248.0,-248.0,-243.0,0.0,1,Cash loans,M,N,Y,3,168750.0,1078200.0,31653.0,900000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-13696,-194,-161.0,-4249,,1,1,0,1,1,0,Drivers,5.0,2,2,FRIDAY,13,0,0,0,0,1,1,Self-employed,,0.02060121513052081,0.15474363127259447,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1203.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2482242,279711,Revolving loans,11250.0,225000.0,225000.0,,225000.0,FRIDAY,3,Y,1,,,,XAP,Approved,-825,XNA,XAP,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-609.0,-565.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,2,135000.0,239850.0,25960.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014464,-11145,-1459,-2046.0,-2983,,1,1,1,1,0,0,Sales staff,4.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Self-employed,,0.007328170114518751,0.511891801533151,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-958.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1233966,303086,Cash loans,17767.89,225000.0,254700.0,,225000.0,MONDAY,13,Y,1,,,,XNA,Approved,-1130,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-1100.0,-410.0,-980.0,-977.0,1.0,0,Cash loans,M,N,N,0,157500.0,225000.0,14377.5,225000.0,Family,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.01885,-15091,-4142,-4161.0,-4175,,1,1,1,1,0,0,Managers,2.0,2,2,THURSDAY,12,0,0,0,1,1,0,Business Entity Type 3,0.2872588239973473,0.7054978561957993,0.6706517530862718,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1261.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +1150101,299293,Cash loans,26438.625,540000.0,593460.0,,540000.0,THURSDAY,7,Y,1,,,,XNA,Approved,-993,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,30.0,low_normal,Cash Street: low,365243.0,-960.0,-90.0,-90.0,-88.0,0.0,0,Revolving loans,M,N,Y,1,112500.0,247500.0,12375.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-12265,-1472,-5572.0,-4544,,1,1,0,1,0,0,Managers,3.0,3,3,THURSDAY,8,0,0,0,0,1,1,Government,0.3132377345335356,0.1887177662296496,0.5709165417729987,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-749.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2372525,414623,Cash loans,30947.895,441000.0,481747.5,,441000.0,FRIDAY,11,Y,1,,,,XNA,Approved,-1352,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-1322.0,-632.0,-962.0,-958.0,1.0,0,Cash loans,M,N,N,0,90000.0,454500.0,21865.5,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-18243,365243,-4497.0,-1796,,1,0,0,1,1,0,,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,XNA,0.3523145448726066,0.7241221856515154,0.7121551551910698,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-799.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2730129,411382,Revolving loans,4500.0,0.0,90000.0,,,WEDNESDAY,13,Y,1,,,,XAP,Approved,-2476,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card Street,-2472.0,-2436.0,365243.0,-2222.0,-816.0,0.0,0,Cash loans,F,N,Y,0,157500.0,1129500.0,35595.0,1129500.0,Family,Working,Secondary / secondary special,Single / not married,House / apartment,0.026392000000000002,-15953,-791,-2902.0,-4731,,1,1,0,1,0,0,Laborers,1.0,2,2,MONDAY,17,0,0,0,0,0,0,Business Entity Type 3,,0.7120292012400753,,0.1485,,0.9811,,,0.0,0.1034,0.1667,,,,0.0609,,0.0257,0.1513,,0.9811,,,0.0,0.1034,0.1667,,,,0.0634,,0.0273,0.1499,,0.9811,,,0.0,0.1034,0.1667,,,,0.062,,0.0263,,block of flats,0.0535,"Stone, brick",No,4.0,1.0,4.0,1.0,-1270.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2583643,431938,Cash loans,20048.85,270000.0,342891.0,,270000.0,MONDAY,11,Y,1,,,,XNA,Approved,-1028,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-998.0,-308.0,-308.0,-301.0,1.0,0,Cash loans,M,Y,Y,0,157500.0,343800.0,13090.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007305,-19313,-8118,-7020.0,-2834,18.0,1,1,0,1,0,0,Laborers,2.0,3,3,SUNDAY,8,0,0,0,0,0,0,Other,0.612227938694598,0.65104802740528,0.746300213050371,0.0753,0.0465,0.9901,0.8640000000000001,0.027000000000000003,0.08,0.069,0.3333,0.375,0.0383,0.0605,0.0766,0.0039,0.0037,0.0767,0.0483,0.9901,0.8693,0.0272,0.0806,0.069,0.3333,0.375,0.0392,0.0661,0.0798,0.0039,0.0039,0.076,0.0465,0.9901,0.8658,0.0272,0.08,0.069,0.3333,0.375,0.039,0.0616,0.0779,0.0039,0.0038,reg oper account,block of flats,0.061,"Stone, brick",No,0.0,0.0,0.0,0.0,-2472.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,1.0,4.0 +2416289,183268,Cash loans,23563.26,360000.0,464751.0,,360000.0,SUNDAY,18,Y,1,,,,XNA,Approved,-1101,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,365243.0,-1071.0,-201.0,-861.0,-856.0,1.0,0,Cash loans,F,N,Y,0,99000.0,105534.0,11493.0,99000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.022625,-24496,-1438,-70.0,-363,,1,1,1,1,1,0,,1.0,2,2,TUESDAY,15,0,0,0,0,0,0,School,0.8390097421185577,0.5278378330437511,0.3360615207658242,0.1495,0.0364,0.9866,0.8164,0.0561,0.04,0.0345,0.3333,0.375,0.0644,0.121,0.0995,0.0039,0.0141,0.1523,0.0377,0.9866,0.8236,0.0566,0.0403,0.0345,0.3333,0.375,0.0658,0.1322,0.1037,0.0039,0.0149,0.1509,0.0364,0.9866,0.8189,0.0564,0.04,0.0345,0.3333,0.375,0.0655,0.1231,0.1013,0.0039,0.0144,reg oper account,block of flats,0.112,"Stone, brick",No,0.0,0.0,0.0,0.0,-2300.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2016852,206823,Cash loans,6190.335,45000.0,54738.0,0.0,45000.0,TUESDAY,16,Y,1,0.0,,,XNA,Approved,-1990,Non-cash from your account,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,high,Cash X-Sell: high,365243.0,-1954.0,-1624.0,-1624.0,-1621.0,0.0,0,Cash loans,M,Y,Y,0,315000.0,675000.0,43267.5,675000.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.026392000000000002,-14628,-5131,-3751.0,-4811,4.0,1,1,0,1,1,0,,1.0,2,2,THURSDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.6821873600628897,0.7602573725241396,,0.4165,,0.996,,,0.72,0.3448,0.5833,,,,0.6528,,0.1521,0.4244,,0.996,,,0.725,0.3448,0.5833,,,,0.6802,,0.161,0.4205,,0.996,,,0.72,0.3448,0.5833,,,,0.6645,,0.1552,,block of flats,0.5465,Mixed,No,0.0,0.0,0.0,0.0,-1466.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2097873,454468,Cash loans,98314.065,1260000.0,1314886.5,,1260000.0,THURSDAY,11,Y,1,,,,XNA,Refused,-609,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,1,675000.0,539100.0,27652.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.009334,-15090,-5256,-3324.0,-5222,,1,1,0,1,1,0,,3.0,2,2,THURSDAY,12,0,0,0,0,0,0,Self-employed,,0.4780391013822978,0.5064842396679806,0.232,,0.9811,,,0.24,0.2069,0.3333,,,,0.2149,,,0.2363,,0.9811,,,0.2417,0.2069,0.3333,,,,0.2239,,,0.2342,,0.9811,,,0.24,0.2069,0.3333,,,,0.2188,,,,block of flats,0.1901,Panel,No,0.0,0.0,0.0,0.0,-2283.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,0.0 +2320040,307549,Cash loans,13285.26,135000.0,169870.5,,135000.0,TUESDAY,18,Y,1,,,,XNA,Approved,-1680,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,N,N,0,202500.0,900000.0,43299.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-17433,-2759,-5634.0,-612,,1,1,0,1,1,0,Drivers,2.0,2,2,MONDAY,11,0,0,0,0,1,1,Transport: type 4,0.6417582383619524,0.3827926263325936,0.3556387169923543,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1969.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1838950,228143,Consumer loans,2043.135,19125.0,17212.5,1912.5,19125.0,THURSDAY,17,Y,1,0.1089090909090909,,,XAP,Approved,-868,XNA,XAP,Family,Repeater,Photo / Cinema Equipment,POS,XNA,Regional / Local,100,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-837.0,-567.0,-687.0,-681.0,0.0,0,Cash loans,M,Y,Y,0,81000.0,106974.0,11650.5,94500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.010966,-15050,-1497,-8714.0,-4244,19.0,1,1,0,1,0,0,Security staff,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Government,,0.3573824096229961,0.4223696523543468,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2231.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1698889,200250,Cash loans,16546.95,157500.0,157500.0,0.0,157500.0,WEDNESDAY,15,Y,1,0.0,,,Everyday expenses,Refused,-2047,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,Y,Y,0,135000.0,450000.0,25128.0,450000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.04622,-19564,-801,-7730.0,-3020,11.0,1,1,1,1,1,0,Cooking staff,2.0,1,1,SATURDAY,15,0,0,0,0,0,0,Other,,0.7124818537105488,,0.0866,0.0308,0.9786,,,0.08,0.0345,0.4583,,0.0067,,0.07200000000000001,,0.0,0.0882,0.032,0.9786,,,0.0806,0.0345,0.4583,,0.0068,,0.075,,0.0,0.0874,0.0308,0.9786,,,0.08,0.0345,0.4583,,0.0068,,0.0733,,0.0,,block of flats,0.0566,Block,No,4.0,1.0,4.0,1.0,-2047.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1417588,297153,Cash loans,32170.23,787500.0,895608.0,,787500.0,FRIDAY,7,Y,1,,,,XNA,Approved,-294,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,1,Cash loans,F,N,N,0,112500.0,457834.5,17388.0,378000.0,Family,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.020246,-22528,365243,-105.0,-4973,,1,0,0,1,0,0,,2.0,3,3,FRIDAY,14,0,0,0,0,0,0,XNA,,0.14380801658102926,0.25533177083329,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2870.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1810618,208365,Consumer loans,10627.11,83092.5,90405.0,0.0,83092.5,SATURDAY,14,Y,1,0.0,,,XAP,Approved,-745,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,750,Consumer electronics,10.0,middle,POS household with interest,365243.0,-714.0,-444.0,-594.0,-590.0,0.0,0,Cash loans,M,N,Y,0,225000.0,521280.0,31630.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-20249,-3104,-9616.0,-3129,,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.4235128698344016,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-745.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2435388,378242,Consumer loans,7994.52,71955.0,71167.5,7200.0,71955.0,SUNDAY,13,Y,1,0.10006003184297754,,,XAP,Approved,-2271,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Stone,29,Connectivity,12.0,high,POS mobile with interest,365243.0,-2240.0,-1910.0,-1970.0,-1963.0,0.0,0,Cash loans,M,Y,Y,1,315000.0,738486.0,72072.0,688500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.01885,-17224,-1854,-327.0,-529,3.0,1,1,0,1,0,0,Managers,3.0,2,2,WEDNESDAY,10,0,0,0,0,1,1,Business Entity Type 3,,0.457973379707031,0.7076993447402619,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-501.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2048676,131157,Consumer loans,5808.06,109882.44,109881.0,1.44,109882.44,TUESDAY,9,Y,1,1.4272443432189071e-05,,,XAP,Approved,-402,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Regional / Local,1000,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-371.0,319.0,365243.0,365243.0,0.0,1,Cash loans,M,N,Y,1,90000.0,180000.0,14220.0,180000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-12509,-109,-3502.0,-3385,,1,1,0,1,0,0,Laborers,3.0,2,2,FRIDAY,15,0,0,0,0,1,1,Business Entity Type 3,,0.630347469735938,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-402.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1613682,267680,Consumer loans,22720.05,246240.0,221616.0,24624.0,246240.0,THURSDAY,7,Y,1,0.1089090909090909,,,XAP,Approved,-329,XNA,XAP,Family,New,Consumer Electronics,POS,XNA,Stone,50,Consumer electronics,12.0,middle,POS household with interest,365243.0,-297.0,33.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,Y,1,135000.0,405000.0,20250.0,405000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.007305,-12894,-445,-2382.0,-4621,,1,1,0,1,0,0,Managers,3.0,3,3,THURSDAY,12,1,0,1,1,1,1,Business Entity Type 3,,0.3219167137704612,,0.0907,0.1114,0.9965,,,0.0,0.1379,0.1667,,0.0351,,0.0815,,0.0086,0.0924,0.1156,0.9965,,,0.0,0.1379,0.1667,,0.0359,,0.0849,,0.0091,0.0916,0.1114,0.9965,,,0.0,0.1379,0.1667,,0.0357,,0.0829,,0.0088,,block of flats,0.08199999999999999,"Stone, brick",No,0.0,0.0,0.0,0.0,-329.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1475178,265046,Consumer loans,5459.985,58495.5,58495.5,0.0,58495.5,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-448,Cash through the bank,XAP,Other_B,New,Consumer Electronics,POS,XNA,Country-wide,3000,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-417.0,-87.0,-267.0,-259.0,0.0,0,Revolving loans,F,N,Y,1,112500.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.020713,-13153,-2493,-633.0,-4566,,1,1,0,1,0,0,Sales staff,2.0,3,2,SUNDAY,8,0,0,0,0,0,0,Self-employed,,0.246383475933783,,0.2969,0.0794,0.9866,0.8164,0.0845,0.08,0.0345,0.3333,0.0417,0.0556,0.2446,0.0758,0.0,0.0,0.3025,0.0824,0.9866,0.8236,0.0853,0.0806,0.0345,0.3333,0.0417,0.0569,0.2672,0.079,0.0,0.0,0.2998,0.0794,0.9866,0.8189,0.0851,0.08,0.0345,0.3333,0.0417,0.0566,0.2488,0.0772,0.0,0.0,reg oper account,block of flats,0.1059,Panel,No,1.0,1.0,1.0,1.0,-448.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1905075,120732,Cash loans,15200.55,270000.0,299223.0,,270000.0,TUESDAY,10,Y,1,,,,Building a house or an annex,Refused,-342,XNA,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,24.0,low_action,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,224995.5,450000.0,25362.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.020713,-17626,-695,-7461.0,-1004,,1,1,1,1,0,0,Sales staff,2.0,3,2,MONDAY,5,0,0,0,0,0,0,Business Entity Type 3,,0.5453342762260944,0.5028782772082183,0.1485,0.063,0.9881,0.8368,0.0335,0.16,0.1379,0.375,0.4167,0.0175,0.1194,0.1592,0.0077,0.0696,0.1513,0.0654,0.9881,0.8432,0.0338,0.1611,0.1379,0.375,0.4167,0.0179,0.1304,0.1659,0.0078,0.0737,0.1499,0.063,0.9881,0.8390000000000001,0.0338,0.16,0.1379,0.375,0.4167,0.0178,0.1214,0.1621,0.0078,0.0711,reg oper spec account,block of flats,0.1587,Panel,No,8.0,0.0,8.0,0.0,-909.0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1800557,122432,Consumer loans,5733.09,47151.0,47151.0,0.0,47151.0,WEDNESDAY,12,Y,1,0.0,,,XAP,Approved,-259,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,23,Connectivity,12.0,high,POS mobile with interest,,,,,,,0,Revolving loans,M,Y,Y,1,247500.0,270000.0,13500.0,270000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.010643000000000001,-11090,-397,-5398.0,-3598,6.0,1,1,0,1,0,0,Managers,3.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.13204476318658956,0.4994715948584082,0.3706496323299817,0.1206,0.0962,0.9861,0.8096,0.0,0.12,0.1034,0.3333,0.375,0.0917,0.0983,0.1249,0.0,0.0,0.1229,0.0998,0.9861,0.8171,0.0,0.1208,0.1034,0.3333,0.375,0.0938,0.1074,0.1301,0.0,0.0,0.1218,0.0962,0.9861,0.8121,0.0,0.12,0.1034,0.3333,0.375,0.0933,0.1,0.1271,0.0,0.0,reg oper account,block of flats,0.1231,"Stone, brick",No,0.0,0.0,0.0,0.0,-259.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1009105,139394,Consumer loans,6785.775,113044.5,101736.0,11308.5,113044.5,MONDAY,19,Y,1,0.10894810933264816,,,XAP,Approved,-1059,XNA,XAP,"Spouse, partner",Repeater,Computers,POS,XNA,Stone,5,Consumer electronics,18.0,low_normal,POS household with interest,365243.0,-1027.0,-517.0,-547.0,-528.0,0.0,0,Cash loans,M,Y,N,1,157500.0,95940.0,11385.0,90000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.010966,-9995,-498,-5167.0,-2660,8.0,1,1,1,1,0,0,Laborers,3.0,2,2,TUESDAY,20,0,0,0,1,1,0,Business Entity Type 3,,0.6529235697947089,0.5280927512030451,0.0186,,0.9856,,,,,,,,,0.019,,0.0,0.0189,,0.9856,,,,,,,,,0.0198,,0.0,0.0187,,0.9856,,,,,,,,,0.0194,,0.0,,,0.015,"Stone, brick",No,1.0,0.0,1.0,0.0,-1200.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1778462,127544,Cash loans,16075.08,135000.0,173839.5,0.0,135000.0,WEDNESDAY,10,Y,1,0.0,,,Other,Refused,-1614,Cash through the bank,HC,"Spouse, partner",Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,,,,,,,0,Cash loans,M,N,Y,1,315000.0,257391.0,18432.0,238500.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.010006000000000001,-15639,-1029,-1566.0,-4044,,1,1,0,1,1,0,Laborers,3.0,2,2,SUNDAY,12,0,0,0,0,1,1,Telecom,0.32417722197022336,0.5854977967923253,0.19294222771695085,0.0876,,0.9975,,,0.2,0.1724,0.1667,,,,0.1024,,0.0765,0.0893,,0.9975,,,0.2014,0.1724,0.1667,,,,0.1067,,0.081,0.0885,,0.9975,,,0.2,0.1724,0.1667,,,,0.1042,,0.0781,,block of flats,0.0972,"Stone, brick",No,0.0,0.0,0.0,0.0,-1614.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1855999,145351,Consumer loans,9024.345,39663.0,31675.5,9000.0,39663.0,THURSDAY,12,Y,1,0.2409759728047149,,,XAP,Approved,-2588,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,39,Connectivity,4.0,low_normal,POS mobile with interest,365243.0,-2557.0,-2467.0,-2467.0,-2459.0,1.0,1,Cash loans,M,Y,N,1,315000.0,916470.0,32598.0,765000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-12018,-870,-2436.0,-2443,14.0,1,1,0,1,0,0,Laborers,3.0,3,3,TUESDAY,7,0,0,0,0,1,1,Telecom,,0.0018903102951913265,0.2250868621163805,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2710485,191989,Cash loans,25076.34,229500.0,257404.5,,229500.0,SATURDAY,7,Y,1,,,,XNA,Refused,-1161,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,,,,,,,1,Cash loans,M,N,Y,0,225000.0,497520.0,31923.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018801,-24495,-1704,-13041.0,-4218,,1,1,0,1,0,0,Managers,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,Industry: type 1,,0.4965577936929441,0.2032521136204725,0.1361,0.1922,0.9816,0.7484,,0.12,0.1034,0.3333,,0.0974,0.1076,0.123,0.0154,0.1058,0.1387,0.1995,0.9816,0.7583,,0.1208,0.1034,0.3333,,0.0996,0.1175,0.1281,0.0156,0.112,0.1374,0.1922,0.9816,0.7518,,0.12,0.1034,0.3333,,0.0991,0.1095,0.1252,0.0155,0.108,reg oper spec account,block of flats,0.2007,Panel,No,2.0,0.0,2.0,0.0,-1560.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +1510792,251674,Cash loans,11386.17,90000.0,95940.0,,90000.0,TUESDAY,12,Y,1,,,,Car repairs,Approved,-402,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-372.0,-42.0,-222.0,-215.0,1.0,0,Cash loans,F,N,N,0,108000.0,344043.0,12879.0,297000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020246,-21125,365243,-12167.0,-4029,,1,0,0,1,1,0,,2.0,3,3,TUESDAY,7,0,0,0,0,0,0,XNA,,0.035223741767884224,0.4329616670974407,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-869.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1540904,278554,Consumer loans,9058.86,41022.0,48523.5,0.0,41022.0,WEDNESDAY,11,Y,1,0.0,,,XAP,Approved,-359,XNA,XAP,,Repeater,Auto Accessories,POS,XNA,Regional / Local,20,Auto technology,6.0,middle,POS other with interest,365243.0,-327.0,-177.0,-207.0,-201.0,0.0,0,Cash loans,F,Y,Y,0,135000.0,675000.0,36643.5,675000.0,Family,Working,Secondary / secondary special,Single / not married,House / apartment,0.028663,-19774,-442,-13773.0,-3322,3.0,1,1,0,1,0,0,Sales staff,1.0,2,2,FRIDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.6123948024599315,0.4884551844437485,0.0644,0.0107,0.9737,,,0.0,0.1207,0.1667,,,,0.0421,,0.0258,0.0641,0.0006,0.9737,,,0.0,0.1034,0.1667,,,,0.0347,,0.0066,0.0651,0.0107,0.9737,,,0.0,0.1207,0.1667,,,,0.0428,,0.0264,,,0.0528,"Stone, brick",No,2.0,0.0,2.0,0.0,-1748.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1776282,353633,Consumer loans,38533.095,148198.5,148198.5,0.0,148198.5,TUESDAY,19,Y,1,0.0,,,XAP,Approved,-366,Cash through the bank,XAP,,New,Furniture,POS,XNA,Country-wide,100,Furniture,4.0,low_action,POS industry with interest,365243.0,-305.0,-215.0,-245.0,-235.0,0.0,0,Cash loans,F,Y,N,0,450000.0,971280.0,54364.5,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.04622,-17614,-736,-5406.0,-62,18.0,1,1,0,1,0,0,Managers,1.0,1,1,THURSDAY,16,0,0,0,0,0,0,Self-employed,,0.4291980406866152,0.31547215492577346,0.0082,0.0,0.9692,0.5784,0.0125,0.0,0.069,0.0417,0.0417,0.0,0.0067,0.0074,0.0,0.0014,0.0084,0.0,0.9692,0.5949,0.0127,0.0,0.069,0.0417,0.0417,0.0,0.0073,0.0077,0.0,0.0015,0.0083,0.0,0.9692,0.584,0.0126,0.0,0.069,0.0417,0.0417,0.0,0.0068,0.0076,0.0,0.0015,reg oper account,block of flats,0.0069,Block,No,0.0,0.0,0.0,0.0,-366.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1591929,404198,Consumer loans,11269.305,110080.35,108882.0,11008.35,110080.35,WEDNESDAY,11,Y,1,0.10000049135806932,,,XAP,Approved,-2250,Cash through the bank,XAP,Unaccompanied,Refreshed,Computers,POS,XNA,Stone,55,Consumer electronics,12.0,middle,POS household with interest,365243.0,-2219.0,-1889.0,-1889.0,-1882.0,0.0,0,Cash loans,M,Y,N,0,112500.0,675000.0,29862.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.031329,-21041,-7511,-9740.0,-4469,18.0,1,1,1,1,0,0,,2.0,2,2,SATURDAY,15,0,0,0,0,0,0,Construction,,0.6057667936950513,0.6706517530862718,0.0825,0.0814,0.9866,0.8164,0.0096,0.0,0.2069,0.1667,0.2083,0.0634,0.0672,0.0786,0.0,0.0,0.084,0.0845,0.9866,0.8236,0.0097,0.0,0.2069,0.1667,0.2083,0.0648,0.0735,0.0819,0.0,0.0,0.0833,0.0814,0.9866,0.8189,0.0096,0.0,0.2069,0.1667,0.2083,0.0645,0.0684,0.08,0.0,0.0,reg oper account,block of flats,0.0618,Panel,No,4.0,0.0,4.0,0.0,-1738.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1924071,348404,Cash loans,2521.755,45000.0,56880.0,,45000.0,SATURDAY,11,Y,1,,,,XNA,Approved,-498,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,157500.0,315000.0,14004.0,315000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.0105,-22773,365243,-409.0,-4962,,1,0,0,1,0,0,,1.0,3,3,SUNDAY,10,0,0,0,0,0,0,XNA,,0.4658542160652216,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1027.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1726623,322653,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SATURDAY,14,Y,1,,,,XAP,Approved,-258,XNA,XAP,Family,Repeater,XNA,Cards,walk-in,Regional / Local,278,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,1,90000.0,199080.0,12852.0,157500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0060079999999999995,-11415,-1577,-2641.0,-3507,3.0,1,1,0,1,0,1,Laborers,3.0,2,2,FRIDAY,15,0,0,0,0,0,0,Construction,0.11213599181359793,0.750086228022998,0.36227724703843145,0.2227,0.1872,0.9871,0.8232,,0.24,0.2069,0.3333,0.375,,0.1816,0.2355,0.0,0.0,0.2269,0.1942,0.9871,0.8301,,0.2417,0.2069,0.3333,0.375,,0.1983,0.2454,0.0,0.0,0.2248,0.1872,0.9871,0.8256,,0.24,0.2069,0.3333,0.375,,0.1847,0.2398,0.0,0.0,,block of flats,0.2154,"Stone, brick",No,1.0,0.0,1.0,0.0,-1464.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +2558290,225547,Consumer loans,3991.725,23611.5,25168.5,0.0,23611.5,SUNDAY,16,Y,1,0.0,,,XAP,Approved,-2834,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,64,Connectivity,8.0,high,POS mobile with interest,365243.0,-2803.0,-2593.0,-2593.0,-2582.0,1.0,0,Cash loans,M,N,Y,0,162000.0,755190.0,36459.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-17502,-1164,-2496.0,-1054,,1,1,0,1,0,0,High skill tech staff,2.0,2,2,SATURDAY,8,0,0,0,0,0,0,Other,,0.2598076423985638,0.2707073872651806,0.1464,0.0128,0.9767,,,0.0,0.069,0.1667,,0.0505,,0.0464,,0.1097,0.1492,0.0132,0.9767,,,0.0,0.069,0.1667,,0.0516,,0.0484,,0.1162,0.1478,0.0128,0.9767,,,0.0,0.069,0.1667,,0.0514,,0.0473,,0.112,,block of flats,0.0604,"Stone, brick",No,3.0,1.0,3.0,0.0,-1998.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1700604,320911,Cash loans,16409.115,202500.0,242595.0,,202500.0,THURSDAY,9,Y,1,,,,XNA,Refused,-820,Cash through the bank,HC,Children,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),6,XNA,36.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,N,0,81000.0,679500.0,19867.5,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-18581,-4321,-9443.0,-2107,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Self-employed,,0.5737389074369389,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1922.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1745930,152195,Consumer loans,4396.14,21285.0,22338.0,0.0,21285.0,TUESDAY,7,Y,1,0.0,,,XAP,Approved,-1286,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Stone,424,Furniture,6.0,high,POS industry with interest,365243.0,-1247.0,-1097.0,-1097.0,-1091.0,0.0,1,Cash loans,F,N,Y,0,135000.0,226152.0,11677.5,162000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.020713,-23396,365243,-334.0,-4631,,1,0,0,1,0,0,,1.0,3,3,SUNDAY,7,0,0,0,0,0,0,XNA,,0.4998105421975843,0.4400578303966329,0.1175,0.1322,0.9762,0.6736,0.0545,0.0,0.2069,0.1667,0.2083,0.113,0.0925,0.1093,0.0154,0.0217,0.1197,0.1372,0.9762,0.6864,0.055,0.0,0.2069,0.1667,0.2083,0.1156,0.101,0.1138,0.0156,0.023,0.1187,0.1322,0.9762,0.6779999999999999,0.0549,0.0,0.2069,0.1667,0.2083,0.115,0.0941,0.1112,0.0155,0.0222,reg oper account,block of flats,0.0907,Panel,No,4.0,0.0,4.0,0.0,-1789.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,7.0 +1997711,137030,Cash loans,5960.52,54000.0,54000.0,,54000.0,MONDAY,12,Y,1,,,,XNA,Approved,-672,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-642.0,-312.0,-462.0,-456.0,0.0,0,Cash loans,F,N,Y,0,99000.0,180000.0,11502.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-11377,-3166,-1546.0,-2999,,1,1,0,1,1,0,Laborers,2.0,2,2,MONDAY,15,0,0,0,0,0,0,Self-employed,0.09634855819754552,0.5316783231133371,,0.0392,0.0143,0.9682,0.5648,0.0406,0.0,0.1034,0.125,0.1667,0.0151,0.0303,0.0457,0.0077,0.0104,0.0399,0.0148,0.9682,0.5818,0.0409,0.0,0.1034,0.125,0.1667,0.0154,0.0331,0.0477,0.0078,0.011,0.0396,0.0143,0.9682,0.5706,0.0408,0.0,0.1034,0.125,0.1667,0.0154,0.0308,0.0466,0.0078,0.0106,reg oper account,block of flats,0.062,Mixed,No,0.0,0.0,0.0,0.0,-3136.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1648809,173951,Consumer loans,18318.24,313182.0,354523.5,0.0,313182.0,WEDNESDAY,14,Y,1,0.0,,,XAP,Approved,-542,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,1500,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-511.0,179.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,0,202500.0,906894.0,43758.0,796500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.016612000000000002,-8834,-1495,-5743.0,-1515,,1,1,0,1,0,0,Laborers,1.0,2,2,SATURDAY,11,0,0,0,1,1,1,Construction,,0.4299857387404375,0.5100895276257282,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1239295,405874,Consumer loans,6194.07,69880.5,62820.0,13950.0,69880.5,WEDNESDAY,11,Y,1,0.1979004582756048,,,XAP,Approved,-1066,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,30,Connectivity,14.0,high,POS mobile with interest,365243.0,-1027.0,-637.0,-727.0,-719.0,0.0,0,Cash loans,M,N,Y,0,135000.0,167076.0,13059.0,135000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.019101,-9240,-1287,-1738.0,-1905,,1,1,0,1,0,0,Core staff,1.0,2,2,FRIDAY,18,0,0,0,1,1,0,Industry: type 4,,0.19563581810353,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-12.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2105393,279169,Consumer loans,3631.815,66559.5,80617.5,0.0,66559.5,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-519,Cash through the bank,XAP,,New,Photo / Cinema Equipment,POS,XNA,Country-wide,617,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-488.0,202.0,365243.0,365243.0,0.0,1,Cash loans,M,N,Y,0,180000.0,534672.0,14233.5,423000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,With parents,0.010556,-11799,-84,-976.0,-4157,,1,1,1,1,0,0,Managers,1.0,3,3,MONDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.06230414218040248,0.10822632266971416,0.2412,0.1042,0.9985,0.9796,0.0598,0.0,0.4138,0.1667,0.0417,0.2309,0.1933,0.2252,0.0154,0.0824,0.2458,0.1081,0.9985,0.9804,0.0603,0.0,0.4138,0.1667,0.0417,0.2362,0.2112,0.2347,0.0156,0.0872,0.2436,0.1042,0.9985,0.9799,0.0601,0.0,0.4138,0.1667,0.0417,0.235,0.1967,0.2293,0.0155,0.0841,reg oper account,block of flats,0.2098,Mixed,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2009919,346534,Consumer loans,12502.665,64930.5,68809.5,0.0,64930.5,SATURDAY,14,Y,1,0.0,,,XAP,Approved,-846,Cash through the bank,XAP,"Spouse, partner",Repeater,Furniture,POS,XNA,Stone,100,Furniture,6.0,middle,POS industry with interest,365243.0,-810.0,-660.0,-660.0,-654.0,0.0,0,Cash loans,F,Y,Y,0,135000.0,738000.0,21577.5,738000.0,Unaccompanied,Working,Secondary / secondary special,Married,Rented apartment,0.015221,-17484,-4413,-8211.0,-925,7.0,1,1,0,1,0,0,Security staff,2.0,2,2,FRIDAY,8,0,0,0,0,0,0,Medicine,0.6004998187730336,0.5010843271620167,0.3233112448967859,0.1113,0.0826,0.9891,0.8504,,0.12,0.1034,0.3333,0.0417,0.0664,,0.1099,,0.0012,0.1134,0.0857,0.9891,0.8563,,0.1208,0.1034,0.3333,0.0417,0.068,,0.1145,,0.0012,0.1124,0.0826,0.9891,0.8524,,0.12,0.1034,0.3333,0.0417,0.0676,,0.1118,,0.0012,reg oper account,block of flats,0.0983,Panel,No,0.0,0.0,0.0,0.0,-1411.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,8.0 +2055989,344628,Consumer loans,2841.615,13837.5,14661.0,0.0,13837.5,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-228,XNA,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Country-wide,430,Consumer electronics,6.0,middle,POS household with interest,365243.0,-196.0,-46.0,-76.0,365243.0,0.0,1,Cash loans,F,N,Y,1,67500.0,263686.5,28525.5,238500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0038130000000000004,-14975,-837,-8261.0,-4197,,1,1,0,1,0,0,Sales staff,3.0,2,2,WEDNESDAY,7,0,0,0,0,1,1,Self-employed,0.3046569340407111,0.3794966920393968,0.6212263380626669,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,10.0,0.0,10.0,0.0,-439.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1251378,179584,Consumer loans,3572.775,20430.0,20151.0,1228.5,20430.0,FRIDAY,16,Y,1,0.06258089206100152,,,XAP,Approved,-2617,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,-1,Consumer electronics,6.0,low_normal,POS household without interest,365243.0,-2586.0,-2436.0,-2436.0,-2433.0,1.0,0,Cash loans,F,N,N,0,225000.0,942300.0,30528.0,675000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.019101,-17333,-1655,-4222.0,-153,,1,1,0,1,0,0,Cooking staff,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,Medicine,0.5895518429291663,0.4343914726855013,0.21518240418475384,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1777.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1181346,141104,Consumer loans,14898.105,135360.0,134910.0,450.0,135360.0,WEDNESDAY,14,Y,1,0.003620647969052224,,,XAP,Approved,-602,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,25,Connectivity,12.0,high,POS mobile with interest,365243.0,-565.0,-235.0,-235.0,-227.0,0.0,0,Cash loans,F,N,N,0,157500.0,1006920.0,51412.5,900000.0,Family,Working,Higher education,Married,Co-op apartment,0.035792000000000004,-13837,-877,-2804.0,-3773,,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Self-employed,,0.595112062037277,0.4992720153045617,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,2.0,3.0,1.0,-602.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2543222,238719,Consumer loans,14907.735,97182.0,97182.0,0.0,97182.0,WEDNESDAY,9,Y,1,0.0,,,XAP,Approved,-1097,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,70,Consumer electronics,8.0,high,POS household with interest,365243.0,-1066.0,-856.0,-856.0,-848.0,0.0,0,Cash loans,F,N,Y,0,135000.0,675000.0,19867.5,675000.0,Unaccompanied,Pensioner,Lower secondary,Widow,House / apartment,0.014519999999999996,-21058,365243,-7832.0,-3890,,1,0,0,1,0,0,,1.0,2,2,MONDAY,7,0,0,0,0,0,0,XNA,,0.16664421102091134,0.4101025731788671,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-214.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2571146,168282,Consumer loans,8236.89,65835.0,60565.5,5269.5,65835.0,WEDNESDAY,7,Y,1,0.08717193810973715,,,XAP,Approved,-2718,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Regional / Local,155,Consumer electronics,8.0,low_normal,POS household without interest,365243.0,-2687.0,-2477.0,-2477.0,-2469.0,0.0,0,Cash loans,F,N,Y,2,225000.0,1312110.0,55723.5,1125000.0,Family,Working,Higher education,Married,House / apartment,0.006629,-12289,-943,-191.0,-2829,,1,1,0,1,0,0,Core staff,4.0,2,2,FRIDAY,9,0,0,0,0,0,0,School,0.2828076388603912,0.6000184177438121,0.4507472818545589,0.1758,0.2098,0.9856,0.8028,0.0637,0.1,0.2931,0.25,0.0417,0.2712,0.1488,0.2086,0.0077,0.0985,0.1702,0.1893,0.9856,0.8105,0.0643,0.0,0.1724,0.1667,0.0417,0.2385,0.1625,0.2166,0.0078,0.0111,0.1775,0.2098,0.9856,0.8054,0.0641,0.1,0.2931,0.25,0.0417,0.276,0.1513,0.2123,0.0078,0.1006,reg oper account,block of flats,0.203,Panel,No,4.0,0.0,4.0,0.0,-2718.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2343783,317379,Consumer loans,5248.89,104607.0,116383.5,0.0,104607.0,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-1730,Cash through the bank,XAP,Other_B,Repeater,Audio/Video,POS,XNA,Country-wide,1,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1699.0,-1009.0,-1009.0,-1002.0,0.0,0,Cash loans,F,Y,Y,0,360000.0,1800000.0,62698.5,1800000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.015221,-16687,-3740,-5799.0,-214,65.0,1,1,0,1,0,1,,2.0,2,2,MONDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.765379420069803,0.5273091569306289,0.18848953379516772,0.0433,0.0114,0.9692,0.5784,0.0147,0.0,0.0345,0.0417,0.0833,0.0,0.0286,0.0149,0.0309,0.0163,0.0441,0.0119,0.9692,0.5949,0.0148,0.0,0.0345,0.0417,0.0833,0.0,0.0312,0.0155,0.0311,0.0173,0.0437,0.0114,0.9692,0.584,0.0148,0.0,0.0345,0.0417,0.0833,0.0,0.0291,0.0152,0.0311,0.0167,reg oper account,block of flats,0.0233,"Stone, brick",No,5.0,0.0,5.0,0.0,-1730.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1300640,218722,Cash loans,28084.77,634500.0,721602.0,,634500.0,THURSDAY,13,Y,1,,,,XNA,Refused,-374,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Revolving loans,F,N,Y,2,90000.0,270000.0,13500.0,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.005084,-14439,-524,-946.0,-2774,,1,1,0,1,1,0,Sales staff,4.0,2,2,SUNDAY,11,0,0,0,0,0,0,Self-employed,0.7884922564062997,0.5515025973288717,0.6397075677637197,0.0753,,0.9806,0.7348,,0.0,0.1724,0.1667,,,,0.0535,,,0.0588,,0.9801,0.7387,,0.0,0.1379,0.1667,,,,0.0558,,,0.076,,0.9806,0.7383,,0.0,0.1724,0.1667,,,,0.0545,,,reg oper account,block of flats,0.0421,"Stone, brick",No,0.0,0.0,0.0,0.0,-769.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1932106,109388,Consumer loans,13606.38,125820.0,138276.0,0.0,125820.0,SUNDAY,11,Y,1,0.0,,,XAP,Approved,-1186,Cash through the bank,XAP,Family,Repeater,Construction Materials,POS,XNA,Country-wide,50,Construction,12.0,middle,POS other with interest,365243.0,-1155.0,-825.0,-885.0,-877.0,0.0,0,Cash loans,M,N,N,0,157500.0,808650.0,29709.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-20566,-1791,-13011.0,-4013,,1,1,0,1,0,0,Drivers,2.0,2,2,TUESDAY,18,0,0,0,0,1,1,Self-employed,,0.4744063988387378,0.7544061731797895,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1540.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1829251,189040,Consumer loans,2166.255,20812.5,18562.5,2250.0,20812.5,SATURDAY,13,Y,1,0.11773955773955774,,,XAP,Refused,-2408,Cash through the bank,SCO,,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,12.0,low_normal,POS mobile with interest,,,,,,,0,Cash loans,F,N,N,0,90000.0,900000.0,26316.0,900000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.035792000000000004,-15090,-2788,-8502.0,-3253,,1,1,1,1,0,0,Cleaning staff,2.0,2,2,MONDAY,20,0,0,0,0,0,0,Other,,0.4941307072738956,0.5495965024956946,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-520.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1980777,372794,Consumer loans,3598.65,30825.0,34803.0,0.0,30825.0,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-595,Cash through the bank,XAP,,New,Jewelry,POS,XNA,Stone,98,Industry,12.0,middle,POS other with interest,365243.0,-564.0,-234.0,-234.0,-226.0,0.0,0,Cash loans,F,N,N,0,54000.0,101880.0,11101.5,90000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.006852,-9483,-1407,-3893.0,-2140,,1,1,1,1,0,0,Waiters/barmen staff,1.0,3,3,TUESDAY,7,0,0,0,1,1,0,Business Entity Type 3,,0.14796304222125564,0.3201633668633456,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-595.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1105668,444797,Consumer loans,2495.16,21240.0,21109.5,4500.0,21240.0,THURSDAY,18,Y,1,0.19137074487628006,,,XAP,Approved,-1269,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,26,Connectivity,12.0,high,POS mobile with interest,365243.0,-1223.0,-893.0,-1013.0,-1007.0,0.0,0,Cash loans,F,N,N,0,180000.0,1552500.0,53964.0,1552500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.011656999999999999,-14099,-5328,-6844.0,-3971,,1,1,0,1,1,1,Laborers,1.0,1,1,FRIDAY,11,0,1,1,0,1,1,Business Entity Type 3,0.4715724921222039,0.6715607118045043,0.7700870700124128,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2124.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,0.0,0.0,0.0 +2299953,436493,Consumer loans,27639.45,165519.0,155452.5,16555.5,165519.0,THURSDAY,17,Y,1,0.10482329046006317,,,XAP,Approved,-1364,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Regional / Local,777,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-1332.0,-1182.0,-1182.0,-1179.0,0.0,0,Cash loans,F,N,N,0,101700.0,258709.5,26239.5,234000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.032561,-19315,-811,-3389.0,-457,,1,1,0,1,1,0,,2.0,1,1,TUESDAY,10,0,0,0,0,0,0,Hotel,0.7729049606824526,0.7051888078008892,0.4014074137749511,0.0639,,0.9786,0.7076,,0.12,0.1034,0.3333,,0.0801,0.0403,0.2001,,0.0621,0.0651,,0.9786,0.7190000000000001,,0.1208,0.1034,0.3333,,0.08199999999999999,0.0441,0.2085,,0.0657,0.0645,,0.9786,0.7115,,0.12,0.1034,0.3333,,0.0815,0.041,0.2037,,0.0634,,block of flats,0.1841,"Stone, brick",No,0.0,0.0,0.0,0.0,-56.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1590025,342557,Consumer loans,20548.89,123750.0,111375.0,12375.0,123750.0,FRIDAY,13,Y,1,0.1089090909090909,,,XAP,Approved,-442,Cash through the bank,XAP,Unaccompanied,Refreshed,Furniture,POS,XNA,Stone,135,Furniture,6.0,middle,POS industry with interest,365243.0,-411.0,-261.0,-261.0,-258.0,0.0,0,Cash loans,M,N,N,0,225000.0,696150.0,33619.5,562500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-19019,-522,-760.0,-2572,,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,12,0,1,1,0,1,1,Industry: type 9,,0.7099982802088525,0.5046813193144684,0.4361,0.1164,0.9985,0.9796,0.0282,0.32,0.1379,0.625,0.6667,0.1138,0.2387,0.331,0.5367,0.1316,0.4443,0.1208,0.9985,0.9804,0.0285,0.3222,0.1379,0.625,0.6667,0.1164,0.2608,0.3448,0.5409,0.1393,0.4403,0.1164,0.9985,0.9799,0.0284,0.32,0.1379,0.625,0.6667,0.1158,0.2428,0.3369,0.5396,0.1344,reg oper spec account,block of flats,0.3655,Panel,No,0.0,0.0,0.0,0.0,-2000.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2149903,451139,Cash loans,19141.29,270000.0,299223.0,,270000.0,FRIDAY,12,Y,1,,,,XNA,Approved,-1131,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-1101.0,-411.0,-591.0,-583.0,1.0,1,Cash loans,M,N,Y,0,225000.0,237204.0,21883.5,198000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.0038130000000000004,-13220,-2874,-437.0,-4414,,1,1,0,1,0,0,,1.0,2,2,TUESDAY,8,0,0,0,0,1,1,Business Entity Type 3,0.4005557527431324,0.4916492436515189,0.5691487713619409,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-2249.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1127816,153679,Consumer loans,15458.895,270346.5,135171.0,135175.5,270346.5,TUESDAY,10,Y,1,0.544554518670736,,,XAP,Approved,-1044,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Regional / Local,140,Consumer electronics,12.0,high,POS household with interest,365243.0,-1013.0,-683.0,-893.0,-884.0,0.0,0,Cash loans,F,Y,Y,0,90000.0,622413.0,30073.5,495000.0,Other_A,Working,Higher education,Civil marriage,House / apartment,0.0105,-11136,-3469,-5209.0,-3667,1.0,1,1,0,1,0,0,Managers,2.0,3,3,WEDNESDAY,14,0,0,0,0,0,0,Postal,,0.009062922060243634,0.3825018041447388,0.0619,0.0436,0.9861,0.8096,0.0101,0.0,0.1379,0.1667,0.2083,0.0736,0.0504,0.0588,0.0,0.0,0.063,0.0453,0.9861,0.8171,0.0102,0.0,0.1379,0.1667,0.2083,0.0753,0.0551,0.0613,0.0,0.0,0.0625,0.0436,0.9861,0.8121,0.0102,0.0,0.1379,0.1667,0.2083,0.0749,0.0513,0.0599,0.0,0.0,reg oper account,block of flats,0.0467,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2476926,232397,Consumer loans,15842.16,270850.5,306603.0,0.0,270850.5,SATURDAY,16,Y,1,0.0,,,XAP,Approved,-399,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Regional / Local,900,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-368.0,322.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,174150.0,1312110.0,52038.0,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.006233,-21004,-1292,-4687.0,-2123,,1,1,0,1,0,0,Managers,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,Business Entity Type 2,0.7760391474801065,0.6868717684311407,0.5172965813614878,0.0773,0.0033,0.9821,0.7552,0.0139,0.0,0.1724,0.1667,0.0,0.0475,0.063,0.0685,0.0,0.0,0.0788,0.0035,0.9821,0.7648,0.014,0.0,0.1724,0.1667,0.0,0.0486,0.0689,0.0714,0.0,0.0,0.0781,0.0033,0.9821,0.7585,0.014,0.0,0.1724,0.1667,0.0,0.0484,0.0641,0.0698,0.0,0.0,not specified,block of flats,0.0626,Panel,No,2.0,1.0,2.0,0.0,-2514.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1852858,382745,Cash loans,58414.41,1822500.0,1995709.5,,1822500.0,SATURDAY,10,Y,1,,,,XNA,Approved,-248,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_action,Cash X-Sell: low,365243.0,-218.0,1192.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,360000.0,954207.0,33934.5,796500.0,"Spouse, partner",State servant,Higher education,Married,House / apartment,0.030755,-17221,-1476,-214.0,-757,,1,1,0,1,0,0,Core staff,2.0,2,2,TUESDAY,12,1,1,0,1,1,0,Kindergarten,0.8052482105895099,0.16647725195414506,0.25259869783397665,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-249.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,4.0,3.0 +2249574,350015,Consumer loans,6413.94,119340.0,56115.0,67500.0,119340.0,MONDAY,13,Y,1,0.5946983486117086,,,XAP,Approved,-2352,Cash through the bank,XAP,"Spouse, partner",Repeater,Other,POS,XNA,Stone,46,Construction,10.0,middle,POS industry with interest,365243.0,-2319.0,-2049.0,-2049.0,-2045.0,1.0,0,Revolving loans,M,Y,Y,2,117000.0,225000.0,11250.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-13562,-1605,-5152.0,-4305,6.0,1,1,1,1,0,0,Laborers,4.0,2,2,MONDAY,12,0,0,0,0,0,0,Agriculture,,0.16214456766623808,0.5549467685334323,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2070.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2628883,267918,Consumer loans,3181.545,28710.0,35311.5,0.0,28710.0,TUESDAY,14,Y,1,0.0,,,XAP,Approved,-844,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,1000,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-812.0,-482.0,-632.0,-629.0,0.0,0,Cash loans,M,Y,N,2,144000.0,454500.0,25375.5,454500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.020713,-18663,-1291,-1094.0,-2107,6.0,1,1,1,1,1,0,Managers,4.0,3,3,FRIDAY,6,0,0,0,0,1,1,Government,0.6897258506850766,0.3840488624133338,0.3092753558842053,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1203.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1390564,367308,Consumer loans,21074.85,137097.0,106101.0,36000.0,137097.0,SATURDAY,16,Y,1,0.2759113076422596,,,XAP,Approved,-1531,Cash through the bank,XAP,Unaccompanied,Refreshed,Audio/Video,POS,XNA,Country-wide,2000,Consumer electronics,6.0,high,POS household with interest,365243.0,-1500.0,-1350.0,-1350.0,-1341.0,0.0,0,Cash loans,M,Y,N,1,157500.0,318528.0,25294.5,252000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006233,-19912,-2213,-8149.0,-3162,14.0,1,1,0,1,0,0,Drivers,3.0,2,2,THURSDAY,14,0,0,0,0,0,0,Business Entity Type 1,,0.6948668761879163,0.7352209993926424,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1531.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1409176,441412,Consumer loans,11854.845,84015.0,80590.5,8415.0,84015.0,SUNDAY,14,Y,1,0.10296779412508213,,,XAP,Approved,-1440,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,2600,Consumer electronics,8.0,middle,POS household with interest,365243.0,-1406.0,-1196.0,-1196.0,-1188.0,0.0,1,Cash loans,M,Y,Y,2,315000.0,1078200.0,38331.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.031329,-15182,-6123,-1918.0,-3661,6.0,1,1,0,1,0,0,Drivers,4.0,2,2,FRIDAY,13,0,0,0,0,0,0,Trade: type 7,,0.6274639869475734,0.5280927512030451,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1440.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2800508,371712,Consumer loans,19887.3,303345.0,303345.0,0.0,303345.0,MONDAY,10,Y,1,0.0,,,XAP,Approved,-776,XNA,XAP,,New,Clothing and Accessories,POS,XNA,Stone,84,Clothing,18.0,low_normal,POS industry with interest,365243.0,-741.0,-231.0,-621.0,-616.0,0.0,0,Cash loans,F,N,Y,2,135000.0,562491.0,23962.5,454500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.018029,-11042,-858,-1405.0,-1929,,1,1,0,1,0,0,Medicine staff,4.0,3,3,SUNDAY,8,0,0,0,1,1,0,Medicine,0.22628855873640624,0.09661003677488056,0.4329616670974407,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-776.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1182018,274809,Cash loans,18221.49,270000.0,309406.5,,270000.0,TUESDAY,18,Y,1,,,,XNA,Approved,-1609,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-1579.0,-889.0,-889.0,-883.0,1.0,0,Cash loans,F,N,N,1,270000.0,450000.0,32746.5,450000.0,Family,Working,Secondary / secondary special,Single / not married,House / apartment,0.04622,-13327,-4096,-7118.0,-5021,,1,1,0,1,0,0,Cleaning staff,2.0,1,1,MONDAY,18,0,0,0,0,0,0,Housing,,0.3926712102898322,0.5797274227921155,0.2918,0.0761,0.9861,,,0.32,0.2759,0.3333,,,,0.2925,,,0.2973,0.079,0.9861,,,0.3222,0.2759,0.3333,,,,0.3047,,,0.2946,0.0761,0.9861,,,0.32,0.2759,0.3333,,,,0.2977,,,,block of flats,0.3015,Panel,No,2.0,1.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1895553,375974,Cash loans,31156.92,450000.0,592560.0,,450000.0,MONDAY,15,Y,1,,,,XNA,Approved,-171,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-141.0,909.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,N,2,112500.0,755190.0,36328.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.011656999999999999,-12270,-150,-5764.0,-2820,10.0,1,1,0,1,1,0,Security staff,4.0,1,1,WEDNESDAY,11,0,0,0,1,1,1,Security,,0.661960263204984,0.09885928035482196,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-765.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1566926,150344,Revolving loans,11250.0,225000.0,225000.0,,225000.0,SATURDAY,15,Y,1,,,,XAP,Refused,-867,XNA,SCOFR,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Revolving loans,F,N,Y,0,202500.0,135000.0,6750.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Separated,Rented apartment,0.011656999999999999,-15497,-8606,-8992.0,-4716,,1,1,0,1,1,0,Managers,1.0,1,1,FRIDAY,13,0,0,0,0,0,0,Kindergarten,0.7355443431310872,0.6602405910950055,0.25396280933631177,0.0619,0.0755,0.9861,,,0.0,0.1379,0.1667,,0.0,,0.0648,,0.0,0.063,0.0784,0.9861,,,0.0,0.1379,0.1667,,0.0,,0.0676,,0.0,0.0625,0.0755,0.9861,,,0.0,0.1379,0.1667,,0.0,,0.066,,0.0,,block of flats,0.051,Panel,No,1.0,0.0,1.0,0.0,-928.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1271370,199068,Revolving loans,13500.0,270000.0,270000.0,,270000.0,FRIDAY,18,Y,1,,,,XAP,Approved,-272,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,180000.0,562491.0,27189.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-18840,-143,-2491.0,-2394,13.0,1,1,0,1,0,0,Drivers,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Self-employed,,0.661881966220672,0.5797274227921155,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-2032.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +2701128,363737,Cash loans,78651.09,1215000.0,1285569.0,,1215000.0,THURSDAY,11,Y,1,,,,XNA,Approved,-622,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-592.0,98.0,-262.0,-255.0,1.0,0,Cash loans,F,Y,Y,0,157500.0,1125000.0,32895.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0105,-19088,-4477,-896.0,-2630,10.0,1,1,0,1,1,0,,2.0,3,3,WEDNESDAY,11,0,0,0,0,0,0,Other,,0.6815706751850761,0.5762088360175724,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1483.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2181889,245184,Revolving loans,6750.0,135000.0,135000.0,,135000.0,WEDNESDAY,13,Y,1,,,,XAP,Approved,-128,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,1,225000.0,497520.0,53712.0,450000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.005084,-17426,-1456,-917.0,-924,,1,1,0,1,0,0,Managers,3.0,2,2,FRIDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.4648772951043237,0.6964271343181473,0.5460231970049609,0.1021,0.165,0.9851,,,,0.3103,0.1667,,,,0.1165,,0.0647,0.104,0.1712,0.9851,,,,0.3103,0.1667,,,,0.1214,,0.0685,0.1031,0.165,0.9851,,,,0.3103,0.1667,,,,0.1186,,0.066,,block of flats,0.1057,"Stone, brick",No,0.0,0.0,0.0,0.0,-275.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2320145,218717,Consumer loans,5081.67,44995.5,24277.5,22500.0,44995.5,FRIDAY,14,Y,1,0.5238532511259782,,,XAP,Approved,-10,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,300,Consumer electronics,6.0,high,POS household with interest,,,,,,,0,Cash loans,F,Y,Y,1,157500.0,135000.0,14539.5,135000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.032561,-10456,-2859,-9950.0,-3035,4.0,1,1,1,1,1,0,,2.0,1,1,MONDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.4738506956641137,0.6952423042788329,0.2580842039460289,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1685.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2196367,309337,Revolving loans,4500.0,90000.0,90000.0,,90000.0,WEDNESDAY,8,Y,1,,,,XAP,Approved,-247,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-244.0,-199.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,202500.0,1113840.0,47322.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018801,-8063,-566,-336.0,-700,,1,1,0,1,0,0,Drivers,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,Self-employed,0.15506492538433828,0.25753068367868703,,0.0,,0.9821,,,,0.4138,0.3333,,,,0.444,,,0.0,,0.9821,,,,0.4138,0.3333,,,,0.4626,,,0.0,,0.9821,,,,0.4138,0.3333,,,,0.4519,,,,block of flats,0.3631,Monolithic,No,9.0,0.0,8.0,0.0,-247.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1626279,360835,Cash loans,20121.3,225000.0,254700.0,,225000.0,WEDNESDAY,14,Y,1,,,,XNA,Approved,-911,XNA,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,high,Cash Street: high,365243.0,-881.0,-191.0,-641.0,-633.0,1.0,0,Cash loans,F,N,N,0,85500.0,755190.0,29947.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Municipal apartment,0.005313,-23230,-201,-17253.0,-4220,,1,1,1,1,1,0,Cleaning staff,1.0,2,2,THURSDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.7665372067641941,0.30162489168411943,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-652.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1802255,398674,Consumer loans,3110.22,33300.0,33300.0,0.0,33300.0,WEDNESDAY,16,Y,1,0.0,,,XAP,Approved,-967,Cash through the bank,XAP,Family,Repeater,Clothing and Accessories,POS,XNA,Stone,80,Clothing,12.0,low_normal,POS industry with interest,365243.0,-932.0,-602.0,-602.0,-599.0,0.0,0,Cash loans,F,N,Y,0,202500.0,599472.0,21663.0,517500.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.031329,-21327,365243,-1168.0,-1241,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,12,0,0,0,0,0,0,XNA,,0.5018824867237826,0.324891229465852,0.2247,0.0508,0.9851,0.8028,0.0208,0.22,0.1897,0.3333,0.375,0.0414,0.0748,0.2312,0.0,0.0142,0.0935,0.0527,0.9851,0.8105,0.0209,0.0403,0.0345,0.3333,0.375,0.0424,0.0817,0.0686,0.0,0.0,0.2269,0.0508,0.9851,0.8054,0.0209,0.22,0.1897,0.3333,0.375,0.0422,0.0761,0.2353,0.0,0.0145,reg oper spec account,block of flats,0.318,Block,No,8.0,0.0,8.0,0.0,-433.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2100191,451469,Consumer loans,17763.255,100128.15,94869.0,10015.65,100128.15,WEDNESDAY,10,Y,1,0.10399952103226127,,,XAP,Approved,-433,Cash through the bank,XAP,,Refreshed,Jewelry,POS,XNA,Country-wide,50,Industry,6.0,middle,POS others without interest,365243.0,-402.0,-252.0,-252.0,-247.0,0.0,0,Cash loans,F,N,N,1,90000.0,472500.0,26383.5,472500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,With parents,0.035792000000000004,-15221,-801,-8910.0,-4973,,1,1,0,1,1,0,Laborers,3.0,2,2,TUESDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.4150708918556761,0.522477531573546,0.6363761710860439,,,0.9816,,,,,,,,,0.0552,,,,,0.9816,,,,,,,,,0.0575,,,,,0.9816,,,,,,,,,0.0562,,,,,0.0657,,No,1.0,0.0,1.0,0.0,-2629.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1895256,262258,Consumer loans,19804.005,141705.0,73345.5,70852.5,141705.0,SATURDAY,14,Y,1,0.5351309562987255,,,XAP,Approved,-487,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Regional / Local,580,Consumer electronics,4.0,middle,POS household with interest,365243.0,-456.0,-366.0,-456.0,-439.0,0.0,0,Cash loans,M,Y,Y,1,135000.0,500211.0,51385.5,463500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0038130000000000004,-15015,-6956,-1965.0,-4458,15.0,1,1,0,1,0,0,Laborers,3.0,2,2,WEDNESDAY,6,0,0,0,0,1,1,Business Entity Type 2,,0.6913924164232091,0.5334816299804352,0.1237,0.1321,0.9831,0.7688,0.2185,0.0,0.2759,0.1667,0.0417,0.041,0.1,0.1119,0.0039,0.0403,0.1261,0.1371,0.9831,0.7779,0.2205,0.0,0.2759,0.1667,0.0417,0.042,0.1093,0.1165,0.0039,0.0426,0.1249,0.1321,0.9831,0.7719,0.2199,0.0,0.2759,0.1667,0.0417,0.0417,0.1018,0.1139,0.0039,0.0411,reg oper spec account,block of flats,0.0979,Panel,No,0.0,0.0,0.0,0.0,-2255.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1295517,336134,Cash loans,20630.295,283500.0,283500.0,,283500.0,SATURDAY,8,Y,1,,,,XNA,Approved,-1112,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-1082.0,-392.0,-392.0,-390.0,0.0,0,Cash loans,F,N,Y,0,202500.0,659610.0,25686.0,472500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-17582,-2782,-10377.0,-1116,,1,1,0,1,0,0,Laborers,2.0,3,2,FRIDAY,8,0,0,0,0,0,0,Self-employed,0.784279738058244,0.525951762285771,,0.0825,0.0809,0.9737,0.6396,0.0578,0.0,0.1379,0.1667,0.2083,0.0387,0.0672,0.0636,0.0,0.0,0.084,0.0839,0.9737,0.6537,0.0584,0.0,0.1379,0.1667,0.2083,0.0396,0.0735,0.0663,0.0,0.0,0.0833,0.0809,0.9737,0.6444,0.0582,0.0,0.1379,0.1667,0.2083,0.0394,0.0684,0.0648,0.0,0.0,reg oper account,block of flats,0.0501,"Stone, brick",No,0.0,0.0,0.0,0.0,-1586.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2183914,293725,Consumer loans,6728.49,54810.0,49329.0,5481.0,54810.0,FRIDAY,13,Y,1,0.1089090909090909,,,XAP,Approved,-1713,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,17,Connectivity,10.0,high,POS mobile with interest,365243.0,-1678.0,-1408.0,-1438.0,-1431.0,0.0,0,Cash loans,M,Y,N,0,76500.0,490495.5,27387.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-12767,-848,-5115.0,-4271,10.0,1,1,1,1,1,0,Drivers,2.0,2,2,SUNDAY,17,0,0,0,0,0,0,Self-employed,,0.1557404524007833,0.5478104658520093,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-142.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2683185,396524,Consumer loans,9269.55,92605.5,81886.5,18540.0,92605.5,THURSDAY,16,Y,1,0.2010599339272548,,,XAP,Approved,-803,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,20,Connectivity,12.0,high,POS mobile with interest,365243.0,-766.0,-436.0,-616.0,-610.0,0.0,0,Cash loans,F,N,N,0,292500.0,250272.0,9117.0,198000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010556,-19556,-11929,-7377.0,-3029,,1,1,0,1,0,0,,2.0,3,3,TUESDAY,17,0,0,0,0,1,1,Other,,0.5727545861493345,0.8038850611746273,0.1041,0.1432,0.9896,,,0.0,0.2759,0.1667,,0.1239,,0.1112,,0.0041,0.1061,0.1486,0.9896,,,0.0,0.2759,0.1667,,0.1267,,0.1159,,0.0044,0.1051,0.1432,0.9896,,,0.0,0.2759,0.1667,,0.126,,0.1132,,0.0042,,block of flats,0.0884,"Stone, brick",No,0.0,0.0,0.0,0.0,-1744.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1735982,201066,Cash loans,20056.275,157500.0,167895.0,,157500.0,WEDNESDAY,17,Y,1,,,,Journey,Approved,-359,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-329.0,1.0,-149.0,-145.0,1.0,0,Cash loans,F,Y,Y,0,360000.0,225000.0,21037.5,225000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.04622,-17293,-699,-4226.0,-835,5.0,1,1,0,1,1,0,,2.0,1,1,THURSDAY,22,0,0,0,0,1,1,Business Entity Type 3,,0.6982962523999343,0.5937175866150576,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1954.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +2799676,332310,Consumer loans,14706.315,74160.0,78075.0,0.0,74160.0,TUESDAY,11,Y,1,0.0,,,XAP,Refused,-687,Cash through the bank,LIMIT,Family,Repeater,Vehicles,POS,XNA,Stone,309,Industry,6.0,middle,POS other with interest,,,,,,,0,Cash loans,F,N,Y,1,81000.0,521280.0,28408.5,450000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.015221,-10853,-1171,-2769.0,-3523,,1,1,1,1,1,0,High skill tech staff,3.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.6249862828930653,0.40646272572027214,0.4418358231994413,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1216.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1567243,356026,Consumer loans,12628.26,105511.5,103315.5,10552.5,105511.5,SATURDAY,15,Y,1,0.10092942545914403,,,XAP,Approved,-427,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Country-wide,150,Consumer electronics,10.0,middle,POS household with interest,365243.0,-396.0,-126.0,-126.0,-118.0,0.0,0,Cash loans,F,N,N,0,157500.0,583834.5,21100.5,504000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.04622,-19746,-4305,-10259.0,-3308,,1,1,1,1,1,0,High skill tech staff,1.0,1,1,SATURDAY,16,0,1,1,0,1,1,Business Entity Type 2,,0.6873513005170421,0.520897599048938,0.0464,0.0332,0.9921,0.8096,0.0,0.04,0.0345,0.3333,0.0,0.0719,0.0378,0.0399,0.0,0.0738,0.0473,0.0344,0.9921,0.8171,0.0,0.0403,0.0345,0.3333,0.0,0.0736,0.0413,0.0416,0.0,0.0782,0.0468,0.0332,0.9921,0.8121,0.0,0.04,0.0345,0.3333,0.0,0.0732,0.0385,0.0406,0.0,0.0754,org spec account,block of flats,0.0474,"Stone, brick",No,3.0,0.0,3.0,0.0,-1545.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1052204,427310,Revolving loans,6750.0,135000.0,135000.0,,135000.0,TUESDAY,11,Y,1,,,,XAP,Approved,-657,XNA,XAP,,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),900,XNA,0.0,XNA,Card Street,-631.0,-580.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,225000.0,611095.5,29529.0,486000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.008019,-18348,-116,-8770.0,-1901,,1,1,0,1,1,1,,1.0,2,2,MONDAY,11,0,1,1,0,0,0,Hotel,0.9193459493428736,0.5595638015383632,0.6279908192952864,0.1577,0.0792,0.9881,,,0.16,0.1379,0.3333,,0.0414,,0.1738,,0.0011,0.1607,0.0822,0.9881,,,0.1611,0.1379,0.3333,,0.0424,,0.1811,,0.0012,0.1593,0.0792,0.9881,,,0.16,0.1379,0.3333,,0.0422,,0.1769,,0.0011,,block of flats,0.1369,Panel,No,3.0,2.0,3.0,0.0,-147.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2807721,111527,Cash loans,22778.64,405000.0,451777.5,,405000.0,FRIDAY,10,Y,1,,,,XNA,Approved,-907,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,AP+ (Cash loan),6,XNA,30.0,middle,Cash X-Sell: middle,,,,,,,0,Revolving loans,F,N,Y,1,180000.0,382500.0,19125.0,382500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.04622,-15259,-185,-7119.0,-5116,,1,1,1,1,0,1,High skill tech staff,3.0,1,1,TUESDAY,10,0,0,0,0,1,1,Other,0.4855431992609549,0.21441934015517,0.6706517530862718,0.0165,0.0,0.9717,,,0.0,0.069,0.0417,,,,0.0125,,,0.0168,0.0,0.9717,,,0.0,0.069,0.0417,,,,0.013,,,0.0167,0.0,0.9717,,,0.0,0.069,0.0417,,,,0.0127,,,,block of flats,0.0105,Block,No,0.0,0.0,0.0,0.0,-907.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2491712,112030,Revolving loans,22500.0,450000.0,450000.0,,450000.0,TUESDAY,11,Y,1,,,,XAP,Approved,-188,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-188.0,-147.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,360000.0,509400.0,32683.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-17468,-3184,-11602.0,-956,,1,1,0,1,1,0,,2.0,1,1,MONDAY,13,0,1,1,0,1,1,Business Entity Type 3,,0.7448399802924572,,0.3598,0.2273,0.9786,0.7076,0.202,0.4,0.3448,0.3333,0.0417,0.0,0.6472,0.3103,0.0,0.0427,0.3666,0.2359,0.9786,0.7190000000000001,0.2038,0.4028,0.3448,0.3333,0.0417,0.0,0.7071,0.3233,0.0,0.0452,0.3633,0.2273,0.9786,0.7115,0.2033,0.4,0.3448,0.3333,0.0417,0.0,0.6584,0.3159,0.0,0.0436,org spec account,block of flats,0.2534,"Stone, brick",No,0.0,0.0,0.0,0.0,-698.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2242098,292964,Consumer loans,7402.545,86625.0,77962.5,8662.5,86625.0,MONDAY,14,Y,1,0.1089090909090909,,,XAP,Approved,-177,Cash through the bank,XAP,,Repeater,Construction Materials,POS,XNA,Stone,60,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-131.0,199.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,225000.0,922266.0,40752.0,810000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-22882,365243,-8227.0,-4709,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,XNA,,0.2522233293054626,0.3706496323299817,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-560.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +1055649,286072,Consumer loans,16190.55,190741.095,190737.0,4.095,190741.095,FRIDAY,15,Y,1,2.338157528521723e-05,,,XAP,Approved,-1453,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,2000,Consumer electronics,18.0,high,POS household with interest,365243.0,-1422.0,-912.0,-912.0,-905.0,0.0,0,Cash loans,F,N,Y,0,157500.0,1078200.0,31522.5,900000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.007114,-14778,-959,-5268.0,-1530,,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Industry: type 9,0.6714396205385817,0.6213561265806405,0.4722533429586386,0.1155,,0.9881,,,,,,,,,,,,0.1176,,0.9881,,,,,,,,,,,,0.1166,,0.9881,,,,,,,,,,,,,,0.1124,,No,0.0,0.0,0.0,0.0,-2635.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2831684,246128,Cash loans,49398.525,675000.0,709749.0,,675000.0,THURSDAY,10,Y,1,,,,XNA,Approved,-551,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Stone,642,Consumer electronics,18.0,low_normal,Cash X-Sell: low,365243.0,-521.0,-11.0,-11.0,365243.0,1.0,0,Cash loans,M,N,N,0,94500.0,1288350.0,37800.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-22080,-1490,-12005.0,-4977,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,8,0,0,0,0,0,0,Kindergarten,,0.16214456766623808,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,1.0,5.0,1.0,-551.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1464194,426579,Consumer loans,6827.805,38655.0,42246.0,3865.5,38655.0,SATURDAY,8,Y,1,0.09129785214297756,,,XAP,Approved,-895,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,22,Connectivity,8.0,high,POS mobile with interest,365243.0,-864.0,-654.0,-654.0,-648.0,0.0,0,Revolving loans,M,Y,Y,0,112500.0,180000.0,9000.0,180000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.020246,-9979,-922,-4131.0,-2502,7.0,1,1,0,1,0,0,Managers,2.0,3,3,FRIDAY,12,0,0,0,0,0,0,Police,0.2276627062607991,0.5432243354032548,0.6769925032909132,0.0732,0.0585,0.9866,0.8164,0.0183,0.08,0.069,0.3333,0.375,0.06,0.0597,0.0847,0.0,0.0,0.0746,0.0608,0.9866,0.8236,0.0185,0.0806,0.069,0.3333,0.375,0.0613,0.0652,0.0882,0.0,0.0,0.0739,0.0585,0.9866,0.8189,0.0184,0.08,0.069,0.3333,0.375,0.061,0.0607,0.0862,0.0,0.0,reg oper account,block of flats,0.0766,Panel,No,0.0,0.0,0.0,0.0,-895.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1945575,227712,Consumer loans,22737.915,243603.0,243603.0,0.0,243603.0,MONDAY,9,Y,1,0.0,,,XAP,Approved,-565,XNA,XAP,,Repeater,Computers,POS,XNA,Stone,30,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-533.0,-203.0,-203.0,-195.0,0.0,0,Cash loans,M,Y,N,0,180000.0,1113840.0,47191.5,900000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010006000000000001,-14645,-4474,-617.0,-4558,9.0,1,1,1,1,1,0,High skill tech staff,2.0,2,2,THURSDAY,20,0,0,0,0,0,0,Emergency,0.1896664352040904,0.5450902774572204,0.4884551844437485,0.1804,0.1631,0.9886,0.8436,0.0492,0.2,0.1724,0.3333,0.375,0.0,0.1454,0.2221,0.0077,0.0082,0.1838,0.1693,0.9886,0.8497,0.0496,0.2014,0.1724,0.3333,0.375,0.0,0.1589,0.2314,0.0078,0.0087,0.1822,0.1631,0.9886,0.8457,0.0495,0.2,0.1724,0.3333,0.375,0.0,0.1479,0.2261,0.0078,0.0084,reg oper account,block of flats,0.2034,Panel,No,1.0,0.0,1.0,0.0,-3017.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1155015,222999,Cash loans,24160.5,225000.0,225000.0,0.0,225000.0,THURSDAY,14,Y,1,0.0,,,XNA,Approved,-2533,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,middle,Cash Street: middle,365243.0,-2503.0,-2173.0,-2203.0,-2201.0,0.0,0,Cash loans,F,Y,Y,0,675000.0,1096020.0,55962.0,900000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.00733,-17577,-135,-6754.0,-1129,2.0,1,1,0,1,1,0,,2.0,2,2,WEDNESDAY,11,0,1,1,0,1,1,Other,,0.7407835604204819,0.4206109640437848,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2270.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2559513,110883,Consumer loans,6962.085,37300.5,37300.5,0.0,37300.5,WEDNESDAY,20,Y,1,0.0,,,XAP,Approved,-97,XNA,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,1000,Consumer electronics,6.0,middle,POS household without interest,365243.0,-67.0,83.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,1,112500.0,170640.0,12546.0,135000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.009334,-13373,-1452,-769.0,-4730,7.0,1,1,0,1,0,0,Sales staff,3.0,2,2,TUESDAY,9,0,0,0,1,1,0,Self-employed,,0.5251556804876204,0.656158373001177,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1192.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2335573,371205,Consumer loans,7627.995,151317.0,168426.0,0.0,151317.0,WEDNESDAY,12,Y,1,0.0,,,XAP,Approved,-720,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,6000,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-689.0,1.0,-269.0,-261.0,0.0,0,Cash loans,F,N,Y,0,135000.0,467257.5,17743.5,328500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008473999999999999,-19181,-10054,-10308.0,-2738,,1,1,0,1,1,0,,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,School,,0.6219116103707617,0.5280927512030451,0.4443,0.2968,0.9856,0.8028,0.3163,0.48,0.4138,0.3333,0.0,0.016,0.3614,0.3048,0.0039,0.0024,0.4527,0.308,0.9856,0.8105,0.3192,0.4834,0.4138,0.3333,0.0,0.0164,0.3949,0.3175,0.0039,0.0025,0.4486,0.2968,0.9856,0.8054,0.3183,0.48,0.4138,0.3333,0.0,0.0163,0.3677,0.3102,0.0039,0.0025,reg oper account,block of flats,0.3917,Panel,No,0.0,0.0,0.0,0.0,-720.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2320742,123848,Consumer loans,3466.08,31905.0,28755.0,3150.0,31905.0,THURSDAY,8,Y,1,0.107526605975125,,,XAP,Approved,-1415,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,36,Connectivity,12.0,high,POS mobile with interest,365243.0,-1384.0,-1054.0,-1294.0,-1285.0,0.0,0,Cash loans,F,N,N,0,112500.0,432661.5,23598.0,373500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.002134,-9839,-1076,-1025.0,-2390,,1,1,0,1,0,0,,1.0,3,3,FRIDAY,5,0,0,0,0,0,0,Agriculture,,0.32373806893594165,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,0.0,9.0,0.0,-557.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1789115,112887,Consumer loans,4002.3,49567.5,39654.0,9913.5,49567.5,SUNDAY,15,Y,1,0.2178181818181818,,,XAP,Approved,-293,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,22,Connectivity,12.0,middle,POS mobile with interest,365243.0,-251.0,79.0,-191.0,-181.0,0.0,0,Revolving loans,F,N,Y,1,99000.0,315000.0,15750.0,315000.0,Children,State servant,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-15498,-1301,-4770.0,-4749,,1,1,0,1,0,0,Cooking staff,3.0,2,2,SATURDAY,10,0,0,0,0,0,0,Kindergarten,,0.4936387603095119,0.0005272652387098817,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1162073,221078,Consumer loans,12656.925,59377.5,47502.0,11875.5,59377.5,TUESDAY,14,Y,1,0.2178181818181818,,,XAP,Approved,-928,Cash through the bank,XAP,Unaccompanied,Refreshed,Mobile,POS,XNA,Country-wide,44,Connectivity,4.0,middle,POS mobile without interest,365243.0,-896.0,-806.0,-806.0,-796.0,0.0,0,Cash loans,M,N,N,1,202500.0,225000.0,16002.0,225000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.018634,-13040,-1223,-2492.0,-4513,,1,1,1,1,0,0,Core staff,3.0,2,2,TUESDAY,14,0,1,1,0,1,1,Business Entity Type 2,,0.5665468546777386,0.4471785780453068,0.067,0.052000000000000005,0.9757,0.6668,,0.0,0.1034,0.2083,0.2083,0.037000000000000005,0.0546,0.0551,0.0,0.0411,0.0683,0.054000000000000006,0.9757,0.6798,,0.0,0.1034,0.2083,0.2083,0.0378,0.0597,0.0574,0.0,0.0435,0.0677,0.052000000000000005,0.9757,0.6713,,0.0,0.1034,0.2083,0.2083,0.0376,0.0556,0.0561,0.0,0.042,org spec account,block of flats,0.0467,"Stone, brick",No,0.0,0.0,0.0,0.0,-2183.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2139370,428546,Consumer loans,16390.575,69750.0,62775.0,6975.0,69750.0,WEDNESDAY,18,Y,1,0.1089090909090909,,,XAP,Refused,-1480,Cash through the bank,HC,,Repeater,Construction Materials,POS,XNA,Stone,18,Construction,4.0,low_normal,POS industry with interest,,,,,,,0,Cash loans,F,Y,Y,1,108000.0,149256.0,17010.0,135000.0,Family,Working,Secondary / secondary special,Single / not married,House / apartment,0.030755,-11367,-3220,-5049.0,-3413,11.0,1,1,0,1,0,1,,2.0,2,2,SATURDAY,15,0,0,0,0,1,1,Self-employed,0.512914472893087,0.5388966313044258,0.4048783643353997,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2512.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,0.0 +1555563,199783,Cash loans,15268.725,238500.0,263686.5,,238500.0,WEDNESDAY,7,Y,1,,,,XNA,Approved,-268,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-238.0,452.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,157500.0,509400.0,28575.0,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,Municipal apartment,0.020713,-22915,365243,-7927.0,-4287,,1,0,0,1,1,0,,1.0,3,2,FRIDAY,12,0,0,0,0,0,0,XNA,,0.5765815686748201,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1828.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1277152,316552,Cash loans,15463.89,315000.0,364972.5,,315000.0,TUESDAY,10,Y,1,,,,XNA,Approved,-601,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-571.0,479.0,-211.0,-204.0,1.0,0,Cash loans,M,Y,N,1,360000.0,573628.5,27724.5,463500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009656999999999999,-19385,-2316,-5332.0,-2819,3.0,1,1,0,1,0,0,Drivers,3.0,2,2,MONDAY,9,0,0,0,0,0,0,Trade: type 7,,0.6513361147619012,0.29708661164720285,0.0619,0.0485,0.9762,0.6736,0.0044,0.0,0.1034,0.1667,0.2083,0.0693,0.0504,0.031,0.0,0.0,0.063,0.0503,0.9762,0.6864,0.0045,0.0,0.1034,0.1667,0.2083,0.0708,0.0551,0.0323,0.0,0.0,0.0625,0.0485,0.9762,0.6779999999999999,0.0045,0.0,0.1034,0.1667,0.2083,0.0705,0.0513,0.0316,0.0,0.0,reg oper spec account,block of flats,0.0401,Block,No,0.0,0.0,0.0,0.0,-75.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,3.0 +1424568,364381,Consumer loans,4602.555,38655.0,16155.0,22500.0,38655.0,FRIDAY,15,Y,1,0.6339295163509364,,,XAP,Approved,-2861,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Stone,25,Connectivity,4.0,low_normal,POS mobile with interest,365243.0,-2782.0,-2692.0,-2782.0,-2677.0,0.0,1,Cash loans,M,Y,Y,0,135000.0,314055.0,15237.0,238500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.005002,-18914,-237,-9172.0,-2448,1.0,1,1,0,1,0,0,Drivers,1.0,3,3,WEDNESDAY,12,0,0,0,1,1,0,Transport: type 3,,0.07914215351274398,0.32173528219668485,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1727703,245897,Consumer loans,8563.905,48474.0,48474.0,0.0,48474.0,TUESDAY,14,Y,1,0.0,,,XAP,Approved,-589,Cash through the bank,XAP,,New,Construction Materials,POS,XNA,Regional / Local,1600,Construction,6.0,low_normal,POS industry with interest,365243.0,-544.0,-394.0,-514.0,-507.0,0.0,0,Cash loans,F,N,Y,2,148500.0,360000.0,24187.5,360000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-12115,-878,-1407.0,-784,,1,1,1,1,1,0,Sales staff,4.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.45702313999319705,0.6764902008684497,0.10547318648733764,0.0825,0.1202,0.9866,0.8164,0.0137,0.0,0.1379,0.1667,0.0417,,0.0672,0.0943,0.0,0.0,0.084,0.1247,0.9866,0.8236,0.0139,0.0,0.1379,0.1667,0.0417,,0.0735,0.0982,0.0,0.0,0.0833,0.1202,0.9866,0.8189,0.0138,0.0,0.1379,0.1667,0.0417,,0.0684,0.0959,0.0,0.0,reg oper account,block of flats,0.0777,Panel,No,1.0,0.0,1.0,0.0,-392.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1367789,436345,Consumer loans,16153.515,101200.5,87354.0,22500.0,101200.5,FRIDAY,11,Y,1,0.2230646626845217,,,XAP,Approved,-549,XNA,XAP,,New,Computers,POS,XNA,Regional / Local,600,Consumer electronics,6.0,middle,POS household with interest,365243.0,-518.0,-368.0,-398.0,-393.0,0.0,0,Cash loans,F,N,Y,0,184500.0,760225.5,30280.5,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010032,-13565,-1860,-7656.0,-430,,1,1,1,1,0,0,Medicine staff,2.0,2,2,MONDAY,8,0,0,0,0,0,0,Business Entity Type 3,0.3701259547100808,0.357874727059548,0.7421816117614419,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,1.0,-177.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1273822,434483,Cash loans,,0.0,0.0,,,SATURDAY,6,Y,1,,,,XNA,Refused,-334,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,157500.0,563877.0,22491.0,504000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.008068,-23486,365243,-10579.0,-1942,,1,0,0,1,0,0,,1.0,3,3,THURSDAY,9,0,0,0,0,0,0,XNA,,0.3937512366380102,0.7992967832109371,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-909.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1840928,226849,Consumer loans,31895.865,188541.0,177529.5,18855.0,188541.0,WEDNESDAY,13,Y,1,0.10456430670907883,,,XAP,Approved,-254,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Regional / Local,90,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-224.0,-74.0,-74.0,-68.0,1.0,0,Cash loans,F,N,Y,2,157500.0,452844.0,24696.0,378000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-10978,-784,-5827.0,-3640,,1,1,1,1,0,1,Sales staff,4.0,2,2,FRIDAY,10,0,0,0,0,0,0,Trade: type 7,0.5383944313565066,0.4877147753602744,,0.0804,0.0779,0.9846,0.7892,0.0373,0.0,0.2069,0.1667,0.2083,0.0835,0.0656,0.0761,0.0,0.0,0.0819,0.0808,0.9846,0.7975,0.0377,0.0,0.2069,0.1667,0.2083,0.0854,0.0716,0.0793,0.0,0.0,0.0812,0.0779,0.9846,0.792,0.0376,0.0,0.2069,0.1667,0.2083,0.0849,0.0667,0.0775,0.0,0.0,reg oper spec account,block of flats,0.0803,"Stone, brick",No,1.0,0.0,1.0,0.0,-2218.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1837633,329890,Consumer loans,6488.37,64890.0,58401.0,6489.0,64890.0,WEDNESDAY,10,Y,1,0.1089090909090909,,,XAP,Refused,-2584,Cash through the bank,SCO,Unaccompanied,New,XNA,POS,XNA,Stone,181,Consumer electronics,10.0,low_normal,POS household without interest,,,,,,,0,Cash loans,M,N,Y,0,112500.0,814041.0,28971.0,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-9416,-182,-2593.0,-2100,,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,16,0,0,0,0,1,1,Self-employed,,0.7608308456001346,0.3893387918468769,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-571.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1796495,441813,Revolving loans,3375.0,67500.0,67500.0,,67500.0,WEDNESDAY,13,Y,1,,,,XAP,Refused,-393,XNA,HC,,Repeater,XNA,Cards,walk-in,Regional / Local,100,Consumer electronics,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,Y,N,1,90000.0,797557.5,26487.0,688500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.0031219999999999998,-11053,-2657,-1428.0,-2591,1.0,1,1,0,1,0,0,Core staff,3.0,3,3,THURSDAY,13,0,0,0,0,0,0,Government,0.13997250717747142,0.5617668421515072,0.4561097392782771,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1828.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,1.0,0.0,0.0,0.0,1.0 +2724928,390947,Consumer loans,10471.59,113760.0,56880.0,56880.0,113760.0,MONDAY,13,Y,1,0.5445454545454544,,,XAP,Refused,-2467,Cash through the bank,LIMIT,Family,Repeater,Computers,POS,XNA,Regional / Local,80,Consumer electronics,6.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,202500.0,993082.5,42205.5,913500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.00702,-19886,-4630,-9157.0,-3446,,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,15,0,0,0,0,1,1,Self-employed,,0.7259009529471679,0.6246146584503397,0.1392,0.0896,0.9876,0.83,0.0,0.28,0.2414,0.3333,0.375,0.0223,0.1135,0.1649,0.0,0.1121,0.1418,0.093,0.9876,0.8367,0.0,0.282,0.2414,0.3333,0.375,0.0228,0.124,0.1718,0.0,0.1187,0.1405,0.0896,0.9876,0.8323,0.0,0.28,0.2414,0.3333,0.375,0.0226,0.1154,0.1678,0.0,0.1144,reg oper account,block of flats,0.154,Panel,No,2.0,1.0,2.0,0.0,-2467.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1980071,107150,Cash loans,14436.9,135000.0,152820.0,,135000.0,FRIDAY,12,Y,1,,,,Medicine,Refused,-185,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,N,Y,0,166500.0,203760.0,22072.5,180000.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,House / apartment,0.006670999999999999,-16038,-2024,-1634.0,-4084,,1,1,0,1,0,0,,1.0,2,2,MONDAY,11,0,0,0,0,1,1,Security Ministries,,0.6255861146381101,0.2608559142068693,0.0928,0.1092,0.9841,,,0.0,0.2069,0.1667,,0.0723,,0.0539,,0.1327,0.0945,0.1133,0.9841,,,0.0,0.2069,0.1667,,0.0739,,0.0562,,0.1405,0.0937,0.1092,0.9841,,,0.0,0.2069,0.1667,,0.0735,,0.0549,,0.1355,,block of flats,0.0713,Panel,No,0.0,0.0,0.0,0.0,-546.0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2218064,446495,Cash loans,22849.515,225000.0,337810.5,,225000.0,SATURDAY,19,Y,1,,,,XNA,Approved,-1049,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,36.0,high,Cash Street: high,,,,,,,0,Cash loans,M,Y,Y,0,180000.0,1130062.5,44946.0,1039500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-17920,-1884,-5162.0,-1449,11.0,1,1,0,1,0,1,Cooking staff,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,Medicine,0.6563125412486605,0.6150438706749906,0.7570690154522959,0.1567,0.0669,0.9771,0.6872,0.0427,0.0,0.1034,0.1667,0.2083,0.0947,0.1252,0.056,0.0116,0.0334,0.1492,0.0691,0.9772,0.6994,0.0364,0.0,0.1034,0.1667,0.2083,0.0852,0.1276,0.0545,0.0117,0.035,0.1582,0.0669,0.9771,0.6914,0.043,0.0,0.1034,0.1667,0.2083,0.0964,0.1274,0.057,0.0116,0.0341,reg oper account,block of flats,0.0681,"Stone, brick",No,0.0,0.0,0.0,0.0,-1414.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,3.0 +1716964,162443,Consumer loans,6896.61,89950.5,71959.5,17991.0,89950.5,SATURDAY,15,Y,1,0.21782907872056892,,,XAP,Approved,-511,Cash through the bank,XAP,,New,Computers,POS,XNA,Country-wide,2700,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-480.0,-150.0,-150.0,-139.0,0.0,0,Cash loans,F,Y,Y,1,225000.0,900000.0,26316.0,900000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.022625,-12174,-3720,-2044.0,-2703,10.0,1,1,1,1,0,0,Realty agents,3.0,2,2,SATURDAY,13,0,0,0,0,0,0,Business Entity Type 1,0.645488884224223,0.7790140850302725,0.5884877883422673,0.1485,0.0878,0.9876,0.83,0.0547,0.16,0.1379,0.3333,0.375,0.1151,0.121,0.1534,0.0,0.0,0.1513,0.0911,0.9876,0.8367,0.0552,0.1611,0.1379,0.3333,0.375,0.1177,0.1322,0.1598,0.0,0.0,0.1499,0.0878,0.9876,0.8323,0.055,0.16,0.1379,0.3333,0.375,0.1171,0.1231,0.1562,0.0,0.0,not specified,block of flats,0.1505,Panel,No,2.0,0.0,2.0,0.0,-511.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2712844,224847,Cash loans,81353.385,450000.0,460395.0,,450000.0,TUESDAY,10,Y,1,,,,XNA,Approved,-199,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,low_action,Cash X-Sell: low,365243.0,-169.0,-19.0,-19.0,-12.0,1.0,0,Cash loans,F,Y,Y,0,315000.0,1724220.0,47412.0,1350000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.04622,-18046,-11051,-8130.0,-1583,6.0,1,1,0,1,1,0,Medicine staff,2.0,1,1,FRIDAY,9,0,0,0,0,0,0,Medicine,,0.7529487574739583,0.7688075728291359,,0.05,0.9786,,,,,,,,,,,,,0.0519,0.9786,,,,,,,,,,,,,0.05,0.9786,,,,,,,,,,,,,block of flats,0.0426,Panel,No,1.0,0.0,1.0,0.0,-199.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2323674,127669,Cash loans,10476.585,94500.0,120541.5,0.0,94500.0,TUESDAY,9,Y,1,0.0,,,XNA,Approved,-1848,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,18.0,high,Cash X-Sell: high,365243.0,-1818.0,-1308.0,-1578.0,-1570.0,1.0,0,Cash loans,M,N,Y,0,129150.0,1078200.0,31522.5,900000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-20097,-3660,-12997.0,-3100,,1,1,1,1,0,0,Drivers,2.0,2,2,TUESDAY,11,0,0,0,0,1,1,Medicine,,0.38743749608737255,0.6610235391308081,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2607247,291422,Consumer loans,6110.865,29542.5,29970.0,2956.5,29542.5,SUNDAY,15,Y,1,0.09779045063177896,,,XAP,Approved,-1597,XNA,XAP,,New,Mobile,POS,XNA,Regional / Local,6,Connectivity,6.0,high,POS mobile with interest,365243.0,-1557.0,-1407.0,-1407.0,-1401.0,0.0,0,Cash loans,M,N,Y,0,225000.0,675000.0,26154.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.009656999999999999,-9315,-1677,-3870.0,-265,,1,1,1,1,1,0,Drivers,1.0,2,2,MONDAY,12,1,1,0,1,1,0,Business Entity Type 3,,0.2828672719677408,0.2707073872651806,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-350.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2441652,180509,Cash loans,32681.25,225000.0,275373.0,,225000.0,TUESDAY,15,Y,1,,,,Other,Refused,-499,Cash through the bank,SCO,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,M,Y,Y,0,180000.0,161730.0,14962.5,135000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,With parents,0.035792000000000004,-9665,-1155,-4002.0,-2155,64.0,1,1,0,1,0,0,Laborers,1.0,2,2,THURSDAY,18,0,0,0,0,0,0,Self-employed,,0.1036210203328439,0.2807895743848605,0.1124,,0.9747,,,,0.0345,0.1667,,,,,,,0.1145,,0.9747,,,,0.0345,0.1667,,,,,,,0.1135,,0.9747,,,,0.0345,0.1667,,,,,,,,specific housing,0.031,Panel,No,0.0,0.0,0.0,0.0,-541.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1731213,442749,Consumer loans,5911.335,131071.5,131071.5,0.0,131071.5,SUNDAY,8,Y,1,0.0,,,XAP,Approved,-1535,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Stone,90,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1500.0,-810.0,-870.0,-863.0,0.0,1,Cash loans,F,N,Y,0,178200.0,468000.0,13810.5,468000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0228,-15790,-4177,-7034.0,-2671,,1,1,0,1,0,0,Waiters/barmen staff,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Medicine,0.5286225594417174,0.28912760620534433,0.4507472818545589,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,0.0,-2608.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2630363,140448,Consumer loans,3191.895,29245.5,25533.0,3712.5,29245.5,WEDNESDAY,11,Y,1,0.13825203877519618,,,XAP,Approved,-2021,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,42,Connectivity,12.0,high,POS mobile with interest,365243.0,-1960.0,-1630.0,-1750.0,-1744.0,0.0,0,Cash loans,F,N,Y,1,112500.0,440784.0,32202.0,360000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.006305,-15593,-5774,-8189.0,-2897,,1,1,0,1,0,0,Sales staff,3.0,3,3,MONDAY,4,0,0,0,0,0,0,Postal,0.5309721204770066,0.019053365473565845,0.6075573001388961,0.0443,0.0773,0.9871,0.8232,0.0,0.0,0.069,0.1667,0.2083,0.0,0.0353,0.0476,0.0039,0.0108,0.0452,0.0802,0.9871,0.8301,0.0,0.0,0.069,0.1667,0.2083,0.0,0.0386,0.0495,0.0039,0.0114,0.0448,0.0773,0.9871,0.8256,0.0,0.0,0.069,0.1667,0.2083,0.0,0.0359,0.0484,0.0039,0.011,reg oper account,specific housing,0.0374,Panel,No,3.0,0.0,3.0,0.0,-915.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +1130112,283058,Consumer loans,24617.385,195948.0,209956.5,0.0,195948.0,WEDNESDAY,9,Y,1,0.0,,,XAP,Approved,-768,XNA,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,2000,Consumer electronics,10.0,middle,POS household with interest,365243.0,-737.0,-467.0,-527.0,-519.0,0.0,0,Cash loans,M,N,N,0,180000.0,364896.0,24813.0,315000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,Municipal apartment,0.010032,-19606,-346,-1651.0,-2428,,1,1,0,1,0,0,Security staff,2.0,2,2,MONDAY,5,0,0,0,0,1,1,Security,,0.5644406043731274,0.6127042441012546,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-150.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1969801,389294,Consumer loans,2385.225,17955.0,17487.0,1800.0,17955.0,SUNDAY,11,Y,1,0.10164170873456918,,,XAP,Approved,-1871,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,25,Connectivity,10.0,high,POS mobile with interest,365243.0,-1832.0,-1562.0,-1682.0,-1675.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,835380.0,35523.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-13546,-557,-7507.0,-3948,0.0,1,1,0,1,0,0,Low-skill Laborers,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Other,,0.3899367385581838,0.34090642641523844,0.0165,,0.9846,,,0.0,0.1379,0.0417,,,,0.0133,,,0.0168,,0.9846,,,0.0,0.1379,0.0417,,,,0.0139,,,0.0167,,0.9846,,,0.0,0.1379,0.0417,,,,0.0135,,,,block of flats,0.0137,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1307856,440746,Cash loans,4611.15,45000.0,45000.0,,45000.0,MONDAY,11,Y,1,,,,XNA,Approved,-613,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Regional / Local,500,Consumer electronics,12.0,middle,Cash X-Sell: middle,365243.0,-583.0,-253.0,-313.0,-306.0,0.0,0,Cash loans,F,N,Y,0,112500.0,254700.0,24939.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.028663,-24856,365243,-1032.0,-4263,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,8,0,0,0,0,0,0,XNA,,0.6720428572637972,,0.0247,0.0,0.9737,0.6396,0.0021,0.0,0.1034,0.0417,0.0833,0.0349,0.0202,0.0197,0.0,0.0,0.0252,0.0,0.9737,0.6537,0.0021,0.0,0.1034,0.0417,0.0833,0.0357,0.022,0.0205,0.0,0.0,0.025,0.0,0.9737,0.6444,0.0021,0.0,0.1034,0.0417,0.0833,0.0355,0.0205,0.0201,0.0,0.0,reg oper account,block of flats,0.0166,"Stone, brick",No,11.0,0.0,11.0,0.0,-1014.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1358884,365325,Consumer loans,6599.475,66172.5,71797.5,0.0,66172.5,WEDNESDAY,9,Y,1,0.0,,,XAP,Approved,-23,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,1800,Consumer electronics,12.0,low_action,POS household without interest,365243.0,365243.0,337.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,112500.0,148707.0,16146.0,139500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Rented apartment,0.020713,-10162,-428,-2269.0,-2710,,1,1,0,1,0,0,Medicine staff,1.0,3,3,FRIDAY,8,0,0,0,1,1,0,Business Entity Type 3,0.28192457842012714,0.3413342805317484,0.4170996682522097,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-677.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,2.0 +1716097,326210,Cash loans,29971.035,450000.0,640080.0,,450000.0,SATURDAY,11,Y,1,,,,XNA,Approved,-234,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-204.0,1206.0,-114.0,-107.0,1.0,0,Cash loans,F,N,Y,1,67500.0,100737.0,6732.0,76500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-14086,-1877,-3980.0,-3974,,1,1,0,1,0,0,Laborers,3.0,2,2,TUESDAY,11,0,0,0,0,0,0,Medicine,0.6459741994859186,0.4965468604216122,0.08226850764912726,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-454.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2028693,131704,Consumer loans,12005.865,130621.5,158782.5,0.0,130621.5,SATURDAY,14,Y,1,0.0,,,XAP,Approved,-24,Cash through the bank,XAP,Unaccompanied,Repeater,Jewelry,POS,XNA,Stone,30,Jewelry,20.0,middle,POS other with interest,365243.0,365243.0,576.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,1,171000.0,278811.0,15255.0,189000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-16224,-925,-3330.0,-4740,,1,1,0,1,0,1,Laborers,3.0,2,2,TUESDAY,14,0,0,0,0,1,1,Business Entity Type 2,0.7026123258299366,0.5816769729895711,0.4400578303966329,0.1691,0.2575,0.9886,0.8436,0.113,0.0,0.4828,0.1667,0.0417,0.2388,0.13699999999999998,0.2012,0.0077,0.121,0.1723,0.2673,0.9886,0.8497,0.114,0.0,0.4828,0.1667,0.0417,0.2443,0.1497,0.2097,0.0078,0.128,0.1707,0.2575,0.9886,0.8457,0.1137,0.0,0.4828,0.1667,0.0417,0.243,0.1394,0.2049,0.0078,0.1235,reg oper spec account,block of flats,0.22,"Stone, brick",No,1.0,0.0,1.0,0.0,-245.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2829533,447448,Consumer loans,5583.015,74070.0,77220.0,7407.0,74070.0,WEDNESDAY,11,Y,1,0.09532296269082398,,,XAP,Approved,-759,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,292,Consumer electronics,18.0,middle,POS household with interest,365243.0,-728.0,-218.0,-248.0,-244.0,0.0,0,Cash loans,F,N,N,1,108000.0,288873.0,16258.5,238500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.025164,-14812,-307,-4973.0,-4994,,1,1,0,1,0,0,,3.0,2,2,SATURDAY,9,0,0,0,1,1,0,Cleaning,0.4485517572206145,0.16219210595922867,0.5280927512030451,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2570.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1663889,246512,Consumer loans,9340.515,75586.5,82237.5,0.0,75586.5,FRIDAY,14,Y,1,0.0,,,XAP,Approved,-203,XNA,XAP,,New,Mobile,POS,XNA,Country-wide,44,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-167.0,103.0,365243.0,365243.0,0.0,1,Revolving loans,M,N,Y,0,216000.0,270000.0,13500.0,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.018634,-18946,-95,-3362.0,-2492,,1,1,0,1,0,0,Laborers,1.0,2,2,FRIDAY,17,0,0,0,0,1,1,Business Entity Type 2,,0.2431053676252092,0.24318648044201235,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-203.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2557906,204739,Cash loans,4915.485,45000.0,47970.0,,45000.0,FRIDAY,5,Y,1,,,,XNA,Approved,-358,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-328.0,2.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,1,112500.0,71955.0,7245.0,67500.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.0038130000000000004,-15829,-575,-5211.0,-2342,,1,1,1,1,1,0,Core staff,3.0,2,2,SATURDAY,6,0,0,0,0,0,0,Government,0.5709030061271693,0.4283999914900009,0.6940926425266661,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1561.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1186069,422577,Consumer loans,16600.77,150822.0,135738.0,15084.0,150822.0,FRIDAY,15,Y,1,0.10892208877171283,,,XAP,Approved,-1177,Cash through the bank,XAP,Unaccompanied,New,Construction Materials,POS,XNA,Stone,7,Construction,10.0,middle,POS industry with interest,365243.0,-1141.0,-871.0,-901.0,-895.0,0.0,0,Cash loans,F,N,N,0,135000.0,616261.5,22266.0,468000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.020246,-16768,-1094,-4816.0,-311,,1,1,0,1,0,0,Sales staff,1.0,3,3,SATURDAY,11,0,0,0,0,0,0,Self-employed,,0.0760804954210417,0.6528965519806539,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1177.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2393639,205437,Cash loans,15270.3,135000.0,143910.0,,135000.0,FRIDAY,11,Y,1,,,,Medicine,Refused,-307,Cash through the bank,SCO,Family,Repeater,XNA,Cash,walk-in,Country-wide,20,Connectivity,12.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,112500.0,188460.0,10350.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-17647,-1753,-3121.0,-861,,1,1,1,1,0,0,,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.3220023491917495,0.4123104515159438,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-308.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1712163,311545,Consumer loans,11135.025,129375.0,154993.5,0.0,129375.0,THURSDAY,13,Y,1,0.0,,,XAP,Approved,-1476,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Regional / Local,186,Consumer electronics,24.0,high,POS household with interest,365243.0,-1445.0,-755.0,-755.0,-752.0,0.0,0,Revolving loans,F,N,N,0,180000.0,135000.0,6750.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.018801,-8417,-1466,-7267.0,-898,,1,1,0,1,0,0,Sales staff,1.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Self-employed,0.3396147032261023,0.3295142726291696,0.6296742509538716,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,1.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2842000,441620,Cash loans,27580.32,450000.0,491580.0,,450000.0,THURSDAY,11,Y,1,,,,XNA,Approved,-206,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-176.0,514.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,0,180000.0,497520.0,33376.5,450000.0,Unaccompanied,Working,Incomplete higher,Single / not married,With parents,0.072508,-10269,-246,-4915.0,-2790,,1,1,0,1,1,0,Sales staff,1.0,1,1,SUNDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.2313311791749013,0.7501845965993991,,0.2948,0.2842,0.9896,,,0.48,0.2069,0.5417,,0.0,,0.1817,,0.0093,0.3004,0.2949,0.9896,,,0.4834,0.2069,0.5417,,0.0,,0.1893,,0.0099,0.2977,0.2842,0.9896,,,0.48,0.2069,0.5417,,0.0,,0.1849,,0.0095,,block of flats,0.2488,Panel,No,0.0,0.0,0.0,0.0,-2219.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1784727,205488,Consumer loans,,62411.4,62411.4,0.0,62411.4,THURSDAY,14,Y,1,0.0,,,XAP,Refused,-1404,Cash through the bank,LIMIT,,New,Mobile,XNA,XNA,Country-wide,33,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,M,Y,Y,1,360000.0,980838.0,52389.0,927000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.02461,-15725,-3746,-8382.0,-3911,6.0,1,1,0,1,1,0,Drivers,3.0,2,2,MONDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.6539486487548862,0.5154953751603267,0.1649,,0.9871,0.8232,,0.16,0.1379,0.375,0.0417,,0.1345,0.1651,0.0,0.0,0.1681,,0.9871,0.8301,,0.1611,0.1379,0.375,0.0417,,0.1469,0.172,0.0,0.0,0.1665,,0.9871,0.8256,,0.16,0.1379,0.375,0.0417,,0.1368,0.168,0.0,0.0,reg oper account,block of flats,0.1613,Panel,No,0.0,0.0,0.0,0.0,-1404.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2525931,445815,Cash loans,17079.255,135000.0,143910.0,,135000.0,FRIDAY,14,Y,1,,,,Urgent needs,Approved,-396,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-366.0,-36.0,-246.0,-240.0,1.0,0,Revolving loans,F,N,Y,0,135000.0,405000.0,20250.0,405000.0,Family,Pensioner,Higher education,Married,House / apartment,0.01885,-22661,365243,-3919.0,-4367,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,XNA,,0.593250721293592,0.7281412993111438,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-496.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1139165,426594,Cash loans,18970.065,360000.0,419877.0,,360000.0,FRIDAY,16,Y,1,,,,Repairs,Approved,-1459,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,middle,Cash Street: middle,365243.0,-1428.0,-378.0,-858.0,-851.0,0.0,0,Cash loans,F,N,Y,1,135000.0,879480.0,25843.5,630000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.00733,-14120,-1080,-5116.0,-372,,1,1,0,1,0,0,Sales staff,3.0,2,2,THURSDAY,11,0,0,0,0,0,0,Trade: type 3,,0.7475237175522131,0.6212263380626669,0.0778,0.0722,0.9791,0.7824,0.0153,0.0,0.0862,0.1667,0.2083,0.0,0.0588,0.0621,0.0039,0.0029,0.0746,0.0686,0.9747,0.7909,0.0117,0.0,0.0345,0.1667,0.2083,0.0,0.0643,0.0504,0.0039,0.0,0.0786,0.0722,0.9791,0.7853,0.0154,0.0,0.0862,0.1667,0.2083,0.0,0.0599,0.0632,0.0039,0.0029,reg oper spec account,block of flats,0.0456,"Stone, brick",No,4.0,0.0,4.0,0.0,-1814.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1083043,126521,Cash loans,13071.105,90000.0,110146.5,0.0,90000.0,THURSDAY,12,Y,1,0.0,,,Medicine,Approved,-1867,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,walk-in,Credit and cash offices,0,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,M,N,N,2,202500.0,909000.0,36180.0,909000.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.030755,-13613,-1362,-7603.0,-4131,,1,1,0,1,0,0,Managers,3.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.4909698206332418,0.6885999586257835,0.7946285827840042,0.1485,0.0891,0.9811,0.7416,0.0641,0.16,0.1379,0.3333,0.375,0.0351,0.121,0.1601,0.0,0.0,0.1513,0.0925,0.9811,0.7517,0.0647,0.1611,0.1379,0.3333,0.375,0.0359,0.1322,0.1668,0.0,0.0,0.1499,0.0891,0.9811,0.7451,0.0645,0.16,0.1379,0.3333,0.375,0.0357,0.1231,0.163,0.0,0.0,reg oper account,block of flats,0.1609,Panel,No,0.0,0.0,0.0,0.0,-1372.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2526507,426574,Cash loans,33490.485,450000.0,481185.0,,450000.0,THURSDAY,11,Y,1,,,,XNA,Approved,-874,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-844.0,-334.0,-334.0,-332.0,1.0,0,Cash loans,F,N,Y,0,135000.0,1057266.0,44793.0,945000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.04622,-23784,365243,-3816.0,-4613,,1,0,0,1,0,0,,2.0,1,1,WEDNESDAY,13,0,0,0,0,0,0,XNA,,0.7606835847126246,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-877.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1825980,183444,Consumer loans,7694.64,38610.0,40905.0,0.0,38610.0,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-134,Cash through the bank,XAP,"Spouse, partner",Refreshed,Consumer Electronics,POS,XNA,Country-wide,1000,Consumer electronics,6.0,middle,POS household with interest,365243.0,-104.0,46.0,365243.0,365243.0,1.0,1,Cash loans,F,Y,Y,0,90000.0,675000.0,22437.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.014519999999999996,-11047,-1438,-4602.0,-1801,64.0,1,1,0,1,0,0,Core staff,1.0,2,2,MONDAY,13,0,0,0,0,0,0,Insurance,0.40451629698742936,0.4320021356555265,,,,0.9886,,,0.08,0.069,0.3333,,,,0.154,,,,,0.9886,,,0.0806,0.069,0.3333,,,,0.1604,,,,,0.9886,,,0.08,0.069,0.3333,,,,0.1568,,,reg oper account,block of flats,0.1211,Panel,No,0.0,0.0,0.0,0.0,-2262.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1155837,263150,Revolving loans,6750.0,0.0,135000.0,,,WEDNESDAY,11,Y,1,,,,XAP,Approved,-2423,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-2408.0,-2370.0,365243.0,-1944.0,365243.0,0.0,0,Cash loans,F,N,Y,1,135000.0,270000.0,13117.5,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-17341,-2400,-1379.0,-896,,1,1,0,1,0,0,Core staff,3.0,2,2,THURSDAY,11,0,0,0,0,0,0,Self-employed,,0.13061656240754402,0.7281412993111438,0.1379,0.0819,0.9846,0.7892,0.0265,0.15,0.1293,0.3333,0.375,0.0823,0.1124,0.1428,0.0,0.0011,0.0756,0.0468,0.9856,0.8105,0.0127,0.1611,0.1379,0.3333,0.375,0.0601,0.0661,0.0797,0.0,0.0,0.1478,0.0846,0.9851,0.7987,0.0298,0.16,0.1379,0.3333,0.375,0.0792,0.1214,0.1533,0.0,0.0,reg oper account,block of flats,0.1695,Panel,No,1.0,0.0,1.0,0.0,-2624.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1360121,438791,Consumer loans,16713.0,92610.0,83079.0,22500.0,92610.0,SUNDAY,10,Y,1,0.2320967754434637,,,XAP,Approved,-671,XNA,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,232,Connectivity,6.0,high,POS mobile with interest,365243.0,-640.0,-490.0,-490.0,-482.0,0.0,0,Cash loans,F,Y,Y,2,157500.0,673875.0,21865.5,562500.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.006629,-12017,-2099,-1730.0,-1730,15.0,1,1,0,1,0,0,,4.0,2,2,SATURDAY,9,0,0,0,0,0,0,Other,,0.7289490365843944,0.7281412993111438,0.2485,0.0,0.9985,0.9796,0.0482,0.12,0.1034,0.375,0.4167,0.0318,0.1967,0.1878,0.027000000000000003,0.1079,0.2532,0.0,0.9985,0.9804,0.0486,0.1208,0.1034,0.375,0.4167,0.0325,0.2149,0.1957,0.0272,0.1142,0.2509,0.0,0.9985,0.9799,0.0485,0.12,0.1034,0.375,0.4167,0.0323,0.2001,0.1912,0.0272,0.1101,reg oper account,block of flats,0.1924,Block,No,0.0,0.0,0.0,0.0,-814.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1840369,354315,Consumer loans,4914.45,22455.0,23638.5,0.0,22455.0,MONDAY,8,Y,1,0.0,,,XAP,Approved,-758,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,6.0,high,POS mobile with interest,365243.0,-724.0,-574.0,-574.0,-569.0,0.0,0,Cash loans,F,N,N,1,112500.0,127350.0,13639.5,112500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-17111,-2370,-4545.0,-662,,1,1,0,1,0,0,Laborers,3.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,Industry: type 3,,0.5317926654215133,0.10344905212675168,0.1082,,0.9826,,,,0.069,0.2083,,0.0829,,0.0737,,,0.1103,,0.9826,,,,0.069,0.2083,,0.0848,,0.0767,,,0.1093,,0.9826,,,,0.069,0.2083,,0.0843,,0.075,,,,block of flats,0.0591,"Stone, brick",No,1.0,1.0,1.0,0.0,-1106.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2316700,239425,Cash loans,13316.4,67500.0,67500.0,0.0,67500.0,FRIDAY,15,Y,1,0.0,,,Repairs,Refused,-2076,Cash through the bank,HC,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,225000.0,364896.0,16200.0,315000.0,Family,Pensioner,Secondary / secondary special,Separated,House / apartment,0.016612000000000002,-17110,365243,-106.0,-481,,1,0,0,1,0,0,,1.0,2,2,SATURDAY,15,0,0,0,0,0,0,XNA,0.509820044070022,0.6914344076077911,,0.0711,0.0755,0.9801,0.728,0.033,0.0,0.1379,0.1667,0.2083,0.0286,0.0563,0.0648,0.0077,0.0432,0.0725,0.0784,0.9801,0.7387,0.0333,0.0,0.1379,0.1667,0.2083,0.0292,0.0615,0.0675,0.0078,0.0457,0.0718,0.0755,0.9801,0.7316,0.0332,0.0,0.1379,0.1667,0.2083,0.0291,0.0573,0.0659,0.0078,0.0441,reg oper account,block of flats,0.0784,"Stone, brick",No,0.0,0.0,0.0,0.0,-1615.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2618926,427413,Revolving loans,5625.0,112500.0,112500.0,,112500.0,TUESDAY,13,Y,1,,,,XAP,Approved,-217,XNA,XAP,"Spouse, partner",Repeater,XNA,Cards,x-sell,AP+ (Cash loan),-1,XNA,0.0,XNA,Card X-Sell,-212.0,-173.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,213750.0,94230.0,6502.5,67500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.008473999999999999,-10298,-1323,-3892.0,-748,7.0,1,1,0,1,1,0,Sales staff,2.0,2,2,TUESDAY,11,0,1,1,0,0,0,Other,,0.4608734673804423,0.18629294965553744,0.1237,0.0752,0.9816,,,0.0,0.069,0.1667,,0.0449,,0.0641,,0.0,0.1261,0.0781,0.9816,,,0.0,0.069,0.1667,,0.0459,,0.0668,,0.0,0.1249,0.0752,0.9816,,,0.0,0.069,0.1667,,0.0457,,0.0653,,0.0,,block of flats,0.0505,"Stone, brick",No,4.0,3.0,4.0,0.0,-1113.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +2065078,210212,Consumer loans,7057.395,156483.0,156483.0,0.0,156483.0,SUNDAY,15,Y,1,0.0,,,XAP,Refused,-954,Cash through the bank,SCO,Unaccompanied,New,Audio/Video,POS,XNA,Regional / Local,300,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,0,Cash loans,F,Y,Y,2,112500.0,1252278.0,36747.0,1093500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-13633,-1418,-2939.0,-4293,12.0,1,1,0,1,0,0,,4.0,2,2,TUESDAY,14,0,0,0,0,0,0,Self-employed,,0.5060370428771869,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-954.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1516678,374829,Revolving loans,13500.0,0.0,270000.0,,,MONDAY,15,Y,1,,,,XAP,Approved,-738,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-532.0,-488.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,247500.0,594000.0,26293.5,594000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.04622,-22435,365243,-10026.0,-4412,,1,0,0,1,0,0,,1.0,1,1,THURSDAY,9,0,0,0,0,0,0,XNA,,0.6331200983627823,0.6879328378491735,0.0278,0.0535,0.9861,,,0.0,0.1034,0.0833,,0.0097,,0.0278,,0.0,0.0284,0.0555,0.9861,,,0.0,0.1034,0.0833,,0.0099,,0.029,,0.0,0.0281,0.0535,0.9861,,,0.0,0.1034,0.0833,,0.0098,,0.0283,,0.0,,block of flats,0.0238,Panel,No,1.0,0.0,1.0,0.0,-902.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1488847,221328,Consumer loans,4311.945,35955.0,31612.5,6750.0,35955.0,FRIDAY,13,Y,1,0.19162889896027724,,,XAP,Approved,-1967,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,21,Connectivity,10.0,high,POS mobile with interest,365243.0,-1936.0,-1666.0,-1696.0,-1692.0,0.0,0,Cash loans,F,Y,N,0,135000.0,295452.0,35194.5,261000.0,Unaccompanied,State servant,Incomplete higher,Civil marriage,House / apartment,0.01885,-9915,-2102,-8150.0,-2600,4.0,1,1,0,1,0,1,Core staff,2.0,2,2,FRIDAY,11,0,0,0,0,1,1,Police,0.23081131710710245,0.6350886629503579,0.7751552674785404,0.334,0.2117,0.9846,0.7892,0.0707,0.36,0.3103,0.3333,0.375,0.0923,0.2723,0.3545,0.0,0.0,0.3403,0.2197,0.9846,0.7975,0.0713,0.3625,0.3103,0.3333,0.375,0.0944,0.2975,0.3693,0.0,0.0,0.3373,0.2117,0.9846,0.792,0.0711,0.36,0.3103,0.3333,0.375,0.0939,0.277,0.3608,0.0,0.0,reg oper spec account,block of flats,0.3174,Panel,No,3.0,0.0,3.0,0.0,-731.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2816124,256105,Cash loans,31182.165,688500.0,688500.0,,688500.0,SATURDAY,10,Y,1,,,,XNA,Refused,-394,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,270000.0,781920.0,28215.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.022625,-22156,365243,-4251.0,-4282,,1,0,0,1,0,0,,2.0,2,2,MONDAY,10,0,0,0,0,0,0,XNA,,0.4222853828897224,0.41534714488434,0.0825,0.0636,0.9771,0.6872,0.028,0.0,0.1379,0.1667,0.2083,0.0862,0.0672,0.0701,0.0,0.0,0.084,0.066,0.9772,0.6994,0.0282,0.0,0.1379,0.1667,0.2083,0.0882,0.0735,0.0731,0.0,0.0,0.0833,0.0636,0.9771,0.6914,0.0282,0.0,0.1379,0.1667,0.2083,0.0877,0.0684,0.0714,0.0,0.0,,block of flats,0.0705,Panel,No,0.0,0.0,0.0,0.0,-1187.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,3.0 +2544308,392726,Consumer loans,,27495.0,27495.0,0.0,27495.0,SATURDAY,11,Y,1,0.0,,,XAP,Refused,-1455,Cash through the bank,HC,,Repeater,Mobile,XNA,XNA,Country-wide,25,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,F,Y,N,3,112500.0,785398.5,31275.0,702000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-11648,-2202,-5472.0,-1220,14.0,1,1,0,1,0,1,Laborers,5.0,2,2,FRIDAY,13,0,0,0,0,0,0,Industry: type 9,0.6239850751651718,0.26525634018619443,0.17352743046491467,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-280.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2137335,423480,Revolving loans,6750.0,0.0,135000.0,,,WEDNESDAY,11,Y,1,,,,XAP,Approved,-1048,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-1033.0,-1005.0,365243.0,-32.0,-6.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,1022436.0,49315.5,940500.0,Unaccompanied,Working,Higher education,Single / not married,With parents,0.018801,-10184,-2358,-2527.0,-2818,12.0,1,1,1,1,1,1,,1.0,2,2,MONDAY,7,0,0,0,0,1,1,Business Entity Type 3,,0.4246397869655096,0.2405414172860865,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1769.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1044361,214699,Cash loans,47770.65,945000.0,1054773.0,,945000.0,THURSDAY,13,Y,1,,,,XNA,Approved,-963,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-933.0,477.0,-513.0,-505.0,1.0,0,Cash loans,M,N,N,0,157500.0,436032.0,16434.0,360000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.010556,-14705,-1176,-3468.0,-4057,,1,1,0,1,0,0,Laborers,2.0,3,3,MONDAY,11,0,0,0,0,1,1,Self-employed,,0.14628378918724633,0.39449540531239935,0.0557,0.0603,0.9945,0.9252,0.0063,0.0,0.1034,0.1667,0.2083,0.0643,0.0454,0.048,0.0,0.0158,0.0567,0.0625,0.9945,0.9281,0.0064,0.0,0.1034,0.1667,0.2083,0.0658,0.0496,0.05,0.0,0.0168,0.0562,0.0603,0.9945,0.9262,0.0063,0.0,0.1034,0.1667,0.2083,0.0654,0.0462,0.0488,0.0,0.0162,reg oper account,block of flats,0.0506,"Stone, brick",No,9.0,0.0,9.0,0.0,-1794.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,5.0,0.0,1.0 +2539015,328921,Consumer loans,6732.495,149445.0,149445.0,0.0,149445.0,FRIDAY,12,Y,1,0.0,,,XAP,Approved,-589,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Regional / Local,105,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-558.0,132.0,365243.0,365243.0,0.0,1,Cash loans,F,N,N,0,108000.0,352044.0,13270.5,247500.0,Unaccompanied,Pensioner,Lower secondary,Married,House / apartment,0.035792000000000004,-20290,365243,-7277.0,-3144,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,11,0,0,0,1,0,0,XNA,,0.051970899616566237,0.28812959991785075,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-1445.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2755147,405439,Revolving loans,2250.0,0.0,45000.0,,,FRIDAY,15,Y,1,,,,XAP,Approved,-508,XNA,XAP,,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),4,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,F,N,Y,0,135000.0,938034.0,27558.0,783000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.015221,-15985,-1806,-2434.0,-4331,,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.5492893559923252,0.6075573001388961,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-508.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2064288,228526,Cash loans,11386.17,90000.0,95940.0,,90000.0,FRIDAY,4,Y,1,,,,XNA,Approved,-964,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Country-wide,40,Connectivity,12.0,high,Cash Street: high,365243.0,-934.0,-604.0,-754.0,-745.0,1.0,1,Cash loans,F,N,Y,0,225000.0,755190.0,31995.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.006305,-22755,365243,-2925.0,-4516,,1,0,0,1,0,0,,2.0,3,3,WEDNESDAY,6,0,0,0,0,0,0,XNA,0.6975529462818982,0.03772349352428682,0.6832688314232291,0.1845,,0.9846,0.7892,0.0334,0.0,0.5172,0.1667,0.0,0.0032,0.1505,0.2029,0.0,0.0,0.188,,0.9846,0.7975,0.0337,0.0,0.5172,0.1667,0.0,0.0032,0.1644,0.2114,0.0,0.0,0.1863,,0.9846,0.792,0.0336,0.0,0.5172,0.1667,0.0,0.0032,0.1531,0.2065,0.0,0.0,reg oper account,block of flats,0.1778,Panel,No,2.0,0.0,2.0,0.0,-190.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1962959,261211,Cash loans,41666.22,1129500.0,1260702.0,,1129500.0,SATURDAY,7,Y,1,,,,XNA,Refused,-356,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,58500.0,571486.5,24340.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-18991,-1454,-6770.0,-2542,,1,1,0,1,0,0,Sales staff,2.0,3,3,FRIDAY,7,0,0,0,0,0,0,Business Entity Type 3,0.7474188919462668,0.3433873686485609,0.656158373001177,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-626.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1595724,406880,Consumer loans,19919.295,198828.0,194296.5,19885.5,198828.0,THURSDAY,11,Y,1,0.10111548716851684,,,XAP,Approved,-457,Cash through the bank,XAP,,New,Construction Materials,POS,XNA,Stone,12,Construction,12.0,middle,POS industry with interest,365243.0,-426.0,-96.0,-306.0,-300.0,0.0,0,Cash loans,F,N,Y,0,157500.0,1042560.0,40702.5,900000.0,Family,Working,Higher education,Married,House / apartment,0.008625,-17822,-3549,-7234.0,-1383,,1,1,0,1,0,0,Accountants,2.0,2,2,SATURDAY,11,0,0,0,0,1,1,Agriculture,,0.5045556814915462,0.8435435389318647,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-457.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1016980,120892,Cash loans,6233.04,90000.0,101880.0,,90000.0,MONDAY,10,Y,1,,,,XNA,Approved,-867,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-837.0,-147.0,-567.0,-560.0,1.0,0,Cash loans,F,N,Y,0,112500.0,497520.0,28692.0,450000.0,Family,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.025164,-22933,365243,-4394.0,-4413,,1,0,0,1,0,0,,1.0,2,2,SUNDAY,9,0,0,0,0,0,0,XNA,0.6990557937592294,0.26690468663494743,0.5585066276769286,0.0082,,0.9737,,,0.0,0.0345,0.0417,,,,0.0081,,0.0,0.0084,,0.9737,,,0.0,0.0345,0.0417,,,,0.0085,,0.0,0.0083,,0.9737,,,0.0,0.0345,0.0417,,,,0.0083,,0.0,,block of flats,0.0064,Others,No,0.0,0.0,0.0,0.0,-131.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,11.0 +2340386,287308,Revolving loans,2250.0,45000.0,45000.0,,45000.0,THURSDAY,13,Y,1,,,,XAP,Approved,-217,XNA,XAP,Unaccompanied,New,XNA,Cards,x-sell,Stone,32,Consumer electronics,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,58500.0,225000.0,20767.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-21777,-13450,-9739.0,-5264,,1,1,1,1,0,0,Security staff,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,Agriculture,,0.1678808185341389,0.6769925032909132,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-472.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1773779,351513,Consumer loans,1942.515,19476.0,19701.0,1935.0,19476.0,TUESDAY,14,Y,1,0.09740205717743154,,,XAP,Approved,-1103,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,35,Connectivity,14.0,high,POS mobile with interest,365243.0,-1065.0,-675.0,-825.0,-818.0,0.0,0,Cash loans,F,Y,Y,2,63000.0,253737.0,17086.5,229500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.007120000000000001,-11260,-1894,-11008.0,-1998,8.0,1,1,1,1,1,0,,4.0,2,2,SATURDAY,11,0,0,0,0,0,0,Other,0.21753766905655084,0.4952458276480614,0.5495965024956946,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-46.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,0.0 +1254913,121106,Consumer loans,4928.445,41580.0,43420.5,2070.0,41580.0,SUNDAY,12,Y,1,0.049557999622298746,,,XAP,Approved,-2121,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,74,Connectivity,12.0,high,POS mobile with interest,365243.0,-2090.0,-1760.0,-1760.0,-1757.0,0.0,0,Revolving loans,F,Y,Y,0,135000.0,225000.0,11250.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007114,-16339,-834,-2558.0,-2615,15.0,1,1,1,1,1,0,Cooking staff,2.0,2,2,SUNDAY,13,0,0,0,0,0,0,Kindergarten,0.4726607763231912,0.5811288079196305,0.11612491427195998,0.0041,,0.9687,,,0.0,0.069,0.0,,0.0221,,0.0026,,0.0,0.0042,,0.9687,,,0.0,0.069,0.0,,0.0226,,0.0027,,0.0,0.0042,,0.9687,,,0.0,0.069,0.0,,0.0225,,0.0026,,0.0,,block of flats,0.0027,Wooden,No,0.0,0.0,0.0,0.0,-1931.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,1.0,2.0 +2743713,425278,Consumer loans,,0.0,0.0,,,FRIDAY,7,Y,1,,,,XAP,Refused,-329,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,POS other with interest,,,,,,,0,Cash loans,F,Y,Y,0,180000.0,846387.0,24876.0,706500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018029,-21817,365243,-10616.0,-4384,64.0,1,0,0,1,0,0,,2.0,3,3,FRIDAY,7,0,0,0,0,0,0,XNA,,0.5257009560357736,0.08616166238092926,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-943.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +2352930,247728,Consumer loans,10095.21,59220.0,52470.0,6750.0,59220.0,SATURDAY,14,Y,1,0.12413650179607626,,,XAP,Refused,-2445,Cash through the bank,LIMIT,Family,Repeater,Furniture,POS,XNA,Stone,37,Furniture,6.0,high,POS industry with interest,,,,,,,0,Cash loans,F,N,N,0,124200.0,254700.0,14620.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.026392000000000002,-21513,365243,-10489.0,-4207,,1,0,0,1,1,0,,1.0,2,2,SUNDAY,16,0,0,0,0,0,0,XNA,,0.7299287082971404,0.7981372313187245,0.0825,,0.9781,,,0.0,0.1379,0.1667,,,,0.0731,,0.0,0.084,,0.9782,,,0.0,0.1379,0.1667,,,,0.0762,,0.0,0.0833,,0.9781,,,0.0,0.1379,0.1667,,,,0.0744,,0.0,,block of flats,0.0575,Panel,No,0.0,0.0,0.0,0.0,-47.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2199333,150385,Revolving loans,2250.0,45000.0,45000.0,,45000.0,THURSDAY,9,Y,1,,,,XAP,Approved,-260,XNA,XAP,Unaccompanied,New,XNA,Cards,walk-in,Country-wide,420,Consumer electronics,0.0,XNA,Card Street,-259.0,-215.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,3,103500.0,446940.0,11920.5,292500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-11743,-126,-977.0,-4116,,1,1,0,1,1,0,Cleaning staff,5.0,3,3,WEDNESDAY,4,0,0,0,0,0,0,Transport: type 2,0.19168118020831,0.3354252948132261,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,0.0,-260.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,,,,,, +1156817,187855,Consumer loans,4930.65,42570.0,42106.5,4257.0,42570.0,TUESDAY,16,Y,1,0.09999805881782,,,XAP,Approved,-2227,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,12.0,high,POS mobile with interest,365243.0,-2196.0,-1866.0,-1896.0,-1893.0,0.0,0,Cash loans,M,Y,N,0,74250.0,292500.0,19674.0,292500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.028663,-10332,-3237,-4289.0,-2966,21.0,1,1,0,1,0,0,Drivers,1.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.4443831771165869,0.7449321846094795,0.0644,0.0729,0.9836,0.7756,0.0079,0.0,0.1379,0.1667,0.0417,0.0221,0.0525,0.0602,0.0,0.0315,0.0588,0.0636,0.9831,0.7779,0.0078,0.0,0.1379,0.1667,0.0417,0.0214,0.0514,0.0563,0.0,0.0,0.0651,0.0729,0.9836,0.7786,0.008,0.0,0.1379,0.1667,0.0417,0.0225,0.0534,0.0612,0.0,0.0322,reg oper account,block of flats,0.0425,"Stone, brick",No,0.0,0.0,0.0,0.0,-2545.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1180465,101477,Cash loans,97299.855,900000.0,926136.0,,900000.0,FRIDAY,10,Y,1,,,,XNA,Approved,-521,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-491.0,-161.0,-461.0,-456.0,1.0,0,Cash loans,F,Y,Y,0,180000.0,1506816.0,49927.5,1350000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-15944,-183,-8174.0,-2294,11.0,1,1,0,1,0,0,,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Self-employed,,0.6992076607083753,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-701.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1545440,105037,Consumer loans,6383.34,42255.0,40248.0,4500.0,42255.0,THURSDAY,17,Y,1,0.10952241644116137,,,XAP,Approved,-2568,XNA,XAP,Family,New,Audio/Video,POS,XNA,Stone,150,Connectivity,8.0,high,POS mobile with interest,365243.0,-2537.0,-2327.0,-2327.0,-2320.0,1.0,0,Cash loans,F,N,Y,0,90000.0,206280.0,7906.5,135000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.005002,-22010,365243,-285.0,-5557,,1,0,0,1,0,0,,2.0,3,3,WEDNESDAY,10,1,0,0,1,0,0,XNA,,0.4553472885461324,0.6817058776720116,0.1031,0.0975,0.9816,0.7484,0.0127,0.0,0.2069,0.1667,0.2083,0.0837,0.0841,0.0931,0.0,0.0,0.105,0.1012,0.9816,0.7583,0.0128,0.0,0.2069,0.1667,0.2083,0.0857,0.0918,0.097,0.0,0.0,0.1041,0.0975,0.9816,0.7518,0.0127,0.0,0.2069,0.1667,0.2083,0.0852,0.0855,0.0948,0.0,0.0,org spec account,block of flats,0.0802,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,2.0,6.0 +1236246,179299,Cash loans,10523.655,76500.0,93055.5,0.0,76500.0,FRIDAY,13,Y,1,0.0,,,Repairs,Refused,-2147,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,F,Y,N,1,360000.0,1971072.0,68512.5,1800000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.031329,-13713,-2465,-3395.0,-487,8.0,1,1,1,1,1,0,Managers,2.0,2,2,TUESDAY,19,0,0,0,0,0,0,Self-employed,0.3784228674711616,0.6170145887583326,0.09507039584133267,0.0557,0.0336,0.9776,0.6940000000000001,0.0106,0.04,0.0345,0.3333,0.0417,0.0261,0.0454,0.0466,0.0,0.0,0.0567,0.0349,0.9777,0.706,0.0107,0.0403,0.0345,0.3333,0.0417,0.0267,0.0496,0.0485,0.0,0.0,0.0562,0.0336,0.9776,0.6981,0.0107,0.04,0.0345,0.3333,0.0417,0.0265,0.0462,0.0474,0.0,0.0,org spec account,block of flats,0.0366,"Stone, brick",No,0.0,0.0,0.0,0.0,-1992.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1073255,419952,Revolving loans,11250.0,0.0,225000.0,,0.0,SUNDAY,11,Y,1,,,,XAP,Refused,-1115,XNA,SCO,,Refreshed,XNA,Cards,walk-in,AP+ (Cash loan),4,Industry,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,N,0,135000.0,814041.0,23800.5,679500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-12751,-463,-1313.0,-3273,,1,1,0,1,1,0,Security staff,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Security,0.4481254314542949,0.4760751653187082,0.6642482627052363,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1115.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2272999,379891,Cash loans,4921.2,45000.0,45000.0,,45000.0,THURSDAY,11,Y,1,,,,XNA,Approved,-2640,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,18,Connectivity,12.0,high,Cash Street: high,365243.0,-2610.0,-2280.0,-2280.0,-2266.0,0.0,0,Cash loans,F,N,Y,0,171000.0,191880.0,18819.0,180000.0,Family,Working,Higher education,Married,House / apartment,0.007114,-24778,-15382,-7001.0,-4361,,1,1,0,1,0,0,Core staff,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,School,,0.19403038109317028,0.6658549219640212,0.1299,0.138,0.9871,,,0.0,0.2759,0.2083,,,,0.1371,,0.0,0.1324,0.1432,0.9871,,,0.0,0.2759,0.2083,,,,0.1429,,0.0,0.1312,0.138,0.9871,,,0.0,0.2759,0.2083,,,,0.1396,,0.0,,block of flats,0.1078,Panel,No,2.0,1.0,2.0,1.0,-1505.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2500400,453884,Revolving loans,4500.0,90000.0,90000.0,,90000.0,MONDAY,17,Y,1,,,,XAP,Approved,-193,XNA,XAP,Unaccompanied,Refreshed,XNA,Cards,x-sell,AP+ (Cash loan),4,XNA,0.0,XNA,Card X-Sell,-193.0,-152.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,F,N,Y,0,103500.0,781920.0,28084.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.009175,-22053,365243,-8088.0,-4031,,1,0,0,1,1,0,,1.0,2,2,FRIDAY,13,0,0,0,0,0,0,XNA,,0.6598873131913205,0.09885928035482196,0.1031,0.1386,0.9876,,,0.0,0.1724,0.1667,0.2083,0.0,0.0841,0.1063,0.0,0.0,0.105,0.1439,0.9876,,,0.0,0.1724,0.1667,0.2083,0.0,0.0918,0.1108,0.0,0.0,0.1041,0.1386,0.9876,,,0.0,0.1724,0.1667,0.2083,0.0,0.0855,0.1082,0.0,0.0,reg oper account,block of flats,0.0836,Panel,No,0.0,0.0,0.0,0.0,-193.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1790712,438136,Consumer loans,5327.46,21082.5,24997.5,0.0,21082.5,WEDNESDAY,12,Y,1,0.0,,,XAP,Approved,-1526,Cash through the bank,XAP,Family,Refreshed,Mobile,POS,XNA,Country-wide,57,Connectivity,6.0,high,POS mobile with interest,365243.0,-1495.0,-1345.0,-1375.0,-1368.0,0.0,0,Cash loans,M,Y,Y,0,85500.0,239850.0,23719.5,225000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-18285,-127,-3676.0,-1812,12.0,1,1,1,1,1,1,Laborers,2.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.7935942714451806,0.7011403276004267,0.7517237147741489,0.2732,0.2358,0.9831,,,0.0,0.6207,0.1667,,0.2553,,0.2454,,0.0136,0.2784,0.2447,0.9831,,,0.0,0.6207,0.1667,,0.2611,,0.2557,,0.0144,0.2758,0.2358,0.9831,,,0.0,0.6207,0.1667,,0.2598,,0.2498,,0.0139,,block of flats,0.2566,Panel,No,0.0,0.0,0.0,0.0,-1526.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2821340,120395,Consumer loans,14260.455,148500.0,133650.0,14850.0,148500.0,MONDAY,9,Y,1,0.1089090909090909,,,XAP,Approved,-1879,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,571,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1848.0,-1518.0,-1608.0,-1600.0,0.0,0,Cash loans,M,Y,Y,2,225000.0,540000.0,27571.5,540000.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.02461,-17291,-8836,-525.0,-622,5.0,1,1,0,1,0,0,,3.0,2,2,THURSDAY,16,0,0,0,0,1,1,Other,0.8289105849646795,0.6726739189990826,0.6446794549585961,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2772686,380155,Cash loans,111028.32,2025000.0,2121228.0,,2025000.0,TUESDAY,15,Y,1,,,,XNA,Approved,-555,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-525.0,165.0,-225.0,-221.0,1.0,0,Cash loans,F,N,Y,0,382500.0,1428408.0,73962.0,1350000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.04622,-22441,-6943,-6978.0,-3428,,1,1,0,1,0,0,Core staff,2.0,1,1,THURSDAY,10,0,0,0,0,1,1,Self-employed,,0.7227001737226595,0.7738956942145427,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,0.0,9.0,0.0,-1531.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1448168,145542,Cash loans,,0.0,0.0,,,SATURDAY,13,Y,1,,,,XNA,Refused,-238,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,Y,N,0,360000.0,679500.0,67891.5,679500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.028663,-14750,-1798,-7383.0,-3104,0.0,1,1,0,1,1,0,High skill tech staff,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Other,,0.6418824654147895,0.5154953751603267,0.1485,,0.9831,,,0.08,0.069,0.3333,,,,0.0585,,0.0,0.1513,,0.9831,,,0.0806,0.069,0.3333,,,,0.0609,,0.0,0.1499,,0.9831,,,0.08,0.069,0.3333,,,,0.0595,,0.0,,block of flats,0.1103,,No,3.0,0.0,3.0,0.0,-3.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1388278,236212,Cash loans,30457.755,900000.0,1004544.0,,900000.0,FRIDAY,11,Y,1,,,,XNA,Approved,-140,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_action,Cash X-Sell: low,365243.0,-110.0,1300.0,365243.0,365243.0,1.0,0,Revolving loans,F,N,Y,0,135000.0,405000.0,20250.0,,,Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-22304,365243,-7563.0,-4441,,1,0,0,1,1,0,,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,XNA,,0.6958535566906258,0.7801436381572275,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1835.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2743392,224720,Cash loans,25996.365,337500.0,384277.5,,337500.0,TUESDAY,16,Y,1,,,,Repairs,Refused,-621,Cash through the bank,LIMIT,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,N,1,180000.0,521280.0,31500.0,450000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.016612000000000002,-10309,-1895,-138.0,-2980,,1,1,1,1,0,0,Secretaries,3.0,2,2,MONDAY,15,0,0,0,0,0,0,Security Ministries,,0.2612653193660812,0.3296550543128238,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,0.0,9.0,0.0,-772.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2766157,264380,Consumer loans,34992.99,499950.0,449955.0,49995.0,499950.0,THURSDAY,20,Y,1,0.1089090909090909,,,XAP,Approved,-737,XNA,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Stone,120,Consumer electronics,18.0,middle,POS household with interest,365243.0,-693.0,-183.0,-333.0,-328.0,0.0,0,Cash loans,M,N,Y,0,135000.0,508495.5,24462.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-15443,-6628,-1079.0,-5968,,1,1,0,1,1,0,Laborers,2.0,2,2,SATURDAY,9,0,0,0,0,0,0,Industry: type 7,0.3514960453481106,0.6000499061658199,0.2650494299443805,0.0619,0.061,0.9747,0.6532,0.0053,0.0,0.1034,0.1667,0.2083,0.0541,0.0462,0.0477,0.0,0.0293,0.063,0.0633,0.9747,0.6668,0.0054,0.0,0.1034,0.1667,0.2083,0.0553,0.0505,0.0497,0.0,0.0311,0.0625,0.061,0.9747,0.6578,0.0054,0.0,0.1034,0.1667,0.2083,0.055,0.047,0.0486,0.0,0.03,reg oper account,block of flats,0.0469,Block,No,1.0,1.0,1.0,1.0,-737.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1449566,233094,Consumer loans,11945.7,110907.0,122620.5,0.0,110907.0,SUNDAY,15,Y,1,0.0,,,XAP,Approved,-141,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,5000,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-111.0,219.0,365243.0,365243.0,1.0,0,Revolving loans,F,N,Y,0,225000.0,540000.0,27000.0,540000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.072508,-22234,-3273,-2916.0,-3470,,1,1,0,1,0,0,Cooking staff,2.0,1,1,MONDAY,13,0,0,0,0,0,0,Kindergarten,,0.6940363074052353,0.6041125998015721,0.0825,0.0391,0.996,0.9456,0.0,0.08,0.0345,0.6667,0.7083,0.0,0.0672,0.0851,0.0,0.0245,0.084,0.0406,0.996,0.9477,0.0,0.0806,0.0345,0.6667,0.7083,0.0,0.0735,0.0887,0.0,0.026,0.0833,0.0391,0.996,0.9463,0.0,0.08,0.0345,0.6667,0.7083,0.0,0.0684,0.0866,0.0,0.025,reg oper account,block of flats,0.0723,Monolithic,No,3.0,1.0,3.0,0.0,-1118.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,4.0,0.0,2.0 +2548157,342589,Revolving loans,2250.0,0.0,45000.0,,0.0,MONDAY,10,Y,1,,,,XAP,Refused,-1276,XNA,HC,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,Y,N,0,180000.0,490495.5,49635.0,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.007114,-18349,365243,-2938.0,-1890,14.0,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,XNA,,,0.6397075677637197,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1463.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2534975,175802,Consumer loans,16669.845,159489.0,156231.0,15952.5,159489.0,FRIDAY,15,Y,1,0.10090236710993053,,,XAP,Refused,-1929,Cash through the bank,LIMIT,Family,Repeater,Computers,POS,XNA,Country-wide,1524,Consumer electronics,12.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,Y,3,112500.0,327024.0,16033.5,270000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.019101,-12524,-2671,-2434.0,-4143,,1,1,0,1,0,0,Medicine staff,5.0,2,2,TUESDAY,15,0,0,0,0,0,0,Medicine,,0.1653726416092727,0.5691487713619409,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,0.0,0.0,-1048.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,8.0 +2047390,390482,Cash loans,37342.71,567000.0,567000.0,,567000.0,MONDAY,12,Y,1,,,,XNA,Refused,-371,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,247500.0,1022022.0,43429.5,913500.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.030755,-23171,365243,-6054.0,-6212,12.0,1,0,0,1,1,0,,1.0,2,2,MONDAY,11,0,0,0,0,0,0,XNA,0.5990781768030127,0.6303627556709629,0.2678689358444539,0.1124,0.1477,0.9856,0.8028,0.1248,0.0,0.1724,0.1667,0.2083,0.0749,0.0908,0.1071,0.0039,0.0087,0.1145,0.1532,0.9856,0.8105,0.126,0.0,0.1724,0.1667,0.2083,0.0766,0.0992,0.1116,0.0039,0.0092,0.1135,0.1477,0.9856,0.8054,0.1256,0.0,0.1724,0.1667,0.2083,0.0762,0.0923,0.109,0.0039,0.0089,org spec account,block of flats,0.154,"Stone, brick",No,0.0,0.0,0.0,0.0,-2097.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2313341,180321,Consumer loans,52453.485,999000.0,899100.0,99900.0,999000.0,SUNDAY,11,Y,1,0.1089090909090909,,,XAP,Approved,-338,Cash through the bank,XAP,,New,Clothing and Accessories,POS,XNA,Stone,78,Clothing,24.0,middle,POS industry with interest,365243.0,-306.0,384.0,-66.0,-58.0,0.0,0,Cash loans,F,N,N,0,225000.0,900000.0,38263.5,900000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.010006000000000001,-10973,-1740,-2215.0,-3401,,1,1,1,1,1,0,,1.0,2,2,TUESDAY,9,0,0,0,0,0,0,Industry: type 9,0.3180705607590741,0.2372829352375439,,0.1186,0.0547,0.9861,0.8096,0.0682,0.08,0.069,0.2917,0.3333,0.0471,0.0967,0.0703,,0.0145,0.1208,0.0568,0.9861,0.8171,0.0688,0.0806,0.069,0.2917,0.3333,0.0481,0.1056,0.0733,,0.0153,0.1197,0.0547,0.9861,0.8121,0.0686,0.08,0.069,0.2917,0.3333,0.0479,0.0983,0.0716,,0.0148,reg oper account,block of flats,0.0958,Panel,No,0.0,0.0,0.0,0.0,-338.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1510429,352854,Revolving loans,13500.0,0.0,270000.0,,,TUESDAY,12,Y,1,,,,XAP,Approved,-477,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,202500.0,428854.5,16294.5,301500.0,Unaccompanied,State servant,Secondary / secondary special,Separated,House / apartment,0.022625,-22241,-4037,-10423.0,-3221,,1,1,0,1,0,0,Core staff,1.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Government,,0.4741773962298256,0.6642482627052363,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1308.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,3.0 +1660988,125017,Cash loans,8634.6,72000.0,92718.0,0.0,72000.0,WEDNESDAY,13,Y,1,0.0,,,Repairs,Approved,-1954,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,365243.0,-1923.0,-1413.0,-1413.0,-1404.0,0.0,0,Cash loans,M,Y,Y,0,405000.0,1006920.0,51543.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-17461,-1275,-3724.0,-1007,4.0,1,1,0,1,0,0,Cleaning staff,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,Housing,0.6011612612679856,0.5941316361946593,,0.0598,0.0661,0.9896,0.8572,0.0328,0.0,0.2069,0.1667,0.2083,0.0868,0.0454,0.0787,0.0154,0.0663,0.0609,0.0686,0.9896,0.8628,0.0331,0.0,0.2069,0.1667,0.2083,0.0887,0.0496,0.08199999999999999,0.0156,0.0702,0.0604,0.0661,0.9896,0.8591,0.033,0.0,0.2069,0.1667,0.2083,0.0883,0.0462,0.0802,0.0155,0.0677,,block of flats,0.0943,"Stone, brick",No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1331293,439354,Consumer loans,16138.485,140566.5,137641.5,14058.0,140566.5,FRIDAY,13,Y,1,0.10092610720536324,,,XAP,Approved,-1088,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,621,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1057.0,-787.0,-787.0,-778.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,312768.0,25204.5,270000.0,Unaccompanied,Working,Incomplete higher,Civil marriage,House / apartment,0.007305,-11807,-5040,-5256.0,-3125,14.0,1,1,0,1,0,0,Laborers,2.0,3,3,MONDAY,10,0,0,0,0,0,0,Self-employed,0.23130917448246105,0.5488778758906363,0.5849900404894085,0.3299,0.2108,0.9881,0.8368,0.1045,0.32,0.2759,0.375,0.4167,0.1142,0.269,0.3704,0.0,0.0,0.3361,0.2188,0.9881,0.8432,0.1055,0.3222,0.2759,0.375,0.4167,0.1168,0.2938,0.3859,0.0,0.0,0.3331,0.2108,0.9881,0.8390000000000001,0.1052,0.32,0.2759,0.375,0.4167,0.1162,0.2736,0.377,0.0,0.0,reg oper account,block of flats,0.3485,Panel,No,0.0,0.0,0.0,0.0,-2571.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,5.0 +1972784,389745,Cash loans,10457.955,72000.0,88119.0,,72000.0,MONDAY,8,Y,1,,,,Repairs,Approved,-326,Cash through the bank,XAP,,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-296.0,34.0,365243.0,365243.0,1.0,0,Revolving loans,F,N,Y,0,81000.0,247500.0,12375.0,247500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.007120000000000001,-15474,-706,-3395.0,-3592,,1,1,0,1,0,0,Cleaning staff,1.0,2,2,FRIDAY,8,0,0,0,0,0,0,School,,0.5381140673048108,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-326.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1186644,176138,Consumer loans,3974.805,18310.5,19494.0,1831.5,18310.5,THURSDAY,5,Y,1,0.09353450094956743,,,XAP,Approved,-1287,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,75,Connectivity,6.0,high,POS mobile with interest,365243.0,-1256.0,-1106.0,-1166.0,-1157.0,0.0,0,Cash loans,M,N,Y,0,157500.0,679266.0,25083.0,567000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.006852,-20352,-2625,-2879.0,-3659,,1,1,0,1,0,0,Security staff,2.0,3,3,WEDNESDAY,8,0,0,0,0,0,0,Security,,0.5151787871847137,0.2851799046358216,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2184.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,3.0,6.0 +2661590,434473,Consumer loans,12019.995,118714.5,131251.5,0.0,118714.5,MONDAY,11,Y,1,0.0,,,XAP,Approved,-577,Cash through the bank,XAP,,Refreshed,Audio/Video,POS,XNA,Regional / Local,148,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-545.0,-215.0,-215.0,-207.0,0.0,0,Cash loans,M,Y,N,2,157500.0,1102500.0,46710.0,1102500.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.006296,-12480,-2254,-6441.0,-4593,3.0,1,1,0,1,0,0,Drivers,4.0,3,3,THURSDAY,12,0,0,0,0,0,0,Restaurant,,0.4726237417633489,0.8245949709919925,0.0732,0.1182,0.9876,0.83,0.0,0.0,0.2069,0.1667,0.0417,0.0229,0.0597,0.0478,0.0,0.0,0.0746,0.1226,0.9876,0.8367,0.0,0.0,0.2069,0.1667,0.0417,0.0234,0.0652,0.0498,0.0,0.0,0.0739,0.1182,0.9876,0.8323,0.0,0.0,0.2069,0.1667,0.0417,0.0233,0.0607,0.0487,0.0,0.0,reg oper account,block of flats,0.0618,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1925355,324962,Consumer loans,16413.84,164157.3,147739.5,16417.8,164157.3,WEDNESDAY,13,Y,1,0.10892282418919368,,,XAP,Approved,-1650,XNA,XAP,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Stone,80,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1619.0,-1349.0,-1349.0,-1345.0,0.0,0,Cash loans,M,Y,Y,0,360000.0,2301228.0,69772.5,2101500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.031329,-15517,-2093,-1735.0,-4112,3.0,1,1,0,1,0,0,Managers,2.0,2,2,MONDAY,11,0,0,0,0,0,0,Business Entity Type 2,,0.7241877078906632,0.6058362647264226,0.0722,0.0,0.9975,0.966,0.0121,0.0,0.1379,0.1667,0.2083,0.0,0.0588,0.087,0.0,0.0,0.0735,0.0,0.9975,0.9673,0.0122,0.0,0.1379,0.1667,0.2083,0.0,0.0643,0.0907,0.0,0.0,0.0729,0.0,0.9975,0.9665,0.0121,0.0,0.1379,0.1667,0.2083,0.0,0.0599,0.0886,0.0,0.0,reg oper account,block of flats,0.075,Block,No,0.0,0.0,0.0,0.0,-562.0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2773708,314479,Consumer loans,2308.86,17748.0,15970.5,1777.5,17748.0,MONDAY,8,Y,1,0.10907477411027104,,,XAP,Approved,-1784,XNA,XAP,,Repeater,Mobile,POS,XNA,Stone,8,Connectivity,10.0,high,POS mobile with interest,365243.0,-1750.0,-1480.0,-1480.0,-1477.0,0.0,0,Cash loans,F,N,Y,0,67500.0,135000.0,13279.5,135000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.028663,-24822,365243,-9550.0,-4581,,1,0,0,1,1,1,,1.0,2,2,SUNDAY,9,0,0,0,0,0,0,XNA,,0.6115899456525229,0.7544061731797895,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-44.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2347613,256444,Cash loans,16740.675,472500.0,472500.0,,472500.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-197,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,193500.0,1350000.0,37255.5,1350000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-22239,365243,-5790.0,-3950,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,XNA,,0.6348250950590113,0.2458512138252296,0.1646,0.0971,0.9921,0.8708,0.0,0.26,0.1552,0.3192,0.2708,0.0476,0.1748,0.1835,0.0386,0.1544,0.0452,0.1003,0.9906,0.8759,0.0,0.2014,0.1379,0.125,0.0417,0.0242,0.1653,0.1332,0.0,0.0,0.2082,0.0971,0.9906,0.8725,0.0,0.26,0.1552,0.375,0.2708,0.0484,0.1779,0.1868,0.0388,0.1577,reg oper spec account,block of flats,0.1677,Panel,No,5.0,0.0,5.0,0.0,-390.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2479653,147721,Consumer loans,15489.045,152829.0,165942.0,0.0,152829.0,WEDNESDAY,13,Y,1,0.0,,,XAP,Approved,-389,Cash through the bank,XAP,,New,Furniture,POS,XNA,Stone,8636,Furniture,12.0,low_normal,POS industry with interest,365243.0,-358.0,-28.0,-28.0,-21.0,0.0,0,Cash loans,M,N,Y,0,180000.0,1236816.0,36292.5,1080000.0,Unaccompanied,Commercial associate,Higher education,Married,With parents,0.035792000000000004,-20830,-1630,-6307.0,-4059,,1,1,0,1,1,0,,2.0,2,2,SUNDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.7359467003726164,0.5744466170995097,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-389.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,0.0 +1969421,210509,Cash loans,12511.665,90000.0,109480.5,0.0,90000.0,THURSDAY,15,Y,1,0.0,,,XNA,Approved,-1937,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-1907.0,-1577.0,-1727.0,-1724.0,1.0,0,Cash loans,F,N,N,0,135000.0,454500.0,20151.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Separated,Municipal apartment,0.031329,-20548,-537,-9807.0,-4108,,1,1,0,1,0,0,Security staff,1.0,2,2,TUESDAY,11,0,0,0,0,0,0,Security,0.7554882583545118,0.5998399677486469,0.5495965024956946,0.2454,,0.9861,,,0.28,0.2414,0.3333,,,,0.2554,,0.0,0.25,,0.9861,,,0.282,0.2414,0.3333,,,,0.2661,,0.0,0.2477,,0.9861,,,0.28,0.2414,0.3333,,,,0.26,,0.0,,block of flats,0.2009,,No,4.0,0.0,4.0,0.0,-1587.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1615812,444455,Cash loans,21699.72,202500.0,215865.0,,202500.0,SATURDAY,12,Y,1,,,,XNA,Refused,-1422,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,Y,Y,0,99000.0,255960.0,9778.5,202500.0,Children,Pensioner,Higher education,Widow,House / apartment,0.031329,-23474,365243,-11049.0,-4525,9.0,1,0,0,1,0,0,,1.0,2,2,SUNDAY,13,0,0,0,0,0,0,XNA,,0.33552279414467,0.8027454758994178,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,4.0 +1678918,231159,Cash loans,23496.705,225000.0,239850.0,,225000.0,FRIDAY,19,Y,1,,,,Other,Approved,-590,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,low_normal,Cash Street: low,365243.0,-560.0,-230.0,-410.0,-408.0,0.0,0,Cash loans,F,Y,N,0,166500.0,450000.0,12001.5,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.026392000000000002,-9588,-252,-4369.0,-1917,6.0,1,1,0,1,0,0,Core staff,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Other,0.7324394850351347,0.513982555744924,0.4101025731788671,0.0825,,0.9796,,,0.0,0.2069,0.1667,,0.1072,,0.0715,,0.0663,0.084,,0.9796,,,0.0,0.2069,0.1667,,0.1096,,0.0745,,0.0702,0.0833,,0.9796,,,0.0,0.2069,0.1667,,0.1091,,0.0728,,0.0677,,block of flats,0.0707,"Stone, brick",No,0.0,0.0,0.0,0.0,-595.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,8.0 +2221550,160724,Cash loans,35253.585,585000.0,631332.0,,585000.0,MONDAY,17,Y,1,,,,XNA,Approved,-609,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,100,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-579.0,111.0,-219.0,-211.0,1.0,0,Cash loans,F,N,Y,0,202500.0,976500.0,28116.0,976500.0,Family,State servant,Higher education,Married,House / apartment,0.032561,-21543,-7642,-4235.0,-4865,,1,1,0,1,1,0,Core staff,2.0,1,1,MONDAY,16,0,0,0,0,0,0,School,0.8571832842332854,0.6980381960009008,0.5424451438613613,0.0546,0.0,0.8579,0.0,0.0151,0.12,0.2069,0.1667,0.2083,0.0384,0.0361,0.0759,0.0386,0.0452,0.0557,0.0,0.858,0.0,0.0152,0.1208,0.2069,0.1667,0.2083,0.0392,0.0395,0.0791,0.0389,0.0478,0.0552,0.0,0.8579,0.0,0.0152,0.12,0.2069,0.1667,0.2083,0.039,0.0368,0.0773,0.0388,0.0461,not specified,block of flats,0.0778,"Stone, brick",No,0.0,0.0,0.0,0.0,-1487.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1888669,104378,Cash loans,26060.4,513000.0,513000.0,,513000.0,MONDAY,11,Y,1,,,,XNA,Refused,-168,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,202500.0,706500.0,37768.5,706500.0,Unaccompanied,Pensioner,Higher education,Single / not married,House / apartment,0.019101,-23216,365243,-4094.0,-5161,7.0,1,0,0,1,0,0,,1.0,2,2,MONDAY,12,0,0,0,0,0,0,XNA,,0.7589316146629307,,0.033,0.0183,0.9752,0.66,0.0027,0.0,0.069,0.125,0.1667,0.0063,0.0261,0.0293,0.0039,0.0044,0.0336,0.019,0.9752,0.6733,0.0027,0.0,0.069,0.125,0.1667,0.0065,0.0285,0.0306,0.0039,0.0047,0.0333,0.0183,0.9752,0.6645,0.0027,0.0,0.069,0.125,0.1667,0.0064,0.0265,0.0299,0.0039,0.0045,reg oper account,block of flats,0.024,"Stone, brick",No,3.0,0.0,3.0,0.0,-1091.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2315682,143774,Consumer loans,7162.47,78210.0,78210.0,0.0,78210.0,MONDAY,13,Y,1,0.0,,,XAP,Approved,-1017,Cash through the bank,XAP,Family,Repeater,Office Appliances,POS,XNA,Stone,142,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-986.0,-656.0,-656.0,-646.0,0.0,0,Cash loans,F,N,Y,0,225000.0,814041.0,23458.5,679500.0,Unaccompanied,Working,Incomplete higher,Widow,House / apartment,0.030755,-21478,-6546,-4326.0,-4327,,1,1,1,1,1,0,Accountants,1.0,2,2,WEDNESDAY,13,0,0,0,0,1,1,Agriculture,0.8456639455028522,0.6742416352591094,0.6577838002083306,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1492.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2193552,155668,Cash loans,42191.91,1260000.0,1442952.0,,1260000.0,TUESDAY,14,Y,1,,,,XNA,Refused,-947,Cash through the bank,SCO,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,1,Cash loans,M,N,N,0,135000.0,659610.0,21406.5,472500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-18580,-209,-5608.0,-2119,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.6201308823908414,0.2721336844147212,0.0619,0.0303,0.9717,0.6124,0.0003,0.0,0.1034,0.0833,0.125,0.047,0.0488,0.0205,0.0077,0.014,0.063,0.0314,0.9717,0.6276,0.0004,0.0,0.1034,0.0833,0.125,0.048,0.0533,0.0213,0.0078,0.0148,0.0625,0.0303,0.9717,0.6176,0.0004,0.0,0.1034,0.0833,0.125,0.0478,0.0496,0.0208,0.0078,0.0143,reg oper account,block of flats,0.0193,"Stone, brick",No,9.0,1.0,8.0,1.0,-1872.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1630747,267941,Cash loans,17581.815,342000.0,396171.0,,342000.0,WEDNESDAY,8,Y,1,,,,XNA,Refused,-271,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Stone,45,Consumer electronics,36.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,126000.0,225000.0,17410.5,225000.0,Family,Working,Secondary / secondary special,Separated,House / apartment,0.014464,-21646,-1283,-12956.0,-4445,,1,1,1,1,1,0,Cleaning staff,1.0,2,2,MONDAY,3,0,0,0,0,0,0,Self-employed,,0.6320120922548892,0.39277386060313396,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,4.0,0.0,-669.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,2.0 +2298594,269892,Consumer loans,3241.395,27400.5,16150.5,11250.0,27400.5,SATURDAY,15,Y,1,0.4471550784574269,,,XAP,Refused,-2482,XNA,HC,,Repeater,Mobile,POS,XNA,Stone,50,Connectivity,6.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,Y,Y,0,112500.0,904500.0,29178.0,904500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-20099,-4762,-12726.0,-3441,4.0,1,1,1,1,1,0,Laborers,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.6786924932150971,0.3441550073724169,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,2.0,3.0,2.0,-2482.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2806410,198188,Consumer loans,8166.465,66086.415,71900.415,0.0,66086.415,SATURDAY,16,Y,1,0.0,,,XAP,Approved,-110,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,36,Connectivity,10.0,low_normal,POS mobile without interest,,,,,,,0,Cash loans,F,N,Y,1,202500.0,203760.0,24309.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,With parents,0.025164,-11614,-3662,-2207.0,-3583,,1,1,0,1,0,0,Private service staff,3.0,2,2,THURSDAY,7,0,0,0,0,0,0,Services,0.3766965841865113,0.10556036154972358,0.06423703753438333,0.0629,0.0671,0.996,0.9456,0.0096,0.02,0.1379,0.2708,0.125,0.0254,0.0488,0.0593,0.0116,0.0225,0.0305,0.0084,0.9935,0.9151,0.0,0.0,0.0345,0.1667,0.0417,0.026,0.0266,0.032,0.0,0.0065,0.0635,0.0671,0.996,0.9463,0.0097,0.02,0.1379,0.2708,0.125,0.0259,0.0496,0.0603,0.0116,0.0229,org spec account,block of flats,0.0326,Panel,No,0.0,0.0,0.0,0.0,-626.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1322908,105729,Consumer loans,7725.42,66600.0,62352.0,9000.0,66600.0,THURSDAY,10,Y,1,0.13737271809925689,,,XAP,Approved,-1609,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Stone,30,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1558.0,-1288.0,-1318.0,-1311.0,0.0,0,Cash loans,F,N,N,0,234000.0,402939.0,20704.5,306000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,With parents,0.010147,-22954,365243,-1794.0,-3933,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,XNA,,0.4794197219703114,0.7394117535524816,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-462.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2281058,143079,Revolving loans,38250.0,0.0,765000.0,,,THURSDAY,16,Y,1,,,,XAP,Approved,-798,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card X-Sell,-734.0,-694.0,365243.0,-664.0,-260.0,0.0,0,Cash loans,F,Y,Y,0,135000.0,450000.0,28890.0,450000.0,Family,Working,Incomplete higher,Married,House / apartment,0.026392000000000002,-15697,-2513,-4934.0,-4934,13.0,1,1,0,1,1,0,,2.0,2,2,THURSDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.7855463614443693,0.375711009574066,0.1485,,0.9831,,,0.16,0.1379,0.3333,,,,0.0933,,0.2178,0.1513,,0.9831,,,0.1611,0.1379,0.3333,,,,0.0972,,0.2306,0.1499,,0.9831,,,0.16,0.1379,0.3333,,,,0.095,,0.2224,,block of flats,0.1207,Panel,No,0.0,0.0,0.0,0.0,-2693.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1785660,369232,Revolving loans,6750.0,135000.0,135000.0,,135000.0,SATURDAY,10,Y,1,,,,XAP,Refused,-599,XNA,SCOFR,,Repeater,XNA,Cards,walk-in,Credit and cash offices,0,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,Y,Y,0,247500.0,900000.0,32017.5,900000.0,Family,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.026392000000000002,-10724,-2686,-4361.0,-2380,2.0,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Industry: type 3,,0.6465636631961561,0.3996756156233169,0.1979,0.3064,0.9861,,,0.24,0.2069,0.3333,,0.1644,,0.2052,,0.1119,0.2017,0.318,0.9861,,,0.2417,0.2069,0.3333,,0.1681,,0.2138,,0.1185,0.1999,0.3064,0.9861,,,0.24,0.2069,0.3333,,0.1672,,0.2089,,0.1143,,block of flats,0.1857,Panel,No,0.0,0.0,0.0,0.0,-767.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2036435,395785,Cash loans,14845.275,81000.0,83673.0,,81000.0,FRIDAY,6,Y,1,,,,XNA,Refused,-177,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,144000.0,912240.0,30276.0,787500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.010032,-21217,365243,-9411.0,-4330,,1,0,0,1,0,0,,1.0,2,2,SUNDAY,4,0,0,0,0,0,0,XNA,,0.5460769824174717,0.19747451156854226,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1673.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +2004546,319243,Cash loans,4923.675,45000.0,47970.0,,45000.0,MONDAY,9,Y,1,,,,XNA,Approved,-963,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-933.0,-603.0,-717.0,-712.0,1.0,0,Cash loans,M,Y,Y,0,180000.0,126000.0,10084.5,126000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.026392000000000002,-22981,365243,-8953.0,-4244,8.0,1,0,0,1,0,0,,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,XNA,,0.6864671462949831,0.23272477626794336,0.1649,,0.9866,,,0.16,0.1379,0.375,,,,0.1697,,0.0,0.1681,,0.9866,,,0.1611,0.1379,0.375,,,,0.1768,,0.0,0.1665,,0.9866,,,0.16,0.1379,0.375,,,,0.1727,,0.0,,block of flats,0.1335,Panel,No,0.0,0.0,0.0,0.0,-2561.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2482992,251035,Cash loans,,0.0,0.0,,,THURSDAY,10,Y,1,,,,XNA,Refused,-114,XNA,SCOFR,,Repeater,XNA,XNA,XNA,Credit and cash offices,0,XNA,,XNA,Cash,,,,,,,1,Cash loans,M,Y,Y,2,225000.0,225000.0,17775.0,225000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.020713,-16087,-161,-3634.0,-4650,14.0,1,1,1,1,1,0,Drivers,4.0,3,2,SATURDAY,8,0,0,0,0,0,0,Transport: type 4,,0.38839285554594094,0.4311917977993083,0.0125,0.0,0.9652,0.524,0.0104,0.0,0.0459,0.0417,0.0833,0.0209,0.0102,0.0077,0.0,0.0,0.0158,0.0,0.9657,0.5492,0.0058,0.0,0.0345,0.0417,0.0833,0.0122,0.0138,0.0046,0.0,0.0,0.0146,0.0,0.9657,0.5371,0.0114,0.0,0.0345,0.0417,0.0833,0.0233,0.012,0.0086,0.0,0.0,reg oper account,block of flats,0.0066,Wooden,Yes,8.0,0.0,8.0,0.0,-254.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2142867,318335,Consumer loans,23653.845,130050.0,123223.5,13005.0,130050.0,SATURDAY,15,Y,1,0.103969633907202,,,XAP,Approved,-1239,Cash through the bank,XAP,Unaccompanied,New,Clothing and Accessories,POS,XNA,Stone,832,Clothing,6.0,middle,POS industry with interest,365243.0,-1208.0,-1058.0,-1058.0,-1056.0,0.0,0,Cash loans,F,Y,Y,0,135000.0,945000.0,39127.5,945000.0,Family,Working,Incomplete higher,Married,House / apartment,0.0228,-19675,-361,-2780.0,-3034,18.0,1,1,0,1,1,0,Laborers,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.589842797062118,,,,0.9955,,,0.16,0.069,0.5417,,,,0.1934,,0.0423,,,0.9955,,,0.1611,0.069,0.5417,,,,0.2015,,0.0448,,,0.9955,,,0.16,0.069,0.5417,,,,0.1969,,0.0432,,block of flats,0.1613,"Stone, brick",No,4.0,1.0,4.0,1.0,-1239.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2769803,378572,Cash loans,35332.29,846000.0,980005.5,,846000.0,SUNDAY,10,Y,1,,,,XNA,Approved,-161,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-131.0,1279.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,1,135000.0,288873.0,16713.0,238500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00702,-15140,-3465,-3410.0,-3410,,1,1,0,1,0,0,Drivers,3.0,2,2,SUNDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.3138960478983891,0.7393617458324185,0.7597121819739279,0.0928,,0.9786,,,,0.2069,0.1667,,,,0.0505,,,0.0945,,0.9786,,,,0.2069,0.1667,,,,0.0526,,,0.0937,,0.9786,,,,0.2069,0.1667,,,,0.0514,,,,block of flats,0.0591,Mixed,No,0.0,0.0,0.0,0.0,-986.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2592505,294562,Consumer loans,7572.285,146469.96,146466.0,3.96,146469.96,FRIDAY,16,Y,1,2.944494557109186e-05,,,XAP,Approved,-1404,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Country-wide,795,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-1360.0,-670.0,-670.0,-667.0,0.0,0,Cash loans,F,N,Y,0,162000.0,315000.0,31284.0,315000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-19001,-2883,-1644.0,-2530,,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,18,0,0,0,0,0,0,Self-employed,,0.35901624576560953,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,2.0,0.0,-1404.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2523966,365188,Consumer loans,5176.8,23845.5,25389.0,2385.0,23845.5,THURSDAY,11,Y,1,0.09352206445531136,,,XAP,Approved,-1729,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,20,Connectivity,6.0,high,POS mobile with interest,365243.0,-1698.0,-1548.0,-1548.0,-977.0,0.0,0,Cash loans,M,Y,Y,0,202500.0,663093.0,21388.5,553500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00823,-10718,-3228,-4200.0,-3298,5.0,1,1,1,1,1,0,Laborers,2.0,2,2,THURSDAY,17,0,0,0,0,1,1,Business Entity Type 2,,0.07918041029112152,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2395920,310995,Cash loans,14884.155,157500.0,197320.5,,157500.0,MONDAY,18,Y,1,,,,XNA,Approved,-825,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-795.0,-285.0,-615.0,-609.0,1.0,0,Cash loans,F,Y,Y,2,135000.0,251091.0,24961.5,238500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.032561,-13795,-2410,-3610.0,-1389,64.0,1,1,0,1,1,0,,4.0,1,1,SUNDAY,18,0,0,0,0,0,0,Business Entity Type 2,0.5288362098891456,0.7076242300993474,,0.4515,0.2316,0.9836,0.7756,,0.52,0.2241,0.4583,,0.0747,,0.3687,,0.0046,0.4244,0.1596,0.9836,0.7844,,0.4028,0.1724,0.4583,,0.0764,,0.2507,,0.0049,0.4559,0.2316,0.9836,0.7786,,0.52,0.2241,0.4583,,0.076,,0.3251,,0.0047,reg oper account,block of flats,0.332,Panel,No,0.0,0.0,0.0,0.0,-1601.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2324263,417345,Cash loans,,0.0,0.0,,,SATURDAY,14,Y,1,,,,XNA,Refused,-277,XNA,HC,,Repeater,XNA,XNA,XNA,AP+ (Cash loan),6,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,2,90000.0,576000.0,24345.0,576000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.010276,-11326,-2393,-4890.0,-2093,,1,1,1,1,1,0,Sales staff,4.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.7633366174572792,0.36896873825284665,0.0619,0.0752,0.9836,0.7756,0.0312,0.0,0.1379,0.1667,0.2083,0.0064,0.0504,0.0551,0.0,0.0,0.063,0.0781,0.9836,0.7844,0.0315,0.0,0.1379,0.1667,0.2083,0.0066,0.0551,0.0574,0.0,0.0,0.0625,0.0752,0.9836,0.7786,0.0314,0.0,0.1379,0.1667,0.2083,0.0065,0.0513,0.0561,0.0,0.0,reg oper spec account,block of flats,0.0604,"Stone, brick",No,0.0,0.0,0.0,0.0,-2275.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1728710,177963,Consumer loans,3519.0,21550.5,21550.5,0.0,21550.5,FRIDAY,16,Y,1,0.0,,,XAP,Approved,-42,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,24,Connectivity,8.0,high,POS mobile with interest,365243.0,365243.0,216.0,365243.0,365243.0,0.0,1,Cash loans,F,N,Y,1,103500.0,364846.5,17136.0,256500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.010966,-12111,-304,-6379.0,-3523,,1,1,0,1,0,1,Core staff,2.0,2,2,FRIDAY,10,0,0,0,0,1,1,Business Entity Type 3,0.22147658662884226,0.2682160261202155,0.2079641743053816,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-1636.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +2170400,340141,Cash loans,66536.865,2250000.0,2517300.0,,2250000.0,THURSDAY,17,Y,1,,,,Buying a used car,Refused,-591,Cash through the bank,VERIF,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_action,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,2,270000.0,1546020.0,45333.0,1350000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.032561,-15801,-1046,-623.0,-3994,,1,1,0,1,0,0,Cleaning staff,4.0,1,1,FRIDAY,14,0,0,0,0,0,0,Other,0.5930765088676175,0.7340385249582122,0.08846056465419698,0.2588,,0.9781,,,0.28,0.2414,0.3333,,0.1167,,0.254,,0.009000000000000001,0.2637,,0.9782,,,0.282,0.2414,0.3333,,0.1193,,0.2646,,0.0095,0.2613,,0.9781,,,0.28,0.2414,0.3333,,0.1187,,0.2585,,0.0092,,block of flats,0.2017,Panel,No,0.0,0.0,0.0,0.0,-2352.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2523080,192620,Consumer loans,7202.79,39375.0,35325.0,4050.0,39375.0,FRIDAY,19,Y,1,0.1120207792207792,,,XAP,Approved,-2152,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Regional / Local,7,Connectivity,6.0,high,POS mobile with interest,365243.0,-2104.0,-1954.0,-1954.0,-1926.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,639396.0,32778.0,571500.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.010556,-10353,-2025,-5087.0,-2909,3.0,1,1,0,1,0,0,Drivers,2.0,3,3,MONDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.5442605203629437,0.6212263380626669,0.0454,0.0,0.9737,,,0.0,0.1034,0.125,,0.0108,,0.0327,,0.0391,0.0462,0.0,0.9737,,,0.0,0.1034,0.125,,0.011,,0.0341,,0.0414,0.0458,0.0,0.9737,,,0.0,0.1034,0.125,,0.011,,0.0333,,0.04,,block of flats,0.0342,"Stone, brick",No,0.0,0.0,0.0,0.0,-1933.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1445248,246530,Cash loans,31505.445,675000.0,806139.0,,675000.0,MONDAY,15,Y,1,,,,XNA,Approved,-856,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-826.0,584.0,-646.0,-639.0,1.0,0,Cash loans,F,N,Y,0,225000.0,253737.0,14697.0,229500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.025164,-15616,-934,-117.0,-4152,,1,1,0,1,0,0,Medicine staff,1.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Medicine,0.7331249157603087,0.6434994366153125,0.42589289800515295,0.0928,,0.9836,,0.0,0.0,0.2069,0.1667,0.0417,0.0,0.0756,0.0881,,0.0,0.0945,,0.9836,,0.0,0.0,0.2069,0.1667,0.0417,0.0,0.0826,0.0918,,0.0,0.0937,,0.9836,,0.0,0.0,0.2069,0.1667,0.0417,0.0,0.077,0.0897,,0.0,reg oper account,block of flats,0.0759,Panel,No,3.0,2.0,3.0,2.0,-1583.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,1.0 +2563771,166508,Revolving loans,4500.0,90000.0,90000.0,,90000.0,WEDNESDAY,9,Y,1,,,,XAP,Refused,-13,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,Y,N,0,67500.0,125136.0,8491.5,99000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-15276,-98,-4547.0,-3927,15.0,1,1,0,1,1,0,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Other,0.6933405162144072,0.6809438794541349,0.7886807751817684,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2700.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2224646,143536,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SATURDAY,13,Y,1,,,,XAP,Approved,-256,XNA,XAP,Unaccompanied,New,XNA,Cards,walk-in,Stone,100,Furniture,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,166500.0,450000.0,24543.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-12118,-807,-397.0,-2003,,1,1,1,1,1,0,Sales staff,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.41764423267075695,0.6505808928217753,0.34741822720026416,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,0.0,-569.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1390800,393427,Cash loans,14393.25,225000.0,225000.0,,225000.0,FRIDAY,10,Y,1,,,,XNA,Approved,-472,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-442.0,248.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,157500.0,254700.0,24939.0,225000.0,Unaccompanied,Pensioner,Higher education,Widow,House / apartment,0.020713,-24397,365243,-383.0,-3518,,1,0,0,1,0,0,,1.0,3,1,MONDAY,11,0,0,0,0,0,0,XNA,,0.6160271197421764,0.7981372313187245,0.0608,0.0,0.9767,,,0.0,0.1207,0.1667,,0.0299,,0.051,,0.0351,0.0567,0.0,0.9767,,,0.0,0.1034,0.1667,,0.027000000000000003,,0.0477,,0.0191,0.0614,0.0,0.9767,,,0.0,0.1207,0.1667,,0.0304,,0.0519,,0.0359,,block of flats,0.0399,"Stone, brick",No,1.0,1.0,1.0,0.0,-1624.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +2152189,395418,Cash loans,,0.0,0.0,,,THURSDAY,13,Y,1,,,,XNA,Refused,-417,XNA,HC,,Repeater,XNA,XNA,XNA,Contact center,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,Y,Y,1,360000.0,540000.0,26109.0,540000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-15570,-505,-951.0,-4553,7.0,1,1,0,1,0,0,Core staff,3.0,1,1,MONDAY,11,0,0,0,0,0,0,Trade: type 2,,0.5260171878547558,0.20092608771597092,0.2423,0.0,0.998,0.9728,0.0845,0.32,0.1379,0.6667,0.7083,0.2319,0.1975,0.3135,0.0,0.0,0.2468,0.0,0.998,0.9739,0.0853,0.3222,0.1379,0.6667,0.7083,0.2372,0.2158,0.3266,0.0,0.0,0.2446,0.0,0.998,0.9732,0.085,0.32,0.1379,0.6667,0.7083,0.236,0.2009,0.3191,0.0,0.0,not specified,block of flats,0.331,Others,No,1.0,0.0,1.0,0.0,-402.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,5.0 +2192807,286768,Revolving loans,2250.0,45000.0,45000.0,,45000.0,MONDAY,11,Y,1,,,,XAP,Approved,-290,XNA,XAP,,Repeater,XNA,Cards,walk-in,Stone,141,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,F,Y,Y,2,76500.0,521280.0,27423.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-10898,-4212,-10110.0,-821,13.0,1,1,0,1,0,0,,4.0,3,3,THURSDAY,11,0,0,0,0,1,1,Transport: type 4,0.2190974598930389,0.10052664348958083,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-858.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1118038,336816,Cash loans,4380.165,45000.0,60192.0,,45000.0,TUESDAY,18,Y,1,,,,XNA,Refused,-624,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,M,N,Y,0,81000.0,165960.0,8604.0,112500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-16516,-789,-742.0,-55,,1,1,0,1,0,0,Drivers,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Transport: type 4,0.4478040977776206,0.6568082932114575,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,5.0,0.0,5.0,0.0,-1260.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2072484,396540,Cash loans,32575.05,337500.0,481594.5,,337500.0,WEDNESDAY,9,Y,1,,,,XNA,Refused,-793,XNA,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Contact center,-1,XNA,36.0,high,Cash Street: high,,,,,,,0,Cash loans,M,Y,Y,2,90000.0,225000.0,17905.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.018209,-11348,-287,-1857.0,-2607,20.0,1,1,0,1,0,1,Laborers,4.0,3,3,FRIDAY,11,0,0,0,0,0,0,Business Entity Type 2,0.22000017536754285,0.4978807407348486,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-835.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2625863,260880,Cash loans,35429.625,1125000.0,1288350.0,,1125000.0,MONDAY,8,Y,1,,,,XNA,Refused,-325,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,90000.0,755190.0,36459.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.020246,-17190,-918,-8189.0,-743,,1,1,0,1,0,0,Sales staff,2.0,3,3,THURSDAY,8,0,0,0,0,0,0,Business Entity Type 3,0.6608342901031904,0.1778015634027145,0.5226973172821112,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1274.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1973722,243513,Consumer loans,6312.825,60844.5,54094.5,6750.0,60844.5,MONDAY,11,Y,1,0.12082215543497993,,,XAP,Approved,-2516,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,49,Connectivity,12.0,low_normal,POS mobile with interest,365243.0,-2485.0,-2155.0,-2155.0,-2139.0,0.0,0,Cash loans,F,N,N,0,90000.0,900000.0,26316.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-15563,-3123,-7804.0,-4824,,1,1,0,1,1,0,Managers,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Construction,0.7900316070217264,0.2930897022262147,0.6577838002083306,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1087.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1843206,182981,Consumer loans,9216.675,81146.88,81146.88,0.0,81146.88,SATURDAY,17,Y,1,0.0,,,XAP,Approved,-211,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,34,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-170.0,100.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,Y,0,202500.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.030755,-11804,-197,-5665.0,-1853,,1,1,0,1,0,0,Sales staff,2.0,2,2,SUNDAY,12,0,0,0,0,0,0,Business Entity Type 2,,0.5979593944418736,,0.0309,,0.9687,,,0.0,0.0345,0.0417,,0.0212,,0.0178,,0.0,0.0315,,0.9687,,,0.0,0.0345,0.0417,,0.0217,,0.0186,,0.0,0.0312,,0.9687,,,0.0,0.0345,0.0417,,0.0216,,0.0182,,0.0,,block of flats,0.014,"Stone, brick",No,1.0,1.0,1.0,1.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2335091,328206,Cash loans,15482.565,189000.0,221908.5,,189000.0,FRIDAY,15,Y,1,,,,XNA,Approved,-992,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-962.0,-272.0,-332.0,-325.0,1.0,0,Cash loans,F,N,N,2,135000.0,521280.0,31630.5,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.00496,-18063,-1648,-1.0,-1325,,1,1,0,1,0,0,,4.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Other,0.7825443992405541,0.4376178639713694,0.09081470898933673,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1241.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +2059321,344792,Cash loans,18135.495,495000.0,573408.0,,495000.0,FRIDAY,14,Y,1,,,,XNA,Refused,-248,Cash through the bank,XNA,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,67500.0,441481.5,13860.0,364500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.00496,-20915,365243,-2088.0,-2292,,1,0,0,1,0,0,,1.0,2,2,MONDAY,16,0,0,0,1,0,0,XNA,,0.49764020215912497,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1251562,256313,Cash loans,19565.28,432000.0,432000.0,,432000.0,THURSDAY,13,Y,1,,,,XNA,Approved,-792,XNA,XAP,Family,Refreshed,XNA,Cash,x-sell,Contact center,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,135000.0,545040.0,39627.0,450000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.008019,-15992,-2305,-3318.0,-4344,,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,11,0,1,1,0,0,0,Business Entity Type 2,,0.17756193144999474,0.4920600938649263,0.0619,0.0739,0.9836,0.7756,0.0528,0.0,0.1379,0.1667,0.0417,0.0647,0.0488,0.059,0.0077,0.0048,0.063,0.0767,0.9836,0.7844,0.0533,0.0,0.1379,0.1667,0.0417,0.0661,0.0533,0.0614,0.0078,0.0051,0.0625,0.0739,0.9836,0.7786,0.0532,0.0,0.1379,0.1667,0.0417,0.0658,0.0496,0.06,0.0078,0.0049,reg oper account,block of flats,0.0474,Panel,No,0.0,0.0,0.0,0.0,-155.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1585785,410584,Cash loans,21709.125,450000.0,512370.0,,450000.0,SUNDAY,12,Y,1,,,,XNA,Approved,-685,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,2,360000.0,1247121.0,36463.5,1089000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.008068,-17923,-1362,-5457.0,-1464,,1,1,0,1,0,0,Sales staff,3.0,3,3,FRIDAY,13,0,0,0,0,0,0,Self-employed,,0.31478468788234193,0.4014074137749511,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1849.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2206259,199272,Revolving loans,9000.0,0.0,180000.0,,,MONDAY,14,Y,1,,,,XAP,Approved,-794,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card X-Sell,-775.0,-741.0,365243.0,-223.0,-23.0,0.0,0,Revolving loans,M,Y,N,0,157500.0,450000.0,22500.0,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.02461,-9893,-835,-4233.0,-2543,7.0,1,1,0,1,0,0,Accountants,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.5223254108418753,0.4156314009426502,,0.0866,0.0846,0.9786,0.7076,0.0709,0.0,0.1379,0.2083,0.25,0.0762,0.0706,0.0799,0.0,0.0,0.0882,0.0878,0.9786,0.7190000000000001,0.0716,0.0,0.1379,0.2083,0.25,0.0779,0.0771,0.0833,0.0,0.0,0.0874,0.0846,0.9786,0.7115,0.0714,0.0,0.1379,0.2083,0.25,0.0775,0.0718,0.0814,0.0,0.0,reg oper account,block of flats,0.1017,"Stone, brick",No,1.0,0.0,1.0,0.0,-1415.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,3.0 +1012686,129980,Cash loans,23894.685,697500.0,817191.0,,697500.0,FRIDAY,10,Y,1,,,,XNA,Approved,-239,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-209.0,1561.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,112500.0,164952.0,6345.0,130500.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.008625,-9871,-2212,-3363.0,-2531,,1,1,1,1,1,0,Sales staff,2.0,2,2,SATURDAY,15,0,0,0,1,1,1,Self-employed,0.2742815887946613,0.6115951402333952,0.31703177858344445,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-2432.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1670549,124557,Cash loans,50045.355,990000.0,1104997.5,,990000.0,WEDNESDAY,4,Y,1,,,,XNA,Approved,-1016,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-986.0,424.0,-386.0,-382.0,1.0,0,Cash loans,F,N,N,0,112500.0,1154655.0,45922.5,990000.0,Unaccompanied,Commercial associate,Lower secondary,Married,Municipal apartment,0.014464,-19020,-231,-10331.0,-2471,,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,6,0,0,0,0,0,0,Self-employed,,0.3973744866881944,0.7194907850918436,0.0928,0.1832,0.9861,0.8096,0.0478,0.0,0.2069,0.1667,0.2083,0.0583,0.0756,0.0479,0.0,0.0,0.0945,0.1901,0.9861,0.8171,0.0482,0.0,0.2069,0.1667,0.2083,0.0597,0.0826,0.05,0.0,0.0,0.0937,0.1832,0.9861,0.8121,0.0481,0.0,0.2069,0.1667,0.2083,0.0593,0.077,0.0488,0.0,0.0,org spec account,block of flats,0.0641,"Stone, brick",No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,3.0 +1754290,131963,Cash loans,,0.0,0.0,,,SATURDAY,11,Y,1,,,,XNA,Refused,-255,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,1,Revolving loans,M,Y,Y,0,135000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.005144,-8306,-563,-8299.0,-983,1.0,1,1,0,1,0,0,,1.0,2,2,TUESDAY,14,0,0,0,0,1,1,Business Entity Type 2,0.1042448394663006,0.5906096839837228,0.4507472818545589,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,3.0 +2380208,384336,Revolving loans,4500.0,0.0,90000.0,,,WEDNESDAY,10,Y,1,,,,XAP,Approved,-629,XNA,XAP,,New,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-609.0,-556.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,F,Y,N,2,225000.0,349258.5,13432.5,301500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008473999999999999,-9639,-863,-427.0,-1145,7.0,1,1,0,1,0,0,Sales staff,4.0,2,2,TUESDAY,12,0,0,0,0,1,1,Trade: type 2,,0.15794690371946668,0.35895122857839673,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-629.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2404367,210773,Cash loans,26327.97,450000.0,512370.0,,450000.0,SUNDAY,14,Y,1,,,,XNA,Approved,-960,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,100,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-930.0,120.0,-540.0,-533.0,1.0,0,Cash loans,F,N,Y,1,180000.0,640080.0,24259.5,450000.0,Unaccompanied,Commercial associate,Incomplete higher,Separated,House / apartment,0.032561,-15606,-2125,-9708.0,-4765,,1,1,0,1,1,0,,2.0,1,1,MONDAY,9,0,0,0,0,1,1,Business Entity Type 3,,0.6957193255465108,0.4561097392782771,0.2026,0.1335,0.9866,,,0.22,0.1897,0.3333,,,,0.1981,,0.011,0.0378,0.0286,0.9841,,,0.0403,0.0345,0.3333,,,,0.0443,,0.006,0.2045,0.1335,0.9866,,,0.22,0.1897,0.3333,,,,0.2017,,0.0113,,block of flats,0.3104,Panel,No,2.0,0.0,2.0,0.0,-1593.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,2.0,6.0 +2628376,299636,Cash loans,34874.325,337500.0,441391.5,,337500.0,WEDNESDAY,10,Y,1,,,,Repairs,Approved,-716,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,high,Cash Street: high,365243.0,-686.0,4.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,N,0,225000.0,484789.5,26428.5,418500.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.0031219999999999998,-15744,-2648,-2607.0,-3859,18.0,1,1,0,1,0,0,Sales staff,2.0,3,3,FRIDAY,9,0,0,0,0,1,1,Business Entity Type 3,,0.7775462081024379,0.3376727217405312,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1400.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1779907,348226,Cash loans,11781.0,225000.0,225000.0,,225000.0,MONDAY,17,Y,1,,,,Buying a home,Approved,-203,Cash through the bank,XAP,Family,Repeater,XNA,Cash,walk-in,Country-wide,182,Connectivity,36.0,middle,Cash Street: middle,365243.0,-173.0,877.0,365243.0,365243.0,0.0,0,Revolving loans,M,Y,Y,0,180000.0,495000.0,24750.0,495000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-19923,-3019,-146.0,-1980,10.0,1,1,0,1,0,0,Security staff,2.0,2,2,MONDAY,16,0,0,0,0,1,1,Other,,0.6057929047499512,0.24318648044201235,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-202.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1959549,116044,Cash loans,32015.745,913500.0,1019610.0,,913500.0,THURSDAY,7,Y,1,,,,XNA,Approved,-203,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-173.0,1237.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,180000.0,416052.0,15075.0,292500.0,Children,Pensioner,Higher education,Civil marriage,House / apartment,0.010032,-22209,365243,-2362.0,-4824,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,8,0,0,0,0,0,0,XNA,0.8520514866678823,0.4207656987295172,0.7238369900414456,0.0995,0.2246,0.9776,,,0.0,0.1207,0.1458,,,,0.0636,,,0.0914,0.2331,0.9727,,,0.0,0.0345,0.125,,,,0.0512,,,0.1004,0.2246,0.9776,,,0.0,0.1207,0.1458,,,,0.0648,,,,block of flats,0.0615,"Stone, brick",No,0.0,0.0,0.0,0.0,-1080.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2470553,313920,Cash loans,28749.375,337500.0,430186.5,,337500.0,SATURDAY,9,Y,1,,,,Payments on other loans,Refused,-634,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,1,67500.0,152820.0,12204.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-14117,-718,-880.0,-2296,,1,1,0,1,0,0,Core staff,3.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Kindergarten,0.4136894628860395,0.6732706850286138,0.30620229831350426,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1114.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,7.0 +2480577,439376,Revolving loans,5625.0,0.0,112500.0,,,TUESDAY,8,Y,1,,,,XAP,Approved,-2649,XNA,XAP,,Repeater,XNA,Cards,x-sell,Stone,246,Consumer electronics,0.0,XNA,Card Street,-2640.0,-2577.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,139500.0,499500.0,22131.0,499500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-21993,365243,-4181.0,-4202,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,XNA,,0.02419227755279289,0.2955826421513093,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-521.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1059126,427517,Cash loans,16558.425,229500.0,229500.0,,229500.0,THURSDAY,14,Y,1,,,,XNA,Approved,-964,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-934.0,-424.0,-454.0,-443.0,0.0,0,Cash loans,M,N,Y,0,135000.0,1223010.0,51948.0,1125000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010556,-17979,365243,-10867.0,-1523,,1,0,0,1,0,0,,2.0,3,3,TUESDAY,12,0,0,0,0,0,0,XNA,,0.12776538722031036,0.3539876078507373,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-964.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +1847979,298865,Consumer loans,4875.885,31455.0,30172.5,3150.0,31455.0,MONDAY,8,Y,1,0.10295255048799948,,,XAP,Approved,-2119,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,54,Connectivity,8.0,high,POS household with interest,365243.0,-2088.0,-1878.0,-1878.0,-1644.0,0.0,0,Cash loans,M,N,Y,1,180000.0,668304.0,32278.5,540000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014464,-17083,-1941,-4986.0,-626,,1,1,0,1,0,0,Laborers,3.0,2,2,SATURDAY,6,0,0,0,0,0,0,Business Entity Type 3,,0.5317763310101923,0.8061492814355136,0.0825,0.0665,0.9771,,,,0.1379,0.1667,,,,0.0704,,,0.084,0.0691,0.9772,,,,0.1379,0.1667,,,,0.0734,,,0.0833,0.0665,0.9771,,,,0.1379,0.1667,,,,0.0717,,,,block of flats,0.0597,Panel,No,0.0,0.0,0.0,0.0,-2119.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2179169,324147,Cash loans,26321.895,450000.0,491580.0,,450000.0,THURSDAY,16,Y,1,,,,Buying a holiday home / land,Approved,-705,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,low_normal,Cash Street: low,365243.0,-675.0,15.0,-495.0,-493.0,1.0,0,Cash loans,F,N,Y,0,157500.0,808650.0,23773.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.019688999999999998,-20371,-2771,-8042.0,-3921,,1,1,0,1,0,0,Cleaning staff,1.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.2777281390176555,0.1986200451074864,0.0619,,0.9881,,,0.0,0.1379,0.1667,,0.0108,,0.0519,,0.0,0.063,,0.9881,,,0.0,0.1379,0.1667,,0.011,,0.0541,,0.0,0.0625,,0.9881,,,0.0,0.1379,0.1667,,0.011,,0.0529,,0.0,,block of flats,0.0456,Panel,No,0.0,0.0,0.0,0.0,-1985.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1165436,126865,Consumer loans,3707.64,33741.0,33372.0,3375.0,33741.0,WEDNESDAY,12,Y,1,0.10002671832208936,,,XAP,Approved,-2411,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Country-wide,24,Connectivity,12.0,high,POS mobile with interest,365243.0,-2380.0,-2050.0,-2050.0,-2043.0,1.0,0,Cash loans,F,Y,Y,0,157500.0,900000.0,46084.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-12331,-1089,-2375.0,-1612,9.0,1,1,0,1,0,1,Sales staff,2.0,2,2,SATURDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.5214585939600535,0.3171951766078904,0.6577838002083306,0.0763,0.075,0.9806,0.8164,,0.112,0.0966,0.3333,0.375,,,0.1094,,0.0271,0.0777,0.0379,0.9791,0.8236,,0.0806,0.069,0.3333,0.375,,,0.0828,,0.001,0.077,0.0365,0.9791,0.8189,,0.08,0.069,0.3333,0.375,,,0.0815,,0.0277,,block of flats,0.2142,Panel,No,0.0,0.0,0.0,0.0,-1066.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2107983,180155,Consumer loans,4894.92,44995.5,23683.5,22500.0,44995.5,FRIDAY,19,Y,1,0.5305909135198816,,,XAP,Approved,-616,Cash through the bank,XAP,Children,Repeater,Computers,POS,XNA,Country-wide,3000,Consumer electronics,6.0,high,POS household with interest,365243.0,-585.0,-435.0,-525.0,-516.0,0.0,0,Cash loans,F,Y,Y,1,202500.0,96786.0,9702.0,85500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.009175,-18105,-9119,-5726.0,-1652,12.0,1,1,0,1,1,0,Medicine staff,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,Other,,0.7537045785403975,0.7688075728291359,0.1021,,0.9831,,,0.0,0.2759,0.1667,,0.055,,0.1084,,,0.104,,0.9831,,,0.0,0.2759,0.1667,,0.0562,,0.1129,,,0.1031,,0.9831,,,0.0,0.2759,0.1667,,0.0559,,0.1104,,,,block of flats,0.0853,"Stone, brick",No,0.0,0.0,0.0,0.0,-1745.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1789627,403869,Consumer loans,4298.58,52593.75,60921.0,2.25,52593.75,TUESDAY,15,Y,1,4.0221993170990476e-05,,,XAP,Approved,-623,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,50,Consumer electronics,18.0,middle,POS household with interest,365243.0,-592.0,-82.0,-532.0,-527.0,0.0,0,Cash loans,F,Y,Y,2,90000.0,315000.0,17217.0,315000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.025164,-15536,-1017,-4403.0,-1041,18.0,1,1,1,1,0,0,High skill tech staff,4.0,2,2,TUESDAY,8,0,0,0,0,0,0,Industry: type 5,,0.25475995714691185,0.5762088360175724,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-906.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1221773,238159,Cash loans,28420.2,967500.0,967500.0,,967500.0,SATURDAY,14,Y,1,,,,XNA,Approved,-143,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-113.0,1657.0,365243.0,365243.0,0.0,1,Cash loans,F,N,Y,0,225000.0,679500.0,19998.0,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-21524,-6669,-5352.0,-4981,,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,8,0,0,0,0,0,0,Trade: type 7,,0.3454858866640793,0.14734591802757252,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1300.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2358797,391895,Consumer loans,3489.975,24705.0,22005.0,2700.0,24705.0,THURSDAY,13,Y,1,0.1190263288623944,,,XAP,Refused,-2714,Cash through the bank,SCO,Unaccompanied,New,XNA,POS,XNA,Country-wide,37,Connectivity,8.0,low_normal,POS mobile with interest,,,,,,,0,Cash loans,M,Y,Y,1,121500.0,621900.0,49266.0,562500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-11080,-635,-3896.0,-3722,18.0,1,1,0,1,1,0,Drivers,3.0,2,2,TUESDAY,12,0,0,0,0,1,1,Industry: type 11,0.5526604510925485,0.4206431226034096,0.4241303111942548,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-2416.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2819961,326424,Consumer loans,35690.67,150750.0,135675.0,15075.0,150750.0,THURSDAY,11,Y,1,0.1089090909090909,,,XAP,Approved,-127,Cash through the bank,XAP,Unaccompanied,Repeater,Tourism,POS,XNA,Stone,9,Tourism,4.0,low_normal,POS other with interest,365243.0,-97.0,-7.0,-37.0,-33.0,0.0,0,Cash loans,F,Y,Y,1,220500.0,454500.0,25375.5,454500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.028663,-12173,-446,-654.0,-4389,2.0,1,1,0,1,0,0,Core staff,3.0,2,2,FRIDAY,15,0,0,0,0,0,0,School,0.6774813082662455,0.7573718887656244,0.4561097392782771,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-599.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2211845,193079,Cash loans,34297.515,450000.0,491580.0,,450000.0,WEDNESDAY,15,Y,1,,,,XNA,Approved,-471,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),5,XNA,24.0,high,Cash X-Sell: high,365243.0,-441.0,249.0,-261.0,-257.0,1.0,0,Revolving loans,M,Y,N,0,90000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.019101,-11551,-396,-5679.0,-3927,21.0,1,1,1,1,1,0,Laborers,1.0,2,2,FRIDAY,15,0,0,0,0,1,1,Self-employed,0.4543197843661535,0.7915080134509889,0.646329897706246,0.2134,0.1724,0.9901,0.8640000000000001,0.0671,0.32,0.2759,0.3333,0.375,0.1151,0.174,0.2803,0.0463,0.1686,0.2174,0.1789,0.9901,0.8693,0.0677,0.3222,0.2759,0.3333,0.375,0.1178,0.1901,0.292,0.0467,0.1785,0.2155,0.1724,0.9901,0.8658,0.0675,0.32,0.2759,0.3333,0.375,0.1171,0.177,0.2853,0.0466,0.1721,reg oper spec account,block of flats,0.2571,"Stone, brick",No,2.0,0.0,2.0,0.0,-2406.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +2344423,228137,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SUNDAY,15,Y,1,,,,XAP,Approved,-157,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,202500.0,1035832.5,33543.0,904500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-15713,-2238,-8971.0,-3952,,1,1,0,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.6525518134900223,0.4812493411434029,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-295.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2794752,300172,Consumer loans,5818.59,32800.5,28300.5,4500.0,32800.5,WEDNESDAY,11,Y,1,0.14941568241060627,,,XAP,Approved,-2158,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,90,Connectivity,6.0,high,POS mobile with interest,365243.0,-2114.0,-1964.0,-1994.0,-1986.0,0.0,0,Cash loans,F,N,Y,0,202500.0,1006920.0,42790.5,900000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.006207,-21216,365243,-387.0,-4694,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,XNA,0.6466511160736702,0.7187564929874368,0.7801436381572275,0.0784,0.0,0.9826,0.762,,0.08,0.069,0.3333,0.375,0.0165,0.0639,0.0794,0.0,0.0,0.0798,0.0,0.9826,0.7713,,0.0806,0.069,0.3333,0.375,0.0168,0.0698,0.0827,0.0,0.0,0.0791,0.0,0.9826,0.7652,,0.08,0.069,0.3333,0.375,0.0167,0.065,0.0808,0.0,0.0,reg oper account,block of flats,0.069,Panel,No,3.0,0.0,3.0,0.0,-2932.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1673593,368590,Cash loans,24005.25,225000.0,225000.0,,225000.0,TUESDAY,17,Y,1,,,,Repairs,Refused,-230,Cash through the bank,HC,Family,Repeater,XNA,Cash,walk-in,Country-wide,30,Connectivity,12.0,middle,Cash Street: middle,,,,,,,1,Cash loans,M,Y,Y,1,180000.0,348264.0,23274.0,315000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-16526,-2247,-4458.0,-48,8.0,1,1,1,1,1,0,Laborers,3.0,2,2,MONDAY,10,0,0,0,0,1,1,Construction,,0.6805969609998966,0.3185955240537633,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-996.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1890549,188355,Consumer loans,15377.4,62955.0,74785.5,0.0,62955.0,WEDNESDAY,10,Y,1,0.0,,,XAP,Approved,-675,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,35,Connectivity,6.0,high,POS mobile with interest,365243.0,-644.0,-494.0,-644.0,-636.0,0.0,0,Cash loans,M,Y,Y,1,180000.0,348264.0,25366.5,315000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.002506,-10607,-1623,-1456.0,-2500,15.0,1,1,0,1,0,0,Drivers,2.0,2,2,SATURDAY,6,0,0,0,0,0,0,Emergency,,0.14266748964342735,0.4848514754962666,0.1227,,0.9801,0.728,0.0,0.0,0.2759,0.1667,0.0417,,0.1,0.1129,0.0,0.0044,0.125,,0.9801,0.7387,0.0,0.0,0.2759,0.1667,0.0417,,0.1093,0.1176,0.0,0.0047,0.1239,,0.9801,0.7316,0.0,0.0,0.2759,0.1667,0.0417,,0.1018,0.1149,0.0,0.0045,reg oper account,block of flats,0.0898,,No,3.0,0.0,3.0,0.0,-1176.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1668197,358158,Consumer loans,13346.19,118292.4,145732.5,0.9,118292.4,THURSDAY,15,Y,1,6.725855693902824e-06,,,XAP,Approved,-1172,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Regional / Local,270,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-1135.0,-805.0,-835.0,-825.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,454500.0,24655.5,454500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0228,-10616,-365,-5185.0,-3243,12.0,1,1,1,1,1,0,Drivers,2.0,2,2,SUNDAY,12,0,0,0,0,1,1,Construction,,0.4738884322608505,0.35895122857839673,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-672.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2820120,270274,Consumer loans,6620.49,24997.5,23238.0,2502.0,24997.5,WEDNESDAY,12,Y,1,0.10586268277177366,,,XAP,Approved,-2452,Cash through the bank,XAP,Other_B,New,Mobile,POS,XNA,Country-wide,40,Connectivity,4.0,low_normal,POS mobile with interest,365243.0,-2421.0,-2331.0,-2331.0,-2322.0,1.0,0,Cash loans,M,Y,N,0,135000.0,298512.0,17266.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.018801,-13749,-3355,-3346.0,-4421,7.0,1,1,0,1,0,0,Drivers,1.0,2,2,FRIDAY,11,0,0,0,0,1,1,Business Entity Type 1,,0.642676292072271,0.5902333386185574,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1894.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1798347,180876,Cash loans,8064.0,67500.0,71955.0,0.0,67500.0,THURSDAY,14,Y,1,0.0,,,XNA,Approved,-2359,Cash through the bank,XAP,Other_B,New,XNA,Cash,walk-in,Credit and cash offices,0,XNA,12.0,high,Cash Street: high,365243.0,-2329.0,-1999.0,-1999.0,-1992.0,1.0,0,Cash loans,F,N,Y,0,220500.0,788103.0,26046.0,598500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-20095,-4730,-7735.0,-3564,,1,1,0,1,0,1,Cleaning staff,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Medicine,0.7672867604820623,0.6887031087365862,0.1777040724853336,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,3.0,0.0,3.0,0.0,-1645.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1399816,298561,Consumer loans,20736.81,798750.0,811768.5,40500.0,798750.0,SATURDAY,10,Y,1,0.051753856699129235,,,XAP,Refused,-2424,Cash through the bank,VERIF,,Repeater,XNA,Cars,XNA,Car dealer,657,Industry,66.0,low_normal,POS industry with interest,,,,,,,0,Cash loans,M,Y,Y,0,180000.0,1002870.0,39901.5,922500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-19150,-2686,-7878.0,-2701,6.0,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Business Entity Type 2,,0.3809653565528637,0.7062051096536562,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-365.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +2558807,105677,Revolving loans,3375.0,0.0,67500.0,,,FRIDAY,10,Y,1,,,,XAP,Approved,-2670,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card Street,-2648.0,-2592.0,365243.0,-2164.0,365243.0,0.0,0,Cash loans,F,N,Y,0,157500.0,1166724.0,34245.0,913500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-21118,-4355,-13804.0,-4097,,1,1,0,1,0,0,Cleaning staff,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Government,,0.6610103147858949,0.4848514754962666,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1069.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +2642054,451122,Consumer loans,5091.795,79740.0,42502.5,45000.0,79740.0,MONDAY,13,Y,1,0.5600878935926505,,,XAP,Approved,-978,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,90,Consumer electronics,10.0,middle,POS household with interest,365243.0,-944.0,-674.0,-674.0,-670.0,0.0,0,Cash loans,F,Y,N,2,67500.0,254700.0,27153.0,225000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.028663,-10769,-2829,-828.0,-2143,10.0,1,1,0,1,0,0,Waiters/barmen staff,4.0,2,2,SATURDAY,11,0,0,0,0,1,1,Hotel,,0.0234814935159768,0.16441417882990705,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2370966,195052,Consumer loans,8842.995,40851.0,43006.5,0.0,40851.0,WEDNESDAY,15,Y,1,0.0,,,XAP,Approved,-734,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,118,Connectivity,6.0,high,POS mobile with interest,365243.0,-703.0,-553.0,-553.0,-550.0,0.0,0,Revolving loans,M,Y,Y,0,144000.0,180000.0,9000.0,180000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.0228,-8415,-218,-321.0,-993,65.0,1,1,0,1,0,0,Core staff,1.0,2,2,TUESDAY,12,0,0,0,0,0,0,Self-employed,,0.4784647124649751,0.2750003523983893,0.0485,0.064,0.9732,,,0.0,0.1034,0.125,,0.0389,,0.0401,,0.0,0.0494,0.0664,0.9732,,,0.0,0.1034,0.125,,0.0398,,0.0418,,0.0,0.0489,0.064,0.9732,,,0.0,0.1034,0.125,,0.0396,,0.0408,,0.0,,block of flats,0.0345,"Stone, brick",No,0.0,0.0,0.0,0.0,-426.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,1.0 +2121779,387787,Cash loans,44474.805,810000.0,879498.0,,810000.0,TUESDAY,18,Y,1,,,,XNA,Refused,-1162,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,Y,N,1,247500.0,1327855.5,52789.5,1138500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-13011,-1252,-171.0,-3617,6.0,1,1,0,1,1,0,Accountants,3.0,1,1,TUESDAY,12,0,1,1,0,0,0,Business Entity Type 3,,0.5628432431875536,0.4866531565147181,0.2247,0.1215,0.9955,0.9388,0.1243,0.32,0.1379,0.5417,0.5,0.024,0.1782,0.2378,0.0232,0.0099,0.229,0.126,0.9955,0.9412,0.1254,0.3222,0.1379,0.5417,0.5,0.0245,0.1947,0.2478,0.0233,0.0104,0.2269,0.1215,0.9955,0.9396,0.1251,0.32,0.1379,0.5417,0.5,0.0244,0.1813,0.2421,0.0233,0.0101,reg oper account,block of flats,0.1892,Panel,No,1.0,0.0,1.0,0.0,-82.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,4.0 +1334882,413795,Consumer loans,12306.24,101236.5,100129.5,10125.0,101236.5,WEDNESDAY,19,Y,1,0.10001447065240376,,,XAP,Approved,-2123,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,1703,Consumer electronics,12.0,high,POS household with interest,365243.0,-2092.0,-1762.0,-1762.0,-1755.0,0.0,1,Cash loans,F,N,Y,0,202500.0,1315953.0,43618.5,1179000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.032561,-20920,-3691,-2779.0,-4476,,1,1,0,1,1,0,Laborers,1.0,1,1,FRIDAY,14,0,0,0,0,0,0,Government,0.5177406886514533,0.7415931598648732,,0.0928,,0.9747,,,0.0,0.2069,0.1667,,,,0.0813,,,0.0945,,0.9747,,,0.0,0.2069,0.1667,,,,0.0841,,,0.0937,,0.9747,,,0.0,0.2069,0.1667,,,,0.0827,,,,block of flats,0.0639,Panel,No,0.0,0.0,0.0,0.0,-1932.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +1033688,215201,Consumer loans,4227.885,21555.0,23931.0,0.0,21555.0,THURSDAY,18,Y,1,0.0,,,XAP,Approved,-489,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Regional / Local,140,Construction,6.0,low_normal,POS industry with interest,365243.0,-458.0,-308.0,-338.0,-331.0,0.0,0,Revolving loans,M,N,N,0,148500.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.02461,-8324,-492,-2897.0,-874,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.5357815800989373,0.324891229465852,0.0825,0.06,0.9786,0.7076,0.0088,0.0,0.1379,0.1667,0.2083,0.0,0.0672,0.0566,0.0,0.0,0.084,0.0623,0.9786,0.7190000000000001,0.0089,0.0,0.1379,0.1667,0.2083,0.0,0.0735,0.059,0.0,0.0,0.0833,0.06,0.9786,0.7115,0.0088,0.0,0.1379,0.1667,0.2083,0.0,0.0684,0.0577,0.0,0.0,reg oper account,block of flats,0.0445,"Stone, brick",No,0.0,0.0,0.0,0.0,-234.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2378930,130314,Consumer loans,9662.31,92664.0,80653.5,18535.5,92664.0,THURSDAY,6,Y,1,0.2035189844181769,,,XAP,Approved,-1001,XNA,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Regional / Local,76,Consumer electronics,10.0,middle,POS household with interest,365243.0,-970.0,-700.0,-730.0,-724.0,0.0,0,Cash loans,F,N,Y,1,270000.0,935626.5,39771.0,756000.0,Unaccompanied,State servant,Secondary / secondary special,Civil marriage,House / apartment,0.001333,-12721,-5252,-5263.0,-3712,,1,1,0,1,0,0,Medicine staff,3.0,3,3,THURSDAY,7,0,0,0,0,0,0,Medicine,,0.2858978721410488,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2045211,385348,Cash loans,7320.24,67500.0,71955.0,,67500.0,SATURDAY,16,Y,1,,,,XNA,Approved,-771,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-741.0,-411.0,-531.0,-506.0,1.0,0,Revolving loans,F,N,N,0,112500.0,202500.0,10125.0,202500.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.00702,-23057,365243,-9.0,-4818,,1,0,0,1,0,0,,2.0,2,2,SUNDAY,14,0,0,0,0,0,0,XNA,,0.554940134617991,0.5954562029091491,0.0742,,0.9861,0.8096,,0.04,0.0345,0.3333,,,0.0605,0.0603,,,0.0756,,0.9861,0.8171,,0.0403,0.0345,0.3333,,,0.0661,0.0629,,,0.0749,,0.9861,0.8121,,0.04,0.0345,0.3333,,,0.0616,0.0614,,,reg oper account,block of flats,0.0428,Panel,No,5.0,0.0,5.0,0.0,-1864.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2227587,226953,Cash loans,13042.215,315000.0,400239.0,,315000.0,MONDAY,10,Y,1,,,,Repairs,Approved,-626,Cash through the bank,XAP,Family,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),4,XNA,60.0,low_normal,Cash Street: low,365243.0,-592.0,1178.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,2,139500.0,163332.0,8991.0,117000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008865999999999999,-10987,-286,-2004.0,-3250,,1,1,1,1,1,0,Laborers,4.0,2,2,FRIDAY,11,0,0,0,0,1,1,Other,,0.3707726233610141,0.2778856891082046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1033.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2262767,296729,Cash loans,10716.21,180000.0,227520.0,0.0,180000.0,WEDNESDAY,11,Y,1,0.0,,,XNA,Approved,-2437,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,48.0,middle,Cash Street: middle,365243.0,-2407.0,-997.0,-997.0,-990.0,1.0,0,Cash loans,F,N,Y,0,180000.0,419679.0,19692.0,346500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018029,-19522,-818,-4787.0,-3032,,1,1,0,1,0,0,Security staff,2.0,3,3,THURSDAY,8,0,0,0,0,0,0,Transport: type 4,,0.6014712676636255,0.4776491548517548,0.1103,0.0904,0.9856,0.8028,0.028,0.12,0.1034,0.3333,0.0417,0.0,,0.1258,,0.0,0.1124,0.0938,0.9856,0.8105,0.0283,0.1208,0.1034,0.3333,0.0417,0.0,,0.1311,,0.0,0.1114,0.0904,0.9856,0.8054,0.0282,0.12,0.1034,0.3333,0.0417,0.0,,0.128,,0.0,,block of flats,0.1143,Panel,No,0.0,0.0,0.0,0.0,-2474.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1823109,398792,Consumer loans,7716.06,67495.5,74623.5,0.0,67495.5,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-489,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,3205,Consumer electronics,12.0,middle,POS household with interest,365243.0,-458.0,-128.0,-398.0,-383.0,0.0,0,Cash loans,F,N,Y,0,135000.0,1155226.5,41494.5,1035000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.04622,-12926,-854,-6308.0,-351,,1,1,0,1,1,0,Accountants,2.0,1,1,FRIDAY,17,0,0,0,0,0,0,Transport: type 4,0.8773500448959913,0.7510319531258866,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-489.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1635723,405589,Revolving loans,45000.0,0.0,900000.0,,,TUESDAY,16,Y,1,,,,XAP,Approved,-636,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,90000.0,114682.5,9972.0,99000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.00702,-16716,-166,-5493.0,-269,,1,1,0,1,0,0,Laborers,1.0,2,2,MONDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.438936841959117,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1566.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1644793,256945,Consumer loans,7547.13,54630.0,54630.0,0.0,54630.0,SUNDAY,9,Y,1,0.0,,,XAP,Approved,-752,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,15,Connectivity,10.0,high,POS mobile with interest,365243.0,-703.0,-433.0,-433.0,-430.0,0.0,0,Cash loans,F,Y,N,2,157500.0,415224.0,12028.5,328500.0,Unaccompanied,Working,Incomplete higher,Separated,House / apartment,0.031329,-17427,-829,-435.0,-977,14.0,1,1,0,1,0,0,,3.0,2,2,TUESDAY,9,0,0,0,0,0,0,Government,,0.6349670262835281,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1512.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1413702,395920,Consumer loans,14892.255,78291.0,54801.0,23490.0,78291.0,MONDAY,15,Y,1,0.32676483190335354,,,XAP,Approved,-57,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,100,Consumer electronics,4.0,middle,POS household with interest,365243.0,-27.0,63.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,247500.0,592560.0,35937.0,450000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.032561,-17638,-638,-4471.0,-1112,6.0,1,1,0,1,1,0,,2.0,1,1,TUESDAY,10,0,0,0,0,0,0,Transport: type 4,0.5337097001383425,0.6879900533386275,,0.0794,0.0901,0.9722,0.6192,,0.0,0.1724,0.1667,0.2083,0.0209,0.063,0.0619,0.0077,0.0022,0.0809,0.0935,0.9722,0.6341,,0.0,0.1724,0.1667,0.2083,0.0213,0.0689,0.0644,0.0078,0.0023,0.0802,0.0901,0.9722,0.6243,,0.0,0.1724,0.1667,0.2083,0.0212,0.0641,0.063,0.0078,0.0022,reg oper account,block of flats,0.0749,"Stone, brick",No,1.0,0.0,1.0,0.0,-387.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1249476,394779,Consumer loans,13965.885,71919.0,67927.5,7195.5,71919.0,THURSDAY,8,Y,1,0.10431630308112873,,,XAP,Approved,-1488,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Regional / Local,15,Connectivity,6.0,high,POS mobile with interest,365243.0,-1457.0,-1307.0,-1307.0,-1303.0,0.0,0,Cash loans,F,Y,Y,0,112500.0,178290.0,17761.5,157500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-18539,-1087,-8921.0,-2092,64.0,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,9,0,0,0,0,0,0,Trade: type 7,0.7969275336835294,0.6205531991466667,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1523.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2030106,282372,Consumer loans,6496.74,40455.0,33012.0,9000.0,40455.0,THURSDAY,15,Y,1,0.2333099633870842,,,XAP,Approved,-2196,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,75,Connectivity,6.0,high,POS mobile with interest,365243.0,-2131.0,-1981.0,-1981.0,-1976.0,0.0,1,Cash loans,M,Y,N,0,270000.0,450000.0,30073.5,450000.0,Unaccompanied,State servant,Secondary / secondary special,Civil marriage,Rented apartment,0.007273999999999998,-10048,-387,-10041.0,-1485,14.0,1,1,0,1,1,0,Laborers,2.0,2,2,MONDAY,10,1,1,0,1,1,0,Government,,0.2361213698522471,0.08559545132461807,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2196.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2130148,446696,Cash loans,39774.33,652500.0,708484.5,,652500.0,TUESDAY,13,Y,1,,,,XNA,Approved,-693,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,365243.0,-663.0,207.0,-423.0,-408.0,1.0,0,Cash loans,M,Y,Y,1,225000.0,971280.0,51876.0,900000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.003069,-14550,-2081,-3182.0,-1931,5.0,1,1,0,1,0,0,,3.0,3,3,TUESDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.7132631168947435,0.7877155021849866,0.5937175866150576,0.0619,0.0695,0.9801,,,0.0,0.1379,0.1667,,0.0552,,0.0367,,0.0,0.063,0.0721,0.9801,,,0.0,0.1379,0.1667,,0.0565,,0.0382,,0.0,0.0625,0.0695,0.9801,,,0.0,0.1379,0.1667,,0.0562,,0.0374,,0.0,,block of flats,0.0422,"Stone, brick",No,6.0,1.0,6.0,1.0,-1063.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,1.0,0.0,3.0 +2275398,342359,Cash loans,24575.805,225000.0,239850.0,0.0,225000.0,THURSDAY,16,Y,1,0.0,,,XNA,Approved,-1162,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,12.0,middle,Cash Street: middle,365243.0,-1132.0,-802.0,-802.0,-799.0,1.0,0,Revolving loans,F,N,Y,0,180000.0,225000.0,11250.0,337500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.02461,-22757,-1896,-15295.0,-4603,,1,1,0,1,1,0,Cleaning staff,1.0,2,2,MONDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.5928390700637751,0.7001838506835805,0.1227,0.1154,0.9786,,,0.0,0.2759,0.1667,,0.0901,,0.1138,,0.0,0.125,0.1197,0.9786,,,0.0,0.2759,0.1667,,0.0922,,0.1186,,0.0,0.1239,0.1154,0.9786,,,0.0,0.2759,0.1667,,0.0917,,0.1159,,0.0,,block of flats,0.0985,Panel,No,5.0,3.0,5.0,2.0,-1377.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +1933963,365265,Consumer loans,22963.05,208755.0,208755.0,0.0,208755.0,SATURDAY,15,Y,1,0.0,,,XAP,Approved,-661,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Stone,100,Furniture,10.0,low_normal,POS industry with interest,365243.0,-618.0,-348.0,-348.0,-345.0,0.0,0,Cash loans,F,N,Y,0,166500.0,675000.0,37822.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.010006000000000001,-15167,-1573,-984.0,-3346,,1,1,0,1,0,0,Cleaning staff,1.0,2,2,TUESDAY,10,0,0,0,0,0,0,Government,,0.6586789398392583,0.5602843280409464,0.1969,0.0709,0.9886,0.8436,0.1255,0.24,0.1034,0.625,0.6667,0.0859,0.1605,0.2089,0.0,0.0,0.2006,0.0736,0.9886,0.8497,0.1267,0.2417,0.1034,0.625,0.6667,0.0878,0.1754,0.2177,0.0,0.0,0.1988,0.0709,0.9886,0.8457,0.1263,0.24,0.1034,0.625,0.6667,0.0874,0.1633,0.2127,0.0,0.0,reg oper account,block of flats,0.233,Panel,No,0.0,0.0,0.0,0.0,-1671.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2441783,316893,Revolving loans,11250.0,225000.0,225000.0,,225000.0,WEDNESDAY,14,Y,1,,,,XAP,Refused,-783,XNA,HC,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,Y,Y,4,315000.0,1056447.0,31018.5,922500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.009175,-13191,-6436,-4394.0,-4410,1.0,1,1,1,1,1,0,Core staff,6.0,2,2,TUESDAY,13,0,0,0,0,1,1,Government,0.5315686548995814,0.3966363621675115,0.5262949398096192,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1339.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +2575983,399719,Consumer loans,4433.715,45175.5,34290.0,13500.0,45175.5,FRIDAY,13,Y,1,0.3076527991782229,,,XAP,Approved,-2393,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,10.0,high,POS mobile with interest,365243.0,-2362.0,-2092.0,-2092.0,-2083.0,1.0,0,Cash loans,F,Y,Y,2,112500.0,439740.0,22581.0,315000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.020246,-15940,-8989,-8638.0,-4551,18.0,1,1,0,1,0,0,Core staff,4.0,3,3,THURSDAY,14,0,0,0,0,0,0,Transport: type 2,0.4475134048574536,0.3735982519875201,0.6577838002083306,0.1124,0.1491,0.9811,0.7416,0.0227,0.0,0.2414,0.1667,0.2083,0.052000000000000005,0.0916,0.1228,0.0,0.0,0.1145,0.1548,0.9811,0.7517,0.0229,0.0,0.2414,0.1667,0.2083,0.0532,0.1001,0.1279,0.0,0.0,0.1135,0.1491,0.9811,0.7451,0.0228,0.0,0.2414,0.1667,0.2083,0.0529,0.0932,0.125,0.0,0.0,reg oper account,block of flats,0.1089,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1514481,331524,Consumer loans,11082.6,135000.0,127350.0,22500.0,135000.0,SATURDAY,12,Y,1,0.1635271635271635,,,XAP,Approved,-1640,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Regional / Local,57,Consumer electronics,16.0,middle,POS household with interest,365243.0,-1609.0,-1159.0,-1159.0,-1156.0,0.0,0,Cash loans,F,N,Y,0,202500.0,981000.0,40086.0,981000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.026392000000000002,-11038,-481,-4783.0,-2196,,1,1,0,1,0,1,Core staff,2.0,2,2,MONDAY,13,0,0,0,0,0,0,Business Entity Type 1,0.543436485705577,0.5144687155613447,0.5064842396679806,0.1485,0.1036,0.9846,,,0.16,0.1379,0.3333,,,,0.153,,0.0,0.1513,0.1075,0.9846,,,0.1611,0.1379,0.3333,,,,0.1594,,0.0,0.1499,0.1036,0.9846,,,0.16,0.1379,0.3333,,,,0.1558,,0.0,,block of flats,0.1204,Panel,No,0.0,0.0,0.0,0.0,-423.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1985604,120621,Consumer loans,29701.665,145349.595,151771.5,4.095,145349.595,WEDNESDAY,13,Y,1,2.9384350446639795e-05,,,XAP,Approved,-1461,Cash through the bank,XAP,Unaccompanied,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,2171,Consumer electronics,6.0,high,POS household with interest,365243.0,-1424.0,-1274.0,-1274.0,-1267.0,0.0,1,Cash loans,F,N,N,0,274500.0,239850.0,23494.5,225000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.010006000000000001,-24552,365243,-11549.0,-4240,,1,0,0,1,1,0,,2.0,2,1,MONDAY,9,0,0,0,0,0,0,XNA,,0.0485292418232926,0.5762088360175724,0.0588,0.0713,0.9796,0.7212,0.0155,0.0,0.1379,0.1667,0.2083,0.0592,0.0462,0.068,0.0077,0.0119,0.0599,0.07400000000000001,0.9796,0.7321,0.0157,0.0,0.1379,0.1667,0.2083,0.0605,0.0505,0.0709,0.0078,0.0126,0.0593,0.0713,0.9796,0.7249,0.0156,0.0,0.1379,0.1667,0.2083,0.0602,0.047,0.0692,0.0078,0.0121,reg oper account,block of flats,0.0646,Panel,No,2.0,1.0,2.0,1.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2395912,107938,Consumer loans,21009.645,118435.365,118431.0,4.365,118435.365,FRIDAY,15,Y,1,4.0139039704752185e-05,,,XAP,Approved,-1342,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,1500,Consumer electronics,6.0,low_normal,POS household without interest,,,,,,,0,Cash loans,M,Y,N,0,315000.0,679500.0,36202.5,679500.0,Family,Commercial associate,Higher education,Married,House / apartment,0.04622,-13555,-681,-6140.0,-4317,8.0,1,1,1,1,1,0,Sales staff,2.0,1,1,SUNDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.611688638352755,0.7583930617144343,0.0825,0.0791,0.9737,0.6396,0.0,0.0,0.1379,0.1667,0.2083,0.0434,0.0664,0.0398,0.0039,0.0032,0.084,0.0821,0.9737,0.6537,0.0,0.0,0.1379,0.1667,0.2083,0.0444,0.0725,0.0415,0.0039,0.0033,0.0833,0.0791,0.9737,0.6444,0.0,0.0,0.1379,0.1667,0.2083,0.0441,0.0676,0.0405,0.0039,0.0032,reg oper spec account,block of flats,0.0489,"Stone, brick",No,3.0,0.0,3.0,0.0,-70.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,0.0 +2391502,359302,Consumer loans,6321.465,140170.095,140166.0,4.095,140170.095,THURSDAY,10,Y,1,3.181725226573665e-05,,,XAP,Approved,-1325,XNA,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,140,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1294.0,-604.0,-604.0,-601.0,0.0,0,Cash loans,F,N,Y,0,67500.0,299772.0,16866.0,247500.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.035792000000000004,-21411,365243,-6217.0,-4954,,1,0,0,1,0,0,,1.0,2,2,SATURDAY,11,0,0,0,0,0,0,XNA,0.69142202648346,0.5613630412628833,0.5849900404894085,0.0371,0.0,0.9791,0.7144,,0.0,0.1148,0.1108,0.1525,0.0304,0.0303,0.0221,,,0.0252,0.0,0.9777,0.706,,0.0,0.1379,0.0833,0.125,0.0299,0.022,0.0128,,,0.025,0.0,0.9796,0.7249,,0.0,0.1379,0.0833,0.125,0.0309,0.0205,0.0129,,,reg oper account,block of flats,0.0512,Panel,No,1.0,0.0,1.0,0.0,-1442.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1597906,237775,Consumer loans,19150.425,188955.0,205168.5,0.0,188955.0,WEDNESDAY,18,Y,1,0.0,,,XAP,Approved,-426,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,50,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-395.0,-65.0,-65.0,-58.0,0.0,0,Cash loans,F,N,Y,0,171000.0,562500.0,23962.5,562500.0,Unaccompanied,Pensioner,Higher education,Widow,House / apartment,0.026392000000000002,-22815,365243,-13221.0,-4127,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,15,0,0,0,0,0,0,XNA,,0.6963069186024382,0.4614823912998385,0.1485,0.1123,0.9816,,,0.16,0.1379,0.3333,,,,0.1512,,0.0,0.1513,0.1166,0.9816,,,0.1611,0.1379,0.3333,,,,0.1576,,0.0,0.1499,0.1123,0.9816,,,0.16,0.1379,0.3333,,,,0.1539,,0.0,,block of flats,0.1451,Block,No,0.0,0.0,0.0,0.0,-2430.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,10.0,0.0,2.0 +1221706,427802,Cash loans,9533.25,225000.0,225000.0,,225000.0,SATURDAY,10,Y,1,,,,XNA,Approved,-189,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Stone,10,Consumer electronics,36.0,low_normal,Cash X-Sell: low,365243.0,-159.0,891.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,1,243000.0,170640.0,11533.5,135000.0,Unaccompanied,State servant,Incomplete higher,Married,Rented apartment,0.01885,-12687,-4840,-373.0,-4149,3.0,1,1,0,1,0,1,High skill tech staff,3.0,2,2,SATURDAY,17,0,0,0,0,0,0,Other,0.26512429306098434,0.6186358670770137,0.5334816299804352,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,10.0,0.0,8.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2547828,288361,Consumer loans,8611.065,100980.0,89316.0,20196.0,100980.0,TUESDAY,12,Y,1,0.2008481262327416,,,XAP,Refused,-258,Cash through the bank,LIMIT,Unaccompanied,Repeater,Auto Accessories,POS,XNA,Stone,50,Auto technology,12.0,low_normal,POS other with interest,,,,,,,0,Cash loans,M,Y,Y,0,135000.0,254700.0,18585.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-17110,-3161,-739.0,-648,13.0,1,1,0,1,0,0,Drivers,2.0,2,2,MONDAY,13,0,0,0,0,1,1,Transport: type 3,0.6707801592384531,0.62710099076714,,0.0412,0.0347,0.9816,0.7484,0.0127,0.0,0.1148,0.1388,0.2083,0.0088,0.0336,0.0431,0.0,0.0595,0.042,0.036000000000000004,0.9806,0.7583,0.0128,0.0,0.069,0.1667,0.2083,0.009000000000000001,0.0367,0.0387,0.0,0.0,0.0416,0.0347,0.9816,0.7518,0.0128,0.0,0.069,0.1667,0.2083,0.0089,0.0342,0.0439,0.0,0.0608,reg oper account,block of flats,0.0362,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1416937,377959,Consumer loans,8488.755,70740.0,73836.0,3555.0,70740.0,SUNDAY,14,Y,1,0.050028015942657184,,,XAP,Approved,-1429,XNA,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Stone,625,Consumer electronics,12.0,high,POS household with interest,365243.0,-1398.0,-1068.0,-1068.0,-1065.0,0.0,0,Cash loans,F,N,N,0,157500.0,675000.0,21906.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-12256,-4513,-3755.0,-3757,,1,1,0,1,0,0,Core staff,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Kindergarten,0.5576681590268969,0.6802831364650389,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1429.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1045503,150513,Consumer loans,26524.62,134955.0,142078.5,0.0,134955.0,WEDNESDAY,14,Y,1,0.0,,,XAP,Approved,-581,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Stone,35,Furniture,6.0,middle,POS industry with interest,365243.0,-544.0,-394.0,-514.0,-488.0,0.0,0,Cash loans,F,N,Y,0,126000.0,187704.0,11610.0,148500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.030755,-15490,-1464,-5689.0,-4087,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Industry: type 3,0.5742777388402869,0.5697285073304132,0.3506958432829587,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-532.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2397319,211990,Consumer loans,4419.405,31455.0,35770.5,3145.5,31455.0,SATURDAY,11,Y,1,0.08802897149104366,,,XAP,Approved,-1674,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,32,Connectivity,12.0,high,POS mobile with interest,365243.0,-1643.0,-1313.0,-1313.0,-1309.0,0.0,0,Revolving loans,F,N,N,1,72000.0,202500.0,10125.0,202500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.009549,-10671,-1820,-4104.0,-1457,,1,1,1,1,1,0,Core staff,3.0,2,2,SUNDAY,12,0,0,0,0,0,0,Kindergarten,,0.32594421543812035,0.4066174366275036,0.0124,0.0,0.9806,0.7348,0.0012,0.0,0.069,0.0417,0.0417,0.0088,0.0101,0.0102,0.0,0.0,0.0126,0.0,0.9806,0.7452,0.0012,0.0,0.069,0.0417,0.0417,0.009000000000000001,0.011,0.0106,0.0,0.0,0.0125,0.0,0.9806,0.7383,0.0012,0.0,0.069,0.0417,0.0417,0.009000000000000001,0.0103,0.0104,0.0,0.0,not specified,block of flats,0.0087,"Stone, brick",No,2.0,1.0,2.0,1.0,-2060.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1620208,208466,Consumer loans,3962.7,95121.0,85036.5,10084.5,95121.0,WEDNESDAY,20,Y,1,0.11546280287977695,,,XAP,Approved,-2577,Cash through the bank,XAP,Family,New,Photo / Cinema Equipment,POS,XNA,Country-wide,1980,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-2546.0,-1856.0,-1856.0,-1852.0,0.0,0,Revolving loans,F,Y,Y,1,450000.0,270000.0,13500.0,270000.0,"Spouse, partner",State servant,Higher education,Married,House / apartment,0.04622,-15497,-7782,-48.0,-5244,4.0,1,1,1,1,0,0,,3.0,1,1,THURSDAY,20,0,1,1,0,1,1,Medicine,,0.6911777454170773,0.10547318648733764,0.7361,,0.9985,,,1.0,0.3103,0.875,,0.2597,,1.0,,0.1959,0.75,,0.9985,,,1.0,0.3103,0.875,,0.2656,,1.0,,0.2074,0.7432,,0.9985,,,1.0,0.3103,0.875,,0.2642,,1.0,,0.2,,block of flats,1.0,Panel,No,1.0,0.0,1.0,0.0,-2577.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2760246,129452,Consumer loans,16432.74,118377.0,132700.5,0.0,118377.0,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-183,Cash through the bank,XAP,Unaccompanied,Refreshed,Audio/Video,POS,XNA,Regional / Local,100,Consumer electronics,10.0,middle,POS household with interest,365243.0,-153.0,117.0,365243.0,365243.0,1.0,0,Revolving loans,F,N,Y,1,216000.0,225000.0,11250.0,225000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.072508,-8690,-257,-3732.0,-1380,,1,1,0,1,1,0,,3.0,1,1,SUNDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.28207492060823103,0.6692801124081146,0.19519840600440985,0.2211,0.14,0.9796,,,0.24,0.2069,0.3333,,,,0.2046,,0.001,0.2248,0.1453,0.9796,,,0.2417,0.2069,0.3333,,,,0.2123,,0.0011,0.2233,0.14,0.9796,,,0.24,0.2069,0.3333,,,,0.2083,,0.0011,,block of flats,0.1603,Panel,No,0.0,0.0,0.0,0.0,-1367.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1170315,272041,Consumer loans,4359.555,20205.0,21204.0,0.0,20205.0,MONDAY,15,Y,1,0.0,,,XAP,Approved,-1142,Cash through the bank,XAP,Unaccompanied,Repeater,Photo / Cinema Equipment,POS,XNA,Regional / Local,123,Consumer electronics,6.0,high,POS household with interest,365243.0,-1111.0,-961.0,-961.0,-954.0,0.0,0,Cash loans,F,N,Y,1,112500.0,1125000.0,32895.0,1125000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.028663,-11494,-3658,-2420.0,-3589,,1,1,1,1,1,1,High skill tech staff,3.0,2,2,TUESDAY,12,0,1,1,1,1,1,Business Entity Type 2,0.3779322958937484,0.5194869575445809,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1142.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1134741,377388,Consumer loans,6486.705,29412.0,24345.0,5895.0,29412.0,THURSDAY,18,Y,1,0.21230790043290035,,,XAP,Approved,-1003,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,40,Connectivity,4.0,middle,POS mobile without interest,365243.0,-967.0,-877.0,-877.0,-874.0,0.0,0,Revolving loans,F,N,Y,0,180000.0,540000.0,27000.0,540000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.026392000000000002,-19807,-3459,-9360.0,-3336,,1,1,0,1,1,0,Managers,2.0,2,2,SATURDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.2858978721410488,0.6512602186973006,0.0814,0.1101,0.9831,,,0.0,0.2069,0.1667,,0.0546,,0.0808,,0.006,0.083,0.1142,0.9831,,,0.0,0.2069,0.1667,,0.0558,,0.0842,,0.0063,0.0822,0.1101,0.9831,,,0.0,0.2069,0.1667,,0.0555,,0.0823,,0.0061,,block of flats,0.0649,"Stone, brick",No,1.0,1.0,1.0,1.0,-1003.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,1.0 +2801377,239239,Revolving loans,22500.0,0.0,450000.0,,,WEDNESDAY,19,Y,1,,,,XAP,Approved,-1244,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-1243.0,-1217.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,314100.0,16164.0,225000.0,Family,Working,Higher education,Married,House / apartment,0.019101,-15238,-4243,-2901.0,-5098,12.0,1,1,0,1,0,0,Drivers,2.0,2,2,MONDAY,15,0,0,0,0,1,1,Self-employed,,0.5205349198439979,0.4329616670974407,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1659.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1728828,139184,Revolving loans,,0.0,0.0,,,SATURDAY,14,Y,1,,,,XAP,Refused,-420,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Card Street,,,,,,,0,Cash loans,M,Y,N,0,270000.0,540000.0,39294.0,540000.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.01885,-15624,-4424,-5125.0,-3221,9.0,1,1,1,1,1,0,Security staff,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Business Entity Type 1,,0.6132457253806282,0.11911906455945008,0.1701,0.0179,0.9831,0.7688,0.0292,0.24,0.2069,0.3333,,0.1043,0.1353,0.1057,0.0154,0.202,0.1733,0.0186,0.9831,0.7779,0.0294,0.2417,0.2069,0.3333,,0.1067,0.1478,0.1101,0.0156,0.2138,0.1718,0.0179,0.9831,0.7719,0.0293,0.24,0.2069,0.3333,,0.1062,0.1377,0.1076,0.0155,0.2062,reg oper account,block of flats,0.18,"Stone, brick",No,0.0,0.0,0.0,0.0,-1796.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1919289,270768,Consumer loans,4818.6,35676.0,40414.5,3555.0,35676.0,SUNDAY,14,Y,1,0.08805463291186345,,,XAP,Approved,-1827,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Stone,27,Connectivity,12.0,high,POS mobile with interest,365243.0,-1796.0,-1466.0,-1466.0,-1463.0,0.0,0,Cash loans,F,N,Y,0,225000.0,1174090.5,46561.5,1080000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-19371,-1952,-9733.0,-2872,,1,1,0,1,1,0,Core staff,2.0,2,2,SUNDAY,9,0,0,0,0,0,0,Self-employed,0.6766579669459665,0.7173264887309905,0.7352209993926424,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-1827.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1158675,274687,Cash loans,9171.045,45000.0,46485.0,,45000.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-422,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,high,Cash X-Sell: high,365243.0,-392.0,-242.0,-272.0,-264.0,1.0,0,Cash loans,F,N,Y,0,45000.0,90000.0,9031.5,90000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-17900,-6928,-10580.0,-1436,,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,Other,0.7876610986787995,0.6254324418964521,0.5832379256761245,0.1474,0.1074,0.9806,0.7348,0.0422,0.12,0.1724,0.25,0.2917,0.0572,0.1202,0.1489,0.0,0.0,0.0735,0.0777,0.9806,0.7452,0.0316,0.0,0.1379,0.1667,0.2083,0.0464,0.0643,0.0684,0.0,0.0,0.1489,0.1074,0.9806,0.7383,0.0425,0.12,0.1724,0.25,0.2917,0.0582,0.1223,0.1515,0.0,0.0,reg oper account,block of flats,0.2356,Panel,No,5.0,0.0,5.0,0.0,-562.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1539457,339159,Cash loans,42727.5,450000.0,450000.0,,450000.0,FRIDAY,16,Y,1,,,,XNA,Approved,-664,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,4500,Consumer electronics,12.0,low_normal,Cash X-Sell: low,365243.0,-634.0,-304.0,-544.0,-536.0,0.0,0,Cash loans,F,N,Y,0,157500.0,675000.0,19867.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.072508,-13601,-1933,-7708.0,-435,,1,1,1,1,1,0,Core staff,2.0,1,1,THURSDAY,14,0,0,0,0,0,0,Trade: type 2,0.6674060816101929,0.6066385753219141,0.5919766183185521,0.0619,0.0476,0.9722,,,0.0,0.1034,0.1667,,0.048,,0.0506,,0.0,0.063,0.0494,0.9722,,,0.0,0.1034,0.1667,,0.0491,,0.0528,,0.0,0.0625,0.0476,0.9722,,,0.0,0.1034,0.1667,,0.0488,,0.0515,,0.0,,block of flats,0.0398,Block,No,13.0,0.0,13.0,0.0,-1224.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1652818,227885,Cash loans,25156.98,495000.0,553806.0,,495000.0,TUESDAY,9,Y,1,,,,XNA,Approved,-911,XNA,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-870.0,180.0,-30.0,-24.0,0.0,0,Cash loans,F,Y,Y,0,427500.0,846387.0,24876.0,706500.0,Unaccompanied,Commercial associate,Higher education,Married,With parents,0.010643000000000001,-16164,-1433,-7622.0,-5220,10.0,1,1,0,1,0,0,Cooking staff,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Restaurant,,0.674534549681765,0.3859146722745145,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-982.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,5.0 +1058305,189238,Consumer loans,5021.37,29853.0,28417.5,2988.0,29853.0,MONDAY,11,Y,1,0.10361890867407417,,,XAP,Approved,-2703,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,7.0,low_normal,POS mobile with interest,365243.0,-2672.0,-2492.0,-2492.0,-2487.0,1.0,0,Cash loans,F,N,Y,0,180000.0,871065.0,31419.0,661500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-19881,-7718,-7999.0,-3428,,1,1,0,1,0,0,Secretaries,2.0,3,3,TUESDAY,11,0,0,0,0,0,0,Medicine,0.5469302506511993,0.013945550753119028,0.2405414172860865,0.0361,0.0312,0.9881,0.8368,0.0091,0.04,0.0345,0.3333,0.375,0.0265,0.0294,0.0341,0.0,0.0,0.0368,0.0324,0.9881,0.8432,0.0092,0.0403,0.0345,0.3333,0.375,0.0271,0.0321,0.0355,0.0,0.0,0.0364,0.0312,0.9881,0.8390000000000001,0.0092,0.04,0.0345,0.3333,0.375,0.0269,0.0299,0.0347,0.0,0.0,reg oper account,block of flats,0.0329,Panel,No,0.0,0.0,0.0,0.0,-1906.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +1908176,368125,Revolving loans,2250.0,0.0,90000.0,,,FRIDAY,4,N,0,,,,XAP,Refused,-2555,XNA,HC,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,202500.0,1096020.0,52857.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.006629,-14411,-177,-6936.0,-4075,,1,1,0,1,0,0,Sales staff,2.0,2,2,FRIDAY,6,0,0,0,0,0,0,Business Entity Type 3,,0.7100162900820497,0.7922644738669378,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-2788.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1138650,162552,Consumer loans,8048.07,88110.0,79299.0,8811.0,88110.0,FRIDAY,13,Y,1,0.1089090909090909,,,XAP,Refused,-711,Cash through the bank,SCO,,Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,12.0,middle,POS mobile with interest,,,,,,,0,Cash loans,M,Y,Y,0,202500.0,545040.0,26640.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0228,-17586,-861,-1796.0,-1119,6.0,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,8,0,0,0,0,0,0,Business Entity Type 2,0.34126409253866746,0.5469874660268447,0.4614823912998385,0.0615,,0.9965,0.9524,0.0182,0.08,0.0459,0.4304,0.4721,0.0233,0.0479,0.0727,0.0103,0.0335,0.0483,,0.9965,0.9543,0.0147,0.0806,0.0345,0.4583,0.5,0.0088,0.0404,0.0742,0.0078,0.0297,0.0593,,0.9965,0.953,0.0194,0.08,0.0345,0.4583,0.5,0.0256,0.047,0.0746,0.0078,0.0326,reg oper account,block of flats,0.0621,"Stone, brick",No,0.0,0.0,0.0,0.0,-961.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1387481,165383,Consumer loans,10821.42,108225.0,97402.5,10822.5,108225.0,THURSDAY,12,Y,1,0.1089090909090909,,,XAP,Approved,-2918,Cashless from the account of the employer,XAP,,Repeater,Computers,POS,XNA,Stone,40,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-2886.0,-2616.0,-2616.0,-2614.0,0.0,0,Revolving loans,M,N,Y,0,135000.0,405000.0,20250.0,405000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-18249,-5324,-8692.0,-1756,,1,1,0,1,0,1,Laborers,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Industry: type 11,0.4939767738358504,0.615644282368553,0.6263042766749393,0.0608,,0.9851,,,,0.1379,0.1667,,,,,,,0.062,,0.9851,,,,0.1379,0.1667,,,,,,,0.0614,,0.9851,,,,0.1379,0.1667,,,,,,,,block of flats,0.0449,"Stone, brick",No,0.0,0.0,0.0,0.0,-3120.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2013517,139478,Consumer loans,6464.475,131391.0,149157.0,0.0,131391.0,FRIDAY,13,Y,1,0.0,,,XAP,Approved,-332,Cash through the bank,XAP,,Refreshed,Computers,POS,XNA,Country-wide,1000,Consumer electronics,30.0,low_normal,POS household with interest,365243.0,-300.0,570.0,-240.0,-232.0,0.0,0,Cash loans,F,N,Y,0,202500.0,808650.0,29709.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.020713,-16137,-1137,-3127.0,-3339,,1,1,0,1,0,0,Cleaning staff,1.0,3,3,MONDAY,8,0,0,0,0,0,0,School,,0.4468087472723105,0.1694287272664794,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-243.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1261623,432098,Consumer loans,9552.465,77299.56,84103.56,0.0,77299.56,SATURDAY,10,Y,1,0.0,,,XAP,Approved,-167,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,15,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-128.0,142.0,365243.0,365243.0,0.0,1,Revolving loans,M,Y,Y,0,270000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.04622,-11858,-3686,-3285.0,-2018,1.0,1,1,0,1,0,0,High skill tech staff,2.0,1,1,FRIDAY,14,0,0,0,0,0,0,Business Entity Type 2,0.04377664722807121,0.4222960525759468,,0.0289,0.0609,0.9697,0.5852,0.024,0.0,0.1034,0.0833,0.125,0.0403,0.0227,0.0427,0.0039,0.008,0.0294,0.0632,0.9697,0.6014,0.0243,0.0,0.1034,0.0833,0.125,0.0412,0.0248,0.0445,0.0039,0.0085,0.0291,0.0609,0.9697,0.5907,0.0242,0.0,0.1034,0.0833,0.125,0.041,0.0231,0.0435,0.0039,0.0082,not specified,block of flats,0.0485,"Stone, brick",No,0.0,0.0,0.0,0.0,-167.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1947144,298905,Cash loans,41585.625,900000.0,978408.0,,900000.0,MONDAY,14,Y,1,,,,XNA,Approved,-763,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-733.0,317.0,-733.0,-727.0,1.0,0,Cash loans,F,N,Y,1,202500.0,544491.0,17694.0,454500.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.010643000000000001,-16677,-2509,-356.0,-5,,1,1,0,1,0,0,Sales staff,3.0,2,2,MONDAY,10,0,1,1,0,0,0,Business Entity Type 1,,0.3111219965028397,,0.133,0.1539,0.9776,0.6940000000000001,0.0638,0.0,0.2759,0.125,0.2083,0.1066,0.1084,0.1192,0.0,0.0,0.1355,0.1597,0.9777,0.706,0.0644,0.0,0.2759,0.125,0.2083,0.109,0.1185,0.1242,0.0,0.0,0.1343,0.1539,0.9776,0.6981,0.0642,0.0,0.2759,0.125,0.2083,0.1084,0.1103,0.1214,0.0,0.0,reg oper account,block of flats,0.1286,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2113744,348020,Revolving loans,22500.0,0.0,450000.0,,,THURSDAY,14,Y,1,,,,XAP,Approved,-1157,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-1151.0,-1111.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,0,157500.0,545040.0,26640.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-17909,-707,-1506.0,-1456,,1,1,1,1,0,0,Managers,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.4533710610630242,0.6214950274375407,0.06510961400269648,0.1608,0.0071,0.9762,0.6736,0.0587,0.0,0.0345,0.1667,0.2083,0.0623,0.1286,0.052000000000000005,0.0116,0.0254,0.1639,0.0074,0.9762,0.6864,0.0593,0.0,0.0345,0.1667,0.2083,0.0638,0.1405,0.0542,0.0117,0.0269,0.1624,0.0071,0.9762,0.6779999999999999,0.0591,0.0,0.0345,0.1667,0.2083,0.0634,0.1308,0.053,0.0116,0.026,not specified,specific housing,0.0787,"Stone, brick",No,0.0,0.0,0.0,0.0,-1518.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,2.0,0.0,1.0,0.0,0.0,7.0 +1894887,104317,Consumer loans,4799.34,37422.0,41125.5,0.0,37422.0,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-2279,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,22,Connectivity,12.0,high,POS mobile with interest,365243.0,-2248.0,-1918.0,-1918.0,-1915.0,1.0,0,Cash loans,F,N,Y,1,49500.0,135000.0,5220.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-15348,-4987,-7252.0,-4655,,1,1,1,1,0,0,Cooking staff,3.0,2,2,THURSDAY,17,0,0,0,0,0,0,School,0.3683965755902496,0.6975909092710705,0.4101025731788671,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,0.0,-1687.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1776469,250071,Revolving loans,3375.0,0.0,67500.0,,,SUNDAY,13,Y,1,,,,XAP,Approved,-2742,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card Street,-2585.0,-2534.0,365243.0,-1529.0,365243.0,0.0,0,Cash loans,F,N,Y,2,135000.0,824823.0,24246.0,688500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.006207,-15077,-889,-1690.0,-4488,,1,1,0,1,0,0,,4.0,2,2,FRIDAY,9,0,0,0,0,0,0,Other,0.4858545371240714,0.8007839477911891,0.2263473957097693,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2984.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1230342,252118,Cash loans,10051.2,180000.0,180000.0,,180000.0,WEDNESDAY,11,Y,1,,,,Car repairs,Approved,-833,Cash through the bank,XAP,Family,Repeater,XNA,Cash,walk-in,Stone,72,Consumer electronics,24.0,low_normal,Cash Street: low,365243.0,-803.0,-113.0,-503.0,-488.0,0.0,0,Cash loans,F,N,Y,0,117000.0,521280.0,26743.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-19387,-5392,-10277.0,-2946,,1,1,1,1,0,0,Core staff,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Kindergarten,,0.6591261810056485,0.6109913280868294,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,15.0,0.0,15.0,0.0,-833.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2186892,330773,Revolving loans,13500.0,0.0,270000.0,,,TUESDAY,20,Y,1,,,,XAP,Approved,-1082,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-1066.0,-1042.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,112500.0,1125000.0,30168.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-18796,-323,-11433.0,-2328,,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Other,0.1717102769524645,0.5725351748882531,0.746300213050371,0.0722,0.0416,0.9776,0.6940000000000001,,0.0,0.1379,0.1667,0.2083,0.0361,0.0572,0.0657,0.0077,0.0036,0.0735,0.0431,0.9777,0.706,,0.0,0.1379,0.1667,0.2083,0.0369,0.0624,0.0685,0.0078,0.0038,0.0729,0.0416,0.9776,0.6981,,0.0,0.1379,0.1667,0.2083,0.0367,0.0581,0.0669,0.0078,0.0037,reg oper account,block of flats,0.0673,"Stone, brick",No,0.0,0.0,0.0,0.0,-1435.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2054508,224136,Consumer loans,5359.545,30600.0,27391.5,4500.0,30600.0,MONDAY,18,Y,1,0.15367446156214326,,,XAP,Approved,-1330,Cash through the bank,XAP,Other_A,Repeater,Auto Accessories,POS,XNA,Stone,6,Industry,6.0,middle,POS other with interest,365243.0,-1299.0,-1149.0,-1149.0,-1141.0,0.0,0,Cash loans,M,Y,Y,1,180000.0,508495.5,24592.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.02461,-15783,-1547,-124.0,-4770,9.0,1,1,0,1,0,0,Drivers,3.0,2,2,MONDAY,10,0,0,0,0,1,1,Transport: type 3,,0.3329438210249792,0.520897599048938,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1469.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +2419786,359529,Cash loans,22206.51,675000.0,790830.0,,675000.0,THURSDAY,14,Y,1,,,,Repairs,Refused,-600,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Revolving loans,F,N,Y,0,81000.0,157500.0,7875.0,157500.0,Family,Commercial associate,Higher education,Married,House / apartment,0.008625,-19774,-362,-8924.0,-3013,,1,1,0,0,0,0,Laborers,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.4013242214362008,0.25533177083329,0.2165,0.1398,0.9876,0.83,0.1373,0.24,0.2069,0.3333,0.375,0.0563,0.1765,0.2142,0.0,0.0,0.2206,0.1451,0.9876,0.8367,0.1386,0.2417,0.2069,0.3333,0.375,0.0576,0.1928,0.2232,0.0,0.0,0.2186,0.1398,0.9876,0.8323,0.1382,0.24,0.2069,0.3333,0.375,0.0573,0.1796,0.2181,0.0,0.0,reg oper account,block of flats,0.2352,Panel,No,0.0,0.0,0.0,0.0,-897.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2051881,331201,Consumer loans,8365.77,67455.0,69790.5,6745.5,67455.0,MONDAY,13,Y,1,0.09598702215000426,,,XAP,Approved,-847,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,12,Connectivity,12.0,high,POS mobile with interest,365243.0,-816.0,-486.0,-546.0,-540.0,0.0,0,Cash loans,M,Y,N,0,180000.0,254700.0,16276.5,225000.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,House / apartment,0.04622,-8864,-1037,-8864.0,-1286,14.0,1,1,1,1,0,0,Drivers,1.0,1,1,MONDAY,11,0,0,0,0,0,0,Police,0.16460877713429214,0.2825834598300594,0.7001838506835805,0.134,0.1336,0.9791,0.7144,0.0152,0.0,0.2759,0.1667,0.2083,0.0,0.1084,0.1204,0.0039,0.0073,0.1366,0.1386,0.9791,0.7256,0.0154,0.0,0.2759,0.1667,0.2083,0.0,0.1185,0.1254,0.0039,0.0077,0.1353,0.1336,0.9791,0.7182,0.0153,0.0,0.2759,0.1667,0.2083,0.0,0.1103,0.1225,0.0039,0.0074,reg oper account,block of flats,0.1046,"Stone, brick",No,0.0,0.0,0.0,0.0,-48.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2446855,437944,Revolving loans,13500.0,270000.0,270000.0,,270000.0,THURSDAY,5,Y,1,,,,XAP,Approved,-222,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),3,XNA,0.0,XNA,Card X-Sell,-222.0,-180.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,N,0,135000.0,677664.0,24471.0,585000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,Municipal apartment,0.0038179999999999998,-21025,365243,-13020.0,-4325,20.0,1,0,0,1,0,1,,2.0,2,2,TUESDAY,4,0,0,0,0,0,0,XNA,0.684999792249444,0.7019187168682417,0.6075573001388961,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1757.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1668983,239096,Cash loans,20492.1,405000.0,451777.5,,405000.0,MONDAY,17,Y,1,,,,XNA,Approved,-855,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,247500.0,272578.5,13243.5,207000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.006207,-21695,365243,-14099.0,-4564,,1,0,0,1,1,1,,1.0,2,2,TUESDAY,13,0,0,0,0,0,0,XNA,0.8286521886081294,0.7279757964007169,0.5814837058057234,0.0124,0.0045,0.9791,0.7144,0.0,0.0,0.069,0.0417,0.0833,,0.0101,0.0064,0.0,,0.0126,0.0047,0.9791,0.7256,0.0,0.0,0.069,0.0417,0.0833,,0.011,0.0066,0.0,,0.0125,0.0045,0.9791,0.7182,0.0,0.0,0.069,0.0417,0.0833,,0.0103,0.0065,0.0,,reg oper account,block of flats,0.0094,"Stone, brick",No,0.0,0.0,0.0,0.0,-1315.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1233571,131361,Cash loans,6047.685,54000.0,57564.0,,54000.0,THURSDAY,16,Y,1,,,,XNA,Approved,-408,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),3,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-378.0,-48.0,-48.0,-41.0,1.0,0,Revolving loans,F,Y,Y,0,99000.0,247500.0,12375.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-18260,-4451,-10617.0,-1801,6.0,1,1,0,1,0,0,Core staff,2.0,2,2,SATURDAY,14,0,0,0,0,1,1,School,,0.5465918774805103,0.0005272652387098817,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1426.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1168013,431275,Consumer loans,9963.585,94410.0,93379.5,9441.0,94410.0,SUNDAY,17,Y,1,0.10000055701661904,,,XAP,Refused,-1826,Cash through the bank,SCO,Other_B,New,Audio/Video,POS,XNA,Country-wide,1000,Consumer electronics,12.0,middle,POS household with interest,,,,,,,0,Cash loans,M,Y,N,0,234000.0,733315.5,49005.0,679500.0,Other_B,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.035792000000000004,-9280,-1932,-4009.0,-1950,13.0,1,1,0,1,1,0,Drivers,1.0,2,2,SATURDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.4320075014497496,,,,0.9841,,,,,,,,,0.0182,,,,,0.9841,,,,,,,,,0.0189,,,,,0.9841,,,,,,,,,0.0185,,,,,0.0179,,No,0.0,0.0,0.0,0.0,-161.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1831060,105382,Cash loans,8064.0,67500.0,71955.0,0.0,67500.0,WEDNESDAY,15,Y,1,0.0,,,Journey,Approved,-2209,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,12.0,high,Cash Street: high,365243.0,-2179.0,-1849.0,-1849.0,-1842.0,1.0,0,Revolving loans,M,Y,Y,0,112500.0,270000.0,13500.0,270000.0,Unaccompanied,Commercial associate,Incomplete higher,Single / not married,House / apartment,0.019688999999999998,-11869,-530,-7913.0,-4374,7.0,1,1,0,1,0,0,Core staff,1.0,2,2,MONDAY,15,0,0,0,0,0,0,Telecom,0.3515222399682769,0.7817499477600075,0.5154953751603267,,0.0531,0.9891,,,,0.0345,0.625,,0.051,,,,0.0033,,0.0551,0.9891,,,,0.0345,0.625,,0.0521,,,,0.0035,,0.0531,0.9891,,,,0.0345,0.625,,0.0519,,,,0.0034,,block of flats,0.1121,,No,0.0,0.0,0.0,0.0,-1726.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1041841,232984,Cash loans,16643.205,315000.0,368293.5,,315000.0,THURSDAY,17,Y,1,,,,XNA,Approved,-781,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-751.0,299.0,-151.0,-148.0,1.0,0,Cash loans,M,Y,Y,1,225000.0,403083.0,31324.5,373500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.030755,-18397,-10082,-4338.0,-1936,8.0,1,1,1,1,1,0,Laborers,3.0,2,2,MONDAY,10,0,0,0,0,0,0,Business Entity Type 2,0.6301554041204571,0.5564464733641881,0.7503751495159068,0.0856,0.0855,0.9742,0.6464,0.0303,0.0,0.1379,0.1667,0.2083,0.0269,0.0672,0.0675,0.0116,0.003,0.0872,0.0887,0.9742,0.6602,0.0306,0.0,0.1379,0.1667,0.2083,0.0275,0.0735,0.0704,0.0117,0.0032,0.0864,0.0855,0.9742,0.6511,0.0305,0.0,0.1379,0.1667,0.2083,0.0273,0.0684,0.0688,0.0116,0.0031,reg oper account,block of flats,0.0703,Panel,No,1.0,0.0,1.0,0.0,-2195.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +2587098,221764,Cash loans,7606.125,112500.0,112500.0,0.0,112500.0,WEDNESDAY,9,Y,1,0.0,,,XNA,Refused,-2555,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,24.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,157500.0,239850.0,28462.5,225000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.019101,-19793,-629,-11820.0,-3350,,1,1,1,1,1,0,,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Other,,0.7585993946442815,0.520897599048938,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2555.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2452072,254747,Cash loans,60104.43,1350000.0,1574532.0,,1350000.0,SUNDAY,12,Y,1,,,,Repairs,Refused,-146,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),-1,XNA,36.0,low_normal,Cash Street: low,,,,,,,1,Cash loans,F,N,Y,2,135000.0,1078200.0,38331.0,900000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.020246,-12407,-1379,-24.0,-3614,,1,1,0,1,0,0,Core staff,4.0,3,3,SATURDAY,10,0,0,0,0,0,0,Government,0.3496365099529265,0.6036027159656724,0.1206410299309233,0.0928,0.101,0.9811,0.7416,0.0125,0.0,0.2069,0.1667,0.2083,0.1658,0.0756,0.0858,0.0,0.0,0.0945,0.1048,0.9811,0.7517,0.0126,0.0,0.2069,0.1667,0.2083,0.1696,0.0826,0.0894,0.0,0.0,0.0937,0.101,0.9811,0.7451,0.0126,0.0,0.2069,0.1667,0.2083,0.1687,0.077,0.0873,0.0,0.0,reg oper account,block of flats,0.0675,Panel,No,0.0,0.0,0.0,0.0,-3144.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,1.0 +1921966,384910,Consumer loans,26011.53,459000.0,459000.0,0.0,459000.0,FRIDAY,20,Y,1,0.0,,,XAP,Approved,-943,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Stone,130,Consumer electronics,24.0,middle,POS household with interest,365243.0,-902.0,-212.0,-242.0,-234.0,0.0,0,Cash loans,M,Y,N,0,225000.0,1971072.0,59890.5,1800000.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.072508,-23816,-1352,-14085.0,-4293,8.0,1,1,1,1,1,0,High skill tech staff,2.0,1,1,TUESDAY,13,0,0,0,0,0,0,Construction,,0.6777189158477637,,0.3052,0.1551,0.9806,0.7348,0.4283,0.48,0.2069,0.4583,0.5,0.0,0.2412,0.2977,0.0347,0.0038,0.3109,0.1609,0.9806,0.7452,0.4322,0.4834,0.2069,0.4583,0.5,0.0,0.2635,0.3102,0.035,0.004,0.3081,0.1551,0.9806,0.7383,0.431,0.48,0.2069,0.4583,0.5,0.0,0.2454,0.3031,0.0349,0.0039,reg oper account,block of flats,0.219,Panel,No,0.0,0.0,0.0,0.0,-943.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1088577,261919,Consumer loans,11226.42,57618.0,54418.5,5764.5,57618.0,FRIDAY,13,Y,1,0.10431624454504672,,,XAP,Approved,-1973,Cashless from the account of the employer,XAP,,Repeater,Sport and Leisure,POS,XNA,Stone,60,Consumer electronics,6.0,high,POS household with interest,365243.0,-1935.0,-1785.0,-1785.0,-1775.0,0.0,0,Cash loans,F,N,N,3,112500.0,545040.0,20677.5,450000.0,Family,Working,Secondary / secondary special,Married,Municipal apartment,0.031329,-12205,-3313,-9722.0,-3213,,1,1,1,1,0,0,Cooking staff,5.0,2,2,THURSDAY,12,0,0,0,0,0,0,Medicine,0.4234191801783872,0.5016747473229507,0.41184855592423975,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-1786.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1558807,144698,Cash loans,30875.31,778500.0,778500.0,,778500.0,MONDAY,9,Y,1,,,,XNA,Refused,-195,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,N,0,270000.0,454500.0,23215.5,454500.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.014519999999999996,-19979,-3790,-1209.0,-3427,25.0,1,1,0,1,1,0,Accountants,1.0,2,2,FRIDAY,9,0,0,0,0,0,0,Industry: type 11,,0.595048831562043,0.7180328113294772,0.0742,,0.9791,0.7144,,0.0,0.069,0.1667,0.0417,,0.0597,,0.0039,,0.0756,,0.9791,0.7256,,0.0,0.069,0.1667,0.0417,,0.0652,,0.0039,,0.0749,,0.9791,0.7182,,0.0,0.069,0.1667,0.0417,,0.0607,,0.0039,,reg oper account,block of flats,0.0583,"Stone, brick",No,0.0,0.0,0.0,0.0,-1649.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,4.0,4.0 +1493520,106836,Consumer loans,5875.875,30996.0,29277.0,3100.5,30996.0,THURSDAY,11,Y,1,0.10429237475519612,,,XAP,Approved,-2673,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,35,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2642.0,-2492.0,-2492.0,-2488.0,1.0,0,Revolving loans,F,N,Y,0,51750.0,135000.0,6750.0,135000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-20383,365243,-3830.0,-3946,,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,XNA,,0.591825220323829,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1930.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2353530,385770,Consumer loans,3053.925,19255.5,19255.5,0.0,19255.5,FRIDAY,19,Y,1,0.0,,,XAP,Approved,-2720,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,3063,Consumer electronics,8.0,high,POS household with interest,365243.0,-2689.0,-2479.0,-2479.0,-2473.0,0.0,0,Cash loans,M,N,Y,0,112500.0,568858.5,30987.0,432000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006207,-17874,-2870,-55.0,-1426,,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Self-employed,,0.4575120127378315,0.1624419982223248,0.0619,0.0557,0.9767,0.6804,,0.0,0.1034,0.1667,0.2083,0.026,0.0504,0.0519,,0.0,0.063,0.0578,0.9767,0.6929,,0.0,0.1034,0.1667,0.2083,0.0266,0.0551,0.0541,,0.0,0.0625,0.0557,0.9767,0.6847,,0.0,0.1034,0.1667,0.2083,0.0265,0.0513,0.0529,,0.0,reg oper account,block of flats,0.0441,Panel,No,2.0,1.0,2.0,1.0,-2027.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1066925,121570,Cash loans,14244.12,225000.0,269550.0,,225000.0,FRIDAY,15,Y,1,,,,XNA,Refused,-154,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,85500.0,338832.0,20605.5,292500.0,Children,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.030755,-18865,-2520,-7993.0,-2415,,1,1,0,1,0,0,,1.0,2,2,FRIDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.4123687389485043,0.4668640059537032,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,1.0,0.0,0.0,0.0,2.0 +2466411,340629,Cash loans,26950.41,243000.0,243000.0,,243000.0,MONDAY,10,Y,1,,,,XNA,Approved,-884,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,AP+ (Cash loan),1,XNA,12.0,high,Cash X-Sell: high,365243.0,-854.0,-524.0,-704.0,-695.0,0.0,0,Cash loans,M,Y,N,0,315000.0,251091.0,24588.0,238500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-10557,-360,-4466.0,-3241,3.0,1,1,0,1,0,0,Drivers,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Other,,0.5368637506013156,0.33928769990891394,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1274680,449862,Consumer loans,7328.25,65655.0,64737.0,6750.0,65655.0,THURSDAY,14,Y,1,0.102834971902075,,,XAP,Approved,-2197,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Regional / Local,395,Consumer electronics,12.0,high,POS household with interest,365243.0,-2166.0,-1836.0,-1836.0,-1830.0,0.0,0,Cash loans,F,N,N,0,157500.0,976500.0,41503.5,976500.0,Family,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.003069,-22562,365243,-3843.0,-4786,,1,0,0,1,0,0,,2.0,3,3,WEDNESDAY,13,0,0,0,0,0,0,XNA,0.4813667127896381,0.5893242395515375,0.12850437737240394,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2197.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1338175,200313,Consumer loans,10706.04,99000.0,108801.0,0.0,99000.0,FRIDAY,10,Y,1,0.0,,,XAP,Approved,-1161,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Stone,10,Furniture,12.0,middle,POS industry with interest,365243.0,-1130.0,-800.0,-800.0,-795.0,0.0,0,Revolving loans,F,N,N,0,90000.0,225000.0,11250.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.019101,-19206,365243,-6953.0,-2746,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,XNA,,0.5844413031630046,0.6528965519806539,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1608.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1422475,382216,Consumer loans,4549.5,50548.5,45490.5,5058.0,50548.5,MONDAY,18,Y,1,0.10897695912206726,,,XAP,Refused,-323,Cash through the bank,LIMIT,Unaccompanied,Repeater,Furniture,POS,XNA,Country-wide,40,Construction,12.0,middle,POS industry with interest,,,,,,,0,Cash loans,M,Y,N,1,270000.0,1042812.0,37075.5,747000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.0228,-11586,-714,-733.0,-3952,2.0,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,9,0,0,0,1,0,1,Business Entity Type 3,,0.5605390359596119,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1724182,246909,Consumer loans,17004.375,151299.0,137799.0,15750.0,151299.0,MONDAY,12,Y,1,0.1117114524886636,,,XAP,Approved,-1508,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Regional / Local,450,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1477.0,-1207.0,-1207.0,-1194.0,0.0,0,Cash loans,F,N,Y,0,328500.0,1208304.0,51322.5,1080000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.04622,-20940,365243,-3548.0,-4481,,1,0,0,1,0,0,,2.0,1,1,THURSDAY,11,0,0,0,0,0,0,XNA,0.7405922694149557,0.5963654785549136,0.7121551551910698,0.0351,,0.9682,,,,0.069,0.0833,,,,0.0116,,0.0237,0.0357,,0.9682,,,,0.069,0.0833,,,,0.0121,,0.0251,0.0354,,0.9682,,,,0.069,0.0833,,,,0.0118,,0.0242,,block of flats,0.0143,"Stone, brick",No,0.0,0.0,0.0,0.0,-1508.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +1721380,217068,Cash loans,14232.69,112500.0,119925.0,,112500.0,SATURDAY,12,Y,1,,,,Furniture,Approved,-576,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-546.0,-216.0,-306.0,-295.0,1.0,0,Cash loans,F,N,N,1,67500.0,207396.0,12816.0,157500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009549,-14560,-3606,-7690.0,-3972,,1,1,0,1,0,0,Waiters/barmen staff,3.0,2,2,MONDAY,17,0,0,0,0,0,0,Other,0.4078081546841073,0.41097052231237374,0.622922000268356,0.0206,0.0207,0.9712,,,,0.1034,0.0833,,0.0501,,0.0297,,0.0265,0.021,0.0215,0.9712,,,,0.1034,0.0833,,0.0512,,0.0309,,0.028,0.0208,0.0207,0.9712,,,,0.1034,0.0833,,0.051,,0.0302,,0.027000000000000003,,block of flats,0.0338,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +1437413,191470,Consumer loans,3252.015,25375.5,22599.0,4500.0,25375.5,TUESDAY,8,Y,1,0.1808520274146312,,,XAP,Approved,-2131,Cash through the bank,XAP,"Spouse, partner",New,Mobile,POS,XNA,Country-wide,36,Connectivity,10.0,high,POS mobile with interest,365243.0,-2099.0,-1829.0,-1889.0,-1881.0,0.0,0,Cash loans,F,Y,Y,0,112500.0,659610.0,21406.5,472500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-14784,-5817,-4566.0,-3485,24.0,1,1,0,1,0,0,Security staff,2.0,3,3,FRIDAY,7,0,0,0,0,0,0,Kindergarten,,0.5937571891667928,0.4241303111942548,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2131.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2241085,350249,Consumer loans,13359.195,126585.0,125203.5,12658.5,126585.0,WEDNESDAY,10,Y,1,0.100000415435198,,,XAP,Approved,-1883,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,3575,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1852.0,-1522.0,-1522.0,-1515.0,0.0,0,Cash loans,F,N,Y,0,135000.0,1258650.0,53455.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-19064,-493,-7077.0,-2121,,1,1,1,1,0,0,,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.5247194167914286,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1883.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1542887,438507,Cash loans,17847.0,252000.0,286929.0,0.0,252000.0,THURSDAY,9,Y,1,0.0,,,XNA,Approved,-1831,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,30.0,high,Cash X-Sell: high,365243.0,-1801.0,-931.0,-1501.0,-1492.0,1.0,1,Cash loans,M,N,Y,0,135000.0,373311.0,22689.0,283500.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.0105,-15562,-7824,-7881.0,-3989,,1,1,0,1,1,0,Laborers,2.0,3,3,MONDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.3473706120934497,0.5478705515762112,0.2445163919946749,0.0361,,0.9841,,,0.04,,0.3333,,,,,,,0.0368,,0.9841,,,0.0403,,0.3333,,,,,,,0.0364,,0.9841,,,0.04,,0.3333,,,,,,,,block of flats,0.0348,"Stone, brick",No,0.0,0.0,0.0,0.0,-1831.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2244110,199916,Consumer loans,3319.695,17235.0,16281.0,1723.5,17235.0,SUNDAY,14,Y,1,0.10425439094771764,,,XAP,Approved,-1376,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,41,Connectivity,6.0,high,POS mobile with interest,365243.0,-1341.0,-1191.0,-1191.0,-1186.0,0.0,0,Cash loans,F,Y,Y,0,112500.0,381528.0,13833.0,315000.0,Unaccompanied,Pensioner,Lower secondary,Married,House / apartment,0.010643000000000001,-22077,365243,-4459.0,-4542,64.0,1,0,0,1,0,0,,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,XNA,,0.4663385326463495,0.5744466170995097,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1376.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2128120,309636,Consumer loans,10373.085,40455.0,36409.5,4045.5,40455.0,SATURDAY,7,Y,1,0.1089090909090909,,,XAP,Approved,-2405,XNA,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,45,Connectivity,4.0,low_normal,POS mobile with interest,365243.0,-2374.0,-2284.0,-2284.0,-2278.0,0.0,1,Cash loans,F,Y,N,0,202500.0,808650.0,26217.0,675000.0,Children,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.010032,-15656,-2896,-4773.0,-3116,14.0,1,1,0,1,1,0,Sales staff,1.0,2,2,TUESDAY,3,0,0,0,0,0,0,Other,0.1870569194117911,0.1767331680236844,0.178760465484575,0.1082,0.1184,0.9811,0.7416,0.0533,0.0,0.2759,0.1667,0.2083,0.1742,0.0874,0.0968,0.0039,0.0829,0.1103,0.1229,0.9811,0.7517,0.0538,0.0,0.2759,0.1667,0.2083,0.1782,0.0955,0.1009,0.0039,0.0877,0.1093,0.1184,0.9811,0.7451,0.0536,0.0,0.2759,0.1667,0.2083,0.1772,0.0889,0.0986,0.0039,0.0846,,block of flats,0.1233,"Stone, brick",No,0.0,0.0,0.0,0.0,-2125.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2138811,362254,Consumer loans,10736.055,238050.0,238050.0,0.0,238050.0,SATURDAY,9,Y,1,0.0,,,XAP,Approved,-1183,Cash through the bank,XAP,Family,Repeater,Gardening,POS,XNA,Country-wide,80,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1148.0,-458.0,-698.0,-692.0,0.0,0,Revolving loans,F,Y,Y,0,85500.0,247500.0,12375.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-19255,-4524,-9192.0,-2560,14.0,1,1,1,1,0,0,Cooking staff,2.0,2,2,SATURDAY,11,0,0,0,1,1,0,Business Entity Type 3,,0.5817621067822883,0.7583930617144343,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1456.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2683088,281576,Cash loans,9239.985,90000.0,95940.0,,90000.0,TUESDAY,17,Y,1,,,,XNA,Approved,-188,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-158.0,172.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,225000.0,408780.0,15538.5,337500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.0060079999999999995,-17193,-2208,-8312.0,-399,,1,1,0,1,0,0,Sales staff,1.0,2,2,MONDAY,17,0,0,0,0,1,1,Self-employed,,0.6779624552618313,0.5585066276769286,0.1124,0.1016,0.9871,0.8232,0.0906,0.12,0.1034,0.3333,0.375,,0.0899,0.1168,0.0077,0.0191,0.1145,0.1054,0.9871,0.8301,0.0914,0.1208,0.1034,0.3333,0.375,,0.0983,0.1217,0.0078,0.0202,0.1135,0.1016,0.9871,0.8256,0.0912,0.12,0.1034,0.3333,0.375,,0.0915,0.1189,0.0078,0.0195,reg oper account,block of flats,0.1456,"Stone, brick",No,0.0,0.0,0.0,0.0,-347.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1306267,311510,Consumer loans,7501.77,40081.5,42462.0,0.0,40081.5,WEDNESDAY,13,Y,1,0.0,,,XAP,Approved,-532,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Regional / Local,12,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-492.0,-342.0,-342.0,-339.0,0.0,0,Cash loans,M,Y,Y,0,270000.0,595912.5,47776.5,562500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.04622,-14785,-1001,-8742.0,-4816,10.0,1,1,1,1,1,0,Drivers,1.0,1,1,WEDNESDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.7322759429544111,,0.0165,0.0,0.9682,0.5648,0.0022,0.0,0.069,0.0417,0.0833,,0.0134,0.0136,0.0,0.0,0.0168,0.0,0.9682,0.5818,0.0022,0.0,0.069,0.0417,0.0833,,0.0147,0.0142,0.0,0.0,0.0167,0.0,0.9682,0.5706,0.0022,0.0,0.069,0.0417,0.0833,,0.0137,0.0138,0.0,0.0,not specified,block of flats,0.0134,"Stone, brick",No,0.0,0.0,0.0,0.0,-273.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1661124,427016,Cash loans,26563.68,229500.0,271332.0,,229500.0,FRIDAY,11,Y,1,,,,XNA,Approved,-1141,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-1111.0,-781.0,-781.0,-774.0,1.0,0,Cash loans,F,N,Y,1,180000.0,900000.0,46084.5,900000.0,Family,Commercial associate,Higher education,Separated,House / apartment,0.026392000000000002,-16138,-1522,-10194.0,-4879,,1,1,0,1,0,1,High skill tech staff,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.3627301309523656,0.7191011582682301,0.5656079814115492,0.1082,0.026,0.9836,,,0.12,0.1034,0.3333,,0.0868,,0.1118,,0.0585,0.1103,0.0269,0.9836,,,0.1208,0.1034,0.3333,,0.0888,,0.1165,,0.0619,0.1093,0.026,0.9836,,,0.12,0.1034,0.3333,,0.0883,,0.1138,,0.0597,,block of flats,0.1007,"Stone, brick",No,0.0,0.0,0.0,0.0,-1389.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2463681,120880,Consumer loans,9394.965,49401.0,50184.0,4941.0,49401.0,THURSDAY,12,Y,1,0.09761810760667904,,,XAP,Approved,-805,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,1700,Consumer electronics,6.0,middle,POS household with interest,365243.0,-774.0,-624.0,-624.0,-619.0,0.0,0,Revolving loans,F,Y,Y,0,157500.0,247500.0,12375.0,247500.0,Children,Pensioner,Secondary / secondary special,Married,House / apartment,0.00963,-21736,365243,-2269.0,-2836,23.0,1,0,0,1,1,0,,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,XNA,,0.6034823695710452,0.7091891096653581,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1800.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1671526,152539,Consumer loans,15871.995,234360.0,238068.0,23436.0,234360.0,SUNDAY,13,Y,1,0.0976043752503003,,,XAP,Approved,-638,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,200,Furniture,18.0,low_normal,POS industry with interest,365243.0,-607.0,-97.0,-97.0,-92.0,0.0,0,Cash loans,F,N,Y,0,99000.0,219870.0,9445.5,157500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.010966,-19153,-4397,-7955.0,-2625,,1,1,0,1,0,0,Medicine staff,2.0,2,2,MONDAY,13,0,0,0,0,0,0,Medicine,,0.31333374914217565,0.7366226976503176,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1670.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2543359,236921,Consumer loans,5970.015,112050.0,112050.0,0.0,112050.0,THURSDAY,10,Y,1,0.0,,,XAP,Approved,-149,Cash through the bank,XAP,,New,Medical Supplies,POS,XNA,Country-wide,80,Industry,24.0,low_normal,POS industry with interest,365243.0,-118.0,572.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,Y,0,112500.0,135000.0,6750.0,135000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,Office apartment,0.028663,-21380,365243,-4670.0,-4408,,1,0,0,1,0,0,,1.0,2,2,SATURDAY,9,0,0,0,0,0,0,XNA,0.77449598374798,0.5831076343034961,0.5280927512030451,0.0165,0.0,0.9747,0.6532,0.0,0.0,0.0,0.0417,0.0833,0.0187,0.0134,0.0122,0.0,0.0,0.0168,0.0,0.9747,0.6668,0.0,0.0,0.0,0.0417,0.0833,0.0191,0.0147,0.0127,0.0,0.0,0.0167,0.0,0.9747,0.6578,0.0,0.0,0.0,0.0417,0.0833,0.019,0.0137,0.0124,0.0,0.0,reg oper account,block of flats,0.0096,"Stone, brick",No,1.0,1.0,1.0,1.0,-149.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1722446,177536,Cash loans,17208.315,135000.0,143910.0,,135000.0,TUESDAY,14,Y,1,,,,XNA,Refused,-1290,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,225000.0,450000.0,22018.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-11796,-1561,-218.0,-2379,,1,1,0,1,1,0,,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.3606505784663001,0.6728664853252685,0.2512394458905693,0.101,,0.999,,,,0.069,0.25,,,,,,,0.1029,,0.999,,,,0.069,0.25,,,,,,,0.102,,0.999,,,,0.069,0.25,,,,,,,,block of flats,0.0751,"Stone, brick",No,0.0,0.0,0.0,0.0,-1442.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1718379,245422,Cash loans,44751.24,1129500.0,1244304.0,,1129500.0,MONDAY,17,Y,1,,,,Other,Approved,-620,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,42.0,low_normal,Cash X-Sell: low,365243.0,-590.0,640.0,365243.0,365243.0,1.0,0,Revolving loans,F,N,Y,0,157500.0,202500.0,10125.0,202500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.04622,-23700,-3987,-14799.0,-4199,,1,1,0,1,1,0,Laborers,2.0,1,1,FRIDAY,9,0,0,0,0,0,0,Housing,,0.6502875435203689,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-368.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2820727,326048,Cash loans,25512.165,675000.0,790830.0,,675000.0,THURSDAY,10,Y,1,,,,XNA,Approved,-971,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-941.0,829.0,-431.0,-422.0,1.0,0,Cash loans,F,N,Y,0,130500.0,540000.0,19525.5,540000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-17623,-696,-7007.0,-1174,,1,1,0,1,0,1,Security staff,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Security,0.4953953542467615,0.6068368501817543,0.4083588531230431,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2123.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2580309,448172,Consumer loans,9739.08,83691.0,81949.5,8370.0,83691.0,SATURDAY,12,Y,1,0.10092716311639134,,,XAP,Approved,-695,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,2358,Consumer electronics,10.0,middle,POS household with interest,365243.0,-664.0,-394.0,-424.0,-414.0,0.0,0,Cash loans,F,Y,N,0,99000.0,1125000.0,32895.0,1125000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-23188,365243,-14990.0,-4183,26.0,1,0,0,1,1,0,,2.0,2,2,MONDAY,9,0,0,0,0,0,0,XNA,,0.7744788720693306,0.6512602186973006,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-695.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1237276,374425,Cash loans,21236.715,90000.0,104733.0,,90000.0,MONDAY,11,Y,1,,,,XNA,Approved,-807,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,0,XNA,6.0,high,Cash Street: high,365243.0,-777.0,-627.0,-627.0,-617.0,1.0,0,Cash loans,M,Y,Y,1,202500.0,545040.0,36553.5,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.032561,-12541,-801,-1776.0,-1789,15.0,1,1,0,1,0,1,Managers,3.0,1,1,WEDNESDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.6075759007784367,0.6864012506961757,0.33928769990891394,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-807.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1913649,145473,Cash loans,55028.52,990000.0,1076247.0,,990000.0,SUNDAY,13,Y,1,,,,XNA,Refused,-906,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,36.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,N,Y,0,261000.0,631332.0,64692.0,585000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.02461,-18685,-1422,-84.0,-75,,1,1,0,1,0,0,Cooking staff,2.0,2,2,WEDNESDAY,17,0,0,0,1,1,0,Self-employed,,0.6930835465226428,0.3706496323299817,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,0.0,-2226.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2024984,414652,Cash loans,34788.15,1035000.0,1185282.0,,1035000.0,TUESDAY,4,Y,1,,,,XNA,Refused,-267,Cash through the bank,HC,Children,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,427500.0,1350000.0,92596.5,1350000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.018029,-22619,365243,-4146.0,-4158,,1,0,0,1,1,0,,1.0,3,2,FRIDAY,15,0,0,0,0,0,0,XNA,,0.17133942971863192,0.4418358231994413,0.199,0.1355,0.9846,0.7892,0.0953,0.24,0.2069,0.3333,0.375,0.1584,0.1505,0.1994,0.0541,0.0708,0.2027,0.1406,0.9846,0.7975,0.0962,0.2417,0.2069,0.3333,0.375,0.162,0.1644,0.2077,0.0545,0.0749,0.2009,0.1355,0.9846,0.792,0.0959,0.24,0.2069,0.3333,0.375,0.1611,0.1531,0.203,0.0543,0.0723,reg oper account,block of flats,0.2241,Panel,No,0.0,0.0,0.0,0.0,-865.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1381185,174191,Consumer loans,5697.36,54247.5,48820.5,5427.0,54247.5,SUNDAY,14,Y,1,0.10895426265977903,,,XAP,Approved,-2619,XNA,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Stone,115,Connectivity,12.0,high,POS mobile with interest,365243.0,-2585.0,-2255.0,-2285.0,-2276.0,0.0,1,Cash loans,F,Y,N,1,225000.0,448056.0,21919.5,315000.0,Family,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.025164,-14005,-3643,-7756.0,-4758,14.0,1,1,0,1,0,0,Sales staff,3.0,2,2,MONDAY,13,0,0,0,0,0,0,Self-employed,,0.6798358922906379,,0.4464,0.2198,0.9836,0.7756,0.0774,0.48,0.4138,0.3333,0.375,0.2562,0.3631,0.4701,0.0039,0.0012,0.4548,0.228,0.9836,0.7844,0.0781,0.4834,0.4138,0.3333,0.375,0.262,0.3967,0.4897,0.0039,0.0013,0.4507,0.2198,0.9836,0.7786,0.0779,0.48,0.4138,0.3333,0.375,0.2606,0.3694,0.4785,0.0039,0.0012,not specified,block of flats,0.4136,Panel,No,0.0,0.0,0.0,0.0,-1146.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +1232048,201521,Cash loans,15281.01,162000.0,178038.0,,162000.0,MONDAY,7,Y,1,,,,XNA,Approved,-593,XNA,XAP,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),6,XNA,18.0,high,Cash X-Sell: high,365243.0,-563.0,-53.0,-53.0,-48.0,1.0,0,Cash loans,F,N,N,1,180000.0,656361.0,27940.5,522000.0,"Spouse, partner",Working,Secondary / secondary special,Civil marriage,House / apartment,0.014464,-10902,-1030,-4545.0,-3558,,1,1,0,1,0,0,,3.0,2,2,SATURDAY,8,0,0,0,1,1,0,Business Entity Type 3,0.25461998925113394,0.4220400001438073,0.7281412993111438,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-593.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,6.0 +1690421,337639,Cash loans,14584.05,135000.0,182956.5,0.0,135000.0,THURSDAY,18,Y,1,0.0,,,Repairs,Approved,-1627,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,24.0,high,Cash Street: high,,,,,,,0,Cash loans,F,Y,N,1,270000.0,1345500.0,48460.5,1345500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.026392000000000002,-10976,-756,-4868.0,-1869,3.0,1,1,0,1,0,0,Laborers,3.0,2,2,MONDAY,17,0,0,0,0,0,0,Industry: type 12,0.31603595872577034,0.6235299402925106,0.3344541255096772,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-227.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,1.0 +1761478,376405,Cash loans,15001.74,229500.0,254340.0,,229500.0,SATURDAY,10,Y,1,,,,XNA,Approved,-770,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-740.0,-50.0,-518.0,-510.0,1.0,0,Cash loans,F,N,Y,0,292500.0,153576.0,8946.0,121500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010966,-20980,365243,-11526.0,-2798,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,XNA,,0.2007754035972499,0.7688075728291359,0.1,0.0838,0.9841,0.7824,0.0117,0.0,0.2069,0.1667,0.2083,0.0,0.0799,0.0889,0.0077,0.0095,0.1019,0.087,0.9841,0.7909,0.0118,0.0,0.2069,0.1667,0.2083,0.0,0.0872,0.0926,0.0078,0.0101,0.101,0.0838,0.9841,0.7853,0.0118,0.0,0.2069,0.1667,0.2083,0.0,0.0812,0.0905,0.0078,0.0097,org spec account,block of flats,0.0778,Panel,No,2.0,0.0,2.0,0.0,-2265.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2259199,251960,Cash loans,5177.475,67500.0,67500.0,,67500.0,FRIDAY,13,Y,1,,,,XNA,Approved,-915,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),3,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-885.0,-375.0,-705.0,-695.0,0.0,0,Cash loans,F,N,Y,0,135000.0,254700.0,14350.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.004849,-24114,365243,-3456.0,-3683,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,XNA,,0.5910008911948544,0.4525335592581747,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1461.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1541499,263465,Consumer loans,5036.265,55539.0,42039.0,13500.0,55539.0,SATURDAY,15,Y,1,0.26472797984708524,,,XAP,Approved,-1000,Cash through the bank,XAP,Family,New,Construction Materials,POS,XNA,Regional / Local,146,Construction,10.0,middle,POS industry with interest,365243.0,-960.0,-690.0,-780.0,-774.0,0.0,0,Cash loans,F,N,Y,0,180000.0,1512796.5,52713.0,1381500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-16384,-711,-2901.0,-4846,,1,1,0,1,0,0,,2.0,2,2,FRIDAY,12,0,0,0,0,1,1,Business Entity Type 2,0.5956530800519408,0.4990615785940238,0.6092756673894402,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1000.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2512193,183047,Consumer loans,19276.515,97411.5,102555.0,0.0,97411.5,SATURDAY,10,Y,1,0.0,,,XAP,Approved,-438,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,2711,Consumer electronics,6.0,middle,POS household with interest,365243.0,-406.0,-256.0,-316.0,-311.0,0.0,0,Cash loans,F,N,Y,0,135000.0,742500.0,21694.5,742500.0,Unaccompanied,Working,Incomplete higher,Married,With parents,0.01885,-12333,-2695,-5857.0,-3402,,1,1,1,1,0,1,High skill tech staff,2.0,2,2,WEDNESDAY,15,0,0,0,1,1,0,Government,0.5895176186693638,0.6068264155399048,0.501075160239048,,,0.9841,0.7824,,,,0.1667,0.0417,0.0618,0.0756,0.0889,,,,,0.9841,0.7909,,,,0.1667,0.0417,0.0632,0.0826,0.0927,,,,,0.9841,0.7853,,,,0.1667,0.0417,0.0628,0.077,0.0905,,,,block of flats,0.0765,Panel,No,2.0,1.0,2.0,1.0,-791.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2391967,304081,Cash loans,19548.99,225000.0,247275.0,,225000.0,TUESDAY,9,Y,1,,,,XNA,Refused,-242,Cash through the bank,HC,Children,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,171000.0,450000.0,23107.5,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-24370,365243,-1902.0,-4642,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,XNA,,0.4944313471856546,0.2955826421513093,0.3464,0.0836,0.9791,0.7144,0.0928,0.28,0.2414,0.3333,0.375,0.1903,0.2824,0.2949,0.0,0.0537,0.3529,0.0868,0.9791,0.7256,0.0936,0.282,0.2414,0.3333,0.375,0.1947,0.3085,0.3072,0.0,0.0568,0.3497,0.0836,0.9791,0.7182,0.0933,0.28,0.2414,0.3333,0.375,0.1936,0.2873,0.3002,0.0,0.0548,reg oper account,block of flats,0.2943,"Stone, brick",No,2.0,1.0,2.0,1.0,-536.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1413382,371610,Cash loans,45864.36,450000.0,470790.0,,450000.0,TUESDAY,5,Y,1,,,,XNA,Approved,-648,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-618.0,-288.0,-588.0,-573.0,1.0,0,Cash loans,F,Y,Y,2,157500.0,381528.0,27778.5,315000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.020713,-16050,-2556,-3820.0,-4130,3.0,1,1,0,1,0,0,Core staff,4.0,3,3,SATURDAY,6,0,0,0,0,0,0,Kindergarten,,0.04650750377262355,0.6296742509538716,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-648.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2787863,275546,Consumer loans,17482.275,186345.0,163845.0,22500.0,186345.0,SATURDAY,12,Y,1,0.13150095497354605,,,XAP,Approved,-1773,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,1444,Furniture,12.0,middle,POS industry with interest,365243.0,-1740.0,-1410.0,-1590.0,-1583.0,0.0,0,Cash loans,F,Y,Y,0,225000.0,495000.0,21933.0,495000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-20889,-3116,-1726.0,-4442,65.0,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Self-employed,,0.582028118469397,0.5082869913916046,0.4722,0.3864,0.997,0.9524,0.2201,0.52,0.3621,0.5417,0.375,0.0672,0.4446,0.5349,0.0965,0.284,0.4811,0.4009,0.997,0.9543,0.2221,0.4834,0.3448,0.5417,0.375,0.0687,0.4858,0.5282,0.0973,0.2641,0.4767,0.3864,0.997,0.953,0.2215,0.52,0.3621,0.5417,0.375,0.0684,0.4523,0.5445,0.097,0.29,reg oper account,block of flats,0.453,"Stone, brick",No,2.0,0.0,2.0,0.0,-1773.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1961965,258931,Consumer loans,3599.595,26995.5,18895.5,8100.0,26995.5,FRIDAY,14,Y,1,0.3267817363499977,,,XAP,Approved,-2623,Cash through the bank,XAP,Unaccompanied,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,10,Consumer electronics,6.0,middle,POS household without interest,365243.0,-2588.0,-2438.0,-2438.0,-2432.0,0.0,0,Cash loans,M,N,N,4,67500.0,381528.0,21901.5,315000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.02461,-14833,-1572,-789.0,-4009,,1,1,0,1,0,0,Sales staff,6.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Self-employed,0.2636235120496328,0.6711168183336355,0.4561097392782771,0.1072,0.0788,0.9796,0.7008,0.0249,0.0,0.1034,0.1667,0.2083,0.0325,0.111,0.0546,0.0347,0.033,0.0704,0.0757,0.9782,0.7125,0.0251,0.0,0.069,0.1667,0.2083,0.016,0.1212,0.0465,0.035,0.0,0.1083,0.0788,0.9796,0.7048,0.0251,0.0,0.1034,0.1667,0.2083,0.0331,0.1129,0.0555,0.0349,0.0337,reg oper account,block of flats,0.0507,"Stone, brick",No,0.0,0.0,0.0,0.0,-216.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1423702,433481,Cash loans,24762.285,180000.0,218961.0,0.0,180000.0,TUESDAY,13,Y,1,0.0,,,XNA,Approved,-2092,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-2062.0,-1732.0,-1732.0,-1730.0,1.0,0,Cash loans,F,Y,Y,0,180000.0,790830.0,62482.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.04622,-16982,-3306,-6733.0,-529,2.0,1,1,0,1,0,0,Laborers,2.0,1,1,MONDAY,16,0,0,0,0,1,1,Business Entity Type 3,,0.6447375732596003,0.3425288720742255,0.0052,,0.9826,,,0.0,0.0345,0.0,,0.0,,0.0047,,0.0,0.0053,,0.9826,,,0.0,0.0345,0.0,,0.0,,0.0049,,0.0,0.0052,,0.9826,,,0.0,0.0345,0.0,,0.0,,0.0048,,0.0,,terraced house,0.0037,,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2832803,377675,Consumer loans,10974.15,96120.0,92844.0,22500.0,96120.0,SUNDAY,13,Y,1,0.21244750879582333,,,XAP,Approved,-1992,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Stone,57,Connectivity,12.0,high,POS mobile with interest,365243.0,-1957.0,-1627.0,-1627.0,-1621.0,0.0,0,Cash loans,M,Y,Y,0,270000.0,135000.0,14670.0,135000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.010006000000000001,-16532,-2784,-3782.0,-58,5.0,1,1,1,1,1,0,Security staff,2.0,2,2,THURSDAY,17,0,0,0,0,0,0,Government,0.4431159797410533,0.5201419546626572,0.363945238612397,0.1196,0.065,0.9851,0.7959999999999999,0.0104,0.08,0.0345,0.2917,0.3333,0.0237,0.0958,0.068,0.0077,0.0071,0.1218,0.0675,0.9851,0.804,0.0105,0.0806,0.0345,0.2917,0.3333,0.0242,0.1047,0.0709,0.0078,0.0075,0.1207,0.065,0.9851,0.7987,0.0105,0.08,0.0345,0.2917,0.3333,0.0241,0.0975,0.0692,0.0078,0.0072,reg oper spec account,block of flats,0.055,Block,No,4.0,1.0,4.0,0.0,-1992.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2418335,179672,Consumer loans,25484.31,71010.0,73507.5,0.0,71010.0,FRIDAY,14,Y,1,0.0,,,XAP,Approved,-738,Cash through the bank,XAP,,Repeater,Construction Materials,POS,XNA,Stone,300,Consumer electronics,3.0,low_action,POS household with interest,365243.0,-703.0,-613.0,-703.0,-699.0,0.0,0,Cash loans,F,N,Y,0,90000.0,760131.0,20902.5,634500.0,Children,Pensioner,Secondary / secondary special,Separated,House / apartment,0.031329,-22754,365243,-8490.0,-4240,,1,0,0,1,1,0,,1.0,2,2,MONDAY,15,0,0,0,0,0,0,XNA,,0.2631435910213423,0.6380435278721609,0.0794,0.0164,0.9881,0.8368,0.0154,0.0,0.1724,0.1667,0.2083,0.0871,0.0639,0.0863,0.0039,0.013,0.0809,0.017,0.9881,0.8432,0.0156,0.0,0.1724,0.1667,0.2083,0.0891,0.0698,0.0899,0.0039,0.0137,0.0802,0.0164,0.9881,0.8390000000000001,0.0155,0.0,0.1724,0.1667,0.2083,0.0886,0.065,0.0879,0.0039,0.0132,reg oper spec account,block of flats,0.0792,Panel,No,5.0,0.0,5.0,0.0,-5.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2668111,154778,Cash loans,19867.5,675000.0,675000.0,,675000.0,SATURDAY,14,Y,1,,,,Repairs,Refused,-1517,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,Y,Y,0,216000.0,1125000.0,33025.5,1125000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.025164,-15508,-3422,-4369.0,-4607,31.0,1,1,0,1,0,0,Medicine staff,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Other,0.7770514909314725,0.7226125178902806,0.3996756156233169,0.0186,0.1537,0.9821,0.7552,0.0379,0.08,0.069,0.3333,0.375,0.0077,0.0151,0.0939,0.0,0.0,0.0189,0.1595,0.9821,0.7648,0.0382,0.0806,0.069,0.3333,0.375,0.0079,0.0165,0.0978,0.0,0.0,0.0187,0.1537,0.9821,0.7585,0.0381,0.08,0.069,0.3333,0.375,0.0079,0.0154,0.0955,0.0,0.0,reg oper account,block of flats,0.104,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,0.0 +1407372,187965,Cash loans,47071.215,900000.0,978408.0,,900000.0,FRIDAY,16,Y,1,,,,Urgent needs,Refused,-482,XNA,LIMIT,,Repeater,XNA,Cash,walk-in,Contact center,-1,XNA,36.0,middle,Cash Street: middle,,,,,,,0,Cash loans,M,N,Y,0,112500.0,98910.0,7929.0,90000.0,Unaccompanied,Working,Higher education,Married,With parents,0.008575,-10714,-201,-4654.0,-3326,,1,1,1,1,0,0,,2.0,2,2,THURSDAY,16,0,0,0,0,0,0,Military,0.3913635501542957,0.7744292157164339,0.5779691187553125,0.1031,0.1082,0.9776,0.6940000000000001,0.0113,0.0,0.2069,0.1667,0.2083,0.1211,0.0841,0.0897,0.0,0.0,0.105,0.1123,0.9777,0.706,0.0114,0.0,0.2069,0.1667,0.2083,0.1239,0.0918,0.0934,0.0,0.0,0.1041,0.1082,0.9776,0.6981,0.0114,0.0,0.2069,0.1667,0.2083,0.1233,0.0855,0.0913,0.0,0.0,reg oper account,block of flats,0.0705,Block,No,0.0,0.0,0.0,0.0,-800.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2600583,312512,Cash loans,40678.29,679500.0,726142.5,,679500.0,SATURDAY,10,Y,1,,,,XNA,Approved,-312,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-282.0,408.0,365243.0,365243.0,1.0,0,Revolving loans,F,Y,Y,0,135000.0,135000.0,6750.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.002042,-20206,-13378,-3317.0,-3317,0.0,1,1,0,1,0,0,Core staff,2.0,3,3,WEDNESDAY,15,0,0,0,0,0,0,School,,0.3441964304470561,0.4956658291397297,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-920.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1775044,223799,Cash loans,28593.495,225000.0,239850.0,,225000.0,SATURDAY,12,Y,1,,,,XNA,Approved,-959,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-929.0,-599.0,-599.0,-594.0,1.0,0,Cash loans,F,N,Y,0,225000.0,553806.0,24394.5,495000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.002042,-23001,365243,-3958.0,-4343,,1,0,0,1,0,0,,2.0,3,3,SATURDAY,9,0,0,0,0,0,0,XNA,,0.2626943869006749,0.08730427071350706,0.0619,0.0946,0.9841,0.7824,0.0439,0.0,0.2069,0.1667,0.0417,0.1335,0.0496,0.0729,0.0039,0.0071,0.063,0.0982,0.9841,0.7909,0.0443,0.0,0.2069,0.1667,0.0417,0.1365,0.0542,0.076,0.0039,0.0075,0.0625,0.0946,0.9841,0.7853,0.0442,0.0,0.2069,0.1667,0.0417,0.1358,0.0504,0.0742,0.0039,0.0072,reg oper account,block of flats,0.0829,Panel,No,1.0,0.0,1.0,0.0,-567.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2763138,254099,Consumer loans,19572.975,209785.5,209785.5,0.0,209785.5,THURSDAY,12,Y,1,0.0,,,XAP,Approved,-974,XNA,XAP,"Spouse, partner",New,Furniture,POS,XNA,Country-wide,750,Furniture,12.0,low_normal,POS industry with interest,365243.0,-943.0,-613.0,-613.0,-607.0,0.0,0,Revolving loans,M,N,N,1,225000.0,270000.0,13500.0,270000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.019688999999999998,-12891,-1466,-1035.0,-4213,,1,1,0,1,0,0,,3.0,2,2,FRIDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.3928215585903315,0.5797069065836626,0.475849908720221,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-974.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2149678,138114,Cash loans,24172.65,229500.0,241920.0,,229500.0,WEDNESDAY,7,Y,1,,,,XNA,Approved,-804,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-774.0,-444.0,-534.0,-527.0,1.0,0,Cash loans,F,Y,Y,0,270000.0,1546020.0,45333.0,1350000.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.020246,-22989,365243,-1302.0,-1408,7.0,1,0,0,1,0,0,,2.0,3,3,TUESDAY,10,0,0,0,0,0,0,XNA,0.7690843861611771,0.4844044240461832,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1248.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1771355,219065,Consumer loans,21186.27,171000.0,135756.0,43650.0,171000.0,FRIDAY,8,Y,1,0.2649789760755948,,,XAP,Approved,-1852,Cash through the bank,XAP,"Spouse, partner",New,Clothing and Accessories,POS,XNA,Stone,49,Clothing,8.0,high,POS industry with interest,365243.0,-1819.0,-1609.0,-1639.0,-1633.0,0.0,0,Cash loans,F,N,N,4,171000.0,545040.0,31419.0,450000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.008068,-12277,-1942,-726.0,-726,,1,1,1,1,1,0,Laborers,6.0,3,3,TUESDAY,7,0,0,0,0,0,0,Military,,0.7583670556958768,0.6127042441012546,0.1206,0.0825,0.9985,0.9796,0.0099,0.16,0.1379,0.3333,0.375,0.0883,0.0983,0.1361,0.0,0.0,0.1229,0.0856,0.9985,0.9804,0.01,0.1611,0.1379,0.3333,0.375,0.0904,0.1074,0.1418,0.0,0.0,0.1218,0.0825,0.9985,0.9799,0.01,0.16,0.1379,0.3333,0.375,0.0899,0.1,0.1385,0.0,0.0,reg oper spec account,block of flats,0.1431,"Stone, brick",No,0.0,0.0,0.0,0.0,-1852.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1033386,379379,Cash loans,10588.995,90000.0,95940.0,0.0,90000.0,THURSDAY,9,Y,1,0.0,,,XNA,Approved,-2238,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-2207.0,-1877.0,-1877.0,-1864.0,0.0,0,Cash loans,F,N,Y,0,135000.0,994891.5,69372.0,913500.0,Unaccompanied,Pensioner,Lower secondary,Married,Municipal apartment,0.018801,-22359,365243,-11277.0,-4325,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,XNA,,0.4853329448850378,0.4956658291397297,0.2227,0.1663,0.9841,0.7824,0.1478,0.24,0.2069,0.3333,0.375,0.1375,0.1816,0.2271,0.0,0.0,0.2269,0.1725,0.9841,0.7909,0.1491,0.2417,0.2069,0.3333,0.375,0.1406,0.1983,0.2367,0.0,0.0,0.2248,0.1663,0.9841,0.7853,0.1487,0.24,0.2069,0.3333,0.375,0.1399,0.1847,0.2312,0.0,0.0,reg oper account,block of flats,0.2595,Panel,No,4.0,0.0,4.0,0.0,-1452.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1481561,160568,Cash loans,21709.125,450000.0,512370.0,,450000.0,MONDAY,8,Y,1,,,,XNA,Approved,-672,XNA,XAP,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,1,148500.0,808650.0,31464.0,675000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.020713,-10219,-852,-3899.0,-2294,,1,1,0,1,1,0,Sales staff,3.0,3,3,MONDAY,10,0,0,0,0,0,0,Self-employed,0.11693511264378685,0.07378720446725896,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-359.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1815441,334782,Consumer loans,8037.72,82417.5,90783.0,12375.0,82417.5,TUESDAY,13,Y,1,0.13064910137846794,,,XAP,Approved,-2010,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,110,Furniture,16.0,middle,POS industry with interest,365243.0,-1979.0,-1529.0,-1529.0,-1522.0,0.0,0,Cash loans,F,N,Y,0,99000.0,226152.0,12397.5,162000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,With parents,0.022625,-10403,-1433,-4612.0,-70,,1,1,0,1,0,0,High skill tech staff,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Bank,0.4684875865769526,0.34885107515558395,0.2445163919946749,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-872.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1762087,308027,Revolving loans,11250.0,0.0,225000.0,,,TUESDAY,11,Y,1,,,,XAP,Approved,-2518,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card X-Sell,-2516.0,-2490.0,365243.0,-1150.0,365243.0,0.0,0,Cash loans,M,N,N,1,292500.0,900000.0,39645.0,900000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.032561,-15437,-7835,-4468.0,-4465,,1,1,0,1,1,0,,3.0,1,1,SUNDAY,13,0,0,0,0,0,0,Other,,0.7964087067219026,0.6058362647264226,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,1.0,0.0,1.0,0.0,-2823.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2169127,258537,Cash loans,22034.025,315000.0,381528.0,,315000.0,THURSDAY,12,Y,1,,,,XNA,Approved,-47,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-17.0,673.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,N,0,99000.0,900297.0,26451.0,751500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.009175,-21561,365243,-5746.0,-4045,13.0,1,0,0,1,0,0,,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,XNA,,0.5051733821412637,0.6092756673894402,0.2237,,0.9921,,,0.36,0.3103,0.375,,,,0.3212,,,0.2279,,0.9921,,,0.3625,0.3103,0.375,,,,0.3346,,,0.2259,,0.9921,,,0.36,0.3103,0.375,,,,0.3269,,,,block of flats,0.2775,"Stone, brick",No,0.0,0.0,0.0,0.0,-47.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,5.0 +2564282,286238,Cash loans,41349.42,211500.0,218479.5,,211500.0,WEDNESDAY,17,Y,1,,,,XNA,Approved,-397,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-367.0,-217.0,-247.0,-239.0,1.0,0,Cash loans,F,N,N,0,121500.0,247275.0,17716.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,Municipal apartment,0.02461,-24113,365243,-14292.0,-4122,,1,0,0,1,1,0,,2.0,2,2,MONDAY,16,0,0,0,0,0,0,XNA,,0.6345056641496861,0.2793353208976285,0.2227,0.0,0.9801,0.728,0.0441,0.24,0.2069,0.3333,0.375,0.1624,0.1816,0.2259,0.0,0.0,0.2269,0.0,0.9801,0.7387,0.0445,0.2417,0.2069,0.3333,0.375,0.1661,0.1983,0.2354,0.0,0.0,0.2248,0.0,0.9801,0.7316,0.0444,0.24,0.2069,0.3333,0.375,0.1653,0.1847,0.23,0.0,0.0,,block of flats,0.2374,Panel,No,1.0,0.0,1.0,0.0,-2715.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1703530,148604,Cash loans,76284.675,675000.0,783049.5,,675000.0,THURSDAY,11,Y,1,,,,XNA,Refused,-1219,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,12.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,225000.0,1046142.0,30586.5,913500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.02461,-20488,-2362,-4878.0,-4042,,1,1,0,1,1,0,Accountants,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.7045382819161651,0.6109913280868294,0.0536,,0.9747,,,,0.1034,0.1667,,,,0.0429,,0.0338,0.0546,,0.9747,,,,0.1034,0.1667,,,,0.0447,,0.0358,0.0541,,0.9747,,,,0.1034,0.1667,,,,0.0437,,0.0345,,block of flats,0.0387,"Stone, brick",No,0.0,0.0,0.0,0.0,-1576.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,17.0,0.0,1.0 +1476246,115575,Cash loans,19148.985,225000.0,247275.0,,225000.0,SATURDAY,10,Y,1,,,,XNA,Refused,-1416,Cash through the bank,HC,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,,,,,,,0,Revolving loans,F,N,Y,0,112500.0,292500.0,14625.0,292500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.008068,-21777,-372,-9768.0,-3947,,1,1,0,1,0,0,,2.0,3,3,MONDAY,12,0,0,0,0,0,0,Self-employed,,0.3096803102642241,,0.16699999999999998,,0.9866,,,0.12,0.1034,0.3333,,,,0.1532,,0.0115,0.1702,,0.9866,,,0.1208,0.1034,0.3333,,,,0.1596,,0.0121,0.1686,,0.9866,,,0.12,0.1034,0.3333,,,,0.1559,,0.0117,,block of flats,0.123,Panel,No,0.0,0.0,0.0,0.0,-2157.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2824588,117095,Cash loans,9425.745,45000.0,46485.0,,45000.0,SUNDAY,16,Y,1,,,,XNA,Approved,-957,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),6,XNA,6.0,high,Cash Street: high,365243.0,-926.0,-776.0,-806.0,-795.0,0.0,0,Cash loans,M,Y,N,0,202500.0,294322.5,23382.0,243000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.022625,-10474,-2486,-4985.0,-3149,7.0,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,17,0,0,0,1,1,0,Business Entity Type 3,,0.7234883075053888,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1757.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1881003,314579,Consumer loans,5607.63,52155.0,51588.0,5215.5,52155.0,MONDAY,14,Y,1,0.09999654310673874,,,XAP,Approved,-2517,Cash through the bank,XAP,Other_B,New,Audio/Video,POS,XNA,Stone,386,Consumer electronics,12.0,high,POS household with interest,365243.0,-2486.0,-2156.0,-2156.0,-2154.0,1.0,0,Cash loans,F,N,Y,0,67500.0,521280.0,31630.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-13276,-2366,-6163.0,-4059,,1,1,1,1,1,0,Laborers,2.0,2,2,FRIDAY,11,0,0,0,0,1,1,Business Entity Type 3,0.3878256840419487,0.2299502970627464,0.7106743858828587,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1761.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1796407,204880,Consumer loans,2646.765,25200.0,22680.0,2520.0,25200.0,TUESDAY,10,Y,1,0.1089090909090909,,,XAP,Refused,-2774,Cash through the bank,HC,"Spouse, partner",Repeater,XNA,POS,XNA,Stone,25,Connectivity,12.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,0,63000.0,521280.0,22216.5,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-21596,365243,-2612.0,-5096,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,XNA,0.6913843056660376,0.5558958877290152,0.4489622731076524,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,0.0,-1.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1512319,261484,Cash loans,28279.44,450000.0,521280.0,,450000.0,THURSDAY,11,Y,1,,,,XNA,Refused,-134,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,36.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,2,144000.0,208512.0,24876.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.014464,-13835,-198,-910.0,-2549,,1,1,0,1,0,0,Cleaning staff,3.0,2,2,FRIDAY,6,0,0,0,0,0,0,Trade: type 7,0.6849578291213759,0.1953056800883045,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-62.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1996306,316975,Cash loans,32175.0,1170000.0,1170000.0,,1170000.0,WEDNESDAY,9,Y,1,,,,XNA,Refused,-321,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,72000.0,499500.0,29875.5,499500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-23121,365243,-10650.0,-4190,17.0,1,0,0,1,0,0,,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,XNA,,0.3217353516246997,0.2735646775174348,0.0742,0.0639,0.9851,0.7959999999999999,0.01,0.08,0.069,0.3333,0.375,0.0604,0.0605,0.0784,0.0,0.0,0.0756,0.0663,0.9851,0.804,0.0101,0.0806,0.069,0.3333,0.375,0.0618,0.0661,0.0817,0.0,0.0,0.0749,0.0639,0.9851,0.7987,0.0101,0.08,0.069,0.3333,0.375,0.0615,0.0616,0.0798,0.0,0.0,reg oper account,block of flats,0.0671,"Stone, brick",No,0.0,0.0,0.0,0.0,-1517.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,7.0 +2757435,380180,Cash loans,32227.74,999000.0,999000.0,,999000.0,WEDNESDAY,9,Y,1,,,,XNA,Refused,-453,XNA,HC,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,1,Cash loans,M,Y,Y,5,81000.0,384048.0,14607.0,270000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.01885,-20741,365243,-8082.0,-3596,0.0,1,0,0,1,0,0,,6.0,2,2,MONDAY,15,0,0,0,0,0,0,XNA,,0.00013952356243617458,0.2608559142068693,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,0.0,-1627.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2354534,150072,Cash loans,57962.34,1845000.0,2064186.0,,1845000.0,SATURDAY,9,Y,1,,,,XNA,Approved,-517,XNA,XAP,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,220500.0,1078200.0,31027.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.010006000000000001,-21929,-10307,-6195.0,-4692,,1,1,1,1,1,0,,1.0,2,1,FRIDAY,12,0,0,0,0,0,0,Transport: type 2,,0.060595341584950814,0.6479768603302221,0.1155,0.1119,0.9841,0.7824,0.0227,0.0,0.2759,0.1667,0.2083,0.1204,0.0941,0.108,0.0,0.0,0.1176,0.1161,0.9841,0.7909,0.0229,0.0,0.2759,0.1667,0.2083,0.1231,0.1028,0.1126,0.0,0.0,0.1166,0.1119,0.9841,0.7853,0.0228,0.0,0.2759,0.1667,0.2083,0.1225,0.0958,0.11,0.0,0.0,reg oper account,block of flats,0.0956,"Stone, brick",No,10.0,0.0,10.0,0.0,-43.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +2150770,137448,Cash loans,,0.0,0.0,,,SATURDAY,9,Y,1,,,,XNA,Refused,-296,XNA,HC,,Repeater,XNA,XNA,XNA,Contact center,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,1,112500.0,544491.0,21096.0,454500.0,Unaccompanied,Working,Incomplete higher,Civil marriage,House / apartment,0.028663,-11108,-556,-1334.0,-3546,,1,1,0,1,1,0,Sales staff,3.0,2,2,MONDAY,13,0,0,0,0,0,0,Self-employed,0.4067369512110859,0.764200677393173,,0.0082,0.0,0.9722,,,0.0,0.0345,0.0417,,0.004,,0.008,,0.0,0.0084,0.0,0.9722,,,0.0,0.0345,0.0417,,0.0041,,0.0083,,0.0,0.0083,0.0,0.9722,,,0.0,0.0345,0.0417,,0.0041,,0.0081,,0.0,,block of flats,0.0063,Others,Yes,0.0,0.0,0.0,0.0,-1219.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1814436,182561,Cash loans,,0.0,0.0,,,THURSDAY,8,Y,1,,,,XNA,Refused,-234,XNA,SCOFR,,Repeater,XNA,XNA,XNA,Contact center,-1,XNA,,XNA,Cash,,,,,,,1,Cash loans,M,N,Y,0,112500.0,640080.0,31131.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.006305,-9692,-1043,-4045.0,-2062,,1,1,0,1,0,0,Low-skill Laborers,1.0,3,3,SUNDAY,3,0,0,0,0,0,0,Agriculture,,0.01702128494449796,,0.0577,0.067,0.9786,0.7076,0.0274,0.0,0.1034,0.1667,0.2083,0.044,0.0471,0.0368,0.0,0.0,0.0588,0.0695,0.9786,0.7190000000000001,0.0276,0.0,0.1034,0.1667,0.2083,0.045,0.0514,0.0383,0.0,0.0,0.0583,0.067,0.9786,0.7115,0.0276,0.0,0.1034,0.1667,0.2083,0.0447,0.0479,0.0374,0.0,0.0,reg oper account,block of flats,0.0436,Panel,No,1.0,0.0,1.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1755202,329995,Revolving loans,11250.0,225000.0,225000.0,,225000.0,WEDNESDAY,10,Y,1,,,,XAP,Refused,-811,XNA,SCOFR,,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),10,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,Y,Y,2,90000.0,166500.0,19759.5,166500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.0105,-11649,-423,-4088.0,-4014,7.0,1,1,1,1,1,0,Sales staff,4.0,3,3,TUESDAY,16,0,0,0,0,0,0,Trade: type 2,0.7050942186111874,0.29196282941744994,0.3979463219016906,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2338.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1646593,213564,Consumer loans,1928.655,15705.0,14134.5,1570.5,15705.0,SATURDAY,4,Y,1,0.1089090909090909,,,XAP,Approved,-910,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,18,Connectivity,10.0,high,POS mobile with interest,365243.0,-803.0,-533.0,-773.0,-768.0,0.0,0,Cash loans,M,Y,Y,1,360000.0,752742.0,40234.5,697500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.014464,-13573,-3664,-2587.0,-3452,16.0,1,1,0,1,0,1,Security staff,2.0,2,2,SATURDAY,7,0,0,0,0,0,0,Security,0.33410954499523154,0.7347465965410063,0.5136937663039473,0.0619,0.0703,0.9841,0.7824,0.0,0.0,0.1379,0.1667,0.0,0.0801,0.0504,0.0572,0.0,0.0,0.063,0.073,0.9841,0.7909,0.0,0.0,0.1379,0.1667,0.0,0.08199999999999999,0.0551,0.0596,0.0,0.0,0.0625,0.0703,0.9841,0.7853,0.0,0.0,0.1379,0.1667,0.0,0.0815,0.0513,0.0582,0.0,0.0,reg oper account,block of flats,0.045,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,5.0,0.0,1.0 +2012096,165439,Consumer loans,10614.195,100575.0,99477.0,10057.5,100575.0,MONDAY,14,Y,1,0.10000074696266308,,,XAP,Approved,-1739,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Stone,130,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1700.0,-1370.0,-1370.0,-1362.0,0.0,0,Cash loans,F,Y,Y,1,72000.0,225000.0,22383.0,225000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.028663,-12875,-1853,-2380.0,-2122,10.0,1,1,1,1,1,0,Core staff,3.0,2,2,THURSDAY,10,0,0,0,0,1,1,School,0.7950139591152281,0.4706674403368265,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,10.0,0.0,10.0,0.0,-1.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2301330,360931,Consumer loans,7366.095,38245.5,36126.0,3825.0,38245.5,WEDNESDAY,15,Y,1,0.10427205144483806,,,XAP,Approved,-1936,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,57,Connectivity,6.0,high,POS mobile with interest,365243.0,-1897.0,-1747.0,-1747.0,-1743.0,0.0,0,Revolving loans,F,N,N,1,81000.0,135000.0,6750.0,135000.0,Other_A,Working,Lower secondary,Single / not married,With parents,0.020246,-11840,-4481,-5456.0,-4233,,1,1,0,1,0,0,Medicine staff,2.0,3,3,SUNDAY,12,0,0,0,0,0,0,Medicine,0.2345563806634476,0.5631499095949198,,0.1784,0.0362,0.9767,0.6804,0.0173,0.08,0.0345,0.3333,0.375,0.0372,0.1446,0.0541,0.0039,0.0048,0.1817,0.0376,0.9767,0.6929,0.0174,0.0806,0.0345,0.3333,0.375,0.0381,0.1579,0.0564,0.0039,0.0051,0.1801,0.0362,0.9767,0.6847,0.0174,0.08,0.0345,0.3333,0.375,0.0379,0.1471,0.0551,0.0039,0.0049,reg oper account,specific housing,0.0436,Panel,No,2.0,1.0,2.0,1.0,-2304.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2626994,335211,Consumer loans,4207.14,34105.5,33525.0,3600.0,34105.5,THURSDAY,13,Y,1,0.10560881542699722,,,XAP,Approved,-1986,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,49,Connectivity,12.0,high,POS mobile with interest,365243.0,-1955.0,-1625.0,-1805.0,-1801.0,0.0,0,Cash loans,M,Y,Y,0,270000.0,328500.0,24034.5,328500.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.026392000000000002,-17512,365243,-6290.0,-1072,4.0,1,0,0,1,0,0,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,0.6201196532067749,0.7356618848757686,0.10145935699146924,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-1986.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1476863,147673,Cash loans,,0.0,0.0,,,MONDAY,11,Y,1,,,,XNA,Refused,-177,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,67500.0,417024.0,22752.0,360000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-22459,365243,-9339.0,-4249,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,0.8433949616430549,0.1953537989258013,0.6512602186973006,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-726.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2557181,130836,Consumer loans,2950.65,21595.5,15579.0,6750.0,21595.5,WEDNESDAY,16,Y,1,0.3292294162910848,,,XAP,Approved,-1561,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,300,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1530.0,-1380.0,-1380.0,-1375.0,0.0,0,Cash loans,F,N,Y,0,155250.0,440784.0,32202.0,360000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.015221,-20673,-697,-3596.0,-3593,,1,1,1,1,0,0,Managers,1.0,2,2,WEDNESDAY,11,0,0,0,1,1,0,Self-employed,,0.4393623299988104,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2640175,362031,Cash loans,27904.5,360000.0,384948.0,,360000.0,THURSDAY,15,Y,1,,,,XNA,Approved,-404,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-374.0,136.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,81000.0,943425.0,27715.5,787500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-22870,365243,-3301.0,-3921,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,,0.6264973845393977,0.3723336657058204,0.0928,0.1011,0.9846,0.7892,,0.0,0.2069,0.1667,0.2083,0.1086,0.0731,0.0846,0.0116,0.0095,0.0945,0.1049,0.9846,0.7975,,0.0,0.2069,0.1667,0.2083,0.1111,0.0799,0.0881,0.0117,0.0101,0.0937,0.1011,0.9846,0.792,,0.0,0.2069,0.1667,0.2083,0.1105,0.0744,0.0861,0.0116,0.0097,reg oper account,block of flats,0.0686,Panel,No,6.0,0.0,6.0,0.0,-404.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1623454,435150,Consumer loans,2418.75,24192.0,21771.0,2421.0,24192.0,MONDAY,10,Y,1,0.1089901244588744,,,XAP,Approved,-2786,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Stone,141,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2747.0,-2477.0,-2477.0,-2472.0,0.0,0,Cash loans,M,Y,N,0,148500.0,1125000.0,36292.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-12591,-4067,-5116.0,-4071,18.0,1,1,1,1,0,0,Laborers,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,Telecom,,0.7106911823942312,0.2512394458905693,0.0722,0.2402,0.9801,0.728,0.0072,0.0,0.1379,0.1667,0.0417,0.0386,0.0588,0.0656,0.0,0.0,0.0735,0.2492,0.9801,0.7387,0.0073,0.0,0.1379,0.1667,0.0417,0.0394,0.0643,0.0684,0.0,0.0,0.0729,0.2402,0.9801,0.7316,0.0073,0.0,0.1379,0.1667,0.0417,0.0392,0.0599,0.0668,0.0,0.0,reg oper spec account,block of flats,0.0516,"Stone, brick",No,6.0,0.0,6.0,0.0,-713.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1527436,175692,Consumer loans,11230.875,102555.0,99913.5,10255.5,102555.0,FRIDAY,13,Y,1,0.1013821657470052,,,XAP,Refused,-1453,Cash through the bank,LIMIT,Unaccompanied,Repeater,Audio/Video,POS,XNA,Regional / Local,1169,Consumer electronics,10.0,low_normal,POS household with interest,,,,,,,0,Cash loans,M,N,N,0,315000.0,640080.0,19534.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.006670999999999999,-10071,-1158,-9727.0,-2714,,1,1,0,1,0,0,Cooking staff,1.0,2,2,SUNDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.546678586872194,0.656158373001177,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-862.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1294205,349358,Consumer loans,7714.935,171063.0,171063.0,0.0,171063.0,SUNDAY,20,Y,1,0.0,,,XAP,Approved,-1145,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,1000,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1114.0,-424.0,-424.0,-417.0,0.0,0,Cash loans,M,Y,Y,0,211500.0,373500.0,21573.0,373500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-19552,-570,-6565.0,-3002,13.0,1,1,0,1,0,0,Managers,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Construction,,0.7332308812227555,0.646329897706246,0.1216,,0.9901,,,0.12,0.1034,0.375,,,,0.127,,0.0,0.1239,,0.9901,,,0.1208,0.1034,0.375,,,,0.1323,,0.0,0.1228,,0.9901,,,0.12,0.1034,0.375,,,,0.1293,,0.0,,block of flats,0.0999,Panel,No,2.0,0.0,2.0,0.0,-1145.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2073544,338611,Consumer loans,5347.98,49410.0,48136.5,4941.0,49410.0,SUNDAY,10,Y,1,0.10138379128290104,,,XAP,Approved,-2357,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,2185,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2326.0,-2056.0,-2056.0,-2049.0,1.0,1,Cash loans,F,N,N,0,72000.0,207306.0,8779.5,148500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.02461,-24412,365243,-10826.0,-4027,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,XNA,,0.7035540910946677,0.4436153084085652,0.1856,0.2129,0.9861,,,0.0,0.4138,0.1667,,0.0647,,0.1735,,,0.1891,0.2209,0.9861,,,0.0,0.4138,0.1667,,0.0661,,0.1808,,,0.1874,0.2129,0.9861,,,0.0,0.4138,0.1667,,0.0658,,0.1767,,,,block of flats,0.1365,Panel,No,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2368360,270809,Revolving loans,,0.0,0.0,,,FRIDAY,14,Y,1,,,,XAP,Refused,-168,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Card Street,,,,,,,0,Revolving loans,F,N,Y,0,157500.0,450000.0,22500.0,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.005313,-22238,365243,-6197.0,-4435,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,12,0,0,0,0,0,0,XNA,,0.7279151669542324,0.3979463219016906,0.1443,0.0,0.9866,0.8164,0.0307,0.04,0.0345,0.3333,0.0417,0.0636,0.1135,0.0923,0.0193,0.0217,0.1471,0.0,0.9866,0.8236,0.031,0.0403,0.0345,0.3333,0.0417,0.065,0.124,0.0961,0.0195,0.0229,0.1457,0.0,0.9866,0.8189,0.0309,0.04,0.0345,0.3333,0.0417,0.0647,0.1154,0.0939,0.0194,0.0221,reg oper account,block of flats,0.092,"Stone, brick",No,0.0,0.0,0.0,0.0,-2222.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2762699,312633,Consumer loans,6371.64,49050.0,53905.5,0.0,49050.0,WEDNESDAY,6,Y,1,0.0,,,XAP,Approved,-2369,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Regional / Local,150,Connectivity,12.0,high,POS mobile with interest,365243.0,-2337.0,-2007.0,-2217.0,-2211.0,1.0,0,Cash loans,M,Y,Y,2,193500.0,288873.0,22950.0,238500.0,Unaccompanied,State servant,Secondary / secondary special,Married,Office apartment,0.008068,-11398,-3576,-95.0,-1169,14.0,1,1,0,1,0,0,Managers,4.0,3,3,SATURDAY,10,0,0,0,1,1,0,Military,0.3629242682289232,0.36907026548479416,0.5406544504453575,0.1485,0.121,0.9871,0.8232,0.0353,0.2,0.1724,0.3333,0.375,0.0918,0.121,0.1823,0.0,0.0,0.1513,0.1256,0.9871,0.8301,0.0356,0.2014,0.1724,0.3333,0.375,0.0938,0.1322,0.1899,0.0,0.0,0.1499,0.121,0.9871,0.8256,0.0355,0.2,0.1724,0.3333,0.375,0.0934,0.1231,0.1855,0.0,0.0,reg oper account,block of flats,0.1626,Panel,No,0.0,0.0,0.0,0.0,-1105.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1775276,443065,Consumer loans,17471.88,189360.0,170424.0,18936.0,189360.0,THURSDAY,15,Y,1,0.1089090909090909,,,XAP,Approved,-327,Cash through the bank,XAP,Unaccompanied,Refreshed,Furniture,POS,XNA,Stone,727,Furniture,12.0,middle,POS industry with interest,365243.0,-293.0,37.0,-173.0,-170.0,0.0,0,Cash loans,F,N,Y,0,225000.0,1288350.0,37800.0,1125000.0,Family,Working,Secondary / secondary special,Widow,House / apartment,0.04622,-16885,-2788,-137.0,-437,,1,1,0,1,0,0,Laborers,1.0,1,1,TUESDAY,13,0,1,1,0,0,0,Industry: type 3,,0.7260358122279066,0.475849908720221,0.0773,0.0852,0.9876,,,0.0,0.1724,0.1667,,,,0.0697,,,0.0788,0.0884,0.9876,,,0.0,0.1724,0.1667,,,,0.0727,,,0.0781,0.0852,0.9876,,,0.0,0.1724,0.1667,,,,0.071,,,,block of flats,0.0897,Panel,No,3.0,0.0,3.0,0.0,-1783.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2210790,119065,Consumer loans,5628.195,24255.0,19755.0,4500.0,24255.0,MONDAY,17,Y,1,0.20205768257716314,,,XAP,Approved,-2683,Cash through the bank,XAP,,New,Mobile,POS,XNA,Stone,30,Connectivity,4.0,high,POS mobile with interest,365243.0,-2647.0,-2557.0,-2557.0,-2495.0,0.0,0,Cash loans,M,Y,N,0,247500.0,551079.0,28984.5,418500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.04622,-14089,-1122,-6802.0,-845,2.0,1,1,0,1,0,0,Drivers,1.0,1,1,WEDNESDAY,11,0,0,0,0,0,0,Transport: type 4,,0.7543089240391131,0.4400578303966329,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-668.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1419792,299003,Consumer loans,8885.925,62235.0,62235.0,0.0,62235.0,WEDNESDAY,13,Y,1,0.0,,,XAP,Approved,-64,XNA,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Stone,50,Consumer electronics,8.0,middle,POS household with interest,365243.0,-30.0,180.0,365243.0,365243.0,0.0,0,Revolving loans,F,Y,Y,4,63000.0,135000.0,6750.0,135000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.02461,-20881,365243,-9654.0,-4423,7.0,1,0,0,1,1,0,,5.0,2,2,THURSDAY,12,0,0,0,0,0,0,XNA,0.6981288882606684,0.4587877320776054,0.4884551844437485,0.0278,0.0527,0.9866,,,,0.1034,0.0833,,0.0222,,0.0256,,,0.0284,0.0547,0.9866,,,,0.1034,0.0833,,0.0227,,0.0267,,,0.0281,0.0527,0.9866,,,,0.1034,0.0833,,0.0226,,0.0261,,,,block of flats,0.0321,Panel,No,1.0,0.0,1.0,0.0,-213.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2322108,220091,Cash loans,59898.555,2029500.0,2270605.5,,2029500.0,TUESDAY,15,Y,1,,,,XNA,Refused,-336,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,225000.0,1056447.0,34209.0,922500.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.010147,-19094,-5915,-15702.0,-2638,,1,1,0,1,1,0,Core staff,1.0,2,2,TUESDAY,15,0,0,0,0,0,0,Medicine,,0.5888584268339485,0.16342569473134347,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-721.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2697667,299277,Consumer loans,39331.26,377568.0,377568.0,0.0,377568.0,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-346,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,489,Furniture,10.0,low_action,POS industry without interest,,,,,,,0,Cash loans,M,Y,N,0,315000.0,284256.0,30613.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.032561,-17120,-2414,-5685.0,-632,14.0,1,1,1,1,0,0,Waiters/barmen staff,1.0,1,1,WEDNESDAY,14,0,0,0,0,1,1,Business Entity Type 3,0.5168533811272321,0.6978122939490571,0.5691487713619409,0.0474,0.115,0.9816,0.7484,,0.12,0.0345,0.5833,,0.091,,0.1204,,0.0357,0.0483,0.1193,0.9816,0.7583,,0.1208,0.0345,0.5833,,0.093,,0.1226,,0.0378,0.0479,0.115,0.9816,0.7518,,0.12,0.0345,0.5833,,0.0925,,0.1226,,0.0364,,block of flats,0.1046,"Stone, brick",No,0.0,0.0,0.0,0.0,-537.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1792657,149628,Consumer loans,5141.34,40455.0,32364.0,8091.0,40455.0,MONDAY,15,Y,1,0.2178181818181818,,,XAP,Approved,-253,XNA,XAP,,New,Mobile,POS,XNA,Country-wide,50,Connectivity,8.0,high,POS mobile with interest,365243.0,-209.0,1.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,135000.0,900000.0,29034.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.005002,-15217,-8513,-7791.0,-1889,,1,1,1,1,1,0,Laborers,2.0,3,3,FRIDAY,14,0,0,0,0,0,0,Business Entity Type 2,,0.5355041852571762,0.5797274227921155,0.1247,0.0885,0.9891,0.8504,0.0151,0.12,0.1034,0.375,0.4167,0.0609,0.1009,0.128,0.0039,0.0047,0.1271,0.0919,0.9891,0.8563,0.0152,0.1208,0.1034,0.375,0.4167,0.0623,0.1102,0.1334,0.0039,0.005,0.126,0.0885,0.9891,0.8524,0.0152,0.12,0.1034,0.375,0.4167,0.0619,0.1026,0.1303,0.0039,0.0048,org spec account,block of flats,0.11,Panel,No,1.0,1.0,1.0,1.0,-253.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1079891,290620,Revolving loans,9000.0,0.0,180000.0,,,WEDNESDAY,14,Y,1,,,,XAP,Approved,-2144,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,2200,Consumer electronics,0.0,XNA,Card X-Sell,-2143.0,-2103.0,365243.0,-854.0,365243.0,0.0,1,Cash loans,F,N,Y,0,270000.0,1800000.0,62568.0,1800000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.032561,-14914,-3320,-2723.0,-5755,,1,1,1,1,1,0,,2.0,1,1,FRIDAY,12,0,0,0,0,0,0,Trade: type 7,0.3979818546249088,0.6129085517367951,0.08391700365753578,0.0289,0.0822,0.9846,0.7892,,0.12,0.069,0.5833,0.625,0.0535,,0.1145,,,0.0294,0.0853,0.9846,0.7975,,0.1208,0.069,0.5833,0.625,0.0547,,0.1193,,,0.0291,0.0822,0.9846,0.792,,0.12,0.069,0.5833,0.625,0.0544,,0.1166,,,reg oper account,block of flats,0.1247,"Stone, brick",No,0.0,0.0,0.0,0.0,-1074.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2498722,191390,Consumer loans,10763.145,149755.5,149755.5,0.0,149755.5,THURSDAY,14,Y,1,0.0,,,XAP,Approved,-1337,Cash through the bank,XAP,"Spouse, partner",New,Computers,POS,XNA,Stone,176,Consumer electronics,24.0,high,POS household with interest,365243.0,-1306.0,-616.0,-616.0,-613.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,545040.0,35617.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.030755,-13711,-135,-2673.0,-5993,4.0,1,1,0,1,0,0,Drivers,2.0,2,2,THURSDAY,9,0,0,0,0,1,1,Transport: type 4,0.17463647050313566,0.4323777797187303,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1337.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2445693,264293,Consumer loans,6038.1,35415.0,30015.0,7083.0,35415.0,THURSDAY,10,Y,1,0.20793657094967144,,,XAP,Approved,-182,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,6.0,high,POS mobile with interest,365243.0,-152.0,-2.0,-32.0,-18.0,1.0,0,Cash loans,F,N,Y,0,225000.0,1962000.0,74862.0,1962000.0,Family,Working,Higher education,Married,House / apartment,0.015221,-20292,-4125,-7757.0,-3390,,1,1,0,1,0,0,High skill tech staff,2.0,2,2,THURSDAY,8,0,0,0,0,0,0,Trade: type 6,,0.4767842822936214,,0.1485,,0.9896,,,0.16,0.1379,0.3333,,0.0865,,0.1468,,,0.1513,,0.9896,,,0.1611,0.1379,0.3333,,0.0885,,0.153,,,0.1499,,0.9896,,,0.16,0.1379,0.3333,,0.08800000000000001,,0.1495,,,,block of flats,0.1155,Panel,No,0.0,0.0,0.0,0.0,-2607.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,3.0 +1212989,384536,Cash loans,25610.13,238500.0,238500.0,0.0,238500.0,TUESDAY,10,Y,1,0.0,,,XNA,Approved,-2307,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,middle,Cash Street: middle,365243.0,-2277.0,-1947.0,-1947.0,-1938.0,0.0,0,Cash loans,M,N,N,0,180000.0,450000.0,25128.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-18037,-1817,-6721.0,-1495,,1,1,1,1,1,0,Laborers,2.0,2,2,FRIDAY,23,0,0,0,0,0,0,Industry: type 7,,0.6229599840273901,0.5352762504724826,0.1649,,0.9906,,,0.2,0.1724,0.3333,,0.056,,0.1758,,0.1627,0.1681,,0.9906,,,0.2014,0.1724,0.3333,,0.0573,,0.1831,,0.1722,0.1665,,0.9906,,,0.2,0.1724,0.3333,,0.057,,0.1789,,0.1661,,block of flats,0.1994,Panel,No,0.0,0.0,0.0,0.0,-2178.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,1.0 +1533281,136130,Consumer loans,15757.425,157590.0,141831.0,15759.0,157590.0,SUNDAY,12,Y,1,0.1089090909090909,,,XAP,Refused,-2685,Cash through the bank,SCO,Unaccompanied,New,Computers,POS,XNA,Stone,83,Consumer electronics,10.0,low_normal,POS household with interest,,,,,,,0,Cash loans,M,Y,Y,1,144000.0,404815.5,30397.5,346500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.010643000000000001,-12017,-1780,-1297.0,-3086,5.0,1,1,0,1,0,0,Drivers,3.0,2,2,THURSDAY,17,0,0,0,0,0,0,Self-employed,0.2828148104988549,0.5186244428631058,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-527.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2668297,410692,Revolving loans,38250.0,765000.0,765000.0,,765000.0,THURSDAY,13,Y,1,,,,XAP,Approved,-300,XNA,XAP,Family,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-300.0,-255.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,M,N,N,1,225000.0,375322.5,22810.5,324000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-12142,-774,-819.0,-881,,1,1,0,1,0,0,Laborers,3.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.13993202729520182,,0.0619,0.0708,0.9781,0.7008,,0.0,0.1379,0.1667,0.2083,0.1091,,,,0.0349,0.063,0.0735,0.9782,0.7125,,0.0,0.1379,0.1667,0.2083,0.1116,,,,0.037000000000000005,0.0625,0.0708,0.9781,0.7048,,0.0,0.1379,0.1667,0.2083,0.111,,,,0.0356,reg oper account,block of flats,0.046,Block,No,0.0,0.0,0.0,0.0,-300.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1409252,298306,Consumer loans,3649.05,32040.0,35986.5,0.0,32040.0,MONDAY,10,Y,1,0.0,,,XAP,Approved,-978,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,40,Connectivity,14.0,high,POS mobile with interest,365243.0,-937.0,-547.0,-577.0,-554.0,0.0,0,Revolving loans,F,Y,Y,0,67500.0,157500.0,7875.0,157500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-21116,365243,-9539.0,-4509,65.0,1,0,0,1,0,1,,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,XNA,0.6367354785937739,0.534454238706447,0.6528965519806539,0.1031,0.0892,0.9841,0.7959999999999999,0.0136,0.0,0.2069,0.1667,0.2083,0.0295,0.0841,0.079,0.0,0.0,0.105,0.0926,0.9831,0.804,0.0137,0.0,0.2069,0.1667,0.2083,0.0302,0.0918,0.0706,0.0,0.0,0.1041,0.0892,0.9841,0.7987,0.0137,0.0,0.2069,0.1667,0.2083,0.03,0.0855,0.0804,0.0,0.0,org spec account,block of flats,0.0709,Panel,No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1578079,289485,Consumer loans,13118.31,67495.5,71059.5,0.0,67495.5,MONDAY,10,Y,1,0.0,,,XAP,Approved,-784,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,650,Consumer electronics,6.0,middle,POS household with interest,365243.0,-753.0,-603.0,-603.0,-596.0,0.0,0,Cash loans,F,N,Y,2,135000.0,545040.0,26640.0,450000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.018029,-10751,-1034,-8786.0,-825,,1,1,1,1,1,0,Accountants,4.0,3,3,MONDAY,10,0,0,0,0,0,0,Trade: type 7,,0.4976128682970989,,0.0443,0.0345,0.9717,,,0.0,0.1034,0.125,,0.0165,,0.0344,,,0.0452,0.0358,0.9717,,,0.0,0.1034,0.125,,0.0168,,0.0358,,,0.0448,0.0345,0.9717,,,0.0,0.1034,0.125,,0.0167,,0.035,,,,,0.0765,"Stone, brick",No,0.0,0.0,0.0,0.0,-784.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1969302,234691,Consumer loans,10204.11,101893.5,112653.0,0.0,101893.5,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-491,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Regional / Local,80,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-460.0,-130.0,-130.0,-122.0,0.0,0,Cash loans,F,N,N,1,162000.0,206280.0,10161.0,135000.0,Family,Commercial associate,Secondary / secondary special,Civil marriage,Office apartment,0.009175,-13842,-611,-7950.0,-4087,,1,1,0,1,0,0,Sales staff,3.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Industry: type 3,0.5563136548991524,0.5905515217537777,0.7688075728291359,0.1433,0.1389,0.9791,,,0.0,0.2414,0.1667,,0.0717,,0.0835,,0.1062,0.146,0.1442,0.9791,,,0.0,0.2414,0.1667,,0.0733,,0.0869,,0.1124,0.1447,0.1389,0.9791,,,0.0,0.2414,0.1667,,0.0729,,0.085,,0.1084,,block of flats,0.096,Panel,No,0.0,0.0,0.0,0.0,-212.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2000913,195683,Consumer loans,8260.74,42030.0,44248.5,0.0,42030.0,FRIDAY,16,Y,1,0.0,,,XAP,Approved,-532,Cash through the bank,XAP,,New,Computers,POS,XNA,Regional / Local,25,Consumer electronics,6.0,middle,POS household with interest,365243.0,-501.0,-351.0,-351.0,-348.0,0.0,0,Cash loans,M,Y,N,0,117000.0,545040.0,28350.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,With parents,0.020246,-18325,-164,-2983.0,-1872,10.0,1,1,0,1,0,0,Laborers,2.0,3,3,WEDNESDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.4932675185691141,0.4778699570793959,0.5495965024956946,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-7.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1829970,422985,Cash loans,9377.01,72000.0,87066.0,,72000.0,THURSDAY,10,Y,1,,,,XNA,Approved,-650,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-620.0,-290.0,-470.0,-465.0,1.0,0,Cash loans,F,Y,Y,1,202500.0,139230.0,10030.5,112500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-17374,-844,-433.0,-317,9.0,1,1,0,1,0,1,Laborers,3.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Industry: type 3,0.47898380124011897,0.33840530826296644,0.7476633896301825,0.2031,,0.9732,,,0.0,0.2759,0.1667,,0.1348,,0.163,,0.0081,0.2069,,0.9732,,,0.0,0.2759,0.1667,,0.1379,,0.1699,,0.0086,0.2051,,0.9732,,,0.0,0.2759,0.1667,,0.1372,,0.166,,0.0083,,block of flats,0.1578,"Stone, brick",No,0.0,0.0,0.0,0.0,-1420.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2336235,443088,Consumer loans,9900.81,99000.0,89100.0,9900.0,99000.0,MONDAY,16,Y,1,0.1089090909090909,,,XAP,Approved,-672,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Regional / Local,56,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-640.0,-370.0,-370.0,-365.0,0.0,0,Cash loans,F,N,Y,2,225000.0,284400.0,19134.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-15220,-2832,-1735.0,-2646,,1,1,0,1,0,0,Sales staff,4.0,2,2,MONDAY,14,0,0,0,0,0,0,Self-employed,0.4813380243363386,0.05914061429057499,0.35895122857839673,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1532.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1687484,253864,Cash loans,39458.79,315000.0,375583.5,,315000.0,SUNDAY,10,Y,1,,,,XNA,Approved,-696,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-666.0,-336.0,-336.0,-332.0,1.0,0,Cash loans,F,N,Y,1,405000.0,732915.0,79065.0,675000.0,Family,State servant,Higher education,Married,House / apartment,0.003069,-12732,-4520,-56.0,-5111,,1,1,0,1,0,0,Core staff,3.0,3,3,WEDNESDAY,15,0,0,0,0,1,1,Government,0.4746749999270796,0.3061805399238521,0.1206410299309233,,,0.9747,,,,0.1034,0.125,,,,0.0289,,0.0,,,0.9747,,,,0.1034,0.125,,,,0.0301,,0.0,,,0.9747,,,,0.1034,0.125,,,,0.0295,,0.0,,,0.0359,,No,0.0,0.0,0.0,0.0,-1317.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1255783,210797,Consumer loans,7582.23,83011.5,74709.0,8302.5,83011.5,FRIDAY,18,Y,1,0.10892680258430787,,,XAP,Approved,-629,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,85,Connectivity,12.0,middle,POS mobile with interest,365243.0,-572.0,-242.0,-242.0,-228.0,0.0,1,Cash loans,M,Y,N,0,180000.0,521280.0,41062.5,450000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.00496,-14844,-340,-3663.0,-3738,12.0,1,1,0,1,0,0,Sales staff,1.0,2,2,THURSDAY,14,0,0,0,0,0,0,Other,,0.4290159029258374,0.6848276586890367,0.1052,,0.9826,,,0.16,0.1379,0.25,,,,,,,0.063,,0.9826,,,0.1611,0.1379,0.1667,,,,,,,0.1062,,0.9826,,,0.16,0.1379,0.25,,,,,,,,block of flats,0.053,Panel,No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1292879,281295,Cash loans,14148.765,135000.0,143910.0,,135000.0,THURSDAY,11,Y,1,,,,XNA,Approved,-1239,XNA,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-1209.0,-879.0,-879.0,-872.0,1.0,0,Cash loans,F,N,Y,0,99000.0,284400.0,16011.0,225000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.011703,-24408,365243,-9172.0,-4683,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,XNA,,0.6451782241200644,0.7180328113294772,0.1052,0.1197,0.9876,0.83,0.0457,0.0,0.2759,0.1667,0.2083,0.116,0.0857,0.0991,0.0,0.0,0.1071,0.1242,0.9876,0.8367,0.0461,0.0,0.2759,0.1667,0.2083,0.1186,0.0937,0.1033,0.0,0.0,0.1062,0.1197,0.9876,0.8323,0.046,0.0,0.2759,0.1667,0.2083,0.118,0.0872,0.1009,0.0,0.0,not specified,block of flats,0.1029,"Stone, brick",No,0.0,0.0,0.0,0.0,-642.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2320941,292934,Cash loans,16978.905,180000.0,197820.0,0.0,180000.0,THURSDAY,11,Y,1,0.0,,,XNA,Approved,-1872,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-1842.0,-1332.0,-1362.0,-1358.0,1.0,0,Cash loans,F,N,Y,0,180000.0,302341.5,12937.5,261000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.006233,-23734,365243,-6834.0,-4407,,1,0,0,1,0,0,,1.0,2,2,SUNDAY,10,0,0,0,0,0,0,XNA,,0.4453822625566749,0.8528284668510541,0.0619,0.0497,0.9771,,,0.0,0.1379,0.1667,,0.0126,,0.0542,,0.0022,0.063,0.0516,0.9772,,,0.0,0.1379,0.1667,,0.0129,,0.0565,,0.0024,0.0625,0.0497,0.9771,,,0.0,0.1379,0.1667,,0.0128,,0.0552,,0.0023,,block of flats,0.0477,Panel,No,5.0,0.0,5.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2836935,240228,Consumer loans,8874.045,71910.0,71910.0,0.0,71910.0,SATURDAY,16,Y,1,0.0,,,XAP,Refused,-564,Cash through the bank,LIMIT,,Repeater,Computers,POS,XNA,Country-wide,30,Connectivity,12.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,0,90000.0,190764.0,12190.5,157500.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.00733,-20845,365243,-2745.0,-3157,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,0.5221114759683321,0.5012537999973207,0.3280631605201915,0.134,0.0924,0.9841,0.7824,0.0,0.0,0.0345,0.1667,0.2083,0.0,0.1093,0.0602,0.0,0.0,0.1366,0.0959,0.9841,0.7909,0.0,0.0,0.0345,0.1667,0.2083,0.0,0.1194,0.0627,0.0,0.0,0.1353,0.0924,0.9841,0.7853,0.0,0.0,0.0345,0.1667,0.2083,0.0,0.1112,0.0613,0.0,0.0,not specified,specific housing,0.0604,"Stone, brick",No,0.0,0.0,0.0,0.0,-583.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1550367,192388,Consumer loans,11249.1,85185.0,82471.5,9000.0,85185.0,SATURDAY,17,Y,1,0.10715707276931262,,,XAP,Approved,-2214,Cash through the bank,XAP,,New,Photo / Cinema Equipment,POS,XNA,Country-wide,50,Connectivity,10.0,high,POS mobile with interest,365243.0,-2172.0,-1902.0,-1902.0,-1898.0,0.0,0,Cash loans,F,N,Y,1,162000.0,1185282.0,34785.0,1035000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-11058,-2388,-7404.0,-1608,,1,1,0,1,0,0,Laborers,3.0,2,2,MONDAY,7,0,0,0,0,1,1,Industry: type 11,0.5310007385543531,0.5377825076312577,0.41885428862332175,0.0619,0.0544,0.9901,0.8640000000000001,0.0097,0.0,0.1379,0.1667,0.2083,0.0135,0.0504,0.0635,0.0,0.0,0.063,0.0564,0.9901,0.8693,0.0097,0.0,0.1379,0.1667,0.2083,0.0138,0.0551,0.0661,0.0,0.0,0.0625,0.0544,0.9901,0.8658,0.0097,0.0,0.1379,0.1667,0.2083,0.0137,0.0513,0.0646,0.0,0.0,reg oper account,block of flats,0.0552,Panel,No,19.0,1.0,19.0,1.0,-895.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1859118,400099,Consumer loans,2023.515,22455.0,17955.0,4500.0,22455.0,FRIDAY,10,Y,1,0.2182546912005829,,,XAP,Refused,-2279,Cash through the bank,HC,Family,Repeater,Audio/Video,POS,XNA,Stone,200,Consumer electronics,12.0,high,POS household with interest,,,,,,,0,Cash loans,F,Y,Y,0,103500.0,254700.0,20250.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-18491,-1615,-9632.0,-1986,14.0,1,1,1,1,0,0,Accountants,2.0,2,2,TUESDAY,7,0,0,0,0,0,0,Self-employed,,0.5845793818134752,0.746300213050371,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,2.0,3.0,2.0,-167.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2102957,320761,Consumer loans,9847.665,47249.19,49585.5,3.69,47249.19,SUNDAY,16,Y,1,8.104075615160186e-05,,,XAP,Approved,-2404,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,3318,Consumer electronics,6.0,high,POS household with interest,365243.0,-2372.0,-2222.0,-2222.0,-2215.0,1.0,0,Cash loans,M,Y,Y,0,270000.0,286704.0,22644.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.009549,-9818,-1414,-8261.0,-2485,1.0,1,1,0,1,1,1,High skill tech staff,1.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Transport: type 4,0.14185045768506305,0.6472130230143975,0.5495965024956946,0.1129,0.0558,0.9881,0.8368,0.0279,0.08,0.069,0.3333,0.375,0.0512,0.0908,0.0802,0.0058,0.0052,0.1145,0.0577,0.9876,0.8367,0.0231,0.0806,0.069,0.3333,0.375,0.0522,0.0992,0.0824,0.0039,0.0044,0.114,0.0558,0.9881,0.8390000000000001,0.0281,0.08,0.069,0.3333,0.375,0.0521,0.0923,0.0817,0.0058,0.0053,reg oper spec account,block of flats,0.0719,Panel,No,0.0,0.0,0.0,0.0,-391.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +1499081,361172,Consumer loans,18820.53,96300.0,101776.5,9630.0,96300.0,THURSDAY,9,Y,1,0.09414123461867534,,,XAP,Approved,-355,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Stone,20,Consumer electronics,6.0,middle,POS household with interest,365243.0,-324.0,-174.0,-234.0,-226.0,0.0,1,Cash loans,F,N,Y,0,144000.0,268659.0,18081.0,243000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.030755,-14736,-535,-1077.0,-1429,,1,1,1,1,0,0,,2.0,2,2,TUESDAY,9,0,0,0,0,1,1,Business Entity Type 3,,0.6020005643466794,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-355.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2575514,382106,Consumer loans,16488.36,78975.0,74205.0,7897.5,78975.0,WEDNESDAY,16,Y,1,0.10476045741049853,,,XAP,Approved,-992,Cash through the bank,XAP,Family,Refreshed,Audio/Video,POS,XNA,Stone,100,Consumer electronics,5.0,middle,POS household with interest,365243.0,-961.0,-841.0,-841.0,-834.0,0.0,0,Cash loans,F,N,Y,0,135000.0,1206954.0,35419.5,945000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.031329,-22286,-2163,-12036.0,-4156,,1,1,0,1,0,0,Cleaning staff,1.0,2,2,MONDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.6847891837055639,0.7544061731797895,0.0928,0.3368,0.9791,0.7144,0.0164,0.0,0.2069,0.1667,0.0417,0.0157,0.0756,0.0504,0.0,0.0839,0.0945,0.3495,0.9791,0.7256,0.0165,0.0,0.2069,0.1667,0.0417,0.016,0.0826,0.0525,0.0,0.0888,0.0937,0.3368,0.9791,0.7182,0.0165,0.0,0.2069,0.1667,0.0417,0.016,0.077,0.0513,0.0,0.0857,reg oper account,block of flats,0.0579,Panel,No,4.0,0.0,4.0,0.0,-992.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +2631416,139169,Revolving loans,22500.0,0.0,450000.0,,,FRIDAY,9,Y,1,,,,XAP,Approved,-451,XNA,XAP,,Refreshed,XNA,Cards,x-sell,AP+ (Cash loan),4,XNA,0.0,XNA,Card X-Sell,-450.0,-409.0,365243.0,-106.0,-10.0,0.0,0,Cash loans,M,N,Y,2,225000.0,495000.0,19179.0,495000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-14673,-442,-440.0,-4199,,1,1,1,1,0,0,Drivers,4.0,2,2,MONDAY,14,0,0,0,0,1,1,Business Entity Type 1,,0.5675776157955844,0.4974688893052743,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-413.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2347921,248765,Consumer loans,8015.94,77625.0,85824.0,0.0,77625.0,FRIDAY,11,Y,1,0.0,,,XAP,Approved,-992,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Stone,72,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-961.0,-631.0,-631.0,-625.0,0.0,0,Cash loans,F,N,Y,0,135000.0,927252.0,27243.0,774000.0,Family,Pensioner,Lower secondary,Married,House / apartment,0.01885,-23574,365243,-7817.0,-4485,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,XNA,,0.588265343951069,0.6738300778602003,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-992.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1457161,373914,Consumer loans,7210.89,47461.5,35644.5,13500.0,47461.5,SUNDAY,16,Y,1,0.29917340236908035,,,XAP,Approved,-1194,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Regional / Local,149,Consumer electronics,6.0,high,POS household with interest,365243.0,-1163.0,-1013.0,-1043.0,-1040.0,0.0,0,Cash loans,F,N,Y,0,180000.0,888840.0,35815.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-12417,-583,-197.0,-3875,,1,1,0,1,0,0,,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Industry: type 11,0.4845319818804952,0.7210230000586098,0.3046721837533529,0.0082,0.0,0.9722,0.6192,0.0,0.0,0.0345,0.0,0.0417,0.027000000000000003,0.0067,0.0065,0.0,0.0,0.0084,0.0,0.9722,0.6341,0.0,0.0,0.0345,0.0,0.0417,0.0276,0.0073,0.0067,0.0,0.0,0.0083,0.0,0.9722,0.6243,0.0,0.0,0.0345,0.0,0.0417,0.0274,0.0068,0.0066,0.0,0.0,not specified,block of flats,0.0051,Wooden,No,0.0,0.0,0.0,0.0,-1899.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1055750,337550,Consumer loans,14059.665,150628.5,150628.5,0.0,150628.5,MONDAY,9,Y,1,0.0,,,XAP,Approved,-548,Cash through the bank,XAP,,Repeater,Homewares,POS,XNA,Country-wide,150,Construction,12.0,low_normal,POS other with interest,365243.0,-515.0,-185.0,-365.0,-348.0,0.0,0,Cash loans,F,N,Y,0,94500.0,105534.0,10278.0,99000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.015221,-21536,365243,-4720.0,-4472,,1,0,0,1,1,0,,1.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,XNA,,0.6395517810405058,0.7091891096653581,0.0701,0.0849,0.9896,0.8572,0.1904,0.0,0.1379,0.1667,,0.0658,0.0572,0.0648,,0.0829,0.0714,0.0881,0.9896,0.8628,0.1921,0.0,0.1379,0.1667,,0.0673,0.0624,0.0675,,0.0878,0.0708,0.0849,0.9896,0.8591,0.1916,0.0,0.1379,0.1667,,0.0669,0.0581,0.066,,0.0846,reg oper account,block of flats,0.0652,"Stone, brick",No,0.0,0.0,0.0,0.0,-1533.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2383620,325800,Consumer loans,1442.07,15745.5,15228.0,1890.0,15745.5,THURSDAY,16,Y,1,0.1202466303412675,,,XAP,Approved,-2206,Cash through the bank,XAP,Group of people,Repeater,Consumer Electronics,POS,XNA,Country-wide,445,Consumer electronics,12.0,low_normal,POS household without interest,365243.0,-2175.0,-1845.0,-1935.0,-1930.0,0.0,0,Cash loans,F,Y,N,1,90000.0,679500.0,28917.0,679500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-12983,-3158,-591.0,-4180,10.0,1,1,0,1,0,0,Medicine staff,3.0,2,2,FRIDAY,13,0,0,0,0,0,0,Medicine,,0.5583993845438856,0.7776594425716818,0.0247,0.5563,0.9886,0.8436,,0.0,0.069,0.0833,0.125,0.0307,0.0202,0.0273,0.0,0.0,0.0252,0.5773,0.9886,0.8497,,0.0,0.069,0.0833,0.125,0.0314,0.022,0.0285,0.0,0.0,0.025,0.5563,0.9886,0.8457,,0.0,0.069,0.0833,0.125,0.0313,0.0205,0.0278,0.0,0.0,reg oper account,block of flats,0.0342,Panel,No,6.0,0.0,6.0,0.0,-2276.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2022811,174824,Consumer loans,3923.91,23211.0,24741.0,0.0,23211.0,SUNDAY,11,Y,1,0.0,,,XAP,Approved,-2719,Cash through the bank,XAP,"Spouse, partner",Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,8.0,high,POS mobile with interest,365243.0,-2688.0,-2478.0,-2478.0,-2474.0,1.0,0,Cash loans,F,N,N,2,67500.0,76306.5,4666.5,63000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.0228,-10406,-1200,-5247.0,-2385,,1,1,1,1,1,1,Core staff,4.0,2,2,WEDNESDAY,6,0,0,0,0,0,0,Kindergarten,0.6834451496244115,0.6422342570534134,0.722392890081304,0.1306,0.1542,0.9856,0.8028,0.0621,0.0664,0.1952,0.2221,0.2083,0.0805,0.1065,0.1239,0.0,0.0,0.105,0.1179,0.9811,0.7517,0.0187,0.0,0.2069,0.1667,0.2083,0.067,0.0918,0.0928,0.0,0.0,0.1041,0.1136,0.9866,0.8189,0.0835,0.0,0.2069,0.1667,0.2083,0.0871,0.0855,0.0941,0.0,0.0,reg oper account,block of flats,0.1598,"Stone, brick",No,0.0,0.0,0.0,0.0,-2719.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2496335,379698,Consumer loans,6426.9,90000.0,54000.0,36000.0,90000.0,SUNDAY,11,Y,1,0.4356363636363636,,,XAP,Approved,-1318,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Stone,600,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1287.0,-1017.0,-1017.0,-1009.0,0.0,0,Cash loans,M,N,Y,0,180000.0,578979.0,29691.0,517500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.002042,-13800,-631,-1169.0,-3049,,1,1,0,1,0,0,Laborers,2.0,3,3,TUESDAY,18,0,0,0,0,0,0,Business Entity Type 3,,0.46199294707886,0.2735646775174348,0.0928,0.0791,0.9925,,,0.0,0.2069,0.1667,,,,0.1081,,0.0626,0.0945,0.0821,0.9926,,,0.0,0.2069,0.1667,,,,0.1126,,0.0662,0.0937,0.0791,0.9925,,,0.0,0.2069,0.1667,,,,0.11,,0.0639,,block of flats,0.0986,Panel,No,0.0,0.0,0.0,0.0,-1318.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1998065,189128,Consumer loans,3164.67,29241.0,28485.0,2925.0,29241.0,WEDNESDAY,20,Y,1,0.10141964053138837,,,XAP,Approved,-2490,Cash through the bank,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Country-wide,3427,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2458.0,-2188.0,-2248.0,-2241.0,1.0,0,Cash loans,M,N,Y,0,85500.0,343800.0,16852.5,225000.0,Unaccompanied,Working,Incomplete higher,Separated,House / apartment,0.016612000000000002,-14564,-1487,-8147.0,-852,,1,1,0,1,1,0,Laborers,1.0,2,2,MONDAY,15,0,0,0,0,0,0,Other,,0.4245970458806386,0.5298898341969072,0.0887,0.1137,0.9786,0.7076,0.047,0.0,0.2069,0.1667,0.2083,0.1184,0.0672,0.0713,0.0232,0.1241,0.0903,0.1179,0.9786,0.7190000000000001,0.0474,0.0,0.2069,0.1667,0.2083,0.1211,0.0735,0.0743,0.0233,0.1314,0.0895,0.1137,0.9786,0.7115,0.0473,0.0,0.2069,0.1667,0.2083,0.1204,0.0684,0.0726,0.0233,0.1267,reg oper account,block of flats,0.1088,"Stone, brick",No,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2190891,284458,Consumer loans,6635.43,35010.0,33061.5,3510.0,35010.0,FRIDAY,8,Y,1,0.10452699755025337,,,XAP,Approved,-2555,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,25,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2524.0,-2374.0,-2404.0,-2399.0,1.0,0,Cash loans,F,Y,N,1,180000.0,961146.0,31005.0,688500.0,Unaccompanied,Working,Lower secondary,Single / not married,With parents,0.031329,-12789,-2616,-1542.0,-4584,10.0,1,1,0,1,0,0,Cooking staff,2.0,2,2,FRIDAY,10,1,1,0,1,1,0,Restaurant,0.4981111729901553,0.6072385096655553,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1295724,133633,Cash loans,21183.3,720000.0,720000.0,,720000.0,SATURDAY,9,Y,1,,,,XNA,Approved,-149,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-119.0,1651.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,202500.0,15268.5,202500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-17526,-2948,-3317.0,-874,6.0,1,1,1,1,1,0,Drivers,2.0,2,2,MONDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.7039826294989506,0.5762088360175724,0.4722,0.3007,0.9945,0.9252,0.4243,0.56,0.3448,0.375,,0.2916,0.3623,0.5804,0.1042,0.2245,0.4811,0.3121,0.9945,0.9281,0.4282,0.5639,0.3448,0.375,,0.2983,0.3958,0.6047,0.1051,0.2377,0.4767,0.3007,0.9945,0.9262,0.4270000000000001,0.56,0.3448,0.375,,0.2967,0.3685,0.5908,0.1048,0.2292,reg oper spec account,block of flats,0.5956,Panel,No,0.0,0.0,0.0,0.0,-858.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1488190,296141,Consumer loans,6315.48,54513.0,61371.0,0.0,54513.0,SUNDAY,9,Y,1,0.0,,,XAP,Approved,-617,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,3500,Consumer electronics,12.0,middle,POS household with interest,365243.0,-584.0,-254.0,-464.0,-456.0,0.0,0,Cash loans,M,N,Y,2,157500.0,760122.0,24651.0,544500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-14296,-3615,-6997.0,-4386,,1,1,0,1,0,0,Drivers,4.0,2,2,MONDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.5287751251007285,0.6058362647264226,0.068,0.0487,0.9732,0.6328,0.01,0.0,0.1379,0.1667,0.2083,0.049,0.0538,0.0513,0.0077,0.0424,0.0693,0.0505,0.9732,0.6472,0.0101,0.0,0.1379,0.1667,0.2083,0.0502,0.0588,0.0535,0.0078,0.0449,0.0687,0.0487,0.9732,0.6377,0.01,0.0,0.1379,0.1667,0.2083,0.0499,0.0547,0.0522,0.0078,0.0433,reg oper account,block of flats,0.0503,Panel,No,8.0,0.0,7.0,0.0,-817.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,2.0,5.0 +1402733,232294,Cash loans,,0.0,0.0,,,THURSDAY,12,Y,1,,,,XNA,Refused,-75,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,225000.0,450000.0,16294.5,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-21723,365243,-3633.0,-4771,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,0.6707372123620595,0.6881730934739004,0.12140828616312165,0.1691,0.1164,0.9866,0.8164,0.0336,0.2,0.1724,0.3333,0.375,0.0804,0.1378,0.1679,0.0,0.1898,0.1723,0.1208,0.9866,0.8236,0.0339,0.2014,0.1724,0.3333,0.375,0.0822,0.1506,0.175,0.0,0.2009,0.1707,0.1164,0.9866,0.8189,0.0338,0.2,0.1724,0.3333,0.375,0.0818,0.1402,0.1709,0.0,0.1938,reg oper account,block of flats,0.1733,"Stone, brick",No,0.0,0.0,0.0,0.0,-1524.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,7.0,1.0,2.0 +1027913,231097,Consumer loans,2690.865,23130.0,21613.5,3465.0,23130.0,THURSDAY,10,Y,1,0.15047550690830788,,,XAP,Approved,-2115,Cash through the bank,XAP,"Spouse, partner",New,Mobile,POS,XNA,Country-wide,20,Connectivity,12.0,high,POS mobile with interest,365243.0,-2084.0,-1754.0,-1754.0,-1748.0,0.0,0,Cash loans,M,N,Y,2,135000.0,288873.0,15084.0,238500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.020246,-11274,-1404,-3347.0,-575,,1,1,0,1,0,0,Drivers,4.0,3,3,FRIDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.2715120842502717,0.4335105471074631,0.2340151665320674,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2115.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2323195,325408,Revolving loans,4500.0,90000.0,90000.0,,90000.0,FRIDAY,15,Y,1,,,,XAP,Approved,-679,XNA,XAP,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,M,Y,Y,2,135000.0,450000.0,27324.0,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.026392000000000002,-10920,-1831,-4697.0,-3604,8.0,1,1,0,1,0,0,,4.0,2,2,FRIDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.1632784493110616,0.685213845537127,0.13510601574017175,0.0742,0.0432,0.9856,,,0.08,0.069,0.3333,,0.0182,,0.0724,,0.0,0.0756,0.0448,0.9856,,,0.0806,0.069,0.3333,,0.0186,,0.0754,,0.0,0.0749,0.0432,0.9856,,,0.08,0.069,0.3333,,0.0185,,0.0737,,0.0,,block of flats,0.0569,Panel,No,0.0,0.0,0.0,0.0,-442.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1307717,153322,Consumer loans,21155.895,293625.0,322695.0,0.0,293625.0,TUESDAY,14,Y,1,0.0,,,XAP,Approved,-591,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Regional / Local,264,Consumer electronics,18.0,low_normal,POS household with interest,365243.0,-560.0,-50.0,-50.0,-47.0,0.0,0,Cash loans,M,N,Y,0,270000.0,526491.0,32337.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.020246,-10993,-4146,-3027.0,-3108,,1,1,0,1,1,0,,1.0,3,3,FRIDAY,8,0,0,0,1,1,0,Business Entity Type 1,0.1374936632973632,0.20475207169344525,0.8050196619153701,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1999.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2705162,252186,Consumer loans,3120.75,26316.0,26028.0,2632.5,26316.0,THURSDAY,4,Y,1,0.10003425684066286,,,XAP,Approved,-2143,XNA,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,98,Connectivity,12.0,high,POS mobile with interest,365243.0,-2112.0,-1782.0,-1992.0,-1986.0,0.0,0,Cash loans,F,Y,Y,1,157500.0,1339884.0,36976.5,1170000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.014464,-15108,-2315,-4774.0,-4868,12.0,1,1,1,1,1,0,Managers,3.0,2,2,FRIDAY,11,0,0,0,0,0,0,Transport: type 4,,0.6046643583862299,0.6801388218428291,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-2143.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1999673,426290,Cash loans,28296.09,506232.675,681012.675,,506232.675,WEDNESDAY,11,Y,1,,,,XNA,Approved,-974,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,42.0,middle,Cash Street: middle,365243.0,-944.0,286.0,-794.0,-788.0,1.0,0,Cash loans,F,N,Y,1,202500.0,729792.0,31050.0,630000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.019101,-14832,-4106,-2771.0,-3529,,1,1,0,1,0,0,Managers,3.0,2,2,THURSDAY,14,0,0,0,0,1,1,Kindergarten,0.8522141015296699,0.6502029980219458,0.15663982703141147,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1536.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1538656,406539,Consumer loans,14565.06,70695.0,74425.5,0.0,70695.0,FRIDAY,12,Y,1,0.0,,,XAP,Approved,-939,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Stone,130,Consumer electronics,6.0,high,POS household with interest,365243.0,-908.0,-758.0,-758.0,-755.0,0.0,0,Cash loans,F,N,N,2,38250.0,398016.0,39496.5,360000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.015221,-10682,-2161,-1249.0,-2570,,1,1,1,1,1,0,Core staff,4.0,2,2,SATURDAY,11,0,0,0,0,0,0,Kindergarten,0.4194835539130571,0.618800945237501,0.5478104658520093,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1707.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1061046,228662,Consumer loans,2034.495,22050.0,19845.0,2205.0,22050.0,WEDNESDAY,14,Y,1,0.1089090909090909,,,XAP,Approved,-587,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,134,Consumer electronics,12.0,middle,POS household with interest,365243.0,-556.0,-226.0,-496.0,-492.0,0.0,1,Cash loans,F,N,N,0,63000.0,277969.5,10476.0,229500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010643000000000001,-15590,-8405,-2675.0,-4547,,1,1,1,1,0,0,Core staff,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,School,,0.6596025988153971,0.4650692149562261,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-5.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,1.0,0.0,0.0,0.0,1.0 +2832065,323337,Consumer loans,12189.51,64871.46,54175.5,12977.46,64871.46,WEDNESDAY,4,Y,1,0.21046925867587826,,,XAP,Approved,-963,XNA,XAP,Unaccompanied,Repeater,Construction Materials,POS,XNA,Stone,478,Construction,5.0,middle,POS industry with interest,365243.0,-932.0,-812.0,-812.0,-804.0,0.0,0,Cash loans,F,Y,Y,2,126000.0,225000.0,23755.5,225000.0,Family,Working,Higher education,Married,House / apartment,0.014464,-13827,-181,-5406.0,-5381,7.0,1,1,1,1,1,0,High skill tech staff,4.0,2,2,SUNDAY,7,0,0,0,0,0,0,Electricity,0.5471624238140617,0.3804188604518256,,0.1129,0.1328,0.9886,0.8436,0.0,0.0,0.3103,0.1667,0.2083,0.146,0.092,0.1174,0.0,0.0,0.0945,0.117,0.9876,0.8367,0.0,0.0,0.3103,0.1667,0.2083,0.1324,0.0826,0.1101,0.0,0.0,0.114,0.1328,0.9886,0.8457,0.0,0.0,0.3103,0.1667,0.2083,0.1485,0.0936,0.1196,0.0,0.0,reg oper account,block of flats,0.1018,"Stone, brick",No,0.0,0.0,0.0,0.0,-1984.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1405770,410452,Consumer loans,10961.55,51975.0,38475.0,13500.0,51975.0,FRIDAY,14,Y,1,0.2828807556080283,,,XAP,Approved,-2260,Cash through the bank,XAP,,New,Mobile,POS,XNA,Stone,15,Connectivity,4.0,high,POS mobile with interest,365243.0,-2212.0,-2122.0,-2122.0,-2118.0,0.0,0,Cash loans,F,N,N,0,135000.0,315000.0,22401.0,315000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.035792000000000004,-20143,-1813,-9085.0,-2997,,1,1,1,1,0,0,Sales staff,1.0,2,2,MONDAY,12,0,0,0,0,0,0,Self-employed,0.6730619743601857,0.7015983448992061,0.5352762504724826,0.0928,,0.9781,,,0.0,0.2759,0.1667,,,,0.0523,,,0.0945,,0.9782,,,0.0,0.2759,0.1667,,,,0.0545,,,0.0937,,0.9781,,,0.0,0.2759,0.1667,,,,0.0532,,,,block of flats,0.0723,Panel,No,2.0,0.0,2.0,0.0,-1995.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2694857,170636,Consumer loans,5450.355,99360.0,120343.5,0.0,99360.0,TUESDAY,14,Y,1,0.0,,,XAP,Refused,-394,Cash through the bank,HC,,Repeater,Audio/Video,POS,XNA,Country-wide,1400,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,0,Cash loans,F,N,Y,0,112500.0,398016.0,39496.5,360000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.010643000000000001,-20039,365243,-5046.0,-3578,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,XNA,0.7987553083447069,0.7365157407185663,0.7194907850918436,0.1299,0.069,0.9906,0.8708,0.0229,0.14,0.1207,0.3333,0.0417,0.0715,0.1059,0.1353,0.0,0.0014,0.1134,0.0716,0.9886,0.8497,0.0212,0.1208,0.1034,0.3333,0.0417,0.0641,0.0992,0.1208,0.0,0.0,0.1312,0.069,0.9906,0.8725,0.0231,0.14,0.1207,0.3333,0.0417,0.0727,0.1077,0.1377,0.0,0.0014,reg oper spec account,block of flats,0.1033,Panel,No,0.0,0.0,0.0,0.0,-569.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1621452,143126,Consumer loans,34114.005,305955.0,305955.0,0.0,305955.0,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-1765,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Stone,260,Consumer electronics,12.0,high,POS household with interest,365243.0,-1734.0,-1404.0,-1404.0,-1368.0,0.0,0,Cash loans,F,N,N,0,180000.0,485640.0,34668.0,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.031329,-21763,365243,-2225.0,-4389,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,XNA,,0.26525634018619443,0.2778856891082046,0.0784,0.0779,0.9911,0.9864,0.0203,0.0,0.1724,0.125,0.0417,0.0879,0.0252,0.073,0.0,0.0612,0.0315,0.0634,0.9831,0.9869,0.0205,0.0,0.069,0.0833,0.0417,0.0199,0.0275,0.0292,0.0,0.0005,0.0791,0.0779,0.9911,0.9866,0.0204,0.0,0.1724,0.125,0.0417,0.0894,0.0257,0.0743,0.0,0.0625,reg oper account,block of flats,0.0331,Block,No,1.0,0.0,1.0,0.0,-1574.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1211331,379708,Cash loans,16852.95,225000.0,343800.0,,225000.0,TUESDAY,13,Y,1,,,,XNA,Approved,-112,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-82.0,1328.0,-52.0,-44.0,1.0,0,Revolving loans,F,N,Y,1,60750.0,135000.0,6750.0,135000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-19566,365243,-2785.0,-3125,,1,0,0,1,0,0,,3.0,2,2,TUESDAY,14,0,0,0,0,0,0,XNA,,0.3660304803223184,0.0545839935176224,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-408.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1570378,316028,Cash loans,29028.87,315000.0,388242.0,,315000.0,SATURDAY,15,Y,1,,,,XNA,Approved,-445,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-415.0,95.0,365243.0,365243.0,1.0,0,Revolving loans,F,N,Y,0,157500.0,450000.0,22500.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.010147,-14807,-419,-10795.0,-5124,,1,1,0,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Self-employed,0.44782158420557616,0.6053071404015828,0.6109913280868294,0.1392,0.1206,0.9831,0.7688,0.0227,0.16,0.1379,0.3333,0.375,0.1252,0.1076,0.1371,0.027000000000000003,0.3535,0.1418,0.1251,0.9831,0.7779,0.0229,0.1611,0.1379,0.3333,0.375,0.1281,0.1175,0.1428,0.0272,0.3743,0.1405,0.1206,0.9831,0.7719,0.0228,0.16,0.1379,0.3333,0.375,0.1274,0.1095,0.1395,0.0272,0.3609,reg oper account,block of flats,0.1971,"Stone, brick",No,1.0,0.0,1.0,0.0,-1024.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2814305,176205,Consumer loans,2995.515,26955.0,22455.0,4500.0,26955.0,SATURDAY,10,Y,1,0.1818181818181817,,,XAP,Approved,-2552,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,52,Connectivity,10.0,high,POS mobile with interest,365243.0,-2518.0,-2248.0,-2248.0,-2243.0,0.0,1,Cash loans,F,N,Y,1,81000.0,900000.0,32017.5,900000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.030755,-9834,-666,-1715.0,-1012,,1,1,0,1,0,0,Sales staff,3.0,2,2,WEDNESDAY,11,0,0,0,1,1,0,Self-employed,0.1938724134958721,0.6151318840040054,0.2301588968634147,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2302.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1006758,157730,Consumer loans,5709.69,82507.5,95575.5,0.0,82507.5,SATURDAY,15,Y,1,0.0,,,XAP,Approved,-306,Cash through the bank,XAP,"Spouse, partner",Repeater,Computers,POS,XNA,Country-wide,1100,Consumer electronics,18.0,low_action,POS household without interest,,,,,,,0,Cash loans,F,Y,Y,2,135000.0,640080.0,31261.5,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010556,-15123,-1541,-2856.0,-3949,29.0,1,1,0,1,0,0,Core staff,4.0,3,3,THURSDAY,12,0,0,0,0,0,0,School,0.5762064680341654,0.3944718322188997,0.5971924268337128,0.034,0.0626,0.993,,,0.0,0.1034,0.0833,,0.0259,,0.0289,,0.0571,0.0347,0.065,0.993,,,0.0,0.1034,0.0833,,0.0265,,0.0301,,0.0604,0.0344,0.0626,0.993,,,0.0,0.1034,0.0833,,0.0263,,0.0294,,0.0583,,block of flats,0.0352,"Stone, brick",No,0.0,0.0,0.0,0.0,-432.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1503652,305782,Consumer loans,1869.525,17820.0,16020.0,1800.0,17820.0,THURSDAY,10,Y,1,0.11000918273645546,,,XAP,Approved,-2898,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,49,Connectivity,12.0,high,POS mobile with interest,365243.0,-2866.0,-2536.0,-2536.0,-2524.0,0.0,0,Cash loans,M,N,N,0,90000.0,514867.5,38623.5,486000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.008019,-19987,-3687,-8504.0,-3289,,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Industry: type 7,0.3497350075324913,0.4472844380550535,0.501075160239048,0.1052,0.0621,0.9876,0.83,0.0399,0.0,0.2759,0.1667,0.0417,0.1005,0.0857,0.1056,0.0,0.0,0.1071,0.0644,0.9876,0.8367,0.0403,0.0,0.2759,0.1667,0.0417,0.1028,0.0937,0.1101,0.0,0.0,0.1062,0.0621,0.9876,0.8323,0.0402,0.0,0.2759,0.1667,0.0417,0.1023,0.0872,0.1075,0.0,0.0,reg oper account,block of flats,0.1049,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1306293,197835,Consumer loans,7692.66,80995.5,72895.5,8100.0,80995.5,WEDNESDAY,11,Y,1,0.10891514175029926,,,XAP,Approved,-468,Cash through the bank,XAP,,New,Computers,POS,XNA,Stone,50,Consumer electronics,12.0,middle,POS household with interest,365243.0,-433.0,-103.0,-373.0,-366.0,0.0,0,Cash loans,F,Y,Y,2,198000.0,343800.0,13090.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007305,-12619,-1751,-3064.0,-4332,14.0,1,1,1,1,0,0,,4.0,3,3,TUESDAY,7,0,0,0,0,0,0,Medicine,0.6961730116489292,0.6293686272715483,0.475849908720221,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-468.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2002242,418088,Consumer loans,3081.285,24880.5,24610.5,2488.5,24880.5,SATURDAY,12,Y,1,0.10001117116029104,,,XAP,Approved,-1704,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,3102,Consumer electronics,12.0,high,POS household with interest,365243.0,-1673.0,-1343.0,-1343.0,-1339.0,0.0,0,Cash loans,M,Y,Y,0,112500.0,1233000.0,45693.0,1233000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.028663,-14608,-773,-6091.0,-4046,6.0,1,1,0,1,0,0,,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Transport: type 4,0.2990073503129227,0.5775155572130319,0.6863823354047934,0.0371,0.0637,0.9742,0.6464,0.0032,0.0,0.1034,0.0833,0.125,0.0274,0.0294,0.0293,0.0039,0.003,0.0378,0.0661,0.9742,0.6602,0.0032,0.0,0.1034,0.0833,0.125,0.028,0.0321,0.0305,0.0039,0.0032,0.0375,0.0637,0.9742,0.6511,0.0032,0.0,0.1034,0.0833,0.125,0.0279,0.0299,0.0298,0.0039,0.003,reg oper account,block of flats,0.0254,"Stone, brick",No,3.0,0.0,3.0,0.0,-198.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1954046,132137,Consumer loans,5130.945,32625.0,40023.0,0.0,32625.0,MONDAY,5,Y,1,0.0,,,XAP,Approved,-1702,XNA,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Stone,264,Consumer electronics,10.0,high,POS household with interest,365243.0,-1668.0,-1398.0,-1428.0,-1423.0,0.0,0,Cash loans,M,N,N,0,90000.0,152820.0,16587.0,135000.0,Unaccompanied,Working,Lower secondary,Single / not married,With parents,0.010032,-12846,-938,-5278.0,-3100,,1,1,1,1,0,0,Laborers,1.0,2,2,TUESDAY,6,0,0,0,0,0,0,Business Entity Type 3,,0.31989138767664765,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-602.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,11.0 +2573814,166700,Cash loans,32852.295,450000.0,491580.0,,450000.0,MONDAY,13,Y,1,,,,Urgent needs,Refused,-613,Cash through the bank,LIMIT,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,middle,Cash Street: middle,,,,,,,1,Cash loans,M,Y,Y,3,202500.0,568197.0,45022.5,526500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.019101,-13934,-179,-436.0,-4668,10.0,1,1,0,1,0,0,Drivers,5.0,2,2,FRIDAY,11,0,0,0,0,1,1,Self-employed,0.1898281580204421,0.4263449997042791,0.20442262537632874,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1074.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2573405,281501,Consumer loans,15427.935,134955.0,149206.5,0.0,134955.0,WEDNESDAY,8,Y,1,0.0,,,XAP,Refused,-564,Cash through the bank,LIMIT,,Repeater,Sport and Leisure,POS,XNA,Regional / Local,40,Connectivity,12.0,middle,POS household with interest,,,,,,,0,Cash loans,M,N,N,0,270000.0,143910.0,17077.5,135000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.002506,-17833,-751,-801.0,-1319,,1,1,1,1,1,1,,1.0,2,2,SUNDAY,5,0,0,0,0,0,0,Industry: type 4,0.5129277233056978,0.5543945787426174,0.31547215492577346,0.0814,,0.9886,0.8436,0.0,0.0,0.2069,0.1667,0.0417,,0.0664,0.0808,0.0,0.0,0.083,,0.9886,0.8497,0.0,0.0,0.2069,0.1667,0.0417,,0.0725,0.0842,0.0,0.0,0.0822,,0.9886,0.8457,0.0,0.0,0.2069,0.1667,0.0417,,0.0676,0.0823,0.0,0.0,reg oper account,block of flats,0.0636,,No,0.0,0.0,0.0,0.0,-149.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2061746,115326,Cash loans,60711.12,1129500.0,1195101.0,,1129500.0,FRIDAY,14,Y,1,,,,XNA,Approved,-208,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,24.0,low_action,Cash X-Sell: low,365243.0,-178.0,512.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,211500.0,760131.0,24651.0,634500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.04622,-16931,-8626,-6876.0,-437,,1,1,0,1,0,0,Waiters/barmen staff,2.0,1,1,SUNDAY,10,0,1,1,0,0,0,Government,,0.7306135800699457,0.6512602186973006,0.0082,,0.9776,,,0.0,0.0345,0.0417,,0.0039,,0.0043,,,0.0084,,0.9777,,,0.0,0.0345,0.0417,,0.0039,,0.0045,,,0.0083,,0.9776,,,0.0,0.0345,0.0417,,0.0039,,0.0044,,,,block of flats,0.0054,"Stone, brick",No,1.0,0.0,1.0,0.0,-505.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,5.0,0.0,3.0 +1376460,110713,Consumer loans,16481.97,135814.23,147820.5,4.23,135814.23,MONDAY,15,Y,1,3.1164302112742194e-05,,,XAP,Refused,-1401,Cash through the bank,HC,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,300,Consumer electronics,12.0,high,POS household with interest,,,,,,,0,Cash loans,F,Y,Y,0,270000.0,1282500.0,46066.5,1282500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009175,-15869,-3215,-3791.0,-4834,3.0,1,1,1,1,0,0,Sales staff,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Self-employed,,0.7182213108287825,0.5334816299804352,0.0773,0.0922,0.9811,,,0.0,0.1724,0.1667,,0.0555,,0.0759,,0.0,0.0788,0.0957,0.9811,,,0.0,0.1724,0.1667,,0.0567,,0.0791,,0.0,0.0781,0.0922,0.9811,,,0.0,0.1724,0.1667,,0.0564,,0.0773,,0.0,,block of flats,0.0597,Panel,No,1.0,0.0,1.0,0.0,-1968.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1782496,403336,Consumer loans,4844.925,58387.5,46710.0,11677.5,58387.5,SATURDAY,10,Y,1,0.2178181818181818,,,XAP,Approved,-62,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Stone,15,Consumer electronics,12.0,middle,POS household with interest,365243.0,-31.0,299.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,1,171000.0,679500.0,27076.5,679500.0,Family,Working,Secondary / secondary special,Single / not married,Municipal apartment,0.006852,-14445,-378,-5702.0,-2115,,1,1,1,1,1,0,High skill tech staff,2.0,3,3,FRIDAY,6,0,0,0,0,0,0,Other,0.4373065787935045,0.16511624881785322,0.7324033228040929,0.0124,,0.9821,,,,,0.0,,,,0.0098,,,0.0126,,0.9821,,,,,0.0,,,,0.0102,,,0.0125,,0.9821,,,,,0.0,,,,0.01,,,,block of flats,0.0077,Others,Yes,3.0,1.0,3.0,1.0,-502.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1544121,278338,Consumer loans,3793.545,80739.0,84114.0,0.0,80739.0,SATURDAY,16,Y,1,0.0,,,XAP,Approved,-1100,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,2500,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1068.0,-378.0,-558.0,-553.0,0.0,0,Cash loans,M,N,Y,2,90000.0,495000.0,16096.5,495000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-14736,-1369,-572.0,-2146,,1,1,0,1,0,0,Laborers,4.0,2,2,SUNDAY,7,0,0,0,0,0,0,Business Entity Type 3,0.2482366266272273,0.4274417538458703,0.6706517530862718,0.0433,0.0,0.9737,,,0.0,0.1034,0.125,,0.0702,,0.0337,,0.0253,0.0441,0.0,0.9737,,,0.0,0.1034,0.125,,0.0718,,0.0351,,0.0268,0.0437,0.0,0.9737,,,0.0,0.1034,0.125,,0.0715,,0.0343,,0.0258,,block of flats,0.0343,"Stone, brick",No,0.0,0.0,0.0,0.0,-202.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2477386,360702,Cash loans,19661.94,180000.0,191880.0,,180000.0,FRIDAY,5,Y,1,,,,XNA,Approved,-849,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-819.0,-489.0,-489.0,-483.0,1.0,1,Cash loans,M,Y,N,0,180000.0,590337.0,25011.0,477000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.006852,-21144,-2895,-450.0,-4001,19.0,1,1,0,1,0,0,Drivers,2.0,3,3,SUNDAY,8,0,0,0,0,0,0,Transport: type 4,,0.08295425691428872,,0.066,0.0162,0.9752,,,0.0,0.1034,0.1667,,0.0,,0.0533,,0.0154,0.0672,0.0168,0.9752,,,0.0,0.1034,0.1667,,0.0,,0.0555,,0.0163,0.0666,0.0162,0.9752,,,0.0,0.1034,0.1667,,0.0,,0.0542,,0.0157,,block of flats,0.0453,"Stone, brick",No,0.0,0.0,0.0,0.0,-1593.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2455070,388520,Cash loans,11781.585,135000.0,148365.0,,135000.0,WEDNESDAY,15,Y,1,,,,Repairs,Refused,-264,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,112500.0,182983.5,15781.5,166500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-23165,-6373,-7581.0,-4417,,1,1,0,1,0,0,Cooking staff,2.0,2,2,MONDAY,13,0,0,0,0,0,0,University,,0.05755238609303464,0.6092756673894402,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-585.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,8.0 +1577953,279156,Cash loans,10850.805,90000.0,95940.0,,90000.0,FRIDAY,9,Y,1,,,,XNA,Approved,-522,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-492.0,-162.0,-222.0,-219.0,1.0,0,Cash loans,F,N,Y,0,202500.0,273636.0,29601.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-17001,-1955,-17001.0,-550,,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Other,,0.4235822778762953,0.5638350489514956,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-879.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,4.0 +2723075,400181,Consumer loans,8618.13,131454.0,131454.0,0.0,131454.0,FRIDAY,8,Y,1,0.0,,,XAP,Approved,-1026,Non-cash from your account,XAP,,Refreshed,Construction Materials,POS,XNA,Stone,60,Construction,18.0,low_normal,POS industry with interest,365243.0,-988.0,-478.0,-868.0,-862.0,0.0,0,Cash loans,F,N,Y,0,139500.0,404325.0,20772.0,337500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-19839,-5345,-9021.0,-3375,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,6,0,0,0,0,0,0,Other,,0.08752286937652702,0.4956658291397297,0.0825,0.0849,0.9836,0.8096,0.0,0.0,0.1724,0.1667,0.2083,0.0402,0.0748,0.069,0.0039,0.0167,0.0735,0.0836,0.9816,0.8171,0.0,0.0,0.1379,0.1667,0.2083,0.0,0.0817,0.0653,0.0039,0.0,0.0833,0.0849,0.9836,0.8121,0.0,0.0,0.1724,0.1667,0.2083,0.0409,0.0761,0.0702,0.0039,0.017,reg oper account,block of flats,0.0535,"Stone, brick",No,5.0,0.0,5.0,0.0,-2706.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1519275,108455,Consumer loans,13274.595,213736.5,190453.5,45000.0,213736.5,SUNDAY,10,Y,1,0.2081476423543966,,,XAP,Approved,-999,Cash through the bank,XAP,Family,Refreshed,Consumer Electronics,POS,XNA,Country-wide,3560,Consumer electronics,18.0,middle,POS household with interest,365243.0,-968.0,-458.0,-878.0,-873.0,0.0,0,Cash loans,M,Y,N,0,292500.0,733500.0,20299.5,733500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018209,-20608,-803,-9661.0,-3979,6.0,1,1,0,1,1,0,Laborers,2.0,3,3,WEDNESDAY,15,0,0,0,0,0,0,Construction,0.8124702063083922,0.5010351253227302,0.7801436381572275,0.0928,0.0996,0.9767,0.6804,0.012,0.0,0.2069,0.1667,0.2083,0.0964,0.0756,0.0873,0.0,0.0,0.0945,0.1034,0.9767,0.6929,0.0121,0.0,0.2069,0.1667,0.2083,0.0986,0.0826,0.091,0.0,0.0,0.0937,0.0996,0.9767,0.6847,0.012,0.0,0.2069,0.1667,0.2083,0.0981,0.077,0.0889,0.0,0.0,reg oper account,block of flats,0.0752,Panel,No,0.0,0.0,0.0,0.0,-2196.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2008132,334438,Consumer loans,6440.715,154611.0,138213.0,16398.0,154611.0,TUESDAY,18,Y,1,0.1155086813180998,,,XAP,Refused,-2644,Cash through the bank,SCO,Family,New,XNA,POS,XNA,Country-wide,3303,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,0,Cash loans,M,Y,N,0,180000.0,630000.0,26820.0,630000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.015221,-10383,-267,-9930.0,-3057,8.0,1,1,0,1,0,0,Sales staff,2.0,2,2,SUNDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.18016872795660607,0.4832958025030982,0.11987796089553485,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2156743,123998,Consumer loans,15672.465,190107.0,214573.5,0.0,190107.0,FRIDAY,12,Y,1,0.0,,,XAP,Approved,-515,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,2000,Consumer electronics,18.0,middle,POS household with interest,365243.0,-484.0,26.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,283500.0,422802.0,33534.0,373500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.008575,-15252,-1853,-3527.0,-4667,,1,1,0,1,1,0,Sales staff,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Self-employed,,0.5652307250252242,0.4014074137749511,0.066,0.0723,0.9737,,,0.0,0.1379,0.125,,0.0,,0.0515,,0.0022,0.0672,0.075,0.9737,,,0.0,0.1379,0.125,,0.0,,0.0536,,0.0024,0.0666,0.0723,0.9737,,,0.0,0.1379,0.125,,0.0,,0.0524,,0.0023,,,0.0405,Block,No,3.0,0.0,3.0,0.0,-218.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,8.0 +1180309,345477,Consumer loans,7430.31,72000.0,79605.0,0.0,72000.0,WEDNESDAY,9,Y,1,0.0,,,XAP,Approved,-433,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Stone,150,Furniture,12.0,low_normal,POS industry with interest,365243.0,-397.0,-67.0,-67.0,-65.0,0.0,0,Cash loans,F,N,Y,0,135000.0,172512.0,15952.5,144000.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.031329,-23540,365243,-11583.0,-4076,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,13,0,0,0,0,0,0,XNA,0.8101100492082703,0.7007506959442794,0.1986200451074864,0.0784,0.0865,0.9836,0.7756,0.0162,0.0,0.1724,0.1667,0.2083,0.0591,0.0639,0.0847,0.0,0.0,0.0798,0.0897,0.9836,0.7844,0.0164,0.0,0.1724,0.1667,0.2083,0.0604,0.0698,0.0882,0.0,0.0,0.0791,0.0865,0.9836,0.7786,0.0163,0.0,0.1724,0.1667,0.2083,0.0601,0.065,0.0862,0.0,0.0,reg oper account,block of flats,0.0666,Panel,No,6.0,0.0,6.0,0.0,-1188.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1491633,352534,Consumer loans,8386.335,186156.0,186156.0,0.0,186156.0,SUNDAY,13,Y,1,0.0,,,XAP,Refused,-430,Cash through the bank,HC,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Country-wide,200,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,0,Cash loans,F,Y,Y,1,135000.0,485190.0,26451.0,405000.0,Family,Commercial associate,Incomplete higher,Civil marriage,House / apartment,0.035792000000000004,-11469,-686,-4352.0,-1808,8.0,1,1,0,1,1,0,,3.0,2,2,WEDNESDAY,12,0,1,1,1,1,1,Business Entity Type 3,0.3698642738947778,0.7308158163675522,0.4014074137749511,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-536.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1352064,269810,Consumer loans,3203.19,25600.5,28831.5,2560.5,25600.5,MONDAY,8,Y,1,0.08883209966638864,,,XAP,Refused,-1887,Cash through the bank,LIMIT,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,12.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,Y,N,0,157500.0,1125000.0,33025.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0228,-16242,-2105,-9289.0,-1061,13.0,1,1,1,1,1,0,Medicine staff,2.0,2,2,THURSDAY,19,0,0,0,0,1,1,Medicine,,0.59310824142662,0.6092756673894402,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1419.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2336516,112182,Consumer loans,18102.96,140791.5,150858.0,0.0,140791.5,FRIDAY,20,Y,1,0.0,,,XAP,Refused,-917,Cash through the bank,HC,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Regional / Local,420,Consumer electronics,10.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,180000.0,1223010.0,48631.5,1125000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-22952,365243,-3720.0,-5007,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,XNA,,0.7044563385025604,0.520897599048938,0.0412,,0.9881,,,,0.069,0.1667,,,,0.0362,,,0.042,,0.9881,,,,0.069,0.1667,,,,0.0377,,,0.0416,,0.9881,,,,0.069,0.1667,,,,0.0369,,,,block of flats,0.0285,Block,No,4.0,0.0,4.0,0.0,-2515.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1470384,378791,Consumer loans,16111.35,193927.5,245749.5,0.0,193927.5,SUNDAY,8,Y,1,0.0,,,XAP,Approved,-698,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,1,Consumer electronics,18.0,low_normal,POS household with interest,365243.0,-667.0,-157.0,-397.0,-390.0,0.0,0,Cash loans,M,Y,N,0,157500.0,1078200.0,31522.5,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,With parents,0.018801,-10020,-2286,-7234.0,-1226,19.0,1,1,0,1,0,0,Laborers,1.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Industry: type 12,0.18523168597306933,0.13814416507023178,0.5172965813614878,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-836.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1970671,435994,Consumer loans,10061.865,46345.5,49347.0,4635.0,46345.5,FRIDAY,11,Y,1,0.09351147352147686,,,XAP,Approved,-1957,Cash through the bank,XAP,,New,Mobile,POS,XNA,Regional / Local,15,Connectivity,6.0,high,POS mobile with interest,365243.0,-1915.0,-1765.0,-1765.0,-1584.0,0.0,0,Cash loans,F,N,N,0,90000.0,414792.0,18270.0,315000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.031329,-17398,-2399,-8218.0,-934,,1,1,0,1,0,0,Laborers,1.0,2,2,MONDAY,15,0,0,0,0,0,0,Industry: type 3,0.5942535530825295,0.4956940762590678,0.07396514611722674,0.0227,0.0209,0.9816,0.7484,0.0021,0.0,0.1034,0.0417,0.0833,0.0122,0.0185,0.017,0.0,0.0,0.0231,0.0217,0.9816,0.7583,0.0022,0.0,0.1034,0.0417,0.0833,0.0125,0.0202,0.0178,0.0,0.0,0.0229,0.0209,0.9816,0.7518,0.0022,0.0,0.1034,0.0417,0.0833,0.0124,0.0188,0.0173,0.0,0.0,reg oper account,block of flats,0.0146,"Stone, brick",No,2.0,0.0,2.0,0.0,-1.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2345058,195582,Consumer loans,4829.49,51741.0,51741.0,0.0,51741.0,SATURDAY,8,Y,1,0.0,,,XAP,Approved,-718,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,1450,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-687.0,-357.0,-657.0,-647.0,0.0,0,Cash loans,M,Y,Y,0,337500.0,509400.0,37197.0,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018029,-11592,-111,-3501.0,-450,4.0,1,1,0,1,0,1,High skill tech staff,2.0,3,3,WEDNESDAY,6,0,0,0,1,1,0,Industry: type 1,,0.6520409650018925,0.34090642641523844,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1816.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1110842,193170,Consumer loans,8829.81,87255.0,87255.0,0.0,87255.0,TUESDAY,16,Y,1,0.0,,,XAP,Approved,-1352,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,50,Consumer electronics,14.0,high,POS household with interest,365243.0,-1321.0,-931.0,-1231.0,-1228.0,0.0,0,Cash loans,M,Y,Y,1,157500.0,521280.0,26743.5,450000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.030755,-10924,-3434,-453.0,-3605,65.0,1,1,0,1,0,0,Laborers,3.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Transport: type 2,0.3190357442832749,0.203111948715,0.6313545365850379,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2812762,298491,Revolving loans,4500.0,0.0,90000.0,,,FRIDAY,17,Y,1,,,,XAP,Approved,-782,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-644.0,-602.0,365243.0,-451.0,365243.0,0.0,0,Cash loans,F,N,Y,0,270000.0,1574532.0,60102.0,1350000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-21653,365243,-10085.0,-4236,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,XNA,,0.7424094739078773,0.7407990879702335,0.1588,0.0444,0.9826,,,0.04,0.0345,0.3333,,0.0691,,0.087,,0.0,0.1618,0.0461,0.9826,,,0.0403,0.0345,0.3333,,0.0707,,0.0907,,0.0,0.1603,0.0444,0.9826,,,0.04,0.0345,0.3333,,0.0703,,0.0886,,0.0,,block of flats,0.0685,Monolithic,No,0.0,0.0,0.0,0.0,-1140.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1989773,243951,Consumer loans,30632.76,562275.0,449820.0,112455.0,562275.0,WEDNESDAY,15,Y,1,0.2178181818181818,,,XAP,Approved,-1157,Cash through the bank,XAP,,New,Furniture,POS,XNA,Stone,10,Furniture,18.0,low_normal,POS industry with interest,365243.0,-1125.0,-615.0,-615.0,-607.0,0.0,0,Cash loans,F,N,Y,0,112500.0,728460.0,39676.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.031329,-21348,365243,-8494.0,-4063,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,10,0,0,0,0,0,0,XNA,0.8357647251336406,0.6288839103040289,0.3490552510751822,0.0691,0.0695,0.9752,0.66,0.0078,0.0,0.1379,0.1667,0.2083,0.0163,0.0555,0.0678,0.0039,0.0559,0.0704,0.0721,0.9752,0.6733,0.0079,0.0,0.1379,0.1667,0.2083,0.0166,0.0606,0.0706,0.0039,0.0592,0.0697,0.0695,0.9752,0.6645,0.0079,0.0,0.1379,0.1667,0.2083,0.0165,0.0564,0.069,0.0039,0.0571,reg oper account,block of flats,0.0698,Block,No,1.0,0.0,1.0,0.0,-1157.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2547634,401112,Cash loans,23562.0,450000.0,450000.0,,450000.0,THURSDAY,15,Y,1,,,,XNA,Approved,-251,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-219.0,831.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,414000.0,22590.0,414000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-10093,-375,-6041.0,-2762,19.0,1,1,0,1,0,0,Security staff,2.0,2,2,WEDNESDAY,7,0,0,0,0,1,1,Business Entity Type 3,0.09508386364835872,0.5827354769124312,0.248535557339522,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1001.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,1.0,0.0,5.0 +1368703,385078,Consumer loans,13566.87,91552.5,72472.5,22500.0,91552.5,SUNDAY,12,Y,1,0.25801727294264604,,,XAP,Approved,-2302,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Stone,60,Consumer electronics,6.0,middle,POS household with interest,365243.0,-2255.0,-2105.0,-2105.0,-1728.0,0.0,0,Cash loans,F,N,Y,2,67500.0,225000.0,23053.5,225000.0,Family,Working,Higher education,Married,House / apartment,0.028663,-13551,-1112,-1026.0,-1822,,1,1,1,1,1,0,,4.0,2,2,SATURDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.6822889245544941,0.42025414151642826,0.6313545365850379,0.2608,0.4221,0.9861,0.8096,0.0525,0.0,0.6897,0.1667,0.2083,0.0674,0.2068,0.2486,0.027000000000000003,0.1725,0.2658,0.4381,0.9861,0.8171,0.053,0.0,0.6897,0.1667,0.2083,0.069,0.2259,0.259,0.0272,0.1826,0.2634,0.4221,0.9861,0.8121,0.0529,0.0,0.6897,0.1667,0.2083,0.0686,0.2104,0.253,0.0272,0.1761,org spec account,block of flats,0.233,"Stone, brick",No,0.0,0.0,0.0,0.0,-414.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,0.0 +2274427,136408,Revolving loans,36000.0,0.0,720000.0,,,TUESDAY,14,Y,1,,,,XAP,Approved,-414,XNA,XAP,,Refreshed,XNA,Cards,x-sell,AP+ (Cash loan),4,XNA,0.0,XNA,Card X-Sell,-411.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,153000.0,704844.0,28084.5,630000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.028663,-18090,-3372,-9366.0,-1638,,1,1,1,1,1,0,Sales staff,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Trade: type 7,,0.7605083827801206,0.5100895276257282,0.0082,0.0,0.9627,,,0.0,0.069,0.0417,,0.0282,,0.0105,,0.0,0.0084,0.0,0.9628,,,0.0,0.069,0.0417,,0.0288,,0.011,,0.0,0.0083,0.0,0.9627,,,0.0,0.069,0.0417,,0.0287,,0.0107,,0.0,,block of flats,0.0091,Block,No,5.0,1.0,5.0,0.0,-1862.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2562010,397563,Consumer loans,26503.515,490261.5,490261.5,0.0,490261.5,FRIDAY,14,Y,1,0.0,,,XAP,Approved,-901,Cash through the bank,XAP,Unaccompanied,New,Furniture,POS,XNA,Country-wide,100,Furniture,20.0,low_action,POS industry without interest,365243.0,-869.0,-299.0,-299.0,-297.0,0.0,0,Cash loans,M,Y,Y,1,900000.0,1800000.0,173704.5,1800000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,Office apartment,0.007114,-15365,-3280,-2232.0,-1089,5.0,1,1,0,1,0,1,Managers,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.6330591436615095,0.7981372313187245,0.1237,0.1337,0.9796,,,0.0,0.2759,0.1667,,,,0.1153,,0.0,0.1261,0.1388,0.9796,,,0.0,0.2759,0.1667,,,,0.1201,,0.0,0.1249,0.1337,0.9796,,,0.0,0.2759,0.1667,,,,0.1173,,0.0,,block of flats,0.0907,Panel,No,1.0,0.0,1.0,0.0,-901.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1473707,419329,Revolving loans,12375.0,0.0,247500.0,,,MONDAY,17,Y,1,,,,XAP,Approved,-2847,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,-1,Consumer electronics,0.0,XNA,Card Street,-2807.0,-2769.0,365243.0,-1186.0,365243.0,0.0,0,Cash loans,F,N,Y,0,315000.0,825588.0,52893.0,765000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.032561,-18515,-1794,-7673.0,-1986,,1,1,0,1,1,0,Laborers,2.0,1,1,SATURDAY,13,0,0,0,0,0,0,Business Entity Type 1,,0.6851383727052539,,0.1041,0.0798,0.9727,0.626,0.0108,0.0,0.1724,0.1667,0.2083,0.0722,0.0841,0.0832,0.0039,0.0029,0.1061,0.0828,0.9727,0.6406,0.0109,0.0,0.1724,0.1667,0.2083,0.0738,0.0918,0.0867,0.0039,0.003,0.1051,0.0798,0.9727,0.631,0.0109,0.0,0.1724,0.1667,0.2083,0.0734,0.0855,0.0847,0.0039,0.0029,reg oper account,block of flats,0.07200000000000001,"Stone, brick",No,0.0,0.0,0.0,0.0,-2062.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1189193,340141,Cash loans,59670.045,1215000.0,1338493.5,,1215000.0,THURSDAY,16,Y,1,,,,XNA,Approved,-589,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,100,XNA,42.0,middle,Cash X-Sell: middle,365243.0,-559.0,671.0,-259.0,-257.0,1.0,0,Cash loans,F,N,Y,2,270000.0,1546020.0,45333.0,1350000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.032561,-15801,-1046,-623.0,-3994,,1,1,0,1,0,0,Cleaning staff,4.0,1,1,FRIDAY,14,0,0,0,0,0,0,Other,0.5930765088676175,0.7340385249582122,0.08846056465419698,0.2588,,0.9781,,,0.28,0.2414,0.3333,,0.1167,,0.254,,0.009000000000000001,0.2637,,0.9782,,,0.282,0.2414,0.3333,,0.1193,,0.2646,,0.0095,0.2613,,0.9781,,,0.28,0.2414,0.3333,,0.1187,,0.2585,,0.0092,,block of flats,0.2017,Panel,No,0.0,0.0,0.0,0.0,-2352.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2100038,358321,Consumer loans,12943.575,287316.0,287316.0,0.0,287316.0,TUESDAY,17,Y,1,0.0,,,XAP,Approved,-959,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,1354,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-928.0,-238.0,-328.0,-324.0,0.0,0,Cash loans,M,N,N,0,157500.0,835380.0,30955.5,675000.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.009334,-9788,-1083,-20.0,-2456,,1,1,0,1,0,0,Core staff,1.0,2,2,WEDNESDAY,18,0,0,0,0,0,0,Trade: type 2,,0.5036482381510776,0.4436153084085652,0.0309,0.0564,0.9732,0.6328,,0.0,0.1034,0.1667,0.2083,,,0.047,,0.0429,0.0315,0.0585,0.9732,0.6472,,0.0,0.1034,0.1667,0.2083,,,0.0489,,0.0455,0.0312,0.0564,0.9732,0.6377,,0.0,0.1034,0.1667,0.2083,,,0.0478,,0.0438,reg oper account,block of flats,0.05,"Stone, brick",No,5.0,0.0,5.0,0.0,-1811.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2270032,326328,Consumer loans,6520.95,57413.025,57413.025,0.0,57413.025,FRIDAY,19,Y,1,0.0,,,XAP,Approved,-116,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-74.0,196.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,180000.0,296505.0,23904.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.005084,-10778,-1071,-2339.0,-3469,13.0,1,1,0,1,0,1,Laborers,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.10473284020957632,0.4377685600448665,0.5478104658520093,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-116.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1591412,380129,Cash loans,33249.735,900000.0,1030680.0,,900000.0,THURSDAY,7,Y,1,,,,XNA,Approved,-323,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),12,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,225000.0,1011955.5,45270.0,904500.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.010032,-18191,-7117,-819.0,-1731,,1,1,0,1,0,0,Medicine staff,1.0,2,2,FRIDAY,9,0,0,0,0,0,0,Medicine,,0.6088280688155442,0.5370699579791587,0.157,0.0783,0.9876,0.83,0.0243,0.1064,0.0917,0.3471,0.3888,0.0401,0.128,0.1102,0.0,0.0,0.083,0.0608,0.9851,0.804,0.0237,0.0806,0.069,0.3333,0.375,0.018000000000000002,0.0725,0.0838,0.0,0.0,0.1312,0.0598,0.9861,0.8121,0.0248,0.08,0.069,0.3333,0.375,0.0463,0.1077,0.0901,0.0,0.0,reg oper account,block of flats,0.0633,Panel,No,0.0,0.0,0.0,0.0,-805.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2704401,240792,Consumer loans,13105.125,114685.065,112297.5,11468.565,114685.065,THURSDAY,15,Y,1,0.10091869594317457,,,XAP,Approved,-782,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,370,Consumer electronics,10.0,middle,POS household with interest,365243.0,-740.0,-470.0,-470.0,-464.0,0.0,0,Cash loans,F,N,Y,1,112500.0,193500.0,9540.0,193500.0,Family,Working,Lower secondary,Separated,House / apartment,0.035792000000000004,-14229,-2102,-2738.0,-4712,,1,1,0,1,0,0,Cooking staff,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.7337652118039132,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1416807,191979,Cash loans,14746.455,135000.0,143910.0,,135000.0,THURSDAY,17,Y,1,,,,XNA,Approved,-436,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-406.0,-76.0,-106.0,-104.0,1.0,0,Cash loans,M,N,N,0,157500.0,1288350.0,37800.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.019101,-19752,-3313,-6178.0,-3284,,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,15,0,0,0,0,0,0,Construction,0.7484005233216163,0.7927466689986699,0.6610235391308081,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2853.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2768415,436091,Cash loans,45828.81,1129500.0,1293502.5,,1129500.0,SATURDAY,10,Y,1,,,,XNA,Approved,-641,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,middle,Cash X-Sell: middle,365243.0,-611.0,1159.0,-281.0,-276.0,1.0,0,Cash loans,M,Y,N,0,108000.0,760500.0,22234.5,760500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-15791,-1493,-9626.0,-4702,7.0,1,1,0,1,1,0,Drivers,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Other,,0.7496678735008971,0.6041125998015721,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-2072.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +2280703,326556,Consumer loans,9655.605,49455.0,46714.5,4945.5,49455.0,MONDAY,18,Y,1,0.10426053215077602,,,XAP,Approved,-1922,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Regional / Local,2263,Consumer electronics,6.0,high,POS household with interest,365243.0,-1891.0,-1741.0,-1741.0,-1734.0,0.0,0,Cash loans,M,N,N,0,180000.0,199008.0,21429.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.032561,-14765,-443,-10171.0,-2653,,1,1,1,1,1,0,Laborers,1.0,1,1,THURSDAY,19,0,0,0,0,0,0,Business Entity Type 3,,0.42423913362012794,0.5226973172821112,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-892.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1119533,250384,Cash loans,14921.505,180000.0,197820.0,,180000.0,SATURDAY,12,Y,1,,,,XNA,Refused,-1309,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),-1,XNA,18.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,Y,Y,0,202500.0,1971072.0,68512.5,1800000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.030755,-19253,-1410,-1024.0,-2808,4.0,1,1,0,1,0,0,Drivers,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Self-employed,,0.6885812020487512,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2722.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1327307,103388,Cash loans,10492.02,90000.0,95940.0,0.0,90000.0,THURSDAY,13,Y,1,0.0,,,XNA,Approved,-2277,Cash through the bank,XAP,Children,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-2247.0,-1917.0,-1917.0,-1910.0,1.0,0,Cash loans,F,Y,Y,0,72000.0,327024.0,18391.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-20361,-10357,-11180.0,-3922,7.0,1,1,0,1,0,0,Sales staff,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Business Entity Type 2,,0.2858978721410488,0.5585066276769286,0.0825,0.0584,0.9732,0.6328,0.0069,0.0,0.1379,0.1667,0.2083,0.0514,0.0672,0.0628,0.0,0.0,0.084,0.0606,0.9732,0.6472,0.006999999999999999,0.0,0.1379,0.1667,0.2083,0.0525,0.0735,0.0654,0.0,0.0,0.0833,0.0584,0.9732,0.6377,0.006999999999999999,0.0,0.1379,0.1667,0.2083,0.0523,0.0684,0.0639,0.0,0.0,reg oper account,block of flats,0.0532,"Stone, brick",No,4.0,2.0,4.0,1.0,-855.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1831289,110706,Cash loans,14200.2,270000.0,270000.0,,270000.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-681,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,high,Cash X-Sell: high,365243.0,-651.0,759.0,-501.0,-495.0,0.0,0,Cash loans,F,N,N,1,135000.0,679500.0,19867.5,679500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.007273999999999998,-11162,-2294,-5902.0,-2624,,1,1,0,1,1,0,Managers,3.0,2,2,FRIDAY,10,0,0,0,0,1,1,Business Entity Type 3,0.7049214119194364,0.5650372565725367,0.4329616670974407,0.0165,0.0417,0.9851,0.7959999999999999,,0.0,0.069,0.0417,,0.0,0.0134,0.014,,0.0043,0.0168,0.0433,0.9851,0.804,,0.0,0.069,0.0417,,0.0,0.0147,0.0146,,0.0045,0.0167,0.0417,0.9851,0.7987,,0.0,0.069,0.0417,,0.0,0.0137,0.0143,,0.0044,reg oper account,block of flats,0.012,Panel,No,4.0,2.0,4.0,2.0,-1776.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1221454,102333,Consumer loans,13720.725,121050.0,133834.5,0.0,121050.0,TUESDAY,18,Y,1,0.0,,,XAP,Approved,-370,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Country-wide,260,Furniture,12.0,middle,POS industry with interest,365243.0,-336.0,-6.0,-36.0,-29.0,0.0,0,Cash loans,F,N,Y,0,135000.0,1061599.5,31171.5,927000.0,Family,Pensioner,Higher education,Married,House / apartment,0.00496,-21654,365243,-948.0,-1883,,1,0,0,1,0,0,,2.0,2,2,MONDAY,14,0,0,0,0,0,0,XNA,,0.7680170990786246,0.4650692149562261,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-919.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1136567,414788,Consumer loans,14198.31,94090.5,79245.0,18819.0,94090.5,WEDNESDAY,16,Y,1,0.209002302763316,,,XAP,Approved,-485,Cash through the bank,XAP,,New,Construction Materials,POS,XNA,Stone,9,Construction,6.0,low_normal,POS industry with interest,365243.0,-454.0,-304.0,-334.0,-327.0,0.0,0,Cash loans,F,Y,Y,2,193500.0,843088.5,43177.5,670500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.005313,-10535,-1716,-10535.0,-3076,16.0,1,1,0,1,0,0,Core staff,4.0,2,2,FRIDAY,14,0,0,0,0,0,0,Agriculture,,0.5807827753033573,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,2.0,2.0,2.0,-485.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2086339,307544,Cash loans,27930.645,810000.0,921195.0,,810000.0,WEDNESDAY,11,Y,1,,,,XNA,Refused,-147,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,M,Y,Y,0,225000.0,691020.0,19935.0,495000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-23135,365243,-6589.0,-4927,1.0,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,XNA,,0.7006498027026112,0.7490217048463391,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-3281.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2180893,425928,Cash loans,41720.94,810000.0,921195.0,,810000.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-859,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-829.0,581.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,112500.0,155938.5,14431.5,126000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.01885,-13836,-3747,-5145.0,-5326,,1,1,0,1,0,1,Core staff,2.0,2,2,MONDAY,15,0,0,0,0,0,0,Police,0.7177792577626284,0.2864741392351217,0.11319635306222815,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,8.0,1.0,8.0,1.0,-2080.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1955825,423357,Consumer loans,6852.69,43254.0,29272.5,15142.5,43254.0,FRIDAY,12,Y,1,0.3713060698167081,,,XAP,Approved,-1468,Cash through the bank,XAP,Unaccompanied,New,Furniture,POS,XNA,Country-wide,108,Furniture,5.0,high,POS industry without interest,365243.0,-1437.0,-1317.0,-1347.0,-1340.0,0.0,0,Cash loans,F,N,Y,0,166500.0,1451047.5,53905.5,1354500.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.04622,-20778,365243,-3396.0,-4288,,1,0,0,1,1,0,,2.0,1,1,WEDNESDAY,11,0,0,0,0,0,0,XNA,,0.746010203993147,0.6479768603302221,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1468.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,1.0,2.0 +1614911,109543,Cash loans,16632.405,135000.0,162315.0,,135000.0,MONDAY,13,Y,1,,,,XNA,Approved,-851,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-821.0,-491.0,-521.0,-516.0,1.0,0,Cash loans,F,N,N,1,67500.0,283500.0,19075.5,283500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-15781,-3328,-569.0,-4496,,1,1,0,1,0,0,Cleaning staff,3.0,2,2,FRIDAY,14,0,0,0,0,0,0,Housing,0.6463177827017937,0.6470282604438302,0.12140828616312165,0.0928,0.0843,0.9811,0.7416,0.0079,0.0,0.2069,0.1667,0.2083,0.0,0.0756,0.0879,0.0,0.0,0.0945,0.0875,0.9811,0.7517,0.008,0.0,0.2069,0.1667,0.2083,0.0,0.0826,0.0916,0.0,0.0,0.0937,0.0843,0.9811,0.7451,0.008,0.0,0.2069,0.1667,0.2083,0.0,0.077,0.0895,0.0,0.0,reg oper account,block of flats,0.0692,Panel,No,4.0,0.0,4.0,0.0,-556.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,8.0 +1128240,282101,Consumer loans,3648.735,20200.5,18180.0,2020.5,20200.5,SUNDAY,12,Y,1,0.10893335223475564,,,XAP,Approved,-2271,Cash through the bank,XAP,Other_A,New,Mobile,POS,XNA,Country-wide,24,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2238.0,-2088.0,-2088.0,-2082.0,0.0,0,Cash loans,M,Y,Y,1,135000.0,675000.0,24799.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.009334,-13651,-1892,-6679.0,-3640,32.0,1,1,0,1,0,0,Laborers,3.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,Self-employed,,0.6132042329369451,0.18629294965553744,,,0.9712,,,,0.069,0.0417,,,,0.0109,,,,,0.9712,,,,0.069,0.0417,,,,0.0114,,,,,0.9712,,,,0.069,0.0417,,,,0.0111,,,,block of flats,0.0086,Wooden,No,10.0,2.0,10.0,2.0,-332.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2243778,136613,Cash loans,6727.815,67500.0,71955.0,,67500.0,TUESDAY,9,Y,1,,,,XNA,Approved,-300,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-270.0,60.0,-180.0,-176.0,1.0,0,Cash loans,F,N,Y,0,112500.0,225000.0,15790.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-22550,365243,-9476.0,-4680,,1,0,0,1,0,0,,2.0,2,2,MONDAY,8,0,0,0,0,0,0,XNA,,0.4478142981670085,0.7209441499436497,0.3062,0.135,0.9786,0.7076,0.0528,0.24,0.2069,0.3333,0.375,0.0222,0.2412,0.2513,0.0386,0.1942,0.312,0.1401,0.9786,0.7190000000000001,0.0533,0.2417,0.2069,0.3333,0.375,0.0227,0.2635,0.2618,0.0389,0.2055,0.3092,0.135,0.9786,0.7115,0.0532,0.24,0.2069,0.3333,0.375,0.0225,0.2454,0.2558,0.0388,0.1982,reg oper account,block of flats,0.2687,"Stone, brick",No,0.0,0.0,0.0,0.0,-300.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,4.0 +2363907,145685,Consumer loans,19545.525,98775.0,103990.5,0.0,98775.0,TUESDAY,15,Y,1,0.0,,,XAP,Approved,-1137,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,305,Furniture,6.0,middle,POS industry with interest,365243.0,-1106.0,-956.0,-1016.0,-1013.0,0.0,0,Cash loans,F,N,Y,0,270000.0,573408.0,29407.5,495000.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.04622,-21939,365243,-2724.0,-5244,,1,0,0,1,0,0,,2.0,1,1,FRIDAY,13,0,0,0,0,0,0,XNA,,0.7180796716217563,0.6674577419214722,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2414.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1264288,211494,Consumer loans,6976.8,26955.0,25114.5,2695.5,26955.0,WEDNESDAY,15,Y,1,0.10556075316269488,,,XAP,Approved,-706,Cash through the bank,XAP,Family,New,Photo / Cinema Equipment,POS,XNA,Country-wide,54,Connectivity,4.0,high,POS mobile with interest,365243.0,-675.0,-585.0,-585.0,-576.0,0.0,1,Cash loans,M,Y,N,0,112500.0,508495.5,24462.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.025164,-13275,-2071,-917.0,-1909,17.0,1,1,0,1,0,0,Laborers,1.0,2,2,SUNDAY,10,0,0,0,1,1,0,Business Entity Type 3,,0.17421162214020056,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-799.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2395859,270334,Consumer loans,8865.72,80280.0,78610.5,8028.0,80280.0,SUNDAY,10,Y,1,0.1009161264124127,,,XAP,Approved,-525,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Regional / Local,95,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-494.0,-224.0,-314.0,-308.0,0.0,0,Cash loans,F,N,Y,0,90000.0,482593.5,27076.5,436500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.019688999999999998,-20257,-2627,-116.0,-2223,,1,1,0,1,0,0,,1.0,2,2,SUNDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.6854097274500015,0.6058033490027839,0.33928769990891394,0.0082,0.0,0.9722,0.6192,0.0013,0.0,0.069,0.0417,0.0417,0.0102,0.0067,0.0076,0.0,0.0,0.0084,0.0,0.9722,0.6341,0.0013,0.0,0.069,0.0417,0.0417,0.0104,0.0073,0.0079,0.0,0.0,0.0083,0.0,0.9722,0.6243,0.0013,0.0,0.069,0.0417,0.0417,0.0104,0.0068,0.0077,0.0,0.0,not specified,block of flats,0.0067,"Stone, brick",No,7.0,1.0,7.0,1.0,-85.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +2167675,155984,Consumer loans,13552.335,146880.0,132192.0,14688.0,146880.0,SUNDAY,16,Y,1,0.1089090909090909,,,XAP,Approved,-424,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Stone,50,Consumer electronics,12.0,middle,POS household with interest,365243.0,-394.0,-64.0,-244.0,-242.0,0.0,0,Cash loans,M,N,N,0,157500.0,182448.0,19287.0,157500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.005084,-15763,-2329,-8094.0,-4363,,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,18,0,0,0,0,0,0,Self-employed,,0.6487543174158714,0.13177013253138142,0.1031,0.1354,0.9866,,,0.0,0.2759,0.1667,,0.087,,0.0711,,0.0,0.105,0.1405,0.9866,,,0.0,0.2759,0.1667,,0.08900000000000001,,0.0741,,0.0,0.1041,0.1354,0.9866,,,0.0,0.2759,0.1667,,0.0885,,0.0724,,0.0,,block of flats,0.0892,Panel,No,0.0,0.0,0.0,0.0,-937.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,4.0 +1418506,185057,Consumer loans,5644.755,57091.5,53172.0,9000.0,57091.5,MONDAY,20,Y,1,0.157656472074538,,,XAP,Approved,-499,Cash through the bank,XAP,,Refreshed,Audio/Video,POS,XNA,Country-wide,550,Consumer electronics,12.0,middle,POS household with interest,365243.0,-468.0,-138.0,-168.0,-164.0,0.0,0,Cash loans,F,N,Y,1,225000.0,545040.0,35617.5,450000.0,"Spouse, partner",Commercial associate,Higher education,Married,House / apartment,0.009175,-10329,-1321,-3567.0,-3002,,1,1,0,1,0,0,Core staff,3.0,2,2,WEDNESDAY,18,0,0,0,0,0,0,Self-employed,,0.7046748249519306,,0.1649,0.0513,0.9776,0.6940000000000001,0.0065,0.0,0.1034,0.1667,0.2083,0.0976,0.1311,0.057,0.0154,0.0462,0.1681,0.0532,0.9777,0.706,0.0066,0.0,0.1034,0.1667,0.2083,0.0999,0.1433,0.0594,0.0156,0.0489,0.1665,0.0513,0.9776,0.6981,0.0065,0.0,0.1034,0.1667,0.2083,0.0993,0.1334,0.0581,0.0155,0.0471,reg oper account,block of flats,0.0549,"Stone, brick",No,1.0,0.0,1.0,0.0,0.0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1286765,429506,Consumer loans,3240.135,45472.5,30190.5,18000.0,45472.5,WEDNESDAY,18,Y,1,0.4067946247421455,,,XAP,Approved,-1532,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Stone,72,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1501.0,-1171.0,-1171.0,-1164.0,0.0,0,Revolving loans,M,Y,Y,0,130500.0,405000.0,20250.0,405000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.018634,-12656,-126,-6755.0,-4674,19.0,1,1,0,1,0,0,Drivers,1.0,2,2,TUESDAY,13,0,0,0,0,0,0,Electricity,0.4417073374298373,0.5328705842553758,0.5797274227921155,0.0773,0.0649,0.9831,,,0.0,0.1724,0.1667,,0.0692,,0.0689,,0.0,0.0788,0.0674,0.9831,,,0.0,0.1724,0.1667,,0.0708,,0.0718,,0.0,0.0781,0.0649,0.9831,,,0.0,0.1724,0.1667,,0.0704,,0.0701,,0.0,,block of flats,0.0704,Panel,No,1.0,0.0,1.0,0.0,-305.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,2.0 +2075193,410707,Cash loans,39458.79,315000.0,375583.5,,315000.0,SATURDAY,8,Y,1,,,,XNA,Approved,-397,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-367.0,-37.0,-187.0,-179.0,1.0,0,Cash loans,F,N,Y,0,225000.0,518562.0,38902.5,463500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.002134,-16862,-4567,-2570.0,-411,,1,1,0,1,0,0,Managers,2.0,3,3,THURSDAY,7,0,0,0,0,0,0,Trade: type 7,,0.6560932046847847,0.7338145369642702,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2490511,321930,Consumer loans,,48154.5,48154.5,0.0,48154.5,TUESDAY,14,Y,1,0.0,,,XAP,Refused,-2337,Cash through the bank,HC,Children,Repeater,Mobile,XNA,XNA,Country-wide,35,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,0,135000.0,753840.0,20016.0,540000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.020246,-17323,-9587,-5732.0,-873,,1,1,0,1,1,1,Private service staff,1.0,3,3,MONDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.486148220493384,0.3849079233316983,0.1873887653772306,0.0928,0.1016,0.9826,0.762,0.0771,0.0,0.2069,0.1667,0.2083,0.025,0.0723,0.0838,0.0154,0.012,0.0945,0.1054,0.9826,0.7713,0.0778,0.0,0.2069,0.1667,0.2083,0.0256,0.079,0.0873,0.0156,0.0127,0.0937,0.1016,0.9826,0.7652,0.0776,0.0,0.2069,0.1667,0.2083,0.0254,0.0735,0.0853,0.0155,0.0123,reg oper account,block of flats,0.1107,Panel,No,0.0,0.0,0.0,0.0,-2815.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0.0,0.0,0.0,0.0,1.0,3.0 +2777408,331462,Cash loans,63637.335,2250000.0,2517300.0,,2250000.0,SUNDAY,17,Y,1,,,,XNA,Approved,-340,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,661500.0,2013840.0,55507.5,1800000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.04622,-20053,-3422,-5824.0,-3530,5.0,1,1,0,1,0,0,Accountants,2.0,1,1,THURSDAY,13,0,0,0,0,1,1,Business Entity Type 2,,0.7564182626907825,0.248535557339522,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-3385.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1867460,230430,Revolving loans,7875.0,157500.0,157500.0,0.0,157500.0,MONDAY,15,Y,1,0.0,,,XAP,Refused,-485,XNA,LIMIT,,Repeater,XNA,Cards,walk-in,Country-wide,39,Connectivity,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,Y,N,1,135000.0,270000.0,30537.0,270000.0,Other_B,Working,Higher education,Married,With parents,0.019101,-9966,-956,-1157.0,-1163,10.0,1,1,1,1,1,0,Cooking staff,3.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.1994872101019756,0.25670557243930026,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-485.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1686389,243021,Consumer loans,3684.825,40567.5,36508.5,4059.0,40567.5,WEDNESDAY,9,Y,1,0.10896949528563496,,,XAP,Approved,-244,XNA,XAP,,Repeater,Mobile,POS,XNA,Stone,14,Connectivity,12.0,middle,POS mobile with interest,365243.0,-205.0,125.0,-205.0,-198.0,0.0,1,Cash loans,M,N,Y,0,157500.0,1005120.0,29520.0,720000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.001333,-8471,-724,-1026.0,-1138,,1,1,0,1,0,0,,1.0,3,3,TUESDAY,6,0,0,0,0,0,0,Self-employed,,0.5261098725477281,0.4101025731788671,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-230.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1050487,387265,Revolving loans,4500.0,90000.0,90000.0,,90000.0,SUNDAY,7,Y,1,,,,XAP,Approved,-185,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-184.0,-148.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,1,270000.0,1350000.0,39604.5,1350000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.010032,-11051,-1571,-2239.0,-3705,,1,1,1,1,1,0,Laborers,3.0,2,2,WEDNESDAY,2,0,0,0,0,0,0,Business Entity Type 3,0.2230535053363065,0.6987061199003388,0.633031641417419,0.2505,,0.9965,,,0.2,0.1724,0.375,,,,0.244,,0.0115,0.2553,,0.9965,,,0.2014,0.1724,0.375,,,,0.2542,,0.0122,0.2529,,0.9965,,,0.2,0.1724,0.375,,,,0.2484,,0.0117,,block of flats,0.1919,"Stone, brick",No,1.0,0.0,1.0,0.0,-1717.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2091978,236363,Cash loans,39912.525,675000.0,744498.0,,675000.0,SATURDAY,7,Y,1,,,,Building a house or an annex,Refused,-431,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Country-wide,51,Connectivity,36.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,Y,Y,0,157500.0,495000.0,20970.0,495000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.020713,-21738,-4413,-5082.0,-5083,12.0,1,1,1,1,1,0,Laborers,1.0,3,3,WEDNESDAY,8,0,0,0,0,0,0,Postal,,0.501740349304867,0.5867400085415683,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1618.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1691859,153772,Consumer loans,8283.96,42286.5,44797.5,0.0,42286.5,SUNDAY,18,Y,1,0.0,,,XAP,Approved,-313,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,1550,Consumer electronics,6.0,middle,POS household with interest,365243.0,-282.0,-132.0,-132.0,-124.0,0.0,0,Cash loans,F,N,N,0,157500.0,760225.5,32337.0,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-12359,-3750,-2688.0,-3975,,1,1,0,1,0,0,Sales staff,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Self-employed,,0.5285680661771577,0.7032033049040319,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,0.0,8.0,0.0,-2682.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1951535,222848,Consumer loans,2773.26,17640.0,22383.0,0.0,17640.0,FRIDAY,3,Y,1,0.0,,,XAP,Approved,-1223,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,12.0,high,POS mobile with interest,365243.0,-1144.0,-814.0,-814.0,-808.0,0.0,0,Cash loans,F,N,N,0,90000.0,566055.0,20925.0,472500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.014464,-16201,-1223,-7159.0,-4202,,1,1,0,1,0,0,Cooking staff,2.0,2,2,WEDNESDAY,4,0,0,0,0,0,0,Kindergarten,,0.623293783582486,0.6279908192952864,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-1726.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2755247,349505,Consumer loans,2850.84,21991.5,21370.5,2250.0,21991.5,SATURDAY,11,Y,1,0.10374270423803668,,,XAP,Approved,-2508,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,10.0,low_normal,POS mobile with interest,365243.0,-2477.0,-2207.0,-2207.0,-2178.0,1.0,0,Cash loans,M,Y,Y,1,126000.0,314100.0,17167.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-11886,-1230,-1113.0,-4001,1.0,1,1,1,1,1,0,Drivers,3.0,2,2,MONDAY,14,0,0,0,0,1,1,Other,0.22452449990338805,0.5447811812795327,0.5797274227921155,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-1042.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2023453,165849,Revolving loans,22500.0,0.0,450000.0,,,THURSDAY,14,Y,1,,,,XAP,Approved,-902,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,Y,Y,1,207000.0,450000.0,47385.0,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.026392000000000002,-16269,-2626,-4926.0,-4920,8.0,1,1,0,1,0,0,,3.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Business Entity Type 1,,0.5507235912662397,0.3672910183026313,0.2237,,0.9925,,,0.32,0.2759,0.3333,,,,0.2016,,0.0,0.2279,,0.9926,,,0.3222,0.2759,0.3333,,,,0.21,,0.0,0.2259,,0.9925,,,0.32,0.2759,0.3333,,,,0.2052,,0.0,,block of flats,0.1586,Panel,No,0.0,0.0,0.0,0.0,-2380.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1374854,155415,Consumer loans,10759.68,87750.0,95472.0,0.0,87750.0,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-2,Cash through the bank,XAP,"Spouse, partner",Repeater,Furniture,POS,XNA,Stone,50,Furniture,10.0,low_normal,POS industry with interest,365243.0,365243.0,298.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,N,0,112500.0,508495.5,24592.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.035792000000000004,-10263,-2895,-3638.0,-853,7.0,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,14,0,1,1,0,1,1,Business Entity Type 3,,0.17592012587243805,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-189.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2023437,385830,Cash loans,39227.355,900000.0,1004544.0,,900000.0,TUESDAY,10,Y,1,,,,XNA,Approved,-680,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-650.0,760.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,1,180000.0,675000.0,32602.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-17615,-7167,-9541.0,-1145,,1,1,0,1,1,0,Drivers,3.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.5153743018228873,0.5978489913573337,,0.0825,,0.9767,,,0.0,0.1379,0.1667,,,,0.0721,,0.0,0.084,,0.9767,,,0.0,0.1379,0.1667,,,,0.0751,,0.0,0.0833,,0.9767,,,0.0,0.1379,0.1667,,,,0.0734,,0.0,,block of flats,0.0567,Panel,No,2.0,0.0,2.0,0.0,-1326.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1409744,338548,Cash loans,27982.575,270000.0,337261.5,,270000.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-1044,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-1014.0,-504.0,-954.0,-949.0,1.0,1,Cash loans,F,Y,Y,2,450000.0,797814.0,31045.5,571500.0,Family,State servant,Incomplete higher,Married,House / apartment,0.072508,-12333,-5538,-6329.0,-4416,6.0,1,1,0,1,1,0,High skill tech staff,4.0,1,1,THURSDAY,12,0,0,0,0,0,0,Other,,0.6387549147169048,0.5919766183185521,0.1219,0.0794,0.9796,,,0.12,0.0948,0.3646,,0.0981,,0.0926,,0.3148,0.0714,0.0385,0.9742,,,0.0403,0.0345,0.3333,,0.0779,,0.0493,,0.022,0.0791,0.0578,0.9742,,,0.04,0.0862,0.3333,,0.0774,,0.062,,0.0433,,block of flats,0.4089,"Stone, brick",No,2.0,0.0,2.0,0.0,-1044.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2792517,322931,Revolving loans,0.0,0.0,0.0,,0.0,THURSDAY,13,Y,1,,,,XAP,Approved,-263,XNA,XAP,,New,XNA,Cards,walk-in,Country-wide,60,Connectivity,0.0,XNA,Card Street,-263.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,166500.0,391090.5,21343.5,297000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.035792000000000004,-12022,-525,-2390.0,-1392,,1,1,0,1,0,0,Core staff,2.0,2,2,MONDAY,11,0,0,0,0,0,0,Kindergarten,0.11899715081847714,0.5150477015658823,,0.0814,0.0729,0.9742,0.6464,0.0086,0.0,0.1379,0.1667,0.2083,0.0414,0.0622,0.0647,0.0193,0.0205,0.083,0.0757,0.9742,0.6602,0.0087,0.0,0.1379,0.1667,0.2083,0.0424,0.068,0.0674,0.0195,0.0217,0.0822,0.0729,0.9742,0.6511,0.0086,0.0,0.1379,0.1667,0.2083,0.0421,0.0633,0.0658,0.0194,0.0209,reg oper account,block of flats,0.0553,Panel,No,0.0,0.0,0.0,0.0,-263.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1398809,240883,Consumer loans,4445.325,21105.0,22149.0,0.0,21105.0,THURSDAY,7,Y,1,0.0,,,XAP,Approved,-2664,Cash through the bank,XAP,Other_B,New,Mobile,POS,XNA,Country-wide,35,Connectivity,6.0,high,POS mobile with interest,365243.0,-2633.0,-2483.0,-2483.0,-2479.0,1.0,1,Cash loans,M,Y,Y,1,112500.0,779688.0,42426.0,630000.0,Unaccompanied,Working,Higher education,Married,With parents,0.020246,-12395,-1582,-6412.0,-4696,10.0,1,1,0,1,0,0,Managers,3.0,3,3,MONDAY,14,0,0,0,0,0,0,Legal Services,0.34826892573625,0.4069059497353536,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,0.0,9.0,0.0,-1684.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2818965,177770,Consumer loans,5836.23,116316.0,129406.5,0.0,116316.0,SUNDAY,9,Y,1,0.0,,,XAP,Approved,-1569,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,1923,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1537.0,-847.0,-907.0,-904.0,0.0,0,Cash loans,F,N,Y,0,202500.0,1009566.0,36391.5,904500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010147,-17820,-4197,-3608.0,-1364,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Self-employed,,0.6115483880929685,0.656158373001177,0.0876,0.0251,0.9851,0.7959999999999999,0.0501,0.08,0.0345,0.5417,0.5833,0.0543,0.0706,0.0797,0.0039,0.0035,0.0893,0.026,0.9851,0.804,0.0506,0.0806,0.0345,0.5417,0.5833,0.0556,0.0771,0.0831,0.0039,0.0037,0.0885,0.0251,0.9851,0.7987,0.0504,0.08,0.0345,0.5417,0.5833,0.0553,0.0718,0.0811,0.0039,0.0036,reg oper spec account,block of flats,0.0909,"Stone, brick",No,3.0,0.0,3.0,0.0,-1309.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +1475919,220878,Consumer loans,11246.175,116059.5,116059.5,0.0,116059.5,SUNDAY,5,Y,1,0.0,,,XAP,Refused,-546,XNA,LIMIT,,Repeater,Mobile,POS,XNA,Country-wide,52,Connectivity,12.0,low_normal,POS mobile without interest,,,,,,,0,Cash loans,M,Y,N,1,450000.0,612000.0,31086.0,612000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.018029,-10346,-889,-725.0,-1577,8.0,1,1,0,1,0,0,,3.0,3,3,FRIDAY,4,0,0,0,0,0,0,Bank,0.3443787775662161,0.38711058777122137,0.4014074137749511,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,3.0,1.0,-209.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2446405,185371,Revolving loans,45000.0,900000.0,900000.0,,900000.0,TUESDAY,11,Y,1,,,,XAP,Approved,-226,XNA,XAP,Family,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-203.0,-149.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,117000.0,942300.0,27679.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-19583,365243,-8133.0,-3136,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,XNA,,0.4491340541044214,0.34090642641523844,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-947.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2706464,117621,Consumer loans,15000.48,138586.5,135018.0,13860.0,138586.5,THURSDAY,8,Y,1,0.101390400193447,,,XAP,Approved,-2624,XNA,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,1500,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2593.0,-2323.0,-2323.0,-2320.0,1.0,0,Cash loans,M,Y,Y,1,202500.0,315000.0,24376.5,315000.0,Unaccompanied,State servant,Incomplete higher,Married,House / apartment,0.014464,-10777,-2170,-4138.0,-3415,23.0,1,1,1,1,1,0,Managers,3.0,2,2,WEDNESDAY,4,0,0,0,0,0,0,Other,0.24218029119958706,0.2858978721410488,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1482.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1878982,392715,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SATURDAY,16,Y,1,,,,XAP,Refused,-227,XNA,HC,"Spouse, partner",Repeater,XNA,Cards,walk-in,Regional / Local,1500,Consumer electronics,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,67500.0,1271929.5,50571.0,1170000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.00823,-21014,365243,-13579.0,-4403,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,,0.6077130111298735,0.2458512138252296,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2130.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1804319,348964,Cash loans,29869.2,360000.0,360000.0,0.0,360000.0,TUESDAY,15,Y,1,0.0,,,XNA,Refused,-1782,Cash through the bank,LIMIT,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,18.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,Y,0,180000.0,1724220.0,47542.5,1350000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-18792,-3755,-9144.0,-2345,,1,1,0,1,0,0,,2.0,1,1,SATURDAY,15,0,0,0,0,0,0,Housing,,0.3746940449750675,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1297.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,8.0 +2762141,357653,Consumer loans,5488.425,30555.0,27346.5,4500.0,30555.0,SATURDAY,9,Y,1,0.15389160789754264,,,XAP,Approved,-2644,XNA,XAP,Family,New,Mobile,POS,XNA,Country-wide,80,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2613.0,-2463.0,-2523.0,-2517.0,1.0,0,Cash loans,F,N,N,0,157500.0,278460.0,21676.5,225000.0,"Spouse, partner",Working,Secondary / secondary special,Married,Municipal apartment,0.010032,-11963,-5037,-10397.0,-3584,,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,5,0,0,0,0,0,0,Industry: type 3,,0.266425739746496,0.6528965519806539,0.1113,,0.9856,,,0.12,0.1034,0.3333,,,,0.1127,,0.0,0.1134,,0.9856,,,0.1208,0.1034,0.3333,,,,0.1174,,0.0,0.1124,,0.9856,,,0.12,0.1034,0.3333,,,,0.1147,,0.0,,block of flats,0.103,Panel,No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1080627,391832,Consumer loans,6303.87,46800.0,34488.0,14040.0,46800.0,FRIDAY,16,Y,1,0.3150930671702183,,,XAP,Approved,-785,Cash through the bank,XAP,Family,Repeater,Jewelry,POS,XNA,Stone,15,Industry,6.0,low_normal,POS other with interest,365243.0,-754.0,-604.0,-604.0,-601.0,0.0,1,Cash loans,F,N,Y,0,270000.0,592560.0,23314.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009175,-18199,-1631,-1299.0,-1726,,1,1,0,1,0,0,Private service staff,2.0,2,2,SATURDAY,14,0,0,0,0,0,0,Other,0.8186919590315079,0.7313789898308595,0.06380484447151785,0.1691,0.0651,0.998,,,0.18,0.1552,0.375,,0.0077,,0.1653,,0.0155,0.1134,0.0408,0.998,,,0.1208,0.1034,0.375,,0.006999999999999999,,0.0997,,0.0,0.1707,0.0651,0.998,,,0.18,0.1552,0.375,,0.0079,,0.1683,,0.0159,,block of flats,0.1848,Block,No,1.0,1.0,1.0,1.0,-1158.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,2.0 +1896658,126376,Consumer loans,14032.44,106578.0,74601.0,31977.0,106578.0,MONDAY,12,Y,1,0.3267640601249789,,,XAP,Approved,-611,XNA,XAP,,Repeater,Construction Materials,POS,XNA,Stone,45,Construction,6.0,middle,POS industry with interest,365243.0,-577.0,-427.0,-457.0,-444.0,0.0,0,Cash loans,F,N,Y,0,202500.0,824823.0,24246.0,688500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-19776,-3154,-4815.0,-3339,,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Other,,0.6426009623332083,0.6075573001388961,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1923.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1691018,156616,Consumer loans,12055.815,111383.235,108513.0,11141.235,111383.235,SUNDAY,13,Y,1,0.1014073405303662,,,XAP,Approved,-2559,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,1200,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2528.0,-2258.0,-2258.0,-2251.0,1.0,0,Cash loans,F,Y,Y,1,270000.0,1014790.5,56794.5,913500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-13360,-2352,-564.0,-2323,18.0,1,1,0,1,0,0,Waiters/barmen staff,3.0,2,2,THURSDAY,17,0,0,0,0,0,0,Self-employed,0.4409728591191714,0.5256137160329791,0.4170996682522097,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1272.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,9.0 +2723610,291309,Cash loans,31770.18,697500.0,801063.0,,697500.0,SATURDAY,12,Y,1,,,,XNA,Refused,-181,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,247500.0,1442596.5,46665.0,1129500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.072508,-15603,-334,-3873.0,-5051,2.0,1,1,0,1,0,0,,2.0,1,1,FRIDAY,10,0,1,1,0,0,1,Business Entity Type 1,,0.3679914122229727,0.21155076420525776,0.3691,0.2392,0.9776,0.6940000000000001,0.1504,0.4,0.3448,0.3333,0.375,0.1588,0.3009,0.2392,0.0,0.0018,0.3761,0.2482,0.9777,0.706,0.1518,0.4028,0.3448,0.3333,0.375,0.1624,0.3287,0.2492,0.0,0.0019,0.3726,0.2392,0.9776,0.6981,0.1514,0.4,0.3448,0.3333,0.375,0.1615,0.3061,0.2435,0.0,0.0018,reg oper account,block of flats,0.2899,Panel,No,0.0,0.0,0.0,0.0,-2200.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1782374,226849,Consumer loans,5391.315,59440.5,53496.0,5944.5,59440.5,MONDAY,19,Y,1,0.1089173359761595,,,XAP,Approved,-256,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Country-wide,30,Consumer electronics,12.0,middle,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,2,157500.0,452844.0,24696.0,378000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-10978,-784,-5827.0,-3640,,1,1,1,1,0,1,Sales staff,4.0,2,2,FRIDAY,10,0,0,0,0,0,0,Trade: type 7,0.5383944313565066,0.4877147753602744,,0.0804,0.0779,0.9846,0.7892,0.0373,0.0,0.2069,0.1667,0.2083,0.0835,0.0656,0.0761,0.0,0.0,0.0819,0.0808,0.9846,0.7975,0.0377,0.0,0.2069,0.1667,0.2083,0.0854,0.0716,0.0793,0.0,0.0,0.0812,0.0779,0.9846,0.792,0.0376,0.0,0.2069,0.1667,0.2083,0.0849,0.0667,0.0775,0.0,0.0,reg oper spec account,block of flats,0.0803,"Stone, brick",No,1.0,0.0,1.0,0.0,-2218.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1050485,425013,Consumer loans,6109.83,135472.5,135472.5,0.0,135472.5,MONDAY,16,Y,1,0.0,,,XAP,Approved,-1593,Cash through the bank,XAP,Children,New,Computers,POS,XNA,Stone,170,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1562.0,-872.0,-932.0,-929.0,0.0,0,Revolving loans,F,N,Y,0,90000.0,270000.0,13500.0,270000.0,Family,Pensioner,Secondary / secondary special,Widow,Rented apartment,0.030755,-22759,365243,-7542.0,-2322,,1,0,0,1,1,0,,1.0,2,2,FRIDAY,11,0,0,0,1,0,0,XNA,,0.6758294163726332,0.7076993447402619,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1593.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2110820,276438,Consumer loans,8030.97,67495.5,69232.5,4500.0,67495.5,SATURDAY,13,Y,1,0.0664687768746359,,,XAP,Approved,-1802,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,12.0,high,POS mobile with interest,365243.0,-1771.0,-1441.0,-1441.0,-1437.0,0.0,0,Cash loans,F,N,N,0,247500.0,508495.5,35518.5,454500.0,Unaccompanied,Commercial associate,Incomplete higher,Civil marriage,House / apartment,0.018801,-11627,-1069,-5172.0,-3427,,1,1,0,1,0,0,Core staff,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Self-employed,,0.4673345730024315,0.6817058776720116,0.0082,0.0,0.9692,0.5784,0.0018,0.0,0.0345,0.0417,0.0833,,0.0067,0.006999999999999999,0.0,0.0,0.0084,0.0,0.9692,0.5949,0.0019,0.0,0.0345,0.0417,0.0833,,0.0073,0.0073,0.0,0.0,0.0083,0.0,0.9692,0.584,0.0019,0.0,0.0345,0.0417,0.0833,,0.0068,0.0071,0.0,0.0,reg oper account,block of flats,0.0065,Wooden,No,0.0,0.0,0.0,0.0,-335.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1254642,195327,Consumer loans,3915.45,31900.5,28705.5,3195.0,31900.5,SUNDAY,19,Y,1,0.1090780851254825,,,XAP,Approved,-1730,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,23,Connectivity,10.0,high,POS mobile with interest,365243.0,-1680.0,-1410.0,-1410.0,-1394.0,0.0,0,Cash loans,M,Y,Y,0,202500.0,450000.0,21109.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-10498,-935,-4219.0,-961,14.0,1,1,0,1,0,0,Drivers,2.0,2,2,MONDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.3860559130402728,0.6356662013755796,0.6894791426446275,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2411571,314504,Cash loans,7880.04,67500.0,71955.0,,67500.0,THURSDAY,12,Y,1,,,,XNA,Approved,-869,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-839.0,-509.0,-626.0,-621.0,1.0,0,Cash loans,F,N,Y,0,126000.0,227520.0,12834.0,180000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.010966,-24104,365243,-4981.0,-4305,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,17,0,0,0,0,0,0,XNA,,0.059791269868575136,0.4294236843421945,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,7.0 +1128414,391751,Consumer loans,12420.945,112455.0,103455.0,9000.0,112455.0,SUNDAY,16,Y,1,0.08716213758230562,,,XAP,Approved,-1766,Cash through the bank,XAP,Unaccompanied,New,Photo / Cinema Equipment,POS,XNA,Country-wide,79,Connectivity,12.0,high,POS mobile with interest,365243.0,-1734.0,-1404.0,-1404.0,-1395.0,0.0,0,Cash loans,M,Y,Y,1,157500.0,283419.0,13914.0,234000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.002042,-10562,-293,-3777.0,-3178,10.0,1,1,0,1,0,0,IT staff,3.0,3,3,TUESDAY,16,0,0,0,0,0,0,Postal,0.20036028632800085,0.6103165119572967,0.6109913280868294,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1766.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1947418,274371,Consumer loans,3487.5,67495.5,67495.5,0.0,67495.5,SATURDAY,15,Y,1,0.0,,,XAP,Approved,-572,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,4601,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-541.0,149.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,108000.0,970380.0,28503.0,810000.0,Children,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.022625,-16840,-5888,-6532.0,-376,,1,1,0,1,1,0,Cleaning staff,2.0,2,2,THURSDAY,17,0,0,0,0,0,0,Other,,0.27152082609028183,0.6279908192952864,0.0,,0.0,,,,,,,,,,,,0.0,,0.0005,,,,,,,,,,,,0.0,,0.0,,,,,,,,,,,,,block of flats,0.0,,No,0.0,0.0,0.0,0.0,-539.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1143178,240942,Cash loans,17539.065,450000.0,545040.0,,450000.0,SATURDAY,15,Y,1,,,,Gasification / water supply,Refused,-184,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,112500.0,62554.5,6696.0,54000.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.018634,-21790,365243,-15536.0,-4218,,1,0,0,1,0,0,,2.0,2,2,MONDAY,14,0,0,0,0,0,0,XNA,,0.4113834832042249,0.4048783643353997,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2626.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1963078,283351,Cash loans,9933.93,67500.0,82611.0,0.0,67500.0,THURSDAY,10,Y,1,0.0,,,Repairs,Refused,-1747,Cash through the bank,HC,"Spouse, partner",Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,M,N,Y,1,90000.0,675000.0,21906.0,675000.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.015221,-14302,-5912,-3895.0,-5234,,1,1,0,1,0,0,Laborers,3.0,2,2,MONDAY,8,0,0,0,0,0,0,Business Entity Type 3,,0.7615821004991077,0.3108182544189319,0.0062,0.0,0.9503,0.32,0.0021,0.0,0.069,0.0,0.0417,0.0487,0.005,0.0047,0.0,0.0,0.0063,0.0,0.9503,0.3466,0.0022,0.0,0.069,0.0,0.0417,0.0498,0.0055,0.0049,0.0,0.0,0.0062,0.0,0.9503,0.3291,0.0021,0.0,0.069,0.0,0.0417,0.0495,0.0051,0.0048,0.0,0.0,reg oper account,block of flats,0.0049,"Stone, brick",No,0.0,0.0,0.0,0.0,-1747.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1969746,349603,Consumer loans,2870.685,17226.0,16191.0,1035.0,17226.0,MONDAY,14,Y,1,0.06543649662771918,,,XAP,Approved,-2790,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Stone,400,Industry,6.0,low_normal,POS industry without interest,365243.0,-2749.0,-2599.0,-2629.0,-2602.0,0.0,0,Cash loans,F,N,N,0,171000.0,459058.5,14661.0,379012.5,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-23529,365243,-10486.0,-4287,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,XNA,,0.6030898487123315,0.11987796089553485,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,2.0,4.0,1.0,-318.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1771632,181303,Consumer loans,1758.105,19557.0,19341.0,1957.5,19557.0,TUESDAY,16,Y,1,0.10009603749303728,,,XAP,Refused,-1568,Cash through the bank,LIMIT,Family,New,Mobile,POS,XNA,Country-wide,3000,Consumer electronics,12.0,low_action,POS household without interest,,,,,,,0,Cash loans,F,N,Y,0,112500.0,225000.0,21384.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.028663,-18081,-2485,-4862.0,-1624,,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,Business Entity Type 1,,0.7299761246669659,0.0005272652387098817,0.1335,0.0759,0.9811,0.8912,0.0963,0.16,0.1379,0.2708,0.5417,0.092,0.2118,0.1737,0.0386,0.0326,0.0074,0.0,0.9707,0.8955,0.0972,0.0,0.069,0.0417,0.5417,0.0,0.2314,0.0075,0.0389,0.0,0.1348,0.0759,0.9811,0.8927,0.0969,0.16,0.1379,0.2708,0.5417,0.0936,0.2155,0.1769,0.0388,0.0333,reg oper account,terraced house,0.3345,"Stone, brick",No,2.0,0.0,2.0,0.0,-1551.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +2178004,364648,Consumer loans,5174.01,37755.0,40869.0,0.0,37755.0,WEDNESDAY,16,Y,1,0.0,,,XAP,Approved,-2332,Cash through the bank,XAP,Unaccompanied,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,2500,Consumer electronics,10.0,high,POS household with interest,365243.0,-2300.0,-2030.0,-2030.0,-1999.0,0.0,0,Cash loans,M,Y,Y,0,112500.0,135000.0,16020.0,135000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-12225,-4366,-937.0,-4383,5.0,1,1,1,1,1,0,Core staff,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Police,,0.43831762123319856,0.20208660168203949,1.0,0.6077,0.9816,0.7484,,1.0,0.931,0.3333,0.0,0.8698,,0.6451,,0.0036,1.0,0.6307,0.9816,0.7583,,1.0,0.931,0.3333,0.0,0.8896,,0.6721,,0.0038,1.0,0.6077,0.9816,0.7518,,1.0,0.931,0.3333,0.0,0.8849,,0.6567,,0.0036,,block of flats,1.0,Panel,No,0.0,0.0,0.0,0.0,-158.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1933683,169080,Consumer loans,3407.805,25690.5,24984.0,2610.0,25690.5,THURSDAY,15,Y,1,0.1030125126015537,,,XAP,Approved,-2184,Cash through the bank,XAP,Family,Refreshed,Mobile,POS,XNA,Country-wide,38,Connectivity,10.0,high,POS mobile with interest,365243.0,-2153.0,-1883.0,-1883.0,-1873.0,0.0,0,Cash loans,F,N,Y,0,67500.0,188460.0,8428.5,135000.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.030755,-14575,-219,-8728.0,-4124,,1,1,1,1,0,0,Sales staff,2.0,2,2,THURSDAY,9,0,0,0,1,1,0,Self-employed,0.4094422493455632,0.3119005335514695,0.6161216908872079,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2184.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1689920,139419,Cash loans,25076.34,229500.0,257404.5,,229500.0,WEDNESDAY,8,Y,1,,,,XNA,Approved,-862,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-832.0,-502.0,-502.0,-494.0,1.0,0,Cash loans,F,Y,Y,0,126000.0,814041.0,23931.0,679500.0,Children,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-15216,-2189,-4986.0,-4972,7.0,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,7,0,0,0,0,1,1,Business Entity Type 3,,0.30811177217504604,0.5352762504724826,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1720299,161098,Consumer loans,6551.01,145255.5,145255.5,0.0,145255.5,FRIDAY,10,Y,1,0.0,,,XAP,Approved,-1638,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,1100,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1607.0,-917.0,-917.0,-915.0,0.0,0,Cash loans,M,N,Y,0,432000.0,1336500.0,56623.5,1336500.0,Unaccompanied,Pensioner,Higher education,Single / not married,House / apartment,0.072508,-22480,365243,-9550.0,-435,,1,0,0,1,0,0,,1.0,1,1,FRIDAY,13,0,0,0,0,0,0,XNA,0.6071037019848392,0.6924319315981583,0.2314393514998941,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-113.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,8.0 +1872939,224534,Consumer loans,5110.875,38322.0,46462.5,0.0,38322.0,MONDAY,11,Y,1,0.0,,,XAP,Approved,-531,Cash through the bank,XAP,,New,Jewelry,POS,XNA,Stone,150,Industry,10.0,low_normal,POS other with interest,365243.0,-500.0,-230.0,-380.0,-371.0,0.0,1,Cash loans,M,N,Y,0,157500.0,324000.0,15759.0,324000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.014519999999999996,-17619,-540,-4365.0,-1163,,1,1,0,1,0,0,Drivers,1.0,2,2,SUNDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.2331056493322453,0.4382813743111921,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-531.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1006013,243675,Consumer loans,12709.89,72895.5,62334.0,13500.0,72895.5,FRIDAY,12,Y,1,0.1938804134389228,,,XAP,Approved,-2148,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Regional / Local,18,Connectivity,6.0,high,POS mobile with interest,365243.0,-2113.0,-1963.0,-2023.0,-2020.0,0.0,0,Revolving loans,M,Y,Y,1,247500.0,135000.0,6750.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-19354,-2658,-646.0,-2879,6.0,1,1,1,1,1,0,Laborers,3.0,2,2,THURSDAY,9,0,0,0,0,1,1,Other,0.6654193865400867,0.7660437591893045,0.6817058776720116,0.0098,0.0,0.9861,0.8232,0.006,0.0,0.069,0.0208,0.0,0.0146,0.0151,0.0103,0.0,0.0015,0.0011,0.0,0.9846,0.8301,0.0061,0.0,0.0345,0.0,0.0,0.0037,0.0165,0.0011,0.0,0.0,0.0099,0.0,0.9861,0.8256,0.0061,0.0,0.069,0.0208,0.0,0.0149,0.0154,0.0105,0.0,0.0015,reg oper account,terraced house,0.0187,Wooden,No,0.0,0.0,0.0,0.0,-2328.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1482684,361454,Consumer loans,21327.975,189967.5,206266.5,0.0,189967.5,SUNDAY,11,Y,1,0.0,,,XAP,Refused,-365,Cash through the bank,LIMIT,,Repeater,Furniture,POS,XNA,Stone,1690,Furniture,12.0,middle,POS industry with interest,,,,,,,0,Cash loans,F,N,Y,2,180000.0,545040.0,25537.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.003069,-11576,-2041,-426.0,-1880,,1,1,0,1,1,0,Laborers,4.0,3,3,MONDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.33597648294848964,0.30347435074886225,0.39277386060313396,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1131.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2627465,179555,Consumer loans,10806.885,103500.0,114430.5,0.0,103500.0,FRIDAY,17,Y,1,0.0,,,XAP,Approved,-1193,Cash through the bank,XAP,"Spouse, partner",Refreshed,Clothing and Accessories,POS,XNA,Country-wide,100,Clothing,12.0,low_normal,POS industry with interest,365243.0,-1162.0,-832.0,-952.0,-945.0,0.0,0,Cash loans,F,N,Y,1,135000.0,672453.0,28620.0,580500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008473999999999999,-15565,-8757,-8258.0,-4617,,1,1,0,1,1,0,Laborers,3.0,2,2,MONDAY,14,0,0,0,0,0,0,Industry: type 5,0.5118764689939043,0.5681410664970301,0.6940926425266661,0.0619,0.0478,0.9801,0.728,0.0079,0.0,0.1379,0.1667,0.2083,0.0,0.0504,0.054000000000000006,0.0,0.0,0.063,0.0496,0.9801,0.7387,0.0079,0.0,0.1379,0.1667,0.2083,0.0,0.0551,0.0562,0.0,0.0,0.0625,0.0478,0.9801,0.7316,0.0079,0.0,0.1379,0.1667,0.2083,0.0,0.0513,0.0549,0.0,0.0,reg oper account,block of flats,0.0424,Panel,No,0.0,0.0,0.0,0.0,-360.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +1476666,172872,Consumer loans,6605.73,48996.0,32836.5,18000.0,48996.0,FRIDAY,15,Y,1,0.3856212832047125,,,XAP,Approved,-357,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,3125,Consumer electronics,6.0,high,POS household with interest,365243.0,-326.0,-176.0,-176.0,-173.0,0.0,0,Cash loans,F,Y,Y,0,157500.0,454500.0,18153.0,454500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-22971,365243,-10167.0,-4378,6.0,1,0,0,1,1,0,,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,XNA,,0.4753988666560319,0.3996756156233169,0.2268,0.1846,0.9861,0.8096,0.0497,0.24,0.2069,0.3333,0.375,0.0702,0.1816,0.2402,0.0154,0.0145,0.2311,0.1915,0.9861,0.8171,0.0502,0.2417,0.2069,0.3333,0.375,0.0718,0.1983,0.2503,0.0156,0.0154,0.229,0.1846,0.9861,0.8121,0.05,0.24,0.2069,0.3333,0.375,0.0714,0.1847,0.2445,0.0155,0.0148,,block of flats,0.2193,Panel,No,0.0,0.0,0.0,0.0,-357.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1352486,356472,Consumer loans,11320.515,47385.0,39735.0,7650.0,47385.0,SUNDAY,12,Y,1,0.17582664249330915,,,XAP,Refused,-2550,Cash through the bank,SCO,Family,Repeater,XNA,POS,XNA,Stone,113,Consumer electronics,4.0,low_normal,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,112500.0,900000.0,35694.0,900000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.010276,-19489,-1020,-7953.0,-2902,,1,1,1,1,1,1,Laborers,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Housing,,0.7722905108021738,0.7544061731797895,0.0619,0.0932,0.9901,0.8640000000000001,0.0416,0.0,0.0345,0.1667,0.2083,0.0,0.0504,0.069,0.0,0.0,0.063,0.0967,0.9901,0.8693,0.042,0.0,0.0345,0.1667,0.2083,0.0,0.0551,0.0719,0.0,0.0,0.0625,0.0932,0.9901,0.8658,0.0419,0.0,0.0345,0.1667,0.2083,0.0,0.0513,0.0702,0.0,0.0,reg oper account,block of flats,0.077,Panel,No,11.0,0.0,11.0,0.0,-1784.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1721869,351039,Consumer loans,11869.335,62055.0,65331.0,0.0,62055.0,SUNDAY,20,Y,1,0.0,,,XAP,Approved,-489,Cash through the bank,XAP,,New,Computers,POS,XNA,Country-wide,25,Consumer electronics,6.0,middle,POS mobile with interest,365243.0,-458.0,-308.0,-308.0,-300.0,0.0,0,Cash loans,F,N,N,1,135000.0,423000.0,27670.5,423000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Rented apartment,0.04622,-12905,-4139,-5448.0,-5511,,1,1,0,1,1,0,Laborers,2.0,1,1,SATURDAY,14,0,1,1,0,0,0,Construction,0.5296400569806405,0.6916489797952082,0.3077366963789207,0.2196,,0.9846,0.7892,,0.24,0.2069,0.3333,0.375,,,0.2258,,0.0896,0.2237,,0.9846,0.7975,,0.2417,0.2069,0.3333,0.375,,,0.2353,,0.0948,0.2217,,0.9846,0.792,,0.24,0.2069,0.3333,0.375,,,0.2299,,0.0915,reg oper account,block of flats,0.1971,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2277999,298767,Consumer loans,8466.3,76455.0,83718.0,13500.0,76455.0,THURSDAY,12,Y,1,0.15123461985154268,,,XAP,Approved,-777,Cash through the bank,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Regional / Local,114,Consumer electronics,16.0,high,POS household with interest,365243.0,-745.0,-295.0,-295.0,-291.0,0.0,0,Cash loans,M,Y,Y,0,405000.0,728460.0,57685.5,675000.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.072508,-8192,-414,-1471.0,-869,5.0,1,1,0,1,1,0,Core staff,2.0,1,1,THURSDAY,12,0,0,0,0,0,0,Self-employed,,0.2363265304977211,,0.0563,0.0423,0.9722,0.6192,0.0268,0.008,0.0897,0.2,0.025,0.0196,0.0457,0.0549,0.0008,0.0025,0.0525,0.0877,0.9717,0.6276,0.0098,0.0,0.1034,0.1667,0.0417,0.0,0.0459,0.0454,0.0,0.0019,0.052000000000000005,0.0288,0.9717,0.6176,0.0341,0.0,0.1034,0.1667,0.0417,0.0127,0.0428,0.0524,0.0,0.0021,reg oper account,block of flats,0.0409,"Stone, brick",No,0.0,0.0,0.0,0.0,-313.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1139273,315765,Consumer loans,14915.835,124632.0,135598.5,0.0,124632.0,MONDAY,7,Y,1,0.0,,,XAP,Approved,-478,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Country-wide,150,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-447.0,-177.0,-387.0,-381.0,0.0,0,Cash loans,F,N,Y,3,247500.0,585000.0,29997.0,585000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006629,-15761,-5130,-495.0,-4914,,1,1,0,1,0,0,Laborers,5.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Industry: type 9,0.47423638206244295,0.5865641106735029,0.30620229831350426,0.0928,0.1199,0.9886,0.8436,0.0189,0.0,0.2069,0.1667,0.0417,0.0338,0.0756,0.0898,0.0,0.0,0.0945,0.1244,0.9886,0.8497,0.0191,0.0,0.2069,0.1667,0.0417,0.0346,0.0826,0.0936,0.0,0.0,0.0937,0.1199,0.9886,0.8457,0.019,0.0,0.2069,0.1667,0.0417,0.0344,0.077,0.0914,0.0,0.0,reg oper account,block of flats,0.0795,Panel,No,1.0,0.0,1.0,0.0,-236.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2253326,178590,Cash loans,31470.66,162000.0,172692.0,,162000.0,FRIDAY,10,Y,1,,,,XNA,Approved,-53,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,low_normal,Cash X-Sell: low,365243.0,-23.0,127.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,N,0,112500.0,545040.0,19575.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Separated,With parents,0.010643000000000001,-17705,-435,-8658.0,-1239,2.0,1,1,1,1,1,0,Sales staff,1.0,2,2,MONDAY,22,0,0,0,0,0,0,Self-employed,,0.15214059865276655,0.12850437737240394,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,0.0,0.0,-2467.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,4.0,2.0,2.0 +2374949,328085,Consumer loans,9020.295,89955.0,89505.0,9000.0,89955.0,WEDNESDAY,13,Y,1,0.0995057934299597,,,XAP,Refused,-412,Cash through the bank,HC,,Repeater,Computers,POS,XNA,Regional / Local,31,Consumer electronics,12.0,middle,POS household with interest,,,,,,,0,Cash loans,M,Y,Y,0,247500.0,254700.0,24939.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.030755,-20950,365243,-125.0,-4396,0.0,1,0,0,1,0,0,,1.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,,0.3464458086702212,0.7338145369642702,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1414884,395392,Consumer loans,2701.08,25645.5,19728.0,7695.0,25645.5,MONDAY,19,Y,1,0.30560312677148904,,,XAP,Approved,-2108,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,28,Connectivity,12.0,high,POS mobile with interest,365243.0,-2077.0,-1747.0,-1747.0,-1738.0,0.0,0,Cash loans,F,N,Y,0,157500.0,225000.0,11781.0,225000.0,Family,Commercial associate,Incomplete higher,Single / not married,House / apartment,0.032561,-9895,-275,-9867.0,-2481,,1,1,0,1,1,0,,1.0,1,1,TUESDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.2119617513186424,0.6722428897082422,0.3763,0.2405,0.9851,0.7959999999999999,,0.48,0.2069,0.4583,,0.096,,0.4185,,,0.3834,0.2495,0.9851,0.804,,0.4834,0.2069,0.4583,,0.0982,,0.4349,,,0.3799,0.2405,0.9851,0.7987,,0.48,0.2069,0.4583,,0.0977,,0.426,,,reg oper account,block of flats,0.33,Panel,No,0.0,0.0,0.0,0.0,-1743.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2283371,288638,Consumer loans,6896.835,134851.5,150030.0,0.0,134851.5,THURSDAY,19,Y,1,0.0,,,XAP,Approved,-1317,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,3000,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1286.0,-596.0,-596.0,-592.0,0.0,0,Cash loans,F,N,Y,0,135000.0,225000.0,8082.0,225000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.011703,-20820,-3063,-12832.0,-2298,,1,1,0,1,1,0,Sales staff,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,Self-employed,,0.7678962987194384,0.2366108235287817,0.1856,0.0,0.9826,,,0.2,0.1724,0.3333,,0.1054,,0.1913,,0.0014,0.1891,0.0,0.9826,,,0.2014,0.1724,0.3333,,0.1079,,0.1993,,0.0015,0.1874,0.0,0.9826,,,0.2,0.1724,0.3333,,0.1073,,0.1947,,0.0014,,block of flats,0.1763,Panel,No,0.0,0.0,0.0,0.0,-1511.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1094734,379369,Consumer loans,6427.125,49275.0,44325.0,4950.0,49275.0,FRIDAY,14,Y,1,0.10940639269406388,,,XAP,Refused,-2120,XNA,HC,Family,Repeater,Consumer Electronics,POS,XNA,Stone,59,Consumer electronics,8.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,N,1,135000.0,625356.0,17325.0,522000.0,Unaccompanied,Working,Higher education,Married,Co-op apartment,0.028663,-10061,-2685,-644.0,-2696,,1,1,0,1,0,0,Managers,3.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Postal,,0.5715822790778998,0.6178261467332483,0.0691,0.108,0.9851,0.7959999999999999,0.0157,0.0,0.2069,0.1667,0.2083,0.0369,0.0538,0.0743,0.0116,0.018000000000000002,0.0704,0.1121,0.9851,0.804,0.0158,0.0,0.2069,0.1667,0.2083,0.0377,0.0588,0.0774,0.0117,0.0191,0.0697,0.108,0.9851,0.7987,0.0158,0.0,0.2069,0.1667,0.2083,0.0375,0.0547,0.0757,0.0116,0.0184,reg oper account,block of flats,0.0624,"Stone, brick",No,1.0,1.0,1.0,1.0,-1453.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,1.0 +1039021,413827,Cash loans,11383.515,58500.0,58500.0,,58500.0,MONDAY,12,Y,1,,,,XNA,Approved,-590,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,high,Cash X-Sell: high,365243.0,-560.0,-410.0,-410.0,-409.0,0.0,0,Cash loans,M,N,Y,0,198000.0,495000.0,25402.5,495000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.011703,-12383,-1306,-717.0,-4790,,1,1,1,1,1,0,Laborers,1.0,2,2,WEDNESDAY,11,0,0,0,1,1,0,Business Entity Type 2,0.4934906770966957,0.6503869967182332,0.7421816117614419,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-777.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2027749,437489,Consumer loans,2583.99,19516.5,22675.5,1953.0,19516.5,THURSDAY,18,Y,1,0.08636313804959883,,,XAP,Approved,-2011,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Country-wide,16,Connectivity,14.0,high,POS mobile with interest,365243.0,-1980.0,-1590.0,-1890.0,-1882.0,0.0,0,Cash loans,F,N,Y,0,157500.0,654498.0,28957.5,585000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-18847,-3013,-7554.0,-2384,,1,1,0,1,1,0,Sales staff,2.0,2,2,SATURDAY,15,0,0,0,0,0,0,Self-employed,0.7127928464666559,0.5774995506295669,0.3672910183026313,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2011.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1131197,414330,Consumer loans,8468.91,98986.5,114664.5,0.0,98986.5,WEDNESDAY,19,Y,1,0.0,,,XAP,Approved,-774,Cash through the bank,XAP,Family,Refreshed,Consumer Electronics,POS,XNA,Country-wide,500,Consumer electronics,18.0,middle,POS household with interest,365243.0,-743.0,-233.0,-233.0,-231.0,0.0,0,Cash loans,F,N,N,0,135000.0,675000.0,21775.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.0060079999999999995,-13772,-4191,-7659.0,-4101,,1,1,1,1,0,0,,1.0,2,2,SUNDAY,10,0,0,0,0,0,0,Self-employed,,0.7314348365948964,0.5046813193144684,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1731.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2409475,128507,Consumer loans,10989.72,56767.5,59764.5,0.0,56767.5,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-821,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Stone,993,Consumer electronics,6.0,middle,POS household with interest,365243.0,-790.0,-640.0,-640.0,-632.0,0.0,0,Cash loans,F,N,Y,0,90000.0,254700.0,14350.5,225000.0,Other_B,Pensioner,Secondary / secondary special,Widow,House / apartment,0.007114,-24507,365243,-3618.0,-4031,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,12,0,0,0,0,0,0,XNA,,0.2663103612437609,,0.0619,0.0,0.993,0.9048,0.1355,0.0,0.1034,0.1667,0.0417,0.0315,0.0504,0.0778,0.0,0.0313,0.063,0.0,0.993,0.9085,0.1368,0.0,0.1034,0.1667,0.0417,0.0323,0.0551,0.0811,0.0,0.0331,0.0625,0.0,0.993,0.9061,0.1364,0.0,0.1034,0.1667,0.0417,0.0321,0.0513,0.0792,0.0,0.0319,reg oper account,block of flats,0.0741,Panel,No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1171061,401300,Cash loans,26474.625,225000.0,239850.0,,225000.0,THURSDAY,14,Y,1,,,,XNA,Approved,-384,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,50,Connectivity,12.0,high,Cash X-Sell: high,365243.0,-354.0,-24.0,-114.0,-108.0,1.0,0,Cash loans,M,Y,N,0,202500.0,143910.0,14233.5,135000.0,Family,State servant,Secondary / secondary special,Civil marriage,Rented apartment,0.006670999999999999,-8767,-1616,-1561.0,-1415,11.0,1,1,1,1,1,1,High skill tech staff,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Military,,0.5864050106166873,0.2851799046358216,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-976.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1088660,384693,Cash loans,66008.52,1125000.0,1480675.5,,1125000.0,SATURDAY,11,Y,1,,,,Repairs,Approved,-718,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,42.0,middle,Cash Street: middle,365243.0,-688.0,542.0,-88.0,-80.0,1.0,0,Cash loans,M,Y,N,2,225000.0,177903.0,16447.5,148500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-17446,-597,-3479.0,-948,19.0,1,1,0,1,0,0,Drivers,4.0,2,2,WEDNESDAY,10,0,0,0,0,1,1,Transport: type 4,0.7664744965411429,0.40207051366204216,0.5656079814115492,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-889.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1942400,100560,Consumer loans,6768.225,54900.0,60696.0,0.0,54900.0,SUNDAY,7,Y,1,0.0,,,XAP,Refused,-761,XNA,HC,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,386,Furniture,12.0,high,POS industry with interest,,,,,,,0,Cash loans,F,N,N,0,49500.0,225000.0,11488.5,225000.0,Unaccompanied,Pensioner,Higher education,Married,Municipal apartment,0.006305,-21157,365243,-8746.0,-4279,,1,0,0,1,0,0,,2.0,3,3,THURSDAY,11,0,0,0,0,0,0,XNA,,0.5744607287321212,0.25259869783397665,0.0361,0.0398,0.9617,0.4764,0.0061,0.0,0.069,0.125,0.1667,0.0508,0.0294,0.0496,0.0,0.0,0.0368,0.0413,0.9618,0.4969,0.0061,0.0,0.069,0.125,0.1667,0.052000000000000005,0.0321,0.0517,0.0,0.0,0.0364,0.0398,0.9617,0.4834,0.0061,0.0,0.069,0.125,0.1667,0.0517,0.0299,0.0505,0.0,0.0,reg oper account,block of flats,0.0424,"Stone, brick",No,0.0,0.0,0.0,0.0,-961.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,0.0,0.0,1.0 +2565014,229781,Cash loans,88378.065,1215000.0,1267924.5,,1215000.0,FRIDAY,7,Y,1,,,,XNA,Approved,-582,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-552.0,-42.0,-42.0,-34.0,1.0,0,Cash loans,F,N,N,1,292500.0,675000.0,21775.5,675000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.001417,-15650,-758,-1235.0,-4070,,1,1,1,1,1,1,Core staff,2.0,2,2,FRIDAY,16,0,1,1,0,1,1,School,0.3706041827566886,0.160202218752322,0.13680052191177486,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1628.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2642513,214616,Consumer loans,3128.67,15025.5,14080.5,1503.0,15025.5,THURSDAY,13,Y,1,0.10504082114824242,,,XAP,Approved,-2128,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Regional / Local,1700,Consumer electronics,5.0,middle,POS household with interest,365243.0,-2097.0,-1977.0,-1977.0,-1971.0,0.0,0,Cash loans,F,N,Y,0,292500.0,851778.0,25033.5,711000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.005313,-19611,-76,-8095.0,-3061,,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,10,0,0,0,0,1,1,Business Entity Type 3,,0.7269179011812957,0.4992720153045617,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2128.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1449139,269176,Revolving loans,3375.0,0.0,67500.0,,,THURSDAY,18,Y,1,,,,XAP,Approved,-2555,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,40,Connectivity,0.0,XNA,Card Street,-2552.0,-2509.0,365243.0,-1262.0,365243.0,0.0,0,Cash loans,M,N,Y,0,247500.0,824823.0,29353.5,688500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010147,-12318,-1930,-10432.0,-3558,,1,1,1,1,1,0,Laborers,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.10223391179824504,0.4650692149562261,0.0856,0.1031,0.9851,0.7959999999999999,0.0183,0.0,0.2069,0.1667,0.2083,0.0715,0.0698,0.0739,0.0039,0.0185,0.0872,0.107,0.9851,0.804,0.0184,0.0,0.2069,0.1667,0.2083,0.0732,0.0762,0.077,0.0039,0.0196,0.0864,0.1031,0.9851,0.7987,0.0184,0.0,0.2069,0.1667,0.2083,0.0728,0.071,0.0752,0.0039,0.0189,reg oper spec account,block of flats,0.0581,"Stone, brick",No,0.0,0.0,0.0,0.0,-649.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1999345,260687,Cash loans,16013.835,135000.0,143910.0,,135000.0,THURSDAY,11,Y,1,,,,XNA,Approved,-1398,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,high,Cash X-Sell: high,365243.0,-1368.0,-1038.0,-1038.0,-1024.0,1.0,0,Cash loans,M,Y,Y,0,135000.0,814041.0,23931.0,679500.0,Unaccompanied,State servant,Incomplete higher,Married,Office apartment,0.01885,-13851,-4088,-112.0,-4618,16.0,1,1,1,1,0,1,Core staff,2.0,2,2,TUESDAY,10,0,0,0,1,1,0,Military,,0.5475671939230627,0.4525335592581747,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-371.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,5.0 +1843999,369158,Cash loans,30121.47,225000.0,272889.0,,225000.0,TUESDAY,10,Y,1,,,,XNA,Approved,-778,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-748.0,-418.0,-688.0,-682.0,1.0,1,Cash loans,M,Y,Y,0,225000.0,1170000.0,49702.5,1170000.0,Children,Working,Secondary / secondary special,Married,House / apartment,0.020246,-20686,-4998,-3214.0,-3943,11.0,1,1,0,1,0,1,Drivers,2.0,3,3,WEDNESDAY,8,0,0,0,0,0,0,Business Entity Type 3,0.4874378880482795,0.3991772556045221,0.12689752616027333,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1278.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2764581,315628,Revolving loans,45000.0,0.0,900000.0,,,THURSDAY,14,Y,1,,,,XAP,Approved,-420,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,Y,Y,0,157500.0,298512.0,31801.5,270000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019101,-17688,-2699,-4738.0,-1239,13.0,1,1,0,1,0,0,Drivers,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,Transport: type 4,,0.511294568153395,0.7503751495159068,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1226.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2407417,214055,Cash loans,43435.17,229500.0,229500.0,,229500.0,FRIDAY,12,Y,1,,,,XNA,Approved,-692,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,,,,,,,0,Revolving loans,F,N,Y,2,135000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.020246,-12883,-3660,-1329.0,-4802,,1,1,0,1,0,0,Core staff,4.0,3,3,THURSDAY,13,0,0,0,0,0,0,Government,0.34579517863201903,0.4486850394017371,0.5460231970049609,0.0742,0.0566,0.9861,0.8096,0.0,0.08,0.069,0.3333,0.375,0.0644,0.0605,0.0763,0.0,0.0031,0.0756,0.0588,0.9861,0.8171,0.0,0.0806,0.069,0.3333,0.375,0.0659,0.0661,0.0795,0.0,0.0033,0.0749,0.0566,0.9861,0.8121,0.0,0.08,0.069,0.3333,0.375,0.0656,0.0616,0.0776,0.0,0.0032,reg oper account,block of flats,0.0702,Panel,No,1.0,0.0,1.0,0.0,-2397.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +2054843,197047,Cash loans,64966.5,1800000.0,2013840.0,,1800000.0,FRIDAY,16,Y,1,,,,Payments on other loans,Refused,-353,Cash through the bank,LIMIT,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,1,Cash loans,F,N,Y,0,222750.0,540000.0,19836.0,540000.0,Unaccompanied,Working,Higher education,Widow,House / apartment,0.01885,-19427,-2449,-642.0,-2634,,1,1,0,1,0,0,Accountants,1.0,2,2,MONDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.6709671766393199,0.24318648044201235,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2046.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +1722940,344341,Consumer loans,6624.63,52996.5,58243.5,0.0,52996.5,SATURDAY,15,Y,1,0.0,,,XAP,Approved,-1984,XNA,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Country-wide,1690,Consumer electronics,12.0,high,POS household with interest,365243.0,-1953.0,-1623.0,-1863.0,-1857.0,0.0,1,Cash loans,F,N,Y,0,171000.0,521280.0,26613.0,450000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.009656999999999999,-13911,-146,-8054.0,-536,,1,1,1,1,1,0,Laborers,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Transport: type 4,0.3821726399861611,0.3920716482767853,0.2392262794694045,0.0464,0.0093,0.9781,0.7008,0.0096,0.04,0.0345,0.3333,0.375,0.0339,0.0378,0.0391,0.0039,0.0,0.0473,0.0097,0.9782,0.7125,0.0097,0.0403,0.0345,0.3333,0.375,0.0347,0.0413,0.0408,0.0039,0.0,0.0468,0.0093,0.9781,0.7048,0.0097,0.04,0.0345,0.3333,0.375,0.0345,0.0385,0.0398,0.0039,0.0,reg oper spec account,block of flats,0.0452,"Stone, brick",No,1.0,0.0,1.0,0.0,-1984.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1141928,160004,Consumer loans,2812.5,62100.0,62100.0,0.0,62100.0,WEDNESDAY,13,Y,1,0.0,,,XAP,Approved,-493,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Country-wide,1500,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-462.0,228.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,2,112500.0,361462.5,13522.5,274500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-13208,-214,-6969.0,-4097,,1,1,0,1,0,0,Sales staff,4.0,2,2,SATURDAY,14,0,0,0,1,1,0,Self-employed,0.21657325297589253,0.6985081335702837,0.5531646987710016,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2297.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1109647,110553,Cash loans,23825.025,202500.0,215865.0,,202500.0,SATURDAY,19,Y,1,,,,XNA,Approved,-925,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),5,XNA,12.0,high,Cash X-Sell: high,365243.0,-895.0,-565.0,-565.0,-559.0,1.0,0,Revolving loans,F,N,Y,0,99000.0,180000.0,9000.0,180000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-22802,365243,-1186.0,-4086,,1,0,0,1,0,0,,2.0,2,2,SUNDAY,10,0,0,0,0,0,0,XNA,0.6762787842229848,0.6389365465705036,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1460.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1821539,225987,Cash loans,36444.24,180000.0,185940.0,0.0,180000.0,WEDNESDAY,15,Y,1,0.0,,,XNA,Approved,-2362,Cash through the bank,XAP,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,365243.0,-2332.0,-2182.0,-2182.0,-2176.0,1.0,0,Cash loans,M,Y,N,0,360000.0,1308964.5,38403.0,1143000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.072508,-23583,365243,-7521.0,-3944,6.0,1,0,0,1,1,1,,2.0,1,1,FRIDAY,19,0,0,0,0,0,0,XNA,0.7903950214188183,0.7368720507135366,0.7517237147741489,0.066,,0.9727,,,,0.1379,0.125,,,,0.0316,,,0.0672,,0.9727,,,,0.1379,0.125,,,,0.0329,,,0.0666,,0.9727,,,,0.1379,0.125,,,,0.0322,,,,block of flats,0.039,"Stone, brick",No,0.0,0.0,0.0,0.0,-2648.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2766217,347104,Consumer loans,12852.225,116955.0,115681.5,11695.5,116955.0,WEDNESDAY,14,Y,1,0.09999813724041802,,,XAP,Approved,-1828,Cash through the bank,XAP,Children,Refreshed,Computers,POS,XNA,Country-wide,2705,Consumer electronics,12.0,high,POS household with interest,365243.0,-1797.0,-1467.0,-1467.0,-1460.0,0.0,0,Cash loans,F,N,Y,2,139500.0,651816.0,23539.5,495000.0,Other_A,Working,Secondary / secondary special,Single / not married,House / apartment,0.008865999999999999,-15258,-352,-875.0,-5109,,1,1,0,1,0,0,Cooking staff,3.0,2,2,THURSDAY,9,0,0,0,0,0,0,Self-employed,,0.5380597155625475,0.4311917977993083,0.0433,0.0,0.9821,0.7552,0.0004,0.0,0.0345,0.0833,0.125,0.0124,0.0353,0.011,0.0,0.0,0.0441,0.0,0.9821,0.7648,0.0004,0.0,0.0345,0.0833,0.125,0.0126,0.0386,0.0114,0.0,0.0,0.0437,0.0,0.9821,0.7585,0.0004,0.0,0.0345,0.0833,0.125,0.0126,0.0359,0.0112,0.0,0.0,reg oper account,block of flats,0.0089,"Stone, brick",No,9.0,0.0,9.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1108199,385830,Consumer loans,8707.41,164353.5,190386.0,0.0,164353.5,WEDNESDAY,17,Y,1,0.0,,,XAP,Approved,-147,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,5000,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-110.0,580.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,1,180000.0,675000.0,32602.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-17615,-7167,-9541.0,-1145,,1,1,0,1,1,0,Drivers,3.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.5153743018228873,0.5978489913573337,,0.0825,,0.9767,,,0.0,0.1379,0.1667,,,,0.0721,,0.0,0.084,,0.9767,,,0.0,0.1379,0.1667,,,,0.0751,,0.0,0.0833,,0.9767,,,0.0,0.1379,0.1667,,,,0.0734,,0.0,,block of flats,0.0567,Panel,No,2.0,0.0,2.0,0.0,-1326.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2067744,329890,Cash loans,77063.58,675000.0,698166.0,,675000.0,MONDAY,11,Y,1,,,,XNA,Refused,-521,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,M,N,Y,0,112500.0,814041.0,28971.0,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-9416,-182,-2593.0,-2100,,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,16,0,0,0,0,1,1,Self-employed,,0.7608308456001346,0.3893387918468769,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-571.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2219984,417641,Consumer loans,4939.2,62955.0,50364.0,12591.0,62955.0,SATURDAY,18,Y,1,0.2178181818181818,,,XAP,Approved,-448,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,12.0,middle,POS mobile with interest,365243.0,-414.0,-84.0,-114.0,-111.0,0.0,0,Revolving loans,M,N,Y,0,135000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Rented apartment,0.010147,-8889,-1283,-3519.0,-1550,,1,1,0,1,0,0,,1.0,2,2,SATURDAY,16,0,0,0,1,1,0,Medicine,,0.5233776723862857,0.39277386060313396,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-504.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1940888,172671,Consumer loans,8406.18,77665.5,75663.0,7767.0,77665.5,MONDAY,12,Y,1,0.10139001667157002,,,XAP,Approved,-2846,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Stone,130,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2815.0,-2545.0,-2575.0,-2567.0,1.0,0,Cash loans,M,Y,Y,2,270000.0,490536.0,38884.5,405000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.02461,-15867,-1292,-4385.0,-4434,8.0,1,1,0,1,0,0,High skill tech staff,4.0,2,2,FRIDAY,16,0,0,0,0,0,0,Other,0.3779821731342247,0.6640465253804881,0.722392890081304,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1667.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2062965,383347,Consumer loans,6810.705,51525.0,49932.0,5400.0,51525.0,MONDAY,17,Y,1,0.10628733660613944,,,XAP,Approved,-2186,XNA,XAP,Family,New,Audio/Video,POS,XNA,Stone,47,Consumer electronics,10.0,high,POS household with interest,365243.0,-2153.0,-1883.0,-1883.0,-1879.0,0.0,0,Cash loans,M,N,Y,1,180000.0,747000.0,24687.0,747000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.011703,-11736,-1300,-5136.0,-3004,,1,1,0,1,1,0,Security staff,3.0,2,2,WEDNESDAY,12,0,1,1,0,1,1,Security,0.2782777476799522,0.7368932498706053,,0.1031,0.0869,0.9801,0.728,0.0114,0.0,0.2069,0.1667,0.2083,0.111,0.0841,0.0917,0.0,0.0,0.105,0.0902,0.9801,0.7387,0.0115,0.0,0.2069,0.1667,0.2083,0.1136,0.0918,0.0956,0.0,0.0,0.1041,0.0869,0.9801,0.7316,0.0115,0.0,0.2069,0.1667,0.2083,0.113,0.0855,0.0934,0.0,0.0,reg oper account,block of flats,0.0784,"Stone, brick",No,0.0,0.0,0.0,0.0,-2186.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1581578,209754,Consumer loans,17930.385,192919.5,173623.5,19296.0,192919.5,MONDAY,14,Y,1,0.10893195442564477,,,XAP,Approved,-710,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Regional / Local,50,Furniture,12.0,middle,POS industry with interest,365243.0,-679.0,-349.0,-499.0,-494.0,0.0,0,Revolving loans,M,Y,Y,1,225000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.00733,-11748,-1801,-5906.0,-3878,14.0,1,1,0,1,1,0,Core staff,3.0,2,2,THURSDAY,15,0,0,0,1,0,1,Police,0.34195595731278544,0.6688927767230811,0.5656079814115492,0.0722,0.0752,0.9776,,,0.0,0.1379,0.1667,,0.0,,0.0675,,0.0,0.0735,0.078,0.9777,,,0.0,0.1379,0.1667,,0.0,,0.0703,,0.0,0.0729,0.0752,0.9776,,,0.0,0.1379,0.1667,,0.0,,0.0687,,0.0,,block of flats,0.0578,"Stone, brick",No,5.0,1.0,5.0,1.0,-926.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2511050,263427,Consumer loans,4550.535,38020.5,41368.5,0.0,38020.5,MONDAY,9,Y,1,0.0,,,XAP,Refused,-884,Cash through the bank,LIMIT,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,150,Consumer electronics,10.0,low_normal,POS household with interest,,,,,,,0,Cash loans,M,N,Y,0,180000.0,835380.0,38709.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Co-op apartment,0.02461,-12627,-4378,-3645.0,-3641,,1,1,0,1,0,0,Laborers,1.0,2,2,WEDNESDAY,10,0,0,0,1,1,0,Self-employed,,0.7162922068923979,0.7062051096536562,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-990.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1537010,280763,Consumer loans,7527.87,42075.0,39433.5,4500.0,42075.0,SUNDAY,10,Y,1,0.11155289450895307,,,XAP,Approved,-1810,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Stone,96,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1777.0,-1627.0,-1627.0,-1621.0,0.0,0,Cash loans,M,N,Y,1,67500.0,247500.0,29502.0,247500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.031329,-12333,-2560,-6518.0,-4121,,1,1,0,1,0,0,Laborers,3.0,2,2,THURSDAY,8,0,0,0,0,0,0,Self-employed,,0.6298530837708692,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,2.0,7.0,2.0,-473.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2701653,126050,Consumer loans,2590.11,20880.0,20362.5,2070.0,20880.0,TUESDAY,12,Y,1,0.10049785720798753,,,XAP,Approved,-1283,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,44,Connectivity,10.0,high,POS mobile with interest,365243.0,-1249.0,-979.0,-979.0,-970.0,0.0,1,Cash loans,F,N,N,0,67500.0,135000.0,9261.0,135000.0,Unaccompanied,Working,Higher education,Married,Municipal apartment,0.0105,-18013,-11106,-7422.0,-1547,,1,1,1,1,0,0,Laborers,2.0,3,3,THURSDAY,16,0,0,0,0,0,0,Industry: type 2,0.6170037472065169,0.6245355143357533,0.1766525794312139,0.0577,,0.9876,,,0.08,0.069,0.3333,,,,,,,0.0588,,0.9876,,,0.0806,0.069,0.3333,,,,,,,0.0583,,0.9876,,,0.08,0.069,0.3333,,,,,,,,,0.0565,"Stone, brick",No,0.0,0.0,0.0,0.0,-1283.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2292079,312488,Consumer loans,8841.24,113175.0,73800.0,45000.0,113175.0,FRIDAY,11,Y,1,0.4125344352617078,,,XAP,Approved,-1698,Cash through the bank,XAP,Family,Repeater,Auto Accessories,POS,XNA,Stone,435,Industry,10.0,middle,POS other with interest,365243.0,-1666.0,-1396.0,-1456.0,-1451.0,0.0,0,Cash loans,M,N,Y,0,135000.0,254700.0,14350.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020713,-24326,365243,-5431.0,-4057,,1,0,0,1,1,0,,2.0,3,2,TUESDAY,8,0,0,0,0,0,0,XNA,0.4854835826447641,0.5175215732260972,0.7449321846094795,0.3423,0.2995,0.9876,0.83,0.0701,0.48,0.4138,0.3333,0.375,0.1947,0.2757,0.4449,0.0154,0.0615,0.3487,0.3108,0.9876,0.8367,0.0708,0.4834,0.4138,0.3333,0.375,0.1991,0.3012,0.4635,0.0156,0.0651,0.3456,0.2995,0.9876,0.8323,0.0706,0.48,0.4138,0.3333,0.375,0.1981,0.2805,0.4529,0.0155,0.0628,reg oper spec account,block of flats,0.3633,Panel,No,0.0,0.0,0.0,0.0,-1698.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1115468,297628,Consumer loans,13013.37,106200.0,116712.0,0.0,106200.0,FRIDAY,7,Y,1,0.0,,,XAP,Approved,-1926,Cash through the bank,XAP,Unaccompanied,Repeater,Clothing and Accessories,POS,XNA,Stone,278,Clothing,12.0,high,POS industry with interest,365243.0,-1895.0,-1565.0,-1565.0,-1560.0,0.0,1,Cash loans,F,N,Y,1,103500.0,310671.0,24543.0,256500.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.018801,-15324,-2388,-7514.0,-4709,,1,1,0,1,0,0,Medicine staff,3.0,2,2,SATURDAY,11,0,0,0,0,0,0,University,0.7237284250837299,0.6478368951396523,0.20208660168203949,0.0052,0.0,0.9608,0.4628,0.0018,0.0,0.0345,0.0,0.0417,0.0037,0.0042,0.0035,0.0,0.0,0.0053,0.0,0.9608,0.4838,0.0018,0.0,0.0345,0.0,0.0417,0.0038,0.0046,0.0036,0.0,0.0,0.0052,0.0,0.9608,0.47,0.0018,0.0,0.0345,0.0,0.0417,0.0038,0.0043,0.0035,0.0,0.0,reg oper account,block of flats,0.0037,Wooden,No,0.0,0.0,0.0,0.0,-1926.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1783025,115791,Consumer loans,12820.23,72877.5,63877.5,9000.0,72877.5,MONDAY,12,Y,1,0.1344971792640827,,,XAP,Approved,-2899,XNA,XAP,,New,Mobile,POS,XNA,Stone,10,Connectivity,6.0,high,POS mobile with interest,365243.0,-2865.0,-2715.0,-2715.0,-2676.0,0.0,0,Cash loans,F,Y,Y,1,225000.0,720000.0,33493.5,720000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-16482,-5082,-4217.0,-20,4.0,1,1,1,1,1,0,Sales staff,3.0,2,2,TUESDAY,10,0,0,0,1,1,0,Other,,0.6670983771437647,0.13094715293601816,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1916.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1678721,336333,Consumer loans,5019.21,19305.0,17617.5,2250.0,19305.0,THURSDAY,8,Y,1,0.12333985380417993,,,XAP,Approved,-2758,Cash through the bank,XAP,Other_A,New,Mobile,POS,XNA,Stone,14,Connectivity,4.0,high,POS mobile with interest,365243.0,-2721.0,-2631.0,-2631.0,-2629.0,1.0,0,Cash loans,M,Y,N,1,90000.0,283500.0,13765.5,283500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.028663,-14504,-213,-8562.0,-4816,18.0,1,1,0,1,0,0,Managers,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.5631774412675606,0.595617792053343,,0.3237,0.1909,0.9876,0.83,0.0403,0.32,0.2759,0.3333,0.375,0.1506,0.258,0.3298,0.027000000000000003,0.1,0.3298,0.1981,0.9876,0.8367,0.0406,0.3222,0.2759,0.3333,0.375,0.154,0.2819,0.3436,0.0272,0.1058,0.3268,0.1909,0.9876,0.8323,0.0405,0.32,0.2759,0.3333,0.375,0.1532,0.2625,0.3357,0.0272,0.1021,reg oper account,block of flats,0.3343,"Stone, brick",No,0.0,0.0,0.0,0.0,-2758.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1526516,256739,Revolving loans,6750.0,135000.0,135000.0,,135000.0,WEDNESDAY,18,Y,1,,,,XAP,Refused,-649,XNA,HC,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,1,Cash loans,F,N,N,0,112500.0,576072.0,21847.5,405000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.01885,-19806,-5375,-13895.0,-202,,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Self-employed,,0.5846324854519463,,0.0247,,0.9732,,,0.0,0.069,0.0833,,,,0.0123,,,0.0252,,0.9732,,,0.0,0.069,0.0833,,,,0.0128,,,0.025,,0.9732,,,0.0,0.069,0.0833,,,,0.0126,,,,block of flats,0.0149,"Stone, brick",No,0.0,0.0,0.0,0.0,-87.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2496728,188391,Cash loans,12794.67,247500.0,280989.0,,247500.0,THURSDAY,10,Y,1,,,,XNA,Approved,-859,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,low_normal,Cash X-Sell: low,365243.0,-829.0,41.0,-409.0,-401.0,1.0,0,Cash loans,F,N,Y,0,108000.0,938304.0,31009.5,810000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-23732,365243,-1762.0,-4500,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,XNA,,0.6018119314305592,0.8193176922872417,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,10.0,0.0,10.0,0.0,-2254.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1262891,274290,Consumer loans,5060.475,46755.0,45549.0,4675.5,46755.0,SATURDAY,17,Y,1,0.1013856692541398,,,XAP,Approved,-2270,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,2948,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2238.0,-1968.0,-1968.0,-1856.0,1.0,0,Cash loans,F,Y,Y,0,225000.0,1305000.0,38286.0,1305000.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.026392000000000002,-16819,-5981,-6226.0,-349,2.0,1,1,1,1,1,0,Managers,2.0,2,2,MONDAY,13,0,0,0,0,0,0,Business Entity Type 1,0.4335646403377445,0.3833817778227795,0.4489622731076524,0.0918,,0.9916,,,0.12,0.1034,0.3333,,,,0.1216,,0.0,0.0935,,0.9916,,,0.1208,0.1034,0.3333,,,,0.1267,,0.0,0.0926,,0.9916,,,0.12,0.1034,0.3333,,,,0.1238,,0.0,,block of flats,0.0957,Panel,No,3.0,0.0,3.0,0.0,-23.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1528494,356898,Revolving loans,6750.0,0.0,45000.0,,,MONDAY,12,N,0,,,,XAP,Refused,-2243,XNA,VERIF,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,1,Cash loans,F,Y,Y,1,126000.0,325908.0,17811.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00702,-14843,-898,-1499.0,-4746,64.0,1,1,0,1,0,1,,3.0,2,2,THURSDAY,15,0,0,0,0,0,0,Industry: type 11,,0.6526360945733339,0.35895122857839673,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1604892,128512,Cash loans,8430.48,90000.0,112752.0,,90000.0,THURSDAY,11,Y,1,,,,XNA,Approved,-426,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-396.0,114.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,1,225000.0,206280.0,7906.5,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-14797,-1720,-6777.0,-4375,,1,1,0,1,0,0,Managers,3.0,2,2,WEDNESDAY,13,0,0,0,1,1,0,Kindergarten,0.4714425327172172,0.4759551703720799,0.6380435278721609,0.1722,0.0553,0.9816,,,0.04,0.0345,0.3333,,0.0799,,0.0813,,0.0717,0.1754,0.0574,0.9816,,,0.0403,0.0345,0.3333,,0.0818,,0.0847,,0.0759,0.1738,0.0553,0.9816,,,0.04,0.0345,0.3333,,0.0813,,0.0828,,0.0732,,block of flats,0.0796,"Stone, brick",No,1.0,0.0,1.0,0.0,-480.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2033109,316179,Cash loans,21848.4,405000.0,576072.0,,405000.0,SATURDAY,11,Y,1,,,,XNA,Refused,-14,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,N,0,247500.0,646920.0,20997.0,540000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.006207,-23241,365243,-6100.0,-3949,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,XNA,,0.2421449835368276,0.6848276586890367,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-559.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1458589,319960,Cash loans,11821.05,360000.0,443160.0,,360000.0,THURSDAY,10,Y,1,,,,XNA,Refused,-384,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,76050.0,495000.0,21933.0,495000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-22437,365243,-526.0,-4793,,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,,0.6678264242222628,0.4101025731788671,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-3064.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2767894,334772,Consumer loans,15808.455,170658.0,148158.0,22500.0,170658.0,WEDNESDAY,16,Y,1,0.14358861263196246,,,XAP,Approved,-1510,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,200,Consumer electronics,12.0,middle,POS mobile with interest,365243.0,-1466.0,-1136.0,-1136.0,-1128.0,0.0,0,Cash loans,M,N,Y,0,225000.0,173196.0,11704.5,153000.0,Unaccompanied,Pensioner,Higher education,Separated,House / apartment,0.04622,-22111,365243,-11108.0,-1124,,1,0,0,1,0,0,,1.0,1,1,MONDAY,18,0,0,0,0,0,0,XNA,0.4767584057088442,0.5348187629993867,,0.1567,0.162,0.9826,0.762,0.0201,0.0,0.3793,0.1667,0.2083,,0.1278,0.153,0.0,0.0,0.1597,0.1682,0.9826,0.7713,0.0203,0.0,0.3793,0.1667,0.2083,,0.1396,0.1594,0.0,0.0,0.1582,0.162,0.9826,0.7652,0.0202,0.0,0.3793,0.1667,0.2083,,0.13,0.1557,0.0,0.0,reg oper account,block of flats,0.1203,"Stone, brick",No,0.0,0.0,0.0,0.0,-201.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2629671,406603,Cash loans,70315.875,693000.0,720441.0,,693000.0,WEDNESDAY,13,Y,1,,,,XNA,Approved,-240,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-210.0,120.0,365243.0,365243.0,1.0,0,Revolving loans,M,Y,Y,1,360000.0,540000.0,27000.0,540000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-17235,-834,-2982.0,-795,2.0,1,1,0,1,0,0,,3.0,2,2,FRIDAY,11,0,1,1,0,1,1,Business Entity Type 3,0.6113146793884202,0.3886526126982039,0.6296742509538716,0.0701,0.07,0.9781,0.7008,0.0297,0.0,0.1379,0.1667,0.2083,0.0455,0.0445,0.0559,0.0579,0.1151,0.0714,0.0727,0.9782,0.7125,0.0299,0.0,0.1379,0.1667,0.2083,0.0465,0.0487,0.0582,0.0584,0.1218,0.0708,0.07,0.9781,0.7048,0.0299,0.0,0.1379,0.1667,0.2083,0.0462,0.0453,0.0569,0.0582,0.1175,reg oper account,block of flats,0.069,"Stone, brick",No,1.0,0.0,1.0,0.0,-1667.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1462619,181554,Consumer loans,3725.55,82260.0,82260.0,0.0,82260.0,THURSDAY,10,Y,1,0.0,,,XAP,Approved,-980,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,4500,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-948.0,-258.0,-258.0,-256.0,0.0,0,Cash loans,F,Y,Y,0,157500.0,675000.0,29862.0,675000.0,Family,Pensioner,Higher education,Civil marriage,Municipal apartment,0.072508,-18625,365243,-8933.0,-2145,4.0,1,0,0,1,0,0,,2.0,1,1,THURSDAY,12,0,0,0,0,0,0,XNA,,0.7639681089656193,0.5937175866150576,0.0481,0.0199,0.9697,0.5852,0.0856,0.0,0.1262,0.1388,0.2083,0.2025,0.037000000000000005,0.0461,0.0039,0.0367,0.0473,0.0,0.9697,0.6014,0.0864,0.0,0.1379,0.125,0.2083,0.2071,0.0404,0.0455,0.0039,0.0385,0.0489,0.0132,0.9697,0.5907,0.0861,0.0,0.1379,0.125,0.2083,0.206,0.0376,0.0468,0.0039,0.0376,reg oper account,block of flats,0.0468,"Stone, brick",No,2.0,0.0,2.0,0.0,-3372.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1556773,396406,Consumer loans,7840.755,57510.0,65394.0,5751.0,57510.0,TUESDAY,15,Y,1,0.08803657063998617,,,XAP,Approved,-1577,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Regional / Local,200,Consumer electronics,12.0,high,POS household with interest,365243.0,-1546.0,-1216.0,-1216.0,-1207.0,0.0,0,Cash loans,F,N,Y,1,112500.0,1046142.0,30586.5,913500.0,Unaccompanied,State servant,Lower secondary,Married,House / apartment,0.019101,-19238,-3509,-1053.0,-2773,,1,1,0,1,0,0,Core staff,3.0,2,2,THURSDAY,14,0,0,0,0,0,0,Kindergarten,0.6878385854620642,0.4919279801219599,0.6528965519806539,0.0619,0.0761,0.9901,0.8640000000000001,0.0146,0.0,0.1379,0.1667,0.2083,0.0,0.0504,0.0568,0.0,0.0,0.063,0.079,0.9901,0.8693,0.0147,0.0,0.1379,0.1667,0.2083,0.0,0.0551,0.0591,0.0,0.0,0.0625,0.0761,0.9901,0.8658,0.0146,0.0,0.1379,0.1667,0.2083,0.0,0.0513,0.0578,0.0,0.0,reg oper account,block of flats,0.0526,"Stone, brick",No,0.0,0.0,0.0,0.0,-1754.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2630095,272320,Consumer loans,2771.73,27720.0,24948.0,2772.0,27720.0,SUNDAY,13,Y,1,0.1089090909090909,,,XAP,Approved,-2727,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,110,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2692.0,-2422.0,-2422.0,-2412.0,0.0,0,Cash loans,M,Y,Y,1,157500.0,1009566.0,33493.5,904500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-17307,-2623,-6847.0,-854,6.0,1,1,0,1,0,0,Core staff,3.0,2,2,THURSDAY,10,0,0,0,0,1,1,Agriculture,,0.6755850357500911,0.7610263695502636,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1992.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1549739,124598,Cash loans,45506.025,1129500.0,1227901.5,,1129500.0,SUNDAY,12,Y,1,,,,XNA,Approved,-879,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_action,Cash X-Sell: low,365243.0,-848.0,202.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,N,1,157500.0,755190.0,36459.0,675000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-14052,-2571,-7711.0,-4147,8.0,1,1,0,1,0,0,Sales staff,3.0,2,2,THURSDAY,15,0,0,0,0,0,0,Self-employed,,0.5695355160828502,0.7281412993111438,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-2902.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2482566,148227,Consumer loans,51536.655,189000.0,194404.5,0.0,189000.0,WEDNESDAY,12,Y,1,0.0,,,XAP,Approved,-818,XNA,XAP,Unaccompanied,New,Furniture,POS,XNA,Stone,450,Furniture,4.0,low_normal,POS industry with interest,365243.0,-765.0,-675.0,-705.0,-701.0,0.0,0,Cash loans,M,Y,N,1,135000.0,225000.0,13045.5,225000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.00496,-11087,-3212,-5030.0,-3563,11.0,1,1,0,1,0,0,Sales staff,3.0,2,2,TUESDAY,18,0,0,0,0,0,0,Trade: type 7,0.6678983987982965,0.6236018024305983,0.6642482627052363,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-818.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1606570,442749,Consumer loans,3727.26,31090.5,27940.5,3150.0,31090.5,FRIDAY,10,Y,1,0.11034355715206776,,,XAP,Refused,-2608,XNA,SCO,Children,Repeater,XNA,POS,XNA,Country-wide,35,Connectivity,10.0,low_normal,POS mobile with interest,,,,,,,1,Cash loans,F,N,Y,0,178200.0,468000.0,13810.5,468000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0228,-15790,-4177,-7034.0,-2671,,1,1,0,1,0,0,Waiters/barmen staff,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Medicine,0.5286225594417174,0.28912760620534433,0.4507472818545589,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,0.0,-2608.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1773335,334713,Consumer loans,13535.055,145008.0,145008.0,0.0,145008.0,FRIDAY,9,Y,1,0.0,,,XAP,Approved,-260,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Regional / Local,5,Furniture,12.0,low_normal,POS industry with interest,365243.0,-226.0,104.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,0,157500.0,504000.0,30834.0,504000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-15632,-1768,-929.0,-3966,7.0,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,10,0,0,0,0,1,1,Business Entity Type 3,,0.5783636723867447,0.746300213050371,0.0124,,0.9727,,,,,,,,,,,,0.0126,,0.9727,,,,,,,,,,,,0.0125,,0.9727,,,,,,,,,,,,,block of flats,0.0072,,No,0.0,0.0,0.0,0.0,-1395.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1487213,328433,Consumer loans,37136.025,331362.0,362232.0,0.0,331362.0,WEDNESDAY,12,Y,1,0.0,,,XAP,Approved,-627,Cash through the bank,XAP,,New,Furniture,POS,XNA,Stone,45,Furniture,12.0,middle,POS industry with interest,365243.0,-596.0,-266.0,-446.0,-441.0,0.0,0,Cash loans,F,N,Y,0,225000.0,810000.0,29092.5,810000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.019688999999999998,-19890,-2384,-10628.0,-3369,,1,1,1,1,0,0,High skill tech staff,1.0,2,2,SUNDAY,17,1,1,0,1,1,0,Business Entity Type 1,0.8424551548316654,0.5876190154453372,0.5726825047161584,0.0134,0.018000000000000002,0.9747,0.5648,0.0097,0.0,0.069,0.0833,0.125,0.0,0.0101,0.0701,0.0039,0.0134,0.0137,0.0186,0.9682,0.5818,0.0098,0.0,0.069,0.0833,0.125,0.0,0.011,0.0255,0.0039,0.0142,0.0135,0.018000000000000002,0.9747,0.5706,0.0098,0.0,0.069,0.0833,0.125,0.0,0.0103,0.0714,0.0039,0.0137,reg oper spec account,block of flats,0.0275,"Stone, brick",No,1.0,0.0,1.0,0.0,-627.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2640962,114328,Revolving loans,2250.0,0.0,45000.0,,,WEDNESDAY,11,Y,1,,,,XAP,Approved,-2284,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-2263.0,-2210.0,365243.0,-506.0,365243.0,0.0,0,Cash loans,F,Y,N,0,193500.0,1546020.0,45202.5,1350000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.04622,-10291,-1632,-4654.0,-2215,17.0,1,1,1,1,1,0,Core staff,2.0,1,1,TUESDAY,11,0,0,0,1,1,0,Kindergarten,,0.6781820353621315,0.2866524828090694,0.1474,0.0778,0.9821,0.7552,0.0264,0.16,0.1379,0.3333,0.375,0.1736,,0.142,,0.0043,0.1502,0.0807,0.9821,0.7648,0.0266,0.1611,0.1379,0.3333,0.375,0.1776,,0.1479,,0.0046,0.1489,0.0778,0.9821,0.7585,0.0266,0.16,0.1379,0.3333,0.375,0.1767,,0.1446,,0.0044,reg oper account,block of flats,0.1125,Panel,No,1.0,0.0,1.0,0.0,-1715.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,4.0,0.0,3.0 +2225537,207659,Consumer loans,20642.04,202581.0,223974.0,0.0,202581.0,SATURDAY,10,Y,1,0.0,,,XAP,Approved,-168,Cash through the bank,XAP,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Country-wide,210,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-138.0,192.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,1,180000.0,942300.0,30528.0,675000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.002134,-10714,-2040,-1303.0,-2453,7.0,1,1,0,1,0,0,Core staff,3.0,3,3,SATURDAY,6,0,0,0,0,0,0,Government,0.04456482856023382,0.5732682174760333,0.3672910183026313,0.0278,0.0898,0.996,0.9456,,0.0,0.1034,0.0833,0.0417,,,0.0412,,0.0,0.0284,0.0932,0.996,0.9477,,0.0,0.1034,0.0833,0.0417,,,0.0429,,0.0,0.0281,0.0898,0.996,0.9463,,0.0,0.1034,0.0833,0.0417,,,0.0419,,0.0,reg oper account,block of flats,0.0345,"Stone, brick",No,7.0,0.0,7.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,1.0 +2137133,160911,Revolving loans,20250.0,405000.0,405000.0,,405000.0,WEDNESDAY,6,Y,1,,,,XAP,Approved,-389,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Revolving loans,M,Y,Y,0,144000.0,135000.0,6750.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.020246,-22108,-9552,-1894.0,-4300,22.0,1,1,0,1,0,0,,1.0,3,3,SUNDAY,7,0,0,0,0,0,0,Industry: type 9,0.5501853345057871,0.04226701295835315,0.7700870700124128,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,0.0,1.0,4.0 +1769788,275235,Cash loans,16180.515,274500.0,274500.0,,274500.0,TUESDAY,9,Y,1,,,,XNA,Approved,-1102,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),149,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-1072.0,-382.0,-562.0,-557.0,0.0,0,Cash loans,M,N,N,0,112500.0,206271.0,20223.0,193500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.00702,-20959,-4411,-7799.0,-4017,,1,1,1,1,0,0,,2.0,2,2,FRIDAY,12,0,0,0,0,1,1,Industry: type 11,,0.2858978721410488,0.6956219298394389,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,5.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1590840,114282,Consumer loans,7258.23,37345.5,39316.5,0.0,37345.5,TUESDAY,14,Y,1,0.0,,,XAP,Approved,-855,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,4200,Consumer electronics,6.0,middle,POS household with interest,365243.0,-824.0,-674.0,-674.0,-667.0,0.0,0,Cash loans,F,Y,N,0,180000.0,900000.0,26316.0,900000.0,Unaccompanied,State servant,Higher education,Separated,House / apartment,0.019101,-19141,-2820,-1094.0,-2667,3.0,1,1,0,1,1,0,,1.0,2,2,TUESDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.8382465295565159,0.6340440549738438,0.6738300778602003,0.0619,0.0244,0.9796,0.7212,0.0078,0.0,0.1379,0.1667,0.2083,0.013,0.0504,0.0541,0.0,0.0,0.063,0.0253,0.9796,0.7321,0.0078,0.0,0.1379,0.1667,0.2083,0.0133,0.0551,0.0564,0.0,0.0,0.0625,0.0244,0.9796,0.7249,0.0078,0.0,0.1379,0.1667,0.2083,0.0132,0.0513,0.0551,0.0,0.0,reg oper account,block of flats,0.0426,"Stone, brick",No,2.0,0.0,2.0,0.0,-1835.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1115368,369653,Cash loans,13634.955,405000.0,511920.0,,405000.0,THURSDAY,12,Y,1,,,,Payments on other loans,Refused,-116,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_action,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,90000.0,296280.0,23539.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.006207,-17430,-2965,-4210.0,-968,,1,1,0,1,0,0,Sales staff,1.0,2,2,MONDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.6896072130139954,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2065.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2579768,326520,Consumer loans,12352.95,69921.0,69921.0,0.0,69921.0,FRIDAY,8,Y,1,0.0,,,XAP,Approved,-865,XNA,XAP,Family,Refreshed,Construction Materials,POS,XNA,Stone,50,Construction,6.0,low_normal,POS industry with interest,365243.0,-828.0,-678.0,-678.0,-674.0,0.0,0,Revolving loans,F,N,N,0,103500.0,405000.0,20250.0,405000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.018209,-16853,-1897,-1475.0,-382,,1,1,1,1,1,0,Laborers,2.0,3,3,TUESDAY,7,0,0,0,0,0,0,Business Entity Type 1,0.7806385928033027,0.4531029671772933,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2110.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2704320,328837,Revolving loans,2250.0,45000.0,45000.0,,45000.0,TUESDAY,11,Y,1,,,,XAP,Approved,-223,XNA,XAP,Family,Repeater,XNA,Cards,walk-in,Country-wide,50,Connectivity,0.0,XNA,Card Street,-203.0,-181.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,292500.0,1546020.0,42642.0,1350000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018634,-20886,-456,-2356.0,-1510,64.0,1,1,0,1,0,0,Core staff,2.0,2,2,MONDAY,10,0,0,0,0,0,0,School,0.772397208047991,0.5755295095679599,0.16048893062734468,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-957.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1147370,305060,Consumer loans,28081.08,108000.0,108000.0,0.0,108000.0,SUNDAY,15,Y,1,0.0,,,XAP,Approved,-351,Cash through the bank,XAP,Children,Refreshed,Furniture,POS,XNA,Stone,100,Furniture,4.0,low_action,POS industry with interest,365243.0,-321.0,-231.0,-231.0,-225.0,0.0,0,Revolving loans,M,Y,N,2,135000.0,180000.0,9000.0,180000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.030755,-9244,-2437,-3085.0,-1932,8.0,1,1,0,1,0,0,,4.0,2,2,MONDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.16042934643116008,0.4198439537165761,0.4848514754962666,0.2887,0.1403,0.9876,0.83,0.4605,0.32,0.2759,0.375,0.375,0.0409,0.2261,0.3019,0.0425,0.0657,0.2941,0.1456,0.9876,0.8367,0.4647,0.3222,0.2759,0.375,0.375,0.0419,0.247,0.3146,0.0428,0.0695,0.2915,0.1403,0.9876,0.8323,0.4634,0.32,0.2759,0.375,0.375,0.0417,0.23,0.3074,0.0427,0.067,org spec account,block of flats,0.2518,"Stone, brick",No,0.0,0.0,0.0,0.0,-1900.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2782250,200643,Cash loans,23716.89,688500.0,806647.5,,688500.0,MONDAY,7,Y,1,,,,XNA,Refused,-134,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,112500.0,630000.0,20452.5,630000.0,Family,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.025164,-22722,365243,-643.0,-4316,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,11,0,0,0,0,0,0,XNA,,0.3751911602936275,0.5567274263630174,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,2.0,6.0,0.0,-1877.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +1227145,172139,Consumer loans,10365.57,108463.5,95359.5,21694.5,108463.5,SATURDAY,14,Y,1,0.2018494261389848,,,XAP,Approved,-2674,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,2009,Consumer electronics,12.0,high,POS household with interest,365243.0,-2643.0,-2313.0,-2313.0,-2309.0,1.0,0,Cash loans,M,N,Y,0,157500.0,500490.0,53901.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.019688999999999998,-10215,-3380,-5202.0,-2776,,1,1,0,1,1,1,,1.0,2,2,SATURDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.2651983556532724,0.6317119786845224,0.29859498978739724,0.0845,0.0129,0.9717,0.6124,0.0163,0.0,0.1379,0.1667,0.2083,0.0725,0.058,0.0767,0.0502,0.1121,0.0861,0.0134,0.9717,0.6276,0.0164,0.0,0.1379,0.1667,0.2083,0.0741,0.0634,0.0799,0.0506,0.1186,0.0854,0.0129,0.9717,0.6176,0.0164,0.0,0.1379,0.1667,0.2083,0.0737,0.059,0.0781,0.0505,0.1144,org spec account,block of flats,0.0936,"Stone, brick",No,6.0,0.0,6.0,0.0,-2409.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1921182,215498,Cash loans,48368.61,720000.0,890766.0,,720000.0,TUESDAY,14,Y,1,,,,XNA,Approved,-842,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,42.0,high,Cash X-Sell: high,365243.0,-812.0,418.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,2,202500.0,1006920.0,51543.0,900000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.019101,-10588,-1486,-723.0,-2337,,1,1,0,1,1,0,Sales staff,4.0,2,2,THURSDAY,14,0,0,0,0,0,0,Other,,0.6535328463848373,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1347.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2022546,322282,Consumer loans,6794.865,40455.0,40810.5,6750.0,40455.0,FRIDAY,17,Y,1,0.15456867855391834,,,XAP,Approved,-1307,Cash through the bank,XAP,Other_B,New,Mobile,POS,XNA,Country-wide,46,Connectivity,8.0,high,POS mobile with interest,365243.0,-1270.0,-1060.0,-1060.0,-1053.0,0.0,0,Revolving loans,M,N,Y,1,135000.0,270000.0,13500.0,270000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.019688999999999998,-16168,-1553,-7306.0,-4349,,1,1,0,1,1,0,Laborers,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.5778089823598631,,0.0876,0.0905,0.9791,0.7144,0.07400000000000001,0.0,0.2069,0.1667,0.2083,0.1294,0.0656,0.0671,0.027000000000000003,0.0516,0.0893,0.0939,0.9791,0.7256,0.0747,0.0,0.2069,0.1667,0.2083,0.1324,0.0716,0.0699,0.0272,0.0547,0.0885,0.0905,0.9791,0.7182,0.0745,0.0,0.2069,0.1667,0.2083,0.1317,0.0667,0.0683,0.0272,0.0527,reg oper account,block of flats,0.0733,Panel,No,0.0,0.0,0.0,0.0,-937.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2152387,189997,Consumer loans,15285.285,160830.0,128664.0,32166.0,160830.0,THURSDAY,14,Y,1,0.2178181818181818,,,XAP,Refused,-2204,Cash through the bank,LIMIT,,Repeater,Computers,POS,XNA,Stone,50,Consumer electronics,10.0,middle,POS household with interest,,,,,,,0,Cash loans,F,Y,Y,0,157500.0,339948.0,26437.5,315000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009549,-19868,-3154,-7127.0,-3409,26.0,1,1,0,1,0,0,Accountants,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.5785553802073665,0.5830013132636902,0.30162489168411943,0.0186,0.0,0.9896,0.8572,0.0,0.0,0.1034,0.0417,0.0417,0.0208,0.0151,0.0168,0.0,0.0,0.0189,0.0,0.9896,0.8628,0.0,0.0,0.1034,0.0417,0.0417,0.0213,0.0165,0.0175,0.0,0.0,0.0187,0.0,0.9896,0.8591,0.0,0.0,0.1034,0.0417,0.0417,0.0212,0.0154,0.0171,0.0,0.0,not specified,block of flats,0.0132,"Stone, brick",No,2.0,1.0,2.0,1.0,-1713.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2074077,221892,Consumer loans,14582.43,83227.5,78858.0,8325.0,83227.5,FRIDAY,9,Y,1,0.1039959833704027,,,XAP,Approved,-650,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Regional / Local,155,Consumer electronics,6.0,middle,POS household with interest,365243.0,-619.0,-469.0,-469.0,-466.0,0.0,0,Cash loans,F,N,Y,0,157500.0,1024740.0,45270.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-16670,-4323,-794.0,-205,,1,1,0,1,1,0,Sales staff,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.2630387797969848,0.5919731223104195,0.6006575372857061,0.0711,0.0433,0.998,0.9728,,0.08,0.069,0.375,0.0417,0.01,0.058,0.0807,0.0,0.0811,0.0725,0.045,0.998,0.9739,,0.0806,0.069,0.375,0.0417,0.0102,0.0634,0.084,0.0,0.0858,0.0718,0.0433,0.998,0.9732,,0.08,0.069,0.375,0.0417,0.0102,0.059,0.0821,0.0,0.0828,,block of flats,0.0811,Panel,No,2.0,0.0,2.0,0.0,-1412.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2760376,437214,Consumer loans,2397.6,18855.0,17973.0,2250.0,18855.0,MONDAY,10,Y,1,0.12117166322773795,,,XAP,Approved,-2620,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,10.0,low_normal,POS mobile with interest,365243.0,-2588.0,-2318.0,-2318.0,-2306.0,1.0,0,Cash loans,F,N,Y,0,135000.0,152820.0,8662.5,135000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-23831,365243,-12732.0,-4573,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,XNA,,0.44089266456476,0.5638350489514956,0.0186,0.0,0.9851,0.7959999999999999,0.0022,0.0,0.1034,0.0417,0.0417,0.0398,0.0151,0.0179,0.0,0.0,0.0189,0.0,0.9851,0.804,0.0022,0.0,0.1034,0.0417,0.0417,0.0407,0.0165,0.0187,0.0,0.0,0.0187,0.0,0.9851,0.7987,0.0022,0.0,0.1034,0.0417,0.0417,0.0405,0.0154,0.0182,0.0,0.0,reg oper account,block of flats,0.0153,"Stone, brick",No,1.0,1.0,1.0,1.0,-1126.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +2649154,143638,Cash loans,27026.235,225000.0,254700.0,,225000.0,SATURDAY,11,Y,1,,,,Repairs,Refused,-353,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,225000.0,269550.0,21739.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.032561,-18812,-2906,-7271.0,-2282,,1,1,0,1,1,0,Laborers,2.0,1,1,TUESDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.7010395096802599,0.41885428862332175,0.3247,0.1715,0.9866,0.8164,0.1454,0.32,0.1379,0.625,0.0417,0.0901,0.2648,0.3887,0.0039,0.0028,0.3309,0.17800000000000002,0.9866,0.8236,0.1467,0.3222,0.1379,0.625,0.0417,0.0921,0.2893,0.405,0.0039,0.003,0.3279,0.1715,0.9866,0.8189,0.1463,0.32,0.1379,0.625,0.0417,0.0916,0.2694,0.3957,0.0039,0.0029,reg oper spec account,block of flats,0.3858,Panel,No,2.0,1.0,2.0,1.0,-2416.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,5.0 +2784660,319742,Consumer loans,5258.88,25434.0,26946.0,0.0,25434.0,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-182,Cash through the bank,XAP,Unaccompanied,Repeater,Jewelry,POS,XNA,Stone,55,Jewelry,6.0,middle,POS other with interest,365243.0,-152.0,-2.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,202500.0,450000.0,27324.0,450000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.018634,-16253,-973,-4158.0,-4450,,1,1,0,1,0,0,Accountants,1.0,2,2,TUESDAY,19,0,0,0,0,0,0,Bank,,0.1780062497022722,0.12769879437277135,0.1753,0.1045,0.9816,0.7484,0.0,0.04,0.0345,0.3333,0.375,0.0967,0.1429,0.0858,0.0,0.0,0.1786,0.1085,0.9816,0.7583,0.0,0.0403,0.0345,0.3333,0.375,0.0989,0.1561,0.0894,0.0,0.0,0.177,0.1045,0.9816,0.7518,0.0,0.04,0.0345,0.3333,0.375,0.0984,0.1454,0.0874,0.0,0.0,reg oper account,block of flats,0.0678,Panel,No,0.0,0.0,0.0,0.0,-314.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2275629,286847,Consumer loans,11613.42,116505.0,141111.0,0.0,116505.0,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-922,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Stone,20,Consumer electronics,24.0,high,POS household with interest,365243.0,-889.0,-199.0,-619.0,-612.0,0.0,0,Revolving loans,F,N,N,2,45000.0,225000.0,11250.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.031329,-14189,-3648,-5027.0,-743,,1,1,0,1,0,0,Cleaning staff,4.0,2,2,THURSDAY,12,0,0,0,0,0,0,School,0.6295907500133159,0.6247764876834561,0.7194907850918436,0.0082,,0.9757,,,,0.069,0.0417,,,,0.0072,,0.0027,0.0084,,0.9757,,,,0.069,0.0417,,,,0.0075,,0.0029,0.0083,,0.9757,,,,0.069,0.0417,,,,0.0073,,0.0028,,block of flats,0.0062,Block,No,1.0,1.0,1.0,1.0,-922.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1591721,440964,Cash loans,25198.65,225000.0,239850.0,,225000.0,THURSDAY,4,Y,1,,,,XNA,Approved,-497,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-467.0,-137.0,-227.0,-221.0,1.0,0,Revolving loans,M,Y,N,1,333000.0,900000.0,45000.0,900000.0,Unaccompanied,State servant,Higher education,Married,Municipal apartment,0.0038179999999999998,-12058,-3537,-3565.0,-3562,21.0,1,1,0,1,0,0,,3.0,2,2,THURSDAY,10,0,0,0,0,0,0,Police,,0.6205943910170786,0.5136937663039473,0.1041,0.0189,0.9841,0.8232,0.0301,0.0,0.2414,0.1667,0.1525,0.0516,0.0619,0.0943,0.1068,0.0266,0.0798,0.0196,0.9791,0.8693,0.0023,0.0,0.3793,0.1667,0.2083,0.0033,0.0321,0.0154,0.1595,0.0218,0.0791,0.0189,0.9831,0.8658,0.0023,0.0,0.3793,0.1667,0.2083,0.0033,0.0299,0.1494,0.1592,0.0211,reg oper account,block of flats,0.0161,Block,No,1.0,0.0,1.0,0.0,-2167.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +2346531,387053,Consumer loans,4349.7,22140.0,16042.5,6642.0,22140.0,FRIDAY,8,Y,1,0.3188847811581396,,,XAP,Approved,-988,Cash through the bank,XAP,Family,Repeater,Jewelry,POS,XNA,Stone,77,Industry,4.0,low_normal,POS other with interest,365243.0,-957.0,-867.0,-897.0,-888.0,0.0,0,Cash loans,F,N,N,0,90000.0,1133748.0,33277.5,990000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.015221,-13769,-5345,-5989.0,-6035,,1,1,1,1,1,0,Managers,2.0,2,2,SATURDAY,8,0,0,0,0,1,1,School,,0.40979586027878506,0.4170996682522097,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1840401,199171,Revolving loans,38250.0,0.0,765000.0,,,TUESDAY,8,Y,1,,,,XAP,Approved,-753,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-563.0,-517.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,121500.0,810000.0,26770.5,810000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-16882,-1261,-9220.0,-422,6.0,1,1,1,1,1,0,Managers,2.0,2,2,SATURDAY,8,0,0,0,0,0,0,Self-employed,,0.4883704275437241,,0.0165,,0.9776,,,0.0,0.069,0.0417,,,,0.0096,,0.018000000000000002,0.0168,,0.9777,,,0.0,0.069,0.0417,,,,0.01,,0.0191,0.0167,,0.9776,,,0.0,0.069,0.0417,,,,0.0098,,0.0184,,block of flats,0.0115,Panel,No,0.0,0.0,0.0,0.0,-773.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1755868,432165,Revolving loans,9000.0,180000.0,180000.0,,180000.0,SATURDAY,13,Y,1,,,,XAP,Refused,-103,XNA,HC,Family,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,180000.0,101880.0,10971.0,90000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-14891,-1254,-4614.0,-4622,,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,16,0,0,0,0,0,0,Business Entity Type 1,0.5033706223487681,0.6413142508251598,0.7016957740576931,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1248.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2246668,366061,Cash loans,8206.56,90000.0,98910.0,,90000.0,THURSDAY,9,Y,1,,,,XNA,Approved,-977,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-947.0,-437.0,-647.0,-644.0,1.0,0,Cash loans,F,N,Y,0,135000.0,254700.0,25321.5,225000.0,Unaccompanied,Working,Lower secondary,Married,House / apartment,0.020713,-13321,-3864,-313.0,-90,,1,1,0,1,0,0,Medicine staff,2.0,3,3,MONDAY,9,0,0,0,0,0,0,Medicine,0.3593430723245352,0.6241098150472021,0.5971924268337128,0.0186,0.0,0.9786,,,0.0,0.0345,0.0417,,,,0.0087,,0.0,0.0189,0.0,0.9786,,,0.0,0.0345,0.0417,,,,0.0091,,0.0,0.0187,0.0,0.9786,,,0.0,0.0345,0.0417,,,,0.0089,,0.0,,block of flats,0.0088,Wooden,Yes,1.0,1.0,1.0,1.0,-2432.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1941599,111086,Revolving loans,2250.0,45000.0,45000.0,,45000.0,FRIDAY,15,Y,1,,,,XAP,Approved,-188,XNA,XAP,Other_B,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),10,XNA,0.0,XNA,Card Street,,,,,,,1,Cash loans,F,N,Y,0,157500.0,1078200.0,34911.0,900000.0,Unaccompanied,State servant,Secondary / secondary special,Civil marriage,House / apartment,0.025164,-14745,-879,-7933.0,-4081,,1,1,0,1,0,0,,2.0,2,2,THURSDAY,12,0,0,0,0,1,1,Government,,0.1435255356797161,0.3185955240537633,0.0722,0.0831,0.9801,0.728,0.0077,0.0,0.1379,0.1667,0.2083,0.1172,0.0572,0.0455,0.0077,0.0759,0.0735,0.0862,0.9801,0.7387,0.0078,0.0,0.1379,0.1667,0.2083,0.1199,0.0624,0.0474,0.0078,0.0803,0.0729,0.0831,0.9801,0.7316,0.0078,0.0,0.1379,0.1667,0.2083,0.1192,0.0581,0.0464,0.0078,0.0775,reg oper spec account,block of flats,0.0523,"Stone, brick",No,0.0,0.0,0.0,0.0,-1507.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1366560,375631,Consumer loans,2638.71,34200.0,22747.5,13500.0,34200.0,THURSDAY,11,Y,1,0.4056204503131877,,,XAP,Approved,-2230,Cash through the bank,XAP,Family,Repeater,Construction Materials,POS,XNA,Stone,2377,Construction,12.0,high,POS industry with interest,365243.0,-2199.0,-1869.0,-1869.0,-1863.0,0.0,0,Cash loans,F,N,Y,0,220500.0,601470.0,30838.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.00702,-15154,-177,-788.0,-5268,,1,1,0,1,0,0,Medicine staff,1.0,2,2,MONDAY,10,0,0,0,0,1,1,Medicine,0.4686680808902482,0.2920487259292785,0.4596904504249018,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1862.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1054885,341110,Cash loans,8281.8,45000.0,45000.0,,45000.0,WEDNESDAY,13,Y,1,,,,XNA,Approved,-1045,Cash through the bank,XAP,Other_A,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),10,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-1015.0,-865.0,-1015.0,-1006.0,0.0,0,Cash loans,F,Y,N,0,135000.0,261751.5,21114.0,211500.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.006207,-14524,-4242,-9123.0,-2362,16.0,1,1,0,1,0,0,Cleaning staff,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,University,,0.3525957145486152,0.3606125659189888,0.0619,,0.9791,,,0.0,0.1379,0.1667,0.2083,,,0.0617,,,0.063,,0.9791,,,0.0,0.1379,0.1667,0.2083,,,0.0643,,,0.0625,,0.9791,,,0.0,0.1379,0.1667,0.2083,,,0.0628,,,reg oper spec account,block of flats,0.0539,Panel,No,0.0,0.0,0.0,0.0,-415.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1184461,138723,Cash loans,16770.375,202500.0,222547.5,,202500.0,FRIDAY,16,Y,1,,,,XNA,Approved,-1232,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-1197.0,-687.0,-1107.0,-1104.0,0.0,0,Cash loans,F,N,Y,0,67500.0,156384.0,18558.0,135000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,Municipal apartment,0.009549,-22377,365243,-11349.0,-5061,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,XNA,,0.3747504056130208,0.6380435278721609,0.084,0.0613,0.9771,0.7824,0.1091,0.06,0.069,0.2083,0.375,0.0833,,0.0863,,0.0196,0.0042,0.0168,0.9702,0.7909,0.1101,0.0,0.0345,0.0833,0.375,0.0258,,0.0134,,0.0,0.0848,0.0613,0.9771,0.7853,0.1098,0.06,0.069,0.2083,0.375,0.0847,,0.0878,,0.02,reg oper spec account,block of flats,0.0101,"Stone, brick",No,2.0,0.0,2.0,0.0,-1294.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2022780,112325,Consumer loans,3876.885,21600.0,20308.5,2250.0,21600.0,TUESDAY,7,Y,1,0.10862666158895966,,,XAP,Approved,-2177,XNA,XAP,Family,New,Construction Materials,POS,XNA,Stone,1618,Construction,6.0,middle,POS industry with interest,365243.0,-2146.0,-1996.0,-2056.0,-2053.0,0.0,0,Cash loans,M,Y,Y,0,202500.0,450000.0,11871.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.001333,-21063,-1676,-5024.0,-3626,17.0,1,1,0,1,0,0,Drivers,2.0,3,3,TUESDAY,10,0,0,0,0,0,0,Military,0.6081384820731893,0.7370585656040931,0.7209441499436497,0.0691,0.0509,0.9747,0.6532,0.0226,0.0,0.1379,0.1667,0.2083,0.035,0.0546,0.0513,0.0077,0.0471,0.0704,0.0528,0.9747,0.6668,0.0228,0.0,0.1379,0.1667,0.2083,0.0358,0.0597,0.0534,0.0078,0.0498,0.0697,0.0509,0.9747,0.6578,0.0228,0.0,0.1379,0.1667,0.2083,0.0356,0.0556,0.0522,0.0078,0.0481,reg oper account,block of flats,0.0629,"Stone, brick",No,0.0,0.0,0.0,0.0,-2177.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2151287,376703,Revolving loans,9000.0,180000.0,180000.0,0.0,180000.0,THURSDAY,7,Y,1,0.0,,,XAP,Refused,-474,XNA,SCOFR,,Repeater,XNA,Cards,walk-in,Country-wide,211,Connectivity,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,Y,N,2,225000.0,595903.5,23445.0,481500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.020246,-15953,-1132,-3084.0,-699,18.0,1,1,0,1,0,0,Laborers,3.0,3,3,SATURDAY,13,0,0,0,0,0,0,Industry: type 1,0.6265781314798347,0.2385437469887895,,0.1649,0.1403,0.9747,0.6532,0.0601,0.0,0.2759,0.1667,0.2083,0.1077,0.1345,0.14,0.0,0.0,0.1681,0.1456,0.9747,0.6668,0.0607,0.0,0.2759,0.1667,0.2083,0.1101,0.1469,0.1459,0.0,0.0,0.1665,0.1403,0.9747,0.6578,0.0605,0.0,0.2759,0.1667,0.2083,0.1096,0.1368,0.1425,0.0,0.0,reg oper account,block of flats,0.1101,Panel,No,0.0,0.0,0.0,0.0,-474.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1295983,261419,Consumer loans,4835.43,37206.0,36247.5,3721.5,37206.0,SUNDAY,15,Y,1,0.1014048842398313,,,XAP,Approved,-2526,Cash through the bank,XAP,"Spouse, partner",New,Mobile,POS,XNA,Country-wide,38,Connectivity,10.0,low_normal,POS mobile with interest,365243.0,-2495.0,-2225.0,-2285.0,-2281.0,1.0,0,Cash loans,F,Y,Y,0,247500.0,781920.0,31522.5,675000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-13451,-2859,-36.0,-2570,16.0,1,1,0,1,0,0,,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.49588811953663103,0.6153803515442894,0.7121551551910698,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1840.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,0.0,0.0,1.0 +1430348,106030,Consumer loans,8093.565,30555.0,28408.5,3055.5,30555.0,SATURDAY,10,Y,1,0.1057626898273351,,,XAP,Approved,-2444,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Country-wide,1760,Consumer electronics,4.0,low_normal,POS household with interest,365243.0,-2413.0,-2323.0,-2323.0,-2317.0,1.0,0,Cash loans,M,Y,Y,0,76500.0,263686.5,25816.5,238500.0,Family,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.025164,-21806,365243,-3618.0,-3925,10.0,1,0,0,1,1,0,,2.0,2,2,SUNDAY,12,0,0,0,0,0,0,XNA,,0.26525634018619443,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2026350,325789,Revolving loans,14625.0,292500.0,292500.0,,292500.0,THURSDAY,9,Y,1,,,,XAP,Refused,-246,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,157500.0,254700.0,15709.5,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.031329,-23958,-425,-10958.0,-4546,,1,1,0,1,0,0,Security staff,1.0,2,2,FRIDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.5408304727060897,,0.001,,0.9603,,,0.0,0.0345,0.0,,,,,,,0.0011,,0.9603,,,0.0,0.0345,0.0,,,,,,,0.001,,0.9603,,,0.0,0.0345,0.0,,,,,,,,block of flats,0.0008,,No,2.0,1.0,2.0,0.0,-246.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,12.0 +2191901,128637,Cash loans,8806.455,45000.0,46485.0,,45000.0,TUESDAY,8,Y,1,,,,XNA,Approved,-412,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-382.0,-232.0,-232.0,-225.0,1.0,0,Revolving loans,F,Y,Y,1,49500.0,135000.0,6750.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-19849,-1403,-6956.0,-3388,6.0,1,1,0,1,0,0,Laborers,3.0,2,2,MONDAY,14,0,0,0,0,0,0,Trade: type 7,0.7807642036586505,0.4941252411323109,0.5046813193144684,0.1113,0.0663,0.9811,0.7416,0.0412,0.12,0.1034,0.3333,0.375,0.1298,0.0908,0.1152,0.0,0.0,0.1134,0.0688,0.9811,0.7517,0.0416,0.1208,0.1034,0.3333,0.375,0.1327,0.0992,0.12,0.0,0.0,0.1124,0.0663,0.9811,0.7451,0.0414,0.12,0.1034,0.3333,0.375,0.132,0.0923,0.1173,0.0,0.0,not specified,block of flats,0.1131,Panel,No,0.0,0.0,0.0,0.0,-1054.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2328190,292762,Cash loans,28039.68,450000.0,499896.0,,450000.0,TUESDAY,16,Y,1,,,,XNA,Approved,-1449,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-1419.0,-729.0,-939.0,-933.0,1.0,0,Cash loans,F,N,Y,1,126000.0,448056.0,21919.5,315000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-16385,-5456,-427.0,-5051,,1,1,0,1,0,0,Sales staff,3.0,2,2,TUESDAY,13,0,0,0,0,0,0,Self-employed,0.6148290025919833,0.6247611082512343,0.6363761710860439,0.0825,0.079,0.9771,0.6872,0.0069,0.0,0.1379,0.1667,0.2083,,0.0668,0.0582,0.0019,0.0226,0.084,0.0802,0.9772,0.6994,0.0069,0.0,0.1379,0.1667,0.2083,,0.0725,0.0538,0.0,0.0,0.0833,0.079,0.9771,0.6914,0.0069,0.0,0.1379,0.1667,0.2083,,0.068,0.0592,0.0019,0.0231,reg oper account,block of flats,0.0543,"Stone, brick",No,1.0,0.0,1.0,0.0,-1789.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1644228,102078,Consumer loans,4626.9,30411.0,29173.5,3042.0,30411.0,FRIDAY,16,Y,1,0.10283914716377347,,,XAP,Approved,-2443,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,2358,Consumer electronics,8.0,high,POS household with interest,365243.0,-2412.0,-2202.0,-2232.0,-2224.0,1.0,0,Revolving loans,F,N,Y,0,90000.0,180000.0,9000.0,180000.0,Unaccompanied,State servant,Secondary / secondary special,Separated,House / apartment,0.019101,-17344,-1346,-4274.0,-879,,1,1,0,1,0,0,Medicine staff,1.0,2,2,FRIDAY,17,0,0,0,1,0,1,Medicine,,0.7133948264772254,0.6058362647264226,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-2443.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2292427,148754,Consumer loans,11151.0,85410.0,92925.0,0.0,85410.0,THURSDAY,11,Y,1,0.0,,,XAP,Approved,-595,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Stone,155,Consumer electronics,10.0,middle,POS household with interest,365243.0,-564.0,-294.0,-294.0,-60.0,0.0,0,Cash loans,F,N,Y,1,90000.0,206280.0,9747.0,135000.0,Unaccompanied,State servant,Secondary / secondary special,Civil marriage,With parents,0.008019,-11286,-371,-265.0,-3960,,1,1,0,1,0,0,,3.0,2,2,THURSDAY,10,0,0,0,0,0,0,Military,0.4145923876004288,0.5569591490576296,0.3962195720630885,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-679.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1794212,173362,Cash loans,18201.645,135000.0,163732.5,,135000.0,MONDAY,12,Y,1,,,,XNA,Approved,-961,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-931.0,-601.0,-631.0,-626.0,1.0,0,Cash loans,F,N,N,1,90000.0,265851.0,16195.5,229500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.028663,-15815,-2493,-4800.0,-5101,,1,1,1,1,0,0,Sales staff,2.0,2,2,MONDAY,9,0,0,0,0,1,1,Self-employed,,0.2858978721410488,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-592.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,7.0 +1058486,378997,Cash loans,18649.62,360000.0,409896.0,,360000.0,SATURDAY,12,Y,1,,,,XNA,Approved,-1201,Cash through the bank,XAP,Children,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-1171.0,-121.0,-361.0,-353.0,1.0,0,Cash loans,M,Y,Y,2,180000.0,1078200.0,38200.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-15684,-2775,-6217.0,-4111,21.0,1,1,1,1,1,0,Laborers,4.0,2,2,WEDNESDAY,13,0,0,0,0,1,1,Business Entity Type 1,,0.39499428997045627,0.4066174366275036,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-589.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2290945,388784,Consumer loans,3516.795,38115.45,34303.5,3811.95,38115.45,MONDAY,16,Y,1,0.1089206631670121,,,XAP,Approved,-494,Cash through the bank,XAP,,Refreshed,Clothing and Accessories,POS,XNA,Country-wide,140,Clothing,12.0,middle,POS industry with interest,365243.0,-454.0,-124.0,-394.0,-390.0,0.0,0,Cash loans,F,Y,N,0,202500.0,1007761.5,40095.0,927000.0,Family,Working,Secondary / secondary special,Separated,House / apartment,0.025164,-16412,-2297,-6199.0,-4888,9.0,1,1,0,1,0,0,,1.0,2,2,FRIDAY,7,0,0,0,0,0,0,Business Entity Type 3,0.7787466996009987,0.636167431129823,0.5954562029091491,0.2052,0.1401,0.9727,0.626,0.0903,0.0,0.3793,0.1667,0.2083,0.52,0.1521,0.2153,0.0695,0.2294,0.209,0.1453,0.9727,0.6406,0.0911,0.0,0.3793,0.1667,0.2083,0.5319,0.1662,0.2243,0.07,0.2428,0.2071,0.1401,0.9727,0.631,0.0908,0.0,0.3793,0.1667,0.2083,0.529,0.1548,0.2191,0.0699,0.2342,not specified,block of flats,0.2685,"Stone, brick",No,0.0,0.0,0.0,0.0,-2482.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +1948750,202047,Cash loans,7381.8,67500.0,67500.0,0.0,67500.0,MONDAY,12,Y,1,0.0,,,XNA,Approved,-2391,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,high,Cash Street: high,365243.0,-2361.0,-2031.0,-2031.0,-2028.0,0.0,0,Cash loans,F,N,Y,0,99000.0,178290.0,18396.0,157500.0,Unaccompanied,Pensioner,Lower secondary,Married,House / apartment,0.007120000000000001,-24795,365243,-2972.0,-4529,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,XNA,,0.7077780302305599,0.7121551551910698,0.0082,,0.9732,,,0.0,0.069,0.0417,,,,0.0054,,0.0,0.0084,,0.9732,,,0.0,0.069,0.0417,,,,0.0056,,0.0,0.0083,,0.9732,,,0.0,0.069,0.0417,,,,0.0055,,0.0,,block of flats,0.0042,"Stone, brick",No,0.0,0.0,0.0,0.0,-1491.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +1977639,230900,Consumer loans,16224.39,161950.5,158256.0,16200.0,161950.5,SUNDAY,8,Y,1,0.10113308070386068,,,XAP,Approved,-681,XNA,XAP,Family,New,Consumer Electronics,POS,XNA,Regional / Local,1000,Consumer electronics,12.0,middle,POS household with interest,365243.0,-650.0,-320.0,-530.0,-527.0,0.0,1,Cash loans,M,N,Y,0,180000.0,239850.0,28593.0,225000.0,Unaccompanied,State servant,Incomplete higher,Married,Municipal apartment,0.010032,-8775,-1462,-1887.0,-1441,,1,1,0,1,0,1,Core staff,2.0,2,2,TUESDAY,8,0,0,0,1,1,0,Security Ministries,,0.5155611082449432,,0.0247,0.0405,0.9781,0.6940000000000001,0.002,0.0,0.069,0.0833,0.0417,0.0,0.0202,0.0188,0.0,0.0,0.0252,0.042,0.9782,0.706,0.0021,0.0,0.069,0.0833,0.0417,0.0,0.022,0.0196,0.0,0.0,0.025,0.0405,0.9781,0.6981,0.002,0.0,0.069,0.0833,0.0417,0.0,0.0205,0.0192,0.0,0.0,reg oper account,block of flats,0.0159,"Stone, brick",No,0.0,0.0,0.0,0.0,-681.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2256067,155331,Consumer loans,13386.465,110835.0,121806.0,0.0,110835.0,FRIDAY,16,Y,1,0.0,,,XAP,Approved,-2196,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,1296,Consumer electronics,12.0,high,POS household with interest,365243.0,-2165.0,-1835.0,-1865.0,-1858.0,1.0,0,Cash loans,F,N,N,0,135000.0,743031.0,39717.0,688500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-15799,-1044,-6872.0,-4837,,1,1,0,1,0,0,Cooking staff,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,School,0.6213536980028763,0.010240793836069744,0.6610235391308081,0.0804,0.0821,0.9886,0.8436,0.0395,0.0,0.1724,0.1667,0.2083,0.0965,0.0656,0.0762,0.0,0.0,0.0819,0.0852,0.9886,0.8497,0.0399,0.0,0.1724,0.1667,0.2083,0.0988,0.0716,0.0794,0.0,0.0,0.0812,0.0821,0.9886,0.8457,0.0398,0.0,0.1724,0.1667,0.2083,0.0982,0.0667,0.0776,0.0,0.0,reg oper account,block of flats,0.0816,"Stone, brick",No,2.0,1.0,2.0,1.0,-1338.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2512559,108936,Revolving loans,6750.0,135000.0,135000.0,0.0,135000.0,MONDAY,13,Y,1,0.0,,,XAP,Refused,-363,XNA,HC,,Repeater,XNA,Cards,walk-in,Country-wide,20,Connectivity,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,Y,Y,1,243000.0,299772.0,20160.0,247500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.009334,-11160,-1391,-935.0,-2557,64.0,1,1,0,1,0,0,Sales staff,3.0,2,2,SUNDAY,12,0,0,0,0,0,0,Business Entity Type 2,,0.4995317306501328,0.09569272423026376,0.0082,0.0,0.9717,0.626,0.0009,0.0,0.0393,0.0417,0.0833,,0.0067,0.0081,0.0,0.0,0.0084,0.0,0.9727,0.6406,0.0008,0.0,0.0345,0.0417,0.0833,,0.0073,0.006999999999999999,0.0,0.0,0.0083,0.0,0.9727,0.631,0.0009,0.0,0.0345,0.0417,0.0833,,0.0068,0.0082,0.0,0.0,reg oper account,block of flats,0.0057,Wooden,No,3.0,0.0,3.0,0.0,-1127.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2415757,262030,Cash loans,34033.095,157500.0,181647.0,,157500.0,FRIDAY,14,Y,1,,,,XNA,Approved,-686,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-656.0,-506.0,-656.0,-649.0,1.0,0,Cash loans,F,Y,Y,1,157500.0,1125000.0,33025.5,1125000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.026392000000000002,-14301,-2963,-6202.0,-4875,2.0,1,1,0,1,1,0,Managers,3.0,2,2,FRIDAY,14,0,0,0,0,0,0,Electricity,0.7954486615808072,0.5585934990023672,0.6144143775673561,0.1227,,0.9916,,,0.12,0.1034,0.375,,,,0.1396,,0.0,0.125,,0.9916,,,0.1208,0.1034,0.375,,,,0.1454,,0.0,0.1239,,0.9916,,,0.12,0.1034,0.375,,,,0.1421,,0.0,,block of flats,0.1098,Panel,No,1.0,0.0,1.0,0.0,-1491.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,0.0 +2707883,296054,Consumer loans,14491.215,111645.0,106240.5,13500.0,111645.0,SATURDAY,16,Y,1,0.1227882568782264,,,XAP,Approved,-1833,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Stone,360,Consumer electronics,10.0,high,POS household with interest,365243.0,-1791.0,-1521.0,-1521.0,-1517.0,0.0,0,Cash loans,F,N,Y,0,135000.0,1078200.0,31653.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-22692,-4282,-12336.0,-4518,,1,1,0,1,0,0,High skill tech staff,2.0,2,2,FRIDAY,9,0,0,0,0,1,1,Industry: type 9,0.7170857643906181,0.6393854102705127,0.6075573001388961,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1833.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1311806,140679,Cash loans,23715.27,337500.0,368685.0,,337500.0,SATURDAY,11,Y,1,,,,XNA,Approved,-1249,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-1219.0,-529.0,-919.0,-912.0,1.0,0,Cash loans,F,N,Y,0,90000.0,1350000.0,36202.5,1350000.0,Children,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-22386,365243,-11238.0,-4191,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,17,0,0,0,0,0,0,XNA,,0.7234008054552499,0.475849908720221,0.1485,,0.9846,,,0.16,0.1379,0.3333,,,,0.0932,,0.2103,0.1513,,0.9846,,,0.1611,0.1379,0.3333,,,,0.0971,,0.2226,0.1499,,0.9846,,,0.16,0.1379,0.3333,,,,0.0949,,0.2147,,block of flats,0.119,Panel,No,0.0,0.0,0.0,0.0,-1705.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,6.0,0.0,5.0 +1007196,243140,Revolving loans,11250.0,0.0,225000.0,,,TUESDAY,10,Y,1,,,,XAP,Approved,-617,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card X-Sell,-589.0,-418.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,90000.0,268164.0,13041.0,175500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.020713,-11035,-390,-5397.0,-3562,,1,1,0,1,0,0,Core staff,2.0,3,2,WEDNESDAY,14,0,0,0,0,0,0,Self-employed,0.2096951321293817,0.5762184993339008,,0.2021,0.0496,0.9836,0.7756,0.0423,0.0,0.0345,0.1667,0.2083,0.0278,0.1643,0.057,0.0019,0.0004,0.1975,0.0433,0.9836,0.7844,0.0427,0.0,0.0345,0.1667,0.2083,0.0052,0.1717,0.0594,0.0,0.0,0.204,0.0496,0.9836,0.7786,0.0426,0.0,0.0345,0.1667,0.2083,0.0283,0.1672,0.0581,0.0019,0.0004,,specific housing,0.0688,Block,No,1.0,0.0,1.0,0.0,-589.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1687971,243913,Consumer loans,13786.605,137880.0,124092.0,13788.0,137880.0,FRIDAY,12,Y,1,0.1089090909090909,,,XAP,Approved,-786,Cash through the bank,XAP,Family,New,Clothing and Accessories,POS,XNA,Regional / Local,145,Construction,10.0,low_normal,POS other with interest,365243.0,-753.0,-483.0,-513.0,-504.0,0.0,0,Cash loans,F,N,Y,0,157500.0,1453257.0,40095.0,1269000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-20570,365243,-6928.0,-4058,,1,0,0,1,0,0,,2.0,2,2,SUNDAY,11,0,0,0,0,0,0,XNA,,0.6296083383571005,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-786.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1640867,127940,Consumer loans,21102.885,211050.0,189945.0,21105.0,211050.0,MONDAY,20,Y,1,0.1089090909090909,,,XAP,Approved,-884,XNA,XAP,Unaccompanied,New,Sport and Leisure,POS,XNA,Regional / Local,389,Consumer electronics,10.0,low_normal,POS other with interest,365243.0,-837.0,-567.0,-717.0,-701.0,0.0,0,Cash loans,F,N,Y,0,67500.0,127350.0,12532.5,112500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.006670999999999999,-24804,365243,-9497.0,-4065,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,,0.7383406635914733,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-884.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2415208,165104,Consumer loans,6584.535,52470.0,57663.0,0.0,52470.0,MONDAY,13,Y,1,0.0,,,XAP,Approved,-296,Cash through the bank,XAP,Unaccompanied,Repeater,Clothing and Accessories,POS,XNA,Stone,20,Furniture,10.0,low_normal,POS industry with interest,365243.0,-266.0,4.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,202500.0,225000.0,23184.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-17425,-3919,-5336.0,-966,,1,1,0,1,0,0,Accountants,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.5955177157346863,0.7610263695502636,0.1237,0.1091,0.9781,0.7008,0.0093,0.0,0.2069,0.1667,0.2083,0.0942,0.1009,0.116,0.0,0.0,0.1261,0.1132,0.9782,0.7125,0.0093,0.0,0.2069,0.1667,0.2083,0.0963,0.1102,0.1208,0.0,0.0,0.1249,0.1091,0.9781,0.7048,0.0093,0.0,0.2069,0.1667,0.2083,0.0958,0.1026,0.118,0.0,0.0,reg oper account,block of flats,0.0963,Panel,No,1.0,0.0,1.0,0.0,-660.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1647422,152924,Consumer loans,11923.74,91327.5,99364.5,0.0,91327.5,TUESDAY,14,Y,1,0.0,,,XAP,Approved,-512,Cash through the bank,XAP,,Repeater,Construction Materials,POS,XNA,Stone,50,Consumer electronics,10.0,middle,POS household with interest,365243.0,-481.0,-211.0,-211.0,-206.0,0.0,0,Cash loans,F,N,N,1,112500.0,540000.0,26109.0,540000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-13391,-690,-6782.0,-1311,,1,1,0,1,0,0,Cooking staff,3.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,School,0.5344377725899734,0.3899263346214318,0.470456116119975,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1355530,395368,Cash loans,41455.125,900000.0,978408.0,,900000.0,FRIDAY,12,Y,1,,,,XNA,Approved,-831,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-801.0,249.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,225000.0,1988667.0,52591.5,1777500.0,Group of people,Commercial associate,Higher education,Married,House / apartment,0.072508,-21581,-8326,-9504.0,-4663,,1,1,0,1,1,0,Core staff,2.0,1,1,WEDNESDAY,12,0,0,0,0,0,0,Kindergarten,,0.6812526108331391,0.7449321846094795,0.2546,0.1987,0.9871,0.8232,0.6617,0.4,0.1724,0.5417,0.5833,0.0398,0.1967,0.2944,0.0502,0.1233,0.2595,0.2062,0.9871,0.8301,0.6678,0.4028,0.1724,0.5417,0.5833,0.0407,0.2149,0.3068,0.0506,0.1305,0.2571,0.1987,0.9871,0.8256,0.6659,0.4,0.1724,0.5417,0.5833,0.0405,0.2001,0.2997,0.0505,0.1259,reg oper account,block of flats,0.2584,Panel,No,4.0,1.0,4.0,0.0,-3059.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1262230,278495,Cash loans,14921.505,180000.0,197820.0,,180000.0,MONDAY,11,Y,1,,,,XNA,Approved,-913,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),30,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-883.0,-373.0,-703.0,-696.0,1.0,0,Cash loans,F,N,Y,0,157500.0,808650.0,26217.0,675000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.010147,-19810,-3523,-10087.0,-3353,,1,1,1,1,0,0,Cooking staff,2.0,2,2,THURSDAY,15,0,0,0,0,1,1,Trade: type 7,,0.6024615394041083,0.1694287272664794,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1423.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +1126141,384445,Consumer loans,4039.74,18225.0,14179.5,4500.0,18225.0,THURSDAY,16,Y,1,0.2623683230765861,,,XAP,Approved,-2547,Cash through the bank,XAP,"Spouse, partner",New,Audio/Video,POS,XNA,Stone,150,Consumer electronics,4.0,low_normal,POS household with interest,365243.0,-2516.0,-2426.0,-2426.0,-2418.0,1.0,0,Cash loans,F,N,Y,0,265500.0,630747.0,22783.5,544500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-14746,-2999,-4769.0,-4249,,1,1,0,1,1,0,Security staff,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,School,0.4240731992990874,0.7030841105004259,0.6610235391308081,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-2547.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1335190,446719,Consumer loans,13904.685,141075.0,130315.5,22500.0,141075.0,SUNDAY,7,Y,1,0.16035379561985166,,,XAP,Approved,-1672,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Stone,150,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1641.0,-1311.0,-1311.0,-1308.0,0.0,0,Cash loans,M,Y,Y,0,382500.0,779688.0,34474.5,630000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.006852,-20063,-3446,-9593.0,-2837,12.0,1,1,0,1,0,0,Laborers,2.0,3,3,SATURDAY,6,0,0,0,0,0,0,School,,0.2727075925632645,0.6626377922738201,0.1031,0.1079,0.9826,0.762,0.0,0.0,0.1379,0.1667,0.2083,0.0256,0.079,0.0885,0.0232,0.0393,0.105,0.112,0.9826,0.7713,0.0,0.0,0.1379,0.1667,0.2083,0.0261,0.0863,0.0922,0.0233,0.0416,0.1041,0.1079,0.9826,0.7652,0.0,0.0,0.1379,0.1667,0.2083,0.026,0.0804,0.0901,0.0233,0.0401,reg oper spec account,block of flats,0.0782,"Stone, brick",No,0.0,0.0,0.0,0.0,-1672.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1752664,187860,Cash loans,8102.97,67500.0,86922.0,,67500.0,THURSDAY,13,Y,1,,,,XNA,Approved,-989,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,365243.0,-959.0,-449.0,-449.0,-440.0,1.0,0,Cash loans,F,N,Y,2,63000.0,1288350.0,37800.0,1125000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.020246,-14514,-638,-1503.0,-2411,,1,1,0,1,0,0,Sales staff,4.0,3,3,SATURDAY,11,0,0,0,0,0,0,Other,,0.0346801410082532,0.5937175866150576,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2453446,233135,Consumer loans,8196.885,47052.0,58374.0,0.0,47052.0,THURSDAY,13,Y,1,0.0,,,XAP,Refused,-1460,XNA,LIMIT,,Repeater,Mobile,POS,XNA,Country-wide,38,Connectivity,10.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,1,135000.0,454500.0,33070.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.011703,-11164,-1603,-6663.0,-577,,1,1,0,1,0,0,High skill tech staff,3.0,2,2,MONDAY,11,0,0,0,0,0,0,Industry: type 3,0.20215212044981568,0.5357761411966231,0.1766525794312139,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1707.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1127832,424530,Consumer loans,4956.435,37300.5,36337.5,3730.5,37300.5,FRIDAY,14,Y,1,0.1013989626725476,,,XAP,Approved,-2092,XNA,XAP,,New,Mobile,POS,XNA,Country-wide,23,Connectivity,10.0,high,POS mobile with interest,365243.0,-2027.0,-1757.0,-1787.0,-1782.0,0.0,0,Cash loans,F,N,Y,0,90000.0,213948.0,25519.5,189000.0,Other_A,Working,Lower secondary,Single / not married,House / apartment,0.006207,-9670,-1285,-4006.0,-1975,,1,1,1,1,0,0,Waiters/barmen staff,1.0,2,2,THURSDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.15324040845403195,0.6641099417701236,0.5478104658520093,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2092.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1883271,332328,Cash loans,51524.1,1575000.0,1762110.0,,1575000.0,MONDAY,15,Y,1,,,,XNA,Refused,-288,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,234000.0,720000.0,34767.0,720000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018209,-16821,-7373,-4495.0,-357,,1,1,0,1,0,0,Cooking staff,2.0,3,3,TUESDAY,11,0,0,0,0,0,0,School,0.062400485607306426,0.4471817238912696,0.06555002632575951,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1283.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +1103773,445041,Consumer loans,4342.05,32490.0,35707.5,0.0,32490.0,FRIDAY,16,Y,1,0.0,,,XAP,Approved,-1662,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Stone,118,Consumer electronics,12.0,high,POS household with interest,365243.0,-1631.0,-1301.0,-1301.0,-1274.0,0.0,1,Cash loans,F,N,Y,1,202500.0,1520253.0,44451.0,1327500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-9902,-963,-2385.0,-2030,,1,1,0,1,0,0,High skill tech staff,3.0,2,2,MONDAY,16,0,0,0,0,0,0,Transport: type 4,0.495947782262944,0.16912166732552852,0.5937175866150576,0.0392,0.0756,0.9598,0.4492,0.0066,0.0,0.2414,0.0833,0.125,0.0374,0.0319,0.0188,0.0,0.0,0.0399,0.0784,0.9598,0.4708,0.0066,0.0,0.2414,0.0833,0.125,0.0382,0.0349,0.0195,0.0,0.0,0.0396,0.0756,0.9598,0.4566,0.0066,0.0,0.2414,0.0833,0.125,0.038,0.0325,0.0191,0.0,0.0,not specified,block of flats,0.0258,"Stone, brick",No,8.0,1.0,8.0,1.0,-63.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1410061,332060,Consumer loans,7147.08,72994.5,75447.0,7303.5,72994.5,SUNDAY,11,Y,1,0.09612238541816004,,,XAP,Approved,-1291,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,60,Connectivity,18.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,2,180000.0,545040.0,26509.5,450000.0,Unaccompanied,Working,Incomplete higher,Married,Municipal apartment,0.004849,-9693,-1593,-8814.0,-2372,,1,1,1,1,1,0,Sales staff,4.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Self-employed,0.3067169072649269,0.4395023835658459,0.3233112448967859,0.0876,0.0911,0.9801,0.728,0.0389,0.0,0.1724,0.1667,0.1525,0.0821,0.0672,0.0677,0.0,0.0,0.0735,0.0774,0.9801,0.7387,0.0088,0.0,0.1379,0.1667,0.2083,0.0575,0.0643,0.047,0.0,0.0,0.0885,0.0912,0.9801,0.7316,0.0129,0.0,0.1724,0.1667,0.2083,0.0843,0.0599,0.0663,0.0,0.0,reg oper account,block of flats,0.052000000000000005,Panel,No,3.0,0.0,3.0,0.0,-1361.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2300619,427828,Cash loans,39474.0,1350000.0,1350000.0,,1350000.0,TUESDAY,15,Y,1,,,,XNA,Approved,-522,XNA,XAP,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,157500.0,808650.0,23643.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.010556,-20014,365243,-10257.0,-3524,18.0,1,0,0,1,0,0,,2.0,3,3,SATURDAY,9,0,0,0,0,0,0,XNA,,0.5969706716277811,0.6545292802242897,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-799.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1563317,152607,Consumer loans,6614.325,61110.0,59535.0,6111.0,61110.0,SUNDAY,13,Y,1,0.10138370266969116,,,XAP,Approved,-2227,Cash through the bank,XAP,Children,New,Audio/Video,POS,XNA,Country-wide,6695,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-2196.0,-1926.0,-1926.0,-1919.0,1.0,0,Cash loans,F,N,N,1,112500.0,943425.0,27715.5,787500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.02461,-15869,-9233,-9792.0,-4003,,1,1,0,1,0,0,Core staff,3.0,2,2,MONDAY,18,0,0,0,0,0,0,Kindergarten,,0.7633958692749854,0.7001838506835805,0.1433,0.171,0.9771,0.6872,0.2392,0.0,0.2414,0.1667,0.0417,0.1423,0.1168,0.1289,0.0,0.1353,0.146,0.1775,0.9772,0.6994,0.2414,0.0,0.2414,0.1667,0.0417,0.1455,0.1276,0.1343,0.0,0.1432,0.1447,0.171,0.9771,0.6914,0.2408,0.0,0.2414,0.1667,0.0417,0.1448,0.1189,0.1312,0.0,0.1381,reg oper account,block of flats,0.1308,Panel,No,3.0,0.0,3.0,0.0,-203.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2518030,336035,Consumer loans,11254.545,101200.5,108009.0,5040.0,101200.5,MONDAY,15,Y,1,0.04855432760854303,,,XAP,Approved,-798,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,450,Consumer electronics,14.0,high,POS household with interest,365243.0,-767.0,-377.0,-377.0,-372.0,0.0,0,Revolving loans,F,N,Y,0,135000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.04622,-7695,-237,-2643.0,-242,,1,1,0,1,0,0,Core staff,1.0,1,1,MONDAY,18,1,0,1,0,0,0,Services,0.3101144218189392,0.6583445531714138,0.34578480246959553,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-798.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1428270,146586,Cash loans,,0.0,0.0,,,TUESDAY,10,Y,1,,,,XNA,Refused,-211,XNA,HC,,Repeater,XNA,XNA,XNA,AP+ (Cash loan),5,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,1,81000.0,254700.0,27153.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-15256,-3040,-1051.0,-1804,,1,1,1,1,1,1,Laborers,3.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Transport: type 4,,0.7235058058630737,0.3280631605201915,0.1485,,0.997,,,0.0,0.2069,0.2083,,0.145,,0.1803,,0.0,0.1513,,0.997,,,0.0,0.2069,0.2083,,0.1483,,0.1878,,0.0,0.1499,,0.997,,,0.0,0.2069,0.2083,,0.1475,,0.1835,,0.0,,block of flats,0.1418,"Stone, brick",No,1.0,0.0,1.0,0.0,-2107.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1534884,220771,Revolving loans,36000.0,900000.0,450000.0,,900000.0,WEDNESDAY,8,N,1,,,,XAP,Refused,-647,XNA,LIMIT,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,90000.0,254700.0,24939.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.020246,-20521,-3483,-8268.0,-4076,,1,1,0,1,0,0,Cleaning staff,2.0,3,3,SATURDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.3350013361110849,0.7062051096536562,0.068,0.062,0.994,0.9184,0.0155,0.04,0.0862,0.25,0.2812,0.0107,0.054000000000000006,0.0645,0.0068,0.03,0.0347,0.0543,0.9881,0.8432,0.0057,0.0,0.0345,0.1667,0.375,0.0,0.0294,0.0325,0.0039,0.0085,0.0723,0.0557,0.996,0.9463,0.0119,0.02,0.0862,0.25,0.2917,0.0,0.0573,0.0686,0.0039,0.022,reg oper account,block of flats,0.0339,"Stone, brick",No,3.0,0.0,3.0,0.0,-2065.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2066403,443746,Revolving loans,7875.0,0.0,157500.0,,0.0,WEDNESDAY,14,Y,1,,,,XAP,Refused,-1244,XNA,SCO,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,N,Y,0,135000.0,675000.0,24930.0,675000.0,"Spouse, partner",Working,Higher education,Married,House / apartment,0.014519999999999996,-20084,-3365,-4791.0,-3240,,1,1,0,1,0,0,Drivers,2.0,2,2,MONDAY,7,0,0,0,0,1,1,Self-employed,,0.6865518581532369,0.6848276586890367,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1302.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1343773,307871,Consumer loans,17228.61,91912.5,96763.5,0.0,91912.5,SUNDAY,16,Y,1,0.0,,,XAP,Approved,-995,Cash through the bank,XAP,Unaccompanied,New,Furniture,POS,XNA,Stone,685,Furniture,6.0,low_normal,POS industry with interest,365243.0,-962.0,-812.0,-812.0,-806.0,0.0,0,Cash loans,F,Y,Y,1,385200.0,1288350.0,41692.5,1125000.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.018634,-13690,-5755,-5245.0,-5444,0.0,1,1,0,1,0,0,,3.0,2,2,MONDAY,18,0,0,0,0,0,0,Business Entity Type 3,0.4724074072265037,0.2616369000471312,0.6413682574954046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-995.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1681338,295733,Cash loans,,0.0,0.0,,,WEDNESDAY,7,Y,1,,,,XNA,Refused,-2,XNA,HC,,Repeater,XNA,XNA,XNA,Contact center,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,N,0,139500.0,1125000.0,33025.5,1125000.0,Family,Pensioner,Incomplete higher,Married,House / apartment,0.018029,-16264,365243,-178.0,-248,,1,0,0,1,0,0,,2.0,3,3,THURSDAY,14,0,0,0,0,0,0,XNA,0.5432083837981925,0.0074858835182927954,0.11987796089553485,0.1021,0.1087,0.9831,0.7688,,0.0,0.2069,0.1667,0.2083,,,0.0923,,0.0042,0.104,0.1128,0.9831,0.7779,,0.0,0.2069,0.1667,0.2083,,,0.0962,,0.0045,0.1031,0.1087,0.9831,0.7719,,0.0,0.2069,0.1667,0.2083,,,0.094,,0.0043,reg oper spec account,block of flats,0.0811,Panel,No,0.0,0.0,0.0,0.0,-1381.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2679146,142544,Cash loans,16864.2,157500.0,213444.0,,157500.0,WEDNESDAY,11,Y,1,,,,Repairs,Approved,-619,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,high,Cash Street: high,365243.0,-589.0,101.0,-349.0,-323.0,1.0,0,Cash loans,F,N,Y,1,90000.0,269550.0,14242.5,225000.0,"Spouse, partner",Working,Incomplete higher,Civil marriage,House / apartment,0.009175,-12281,-295,-1031.0,-3889,,1,1,0,1,0,0,Sales staff,3.0,2,2,SATURDAY,10,0,0,0,0,0,0,Trade: type 7,0.4611300998856741,0.4257354100055719,0.6594055320683344,0.2773,0.1167,0.9791,,,0.08,0.069,0.3333,,0.0529,,0.1333,,0.0176,0.2826,0.1211,0.9791,,,0.0806,0.069,0.3333,,0.0541,,0.1389,,0.0186,0.28,0.1167,0.9791,,,0.08,0.069,0.3333,,0.0538,,0.1357,,0.018000000000000002,,block of flats,0.1128,Panel,No,5.0,1.0,5.0,0.0,-619.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2381470,424227,Cash loans,22853.79,225000.0,337824.0,,225000.0,TUESDAY,18,Y,1,,,,Building a house or an annex,Refused,-778,XNA,LIMIT,,Repeater,XNA,Cash,walk-in,Contact center,-1,XNA,36.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,180000.0,284427.0,20826.0,216000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-10572,-137,-1695.0,-3142,,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,14,0,0,0,1,1,0,Business Entity Type 3,,0.6191568015882738,0.0720131886405828,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1228653,206569,Cash loans,18908.73,202500.0,269145.0,,202500.0,THURSDAY,10,Y,1,,,,XNA,Refused,-442,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,Y,2,202500.0,450000.0,22018.5,450000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.026392000000000002,-12652,-4439,-3697.0,-3451,,1,1,0,1,0,0,Core staff,4.0,2,2,FRIDAY,13,0,0,0,0,0,0,School,,0.5822355744712915,0.3859146722745145,0.0165,,0.9791,,,0.0,0.069,0.0417,,0.0066,,0.0132,,0.0,0.0168,,0.9791,,,0.0,0.069,0.0417,,0.0067,,0.0137,,0.0,0.0167,,0.9791,,,0.0,0.069,0.0417,,0.0067,,0.0134,,0.0,,block of flats,0.0104,Panel,No,5.0,0.0,5.0,0.0,-1501.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1588137,183300,Cash loans,31579.2,1080000.0,1080000.0,,1080000.0,MONDAY,8,Y,1,,,,XNA,Refused,-134,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,1,Cash loans,M,Y,N,0,202500.0,279000.0,22041.0,279000.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-23121,365243,-935.0,-4450,11.0,1,0,0,1,0,0,,2.0,2,2,TUESDAY,8,0,0,0,0,0,0,XNA,,0.4580548049127467,0.2750003523983893,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-896.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,3.0 +1793951,182230,Cash loans,27449.82,450000.0,491580.0,,450000.0,MONDAY,12,Y,1,,,,XNA,Approved,-620,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,202500.0,288000.0,12816.0,288000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.025164,-16179,-5848,-7497.0,-4168,40.0,1,1,0,1,0,0,High skill tech staff,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.26614375961005543,0.4812493411434029,0.1237,0.0596,0.9896,0.8572,0.0647,0.08,0.069,0.375,0.4167,0.0425,0.1009,0.1149,0.0,0.0,0.1261,0.0618,0.9896,0.8628,0.0653,0.0806,0.069,0.375,0.4167,0.0435,0.1102,0.1197,0.0,0.0,0.1249,0.0596,0.9896,0.8591,0.0651,0.08,0.069,0.375,0.4167,0.0433,0.1026,0.1169,0.0,0.0,reg oper spec account,block of flats,0.1257,"Stone, brick",No,0.0,0.0,0.0,0.0,-1981.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2236268,415569,Cash loans,21739.23,562500.0,673875.0,,562500.0,MONDAY,10,Y,1,,,,XNA,Refused,-319,XNA,HC,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,157500.0,251280.0,13284.0,180000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-18723,-7397,-7093.0,-2272,,1,1,0,1,1,0,,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Business Entity Type 1,,0.6945793362900613,0.20208660168203949,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-462.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2653857,447823,Cash loans,59355.0,2250000.0,2250000.0,,2250000.0,TUESDAY,11,Y,1,,,,XNA,Refused,-205,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_action,Cash X-Sell: low,,,,,,,1,Cash loans,F,N,Y,0,202500.0,1421428.5,44761.5,1273500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018801,-20557,365243,-12110.0,-4118,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,XNA,0.4895251113390997,0.5950014066355357,0.41184855592423975,0.0619,0.0493,0.9836,0.7756,,0.0,0.1379,0.1667,,0.0604,0.0504,0.0518,,0.0,0.063,0.0511,0.9836,0.7844,,0.0,0.1379,0.1667,,0.0618,0.0551,0.0539,,0.0,0.0625,0.0493,0.9836,0.7786,,0.0,0.1379,0.1667,,0.0615,0.0513,0.0527,,0.0,reg oper account,block of flats,0.0462,Panel,No,2.0,0.0,2.0,0.0,-360.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +1820333,229601,Consumer loans,6977.745,40905.0,34767.0,6138.0,40905.0,WEDNESDAY,12,Y,1,0.1634235423542353,,,XAP,Approved,-2884,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,43,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2840.0,-2690.0,-2690.0,-2684.0,0.0,0,Cash loans,M,Y,Y,2,225000.0,173092.5,14935.5,157500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018209,-10375,-660,-3515.0,-3024,20.0,1,1,1,1,0,0,Laborers,4.0,3,3,WEDNESDAY,12,0,1,1,0,1,1,Construction,,0.6976508766934061,0.6363761710860439,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1202.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1916659,212839,Consumer loans,10488.06,173250.0,202981.5,0.0,173250.0,WEDNESDAY,5,Y,1,0.0,,,XAP,Approved,-597,Cash through the bank,XAP,Unaccompanied,New,Photo / Cinema Equipment,POS,XNA,Stone,25,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-566.0,124.0,-446.0,-439.0,0.0,0,Cash loans,M,N,Y,0,180000.0,107820.0,9886.5,90000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.002506,-19184,-2073,-2807.0,-2733,,1,1,0,1,0,0,Private service staff,1.0,2,2,FRIDAY,1,0,0,0,0,0,0,Other,0.4706980946586364,0.6792358760264171,0.25533177083329,0.0515,,0.9776,0.6940000000000001,0.0,0.0,0.1034,0.125,0.0417,,0.042,0.0463,0.0,0.018000000000000002,0.0525,,0.9777,0.706,0.0,0.0,0.1034,0.125,0.0417,,0.0459,0.0482,0.0,0.019,0.052000000000000005,,0.9776,0.6981,0.0,0.0,0.1034,0.125,0.0417,,0.0428,0.0471,0.0,0.0184,reg oper account,block of flats,0.0403,,No,1.0,1.0,1.0,1.0,-597.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1571891,300610,Revolving loans,6750.0,135000.0,135000.0,,135000.0,TUESDAY,11,Y,1,,,,XAP,Refused,-662,XNA,SCOFR,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Revolving loans,F,N,Y,0,112500.0,225000.0,11250.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-11443,-677,-5426.0,-1347,,1,1,0,1,1,0,Laborers,2.0,2,2,SATURDAY,14,0,0,0,0,0,0,Self-employed,,0.4541598432248692,0.5028782772082183,0.1546,0.0,0.9757,0.6668,0.0119,0.0,0.1034,0.1667,0.2083,0.0399,0.1236,0.0539,0.0116,0.0628,0.1576,0.0,0.9757,0.6798,0.012,0.0,0.1034,0.1667,0.2083,0.0408,0.135,0.0562,0.0117,0.0665,0.1561,0.0,0.9757,0.6713,0.012,0.0,0.1034,0.1667,0.2083,0.0406,0.1257,0.0549,0.0116,0.0641,reg oper account,block of flats,0.0626,"Stone, brick",No,1.0,0.0,1.0,0.0,-681.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1204693,142463,Consumer loans,16726.05,152055.0,152055.0,0.0,152055.0,WEDNESDAY,9,Y,1,0.0,,,XAP,Approved,-1074,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Regional / Local,104,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1038.0,-768.0,-768.0,-762.0,0.0,0,Cash loans,F,N,Y,1,67500.0,1040985.0,30568.5,909000.0,Children,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-20336,-3142,-7927.0,-2397,,1,1,0,1,1,0,Laborers,3.0,2,2,SATURDAY,10,0,0,0,0,0,0,Self-employed,,0.3542247319929012,0.7295666907060153,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-510.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2685872,217702,Consumer loans,12148.785,121500.0,109350.0,12150.0,121500.0,WEDNESDAY,15,Y,1,0.1089090909090909,,,XAP,Refused,-2873,Cash through the bank,VERIF,Unaccompanied,New,XNA,POS,XNA,Stone,50,Construction,10.0,low_normal,POS industry without interest,,,,,,,0,Cash loans,F,N,Y,0,225000.0,360000.0,28570.5,360000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.028663,-22100,-14247,-10496.0,-4345,,1,1,0,1,0,0,Medicine staff,1.0,2,2,SATURDAY,14,0,0,0,0,1,1,Medicine,,0.4073546045527177,0.14734591802757252,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2812210,391301,Consumer loans,3207.645,28840.5,26752.5,4500.0,28840.5,SUNDAY,17,Y,1,0.15681654558544406,,,XAP,Approved,-1649,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,39,Connectivity,12.0,high,POS mobile with interest,365243.0,-1618.0,-1288.0,-1288.0,-1285.0,0.0,0,Cash loans,F,Y,Y,3,157500.0,808650.0,26217.0,675000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.008473999999999999,-13938,-2117,-7541.0,-4203,32.0,1,1,0,1,0,0,Sales staff,5.0,2,2,THURSDAY,11,0,0,0,0,1,1,Other,,0.5965549619261231,0.6397075677637197,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1649.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1144758,285724,Consumer loans,2469.42,30415.5,24331.5,6084.0,30415.5,SATURDAY,10,Y,1,0.2178504082099289,,,XAP,Approved,-346,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,10,Connectivity,12.0,middle,POS mobile with interest,365243.0,-309.0,21.0,-219.0,-212.0,0.0,0,Cash loans,F,N,Y,0,67500.0,270000.0,11439.0,270000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010966,-19564,365243,-4346.0,-3093,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,8,0,0,0,0,0,0,XNA,,0.6071029005783376,0.6610235391308081,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1797956,380778,Consumer loans,6340.995,34605.0,31594.5,4500.0,34605.0,SUNDAY,10,Y,1,0.1357799412904761,,,XAP,Approved,-2697,XNA,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,50,Connectivity,6.0,high,POS mobile with interest,365243.0,-2653.0,-2503.0,-2503.0,-2487.0,1.0,0,Cash loans,F,N,Y,0,135000.0,675000.0,34596.0,675000.0,Children,Working,Secondary / secondary special,Widow,House / apartment,0.005084,-15186,-200,-5048.0,-5052,,1,1,0,1,0,0,Low-skill Laborers,1.0,2,2,TUESDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.445717190379932,0.6785676886853644,0.0186,0.0216,0.9781,,,,0.1034,0.0417,,,,,,,0.0189,0.0224,0.9782,,,,0.1034,0.0417,,,,,,,0.0187,0.0216,0.9781,,,,0.1034,0.0417,,,,,,,,block of flats,0.0149,,No,2.0,0.0,2.0,0.0,-1620.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2463489,138937,Cash loans,24393.6,315000.0,315000.0,,315000.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-1191,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,30,Connectivity,18.0,middle,Cash X-Sell: middle,365243.0,-1161.0,-651.0,-771.0,-760.0,0.0,0,Cash loans,F,N,Y,0,157500.0,711612.0,23085.0,594000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-15937,-1401,-5251.0,-4420,,1,1,0,1,0,0,Sales staff,2.0,3,3,THURSDAY,7,0,0,0,0,0,0,Other,,0.580351454237534,0.6910212267577837,0.1505,0.1507,0.9871,0.8232,0.0246,0.0,0.3448,0.1667,0.2083,0.1125,0.1227,0.1437,0.0,0.0,0.1534,0.1563,0.9871,0.8301,0.0248,0.0,0.3448,0.1667,0.2083,0.1151,0.1341,0.1498,0.0,0.0,0.152,0.1507,0.9871,0.8256,0.0247,0.0,0.3448,0.1667,0.2083,0.1144,0.1248,0.1463,0.0,0.0,reg oper spec account,block of flats,0.1131,"Stone, brick",No,2.0,0.0,2.0,0.0,-1481.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1850086,215307,Revolving loans,36000.0,720000.0,720000.0,,720000.0,THURSDAY,7,Y,1,,,,XAP,Approved,-284,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-284.0,-237.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,202500.0,1006920.0,51543.0,900000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.007305,-11538,-77,-2663.0,-3978,11.0,1,1,1,1,0,0,Accountants,2.0,3,3,MONDAY,12,0,0,0,0,0,0,Construction,0.526509731404204,0.4259973990806353,0.34741822720026416,0.0722,0.0714,0.9791,0.7144,0.008,0.0,0.1379,0.1667,0.2083,0.0485,0.0588,0.0621,0.0,0.0,0.063,0.0652,0.9762,0.6864,0.0081,0.0,0.1379,0.1667,0.2083,0.028,0.0551,0.0561,0.0,0.0,0.0729,0.0714,0.9791,0.7182,0.008,0.0,0.1379,0.1667,0.2083,0.0494,0.0599,0.0632,0.0,0.0,reg oper account,block of flats,0.0424,Panel,No,0.0,0.0,0.0,0.0,-284.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2144942,399370,Consumer loans,3537.945,30735.0,30316.5,3150.0,30735.0,FRIDAY,17,Y,1,0.10250956519613233,,,XAP,Approved,-2513,Cash through the bank,XAP,"Spouse, partner",New,Mobile,POS,XNA,Country-wide,23,Connectivity,12.0,low_normal,POS mobile with interest,365243.0,-2482.0,-2152.0,-2152.0,-2147.0,1.0,0,Cash loans,F,N,Y,0,247500.0,846000.0,43326.0,846000.0,Family,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.018209,-17983,-2561,-5580.0,-1499,,1,1,0,1,0,0,Laborers,2.0,3,3,FRIDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.33270588924827776,0.7662336700704004,0.1649,,0.9896,,,0.16,0.1379,0.375,,0.0696,,0.19,,,0.1681,,0.9896,,,0.1611,0.1379,0.375,,0.0712,,0.198,,,0.1665,,0.9896,,,0.16,0.1379,0.375,,0.0708,,0.1934,,,,block of flats,0.1495,Panel,No,0.0,0.0,0.0,0.0,-2513.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1294499,349826,Consumer loans,14215.095,126000.0,122755.5,12600.0,126000.0,TUESDAY,10,Y,1,0.1013815135295238,,,XAP,Approved,-2164,Cash through the bank,XAP,Family,New,Furniture,POS,XNA,Stone,545,Furniture,10.0,middle,POS industry with interest,365243.0,-2133.0,-1863.0,-1863.0,-1858.0,1.0,0,Cash loans,F,N,Y,2,225000.0,497763.0,13815.0,393799.5,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.009549,-14511,-1753,-344.0,-3528,,1,1,1,1,1,0,Cooking staff,4.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.5396551733930228,0.5330121065801692,0.3280631605201915,0.1454,0.0986,0.9806,0.7348,,,0.0345,0.1667,0.2083,0.1376,,0.0486,,0.1067,0.1481,0.1023,0.9806,0.7452,,,0.0345,0.1667,0.2083,0.1407,,0.0506,,0.113,0.1468,0.0986,0.9806,0.7383,,,0.0345,0.1667,0.2083,0.1399,,0.0495,,0.1089,,block of flats,0.0615,"Stone, brick",No,2.0,1.0,2.0,1.0,-2164.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2238286,358592,Consumer loans,11197.08,93654.0,101893.5,0.0,93654.0,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-338,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Regional / Local,300,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-308.0,-38.0,-38.0,-36.0,1.0,0,Cash loans,M,Y,N,0,180000.0,450000.0,50773.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.007305,-15537,-383,-8131.0,-4465,26.0,1,1,0,1,1,0,Drivers,2.0,3,3,SATURDAY,17,0,0,0,0,0,0,Business Entity Type 1,0.2411402947237991,0.5071630266655129,0.6279908192952864,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-615.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2148426,235474,Cash loans,9339.435,85500.0,91143.0,,85500.0,SATURDAY,17,Y,1,,,,XNA,Approved,-398,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,2040,Consumer electronics,12.0,middle,Cash X-Sell: middle,365243.0,-368.0,-38.0,-368.0,-362.0,1.0,0,Cash loans,F,N,Y,0,270000.0,1006920.0,42790.5,900000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.022625,-19157,-9306,-9914.0,-2647,,1,1,0,1,0,0,Managers,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,Medicine,,0.7808232508777696,0.6212263380626669,0.0773,0.0,0.9861,0.8096,0.0247,0.0,0.2069,0.1667,0.0417,0.0458,0.063,0.0577,0.0,0.0892,0.0788,0.0,0.9861,0.8171,0.0249,0.0,0.2069,0.1667,0.0417,0.0468,0.0689,0.0601,0.0,0.0944,0.0781,0.0,0.9861,0.8121,0.0248,0.0,0.2069,0.1667,0.0417,0.0466,0.0641,0.0587,0.0,0.0911,not specified,block of flats,0.0648,Panel,No,1.0,0.0,1.0,0.0,-1037.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1474449,265151,Consumer loans,6884.73,73759.5,73759.5,0.0,73759.5,FRIDAY,15,Y,1,0.0,,,XAP,Approved,-760,Cash through the bank,XAP,,Repeater,Photo / Cinema Equipment,POS,XNA,Regional / Local,22,Connectivity,12.0,low_normal,POS mobile with interest,365243.0,-704.0,-374.0,-374.0,-366.0,0.0,0,Cash loans,F,N,N,0,180000.0,490500.0,14341.5,490500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.0060079999999999995,-19534,365243,-4476.0,-2454,,1,0,0,1,1,0,,1.0,2,2,SUNDAY,15,0,0,0,0,0,0,XNA,,0.6863212245006346,0.633031641417419,,,0.9771,,,,,,,,,0.0143,,,,,0.9772,,,,,,,,,0.0149,,,,,0.9771,,,,,,,,,0.0145,,,,,0.0125,,No,0.0,0.0,0.0,0.0,-473.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +1778973,110100,Cash loans,18316.89,544500.0,652311.0,,544500.0,TUESDAY,9,Y,1,,,,Building a house or an annex,Refused,-337,Cash through the bank,SCO,Family,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),14,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,N,Y,0,130500.0,247275.0,22810.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-21807,-1136,-4251.0,-4304,,1,1,1,1,1,0,Managers,2.0,2,2,WEDNESDAY,7,0,0,0,0,0,0,Government,,0.4084848418240755,0.6127042441012546,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,1.0,8.0,0.0,-344.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1018946,442095,Cash loans,8752.005,67500.0,71212.5,,67500.0,WEDNESDAY,14,Y,1,,,,XNA,Refused,-2690,XNA,SCO,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,10.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,72000.0,397881.0,14418.0,328500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,Municipal apartment,0.031329,-23748,365243,-3864.0,-4286,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,XNA,,0.6627280811403536,0.6863823354047934,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,10.0,0.0,10.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +2579397,370398,Consumer loans,,41985.0,41985.0,0.0,41985.0,SATURDAY,15,Y,1,0.0,,,XAP,Refused,-2056,Cash through the bank,LIMIT,Unaccompanied,Repeater,Mobile,XNA,XNA,Stone,5,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,F,Y,N,1,153000.0,450000.0,18459.0,450000.0,Unaccompanied,Working,Higher education,Civil marriage,With parents,0.02461,-10175,-386,-4914.0,-1686,9.0,1,1,0,1,0,0,Core staff,3.0,2,2,THURSDAY,14,0,0,0,0,0,0,Trade: type 2,0.6694318334740906,0.09286158674142618,,0.0928,0.0945,0.9856,,,0.0,0.2069,0.1667,,0.0152,,0.0874,,0.0,0.0945,0.0981,0.9856,,,0.0,0.2069,0.1667,,0.0155,,0.0911,,0.0,0.0937,0.0945,0.9856,,,0.0,0.2069,0.1667,,0.0154,,0.08900000000000001,,0.0,,block of flats,0.092,Panel,No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2504808,177923,Consumer loans,6760.575,49495.5,44770.5,9000.0,49495.5,TUESDAY,10,Y,1,0.18228988352011194,,,XAP,Approved,-142,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,1200,Consumer electronics,8.0,middle,POS household with interest,365243.0,-111.0,99.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,1,157500.0,184500.0,13423.5,184500.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.0060079999999999995,-14140,-1281,-3509.0,-498,,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,11,0,0,0,0,1,1,Business Entity Type 3,0.17965747391045936,0.47726980883513503,0.7992967832109371,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1580.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1958585,280190,Consumer loans,6674.265,37755.0,33255.0,4500.0,37755.0,MONDAY,17,Y,1,0.12980821324087113,,,XAP,Approved,-2881,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Stone,22,Connectivity,6.0,high,POS mobile with interest,365243.0,-2849.0,-2699.0,-2759.0,-2567.0,0.0,0,Cash loans,F,N,N,1,225000.0,450000.0,25834.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,Municipal apartment,0.022625,-13562,-5448,-7525.0,-3836,,1,1,1,1,0,0,Core staff,2.0,2,2,THURSDAY,22,0,0,0,0,0,0,Self-employed,0.2349263638548144,0.3809756707034224,0.32173528219668485,0.0742,0.0562,0.9806,0.7348,0.0171,0.08,0.069,0.3333,0.375,0.0834,0.0605,0.0754,0.0,0.0,0.0756,0.0583,0.9806,0.7452,0.0172,0.0806,0.069,0.3333,0.375,0.0853,0.0661,0.0786,0.0,0.0,0.0749,0.0562,0.9806,0.7383,0.0172,0.08,0.069,0.3333,0.375,0.0848,0.0616,0.0768,0.0,0.0,reg oper account,block of flats,0.0687,Panel,No,0.0,0.0,0.0,0.0,-1484.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1135252,375652,Cash loans,44832.015,450000.0,470790.0,,450000.0,FRIDAY,19,Y,1,,,,XNA,Approved,-268,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-238.0,92.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,1,450000.0,755190.0,52690.5,675000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.010643000000000001,-12671,-1453,-6603.0,-2400,4.0,1,1,0,1,0,0,Managers,3.0,2,2,SUNDAY,13,0,1,1,0,1,1,Business Entity Type 3,0.5682938726278297,0.7310738509603736,0.28812959991785075,0.1031,0.1155,0.9771,,0.0397,0.0,0.2069,0.1667,,0.0544,,0.0906,,0.0997,0.105,0.1198,0.9772,,0.04,0.0,0.2069,0.1667,,0.0557,,0.0944,,0.1056,0.1041,0.1155,0.9771,,0.0399,0.0,0.2069,0.1667,,0.0554,,0.0923,,0.1018,,block of flats,0.093,"Stone, brick",No,0.0,0.0,0.0,0.0,-1614.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,5.0 +1959690,166695,Consumer loans,5946.57,41922.0,37494.0,6750.0,41922.0,FRIDAY,14,Y,1,0.16615504105333234,,,XAP,Approved,-2573,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,16,Connectivity,8.0,low_normal,POS mobile with interest,365243.0,-2542.0,-2332.0,-2332.0,-2326.0,1.0,1,Cash loans,M,Y,N,1,180000.0,687600.0,18265.5,450000.0,,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-10068,-914,-936.0,-1139,10.0,1,1,0,1,0,0,,3.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Business Entity Type 2,,0.39361552388212695,0.09261717137485452,0.066,0.0716,0.9737,0.6396,0.0308,0.0,0.1379,0.125,0.0,0.0682,0.0538,0.0503,0.0,0.0,0.0672,0.0743,0.9737,0.6537,0.0311,0.0,0.1379,0.125,0.0,0.0698,0.0588,0.0524,0.0,0.0,0.0666,0.0716,0.9737,0.6444,0.031,0.0,0.1379,0.125,0.0,0.0694,0.0547,0.0512,0.0,0.0,reg oper account,block of flats,0.041,Panel,No,0.0,0.0,0.0,0.0,-1804.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2819907,130683,Cash loans,36213.705,900000.0,1004544.0,,900000.0,FRIDAY,9,Y,1,,,,Repairs,Approved,-425,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,48.0,low_normal,Cash Street: low,365243.0,-394.0,1016.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,202500.0,814041.0,23800.5,679500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.072508,-18180,-3926,-761.0,-1713,,1,1,0,1,1,1,,2.0,1,1,SATURDAY,9,0,0,0,0,0,0,Government,,0.6616617084084837,0.622922000268356,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-3037.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1198199,156699,Cash loans,30960.81,630000.0,684054.0,,630000.0,FRIDAY,15,Y,1,,,,XNA,Approved,-655,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,low_normal,Cash X-Sell: low,365243.0,-625.0,245.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,0,180000.0,1029784.5,54994.5,927000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.072508,-22770,365243,-4945.0,-4619,2.0,1,0,0,1,1,0,,1.0,1,1,TUESDAY,10,0,0,0,0,0,0,XNA,,0.6980520236255553,0.4848514754962666,0.2115,0.114,0.9916,0.8844,0.1266,0.3332,0.1321,0.6387,0.0417,0.0,0.1685,0.2418,0.018000000000000002,0.0397,0.1754,0.0651,0.9911,0.8824,0.1,0.2417,0.069,0.5417,0.0417,0.0,0.1598,0.1911,0.0,0.0015,0.2045,0.1134,0.9911,0.8792,0.1096,0.32,0.1379,0.5417,0.0417,0.0,0.1633,0.2361,0.0194,0.0409,reg oper account,block of flats,0.1784,Panel,No,2.0,1.0,2.0,1.0,-655.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1398477,386889,Cash loans,48555.135,630000.0,671166.0,,630000.0,MONDAY,11,Y,1,,,,XNA,Approved,-1483,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-1453.0,-943.0,-943.0,-938.0,1.0,0,Cash loans,F,N,N,0,270000.0,1327500.0,50562.0,1327500.0,Unaccompanied,Working,Secondary / secondary special,Widow,Municipal apartment,0.072508,-19678,-2242,-10379.0,-2897,,1,1,0,1,1,0,Cooking staff,1.0,1,1,SUNDAY,13,0,0,0,0,0,0,Kindergarten,0.64763815662566,0.7380490558741591,0.22888341670067305,0.1474,0.0797,0.9786,0.7076,0.0,0.16,0.1379,0.3333,0.0,0.0,0.1202,0.1417,0.0,0.0007,0.1502,0.0827,0.9786,0.7190000000000001,0.0,0.1611,0.1379,0.3333,0.0,0.0,0.1313,0.1477,0.0,0.0008,0.1489,0.0797,0.9786,0.7115,0.0,0.16,0.1379,0.3333,0.0,0.0,0.1223,0.1443,0.0,0.0008,reg oper spec account,block of flats,0.1116,Panel,No,1.0,0.0,1.0,0.0,-1850.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,1.0,0.0,5.0 +1782804,143747,Consumer loans,7264.08,85455.0,76909.5,8545.5,85455.0,SATURDAY,10,Y,1,0.1089090909090909,,,XAP,Approved,-447,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Stone,50,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-404.0,-74.0,-134.0,-131.0,0.0,0,Cash loans,M,Y,Y,0,166500.0,1024740.0,52452.0,900000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010006000000000001,-10726,-262,-597.0,-2211,4.0,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,9,0,0,0,1,1,0,Transport: type 4,,0.2137276634292669,0.3910549766342248,0.0124,0.0,0.9841,0.7824,0.0028,0.0,0.1034,0.0417,0.0833,0.0079,0.0101,0.0143,0.0,0.0,0.0126,0.0,0.9841,0.7909,0.0028,0.0,0.1034,0.0417,0.0833,0.0081,0.011,0.0149,0.0,0.0,0.0125,0.0,0.9841,0.7853,0.0028,0.0,0.1034,0.0417,0.0833,0.0081,0.0103,0.0145,0.0,0.0,reg oper account,block of flats,0.0128,Wooden,No,1.0,0.0,1.0,0.0,-121.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,1.0 +2244610,255422,Consumer loans,8576.865,76635.0,68341.5,13500.0,76635.0,TUESDAY,8,Y,1,0.1796488000919738,,,XAP,Approved,-2437,Cash through the bank,XAP,Family,New,Furniture,POS,XNA,Regional / Local,140,Furniture,10.0,high,POS industry with interest,365243.0,-2406.0,-2136.0,-2136.0,-2131.0,1.0,0,Cash loans,F,N,Y,0,180000.0,269550.0,14751.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.020246,-24238,365243,-1077.0,-4500,,1,0,0,1,0,0,,1.0,3,3,WEDNESDAY,12,0,0,0,0,0,0,XNA,,0.44578742344408256,0.2580842039460289,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,1.0,7.0,0.0,-1782.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1047907,371179,Consumer loans,,69705.0,69705.0,0.0,69705.0,SATURDAY,14,Y,1,0.0,,,XAP,Refused,-2049,Cash through the bank,LIMIT,"Spouse, partner",New,Mobile,XNA,XNA,Country-wide,50,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,M,Y,Y,1,202500.0,1696662.0,46786.5,1516500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-16210,-1791,-4459.0,-4732,20.0,1,1,0,1,1,0,Drivers,3.0,2,2,THURSDAY,10,0,1,1,0,0,0,Business Entity Type 3,0.4481997597076602,0.6676226516825868,0.6161216908872079,0.0186,0.0405,0.9836,0.7756,0.0,0.0,0.069,0.0417,0.0417,0.0,0.0151,0.0171,0.0,0.0,0.0189,0.042,0.9836,0.7844,0.0,0.0,0.069,0.0417,0.0417,0.0,0.0165,0.0178,0.0,0.0,0.0187,0.0405,0.9836,0.7786,0.0,0.0,0.069,0.0417,0.0417,0.0,0.0154,0.0174,0.0,0.0,reg oper account,block of flats,0.0135,"Stone, brick",No,3.0,0.0,3.0,0.0,-2049.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2339113,205488,Consumer loans,,74769.75,74769.75,0.0,74769.75,WEDNESDAY,19,Y,1,0.0,,,XAP,Refused,-1244,Cash through the bank,SCO,,Repeater,Mobile,XNA,XNA,Country-wide,35,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,M,Y,Y,1,360000.0,980838.0,52389.0,927000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.02461,-15725,-3746,-8382.0,-3911,6.0,1,1,0,1,1,0,Drivers,3.0,2,2,MONDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.6539486487548862,0.5154953751603267,0.1649,,0.9871,0.8232,,0.16,0.1379,0.375,0.0417,,0.1345,0.1651,0.0,0.0,0.1681,,0.9871,0.8301,,0.1611,0.1379,0.375,0.0417,,0.1469,0.172,0.0,0.0,0.1665,,0.9871,0.8256,,0.16,0.1379,0.375,0.0417,,0.1368,0.168,0.0,0.0,reg oper account,block of flats,0.1613,Panel,No,0.0,0.0,0.0,0.0,-1404.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1697403,382021,Consumer loans,3018.015,60471.0,64764.0,6412.5,60471.0,MONDAY,9,Y,1,0.09811939972526676,,,XAP,Approved,-2824,Cash through the bank,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Country-wide,3855,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-2793.0,-2103.0,-2343.0,-2335.0,1.0,0,Cash loans,F,N,Y,0,162000.0,207000.0,19116.0,207000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018209,-21066,365243,-3605.0,-4235,,1,0,0,1,1,0,,2.0,3,3,THURSDAY,7,0,0,0,0,0,0,XNA,0.3045015328650029,0.08378646587128898,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-363.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2618545,196645,Consumer loans,4551.75,44424.0,49702.5,0.0,44424.0,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-247,Cash through the bank,XAP,Unaccompanied,Repeater,Jewelry,POS,XNA,Country-wide,50,Jewelry,12.0,low_action,POS others without interest,365243.0,-217.0,113.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,1,112500.0,67500.0,8010.0,67500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.035792000000000004,-10991,-1005,-5368.0,-3680,7.0,1,1,1,1,1,0,Core staff,3.0,2,2,TUESDAY,15,0,0,0,0,0,0,Bank,0.5300826580873699,0.7495734742332673,0.6246146584503397,0.0247,0.0194,0.9752,0.66,0.0072,0.0,0.1034,0.0833,0.125,0.037000000000000005,0.0202,0.026,0.0,0.0,0.0252,0.0201,0.9752,0.6733,0.0072,0.0,0.1034,0.0833,0.125,0.0378,0.022,0.0271,0.0,0.0,0.025,0.0194,0.9752,0.6645,0.0072,0.0,0.1034,0.0833,0.125,0.0376,0.0205,0.0265,0.0,0.0,reg oper account,block of flats,0.0241,"Stone, brick",No,2.0,0.0,2.0,0.0,-2985.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1325898,177730,Cash loans,8454.285,135000.0,161464.5,,135000.0,TUESDAY,10,Y,1,,,,Repairs,Refused,-290,Cash through the bank,SCOFR,Family,New,XNA,Cash,walk-in,AP+ (Cash loan),6,XNA,36.0,middle,Cash Street: middle,,,,,,,0,Cash loans,M,Y,N,1,112500.0,540000.0,20925.0,540000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018209,-16512,-404,-4446.0,-57,17.0,1,1,1,1,0,0,Laborers,3.0,3,3,THURSDAY,12,0,0,0,0,0,0,Housing,,0.5371682188397366,0.4722533429586386,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-290.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2420798,452831,Cash loans,19979.64,540000.0,625536.0,,540000.0,THURSDAY,16,Y,1,,,,Other,Refused,-475,Cash through the bank,SCO,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,low_normal,Cash Street: low,,,,,,,1,Cash loans,M,N,Y,0,205200.0,423000.0,33547.5,423000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0228,-14289,-4994,-3948.0,-4779,,1,1,0,1,0,1,Laborers,2.0,2,2,WEDNESDAY,14,0,0,0,0,1,1,Kindergarten,,0.5519082298336883,0.4329616670974407,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,10.0,0.0,10.0,0.0,-1808.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2577867,125876,Cash loans,18402.075,315000.0,414792.0,,315000.0,FRIDAY,11,Y,1,,,,XNA,Refused,-238,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,N,Y,0,112500.0,567000.0,30888.0,567000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.003069,-17550,-2788,-10045.0,-878,,1,1,0,1,0,0,Security staff,2.0,3,3,FRIDAY,10,0,0,0,0,0,0,Business Entity Type 2,,0.467160382999986,0.5989262182569273,0.1495,0.1052,0.9846,,,0.16,0.1379,0.3333,,0.0622,,0.0892,,0.0,0.1523,0.1092,0.9846,,,0.1611,0.1379,0.3333,,0.0636,,0.093,,0.0,0.1509,0.1052,0.9846,,,0.16,0.1379,0.3333,,0.0633,,0.0909,,0.0,,block of flats,0.116,Panel,No,2.0,0.0,2.0,0.0,-536.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +1568021,444105,Consumer loans,3642.75,45810.0,30663.0,17910.0,45810.0,WEDNESDAY,16,Y,1,0.401573264608284,,,XAP,Approved,-1916,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,50,Connectivity,12.0,high,POS mobile with interest,365243.0,-1885.0,-1555.0,-1555.0,-1548.0,0.0,0,Cash loans,M,Y,Y,0,90000.0,450000.0,22018.5,450000.0,Family,Working,Higher education,Married,House / apartment,0.025164,-9978,-2687,-4765.0,-2623,1.0,1,1,0,1,0,1,,2.0,2,2,MONDAY,16,0,0,0,0,1,1,Business Entity Type 3,0.26059407323385314,0.35588721458307504,,0.0639,0.076,0.9826,0.762,0.0094,0.0,0.1379,0.1667,0.2083,0.076,0.0504,0.0633,0.0077,0.0039,0.0651,0.0789,0.9826,0.7713,0.0095,0.0,0.1379,0.1667,0.2083,0.0778,0.0551,0.0659,0.0078,0.0041,0.0645,0.076,0.9826,0.7652,0.0095,0.0,0.1379,0.1667,0.2083,0.0774,0.0513,0.0644,0.0078,0.004,org spec account,block of flats,0.0558,Panel,No,3.0,0.0,3.0,0.0,-347.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2776610,353408,Cash loans,35767.62,319500.0,376699.5,,319500.0,THURSDAY,9,Y,1,,,,XNA,Approved,-261,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-231.0,99.0,365243.0,365243.0,1.0,0,Revolving loans,F,N,Y,1,135000.0,405000.0,20250.0,405000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.009656999999999999,-12308,-3905,-5902.0,-3055,,1,1,0,1,0,0,,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.4376524556002859,0.6873090049669062,0.17146836689679945,0.2474,0.1687,0.9916,0.8844,0.0622,0.24,0.2069,0.375,0.4167,0.1205,0.2017,0.1628,0.0,0.1565,0.2521,0.1751,0.9916,0.8889,0.0628,0.2417,0.2069,0.375,0.4167,0.1233,0.2204,0.1697,0.0,0.1657,0.2498,0.1687,0.9916,0.8859,0.0626,0.24,0.2069,0.375,0.4167,0.1226,0.2052,0.1658,0.0,0.1598,not specified,block of flats,0.2134,Panel,No,1.0,1.0,1.0,1.0,-2390.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,4.0 +1789536,446197,Cash loans,7189.74,67500.0,71955.0,0.0,67500.0,FRIDAY,17,Y,1,0.0,,,XNA,Approved,-1795,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1765.0,-1435.0,-1435.0,-1429.0,1.0,0,Cash loans,F,N,Y,0,126000.0,593010.0,17469.0,495000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.02461,-19330,-2445,-817.0,-2820,,1,1,0,1,0,0,Security staff,2.0,2,2,MONDAY,11,0,0,0,0,1,1,Business Entity Type 3,,0.7371983959493037,0.2955826421513093,0.1093,0.0654,0.9916,0.8844,0.0617,0.08,0.069,0.3333,0.375,0.0524,0.0891,0.0868,0.0,0.0,0.1113,0.0679,0.9916,0.8889,0.0623,0.0806,0.069,0.3333,0.375,0.0536,0.0973,0.0904,0.0,0.0,0.1103,0.0654,0.9916,0.8859,0.0621,0.08,0.069,0.3333,0.375,0.0533,0.0906,0.0884,0.0,0.0,reg oper account,block of flats,0.0683,"Stone, brick",No,0.0,0.0,0.0,0.0,-1795.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1964459,376772,Cash loans,41396.535,396000.0,414297.0,,396000.0,SATURDAY,11,Y,1,,,,XNA,Approved,-482,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-452.0,-122.0,-152.0,-145.0,1.0,0,Cash loans,F,N,Y,0,72000.0,604152.0,26608.5,540000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.02461,-23683,365243,-9782.0,-4640,,1,0,0,1,1,0,,1.0,2,2,FRIDAY,13,0,0,0,0,0,0,XNA,,0.6272083707738779,0.8095082892315094,0.0165,0.0,0.9717,0.6124,,0.0,0.069,0.0417,,0.0248,,0.011,,0.0,0.0168,0.0,0.9717,0.6276,,0.0,0.069,0.0417,,0.0254,,0.0115,,0.0,0.0167,0.0,0.9717,0.6176,,0.0,0.069,0.0417,,0.0253,,0.0112,,0.0,,block of flats,0.0093,Block,No,0.0,0.0,0.0,0.0,-577.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1993246,279681,Consumer loans,4689.585,46035.0,40185.0,5850.0,46035.0,SATURDAY,9,Y,1,0.13839864924908912,,,XAP,Refused,-2540,Cash through the bank,SCO,Family,Repeater,XNA,POS,XNA,Country-wide,53,Connectivity,12.0,low_normal,POS mobile with interest,,,,,,,0,Cash loans,M,Y,N,2,157500.0,460858.5,17500.5,324000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-15307,-294,-6936.0,-4188,14.0,1,1,0,1,1,0,Drivers,4.0,2,2,FRIDAY,12,0,1,1,0,0,0,Business Entity Type 2,,0.6932742309309081,0.6769925032909132,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-2540.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2015181,124191,Consumer loans,4107.015,91165.5,91165.5,0.0,91165.5,TUESDAY,13,Y,1,0.0,,,XAP,Approved,-791,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Regional / Local,142,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-760.0,-70.0,-280.0,-275.0,0.0,0,Cash loans,M,N,Y,0,90000.0,170640.0,9922.5,135000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.0031219999999999998,-18270,-1692,-8197.0,-1382,,1,1,0,1,1,0,,1.0,3,3,TUESDAY,14,0,0,0,0,0,0,Self-employed,,0.5756416907714301,0.4507472818545589,0.0412,0.0354,0.9791,0.7144,0.0,0.0,0.069,0.1667,0.0417,0.0439,0.0336,0.0364,0.0,0.0,0.042,0.0367,0.9791,0.7256,0.0,0.0,0.069,0.1667,0.0417,0.0449,0.0367,0.0379,0.0,0.0,0.0416,0.0354,0.9791,0.7182,0.0,0.0,0.069,0.1667,0.0417,0.0447,0.0342,0.037000000000000005,0.0,0.0,,block of flats,0.031,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2745246,412109,Consumer loans,12703.815,53955.0,44590.5,10791.0,53955.0,FRIDAY,17,Y,1,0.21220768668237586,,,XAP,Approved,-2611,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Stone,180,Connectivity,4.0,high,POS mobile with interest,365243.0,-2580.0,-2490.0,-2490.0,-2462.0,1.0,0,Cash loans,F,N,Y,0,225000.0,760225.5,34483.5,679500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.009549,-16666,-3031,-5649.0,-72,,1,1,0,1,1,0,Managers,1.0,2,2,FRIDAY,16,0,0,0,0,0,0,Self-employed,0.6603348438482618,0.5330175496405607,0.4668640059537032,0.0474,0.0441,0.9925,0.898,,0.0,0.1379,0.2083,0.1667,,0.0387,0.0774,0.0,0.0,0.0483,0.0458,0.9926,0.902,,0.0,0.1379,0.2083,0.1667,,0.0422,0.0807,0.0,0.0,0.0479,0.0441,0.9925,0.8994,,0.0,0.1379,0.2083,0.1667,,0.0393,0.0788,0.0,0.0,,block of flats,0.0628,"Stone, brick",No,0.0,0.0,0.0,0.0,-2611.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1260360,370029,Consumer loans,11780.415,112221.0,100998.0,11223.0,112221.0,WEDNESDAY,10,Y,1,0.1089178252976472,,,XAP,Approved,-861,Cash through the bank,XAP,"Spouse, partner",Repeater,Gardening,POS,XNA,Stone,180,Consumer electronics,10.0,middle,POS household with interest,365243.0,-830.0,-560.0,-560.0,-556.0,0.0,0,Cash loans,F,N,Y,0,90000.0,675000.0,22306.5,675000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-21545,365243,-10542.0,-4549,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,,0.5583131057184169,0.7421816117614419,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,0.0,9.0,0.0,-1700.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1769153,139582,Consumer loans,3018.33,15921.0,15039.0,1593.0,15921.0,SUNDAY,9,Y,1,0.10431227863046047,,,XAP,Approved,-2867,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,72,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2836.0,-2686.0,-2686.0,-2671.0,1.0,0,Cash loans,F,Y,Y,1,72000.0,486000.0,23508.0,486000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-17136,-1266,-8693.0,-680,14.0,1,1,0,1,0,0,Sales staff,3.0,2,2,THURSDAY,9,0,0,0,0,0,0,Self-employed,,0.491703897457657,0.3723336657058204,,,0.9757,,,,,,,,,0.0066,,,,,0.9757,,,,,,,,,0.0068,,,,,0.9757,,,,,,,,,0.0067,,,,block of flats,0.0052,,Yes,1.0,0.0,1.0,0.0,-1581.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2822056,392086,Consumer loans,7843.5,60390.0,58797.0,6075.0,60390.0,WEDNESDAY,9,Y,1,0.10198895166986176,,,XAP,Approved,-2292,XNA,XAP,Family,New,Mobile,POS,XNA,Stone,41,Connectivity,10.0,low_normal,POS mobile with interest,365243.0,-2261.0,-1991.0,-1991.0,-1980.0,1.0,0,Cash loans,F,Y,N,0,166500.0,728460.0,40806.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,Rented apartment,0.002506,-17132,-2377,-6465.0,-456,14.0,1,1,1,1,0,0,Medicine staff,2.0,2,2,SATURDAY,8,0,0,0,0,0,0,Other,,0.6741791932631905,0.7610263695502636,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2753380,351752,Consumer loans,3344.76,26725.5,26433.0,2673.0,26725.5,WEDNESDAY,11,Y,1,0.10001855287569576,,,XAP,Refused,-1520,Cash through the bank,LIMIT,Family,Repeater,Mobile,POS,XNA,Country-wide,39,Connectivity,12.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,0,90000.0,312768.0,17595.0,270000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.006852,-21971,365243,-4201.0,-4208,,1,0,0,1,0,0,,2.0,3,3,THURSDAY,5,0,0,0,0,0,0,XNA,,0.18930100842774086,0.6006575372857061,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-384.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +2153841,370479,Cash loans,8094.825,90000.0,145381.5,,90000.0,TUESDAY,9,Y,1,,,,XNA,Approved,-342,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,high,Cash X-Sell: high,365243.0,-312.0,1098.0,-12.0,-8.0,1.0,1,Cash loans,M,Y,Y,0,135000.0,592560.0,32274.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.020713,-10238,-539,-4896.0,-1276,13.0,1,1,0,1,0,0,,1.0,3,3,MONDAY,7,0,0,0,1,1,1,Industry: type 7,,0.11728308064795387,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1641345,225754,Consumer loans,4906.125,41373.0,40918.5,4140.0,41373.0,FRIDAY,16,Y,1,0.10006627747564524,,,XAP,Approved,-2075,Cash through the bank,XAP,Children,New,Mobile,POS,XNA,Stone,49,Consumer electronics,12.0,high,POS household with interest,365243.0,-2044.0,-1714.0,-1714.0,-1478.0,0.0,0,Revolving loans,F,N,N,0,76500.0,247500.0,12375.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.018634,-18774,-528,-8356.0,-2290,,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.5854234961993641,0.6296742509538716,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2075.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1616892,164230,Cash loans,,0.0,0.0,,,WEDNESDAY,15,Y,1,,,,XNA,Refused,-113,XNA,SCOFR,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,351000.0,254700.0,20250.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-16379,-2932,-9962.0,-4991,,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Self-employed,,0.38004267597255337,0.08963066908713159,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-362.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1400026,115194,Consumer loans,3707.64,37080.0,33372.0,3708.0,37080.0,THURSDAY,14,Y,1,0.1089090909090909,,,XAP,Refused,-2546,Cash through the bank,SCO,Family,Repeater,XNA,POS,XNA,Stone,122,Consumer electronics,10.0,low_normal,POS household without interest,,,,,,,0,Cash loans,F,N,Y,0,135000.0,227520.0,12834.0,180000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-24030,365243,-6453.0,-3161,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,,0.5702430469263465,0.8106180215523969,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-376.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2665882,207670,Consumer loans,19143.81,185768.28,181975.5,18579.78,185768.28,WEDNESDAY,14,Y,1,0.10089522196029484,,,XAP,Approved,-2175,Cash through the bank,XAP,Unaccompanied,Refreshed,Consumer Electronics,POS,XNA,Country-wide,1619,Consumer electronics,12.0,middle,POS household with interest,365243.0,-2144.0,-1814.0,-1814.0,-1807.0,1.0,0,Cash loans,F,N,Y,0,157500.0,966555.0,51498.0,913500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.04622,-16194,-1516,-8210.0,-4833,,1,1,0,1,0,0,Accountants,1.0,1,1,MONDAY,11,0,1,1,0,0,0,Transport: type 2,,0.5929974129203066,0.4400578303966329,0.1206,0.1122,0.9886,0.8436,0.0,0.12,0.1034,0.3333,0.0,0.1136,0.0983,0.1173,0.0,0.1805,0.1229,0.1164,0.9886,0.8497,0.0,0.1208,0.1034,0.3333,0.0,0.1162,0.1074,0.1222,0.0,0.1911,0.1218,0.1122,0.9886,0.8457,0.0,0.12,0.1034,0.3333,0.0,0.1156,0.1,0.1194,0.0,0.1843,org spec account,block of flats,0.1315,"Stone, brick",No,1.0,1.0,1.0,1.0,-1495.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1748762,288349,Consumer loans,6746.58,27625.5,32814.0,0.0,27625.5,THURSDAY,15,Y,1,0.0,,,XAP,Approved,-1097,Cash through the bank,XAP,Unaccompanied,New,Photo / Cinema Equipment,POS,XNA,Country-wide,40,Connectivity,6.0,high,POS mobile with interest,365243.0,-1066.0,-916.0,-916.0,-912.0,0.0,0,Cash loans,M,N,N,0,202500.0,599472.0,38439.0,517500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-12908,-3842,-3165.0,-3911,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Self-employed,0.3904311870901076,0.6127269518456179,,0.0722,,0.9767,,,0.0,0.1379,0.1667,,0.014,,0.0625,,0.0,0.0735,,0.9767,,,0.0,0.1379,0.1667,,0.0143,,0.0651,,0.0,0.0729,,0.9767,,,0.0,0.1379,0.1667,,0.0143,,0.0636,,0.0,,block of flats,0.0532,"Stone, brick",No,4.0,1.0,4.0,1.0,-1097.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1460318,150632,Consumer loans,3716.64,30915.0,30118.5,3091.5,30915.0,SUNDAY,13,Y,1,0.10138285291943824,,,XAP,Approved,-1875,Cash through the bank,XAP,Family,Refreshed,Audio/Video,POS,XNA,Stone,111,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1843.0,-1573.0,-1573.0,-1546.0,0.0,0,Cash loans,M,N,Y,1,112500.0,225000.0,11488.5,225000.0,Family,State servant,Secondary / secondary special,Married,House / apartment,0.019101,-12404,-3941,-6238.0,-3894,,1,1,0,1,0,0,Core staff,3.0,2,2,SATURDAY,10,0,0,0,0,0,0,Medicine,,0.4836289183027682,0.475849908720221,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1857725,304569,Consumer loans,4474.035,24660.0,23508.0,2470.5,24660.0,SUNDAY,15,Y,1,0.10357022502873874,,,XAP,Refused,-111,Cash through the bank,HC,,Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,6.0,middle,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,0,112500.0,226422.0,10102.5,189000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.015221,-21834,365243,-13753.0,-4042,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,14,0,0,0,0,0,0,XNA,0.7443965932772242,0.6643635481428712,0.5424451438613613,0.0619,0.0643,0.9806,0.7348,0.0,0.0,0.1379,0.1667,0.2083,0.0502,0.0504,0.0543,0.0,0.0,0.063,0.0667,0.9806,0.7452,0.0,0.0,0.1379,0.1667,0.2083,0.0513,0.0551,0.0566,0.0,0.0,0.0625,0.0643,0.9806,0.7383,0.0,0.0,0.1379,0.1667,0.2083,0.051,0.0513,0.0553,0.0,0.0,reg oper account,block of flats,0.0471,Panel,No,0.0,0.0,0.0,0.0,-213.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1903091,299511,Consumer loans,35234.91,146250.0,131625.0,14625.0,146250.0,SUNDAY,16,Y,1,0.1089090909090909,,,XAP,Approved,-1133,Cash through the bank,XAP,Other_B,Repeater,Audio/Video,POS,XNA,Stone,600,Consumer electronics,4.0,middle,POS household with interest,365243.0,-1102.0,-1012.0,-1012.0,-1007.0,0.0,0,Cash loans,F,N,N,1,180000.0,521280.0,28408.5,450000.0,Unaccompanied,Working,Higher education,Widow,House / apartment,0.002042,-10658,-1734,-10.0,-2265,,1,1,0,1,0,0,Accountants,2.0,3,3,SATURDAY,10,0,0,0,0,0,0,Trade: type 6,0.5604224837445044,0.5454860867029858,0.6161216908872079,0.0237,0.015,0.9747,0.6532,,0.0,0.069,0.0833,,0.0366,,0.0206,,0.003,0.0242,0.0156,0.9747,0.6668,,0.0,0.069,0.0833,,0.0374,,0.0214,,0.0031,0.0239,0.015,0.9747,0.6578,,0.0,0.069,0.0833,,0.0372,,0.021,,0.003,reg oper spec account,block of flats,0.0172,"Stone, brick",No,0.0,0.0,0.0,0.0,-1330.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2632749,384242,Revolving loans,6750.0,135000.0,135000.0,,135000.0,WEDNESDAY,18,Y,1,,,,XAP,Approved,-244,XNA,XAP,"Spouse, partner",Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,315000.0,1216201.5,35689.5,1062000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.0105,-11507,-1744,-4688.0,-3828,7.0,1,1,0,1,0,0,Drivers,2.0,3,3,TUESDAY,15,0,0,0,0,1,1,Self-employed,,0.032652487406252116,0.5046813193144684,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-244.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +2457984,332212,Consumer loans,11017.935,97587.0,111757.5,0.0,97587.0,THURSDAY,11,Y,1,0.0,,,XAP,Approved,-277,Cash through the bank,XAP,Children,New,Consumer Electronics,POS,XNA,Country-wide,584,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-247.0,83.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,94500.0,266652.0,17950.5,202500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-20078,-8639,-8602.0,-3601,,1,1,0,1,0,0,Medicine staff,2.0,2,2,MONDAY,11,0,0,0,0,0,0,Medicine,0.5266441530928975,0.4580330913052955,0.1301285429480269,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2092524,301447,Consumer loans,15185.025,123750.0,137920.5,0.0,123750.0,THURSDAY,18,Y,1,0.0,,,XAP,Approved,-1013,Cash through the bank,XAP,Unaccompanied,New,Clothing and Accessories,POS,XNA,Stone,30,Clothing,10.0,low_normal,POS industry with interest,365243.0,-982.0,-712.0,-742.0,-737.0,0.0,0,Cash loans,F,N,Y,1,225000.0,1078200.0,34780.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-11652,-1462,-8897.0,-3610,,1,1,0,1,0,0,Managers,3.0,2,2,TUESDAY,17,0,0,0,0,1,1,Self-employed,0.5953847974114319,0.5547889046131542,0.1940678276718812,0.0299,0.0367,0.9876,0.83,0.0133,0.0,0.069,0.1667,0.2083,0.0109,0.0244,0.0316,0.0,0.0,0.0305,0.0381,0.9876,0.8367,0.0134,0.0,0.069,0.1667,0.2083,0.0111,0.0266,0.0329,0.0,0.0,0.0302,0.0367,0.9876,0.8323,0.0134,0.0,0.069,0.1667,0.2083,0.0111,0.0248,0.0322,0.0,0.0,reg oper account,block of flats,0.0321,Panel,No,7.0,0.0,7.0,0.0,-1013.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1522999,385297,Consumer loans,3094.335,26091.0,25807.5,2610.0,26091.0,SUNDAY,13,Y,1,0.1000273519038364,,,XAP,Approved,-1754,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,1600,Consumer electronics,12.0,high,POS household with interest,365243.0,-1723.0,-1393.0,-1393.0,-522.0,0.0,0,Cash loans,F,N,Y,0,247500.0,824823.0,24246.0,688500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.04622,-22759,365243,-11536.0,-4279,,1,0,0,1,0,0,,1.0,1,1,THURSDAY,10,0,0,0,0,0,0,XNA,,0.642676292072271,,0.0825,0.0764,0.9796,0.7212,0.0088,0.0,0.1379,0.1667,0.2083,,0.0672,0.069,0.0,0.0,0.084,0.0792,0.9796,0.7321,0.0088,0.0,0.1379,0.1667,0.2083,,0.0735,0.0719,0.0,0.0,0.0833,0.0764,0.9796,0.7249,0.0088,0.0,0.1379,0.1667,0.2083,,0.0684,0.0703,0.0,0.0,reg oper account,block of flats,0.0543,Panel,No,2.0,0.0,2.0,0.0,-1754.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1818036,396304,Consumer loans,11712.825,106560.0,117814.5,0.0,106560.0,THURSDAY,12,Y,1,0.0,,,XAP,Approved,-740,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Regional / Local,800,Consumer electronics,12.0,middle,POS household with interest,365243.0,-709.0,-379.0,-589.0,-582.0,0.0,0,Cash loans,F,N,Y,0,121500.0,755190.0,30078.0,675000.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.01885,-20793,-2213,-2043.0,-4040,,1,1,0,1,0,0,Medicine staff,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Business Entity Type 3,,,0.6832688314232291,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1701.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2164346,322829,Cash loans,6962.625,67500.0,71955.0,,67500.0,WEDNESDAY,9,Y,1,,,,XNA,Approved,-1025,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-995.0,-665.0,-965.0,-958.0,1.0,0,Cash loans,F,N,N,0,112500.0,234576.0,17667.0,202500.0,Family,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.008625,-21281,365243,-10715.0,-4217,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,XNA,,0.5973757230247286,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1697.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +1072735,435469,Cash loans,38332.575,450000.0,573583.5,,450000.0,SATURDAY,20,Y,1,,,,Medicine,Approved,-639,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Contact center,-1,XNA,24.0,middle,Cash Street: middle,365243.0,-603.0,87.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,2,225000.0,760225.5,32206.5,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006629,-12435,-825,-1046.0,-2334,22.0,1,1,1,1,0,0,Laborers,4.0,2,2,SUNDAY,17,0,0,0,0,0,0,Self-employed,,0.6472429803665697,0.5902333386185574,0.0124,0.0,0.9831,0.7688,0.024,0.0,0.1034,0.0417,0.0417,0.0405,0.0101,0.0148,0.0,0.0071,0.0126,0.0,0.9831,0.7779,0.0242,0.0,0.1034,0.0417,0.0417,0.0375,0.011,0.0153,0.0,0.0074,0.0125,0.0,0.9831,0.7719,0.0242,0.0,0.1034,0.0417,0.0417,0.0412,0.0103,0.015,0.0,0.0072,not specified,block of flats,0.0131,Wooden,Yes,0.0,0.0,0.0,0.0,-1633.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1200505,313471,Cash loans,42950.295,742500.0,1021653.0,,742500.0,TUESDAY,11,Y,1,,,,Repairs,Refused,-788,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,middle,Cash Street: middle,,,,,,,1,Cash loans,F,N,Y,2,126000.0,269550.0,16416.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.011656999999999999,-13367,-2070,-7052.0,-3329,,1,1,0,1,0,0,High skill tech staff,4.0,1,1,SATURDAY,10,0,0,0,1,1,1,Postal,0.5153456005215458,0.2968779514379772,0.12295541790885495,0.2216,0.1691,0.9821,0.7552,0.0,0.24,0.2069,0.3333,0.375,0.1449,0.1807,0.2219,0.0,0.0,0.2258,0.1755,0.9821,0.7648,0.0,0.2417,0.2069,0.3333,0.375,0.1482,0.1974,0.2312,0.0,0.0,0.2238,0.1691,0.9821,0.7585,0.0,0.24,0.2069,0.3333,0.375,0.1474,0.1838,0.2259,0.0,0.0,not specified,block of flats,0.2167,Panel,No,4.0,0.0,4.0,0.0,-874.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2190868,318798,Consumer loans,7597.665,68391.0,75613.5,0.0,68391.0,MONDAY,14,Y,1,0.0,,,XAP,Approved,-719,Cash through the bank,XAP,Unaccompanied,Refreshed,Audio/Video,POS,XNA,Country-wide,1892,Consumer electronics,12.0,middle,POS household with interest,365243.0,-688.0,-358.0,-508.0,-503.0,0.0,0,Cash loans,M,Y,N,0,117000.0,343800.0,16155.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.010147,-10695,-394,-1396.0,-3020,1.0,1,1,0,1,0,0,Drivers,2.0,2,2,SATURDAY,16,0,0,0,0,1,1,Self-employed,,0.2623429963632681,0.3201633668633456,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-3.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2299681,268270,Consumer loans,22942.665,131130.0,125644.5,11412.0,131130.0,SATURDAY,15,Y,1,0.09068307927420767,,,XAP,Approved,-2299,Cash through the bank,XAP,"Spouse, partner",New,Computers,POS,XNA,Country-wide,-1,Consumer electronics,6.0,middle,POS household without interest,365243.0,-2268.0,-2118.0,-2118.0,-2116.0,1.0,0,Cash loans,F,N,N,2,112500.0,640080.0,31131.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-10844,-283,-836.0,-787,,1,1,1,1,0,0,Laborers,4.0,2,2,TUESDAY,18,0,0,0,0,1,1,Business Entity Type 3,,0.6040787459937076,0.5620604831738043,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1928.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2335465,208208,Consumer loans,3718.125,18630.0,17595.0,1863.0,18630.0,WEDNESDAY,18,Y,1,0.10427466150870406,,,XAP,Approved,-1463,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,6.0,high,POS mobile with interest,365243.0,-1432.0,-1282.0,-1282.0,-1277.0,0.0,0,Cash loans,F,N,N,0,157500.0,582804.0,24822.0,463500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.00496,-23765,365243,-5486.0,-4626,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,XNA,,0.7224064594984402,0.3506958432829587,0.0704,,0.9816,,,0.0,0.1379,0.1667,,0.0713,,,,,0.042,,0.9782,,,0.0,0.069,0.1667,,0.0182,,,,,0.0573,,0.9816,,,0.0,0.1379,0.1667,,0.0725,,,,,,block of flats,0.0261,,No,0.0,0.0,0.0,0.0,-1596.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,0.0 +1051245,374090,Consumer loans,15369.525,153414.0,149917.5,15345.0,153414.0,SATURDAY,13,Y,1,0.10112457454050368,,,XAP,Approved,-441,Cash through the bank,XAP,Unaccompanied,New,Clothing and Accessories,POS,XNA,Country-wide,250,Furniture,12.0,middle,POS industry with interest,365243.0,-410.0,-80.0,-350.0,-342.0,0.0,0,Cash loans,F,N,Y,0,225000.0,1928304.0,76603.5,1800000.0,Family,Pensioner,Higher education,Married,House / apartment,0.018634,-21435,365243,-8032.0,-4547,,1,0,0,1,1,0,,2.0,2,2,SATURDAY,17,0,0,0,0,0,0,XNA,,0.7471190459990475,0.6263042766749393,0.3371,0.1608,0.9896,0.8572,0.0,0.32,0.2759,0.375,0.0417,,0.2732,0.3531,0.0077,0.024,0.3435,0.1669,0.9896,0.8628,0.0,0.3222,0.2759,0.375,0.0417,,0.2984,0.3678,0.0078,0.0254,0.3404,0.1608,0.9896,0.8591,0.0,0.32,0.2759,0.375,0.0417,,0.2779,0.3594,0.0078,0.0245,reg oper account,block of flats,0.3296,"Stone, brick",No,0.0,0.0,0.0,0.0,-441.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2590380,446936,Cash loans,22414.05,450000.0,533160.0,,450000.0,TUESDAY,13,Y,1,,,,Repairs,Refused,-420,Cash through the bank,HC,,Refreshed,XNA,Cash,walk-in,AP+ (Cash loan),4,XNA,48.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,112500.0,225000.0,10620.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.005313,-17788,-9429,-7976.0,-1321,,1,1,1,1,1,0,Managers,2.0,2,2,TUESDAY,14,0,0,0,0,1,1,Government,0.6557859606705662,0.7144889933569559,0.5726825047161584,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-420.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2469688,154026,Consumer loans,11054.79,97065.0,109021.5,0.0,97065.0,SATURDAY,14,Y,1,0.0,,,XAP,Approved,-985,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,31,Connectivity,14.0,high,POS mobile with interest,365243.0,-944.0,-554.0,-554.0,-550.0,0.0,0,Cash loans,M,N,Y,1,180000.0,472500.0,18436.5,472500.0,Family,Working,Secondary / secondary special,Single / not married,With parents,0.035792000000000004,-10290,-321,-4052.0,-698,,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,17,0,0,0,0,0,0,Business Entity Type 3,,0.4510446365712928,0.5424451438613613,0.0814,0.0375,0.9891,,,0.08,0.069,0.375,,0.0671,,0.085,,0.0,0.083,0.0389,0.9891,,,0.0806,0.069,0.375,,0.0687,,0.0885,,0.0,0.0822,0.0375,0.9891,,,0.08,0.069,0.375,,0.0683,,0.0865,,0.0,,block of flats,0.0668,Panel,No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2681238,296002,Revolving loans,20250.0,0.0,405000.0,,,THURSDAY,15,N,1,,,,XAP,Refused,-341,XNA,HC,,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),5,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Revolving loans,F,N,N,0,112500.0,337500.0,16875.0,,,Working,Secondary / secondary special,Married,House / apartment,0.022625,-18986,-1039,-8775.0,-2521,,1,1,1,1,1,0,Sales staff,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Self-employed,0.6439379190552933,0.462634375865165,0.7517237147741489,0.1093,0.1571,0.9786,0.7076,0.0663,0.0,0.1724,0.1667,0.2083,0.1253,0.0883,0.0853,0.027000000000000003,0.1144,0.105,0.163,0.9786,0.7190000000000001,0.0669,0.0,0.1379,0.1667,0.2083,0.045,0.0964,0.0643,0.0272,0.1211,0.1103,0.1571,0.9786,0.7115,0.0667,0.0,0.1724,0.1667,0.2083,0.1275,0.0898,0.0868,0.0272,0.1168,reg oper account,block of flats,0.0782,Block,No,4.0,0.0,4.0,0.0,-1089.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1644966,417278,Consumer loans,8324.82,165141.0,183811.5,0.0,165141.0,WEDNESDAY,15,Y,1,0.0,,,XAP,Approved,-412,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Country-wide,3102,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-381.0,309.0,365243.0,365243.0,0.0,0,Revolving loans,F,Y,Y,0,135000.0,337500.0,16875.0,337500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-18110,-2603,-6328.0,-1643,2.0,1,1,0,1,0,0,Core staff,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.8192476236944906,0.7778184214768231,0.5989262182569273,0.1294,0.0885,0.9891,0.8504,0.0221,0.14,0.1207,0.3333,0.375,0.0687,0.1055,0.1322,0.0,0.001,0.0756,0.0604,0.9891,0.8563,0.0129,0.0806,0.069,0.3333,0.375,0.0401,0.0661,0.0795,0.0,0.0,0.1306,0.0885,0.9891,0.8524,0.0222,0.14,0.1207,0.3333,0.375,0.0699,0.1073,0.1346,0.0,0.001,reg oper account,block of flats,0.1655,Panel,No,0.0,0.0,0.0,0.0,-412.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1075460,294503,Cash loans,44244.855,450000.0,470790.0,,450000.0,TUESDAY,14,Y,1,,,,Repairs,Approved,-420,Cash through the bank,XAP,Family,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,low_normal,Cash Street: low,365243.0,-388.0,-58.0,-58.0,-52.0,0.0,0,Cash loans,F,Y,Y,0,180000.0,1762110.0,48586.5,1575000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.020246,-20325,-6678,-7322.0,-3561,12.0,1,1,0,1,0,0,Core staff,2.0,3,3,WEDNESDAY,8,0,0,0,0,0,0,School,0.7232491972804056,0.4255964123158876,0.6144143775673561,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-421.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2775793,112153,Consumer loans,5465.475,23085.0,20776.5,2308.5,23085.0,FRIDAY,11,Y,1,0.1089090909090909,,,XAP,Approved,-130,Cash through the bank,XAP,Family,Repeater,Auto Accessories,POS,XNA,Regional / Local,89,Consumer electronics,4.0,low_normal,POS household with interest,365243.0,-98.0,-8.0,-8.0,-2.0,0.0,0,Cash loans,F,N,Y,1,117000.0,1288350.0,37800.0,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.031329,-10814,-1685,-2175.0,-3249,,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,Self-employed,0.33720420974972043,0.29743057325494376,0.633031641417419,0.0082,,0.9702,0.5920000000000001,,0.0,0.0345,0.0417,,0.0223,,0.008,,0.0,0.0084,,0.9702,0.608,,0.0,0.0345,0.0417,,0.0228,,0.0083,,0.0,0.0083,,0.9702,0.5975,,0.0,0.0345,0.0417,,0.0227,,0.0081,,0.0,reg oper account,block of flats,0.0063,Wooden,No,5.0,0.0,5.0,0.0,-441.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2495986,413115,Revolving loans,22500.0,0.0,450000.0,,,TUESDAY,14,Y,1,,,,XAP,Approved,-799,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-645.0,-605.0,365243.0,-452.0,365243.0,0.0,0,Cash loans,M,Y,Y,1,135000.0,56034.0,5670.0,49500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.01885,-11504,-171,-4954.0,-3781,19.0,1,1,0,1,0,0,Sales staff,3.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Self-employed,0.14866818316206715,0.6998511430537648,0.11612491427195998,0.0206,0.0256,0.9776,,,,0.1034,0.0833,,,,0.0187,,0.0449,0.021,0.0266,0.9777,,,,0.1034,0.0833,,,,0.0195,,0.0475,0.0208,0.0256,0.9776,,,,0.1034,0.0833,,,,0.0191,,0.0458,,block of flats,0.0245,"Stone, brick",No,1.0,0.0,1.0,0.0,-1980.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1437716,407079,Consumer loans,5303.295,24880.5,19903.5,4977.0,24880.5,THURSDAY,11,Y,1,0.2178575774017988,,,XAP,Approved,-1273,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,60,Connectivity,4.0,middle,POS mobile without interest,365243.0,-1185.0,-1095.0,-1095.0,-1088.0,0.0,0,Revolving loans,M,Y,Y,1,135000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.00823,-9675,-1569,-4053.0,-2339,10.0,1,1,0,1,0,0,High skill tech staff,3.0,2,2,WEDNESDAY,9,0,0,0,0,1,1,Business Entity Type 3,,0.2758939302289981,0.7016957740576931,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1273.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1945506,314630,Consumer loans,4845.42,23625.0,25497.0,0.0,23625.0,SATURDAY,14,Y,1,0.0,,,XAP,Approved,-75,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,40,Furniture,6.0,middle,POS household with interest,365243.0,-45.0,105.0,365243.0,365243.0,1.0,0,Cash loans,M,N,N,0,135000.0,523237.5,35095.5,432000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.00496,-13306,-554,-1188.0,-866,,1,1,0,1,1,0,Drivers,1.0,2,2,THURSDAY,14,0,0,0,0,0,0,Self-employed,0.2621760709186076,0.6359396359914453,,0.1258,,0.9831,,,,0.1034,0.1667,,,,,,,0.1197,,0.9826,,,,0.069,0.1667,,,,,,,0.127,,0.9831,,,,0.1034,0.1667,,,,,,,,,0.0512,"Stone, brick",No,0.0,0.0,0.0,0.0,-733.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1977742,222794,Consumer loans,15200.685,164749.5,148270.5,16479.0,164749.5,TUESDAY,13,Y,1,0.10893586378659163,,,XAP,Approved,-778,Cash through the bank,XAP,Family,Refreshed,Furniture,POS,XNA,Stone,500,Furniture,12.0,middle,POS industry with interest,365243.0,-742.0,-412.0,-592.0,-584.0,0.0,0,Cash loans,F,N,N,0,76500.0,593010.0,19260.0,495000.0,Family,Working,Secondary / secondary special,Separated,House / apartment,0.020246,-13681,-1826,-13330.0,-2921,,1,1,0,1,0,0,Cleaning staff,1.0,3,3,WEDNESDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.5745676383082016,0.6706517530862718,0.1026,0.1119,0.9781,0.7008,0.0136,0.0,0.2069,0.1667,0.2083,0.0929,0.0828,0.0942,0.0039,0.0025,0.0735,0.0723,0.9782,0.7125,0.0094,0.0,0.1379,0.1667,0.2083,0.0647,0.0643,0.0711,0.0,0.0,0.1036,0.1119,0.9781,0.7048,0.0136,0.0,0.2069,0.1667,0.2083,0.0945,0.0842,0.0959,0.0039,0.0025,reg oper spec account,block of flats,0.0587,"Stone, brick",No,4.0,0.0,4.0,0.0,-1478.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1329394,449027,Consumer loans,17974.62,99360.0,104607.0,0.0,99360.0,THURSDAY,14,Y,1,0.0,,,XAP,Approved,-935,Cash through the bank,XAP,Children,Refreshed,Computers,POS,XNA,Country-wide,2326,Consumer electronics,6.0,low_action,POS household without interest,365243.0,-902.0,-752.0,-782.0,-777.0,0.0,0,Cash loans,F,N,Y,2,360000.0,473760.0,49878.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.026392000000000002,-12521,-3837,-3708.0,-4636,,1,1,0,1,0,0,,4.0,2,2,SUNDAY,21,0,0,0,0,0,0,Business Entity Type 1,,0.4795779954058346,0.25396280933631177,,,,,,,,,,,,,,0.0,,,,,,,,,,,,,,0.0,,,,,,,,,,,,,,0.0,,,0.1014,,No,0.0,0.0,0.0,0.0,-1173.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1837614,150710,Consumer loans,8712.315,134685.0,153738.0,0.0,134685.0,THURSDAY,8,Y,1,0.0,,,XAP,Refused,-639,Cash through the bank,LIMIT,,Repeater,Computers,POS,XNA,Regional / Local,150,Consumer electronics,24.0,middle,POS household with interest,,,,,,,0,Cash loans,M,N,N,0,180000.0,454500.0,17739.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018209,-9978,-1649,-1555.0,-2271,,1,1,0,1,1,0,Drivers,2.0,3,3,FRIDAY,17,0,0,0,0,1,1,Industry: type 3,,0.24003645455672984,0.1385128770585923,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-765.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1800184,123005,Consumer loans,3332.79,24700.5,27796.5,2700.0,24700.5,FRIDAY,11,Y,1,0.09642239124310836,,,XAP,Approved,-1574,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,12.0,high,POS mobile with interest,365243.0,-1480.0,-1150.0,-1150.0,-1145.0,0.0,0,Cash loans,M,Y,N,4,243000.0,1024290.0,29947.5,855000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007305,-10307,-3078,-415.0,-2981,6.0,1,1,1,1,0,0,Accountants,6.0,3,3,TUESDAY,15,0,0,0,0,1,1,Business Entity Type 3,0.5135990533588459,0.6061792776636903,0.2721336844147212,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-716.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +2640102,126353,Cash loans,15737.4,157500.0,157500.0,,157500.0,SATURDAY,8,Y,1,,,,XNA,Approved,-569,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Stone,1000,Consumer electronics,12.0,middle,Cash X-Sell: middle,365243.0,-539.0,-209.0,-389.0,-379.0,0.0,0,Cash loans,F,N,Y,0,135000.0,62361.0,6205.5,58500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.007120000000000001,-25009,365243,-5193.0,-4477,,1,0,0,1,0,0,,1.0,2,2,MONDAY,7,0,0,0,0,0,0,XNA,,0.6683792043453801,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-368.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2396590,138852,Consumer loans,8564.715,42255.0,42129.0,2115.0,42255.0,THURSDAY,8,Y,1,0.05206191286337746,,,XAP,Approved,-2121,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Stone,55,Consumer electronics,6.0,high,POS household with interest,365243.0,-2090.0,-1940.0,-1940.0,-1936.0,0.0,0,Revolving loans,M,Y,Y,0,112500.0,135000.0,6750.0,135000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.008068,-22832,365243,-6741.0,-4734,7.0,1,0,0,1,1,0,,2.0,3,3,THURSDAY,6,0,0,0,0,0,0,XNA,,0.16369831422360606,0.41534714488434,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2299.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2377450,124060,Cash loans,16509.915,130500.0,139113.0,,130500.0,SATURDAY,10,Y,1,,,,Urgent needs,Refused,-510,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,,,,,,,1,Cash loans,M,Y,Y,1,225000.0,400500.0,19476.0,400500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.006305,-11159,-689,-4599.0,-2136,12.0,1,1,0,1,1,0,,2.0,3,3,FRIDAY,7,0,0,0,1,1,0,Business Entity Type 3,,0.034375433708366585,0.2405414172860865,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-568.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2171883,197573,Consumer loans,5561.73,41616.0,45738.0,0.0,41616.0,SATURDAY,5,Y,1,0.0,,,XAP,Refused,-1882,XNA,LIMIT,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,1488,Consumer electronics,12.0,high,POS household with interest,,,,,,,0,Cash loans,F,Y,Y,0,81000.0,831730.5,29875.5,702000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018029,-22089,365243,-10059.0,-4706,9.0,1,0,0,1,0,0,,2.0,3,3,FRIDAY,8,0,0,0,0,0,0,XNA,,0.6157581138738016,,0.2237,0.2943,0.9861,0.8096,0.0423,0.0,0.4138,0.1667,0.0417,,,0.2273,,0.0,0.2279,0.3054,0.9861,0.8171,0.0427,0.0,0.4138,0.1667,0.0417,,,0.2368,,0.0,0.2259,0.2943,0.9861,0.8121,0.0426,0.0,0.4138,0.1667,0.0417,,,0.2314,,0.0,,block of flats,0.2019,Panel,No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1951631,282524,Consumer loans,10844.28,75766.5,92488.5,0.0,75766.5,FRIDAY,15,Y,1,0.0,,,XAP,Approved,-1009,Cash through the bank,XAP,Other_B,Repeater,Consumer Electronics,POS,XNA,Country-wide,3560,Consumer electronics,10.0,middle,POS household with interest,365243.0,-978.0,-708.0,-708.0,-699.0,0.0,0,Cash loans,M,N,Y,0,180000.0,229500.0,13995.0,229500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.018209,-10463,-1620,-746.0,-3050,,1,1,0,1,0,0,Laborers,2.0,3,3,SATURDAY,9,0,0,0,0,0,0,Trade: type 7,0.204454346140513,0.2814455167296955,0.4543210601605785,0.1371,0.1144,0.9712,0.6056,0.0083,0.0,0.069,0.125,0.1667,0.0554,0.1118,0.0501,0.0,0.0,0.1397,0.1187,0.9712,0.621,0.0043,0.0,0.069,0.125,0.1667,0.0567,0.1221,0.0493,0.0,0.0,0.1384,0.1144,0.9712,0.6109,0.0083,0.0,0.069,0.125,0.1667,0.0564,0.1137,0.051,0.0,0.0,reg oper account,block of flats,0.0439,"Stone, brick",No,0.0,0.0,0.0,0.0,-1359.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2029189,186037,Consumer loans,18140.085,480150.0,480150.0,0.0,480150.0,WEDNESDAY,10,Y,1,0.0,,,XAP,Approved,-469,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Stone,60,Consumer electronics,36.0,low_normal,POS household with interest,365243.0,-432.0,618.0,-42.0,-38.0,0.0,0,Cash loans,M,N,Y,0,90000.0,1724220.0,50544.0,1350000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018029,-21152,365243,-11160.0,-4235,,1,0,0,1,0,0,,2.0,3,3,WEDNESDAY,4,0,0,0,0,0,0,XNA,,0.16822629794259933,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-469.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2598673,242386,Consumer loans,7076.97,69030.0,69030.0,0.0,69030.0,SUNDAY,17,Y,1,0.0,,,XAP,Approved,-518,XNA,XAP,,New,Furniture,POS,XNA,Stone,350,Furniture,12.0,middle,POS industry with interest,365243.0,-478.0,-148.0,-328.0,-322.0,0.0,0,Cash loans,F,N,N,0,112500.0,360000.0,24057.0,360000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.006233,-14638,-1792,-3530.0,-2003,,1,1,1,1,0,0,Secretaries,1.0,2,2,MONDAY,9,0,0,0,0,0,0,Other,,0.5311773558519554,0.2851799046358216,0.1835,0.1191,0.9821,,,0.2,0.1724,0.3333,,0.0216,,0.1694,,0.0183,0.187,0.1236,0.9821,,,0.2014,0.1724,0.3333,,0.0221,,0.1765,,0.0194,0.1853,0.1191,0.9821,,,0.2,0.1724,0.3333,,0.0219,,0.1725,,0.0187,,block of flats,0.1579,Panel,No,0.0,0.0,0.0,0.0,-518.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1385870,140800,Revolving loans,9000.0,0.0,180000.0,,,FRIDAY,11,Y,1,,,,XAP,Approved,-2143,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,5,Connectivity,0.0,XNA,Card X-Sell,-2123.0,-2085.0,365243.0,-1781.0,-709.0,0.0,0,Cash loans,F,N,Y,0,112500.0,808650.0,26217.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-11261,-1507,-3356.0,-2095,,1,1,0,1,0,0,High skill tech staff,2.0,2,2,SATURDAY,11,0,0,0,1,1,0,Security Ministries,0.29257418737454816,0.6129811829083621,0.511891801533151,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2143.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2674746,340197,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SUNDAY,8,Y,1,,,,XAP,Approved,-202,XNA,XAP,Unaccompanied,New,XNA,Cards,walk-in,Country-wide,44,Connectivity,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,-33.0,0.0,0,Cash loans,F,N,Y,0,135000.0,654592.5,25960.5,654592.5,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.018209,-23694,365243,-847.0,-4118,,1,0,0,1,0,0,,1.0,3,3,SATURDAY,7,0,0,0,0,0,0,XNA,,0.5767363819426072,0.4722533429586386,0.0763,0.0424,0.9836,0.7756,0.0172,0.0,0.0345,0.1667,0.0417,0.0407,0.0614,0.0389,0.0039,0.0201,0.0777,0.044,0.9836,0.7844,0.0173,0.0,0.0345,0.1667,0.0417,0.0416,0.067,0.0406,0.0039,0.0213,0.077,0.0424,0.9836,0.7786,0.0173,0.0,0.0345,0.1667,0.0417,0.0414,0.0624,0.0396,0.0039,0.0206,reg oper account,block of flats,0.035,"Stone, brick",No,0.0,0.0,0.0,0.0,-202.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2444068,122479,Cash loans,16021.8,135000.0,135000.0,,135000.0,MONDAY,12,Y,1,,,,Other,Refused,-659,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),4,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,F,Y,Y,0,112500.0,184500.0,14922.0,184500.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.015221,-17839,-468,-4362.0,-1393,13.0,1,1,0,1,1,0,Core staff,2.0,2,2,TUESDAY,11,0,0,0,1,1,0,Medicine,,0.08134340283916736,0.08559545132461807,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-385.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +2425971,101766,Consumer loans,3393.63,34159.5,29979.0,10260.0,34159.5,SATURDAY,11,Y,1,0.2776926048677335,,,XAP,Approved,-1649,XNA,XAP,"Spouse, partner",Repeater,Computers,POS,XNA,Stone,137,Consumer electronics,12.0,high,POS household with interest,365243.0,-1613.0,-1283.0,-1493.0,-1487.0,0.0,0,Cash loans,M,N,Y,0,135000.0,168102.0,20079.0,148500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.006629,-18206,-199,-9493.0,-1679,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 2,,0.7365496883513921,0.8193176922872417,0.0237,,0.9846,,,0.0,0.069,0.0833,,,,0.026,,,0.0126,,0.9796,,,0.0,0.069,0.0417,,,,0.0102,,,0.0125,,0.9826,,,0.0,0.069,0.0417,,,,0.0104,,,,block of flats,0.0456,Wooden,No,2.0,1.0,2.0,1.0,-1649.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1224826,335891,Revolving loans,4500.0,0.0,90000.0,,0.0,MONDAY,11,Y,1,,,,XAP,Refused,-1330,XNA,LIMIT,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Revolving loans,F,N,Y,0,112500.0,135000.0,6750.0,135000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.005144,-20193,365243,-10433.0,-3664,,1,0,0,1,0,0,,1.0,2,2,MONDAY,16,0,0,0,0,0,0,XNA,,0.4316372991476764,0.3046721837533529,0.0412,0.033,0.9757,0.6668,0.0061,0.08,0.069,0.1667,0.2083,0.0057,0.0336,0.032,0.0,0.0,0.042,0.0342,0.9757,0.6798,0.0061,0.0806,0.069,0.1667,0.2083,0.0059,0.0367,0.0334,0.0,0.0,0.0416,0.033,0.9757,0.6713,0.0061,0.08,0.069,0.1667,0.2083,0.0058,0.0342,0.0326,0.0,0.0,reg oper account,block of flats,0.0285,"Stone, brick",No,0.0,0.0,0.0,0.0,-1843.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1294924,295485,Consumer loans,2501.145,12825.0,12456.0,1282.5,12825.0,MONDAY,12,Y,1,0.1016675103474972,,,XAP,Approved,-224,Cash through the bank,XAP,,XNA,Mobile,POS,XNA,Stone,50,Consumer electronics,6.0,middle,POS household with interest,365243.0,-193.0,-43.0,-73.0,-71.0,0.0,0,Cash loans,M,Y,N,0,103500.0,250614.0,19525.5,202500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.018634,-10213,-1692,-9645.0,-2888,23.0,1,1,0,1,0,0,Security staff,1.0,2,2,MONDAY,12,0,1,1,0,0,0,Security,,0.5324840925654932,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2035782,214201,Revolving loans,19125.0,0.0,382500.0,,,SATURDAY,10,Y,1,,,,XAP,Approved,-1337,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,2,81000.0,324216.0,21793.5,256500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.005144,-13846,-2758,-6462.0,-4405,17.0,1,1,0,1,0,0,Core staff,4.0,2,2,SATURDAY,11,0,0,0,0,0,0,Kindergarten,0.7193594856731274,0.5032874404140555,0.7338145369642702,,,0.9836,,,,,,,,,0.0118,,,,,0.9836,,,,,,,,,0.0123,,,,,0.9836,,,,,,,,,0.012,,,,,0.0104,,No,0.0,0.0,0.0,0.0,-1598.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +1240129,301017,Consumer loans,4076.82,38686.5,38493.0,3870.0,38686.5,TUESDAY,12,Y,1,0.09949205245572354,,,XAP,Approved,-452,Cash through the bank,XAP,,Refreshed,Consumer Electronics,POS,XNA,Stone,35,Consumer electronics,12.0,middle,POS household with interest,365243.0,-421.0,-91.0,-211.0,-202.0,0.0,0,Cash loans,F,Y,Y,1,252000.0,500211.0,47623.5,463500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.035792000000000004,-17210,-745,-4533.0,-767,16.0,1,1,0,1,1,0,HR staff,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.7051456815631976,0.6601964410969293,0.7517237147741489,0.2247,0.1681,0.9856,0.8028,0.0478,0.24,0.2069,0.3333,0.375,0.0601,0.1832,0.2192,0.0,0.0,0.229,0.1744,0.9856,0.8105,0.0482,0.2417,0.2069,0.3333,0.375,0.0615,0.2002,0.2284,0.0,0.0,0.2269,0.1681,0.9856,0.8054,0.0481,0.24,0.2069,0.3333,0.375,0.0611,0.1864,0.2231,0.0,0.0,reg oper account,block of flats,0.1724,Panel,No,2.0,0.0,2.0,0.0,-2307.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2396589,210974,Consumer loans,10483.56,88731.0,88290.0,8874.0,88731.0,THURSDAY,12,Y,1,0.09946680588770253,,,XAP,Approved,-301,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,33,Connectivity,12.0,high,POS mobile with interest,365243.0,-270.0,60.0,-240.0,-235.0,0.0,0,Cash loans,F,N,Y,0,130500.0,284400.0,16456.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-24774,-2878,-4419.0,-5057,,1,1,0,1,0,0,Managers,2.0,3,3,THURSDAY,7,0,0,0,0,1,1,Medicine,0.6457113576348049,0.4093569482683056,0.20208660168203949,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1785.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2621774,163624,Revolving loans,11250.0,225000.0,225000.0,0.0,225000.0,TUESDAY,9,Y,1,0.0,,,XAP,Approved,-497,XNA,XAP,,Repeater,XNA,Cards,walk-in,Country-wide,22,Connectivity,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,Y,Y,1,135000.0,450000.0,23692.5,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.026392000000000002,-10932,-468,-1209.0,-1846,1.0,1,1,0,1,0,0,,3.0,2,2,TUESDAY,16,0,0,0,1,1,0,Other,0.3962824356184386,0.5199836699515449,0.1777040724853336,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-497.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2067658,450153,Consumer loans,9591.885,97182.0,97182.0,0.0,97182.0,MONDAY,18,Y,1,0.0,,,XAP,Refused,-1891,Cash through the bank,SCO,Family,New,Photo / Cinema Equipment,POS,XNA,Country-wide,1200,Consumer electronics,12.0,middle,POS household without interest,,,,,,,0,Cash loans,M,N,N,0,157500.0,521280.0,31630.5,450000.0,Unaccompanied,Working,Higher education,Single / not married,With parents,0.016612000000000002,-9559,-666,-9534.0,-2237,,1,1,0,1,0,0,High skill tech staff,1.0,2,2,TUESDAY,14,0,0,0,0,0,0,Business Entity Type 2,,0.16591059239693925,,0.2196,0.0463,0.9767,0.6804,0.0602,0.24,0.2069,0.3333,0.375,0.0,0.1715,0.1969,0.0347,0.0714,0.2237,0.048,0.9767,0.6929,0.0607,0.2417,0.2069,0.3333,0.375,0.0,0.1873,0.2051,0.035,0.0756,0.2217,0.0463,0.9767,0.6847,0.0605,0.24,0.2069,0.3333,0.375,0.0,0.1744,0.2004,0.0349,0.0729,reg oper account,block of flats,0.2032,Panel,No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1482392,129672,Consumer loans,21091.5,142330.5,151726.5,0.0,142330.5,THURSDAY,13,Y,1,0.0,,,XAP,Approved,-15,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,32,Connectivity,10.0,high,POS mobile with interest,365243.0,365243.0,285.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,135000.0,1288350.0,37800.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00823,-14876,-4170,-5764.0,-4236,,1,1,1,1,1,0,Laborers,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,Industry: type 3,,0.4374079850583687,0.7016957740576931,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-2131.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2691257,105841,Consumer loans,15023.295,89995.5,80536.5,13500.0,89995.5,TUESDAY,16,Y,1,0.15635128139315346,,,XAP,Approved,-469,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,166,Consumer electronics,6.0,middle,POS household with interest,365243.0,-438.0,-288.0,-348.0,-333.0,0.0,0,Cash loans,F,N,N,0,180000.0,1256400.0,34681.5,900000.0,Unaccompanied,State servant,Higher education,Single / not married,House / apartment,0.04622,-12818,-578,-958.0,-1830,,1,1,0,1,0,0,,1.0,1,1,FRIDAY,16,0,1,1,0,0,0,Business Entity Type 2,0.2328561936270928,0.7168739942172383,0.6263042766749393,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-469.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2138574,353563,Cash loans,15792.975,270000.0,299223.0,,270000.0,THURSDAY,12,Y,1,,,,Repairs,Approved,-694,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,24.0,low_normal,Cash Street: low,365243.0,-656.0,34.0,-236.0,-230.0,0.0,0,Cash loans,F,Y,Y,0,180000.0,1006920.0,42790.5,900000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-14086,-859,-1957.0,-2002,10.0,1,1,0,1,0,0,Sales staff,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.54835800740983,0.5862671093090059,0.5190973382084597,0.1856,0.1123,0.9811,0.7416,0.0025,0.2,0.1724,0.3333,0.0417,0.0559,0.1513,0.1996,0.0,0.0,0.1891,0.1166,0.9811,0.7517,0.0025,0.2014,0.1724,0.3333,0.0417,0.0572,0.1653,0.2079,0.0,0.0,0.1874,0.1123,0.9811,0.7451,0.0025,0.2,0.1724,0.3333,0.0417,0.0569,0.1539,0.2032,0.0,0.0,reg oper account,block of flats,0.1583,Panel,No,6.0,0.0,6.0,0.0,-1869.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1750003,350506,Consumer loans,5555.7,41571.0,45688.5,0.0,41571.0,SUNDAY,15,Y,1,0.0,,,XAP,Approved,-1244,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,1552,Consumer electronics,12.0,high,POS household with interest,365243.0,-1213.0,-883.0,-883.0,-880.0,0.0,0,Cash loans,M,N,Y,3,135000.0,1319269.5,38574.0,1152000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0105,-22289,-157,-6615.0,-5018,,1,1,0,1,0,0,Low-skill Laborers,5.0,3,3,FRIDAY,16,0,0,0,0,0,0,Construction,,0.3605827703387404,,0.0866,0.0974,0.9826,0.762,0.0117,0.0,0.1931,0.1667,0.0417,0.0748,0.0756,0.0846,0.0,0.0,0.063,0.1132,0.9821,0.7648,0.008,0.0,0.1379,0.1667,0.0417,0.0645,0.0826,0.0633,0.0,0.0,0.0937,0.1091,0.9821,0.7585,0.0118,0.0,0.2069,0.1667,0.0417,0.0761,0.077,0.0925,0.0,0.0,reg oper account,block of flats,0.0479,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1131476,307155,Cash loans,37689.12,666000.0,734571.0,,666000.0,MONDAY,14,Y,1,,,,XNA,Approved,-588,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-558.0,492.0,-318.0,-309.0,1.0,0,Cash loans,M,Y,Y,1,270000.0,2085120.0,63351.0,1800000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.04622,-18106,365243,-2834.0,-1553,7.0,1,0,0,1,0,0,,3.0,1,1,MONDAY,15,0,0,0,0,0,0,XNA,,0.7639523358783705,,0.0186,0.0389,0.9687,0.5716,0.0039,0.0,0.1034,0.0417,0.0833,,0.0151,0.0282,0.0,0.0,0.0189,0.0403,0.9687,0.5884,0.0039,0.0,0.1034,0.0417,0.0833,,0.0165,0.0294,0.0,0.0,0.0187,0.0389,0.9687,0.5773,0.0039,0.0,0.1034,0.0417,0.0833,,0.0154,0.0287,0.0,0.0,reg oper account,block of flats,0.0247,"Stone, brick",No,1.0,0.0,1.0,0.0,-588.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1139342,422236,Cash loans,37607.445,585000.0,654498.0,,585000.0,FRIDAY,10,Y,1,,,,XNA,Approved,-557,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash X-Sell: high,365243.0,-527.0,523.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,2,225000.0,473661.0,23166.0,333000.0,Family,Working,Secondary / secondary special,Civil marriage,Municipal apartment,0.007114,-13933,-599,-7932.0,-3139,,1,1,0,1,1,0,Medicine staff,4.0,2,2,TUESDAY,14,0,0,0,0,0,0,Medicine,0.38886292339273065,0.2267406636226964,0.3185955240537633,0.068,0.0765,0.9801,,,,0.1379,0.1667,,,,0.0627,,0.0161,0.0693,0.0794,0.9801,,,,0.1379,0.1667,,,,0.0654,,0.0171,0.0687,0.0765,0.9801,,,,0.1379,0.1667,,,,0.0639,,0.0165,,block of flats,0.0529,Panel,No,6.0,0.0,6.0,0.0,-557.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2471767,384788,Revolving loans,7875.0,0.0,157500.0,,,MONDAY,10,Y,1,,,,XAP,Approved,-2726,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,50,Connectivity,0.0,XNA,Card Street,-2456.0,-2407.0,365243.0,-824.0,365243.0,0.0,0,Cash loans,F,N,N,1,90000.0,1125000.0,44748.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006207,-16320,-5083,-15175.0,-3968,,1,1,0,1,0,0,Medicine staff,3.0,2,2,THURSDAY,14,0,0,0,0,0,0,Medicine,,0.7025268780110192,0.7776594425716818,0.0928,,0.9791,,,,0.2069,0.1667,,,,0.0904,,,0.0945,,0.9791,,,,0.2069,0.1667,,,,0.0942,,,0.0937,,0.9791,,,,0.2069,0.1667,,,,0.092,,,,block of flats,0.0711,Panel,No,0.0,0.0,0.0,0.0,-496.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,1.0 +1896556,101341,Cash loans,26204.265,225000.0,269010.0,,225000.0,TUESDAY,12,Y,1,,,,XNA,Approved,-1396,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-1366.0,-1036.0,-1096.0,-1090.0,1.0,0,Cash loans,F,Y,N,0,450000.0,298512.0,29079.0,270000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.032561,-19982,-10998,-9002.0,-3116,8.0,1,1,0,1,1,0,Core staff,1.0,1,1,FRIDAY,13,0,0,0,0,0,0,Government,,0.6319205430085026,0.7700870700124128,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2356617,448576,Consumer loans,5229.72,48496.5,25996.5,22500.0,48496.5,MONDAY,13,Y,1,0.5052848237407948,,,XAP,Approved,-291,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,20,Connectivity,6.0,high,POS mobile with interest,365243.0,-244.0,-94.0,-184.0,-180.0,0.0,0,Cash loans,F,N,Y,2,103500.0,238500.0,25173.0,238500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-12435,-391,-1007.0,-4873,,1,1,0,1,0,0,Sales staff,4.0,2,2,FRIDAY,11,0,0,0,0,0,0,Trade: type 7,0.6781125637819738,0.464205851005992,0.470456116119975,0.1175,0.0092,0.9985,0.9796,0.053,0.08,0.0345,0.625,0.6667,0.0459,0.0916,0.14,0.0193,0.0318,0.1197,0.0096,0.9985,0.9804,0.0535,0.0806,0.0345,0.625,0.6667,0.047,0.1001,0.1458,0.0195,0.0337,0.1187,0.0092,0.9985,0.9799,0.0534,0.08,0.0345,0.625,0.6667,0.0467,0.0932,0.1425,0.0194,0.0325,reg oper account,block of flats,0.1391,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2383715,186667,Consumer loans,7810.47,84654.0,76185.0,8469.0,84654.0,MONDAY,17,Y,1,0.10895540564050027,,,XAP,Approved,-620,Cash through the bank,XAP,,Repeater,Clothing and Accessories,POS,XNA,Stone,50,Clothing,12.0,middle,POS industry with interest,365243.0,-589.0,-259.0,-499.0,-495.0,0.0,0,Cash loans,F,N,Y,1,144000.0,1125000.0,33025.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.026392000000000002,-10359,-2895,-4168.0,-1933,,1,1,1,1,1,0,Accountants,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.6971201150188475,0.6528046280435762,0.4561097392782771,0.2216,0.0334,0.9861,,,0.16,0.1379,0.3333,,0.0567,,0.206,,0.0081,0.2258,0.0346,0.9861,,,0.1611,0.1379,0.3333,,0.058,,0.2146,,0.0086,0.2238,0.0334,0.9861,,,0.16,0.1379,0.3333,,0.0577,,0.2097,,0.0083,,block of flats,0.1638,"Stone, brick",No,2.0,0.0,2.0,0.0,-1913.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1099381,284515,Cash loans,22145.04,391500.0,427675.5,,391500.0,THURSDAY,16,Y,1,,,,XNA,Refused,-875,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Channel of corporate sales,-1,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Revolving loans,M,N,Y,0,160978.5,135000.0,6750.0,135000.0,Unaccompanied,Commercial associate,Incomplete higher,Civil marriage,House / apartment,0.01885,-8710,-1197,-1245.0,-1385,,1,1,1,1,0,1,Core staff,2.0,2,2,THURSDAY,15,1,1,0,1,1,0,Trade: type 2,,0.5649673880927272,,0.0722,0.0606,0.9876,0.83,0.0084,0.0,0.1379,0.1667,0.2083,0.0391,0.0588,0.0515,0.0,0.0,0.0735,0.0629,0.9876,0.8367,0.0084,0.0,0.1379,0.1667,0.2083,0.04,0.0643,0.0536,0.0,0.0,0.0729,0.0606,0.9876,0.8323,0.0084,0.0,0.1379,0.1667,0.2083,0.0398,0.0599,0.0524,0.0,0.0,reg oper account,block of flats,0.0451,Panel,No,0.0,0.0,0.0,0.0,-968.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,,,,,, +1153189,355366,Consumer loans,3035.115,28278.0,15003.0,13275.0,28278.0,THURSDAY,9,Y,1,0.5112696024535616,,,XAP,Approved,-1439,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,5,Connectivity,6.0,high,POS mobile with interest,365243.0,-1297.0,-1147.0,-1207.0,-1205.0,0.0,0,Cash loans,F,N,Y,0,45000.0,126000.0,5679.0,126000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-16088,-2868,-440.0,-3955,,1,1,1,1,1,1,Managers,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Other,,0.5541352586272984,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-306.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1770240,383038,Cash loans,18365.58,225000.0,269550.0,,225000.0,FRIDAY,7,Y,1,,,,XNA,Approved,-1296,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Country-wide,21,Connectivity,36.0,high,Cash Street: high,365243.0,-1266.0,-216.0,-846.0,-838.0,1.0,0,Cash loans,M,Y,N,0,315000.0,450000.0,41274.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-20308,-7584,-5178.0,-2306,21.0,1,1,1,1,0,0,Laborers,2.0,3,3,FRIDAY,12,0,0,0,0,0,0,Other,0.3264316217047396,0.5595745801358216,0.5884877883422673,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,11.0,1.0,11.0,0.0,-2059.0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,8.0 +2721675,109458,Revolving loans,7875.0,157500.0,157500.0,,157500.0,THURSDAY,10,Y,1,,,,XAP,Refused,-235,XNA,HC,Unaccompanied,Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,184500.0,245268.0,16389.0,202500.0,Children,Pensioner,Secondary / secondary special,Married,House / apartment,0.018801,-21159,365243,-8256.0,-4354,,1,0,0,1,0,0,,2.0,2,2,MONDAY,15,0,0,0,0,0,0,XNA,,0.3211486795724683,0.21640296051521946,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1990.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2616646,130387,Revolving loans,11250.0,0.0,225000.0,,0.0,FRIDAY,8,Y,1,,,,XAP,Refused,-1334,XNA,SCO,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Revolving loans,F,N,Y,2,112500.0,450000.0,22500.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-16504,-2565,-39.0,-47,,1,1,0,1,1,0,Medicine staff,4.0,2,2,TUESDAY,11,0,0,0,0,0,0,Medicine,0.8082962913810383,0.7865246470844545,0.41534714488434,0.0948,0.1052,0.9796,,,0.0,0.2759,0.1667,,0.0,,0.1024,,0.1533,0.0966,0.1091,0.9796,,,0.0,0.2759,0.1667,,0.0,,0.1067,,0.1623,0.0958,0.1052,0.9796,,,0.0,0.2759,0.1667,,0.0,,0.1043,,0.1565,,specific housing,0.1428,"Stone, brick",No,1.0,0.0,1.0,0.0,-1749.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +2307124,421176,Consumer loans,11694.87,44243.19,41049.0,4503.69,44243.19,MONDAY,19,Y,1,0.10767592070553106,,,XAP,Approved,-2437,Cash through the bank,XAP,Family,Refreshed,Audio/Video,POS,XNA,Country-wide,3100,Consumer electronics,4.0,low_normal,POS household with interest,365243.0,-2406.0,-2316.0,-2316.0,-2305.0,1.0,0,Cash loans,M,Y,Y,1,405000.0,720000.0,25861.5,720000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.028663,-14835,-505,-2853.0,-4561,1.0,1,1,0,1,0,0,Managers,3.0,2,2,TUESDAY,10,0,0,0,1,1,1,Business Entity Type 3,0.2684597564154908,0.4976347353855857,0.6161216908872079,0.1227,0.1143,0.9826,0.762,0.0519,0.0,0.2759,0.1667,0.2083,0.1003,0.1,0.1095,0.0,0.1304,0.125,0.1187,0.9826,0.7713,0.0523,0.0,0.2759,0.1667,0.2083,0.1026,0.1093,0.1141,0.0,0.1381,0.1239,0.1143,0.9826,0.7652,0.0522,0.0,0.2759,0.1667,0.2083,0.102,0.1018,0.1115,0.0,0.1332,reg oper account,block of flats,0.1145,"Stone, brick",No,1.0,1.0,1.0,1.0,-1776.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1409850,110883,Consumer loans,4372.425,38245.5,42286.5,0.0,38245.5,FRIDAY,19,Y,1,0.0,,,XAP,Approved,-501,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,1354,Consumer electronics,12.0,middle,POS household with interest,365243.0,-470.0,-140.0,-260.0,-254.0,0.0,0,Cash loans,F,Y,Y,1,112500.0,170640.0,12546.0,135000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.009334,-13373,-1452,-769.0,-4730,7.0,1,1,0,1,0,0,Sales staff,3.0,2,2,TUESDAY,9,0,0,0,1,1,0,Self-employed,,0.5251556804876204,0.656158373001177,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1192.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2288031,114577,Consumer loans,10607.13,93582.0,103464.0,0.0,93582.0,MONDAY,13,Y,1,0.0,,,XAP,Approved,-1174,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,2775,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1141.0,-811.0,-811.0,-804.0,0.0,0,Cash loans,F,N,N,0,103500.0,286704.0,13923.0,247500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.0038130000000000004,-23347,365243,-7571.0,-4648,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,7,0,0,0,0,0,0,XNA,,0.3314012140489917,,0.0918,0.0707,0.9891,,,0.12,0.1034,0.375,,,,0.1159,,0.0057,0.0935,0.0734,0.9891,,,0.1208,0.1034,0.375,,,,0.1207,,0.006,0.0926,0.0707,0.9891,,,0.12,0.1034,0.375,,,,0.118,,0.0058,,block of flats,0.1068,Panel,No,6.0,3.0,6.0,0.0,-2513.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1126384,168049,Consumer loans,8387.28,71955.0,76248.0,3600.0,71955.0,THURSDAY,13,Y,1,0.04910238544142962,,,XAP,Approved,-1656,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,333,Connectivity,14.0,high,POS mobile with interest,365243.0,-1625.0,-1235.0,-1535.0,-1527.0,0.0,0,Cash loans,M,N,N,0,292500.0,270000.0,17577.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.072508,-15647,-2191,-9750.0,-4058,,1,1,1,1,1,0,Managers,2.0,1,1,SUNDAY,20,0,0,0,0,0,0,Business Entity Type 3,,0.4774662138478004,0.6754132910917112,0.0742,0.1059,0.9717,0.6124,0.0266,0.12,0.1034,0.25,0.2917,0.0,0.0605,0.0982,0.0,0.1152,0.0756,0.1099,0.9717,0.6276,0.0268,0.1208,0.1034,0.25,0.2917,0.0,0.0661,0.1023,0.0,0.122,0.0749,0.1059,0.9717,0.6176,0.0268,0.12,0.1034,0.25,0.2917,0.0,0.0616,0.0999,0.0,0.1176,reg oper account,block of flats,0.1023,"Stone, brick",No,0.0,0.0,0.0,0.0,-1656.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2703907,176882,Cash loans,16062.3,405000.0,405000.0,,405000.0,THURSDAY,12,Y,1,,,,XNA,Approved,-216,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Stone,15,Furniture,36.0,low_normal,Cash X-Sell: low,365243.0,-186.0,864.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,67500.0,517500.0,16821.0,517500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.009656999999999999,-23217,365243,-9742.0,-4993,,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,XNA,,0.5310139833252597,0.34090642641523844,0.0186,0.0318,0.9821,,,0.0,0.1034,0.0417,,0.0,,0.017,,0.0044,0.0189,0.033,0.9821,,,0.0,0.1034,0.0417,,0.0,,0.0177,,0.0047,0.0187,0.0318,0.9821,,,0.0,0.1034,0.0417,,0.0,,0.0173,,0.0045,,block of flats,0.0144,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,4.0,0.0,2.0 +1576411,242398,Cash loans,43094.835,720000.0,769419.0,,720000.0,WEDNESDAY,13,Y,1,,,,XNA,Approved,-1009,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-978.0,-288.0,-288.0,-284.0,0.0,0,Revolving loans,F,N,Y,0,135000.0,405000.0,20250.0,405000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.028663,-17255,-3290,-6419.0,-798,,1,1,0,1,1,0,Laborers,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,Self-employed,,0.6124986103826107,0.7032033049040319,0.0165,,0.9796,,,,0.069,0.0417,,0.0198,,0.0099,,0.0181,0.0168,,0.9796,,,,0.069,0.0417,,0.0203,,0.0103,,0.0192,0.0167,,0.9796,,,,0.069,0.0417,,0.0202,,0.0101,,0.0185,,block of flats,0.0122,"Stone, brick",No,0.0,0.0,0.0,0.0,-1606.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1887530,273849,Cash loans,26796.15,517500.0,517500.0,,517500.0,TUESDAY,14,Y,1,,,,XNA,Approved,-430,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-400.0,290.0,-280.0,-278.0,0.0,0,Cash loans,M,N,N,1,225000.0,180000.0,13225.5,180000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.028663,-12324,-2450,-4102.0,-4532,,1,1,1,1,0,0,,3.0,2,2,FRIDAY,16,0,0,0,1,1,0,Self-employed,,0.5186080649119356,0.4311917977993083,0.0082,,0.9752,,,,0.069,0.0417,,,,0.005,,0.0088,0.0084,,0.9752,,,,0.069,0.0417,,,,0.0053,,0.0093,0.0083,,0.9752,,,,0.069,0.0417,,,,0.0051,,0.009000000000000001,,block of flats,0.0059,"Stone, brick",No,3.0,0.0,3.0,0.0,-1757.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2110792,349713,Consumer loans,10195.335,85455.0,85032.0,8545.5,85455.0,THURSDAY,18,Y,1,0.09945581324181946,,,XAP,Approved,-1043,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Regional / Local,150,Consumer electronics,12.0,high,POS household with interest,365243.0,-1012.0,-682.0,-682.0,-676.0,0.0,0,Cash loans,F,Y,N,2,126000.0,1223010.0,48501.0,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.00823,-9659,-2810,-4125.0,-1468,29.0,1,1,1,1,0,0,,4.0,2,2,SUNDAY,18,0,1,1,0,1,1,Business Entity Type 3,,0.4974543321838786,0.7281412993111438,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-4.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1180063,393834,Consumer loans,9709.83,66541.5,72031.5,0.0,66541.5,SUNDAY,8,Y,1,0.0,,,XAP,Approved,-2369,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Stone,270,Consumer electronics,10.0,high,POS household with interest,365243.0,-2337.0,-2067.0,-2067.0,-2061.0,0.0,1,Cash loans,F,N,Y,0,90000.0,558855.0,35842.5,477000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,Municipal apartment,0.018801,-16106,365243,-5363.0,-5639,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,7,0,0,0,0,0,0,XNA,,0.1981009968475596,0.4848514754962666,0.1567,0.056,0.9806,,,0.08,0.069,0.3333,,0.0,,0.1179,,0.0,0.1597,0.0581,0.9806,,,0.0806,0.069,0.3333,,0.0,,0.1228,,0.0,0.1582,0.056,0.9806,,,0.08,0.069,0.3333,,0.0,,0.12,,0.0,,specific housing,0.1186,"Stone, brick",No,0.0,0.0,0.0,0.0,-226.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1137603,426549,Consumer loans,5828.04,47475.0,42727.5,4747.5,47475.0,SUNDAY,14,Y,1,0.1089090909090909,,,XAP,Approved,-2045,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,83,Connectivity,10.0,high,POS mobile with interest,365243.0,-2006.0,-1736.0,-1736.0,-1716.0,0.0,0,Cash loans,M,N,Y,0,180000.0,508495.5,23692.5,454500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.030755,-18857,-2375,-11175.0,-2411,,1,1,1,1,1,0,Drivers,2.0,2,2,MONDAY,11,0,0,0,1,1,1,Business Entity Type 3,,0.6763992650115594,0.5832379256761245,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2045.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,6.0,2.0,1.0 +1405489,386313,Cash loans,10662.255,135000.0,152820.0,,135000.0,TUESDAY,10,Y,1,,,,XNA,Approved,-734,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-704.0,-14.0,-14.0,-8.0,1.0,0,Cash loans,F,Y,N,0,112500.0,675000.0,32602.5,675000.0,Unaccompanied,Working,Higher education,Married,With parents,0.028663,-10475,-1792,-1859.0,-2615,8.0,1,1,1,1,1,0,Core staff,2.0,2,2,SATURDAY,9,0,0,0,1,1,0,Government,0.6885385144826024,0.6195795369476045,0.501075160239048,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-1221.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1555530,221525,Cash loans,10332.18,135000.0,152820.0,0.0,135000.0,TUESDAY,12,Y,1,0.0,,,XNA,Approved,-2241,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,24.0,high,Cash Street: high,365243.0,-2211.0,-1521.0,-1551.0,-1543.0,1.0,0,Cash loans,F,Y,Y,0,157500.0,981162.0,28818.0,819000.0,Unaccompanied,Pensioner,Incomplete higher,Married,House / apartment,0.00702,-21085,365243,-9885.0,-4342,10.0,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,XNA,0.7105636949374602,0.6119846614692009,0.5280927512030451,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2241.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1779336,307902,Consumer loans,18196.875,328918.5,250227.0,108000.0,328918.5,WEDNESDAY,15,Y,1,0.3283443687433336,,,XAP,Approved,-1546,Cash through the bank,XAP,Family,New,Sport and Leisure,POS,XNA,Country-wide,200,Industry,18.0,middle,POS other with interest,365243.0,-1513.0,-1003.0,-1153.0,-1150.0,0.0,0,Cash loans,M,N,N,0,112500.0,450000.0,41274.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.00702,-14610,-4687,-2407.0,-2407,,1,1,0,1,0,0,,1.0,2,2,MONDAY,18,0,0,0,0,0,0,Self-employed,,0.721612035729649,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-1546.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2337706,137751,Consumer loans,5235.615,39177.0,43056.0,0.0,39177.0,TUESDAY,10,Y,1,0.0,,,XAP,Refused,-1630,Cash through the bank,HC,Family,Repeater,Construction Materials,POS,XNA,Stone,16,Furniture,12.0,high,POS industry with interest,,,,,,,0,Cash loans,F,N,Y,0,122850.0,490536.0,15795.0,405000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-21338,365243,-10276.0,-4295,,1,0,0,1,0,0,,2.0,2,2,MONDAY,8,0,0,0,0,0,0,XNA,,0.1734516233299133,0.4206109640437848,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,5.0,0.0,-1785.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1711919,323692,Cash loans,58430.7,562500.0,584775.0,,562500.0,MONDAY,17,Y,1,,,,XNA,Approved,-358,XNA,XAP,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-328.0,2.0,-238.0,-233.0,1.0,0,Cash loans,M,Y,N,2,112500.0,805536.0,34258.5,720000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.005002,-11603,-475,-239.0,-4271,9.0,1,1,1,1,1,1,Low-skill Laborers,4.0,3,3,TUESDAY,12,0,0,0,0,0,0,Self-employed,0.4641736939750745,0.5366245062602844,0.6479768603302221,0.0103,,0.9975,0.966,,0.0,0.0345,0.0417,,,0.0084,0.0114,,,0.0105,,0.9975,0.9673,,0.0,0.0345,0.0417,,,0.0092,0.0119,,,0.0104,,0.9975,0.9665,,0.0,0.0345,0.0417,,,0.0086,0.0116,,,reg oper spec account,block of flats,0.009000000000000001,Wooden,No,0.0,0.0,0.0,0.0,-2527.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1868060,253798,Cash loans,17742.375,454500.0,454500.0,,454500.0,TUESDAY,16,Y,1,,,,XNA,Refused,-87,Cash through the bank,HC,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,Y,N,1,90000.0,301500.0,9270.0,301500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-11313,-3109,-1816.0,-3896,14.0,1,1,0,1,0,0,Laborers,3.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.3258000996566264,0.29859498978739724,0.0639,0.0,0.9816,0.7484,0.0119,0.0,0.0345,0.0833,0.0417,0.0124,0.0513,0.0214,0.0039,0.0026,0.0651,0.0,0.9816,0.7583,0.012,0.0,0.0345,0.0833,0.0417,0.0127,0.056,0.0223,0.0039,0.0027,0.0645,0.0,0.9816,0.7518,0.012,0.0,0.0345,0.0833,0.0417,0.0127,0.0522,0.0218,0.0039,0.0026,reg oper spec account,block of flats,0.0174,"Stone, brick",No,0.0,0.0,0.0,0.0,-2.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,2.0,0.0 +1375199,438131,Revolving loans,9000.0,180000.0,180000.0,,180000.0,MONDAY,17,Y,1,,,,XAP,Approved,-11,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,157500.0,518562.0,22099.5,463500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-11946,-727,-5126.0,-163,,1,1,0,1,0,0,Sales staff,3.0,2,2,FRIDAY,16,0,0,0,1,1,0,Self-employed,,0.3561078056616512,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-514.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1150903,229246,Consumer loans,12300.48,122895.0,115281.0,18000.0,122895.0,MONDAY,11,Y,1,0.1470850035911822,,,XAP,Approved,-1761,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Regional / Local,154,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1730.0,-1400.0,-1400.0,-1397.0,0.0,0,Cash loans,F,Y,N,2,99000.0,130320.0,14868.0,112500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.0038130000000000004,-12756,365243,-654.0,-10,24.0,1,0,0,1,0,1,,4.0,2,2,FRIDAY,5,0,0,0,0,0,0,XNA,,0.2662291880469212,0.6512602186973006,,,0.9767,,,0.0,0.1379,0.1667,,,,,,,,,0.9767,,,0.0,0.1379,0.1667,,,,,,,,,0.9767,,,0.0,0.1379,0.1667,,,,,,,,,0.0468,Panel,No,0.0,0.0,0.0,0.0,-1761.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2200782,287207,Consumer loans,9362.475,100305.0,100305.0,0.0,100305.0,FRIDAY,15,Y,1,0.0,,,XAP,Approved,-538,Cash through the bank,XAP,,New,Photo / Cinema Equipment,POS,XNA,Stone,250,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-507.0,-177.0,-177.0,-172.0,0.0,0,Cash loans,M,Y,Y,0,360000.0,1125000.0,44748.0,1125000.0,Family,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-20385,-5150,-9295.0,-3921,16.0,1,1,0,1,0,0,Managers,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,Other,0.8236092491914272,0.7357724336587661,0.5136937663039473,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-538.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +2528286,212733,Cash loans,6458.625,112500.0,112500.0,,112500.0,THURSDAY,7,Y,1,,,,XNA,Approved,-48,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,24.0,middle,Cash X-Sell: middle,365243.0,365243.0,672.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,112500.0,585000.0,22716.0,585000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-22840,365243,-2851.0,-3675,,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,XNA,,0.31961075861896643,0.4722533429586386,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-245.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2365345,140981,Revolving loans,2250.0,45000.0,45000.0,,45000.0,MONDAY,14,Y,1,,,,XAP,Refused,-531,XNA,SCOFR,,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),3,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,N,0,112500.0,405000.0,32472.0,405000.0,Family,Working,Lower secondary,Single / not married,House / apartment,0.004849,-12975,-1643,-621.0,-4323,,1,1,0,1,1,0,Cooking staff,1.0,2,2,SATURDAY,14,0,0,0,0,1,1,Other,,0.043655099233923716,0.5226973172821112,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-367.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1836788,337264,Cash loans,30152.79,247500.0,294259.5,,247500.0,FRIDAY,8,Y,1,,,,XNA,Approved,-263,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-233.0,97.0,365243.0,365243.0,1.0,1,Cash loans,M,Y,N,0,225000.0,254700.0,20250.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-17617,-4391,-2363.0,-1152,16.0,1,1,0,1,0,0,,2.0,2,2,TUESDAY,10,0,0,0,0,1,1,Other,,0.6740831165794021,0.25396280933631177,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2565.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1721639,452345,Consumer loans,5346.0,97456.5,118039.5,0.0,97456.5,SUNDAY,17,Y,1,0.0,,,XAP,Approved,-342,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,2178,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-312.0,378.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,0,202500.0,182448.0,21780.0,157500.0,Family,Working,Higher education,Married,With parents,0.035792000000000004,-10368,-2164,-1508.0,-2982,,1,1,1,1,1,0,High skill tech staff,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.21265035141548885,0.43721965126218737,0.6785676886853644,0.0732,,0.994,0.9184,0.0283,0.08,0.0345,0.625,0.6667,0.0184,0.058,0.0694,0.0077,0.0079,0.0746,,0.994,0.9216,0.0285,0.0806,0.0345,0.625,0.6667,0.0188,0.0634,0.0723,0.0078,0.0084,0.0739,,0.994,0.9195,0.0285,0.08,0.0345,0.625,0.6667,0.0187,0.059,0.0706,0.0078,0.0081,reg oper account,block of flats,0.0718,,No,3.0,0.0,3.0,0.0,-1462.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,4.0 +1823997,264329,Consumer loans,7868.295,51075.0,48690.0,5400.0,51075.0,TUESDAY,12,Y,1,0.10872787777945844,,,XAP,Approved,-2071,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Stone,250,Connectivity,8.0,high,POS household with interest,365243.0,-2038.0,-1828.0,-1828.0,-1821.0,0.0,0,Cash loans,M,Y,N,0,67500.0,396850.5,19431.0,279000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.0228,-18916,-5313,-7271.0,-2447,8.0,1,1,0,1,1,0,Managers,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.7031439874350615,0.7437162369097419,0.8128226070575616,0.1954,0.2095,0.9916,0.9456,0.012,0.22,0.1897,0.3333,0.375,0.0719,0.0269,0.2134,0.0154,0.0846,0.0378,0.0464,0.9876,0.9477,0.0121,0.0403,0.0345,0.3333,0.375,0.0197,0.0294,0.056,0.0156,0.0401,0.1973,0.2095,0.9916,0.9463,0.0121,0.22,0.1897,0.3333,0.375,0.0732,0.0274,0.2172,0.0155,0.0863,reg oper account,block of flats,0.3949,"Stone, brick",No,0.0,0.0,0.0,0.0,-1440.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1172806,216460,Cash loans,47614.5,1800000.0,1800000.0,,1800000.0,WEDNESDAY,10,Y,1,,,,XNA,Refused,-1348,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_action,Cash Street: low,,,,,,,0,Cash loans,M,Y,Y,1,270000.0,688500.0,35284.5,688500.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.030755,-21689,365243,-4618.0,-4936,28.0,1,0,0,1,0,0,,3.0,2,2,SUNDAY,14,0,0,0,0,0,0,XNA,,0.646613633195247,0.07347264041181442,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1745.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1309635,239605,Cash loans,29129.805,337500.0,368685.0,,337500.0,TUESDAY,16,Y,1,,,,Urgent needs,Approved,-603,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,high,Cash Street: high,365243.0,-573.0,117.0,-483.0,-479.0,1.0,0,Cash loans,F,N,N,2,157500.0,1078200.0,34911.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.035792000000000004,-14695,-704,-8727.0,-4353,,1,1,0,1,0,0,Realty agents,4.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Self-employed,0.6694807346616354,0.6944726296665962,0.7338145369642702,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-603.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1480991,366620,Cash loans,13114.98,112500.0,119925.0,,112500.0,MONDAY,15,Y,1,,,,XNA,Approved,-2650,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,high,Cash Street: high,365243.0,-2620.0,-2290.0,-2290.0,-2280.0,1.0,0,Cash loans,F,N,N,0,99000.0,490495.5,26131.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.026392000000000002,-22072,-9034,-14590.0,-1577,,1,1,1,1,1,0,Sales staff,2.0,2,2,MONDAY,19,0,0,0,0,0,0,Self-employed,,0.6469583388148467,0.4722533429586386,0.0165,,0.9732,,,0.0,0.069,0.0417,,,,0.011,,0.0,0.0168,,0.9732,,,0.0,0.069,0.0417,,,,0.0114,,0.0,0.0167,,0.9732,,,0.0,0.069,0.0417,,,,0.0111,,0.0,,block of flats,0.0086,"Stone, brick",No,1.0,1.0,1.0,1.0,-1473.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2101719,176678,Consumer loans,14609.565,145611.0,158103.0,0.0,145611.0,WEDNESDAY,16,Y,1,0.0,,,XAP,Approved,-995,Cash through the bank,XAP,Other_B,Repeater,Computers,POS,XNA,Country-wide,2000,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-964.0,-634.0,-634.0,-627.0,0.0,0,Cash loans,M,Y,Y,1,180000.0,1305000.0,38155.5,1305000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-11508,-2217,-7815.0,-4055,8.0,1,1,0,1,0,0,Laborers,3.0,2,2,THURSDAY,16,0,0,0,0,0,0,Self-employed,0.4156397262742895,0.6484752178769838,0.4668640059537032,0.234,0.1284,0.993,0.8164,0.1456,0.2,0.1897,0.2708,0.4167,0.1797,0.3362,0.2279,0.0077,0.0644,0.0546,0.0582,0.9866,0.8236,0.147,0.0,0.0345,0.1667,0.4167,0.0111,0.3673,0.02,0.0078,0.0464,0.2363,0.1284,0.993,0.8189,0.1465,0.2,0.1897,0.2708,0.4167,0.1828,0.342,0.232,0.0078,0.0658,not specified,block of flats,0.4415,"Stone, brick",No,10.0,0.0,10.0,0.0,-1818.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1701613,327349,Consumer loans,4901.805,37737.0,35937.0,4500.0,37737.0,WEDNESDAY,12,Y,1,0.12119863221576993,,,XAP,Approved,-1616,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,25,Connectivity,10.0,high,POS mobile with interest,365243.0,-1584.0,-1314.0,-1464.0,-1457.0,0.0,0,Cash loans,F,N,Y,0,225000.0,1096020.0,56092.5,900000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.031329,-19130,-3185,-10469.0,-2674,,1,1,0,1,0,0,Medicine staff,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Hotel,,0.7062968689563387,0.5280927512030451,0.0619,0.0,0.9856,0.8028,0.0,0.0,0.1379,0.1667,0.2083,0.0977,0.0504,0.0374,0.0,0.0,0.063,0.0,0.9856,0.8105,0.0,0.0,0.1379,0.1667,0.2083,0.0999,0.0551,0.0389,0.0,0.0,0.0625,0.0,0.9856,0.8054,0.0,0.0,0.1379,0.1667,0.2083,0.0994,0.0513,0.038,0.0,0.0,reg oper account,block of flats,0.0497,Block,No,7.0,0.0,7.0,0.0,-1616.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2789144,270709,Consumer loans,10618.92,106200.0,95580.0,10620.0,106200.0,MONDAY,15,Y,1,0.1089090909090909,,,XAP,Approved,-1184,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Stone,18,Consumer electronics,10.0,low_normal,POS other with interest,365243.0,-1152.0,-882.0,-1062.0,-1059.0,0.0,0,Cash loans,M,N,Y,1,90000.0,900000.0,35824.5,900000.0,"Spouse, partner",Commercial associate,Higher education,Married,House / apartment,0.019101,-14540,-3057,-8456.0,-4452,,1,1,1,1,1,0,,3.0,2,2,TUESDAY,12,0,0,0,0,0,0,Self-employed,0.5186499523786187,0.5940419898131889,0.7394117535524816,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2937.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1232344,156403,Consumer loans,17900.685,151875.0,162733.5,0.0,151875.0,SUNDAY,14,Y,1,0.0,,,XAP,Approved,-284,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,150,Furniture,10.0,low_normal,POS industry with interest,365243.0,-252.0,18.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,540000.0,1350000.0,57330.0,1350000.0,Unaccompanied,Working,Higher education,Widow,House / apartment,0.018209,-19188,-2356,-1402.0,-2688,13.0,1,1,0,1,0,0,Accountants,1.0,3,3,THURSDAY,13,0,0,0,0,0,0,Self-employed,0.7194665452022858,0.5234267666618266,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1969.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1391682,417851,Consumer loans,10851.03,79186.5,86157.0,0.0,79186.5,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-31,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,5000,Consumer electronics,10.0,middle,POS household with interest,365243.0,365243.0,269.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,1,153000.0,797557.5,26487.0,688500.0,Children,State servant,Higher education,Separated,House / apartment,0.031329,-12424,-161,-1901.0,-3637,,1,1,0,1,0,0,Managers,2.0,2,2,TUESDAY,17,0,0,0,0,0,0,Kindergarten,0.4470304531875642,0.4376393912777072,0.3572932680336494,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-524.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,0.0 +2594305,267995,Consumer loans,8786.25,123750.0,123750.0,0.0,123750.0,FRIDAY,9,Y,1,0.0,,,XAP,Approved,-1375,Cash through the bank,XAP,Unaccompanied,Refreshed,Furniture,POS,XNA,Stone,30,Furniture,24.0,high,POS industry with interest,365243.0,-1338.0,-648.0,-648.0,-645.0,0.0,0,Cash loans,M,N,N,0,99000.0,521280.0,19449.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.01885,-11209,-675,-360.0,-3840,,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.6424502817158337,0.7136313997323308,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1375.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1364398,358051,Cash loans,48206.61,675000.0,721332.0,,675000.0,MONDAY,11,Y,1,,,,Repairs,Approved,-549,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,middle,Cash Street: middle,,,,,,,0,Revolving loans,F,N,Y,1,157500.0,382500.0,19125.0,382500.0,Family,Commercial associate,Higher education,Married,House / apartment,0.00963,-10354,-981,-4616.0,-1673,,1,1,0,1,1,0,Sales staff,3.0,2,2,THURSDAY,12,0,0,0,1,1,0,Self-employed,0.27902221761375673,0.6047793541697136,0.3672910183026313,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-814.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,6.0 +2138967,394230,Revolving loans,9000.0,180000.0,180000.0,,180000.0,THURSDAY,11,Y,1,,,,XAP,Approved,-383,XNA,XAP,Family,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,1,225000.0,528939.0,32490.0,432000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.00733,-10193,-1147,-4662.0,-2874,,1,1,0,1,0,1,Laborers,3.0,2,2,TUESDAY,17,0,0,0,1,1,0,Industry: type 1,0.197604483298793,0.6656544906221126,0.5954562029091491,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-919.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1373924,217620,Consumer loans,21405.78,194148.0,194598.0,0.0,194148.0,WEDNESDAY,17,Y,1,0.0,,,XAP,Approved,-390,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Regional / Local,250,Furniture,10.0,low_normal,POS industry with interest,365243.0,-360.0,-90.0,-90.0,-85.0,1.0,0,Cash loans,F,N,Y,0,112500.0,334152.0,18256.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.008625,-12032,-2296,-2917.0,-1245,,1,1,0,0,0,0,Core staff,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Self-employed,,0.21420945788946905,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-489.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2363013,224502,Cash loans,19358.1,289840.77,336897.27,,289840.77,WEDNESDAY,14,Y,1,,,,XNA,Approved,-632,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash Street: high,365243.0,-602.0,448.0,-272.0,-264.0,1.0,0,Cash loans,M,N,N,0,292500.0,360000.0,28570.5,360000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.028663,-12204,-179,-5327.0,-2227,,1,1,0,1,0,0,Laborers,1.0,2,2,FRIDAY,10,0,1,1,0,1,1,Construction,0.3080474214480703,0.6197496110365575,0.3825018041447388,0.0165,0.0231,0.9906,0.8708,0.0029,0.0,0.0345,0.125,0.1667,0.0317,0.0134,0.0172,0.0,0.0,0.0168,0.024,0.9906,0.8759,0.0029,0.0,0.0345,0.125,0.1667,0.0325,0.0147,0.018000000000000002,0.0,0.0,0.0167,0.0231,0.9906,0.8725,0.0029,0.0,0.0345,0.125,0.1667,0.0323,0.0137,0.0175,0.0,0.0,reg oper account,block of flats,0.0191,"Stone, brick",No,2.0,0.0,2.0,0.0,-1001.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1946334,415418,Consumer loans,42140.88,342000.0,307800.0,34200.0,342000.0,MONDAY,16,Y,1,0.1089090909090909,,,XAP,Approved,-324,Cash through the bank,XAP,,New,Furniture,POS,XNA,Stone,100,Furniture,8.0,low_normal,POS industry with interest,365243.0,-287.0,-77.0,-287.0,-283.0,0.0,1,Cash loans,F,N,Y,1,112500.0,711454.5,56340.0,643500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.019101,-15097,-5783,-5432.0,-3393,,1,1,0,1,0,0,Sales staff,3.0,2,2,WEDNESDAY,10,0,0,0,0,1,1,Self-employed,0.7142870693443155,0.6483156868401896,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-324.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2366910,250543,Consumer loans,1758.015,16605.0,8739.0,8302.5,16605.0,THURSDAY,11,Y,1,0.5305974986196796,,,XAP,Approved,-697,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,6.0,high,POS mobile with interest,365243.0,-650.0,-500.0,-500.0,-491.0,0.0,1,Cash loans,F,N,N,0,112500.0,343800.0,13090.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.020713,-13582,-299,-1722.0,-3931,,1,1,0,1,1,0,,2.0,3,3,MONDAY,9,0,0,0,1,1,0,Business Entity Type 3,0.4445429989438969,0.5845315868592648,0.470456116119975,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2041957,421645,Consumer loans,10274.175,85041.0,85041.0,0.0,85041.0,SUNDAY,19,Y,1,0.0,,,XAP,Approved,-991,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,2001,Consumer electronics,10.0,middle,POS household with interest,365243.0,-960.0,-690.0,-690.0,-675.0,0.0,0,Cash loans,F,N,Y,0,225000.0,1129500.0,33156.0,1129500.0,Family,State servant,Higher education,Married,House / apartment,0.030755,-11445,-2338,-1490.0,-778,,1,1,0,1,0,0,Core staff,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Government,0.7379445484923035,0.4333172292316084,0.6127042441012546,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2194597,392660,Cash loans,24354.45,207000.0,220662.0,,207000.0,MONDAY,12,Y,1,,,,XNA,Approved,-1653,Non-cash from your account,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,high,Cash X-Sell: high,365243.0,-1623.0,-1293.0,-1293.0,-1290.0,1.0,0,Cash loans,F,N,N,2,270000.0,573408.0,29407.5,495000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.010276,-12418,-2188,-1022.0,-4561,,1,1,0,1,0,0,Laborers,4.0,2,2,TUESDAY,17,1,1,0,1,1,0,Business Entity Type 3,0.6886181267047812,0.6823769444430245,0.1206410299309233,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1795.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2345086,311292,Consumer loans,34868.385,348750.0,313875.0,34875.0,348750.0,SUNDAY,16,Y,1,0.1089090909090909,,,XAP,Approved,-544,Cash through the bank,XAP,,New,Furniture,POS,XNA,Country-wide,150,Furniture,10.0,low_normal,POS industry with interest,365243.0,-510.0,-240.0,-240.0,-235.0,0.0,0,Cash loans,F,Y,Y,0,180000.0,1288350.0,41692.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.04622,-16135,-3256,-190.0,-2845,7.0,1,1,0,1,0,0,Cooking staff,2.0,1,1,FRIDAY,9,0,0,0,0,0,0,Business Entity Type 1,,0.7044062554784766,0.5638350489514956,,,0.9791,,,,0.069,,,,,0.0151,,,,,0.9791,,,,0.069,,,,,0.0157,,,,,0.9791,,,,0.069,,,,,0.0153,,,,,0.0119,"Stone, brick",No,0.0,0.0,0.0,0.0,-544.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2762365,146389,Consumer loans,11777.805,138946.5,122890.5,27792.0,138946.5,MONDAY,11,Y,1,0.20087279243080344,,,XAP,Approved,-326,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,1923,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-295.0,35.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,135000.0,254700.0,24939.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010147,-24659,365243,-10804.0,-4581,,1,0,0,1,1,0,,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,XNA,,0.6288532878753194,0.7992967832109371,0.266,,0.9851,0.7959999999999999,,0.28,0.2414,0.3333,0.375,,,0.2709,,,0.271,,0.9851,0.804,,0.282,0.2414,0.3333,0.375,,,0.2823,,,0.2686,,0.9851,0.7987,,0.28,0.2414,0.3333,0.375,,,0.2758,,,reg oper account,block of flats,0.2131,"Stone, brick",No,0.0,0.0,0.0,0.0,-326.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1871368,185381,Cash loans,22758.48,229500.0,248130.0,,229500.0,WEDNESDAY,18,Y,1,,,,Repairs,Approved,-328,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,365243.0,-298.0,212.0,-298.0,-296.0,1.0,0,Revolving loans,F,N,N,0,292500.0,675000.0,33750.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008019,-15769,-1709,-9723.0,-4080,,1,1,0,1,0,0,Core staff,2.0,2,2,TUESDAY,17,0,0,0,0,0,0,Self-employed,0.7624493120523312,0.7040555364429933,,0.0082,0.0,0.9692,0.5784,0.0012,0.0,0.069,0.0417,0.0833,0.0155,0.0067,0.0053,0.0,0.0,0.0084,0.0,0.9692,0.5949,0.0013,0.0,0.069,0.0417,0.0833,0.0158,0.0073,0.0055,0.0,0.0,0.0083,0.0,0.9692,0.584,0.0012,0.0,0.069,0.0417,0.0833,0.0157,0.0068,0.0054,0.0,0.0,reg oper account,block of flats,0.006,"Stone, brick",No,0.0,0.0,0.0,0.0,-1538.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2622691,423475,Consumer loans,9816.435,73350.0,66015.0,7335.0,73350.0,TUESDAY,10,Y,1,0.1089090909090909,,,XAP,Approved,-1568,XNA,XAP,"Spouse, partner",Refreshed,Construction Materials,POS,XNA,Stone,11,Construction,8.0,middle,POS industry with interest,365243.0,-1535.0,-1325.0,-1385.0,-1381.0,0.0,0,Cash loans,M,N,N,0,157500.0,814041.0,23800.5,679500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-14061,-2331,-1938.0,-4634,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,10,0,0,0,0,1,1,Self-employed,0.3103868140498183,0.2622583692422573,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-1392.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2505710,380343,Consumer loans,11298.33,111861.0,119155.5,9000.0,111861.0,SATURDAY,11,Y,1,0.07648378869278476,,,XAP,Refused,-380,Cash through the bank,LIMIT,Children,Repeater,Computers,POS,XNA,Country-wide,72,Connectivity,18.0,high,POS mobile with interest,,,,,,,1,Cash loans,F,N,Y,1,54000.0,312768.0,24840.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-15581,-187,-7438.0,-1102,,1,1,0,1,0,0,,3.0,3,3,MONDAY,13,0,0,0,1,1,0,School,,0.6491777563263073,0.2707073872651806,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-452.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2161862,365407,Consumer loans,5682.015,49491.0,48460.5,4950.0,49491.0,MONDAY,18,Y,1,0.10093520936894428,,,XAP,Approved,-1064,Cash through the bank,XAP,Other_B,Repeater,Audio/Video,POS,XNA,Country-wide,2200,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1033.0,-763.0,-763.0,-757.0,0.0,0,Cash loans,F,Y,Y,0,180000.0,876438.0,31608.0,652500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.006296,-13156,-1904,-10460.0,-656,8.0,1,1,0,1,0,0,Core staff,1.0,3,3,MONDAY,12,0,0,0,0,0,0,Trade: type 7,0.5090203524005862,0.6869187990739276,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1752.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1175339,241586,Consumer loans,12318.12,164313.0,185787.0,0.0,164313.0,WEDNESDAY,14,Y,1,0.0,,,XAP,Refused,-1075,Cash through the bank,SCO,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,652,Consumer electronics,18.0,low_normal,POS household with interest,,,,,,,0,Cash loans,M,N,Y,1,180000.0,916470.0,26928.0,765000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.020246,-19255,365243,-522.0,-2736,,1,0,0,1,0,0,,3.0,3,3,SUNDAY,9,0,0,0,0,0,0,XNA,,0.04225108203187395,0.7252764347002191,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1331.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1386677,119783,Consumer loans,3457.89,20452.5,21802.5,0.0,20452.5,THURSDAY,20,Y,1,0.0,,,XAP,Approved,-2416,Cash through the bank,XAP,Unaccompanied,New,Office Appliances,POS,XNA,Country-wide,1923,Consumer electronics,8.0,high,POS household with interest,365243.0,-2385.0,-2175.0,-2205.0,-2196.0,1.0,0,Cash loans,F,N,N,0,279000.0,643500.0,25650.0,643500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.010147,-21736,365243,-7925.0,-4950,,1,0,0,1,1,0,,1.0,2,2,FRIDAY,12,0,0,0,0,0,0,XNA,,0.6940641681709795,0.520897599048938,0.0691,0.0791,0.9752,0.66,,0.0,0.1379,0.1667,0.2083,0.0087,0.0538,0.0497,0.0116,0.0713,0.0704,0.08199999999999999,0.9752,0.6733,,0.0,0.1379,0.1667,0.2083,0.0089,0.0588,0.0518,0.0117,0.0755,0.0697,0.0791,0.9752,0.6645,,0.0,0.1379,0.1667,0.2083,0.0089,0.0547,0.0506,0.0116,0.0728,reg oper spec account,block of flats,0.0546,"Stone, brick",No,0.0,0.0,0.0,0.0,-2209.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2742177,113246,Consumer loans,4314.6,35955.0,35955.0,0.0,35955.0,WEDNESDAY,16,Y,1,0.0,,,XAP,Approved,-526,Cash through the bank,XAP,,New,Photo / Cinema Equipment,POS,XNA,Country-wide,20,Connectivity,10.0,middle,POS mobile with interest,365243.0,-481.0,-211.0,-211.0,-207.0,0.0,0,Revolving loans,F,N,Y,0,67500.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Incomplete higher,Single / not married,With parents,0.019101,-8326,-803,-3198.0,-1008,,1,1,0,1,0,0,,1.0,2,2,THURSDAY,11,0,0,0,1,1,0,Business Entity Type 3,0.5094467133569767,0.582028118469397,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-526.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1714830,454121,Consumer loans,10025.055,92205.0,101943.0,0.0,92205.0,SUNDAY,7,Y,1,0.0,,,XAP,Approved,-304,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Country-wide,250,Consumer electronics,12.0,middle,POS household with interest,365243.0,-273.0,57.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,90000.0,288873.0,18936.0,238500.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.006305,-8842,-139,-8842.0,-1512,18.0,1,1,0,1,0,0,,2.0,3,3,WEDNESDAY,6,0,0,0,1,1,0,Business Entity Type 3,0.154499433571941,0.2259250550839937,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-6.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1266200,396465,Consumer loans,9974.295,81396.0,89455.5,0.0,81396.0,THURSDAY,8,Y,1,0.0,,,XAP,Approved,-2031,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,2,Clothing,12.0,high,POS industry with interest,365243.0,-1996.0,-1666.0,-1666.0,-1657.0,0.0,0,Cash loans,F,N,Y,0,292500.0,599778.0,30753.0,477000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.020713,-12653,-1454,-1956.0,-4902,,1,1,0,1,0,0,Core staff,2.0,3,3,FRIDAY,8,0,0,0,0,0,0,Security Ministries,0.5454118652198552,0.445776618216316,0.4956658291397297,0.0268,0.0003,0.9727,0.626,0.0059,0.0,0.0345,0.0417,0.0833,0.0095,0.0219,0.0086,0.0,0.0,0.0273,0.0003,0.9727,0.6406,0.006,0.0,0.0345,0.0417,0.0833,0.0,0.0239,0.0086,0.0,0.0,0.0271,0.0003,0.9727,0.631,0.006,0.0,0.0345,0.0417,0.0833,0.0096,0.0222,0.0087,0.0,0.0,not specified,block of flats,0.0102,Wooden,Yes,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1815997,146042,Consumer loans,2363.94,18854.595,20718.0,4.095,18854.595,MONDAY,12,Y,1,0.00021522086800235558,,,XAP,Approved,-2367,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,1405,Consumer electronics,12.0,high,POS household with interest,365243.0,-2336.0,-2006.0,-2006.0,-2004.0,1.0,0,Cash loans,M,Y,Y,0,337500.0,781920.0,28215.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-18253,-2117,-3777.0,-1797,1.0,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.7153358020141429,0.7380196196295241,0.1485,0.0859,0.9896,0.8572,0.0463,0.24,0.1034,0.4583,0.5,0.0783,0.121,0.1473,0.0,0.0,0.1513,0.0892,0.9896,0.8628,0.0467,0.2417,0.1034,0.4583,0.5,0.0801,0.1322,0.1535,0.0,0.0,0.1499,0.0859,0.9896,0.8591,0.0466,0.24,0.1034,0.4583,0.5,0.0796,0.1231,0.1499,0.0,0.0,reg oper spec account,block of flats,0.1412,Panel,No,2.0,0.0,2.0,0.0,-1081.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,1.0 +2075114,305483,Cash loans,23825.025,202500.0,215865.0,0.0,202500.0,TUESDAY,9,Y,1,0.0,,,XNA,Approved,-1649,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,high,Cash X-Sell: high,365243.0,-1619.0,-1289.0,-1289.0,-1287.0,1.0,0,Cash loans,F,N,N,0,315000.0,254700.0,14751.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.010556,-23811,365243,-396.0,-4093,,1,0,0,1,0,0,,1.0,3,3,SATURDAY,13,0,0,0,0,0,0,XNA,,0.07471008791869169,0.3233112448967859,0.4753,0.3545,0.9871,0.8232,0.8138,0.52,0.4483,0.3333,,0.1687,0.3866,0.4794,0.0039,0.0063,0.4842,0.3679,0.9871,0.8301,0.8212,0.5236,0.4483,0.3333,,0.1726,0.4224,0.4995,0.0039,0.0067,0.4799,0.3545,0.9871,0.8256,0.8189,0.52,0.4483,0.3333,,0.1717,0.3933,0.488,0.0039,0.0064,reg oper account,block of flats,0.4449,Panel,No,7.0,0.0,7.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,2.0,4.0 +2687744,314261,Cash loans,26369.46,292500.0,316246.5,,292500.0,FRIDAY,7,Y,1,,,,XNA,Approved,-1445,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-1415.0,-905.0,-905.0,-897.0,1.0,0,Cash loans,M,Y,Y,3,112500.0,229500.0,11848.5,229500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-13774,-3589,-3069.0,-2854,21.0,1,1,0,1,0,0,Security staff,5.0,2,2,MONDAY,14,0,0,0,0,1,1,Industry: type 3,0.21892358524804398,0.2145151255662362,0.18848953379516772,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1761.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,2.0 +1762453,106699,Consumer loans,6138.225,49860.0,55782.0,0.0,49860.0,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-50,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Regional / Local,15,Connectivity,12.0,middle,POS mobile with interest,365243.0,-20.0,310.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,0,67500.0,237024.0,12231.0,180000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.01885,-8072,-297,-3225.0,-722,5.0,1,1,1,1,1,1,Core staff,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Government,0.14756732745249,0.0013403956683165196,0.07058051883159755,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1144.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1801433,229781,Revolving loans,9000.0,0.0,180000.0,,,THURSDAY,7,Y,1,,,,XAP,Approved,-2578,XNA,XAP,,Repeater,XNA,Cards,x-sell,Stone,130,Consumer electronics,0.0,XNA,Card Street,-2545.0,-2494.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,1,292500.0,675000.0,21775.5,675000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.001417,-15650,-758,-1235.0,-4070,,1,1,1,1,1,1,Core staff,2.0,2,2,FRIDAY,16,0,1,1,0,1,1,School,0.3706041827566886,0.160202218752322,0.13680052191177486,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1628.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2153753,175697,Cash loans,20331.0,450000.0,450000.0,,450000.0,MONDAY,13,Y,1,,,,XNA,Approved,-1215,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,36.0,middle,Cash X-Sell: middle,365243.0,-1185.0,-135.0,-135.0,-131.0,0.0,0,Cash loans,F,Y,N,0,144000.0,900000.0,35824.5,900000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.00702,-13944,-4750,-6281.0,-4615,16.0,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.4893539801494648,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1748144,109049,Cash loans,42552.855,1354500.0,1515415.5,,1354500.0,FRIDAY,15,Y,1,,,,XNA,Approved,-556,XNA,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-526.0,1244.0,-166.0,-162.0,1.0,0,Cash loans,F,N,Y,0,135000.0,691020.0,19935.0,495000.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,House / apartment,0.019688999999999998,-21879,-1937,-6370.0,-4962,,1,1,0,1,0,0,,1.0,2,2,MONDAY,10,0,0,0,0,0,0,Government,,0.5827461112909752,0.5100895276257282,0.1361,,0.9831,0.7688,0.0573,0.0,0.069,0.1667,0.2083,0.0645,,0.0488,,0.0284,0.1387,,0.9831,0.7779,0.0579,0.0,0.069,0.1667,0.2083,0.066,,0.0509,,0.0301,0.1374,,0.9831,0.7719,0.0577,0.0,0.069,0.1667,0.2083,0.0656,,0.0497,,0.029,reg oper account,block of flats,0.0759,"Stone, brick",No,0.0,0.0,0.0,0.0,-1800.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2257653,260885,Consumer loans,3664.395,29200.5,26865.0,4383.0,29200.5,THURSDAY,14,Y,1,0.15276131126937573,,,XAP,Approved,-2163,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,68,Connectivity,10.0,high,POS mobile with interest,365243.0,-2125.0,-1855.0,-1855.0,-1852.0,0.0,0,Revolving loans,F,N,Y,0,90000.0,180000.0,9000.0,180000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.026392000000000002,-17642,-1521,-6621.0,-1158,,1,1,0,1,1,0,Laborers,1.0,2,2,THURSDAY,10,0,0,0,0,1,1,Cleaning,,0.6703296045786646,0.6279908192952864,0.1309,0.1504,0.9911,,,0.08,0.1724,0.375,,,,0.1531,,,0.1334,0.1561,0.9911,,,0.0806,0.1724,0.375,,,,0.1595,,,0.1322,0.1504,0.9911,,,0.08,0.1724,0.375,,,,0.1559,,,,block of flats,0.1405,"Stone, brick",No,0.0,0.0,0.0,0.0,-2074.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2380155,201452,Consumer loans,6254.865,66874.5,66874.5,0.0,66874.5,FRIDAY,17,Y,1,0.0,,,XAP,Approved,-151,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,81,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-121.0,209.0,-121.0,-114.0,0.0,0,Cash loans,F,N,N,0,202500.0,954864.0,28048.5,684000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-19396,-3184,-7284.0,-2887,,1,1,0,1,0,0,Core staff,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.6772984639823166,0.2764406945454034,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1816.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1644803,292757,Consumer loans,5294.61,45580.5,44158.5,5400.0,45580.5,MONDAY,10,Y,1,0.1186696713801045,,,XAP,Approved,-2289,Cash through the bank,XAP,,New,Mobile,POS,XNA,Stone,40,Connectivity,12.0,high,POS mobile with interest,365243.0,-2254.0,-1924.0,-1954.0,-1947.0,0.0,0,Cash loans,F,Y,Y,1,180000.0,550980.0,43659.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.035792000000000004,-13791,-2399,-7853.0,-1396,9.0,1,1,0,1,0,0,Accountants,2.0,2,2,MONDAY,9,0,0,0,0,1,1,Transport: type 4,,0.5763039348327678,0.6279908192952864,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2289.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1738771,441261,Revolving loans,0.0,0.0,0.0,,0.0,SUNDAY,17,Y,1,,,,XAP,Approved,-425,XNA,XAP,,New,XNA,Cards,walk-in,Country-wide,24,Connectivity,0.0,XNA,Card Street,-416.0,-385.0,365243.0,-385.0,365243.0,0.0,0,Cash loans,F,N,Y,1,67500.0,283419.0,20668.5,234000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00702,-12849,-448,-12734.0,-1309,,1,1,0,1,0,0,Sales staff,3.0,2,2,FRIDAY,11,0,0,0,0,0,0,Trade: type 7,,0.17802544850451227,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2725733,211343,Consumer loans,2407.95,14796.0,18729.0,0.0,14796.0,FRIDAY,14,Y,1,0.0,,,XAP,Approved,-2076,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,1378,Consumer electronics,12.0,high,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,270000.0,1800000.0,98770.5,1800000.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.007273999999999998,-21915,-5615,-2184.0,-5438,,1,1,0,1,1,0,Managers,1.0,2,2,TUESDAY,17,0,0,0,0,0,0,Self-employed,,0.7240042213431437,0.6023863442690867,0.068,0.051,0.9767,0.6804,0.0101,0.0,0.1379,0.1667,0.0,0.0231,0.0555,0.041,0.027000000000000003,0.0272,0.0693,0.0529,0.9767,0.6929,0.0102,0.0,0.1379,0.1667,0.0,0.0237,0.0606,0.0428,0.0272,0.0287,0.0687,0.051,0.9767,0.6847,0.0102,0.0,0.1379,0.1667,0.0,0.0236,0.0564,0.0418,0.0272,0.0277,reg oper account,block of flats,0.046,Panel,No,1.0,0.0,1.0,0.0,-1881.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +2174337,392818,Consumer loans,5287.905,32350.5,26869.5,6750.0,32350.5,SUNDAY,15,Y,1,0.21866368138620845,,,XAP,Approved,-2248,XNA,XAP,,New,Mobile,POS,XNA,Country-wide,31,Connectivity,6.0,high,POS mobile with interest,365243.0,-2209.0,-2059.0,-2089.0,-2087.0,0.0,0,Cash loans,F,Y,Y,1,126000.0,851778.0,25033.5,711000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018634,-10204,-527,-626.0,-1586,19.0,1,1,0,1,0,0,Core staff,3.0,2,2,MONDAY,17,0,0,0,0,0,0,Kindergarten,0.4241854670129016,0.6545719113434855,0.3723336657058204,0.2619,0.159,0.9985,0.9796,0.2315,0.28,0.2414,0.375,0.4167,0.0,0.2135,0.2955,0.0,0.0,0.2668,0.165,0.9985,0.9804,0.2336,0.282,0.2414,0.375,0.4167,0.0,0.2332,0.3079,0.0,0.0,0.2644,0.159,0.9985,0.9799,0.2329,0.28,0.2414,0.375,0.4167,0.0,0.2172,0.3008,0.0,0.0,not specified,block of flats,0.359,Panel,No,0.0,0.0,0.0,0.0,-140.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2616962,193384,Consumer loans,2656.8,65205.0,13500.0,51705.0,65205.0,SUNDAY,14,Y,1,0.8636062488236398,,,XAP,Refused,-2234,Cash through the bank,LIMIT,,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,6.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,0,315000.0,675000.0,49248.0,675000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.026392000000000002,-12708,-3313,-1893.0,-4588,,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Transport: type 4,,0.5272546507356578,0.3425288720742255,0.0814,0.0499,0.997,0.9592,0.0563,0.08,0.069,0.375,,0.0541,0.0656,0.0951,0.0039,0.0084,0.083,0.0518,0.997,0.9608,0.0568,0.0806,0.069,0.375,,0.0553,0.0716,0.0991,0.0039,0.0089,0.0822,0.0499,0.997,0.9597,0.0566,0.08,0.069,0.375,,0.0551,0.0667,0.0968,0.0039,0.0086,reg oper spec account,block of flats,0.1113,Panel,No,3.0,0.0,3.0,0.0,-924.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,0.0 +2637311,127761,Consumer loans,,57883.5,57883.5,0.0,57883.5,MONDAY,20,Y,1,0.0,,,XAP,Refused,-953,Cash through the bank,HC,,Repeater,Mobile,XNA,XNA,Country-wide,35,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,F,Y,N,0,112500.0,202500.0,14674.5,202500.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.02461,-9480,-2469,-4154.0,-2143,8.0,1,1,0,1,1,0,Private service staff,1.0,2,2,TUESDAY,15,0,0,0,0,0,0,Self-employed,0.33432394057582376,0.4182628426029612,0.6832688314232291,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,block of flats,0.0552,,No,1.0,0.0,1.0,0.0,-953.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1810923,114536,Consumer loans,2663.82,12555.0,13216.5,0.0,12555.0,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-530,Cash through the bank,XAP,,Repeater,Auto Accessories,POS,XNA,Stone,138,Consumer electronics,6.0,middle,POS household with interest,365243.0,-498.0,-348.0,-348.0,-340.0,0.0,0,Cash loans,M,N,Y,2,247500.0,787131.0,26145.0,679500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.030755,-12906,-731,-6601.0,-3203,,1,1,0,1,0,0,Drivers,4.0,2,2,THURSDAY,15,0,0,0,1,1,0,Self-employed,0.3991599836295081,0.28092838920213464,0.18629294965553744,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-325.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +2496569,144251,Cash loans,41720.94,810000.0,921195.0,,810000.0,MONDAY,5,Y,1,,,,XNA,Approved,-689,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-659.0,751.0,-479.0,-473.0,1.0,0,Cash loans,F,N,N,0,135000.0,346500.0,13189.5,346500.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.014464,-16409,-1276,-6768.0,-4126,,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,4,0,0,0,0,0,0,Business Entity Type 3,,0.4161041788562101,0.8117227926101218,0.0588,0.0209,0.9791,0.7144,0.0249,0.04,0.0345,0.3333,0.375,0.0428,0.0479,0.0408,0.0,0.0,0.0599,0.0217,0.9791,0.7256,0.0251,0.0403,0.0345,0.3333,0.375,0.0437,0.0523,0.0425,0.0,0.0,0.0593,0.0209,0.9791,0.7182,0.0251,0.04,0.0345,0.3333,0.375,0.0435,0.0487,0.0415,0.0,0.0,reg oper account,block of flats,0.0457,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1430900,102041,Consumer loans,11713.815,125550.0,125550.0,0.0,125550.0,TUESDAY,17,Y,1,0.0,,,XAP,Approved,-1266,Cash through the bank,XAP,,New,Furniture,POS,XNA,Country-wide,150,Industry,12.0,low_normal,POS other with interest,365243.0,-1227.0,-897.0,-897.0,-890.0,0.0,0,Revolving loans,F,N,Y,0,315000.0,675000.0,33750.0,675000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.011656999999999999,-20095,-1502,-2330.0,-3314,,1,1,0,1,0,0,High skill tech staff,2.0,1,1,MONDAY,18,1,1,0,0,0,0,Industry: type 7,0.7828075205617012,0.6969908647133654,0.2851799046358216,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1266.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2239282,357335,Consumer loans,5443.335,58999.5,53095.5,5904.0,58999.5,MONDAY,14,Y,1,0.10898385117285277,,,XAP,Approved,-375,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Country-wide,197,Consumer electronics,12.0,middle,POS household with interest,365243.0,-342.0,-12.0,-192.0,-187.0,0.0,0,Cash loans,F,N,Y,1,202500.0,544491.0,16047.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.019101,-18048,-6588,-6610.0,-1597,,1,1,0,1,0,0,Medicine staff,3.0,2,2,FRIDAY,17,0,0,0,0,0,0,Medicine,0.579076882170119,0.6351494748172477,0.6690566947824041,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1784.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,0.0 +2579706,332146,Consumer loans,8067.51,73341.0,73341.0,0.0,73341.0,THURSDAY,11,Y,1,0.0,,,XAP,Approved,-448,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,150,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-417.0,-147.0,-417.0,-410.0,0.0,0,Cash loans,M,N,Y,0,157500.0,225000.0,21037.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.006629,-8562,-658,-5228.0,-908,,1,1,1,1,0,0,Sales staff,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,Trade: type 2,0.1383786906170342,0.2318064128862408,,0.0124,0.0,0.9816,0.7484,0.0186,0.0,0.069,0.0417,0.0833,0.0269,0.0101,0.0099,0.0,0.0031,0.0126,0.0,0.9816,0.7583,0.0188,0.0,0.069,0.0417,0.0833,0.0268,0.011,0.0101,0.0,0.0032,0.0125,0.0,0.9816,0.7518,0.0187,0.0,0.069,0.0417,0.0833,0.0274,0.0103,0.0101,0.0,0.0032,not specified,block of flats,0.0083,Wooden,Yes,7.0,0.0,7.0,0.0,-890.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2834250,337572,Consumer loans,15643.845,76167.0,79938.0,0.0,76167.0,SUNDAY,9,Y,1,0.0,,,XAP,Approved,-2092,Cash through the bank,XAP,Family,Repeater,Auto Accessories,POS,XNA,Stone,143,Industry,6.0,high,POS other with interest,365243.0,-2060.0,-1910.0,-1910.0,-1889.0,0.0,0,Cash loans,F,N,N,0,171000.0,1649376.0,54639.0,1350000.0,Family,Working,Higher education,Married,Municipal apartment,0.020713,-12609,-4624,-71.0,-2873,,1,1,0,1,1,0,Accountants,2.0,3,3,SATURDAY,11,0,0,0,0,0,0,Government,0.08130568709761916,0.6087551557053642,0.3185955240537633,0.0289,,0.9836,0.7756,,0.0,0.069,0.0417,0.0833,0.0106,0.0235,0.02,0.0,0.0105,0.0294,,0.9836,0.7844,,0.0,0.069,0.0417,0.0833,0.0108,0.0257,0.0208,0.0,0.0112,0.0291,,0.9836,0.7786,,0.0,0.069,0.0417,0.0833,0.0108,0.0239,0.0203,0.0,0.0108,reg oper account,block of flats,0.018000000000000002,Wooden,No,0.0,0.0,0.0,0.0,-1777.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2029129,293038,Cash loans,21913.02,270000.0,381361.5,,270000.0,SATURDAY,4,Y,1,,,,XNA,Approved,-574,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash X-Sell: high,365243.0,-544.0,506.0,-394.0,-384.0,1.0,0,Cash loans,F,N,Y,0,139500.0,545040.0,26640.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.006629,-20044,-705,-2514.0,-507,,1,1,0,1,0,0,,1.0,2,2,SATURDAY,5,0,0,0,0,0,0,School,,0.6173194237554739,0.11911906455945008,0.0165,0.0,0.9762,,,0.0,0.069,0.0417,,0.0004,,0.0104,,0.0006,0.0168,0.0,0.9762,,,0.0,0.069,0.0417,,0.0,,0.0108,,0.0,0.0167,0.0,0.9762,,,0.0,0.069,0.0417,,0.0004,,0.0106,,0.0006,,block of flats,0.0082,Wooden,No,0.0,0.0,0.0,0.0,-1677.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1399778,239805,Cash loans,21410.955,607500.0,727785.0,,607500.0,SATURDAY,10,Y,1,,,,XNA,Refused,-300,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,225000.0,495972.0,25452.0,414000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.02461,-23430,365243,-3874.0,-4782,9.0,1,0,0,1,0,0,,2.0,2,2,FRIDAY,17,0,0,0,0,0,0,XNA,,0.2681602326822525,0.5585066276769286,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1306.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1609082,161521,Consumer loans,6415.065,39456.0,31963.5,9000.0,39456.0,SATURDAY,12,Y,1,0.2392817552654969,,,XAP,Approved,-2491,Cash through the bank,XAP,Children,New,Mobile,POS,XNA,Country-wide,3268,Consumer electronics,6.0,high,POS household with interest,365243.0,-2460.0,-2310.0,-2310.0,-2301.0,1.0,0,Cash loans,F,N,Y,0,162000.0,274500.0,16717.5,274500.0,Children,Pensioner,Secondary / secondary special,Married,House / apartment,0.018209,-18927,365243,-8380.0,-2457,,1,0,0,1,0,0,,2.0,3,3,FRIDAY,13,0,0,0,0,0,0,XNA,0.5351151221981042,0.5022487624607805,0.5442347412142162,0.2598,0.1909,0.9831,,,0.28,0.2414,0.3333,,0.1279,,0.2779,,0.0,0.2647,0.1981,0.9831,,,0.282,0.2414,0.3333,,0.1309,,0.2895,,0.0,0.2623,0.1909,0.9831,,,0.28,0.2414,0.3333,,0.1302,,0.2829,,0.0,,block of flats,0.2501,Panel,No,0.0,0.0,0.0,0.0,-2491.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1363805,309423,Consumer loans,10479.42,151753.5,174253.5,0.0,151753.5,FRIDAY,16,Y,1,0.0,,,XAP,Approved,-121,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,1500,Consumer electronics,24.0,middle,POS household with interest,365243.0,-90.0,600.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,135000.0,467257.5,21910.5,328500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.022625,-11984,-1166,-10216.0,-1822,,1,1,0,1,0,0,Low-skill Laborers,2.0,2,2,SUNDAY,12,0,0,0,0,1,1,Business Entity Type 3,0.19153057052076344,0.16495352969434132,0.22383131747015547,0.0546,,0.9841,,,,0.1379,0.1667,,,,0.0492,,0.0128,0.0557,,0.9841,,,,0.1379,0.1667,,,,0.0513,,0.0135,0.0552,,0.9841,,,,0.1379,0.1667,,,,0.0501,,0.013,,block of flats,0.0415,,No,2.0,0.0,2.0,0.0,-264.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +1405249,250440,Consumer loans,6568.74,34105.5,32215.5,3411.0,34105.5,MONDAY,16,Y,1,0.10427319806630148,,,XAP,Approved,-1925,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,6.0,high,POS mobile with interest,365243.0,-1884.0,-1734.0,-1734.0,-1730.0,0.0,0,Cash loans,F,Y,Y,1,135000.0,1635120.0,56965.5,1350000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-10735,-3062,-5168.0,-3105,10.0,1,1,0,1,0,1,Managers,3.0,2,2,MONDAY,12,0,0,0,0,0,0,Self-employed,0.40590108935868346,0.5503394061538225,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,0.0,9.0,0.0,-1925.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2260773,236626,Cash loans,42766.515,675000.0,848205.0,,675000.0,SATURDAY,9,Y,1,,,,XNA,Approved,-956,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,365243.0,-926.0,-56.0,-146.0,-143.0,1.0,0,Cash loans,F,Y,Y,1,157500.0,693301.5,38844.0,598500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.006629,-16133,-9319,-3752.0,-3765,1.0,1,1,0,1,0,0,High skill tech staff,3.0,2,2,WEDNESDAY,5,0,0,0,0,0,0,Business Entity Type 3,0.6321782142157307,0.7123519276274088,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1754.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1036841,277315,Consumer loans,12993.03,155250.0,139725.0,15525.0,155250.0,MONDAY,14,Y,1,0.1089090909090909,,,XAP,Refused,-257,Cash through the bank,LIMIT,Unaccompanied,Repeater,Auto Accessories,POS,XNA,Stone,1113,Industry,18.0,high,POS industry with interest,,,,,,,0,Cash loans,M,N,Y,2,135000.0,473760.0,51151.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008865999999999999,-18806,-1899,-6294.0,-2335,,1,1,1,1,1,0,Low-skill Laborers,4.0,2,2,SATURDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.23021370979795885,0.4794489811780563,0.032,0.024,0.9747,0.6532,0.0028,0.0,0.069,0.125,0.0417,0.0258,0.0252,0.0239,0.0039,0.0054,0.0326,0.0249,0.9747,0.6668,0.0028,0.0,0.069,0.125,0.0417,0.0264,0.0275,0.0249,0.0039,0.0057,0.0323,0.024,0.9747,0.6578,0.0028,0.0,0.069,0.125,0.0417,0.0263,0.0257,0.0244,0.0039,0.0055,reg oper account,block of flats,0.0215,"Stone, brick",No,1.0,0.0,1.0,0.0,-349.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1853142,451227,Consumer loans,13118.355,66541.5,72198.0,0.0,66541.5,FRIDAY,12,Y,1,0.0,,,XAP,Approved,-1386,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,150,Furniture,6.0,middle,POS industry with interest,365243.0,-1355.0,-1205.0,-1205.0,-1201.0,0.0,0,Cash loans,F,Y,N,2,225000.0,971280.0,51745.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-11609,-4799,-5809.0,-3952,12.0,1,1,1,1,1,0,Accountants,4.0,2,2,SATURDAY,13,0,0,0,0,0,0,Self-employed,0.5270782425615665,0.5495167240068153,0.15193454904964762,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1684.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1942218,196744,Consumer loans,3817.71,44505.0,39834.0,8901.0,44505.0,MONDAY,10,Y,1,0.19891244858557885,,,XAP,Approved,-351,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Stone,500,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-320.0,10.0,-170.0,-163.0,0.0,0,Cash loans,F,N,N,2,171000.0,454500.0,14661.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018209,-10812,-1049,-355.0,-3366,,1,1,1,1,1,0,Managers,4.0,3,3,SATURDAY,7,0,0,0,0,0,0,Government,,0.18165718465925002,0.1986200451074864,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-351.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1102086,427601,Consumer loans,16066.98,170275.5,137677.5,45000.0,170275.5,SATURDAY,10,Y,1,0.2682820320460424,,,XAP,Approved,-2921,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,32,Connectivity,12.0,low_normal,POS mobile with interest,365243.0,-2890.0,-2560.0,-2560.0,-2556.0,1.0,0,Cash loans,M,N,Y,0,675000.0,983160.0,62833.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.022625,-20231,-9570,-8914.0,-3792,,1,1,1,1,1,0,Managers,1.0,2,2,MONDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.5734260425454643,0.7234314331181404,0.2608559142068693,0.0804,0.0698,0.9767,0.6804,0.0071,0.0,0.1379,0.1667,0.2083,0.0301,0.0647,0.0684,0.0039,0.0032,0.0819,0.0725,0.9767,0.6929,0.0072,0.0,0.1379,0.1667,0.2083,0.0308,0.0707,0.0712,0.0039,0.0033,0.0812,0.0698,0.9767,0.6847,0.0072,0.0,0.1379,0.1667,0.2083,0.0307,0.0658,0.0696,0.0039,0.0032,reg oper account,block of flats,0.0566,Panel,No,12.0,2.0,12.0,1.0,-193.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2016880,256381,Revolving loans,2250.0,45000.0,45000.0,,45000.0,THURSDAY,17,Y,1,,,,XAP,Approved,-156,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),-1,XNA,0.0,XNA,Card Street,,,,,,,0,Revolving loans,M,Y,N,0,157500.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Higher education,Married,With parents,0.010966,-8823,-432,-6774.0,-1482,12.0,1,1,0,1,0,1,Core staff,2.0,2,2,SATURDAY,14,0,0,0,0,0,0,Mobile,0.43637801719023545,0.3170862555565145,0.4206109640437848,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1280.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1165849,207859,Cash loans,14825.79,126000.0,134316.0,,126000.0,TUESDAY,8,Y,1,,,,XNA,Approved,-599,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,N,1,90000.0,216144.0,10075.5,171000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-10996,-4398,-302.0,-2335,,1,1,0,1,0,0,Managers,3.0,3,3,SATURDAY,9,0,0,0,0,0,0,Postal,0.3225371405409664,0.005572909255250751,0.3001077565791181,0.1557,0.0934,0.999,0.9864,0.0338,0.12,0.1034,0.375,0.4167,0.0,0.1261,0.1475,0.0039,0.0257,0.1586,0.0969,0.999,0.9869,0.0341,0.1208,0.1034,0.375,0.4167,0.0,0.1377,0.1537,0.0039,0.0272,0.1572,0.0934,0.999,0.9866,0.034,0.12,0.1034,0.375,0.4167,0.0,0.1283,0.1502,0.0039,0.0262,reg oper account,block of flats,0.1401,Panel,No,5.0,0.0,5.0,0.0,-2827.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,8.0 +1792052,138256,Revolving loans,6750.0,270000.0,135000.0,,270000.0,FRIDAY,15,Y,1,,,,XAP,Refused,-259,XNA,XNA,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,N,N,0,112500.0,445500.0,47268.0,445500.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.006207,-11317,-1112,-11317.0,-3159,,1,1,1,1,1,0,Laborers,1.0,2,2,FRIDAY,16,0,0,0,0,0,0,Trade: type 7,0.3535520017748137,0.6612552713059797,0.4794489811780563,0.0825,0.0359,0.9796,0.7212,0.0,0.0,0.1724,0.1667,0.2083,0.071,0.0672,0.0773,0.0,0.0273,0.0735,0.0221,0.9791,0.7256,0.0,0.0,0.1379,0.1667,0.2083,0.0628,0.0643,0.0668,0.0,0.0213,0.0833,0.0359,0.9796,0.7249,0.0,0.0,0.1724,0.1667,0.2083,0.0722,0.0684,0.0787,0.0,0.0279,reg oper account,block of flats,0.0548,"Stone, brick",No,1.0,0.0,1.0,0.0,-197.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2064320,404001,Consumer loans,2830.95,24705.0,22207.5,4500.0,24705.0,THURSDAY,18,Y,1,0.18350310178448345,,,XAP,Approved,-1946,Cash through the bank,XAP,Family,Repeater,Photo / Cinema Equipment,POS,XNA,Stone,109,Consumer electronics,12.0,high,POS household with interest,365243.0,-1915.0,-1585.0,-1825.0,-1816.0,0.0,1,Cash loans,F,Y,Y,0,157500.0,423000.0,20704.5,423000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009549,-13040,-1097,-1907.0,-2953,2.0,1,1,1,1,1,0,Waiters/barmen staff,2.0,2,2,THURSDAY,13,0,0,0,0,1,1,Self-employed,0.7619943241134565,0.5725833407834949,0.11612491427195998,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1548.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1088636,263267,Consumer loans,2867.85,22495.5,24723.0,2250.0,22495.5,TUESDAY,18,Y,1,0.0908484241817575,,,XAP,Approved,-1339,Cash through the bank,XAP,"Spouse, partner",Repeater,Mobile,POS,XNA,Country-wide,2602,Consumer electronics,12.0,high,POS household with interest,365243.0,-1308.0,-978.0,-1038.0,-1033.0,0.0,1,Cash loans,M,Y,N,0,202500.0,384048.0,18031.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.025164,-9354,-811,-3753.0,-2032,4.0,1,1,0,1,0,0,Laborers,1.0,2,2,THURSDAY,13,0,0,0,0,1,1,Construction,0.1997223288103064,0.4274738647676397,0.6363761710860439,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1969157,136054,Consumer loans,11408.625,58045.5,61110.0,0.0,58045.5,THURSDAY,6,Y,1,0.0,,,XAP,Approved,-485,XNA,XAP,,New,Computers,POS,XNA,Regional / Local,5,Consumer electronics,6.0,middle,POS household with interest,365243.0,-454.0,-304.0,-304.0,-300.0,0.0,0,Cash loans,F,N,N,0,202500.0,501363.0,25726.5,418500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.006305,-15131,-5512,-193.0,-5349,,1,1,0,1,0,0,Laborers,1.0,3,3,SATURDAY,8,0,0,0,0,0,0,Other,0.4491902939390551,0.6313354208604973,0.7151031019926098,0.0701,0.0815,0.9771,0.6872,0.006999999999999999,0.0,0.1379,0.1667,0.2083,,0.0538,0.0499,0.0154,0.0463,0.0714,0.0846,0.9772,0.6994,0.0071,0.0,0.1379,0.1667,0.2083,,0.0588,0.052000000000000005,0.0156,0.049,0.0708,0.0815,0.9771,0.6914,0.006999999999999999,0.0,0.1379,0.1667,0.2083,,0.0547,0.0508,0.0155,0.0473,reg oper account,block of flats,0.0531,"Stone, brick",No,1.0,0.0,1.0,0.0,-485.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2557495,416281,Consumer loans,2710.53,17860.5,19872.0,1786.5,17860.5,WEDNESDAY,15,Y,1,0.08983359462062969,,,XAP,Approved,-1802,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,30,Connectivity,10.0,high,POS mobile with interest,365243.0,-1771.0,-1501.0,-1501.0,-1497.0,0.0,1,Cash loans,F,N,N,1,67500.0,284400.0,18643.5,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.018634,-8959,-660,-3015.0,-1032,,1,1,0,1,0,0,,2.0,2,2,SATURDAY,16,0,0,0,0,1,1,Other,,0.04422649632864144,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2693389,367464,Revolving loans,22500.0,0.0,450000.0,,,SUNDAY,12,Y,1,,,,XAP,Approved,-802,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-802.0,-765.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,180000.0,521280.0,28408.5,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.035792000000000004,-11067,-2208,-4108.0,-3078,,1,1,1,1,0,1,Managers,2.0,2,2,THURSDAY,10,0,0,0,1,1,0,Business Entity Type 3,0.6424895158432523,0.6259343457389925,0.5656079814115492,0.0555,0.0,0.9737,0.6396,0.0049,0.0,0.0976,0.1596,0.2013,0.0361,0.0448,0.0356,0.0019,0.0039,0.0599,0.0,0.9732,0.6472,0.0028,0.0,0.1034,0.1667,0.2083,0.0186,0.0551,0.028,0.0,0.0,0.0604,0.0,0.9737,0.6444,0.0053,0.0,0.1034,0.1667,0.2083,0.0334,0.0496,0.038,0.0,0.0019,reg oper account,block of flats,0.0232,"Stone, brick",No,2.0,1.0,2.0,1.0,-1234.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1755900,100178,Revolving loans,15750.0,315000.0,315000.0,,315000.0,WEDNESDAY,14,Y,1,,,,XAP,Refused,-362,XNA,HC,,Refreshed,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,119250.0,679500.0,28917.0,679500.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.008865999999999999,-19286,-1485,-7887.0,-2835,,1,1,1,1,1,0,,1.0,2,2,MONDAY,13,0,0,0,0,0,0,Self-employed,0.7233712633792718,0.7651254360605889,0.4170996682522097,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2085.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2533149,275956,Consumer loans,1747.305,17478.0,15727.5,1750.5,17478.0,SUNDAY,9,Y,1,0.10907733358299784,,,XAP,Refused,-2664,XNA,SCO,"Spouse, partner",Repeater,XNA,POS,XNA,Country-wide,147,Consumer electronics,10.0,low_normal,POS household without interest,,,,,,,0,Cash loans,F,N,N,0,180000.0,2441781.0,64543.5,2182500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.031329,-9920,-1457,-4731.0,-1546,,1,1,0,1,1,0,Accountants,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.685758421536825,0.4517756974591578,0.6769925032909132,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-3.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2226908,100314,Cash loans,14373.54,193500.0,219042.0,0.0,193500.0,TUESDAY,13,Y,1,0.0,,,XNA,Approved,-2395,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,middle,Cash Street: middle,365243.0,-2365.0,-1675.0,-1735.0,-1732.0,1.0,0,Cash loans,M,N,N,2,292500.0,239850.0,25960.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-10788,-2573,-5248.0,-3478,,1,1,1,1,1,0,Laborers,4.0,2,2,TUESDAY,12,0,1,1,0,1,1,Self-employed,0.21771978280608387,0.7807633668999076,0.7700870700124128,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1073.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1135977,373950,Consumer loans,4808.385,25366.5,23958.0,2538.0,25366.5,SATURDAY,11,Y,1,0.10432188735177864,,,XAP,Approved,-2841,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,43,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2810.0,-2660.0,-2660.0,-2602.0,1.0,0,Cash loans,F,Y,Y,1,202500.0,1078200.0,31653.0,900000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.031329,-14642,-3982,-8585.0,-4532,2.0,1,1,0,1,0,0,Laborers,3.0,2,2,FRIDAY,17,0,0,0,0,1,1,Transport: type 4,,0.6778001063858046,0.6006575372857061,0.1835,0.0845,0.9876,0.83,0.0272,0.2,0.1724,0.3333,0.375,0.3079,0.1488,0.1736,0.0039,0.0025,0.187,0.0876,0.9876,0.8367,0.0274,0.2014,0.1724,0.3333,0.375,0.3149,0.1625,0.1809,0.0039,0.0026,0.1853,0.0845,0.9876,0.8323,0.0274,0.2,0.1724,0.3333,0.375,0.3133,0.1513,0.1767,0.0039,0.0025,reg oper account,block of flats,0.1519,Panel,No,1.0,0.0,1.0,0.0,-1736.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2549813,167087,Cash loans,24702.885,315000.0,340573.5,,315000.0,MONDAY,14,Y,1,,,,XNA,Refused,-1202,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,18.0,middle,Cash X-Sell: middle,,,,,,,0,Revolving loans,F,N,N,0,225000.0,675000.0,33750.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-17181,-8494,-10418.0,-710,,1,1,0,1,0,0,,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.5173086229539979,0.7490217048463391,0.0505,0.0271,0.9737,0.6396,0.0157,0.0,0.1034,0.1667,0.2083,0.0588,0.0403,0.0398,0.0039,0.0476,0.0515,0.0281,0.9737,0.6537,0.0158,0.0,0.1034,0.1667,0.2083,0.0602,0.0441,0.0415,0.0039,0.0504,0.051,0.0271,0.9737,0.6444,0.0158,0.0,0.1034,0.1667,0.2083,0.0599,0.041,0.0406,0.0039,0.0486,not specified,block of flats,0.0503,Block,No,0.0,0.0,0.0,0.0,-1497.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1305472,340355,Consumer loans,15393.96,97600.5,79065.0,22500.0,97600.5,TUESDAY,15,Y,1,0.2412695855318806,,,XAP,Approved,-994,Cash through the bank,XAP,,Refreshed,Computers,POS,XNA,Country-wide,30,Connectivity,6.0,high,POS mobile with interest,365243.0,-953.0,-803.0,-803.0,-800.0,0.0,0,Cash loans,F,N,N,0,81000.0,454500.0,24345.0,454500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-15934,-3078,-2276.0,-4075,,1,1,1,1,0,0,Medicine staff,2.0,2,2,SUNDAY,19,0,1,1,0,1,1,Security Ministries,0.6891618449993138,0.6091457049128101,,0.0082,0.0,0.9752,,,0.0,0.0345,0.0417,,,,0.0062,,0.0,0.0084,0.0,0.9752,,,0.0,0.0345,0.0417,,,,0.0065,,0.0,0.0083,0.0,0.9752,,,0.0,0.0345,0.0417,,,,0.0064,,0.0,,block of flats,0.0054,"Stone, brick",No,0.0,0.0,0.0,0.0,-994.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2828432,402689,Cash loans,18166.095,315000.0,425668.5,0.0,315000.0,THURSDAY,15,Y,1,0.0,,,Repairs,Refused,-1580,Cash through the bank,LIMIT,Unaccompanied,Refreshed,XNA,Cash,walk-in,Credit and cash offices,0,XNA,36.0,middle,Cash Street: middle,,,,,,,0,Cash loans,M,Y,Y,0,112500.0,808650.0,29839.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.022625,-17163,-9351,-3756.0,-11,11.0,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,17,0,0,0,0,0,0,Transport: type 4,,0.6659804882682592,0.6195277080511546,0.2041,0.1172,0.9935,0.9116,0.0467,0.16,0.1379,0.3333,0.375,0.1116,0.1664,0.2085,0.0,0.0,0.208,0.1217,0.9935,0.9151,0.0471,0.1611,0.1379,0.3333,0.375,0.1141,0.1818,0.2172,0.0,0.0,0.2061,0.1172,0.9935,0.9128,0.047,0.16,0.1379,0.3333,0.375,0.1135,0.1693,0.2122,0.0,0.0,reg oper account,block of flats,0.1895,"Stone, brick",No,1.0,0.0,1.0,0.0,-1575.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1182230,272556,Cash loans,37822.005,1129500.0,1293502.5,,1129500.0,SATURDAY,10,Y,1,,,,XNA,Approved,-466,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-436.0,1334.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,0,144000.0,142200.0,8293.5,112500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-19867,-1623,-10390.0,-3422,,1,1,0,1,1,0,Laborers,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Business Entity Type 2,,0.25569105920673657,0.8050196619153701,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2527118,433238,Consumer loans,38554.335,211725.0,211725.0,0.0,211725.0,FRIDAY,17,Y,1,0.0,,,XAP,Approved,-127,Cash through the bank,XAP,Unaccompanied,Repeater,Clothing and Accessories,POS,XNA,Country-wide,80,Clothing,6.0,low_normal,POS industry with interest,365243.0,-96.0,54.0,-36.0,-34.0,0.0,0,Cash loans,F,N,N,0,225000.0,1575000.0,41548.5,1575000.0,Unaccompanied,Pensioner,Higher education,Separated,Municipal apartment,0.04622,-19991,365243,-7956.0,-3402,,1,0,0,1,0,0,,1.0,1,1,FRIDAY,15,0,0,0,0,0,0,XNA,,0.7543656567610191,0.6690566947824041,0.0722,0.055,0.9801,,,0.0,0.1379,0.1667,,0.08,,0.0627,,0.0273,0.0735,0.0571,0.9801,,,0.0,0.1379,0.1667,,0.0819,,0.0653,,0.0289,0.0729,0.055,0.9801,,,0.0,0.1379,0.1667,,0.0814,,0.0638,,0.0279,reg oper account,block of flats,0.0493,"Stone, brick",No,0.0,0.0,0.0,0.0,-3296.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2230129,407501,Consumer loans,8565.075,147123.0,147123.0,0.0,147123.0,MONDAY,12,Y,1,0.0,,,XAP,Approved,-81,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,5000,Consumer electronics,30.0,middle,POS household with interest,365243.0,-48.0,822.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,135000.0,193500.0,22963.5,193500.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.026392000000000002,-13094,-4436,-58.0,-3655,,1,1,0,1,0,0,Laborers,1.0,2,2,FRIDAY,16,0,0,0,0,0,0,School,,0.6244739793348209,0.5919766183185521,,,,,,0.32,0.1379,0.7917,,,,,,,,,,,,0.3222,0.1379,0.7917,,,,,,,,,,,,0.32,0.1379,0.7917,,,,,,,,,0.4464,,No,3.0,0.0,3.0,0.0,-1568.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,0.0 +2694438,176158,Cash loans,14539.5,270000.0,270000.0,0.0,270000.0,MONDAY,7,Y,1,0.0,,,XNA,Refused,-2192,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Country-wide,10,Consumer electronics,36.0,middle,Cash Street: middle,,,,,,,0,Cash loans,M,Y,Y,0,315000.0,1687266.0,64395.0,1575000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-22163,365243,-2727.0,-2860,16.0,1,0,0,1,0,0,,2.0,2,2,TUESDAY,7,0,0,0,0,0,0,XNA,,0.663817201402734,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-734.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1947414,396347,Consumer loans,9989.325,123717.825,98973.0,24744.825,123717.825,SATURDAY,7,Y,1,0.21782927362767207,0.1891363481808909,0.8350951374207188,XAP,Approved,-373,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,35,Connectivity,12.0,middle,POS mobile with interest,365243.0,-339.0,-9.0,-9.0,365243.0,0.0,0,Cash loans,F,N,N,0,225000.0,537763.5,42484.5,459000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,With parents,0.014464,-10034,-149,-4660.0,-2602,,1,1,0,1,0,0,Accountants,1.0,2,2,MONDAY,8,0,0,0,1,1,0,Business Entity Type 3,0.27767985990666577,0.5064688600565057,0.7981372313187245,0.1546,0.1129,0.9871,,,0.0,0.3448,0.1667,,0.0385,,0.1582,,0.1684,0.1576,0.1171,0.9871,,,0.0,0.3448,0.1667,,0.0394,,0.1648,,0.1783,0.1561,0.1129,0.9871,,,0.0,0.3448,0.1667,,0.0392,,0.1611,,0.172,,block of flats,0.1249,Panel,No,0.0,0.0,0.0,0.0,-373.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1237780,127915,Cash loans,21339.27,319500.0,371376.0,,319500.0,WEDNESDAY,15,Y,1,,,,XNA,Approved,-938,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Country-wide,-1,XNA,36.0,high,Cash X-Sell: high,365243.0,-908.0,142.0,-788.0,-778.0,1.0,0,Cash loans,F,N,N,2,76500.0,562491.0,27058.5,454500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.00702,-15379,-3512,-301.0,-4940,,1,1,1,1,1,0,,4.0,2,2,WEDNESDAY,13,0,0,0,0,1,1,Military,,0.037904100803147774,0.3046721837533529,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1268.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1409922,342259,Consumer loans,5300.19,37265.85,31909.5,7453.35,37265.85,MONDAY,12,Y,1,0.2062192073813945,,,XAP,Approved,-373,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,45,Connectivity,8.0,high,POS mobile with interest,365243.0,-338.0,-128.0,-158.0,-150.0,0.0,0,Revolving loans,M,Y,Y,0,225000.0,180000.0,9000.0,180000.0,Family,State servant,Incomplete higher,Single / not married,House / apartment,0.026392000000000002,-13374,-4006,-812.0,-4005,64.0,1,1,0,1,0,0,Core staff,1.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,School,0.28252265546159844,0.4426021458020458,0.470456116119975,0.0072,0.0338,0.9632,,,0.0,0.069,0.0417,,0.0461,,0.0097,,,0.0074,0.0351,0.9633,,,0.0,0.069,0.0417,,0.0471,,0.0101,,,0.0073,0.0338,0.9632,,,0.0,0.069,0.0417,,0.0469,,0.0099,,,,block of flats,0.0096,Block,No,0.0,0.0,0.0,0.0,-373.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1034029,144348,Consumer loans,16456.95,435600.0,435600.0,0.0,435600.0,MONDAY,8,Y,1,0.0,,,XAP,Approved,-164,Cash through the bank,XAP,Unaccompanied,New,Medical Supplies,POS,XNA,Country-wide,15,MLM partners,36.0,low_normal,POS other with interest,365243.0,-127.0,923.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,67500.0,405000.0,19008.0,405000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.025164,-22789,365243,-9696.0,-4542,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,7,0,0,0,0,0,0,XNA,,0.26525634018619443,0.5849900404894085,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-164.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1440857,117830,Revolving loans,27000.0,0.0,540000.0,,,FRIDAY,10,Y,1,,,,XAP,Approved,-440,XNA,XAP,,Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,1,61650.0,188478.0,18769.5,166500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.02461,-20010,-439,-9324.0,-2975,,1,1,0,1,1,0,Laborers,3.0,2,2,THURSDAY,16,0,0,0,0,0,0,Other,,0.5908211616185052,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-440.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2706624,196264,Consumer loans,4874.355,38956.5,42385.5,0.0,38956.5,WEDNESDAY,11,Y,1,0.0,,,XAP,Approved,-847,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Stone,287,Consumer electronics,10.0,middle,POS household with interest,365243.0,-816.0,-546.0,-546.0,-535.0,0.0,0,Cash loans,F,N,Y,0,99000.0,1099350.0,32274.0,787500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018801,-18982,-2358,-11221.0,-2529,,1,1,0,1,0,0,Cleaning staff,2.0,2,2,WEDNESDAY,11,0,0,0,0,1,1,Business Entity Type 3,,0.3233599710540788,0.08616166238092926,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-847.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2608082,241224,Cash loans,16293.15,225000.0,254700.0,,225000.0,WEDNESDAY,10,Y,1,,,,XNA,Refused,-512,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Country-wide,74,Connectivity,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,Y,N,1,157500.0,1436850.0,42142.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.003069,-15869,-849,-8290.0,-4147,7.0,1,1,1,1,1,0,Drivers,3.0,3,3,THURSDAY,12,0,0,0,0,0,0,Self-employed,0.3442710122157848,0.7809729093430295,0.4830501881366946,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1962.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1310969,251383,Consumer loans,29518.38,359910.0,287928.0,71982.0,359910.0,TUESDAY,15,Y,1,0.2178181818181818,,,XAP,Approved,-553,XNA,XAP,,Repeater,Sport and Leisure,POS,XNA,Regional / Local,100,Industry,12.0,middle,POS industry with interest,365243.0,-520.0,-190.0,-220.0,-212.0,0.0,0,Cash loans,F,Y,Y,0,135000.0,1223010.0,51948.0,1125000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.032561,-12594,-2112,-1722.0,-3946,23.0,1,1,0,1,1,0,,1.0,1,1,TUESDAY,17,0,0,0,0,0,0,Business Entity Type 3,,0.7229236188088516,0.5136937663039473,0.2684,0.1485,0.9806,0.728,0.0088,0.29,0.2183,0.5833,0.2083,0.0532,0.2188,0.1535,0.0,0.1805,0.1513,0.054000000000000006,0.9811,0.7321,0.0,0.1208,0.1034,0.5833,0.0,0.0127,0.1322,0.0,0.0,0.0,0.1624,0.0902,0.9806,0.7383,0.0014,0.26,0.1034,0.5833,0.0,0.0376,0.1334,0.1476,0.0,0.0035,reg oper account,block of flats,0.0,Panel,No,0.0,0.0,0.0,0.0,-1442.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,4.0 +1087191,274410,Consumer loans,5300.145,29205.0,29205.0,0.0,29205.0,WEDNESDAY,18,Y,1,0.0,,,XAP,Approved,-70,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,200,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-40.0,110.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,157500.0,746271.0,29331.0,603000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.02461,-10348,-1359,-4724.0,-421,,1,1,0,1,0,0,Accountants,2.0,2,2,TUESDAY,18,0,0,0,0,0,0,Business Entity Type 3,0.5999228772716643,0.7363502057807064,,0.1227,0.1309,0.9796,0.7212,0.0512,0.0,0.2759,0.1667,0.2083,0.1161,0.1,0.1133,,0.0,0.125,0.1358,0.9796,0.7321,0.0516,0.0,0.2759,0.1667,0.2083,0.1187,0.1093,0.118,,0.0,0.1239,0.1309,0.9796,0.7249,0.0515,0.0,0.2759,0.1667,0.2083,0.1181,0.1018,0.1153,,0.0,reg oper account,block of flats,0.1171,Panel,No,0.0,0.0,0.0,0.0,-1762.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2074629,175163,Cash loans,18623.205,90000.0,103351.5,,90000.0,SUNDAY,10,Y,1,,,,XNA,Approved,-170,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,low_normal,Cash X-Sell: low,365243.0,-140.0,10.0,365243.0,365243.0,1.0,0,Cash loans,M,N,N,0,112500.0,251091.0,23967.0,238500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,Municipal apartment,0.072508,-19689,-275,-8848.0,-2470,,1,1,0,1,0,0,Laborers,1.0,1,1,TUESDAY,16,0,0,0,0,0,0,Business Entity Type 2,,0.6991524685133002,,,,0.9573,,,,,,,,,0.0567,,0.0377,,,0.9573,,,,,,,,,0.0591,,0.04,,,0.9573,,,,,,,,,0.0577,,0.0385,,block of flats,0.0586,,No,0.0,0.0,0.0,0.0,-598.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2124427,452691,Revolving loans,3375.0,135000.0,67500.0,,135000.0,MONDAY,15,Y,1,,,,XAP,Refused,-191,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),4,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,N,0,67500.0,170640.0,11403.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.009175,-9324,-519,-7956.0,-1993,,1,1,1,1,0,0,Sales staff,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Self-employed,0.31360865697080725,0.5889272501252611,0.4489622731076524,0.3515,0.181,0.9881,,,0.4,0.3793,0.1667,,0.0653,,0.3971,,0.0892,0.3582,0.1878,0.9881,,,0.4028,0.3793,0.1667,,0.0668,,0.4138,,0.0944,0.355,0.181,0.9881,,,0.4,0.3793,0.1667,,0.0665,,0.4043,,0.091,,block of flats,0.3718,"Stone, brick",No,0.0,0.0,0.0,0.0,-677.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1840721,203363,Consumer loans,11741.895,121315.5,115843.5,18180.0,121315.5,MONDAY,9,Y,1,0.14773284332428802,,,XAP,Approved,-648,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,39,Connectivity,14.0,high,POS mobile with interest,365243.0,-608.0,-218.0,-218.0,-215.0,0.0,0,Revolving loans,M,N,N,0,67500.0,157500.0,7875.0,157500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Co-op apartment,0.007305,-7748,-1058,-6310.0,-394,,1,1,1,1,1,0,Laborers,1.0,3,3,FRIDAY,9,0,0,0,0,0,0,Industry: type 9,0.2348215207121789,0.17611359120832382,,0.1495,0.0577,0.9856,0.8028,0.0462,0.04,0.0345,0.3333,0.375,0.0296,0.1202,0.0932,0.0077,0.0106,0.1523,0.0599,0.9856,0.8105,0.0466,0.0403,0.0345,0.3333,0.375,0.0303,0.1313,0.0971,0.0078,0.0112,0.1509,0.0577,0.9856,0.8054,0.0464,0.04,0.0345,0.3333,0.375,0.0302,0.1223,0.0948,0.0078,0.0108,reg oper account,block of flats,0.0989,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2400832,169096,Cash loans,59800.545,1215000.0,1338493.5,,1215000.0,TUESDAY,15,Y,1,,,,XNA,Refused,-381,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,42.0,middle,Cash X-Sell: middle,,,,,,,1,Cash loans,M,Y,Y,1,202500.0,675000.0,21906.0,675000.0,Unaccompanied,Commercial associate,Incomplete higher,Separated,House / apartment,0.015221,-13229,-1178,-5365.0,-1388,23.0,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.17623419513719946,0.17456426555726348,0.2227,0.1213,0.9861,,,0.24,0.2069,0.3333,,0.1496,,0.2206,,,0.2269,0.1259,0.9861,,,0.2417,0.2069,0.3333,,0.1531,,0.2298,,,0.2248,0.1213,0.9861,,,0.24,0.2069,0.3333,,0.1522,,0.2246,,,,block of flats,0.2059,Panel,No,1.0,1.0,1.0,1.0,-1280.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +2680985,127265,Cash loans,14209.56,76500.0,76500.0,,76500.0,WEDNESDAY,15,Y,1,,,,Other,Refused,-1548,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,Y,Y,0,198000.0,497520.0,31792.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.025164,-18581,-4234,-9967.0,-2117,14.0,1,1,1,1,1,0,,1.0,2,2,THURSDAY,12,0,0,0,0,0,0,Business Entity Type 2,0.5665320728126849,0.6369263069441212,0.5744466170995097,0.068,0.0775,0.9861,0.8096,0.0266,0.0,0.1379,0.2083,0.0417,0.0139,0.0504,0.0641,0.0232,0.0,0.0693,0.0804,0.9861,0.8171,0.0268,0.0,0.1379,0.2083,0.0417,0.0143,0.0551,0.0668,0.0233,0.0,0.0687,0.0775,0.9861,0.8121,0.0268,0.0,0.1379,0.2083,0.0417,0.0142,0.0513,0.0653,0.0233,0.0,reg oper account,block of flats,0.065,Panel,No,0.0,0.0,0.0,0.0,-1697.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1730015,281301,Consumer loans,6086.25,110952.0,134383.5,0.0,110952.0,TUESDAY,14,Y,1,0.0,,,XAP,Approved,-970,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,1260,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-939.0,-249.0,-249.0,-244.0,0.0,0,Cash loans,M,N,Y,2,157500.0,225000.0,17905.5,225000.0,Unaccompanied,Working,Higher education,Married,Rented apartment,0.020713,-11527,-462,-5197.0,-4162,,1,1,0,1,0,0,Laborers,4.0,3,3,SATURDAY,11,0,0,0,0,0,0,School,0.4156268445110925,0.055561983811893985,0.17249546677733105,0.0562,0.0502,0.9861,0.8096,0.014,0.06,0.0517,0.3542,0.3958,0.0283,0.0458,0.0639,0.0,0.0,0.041,0.0521,0.9861,0.8171,0.0075,0.0403,0.0345,0.3333,0.375,0.0206,0.0358,0.0473,0.0,0.0,0.0567,0.0502,0.9861,0.8121,0.0141,0.06,0.0517,0.3542,0.3958,0.0288,0.0466,0.065,0.0,0.0,reg oper account,block of flats,0.0398,Panel,No,1.0,0.0,1.0,0.0,-970.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +1613594,420417,Cash loans,78204.78,2025000.0,2169342.0,,2025000.0,THURSDAY,17,Y,1,,,,XNA,Approved,-286,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,328500.0,1575000.0,47884.5,1575000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.072508,-19890,-3021,-666.0,-3403,,1,1,1,1,1,0,Medicine staff,1.0,1,1,THURSDAY,18,0,0,0,0,0,0,Medicine,,0.7512690317953029,0.18848953379516772,0.1113,0.0659,0.9762,,,0.12,0.1034,0.3333,,,,0.0891,,0.0326,0.1134,0.0668,0.9757,,,0.1208,0.1034,0.3333,,,,0.0925,,0.0335,0.1124,0.0659,0.9762,,,0.12,0.1034,0.3333,,,,0.0907,,0.0332,,block of flats,0.0709,"Stone, brick",No,3.0,0.0,3.0,0.0,-2340.0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2698481,246842,Revolving loans,13500.0,270000.0,270000.0,,270000.0,FRIDAY,12,Y,1,,,,XAP,Refused,-243,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,135000.0,799299.0,35338.5,702000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-21872,365243,-6103.0,-4829,,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,XNA,0.8845396070420709,0.6267787755693955,0.8406665596573005,0.1237,0.0727,0.9871,0.8368,0.192,0.12,0.1034,0.375,0.4167,0.0515,0.1009,0.1335,0.0,0.0,0.1261,0.0755,0.9866,0.8432,0.1938,0.1208,0.1034,0.375,0.4167,0.0527,0.1102,0.1391,0.0,0.0,0.1249,0.0727,0.9871,0.8390000000000001,0.1933,0.12,0.1034,0.375,0.4167,0.0524,0.1026,0.1359,0.0,0.0,org spec account,block of flats,0.2188,"Stone, brick",No,0.0,0.0,0.0,0.0,-270.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1650253,337750,Revolving loans,6750.0,135000.0,135000.0,,135000.0,WEDNESDAY,11,Y,1,,,,XAP,Refused,-304,XNA,SCOFR,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,1,135000.0,284400.0,18643.5,225000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.019101,-10427,-3097,-2346.0,-679,,1,1,0,1,0,0,,3.0,2,2,SATURDAY,9,0,1,1,0,1,1,Business Entity Type 3,0.3992066243565673,0.5540596180359055,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,2.0,2.0,2.0,-1805.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2612494,228468,Cash loans,22900.725,490500.0,587619.0,,490500.0,FRIDAY,12,Y,1,,,,XNA,Refused,-19,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,N,0,90000.0,384048.0,18810.0,270000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010147,-21115,365243,-3940.0,-2317,,1,0,0,1,1,1,,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,XNA,,0.2594209415185879,0.326475210066026,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1453.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1146799,419759,Cash loans,24561.675,270000.0,312768.0,,270000.0,SATURDAY,19,Y,1,,,,XNA,Approved,-128,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-98.0,412.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,1,135000.0,225000.0,17905.5,225000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.025164,-12385,-1423,-827.0,-580,,1,1,0,1,0,0,Core staff,3.0,2,2,WEDNESDAY,10,0,0,0,1,1,0,Agriculture,,0.5936675166427151,0.1997705696341145,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,1.0,-519.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2356358,228185,Cash loans,14182.38,270000.0,313839.0,,270000.0,SATURDAY,7,Y,1,,,,XNA,Approved,-602,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-572.0,478.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,90000.0,619965.0,20128.5,517500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.020713,-15936,-3890,-722.0,-637,,1,1,0,1,0,0,Sales staff,2.0,3,3,SATURDAY,11,0,0,0,0,0,0,Self-employed,0.3936799816230794,0.3655891184163961,0.4650692149562261,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1320.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1764293,350702,Cash loans,,0.0,0.0,,,TUESDAY,15,Y,1,,,,XNA,Refused,-266,XNA,SCOFR,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,1,Cash loans,F,N,Y,2,112500.0,635962.5,34627.5,549000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.018634,-10546,-2023,-890.0,-1579,,1,1,0,1,0,0,Managers,4.0,2,2,TUESDAY,11,0,0,0,1,1,0,Other,,0.4621288325759724,0.2418614865234661,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-266.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1320676,282843,Cash loans,45217.035,1372500.0,1644255.0,,1372500.0,THURSDAY,13,Y,1,,,,XNA,Approved,-19,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,Y,N,1,202500.0,490495.5,27387.0,454500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-14749,-2946,-7714.0,-4563,12.0,1,1,1,1,1,0,Drivers,3.0,1,1,TUESDAY,12,0,0,0,0,0,0,Government,0.6210895400305606,0.7383448882492175,0.524496446363472,0.1072,0.0559,0.9831,,,0.08,0.0345,0.5417,,0.2414,,0.1009,,0.0319,0.1092,0.058,0.9831,,,0.0806,0.0345,0.5417,,0.2469,,0.1052,,0.0337,0.1083,0.0559,0.9831,,,0.08,0.0345,0.5417,,0.2456,,0.1027,,0.0325,,block of flats,0.0863,"Stone, brick",No,0.0,0.0,0.0,0.0,-1470.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1089451,173532,Cash loans,25597.935,540000.0,604152.0,,540000.0,SATURDAY,6,Y,1,,,,XNA,Refused,-475,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,1,180000.0,723996.0,34960.5,585000.0,Unaccompanied,State servant,Secondary / secondary special,Civil marriage,House / apartment,0.014464,-15856,-3712,-5285.0,-1109,7.0,1,1,0,1,0,0,Cooking staff,3.0,2,2,FRIDAY,10,0,0,0,0,0,0,School,0.4802148596595326,0.6538397708372816,0.3740208032583212,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2663.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1236963,181560,Cash loans,72549.585,720000.0,744709.5,,720000.0,MONDAY,3,Y,1,,,,XNA,Approved,-583,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-553.0,-223.0,-493.0,-486.0,1.0,0,Revolving loans,M,Y,Y,0,360000.0,157500.0,7875.0,157500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006629,-14856,-1074,-232.0,-4255,24.0,1,1,0,1,0,0,Drivers,2.0,2,2,WEDNESDAY,4,0,0,0,0,0,0,Business Entity Type 3,,0.640322698119557,0.6879328378491735,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,3.0,5.0,0.0,-583.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1449208,128569,Revolving loans,4500.0,90000.0,90000.0,,90000.0,THURSDAY,12,Y,1,,,,XAP,Approved,-249,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,126000.0,253737.0,16362.0,229500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020246,-22446,365243,-12330.0,-5750,,1,0,0,1,0,0,,2.0,3,3,MONDAY,9,0,0,0,0,0,0,XNA,,0.4038066028810246,0.6446794549585961,0.0124,0.0,0.9687,0.5716,0.0021,0.0,0.069,0.0417,0.0833,0.0309,0.0101,0.0169,0.0,0.0,0.0126,0.0,0.9687,0.5884,0.0021,0.0,0.069,0.0417,0.0833,0.0316,0.011,0.0176,0.0,0.0,0.0125,0.0,0.9687,0.5773,0.0021,0.0,0.069,0.0417,0.0833,0.0314,0.0103,0.0172,0.0,0.0,not specified,block of flats,0.0145,Wooden,Yes,8.0,0.0,8.0,0.0,-1879.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1978420,107791,Consumer loans,7026.3,64917.0,63243.0,6493.5,64917.0,TUESDAY,11,Y,1,0.10141047827438736,,,XAP,Approved,-2773,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Stone,89,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-2739.0,-2469.0,-2469.0,-2460.0,1.0,0,Cash loans,F,N,Y,0,112500.0,1360498.5,37543.5,1188000.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.006852,-23564,365243,-11047.0,-4030,,1,0,0,1,0,0,,1.0,3,3,WEDNESDAY,6,0,0,0,0,0,0,XNA,,0.0639582770301692,0.6041125998015721,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,10.0,2.0,10.0,0.0,-1153.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1219800,382165,Revolving loans,22500.0,0.0,450000.0,,,WEDNESDAY,15,Y,1,,,,XAP,Approved,-1086,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,0,180000.0,454500.0,44950.5,454500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.028663,-15558,-3013,-1927.0,-2351,4.0,1,1,0,1,0,0,Drivers,1.0,2,2,THURSDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.6223845480917829,0.39277386060313396,0.0464,0.0214,0.9826,0.762,0.0117,0.04,0.0345,0.3333,0.375,0.0574,0.037000000000000005,0.0408,0.0039,0.066,0.0473,0.0222,0.9826,0.7713,0.0118,0.0403,0.0345,0.3333,0.375,0.0587,0.0404,0.0425,0.0039,0.0699,0.0468,0.0214,0.9826,0.7652,0.0118,0.04,0.0345,0.3333,0.375,0.0584,0.0376,0.0415,0.0039,0.0674,reg oper account,block of flats,0.0545,Panel,No,1.0,0.0,1.0,0.0,-1842.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2735834,177759,Cash loans,62022.15,1800000.0,1971072.0,,1800000.0,FRIDAY,13,Y,1,,,,Repairs,Refused,-293,Cash through the bank,VERIF,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,1,315000.0,545040.0,39627.0,450000.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.04622,-10117,-1595,-264.0,-726,,1,1,0,1,1,0,Sales staff,3.0,1,1,TUESDAY,15,0,1,1,0,0,0,Business Entity Type 3,,0.6901031528867506,0.3077366963789207,0.0619,0.0,0.9747,0.6532,0.006,0.0,0.1034,0.1667,0.2083,0.0104,0.0504,0.0519,0.0,0.0,0.063,0.0,0.9747,0.6668,0.006,0.0,0.1034,0.1667,0.2083,0.0106,0.0551,0.0541,0.0,0.0,0.0625,0.0,0.9747,0.6578,0.006,0.0,0.1034,0.1667,0.2083,0.0106,0.0513,0.0528,0.0,0.0,reg oper account,block of flats,0.0441,Panel,No,3.0,0.0,3.0,0.0,-705.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +2344478,294324,Revolving loans,2250.0,45000.0,45000.0,,45000.0,THURSDAY,6,Y,1,,,,XAP,Approved,-333,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,-265.0,0.0,0,Cash loans,F,N,Y,0,135000.0,285264.0,30852.0,252000.0,Unaccompanied,Working,Secondary / secondary special,Married,Rented apartment,0.018029,-17230,-1093,-910.0,-766,,1,1,0,1,0,0,Sales staff,2.0,3,3,MONDAY,10,0,0,0,0,0,0,Self-employed,,0.5495004841190514,0.6178261467332483,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-705.0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2414127,194492,Consumer loans,3234.105,24336.0,23710.5,2434.5,24336.0,THURSDAY,10,Y,1,0.10141104678454074,,,XAP,Approved,-2045,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,42,Connectivity,10.0,high,POS mobile with interest,365243.0,-2014.0,-1744.0,-1744.0,-1741.0,0.0,0,Cash loans,F,N,N,0,202500.0,900000.0,38263.5,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-14391,-2191,-4370.0,-4965,,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,13,0,0,0,0,1,1,Industry: type 2,,0.4489987999532711,0.7449321846094795,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2045.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1822639,252200,Cash loans,13639.455,229500.0,266760.0,,229500.0,MONDAY,9,Y,1,,,,XNA,Approved,-659,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-629.0,421.0,-179.0,-170.0,1.0,0,Cash loans,M,N,Y,0,67500.0,337500.0,14994.0,337500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-23265,365243,-4700.0,-4700,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,7,0,0,0,0,0,0,XNA,,0.1953537989258013,0.6058362647264226,0.0247,,0.9682,,,0.0,0.069,0.0833,,0.0428,,0.0119,,0.0,0.0252,,0.9682,,,0.0,0.069,0.0833,,0.0438,,0.0124,,0.0,0.025,,0.9682,,,0.0,0.069,0.0833,,0.0435,,0.0121,,0.0,,block of flats,0.0148,Mixed,No,3.0,0.0,2.0,0.0,-127.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2326779,113522,Cash loans,23838.3,675000.0,781920.0,,675000.0,MONDAY,16,Y,1,,,,Urgent needs,Refused,-130,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,low_action,Cash Street: low,,,,,,,0,Cash loans,F,Y,Y,0,270000.0,382500.0,27832.5,382500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.04622,-20715,-1104,-10893.0,-4252,5.0,1,1,1,1,1,0,Laborers,2.0,1,1,FRIDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.8073384131423227,0.7001634077813175,0.2418614865234661,,,,,,0.0,0.1034,0.125,,,,,,,,,,,,0.0,0.1034,0.125,,,,,,,,,,,,0.0,0.1034,0.125,,,,,,,,block of flats,0.0258,"Stone, brick",No,1.0,0.0,1.0,0.0,-2466.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +1294420,264519,Cash loans,7973.055,54000.0,66087.0,,54000.0,WEDNESDAY,15,Y,1,,,,XNA,Approved,-878,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-848.0,-518.0,-548.0,-545.0,1.0,0,Cash loans,M,Y,Y,0,202500.0,314055.0,13963.5,238500.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.025164,-13165,-3741,-4007.0,-4026,9.0,1,1,0,1,1,0,,2.0,2,2,SATURDAY,9,0,0,0,1,1,0,Business Entity Type 2,0.2605072173926904,0.5596931409986567,0.3425288720742255,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2076.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,8.0,1.0,1.0 +2242949,393164,Consumer loans,7397.1,63945.0,70276.5,0.0,63945.0,WEDNESDAY,11,Y,1,0.0,,,XAP,Approved,-1214,Cash through the bank,XAP,Unaccompanied,New,Furniture,POS,XNA,Stone,30,Furniture,12.0,middle,POS industry with interest,365243.0,-1183.0,-853.0,-853.0,-844.0,0.0,0,Cash loans,F,N,Y,0,90000.0,1113840.0,47322.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006670999999999999,-17521,-3658,-1305.0,-273,,1,1,0,1,0,0,Managers,2.0,2,2,SATURDAY,16,0,0,0,0,0,0,Self-employed,,0.6460987889062498,,0.0165,0.0,0.9722,0.6192,0.0013,0.0,0.069,0.0833,0.125,0.021,0.0134,0.0105,,0.0,0.0168,0.0,0.9722,0.6341,0.0013,0.0,0.069,0.0833,0.125,0.0215,0.0147,0.0109,,0.0,0.0167,0.0,0.9722,0.6243,0.0013,0.0,0.069,0.0833,0.125,0.0213,0.0137,0.0107,,0.0,reg oper account,block of flats,0.0089,"Stone, brick",No,0.0,0.0,0.0,0.0,-1214.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2816209,434512,Cash loans,,0.0,0.0,,,THURSDAY,10,Y,1,,,,XNA,Refused,-182,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Revolving loans,F,N,Y,0,112500.0,315000.0,15750.0,315000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-17293,-757,-8690.0,-833,,1,1,0,1,0,0,Cooking staff,2.0,2,2,THURSDAY,13,0,0,0,1,1,0,Self-employed,,0.5815545846389053,0.5406544504453575,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-327.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2698278,158141,Consumer loans,2477.16,30511.35,24408.0,6103.35,30511.35,WEDNESDAY,11,Y,1,0.21785673200300865,0.1607163096452454,0.715644820295983,XAP,Approved,-506,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,10,Connectivity,12.0,middle,POS mobile with interest,365243.0,-466.0,-136.0,-376.0,-369.0,0.0,0,Cash loans,F,N,Y,0,180000.0,225000.0,17905.5,225000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018801,-10468,-269,-1123.0,-2375,,1,1,0,1,1,1,Managers,2.0,2,2,FRIDAY,12,0,0,0,0,1,1,Other,,0.5079938037065433,0.324891229465852,0.2227,0.1351,0.9811,0.7416,0.0968,0.24,0.2069,0.3333,0.375,0.1198,0.1816,0.2254,0.0,0.0,0.2269,0.1402,0.9811,0.7517,0.0977,0.2417,0.2069,0.3333,0.375,0.1225,0.1983,0.2348,0.0,0.0,0.2248,0.1351,0.9811,0.7451,0.0974,0.24,0.2069,0.3333,0.375,0.1218,0.1847,0.2294,0.0,0.0,reg oper spec account,block of flats,0.2302,Panel,No,2.0,0.0,2.0,0.0,-2176.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2513939,124894,Cash loans,33350.355,315000.0,332464.5,,315000.0,THURSDAY,13,Y,1,,,,XNA,Refused,-1485,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,N,0,117000.0,235053.0,22896.0,220500.0,Unaccompanied,Pensioner,Lower secondary,Married,House / apartment,0.072508,-25053,365243,-6863.0,-4011,,1,0,0,1,1,0,,2.0,1,1,FRIDAY,15,0,0,0,0,0,0,XNA,,0.7117690704445635,0.3233112448967859,0.233,0.1138,0.9896,0.8572,0.1279,0.32,0.1379,0.5417,0.5833,0.0,0.1874,0.2519,0.0116,0.0023,0.2374,0.1181,0.9896,0.8628,0.1291,0.3222,0.1379,0.5417,0.5833,0.0,0.2048,0.2625,0.0117,0.0024,0.2352,0.1138,0.9896,0.8591,0.1287,0.32,0.1379,0.5417,0.5833,0.0,0.1907,0.2565,0.0116,0.0023,reg oper account,block of flats,0.1986,Panel,No,0.0,0.0,0.0,0.0,-1935.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1901999,414291,Cash loans,20158.92,180000.0,191880.0,,180000.0,FRIDAY,9,Y,1,,,,XNA,Approved,-257,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-227.0,103.0,-167.0,-164.0,1.0,0,Cash loans,F,N,Y,0,58500.0,239850.0,23494.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.022625,-24607,365243,-3738.0,-3827,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,XNA,,0.602278218777896,0.25946765482111994,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2373.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2093773,351413,Cash loans,41198.94,1354500.0,1354500.0,,1354500.0,THURSDAY,18,Y,1,,,,XNA,Refused,-5,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,270000.0,1345500.0,36999.0,1345500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-20005,-4259,-11024.0,-3499,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.5775048861754747,0.8027454758994178,0.3526,0.2763,0.9841,,,0.36,0.2586,0.3333,,,,0.2833,,0.0,0.3592,0.2868,0.9826,,,0.3625,0.1724,0.3333,,,,0.1971,,0.0,0.35600000000000004,0.2763,0.9841,,,0.36,0.2586,0.3333,,,,0.2884,,0.0,,block of flats,0.1745,Block,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2695152,307079,Cash loans,30251.97,225000.0,272889.0,,225000.0,WEDNESDAY,14,Y,1,,,,XNA,Refused,-645,Cash through the bank,HC,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,,,,,,,0,Revolving loans,F,N,Y,1,202500.0,585000.0,29250.0,585000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.035792000000000004,-10120,-991,-4867.0,-2382,,1,1,0,1,1,0,Accountants,3.0,2,2,THURSDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.5063912283747275,0.5688866965170875,0.06733950871403091,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2016.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1829213,109672,Cash loans,32526.54,1233000.0,1233000.0,,1233000.0,THURSDAY,16,Y,1,,,,XNA,Refused,-503,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,0,XNA,60.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,112500.0,450000.0,23107.5,450000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.018209,-18870,-1732,-8833.0,-2415,,1,1,0,1,0,0,Core staff,2.0,3,3,SUNDAY,11,0,0,0,0,0,0,Industry: type 7,0.8282187442349509,0.5032765070939551,0.6956219298394389,0.1113,0.0841,0.9871,0.8232,0.1911,0.12,0.1034,0.3333,0.0417,0.0146,0.0908,0.1174,0.0,0.0557,0.1134,0.0873,0.9871,0.8301,0.1928,0.1208,0.1034,0.3333,0.0417,0.0149,0.0992,0.1223,0.0,0.059,0.1124,0.0841,0.9871,0.8256,0.1923,0.12,0.1034,0.3333,0.0417,0.0149,0.0923,0.1195,0.0,0.0569,reg oper account,block of flats,0.1045,Panel,No,1.0,0.0,1.0,0.0,-2399.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1911710,249152,Revolving loans,15750.0,0.0,315000.0,,,WEDNESDAY,11,Y,1,,,,XAP,Approved,-1114,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-910.0,-877.0,365243.0,-847.0,-76.0,0.0,0,Cash loans,M,N,N,0,202500.0,1078200.0,38331.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-11876,-747,-875.0,-2621,,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.1882548483151355,0.6368150477211089,0.4543210601605785,0.0412,0.0,0.9762,0.6736,0.0064,0.0,0.069,0.1667,0.2083,0.0189,0.0336,0.0374,0.0,0.0,0.042,0.0,0.9762,0.6864,0.0064,0.0,0.069,0.1667,0.2083,0.0193,0.0367,0.039,0.0,0.0,0.0416,0.0,0.9762,0.6779999999999999,0.0064,0.0,0.069,0.1667,0.2083,0.0192,0.0342,0.0381,0.0,0.0,reg oper account,block of flats,0.0294,"Stone, brick",No,1.0,0.0,1.0,0.0,-1284.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2396810,208155,Consumer loans,20209.95,217435.5,212481.0,21744.0,217435.5,THURSDAY,19,Y,1,0.10110446249235873,,,XAP,Approved,-1022,Cash through the bank,XAP,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Stone,1205,Consumer electronics,12.0,low_normal,POS other with interest,365243.0,-987.0,-657.0,-657.0,-654.0,0.0,0,Cash loans,M,Y,N,0,315000.0,1042560.0,34456.5,900000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.022625,-14016,-1563,-727.0,-2707,0.0,1,1,0,1,0,0,High skill tech staff,2.0,2,2,THURSDAY,18,0,0,0,0,0,0,Transport: type 4,0.3786807252224392,0.6902294074107598,0.6577838002083306,0.0711,0.0501,0.9985,0.9796,0.0164,0.08,0.069,0.1667,0.2083,0.0296,0.058,0.0453,0.0,0.0,0.0725,0.052000000000000005,0.9985,0.9804,0.0165,0.0806,0.069,0.1667,0.2083,0.0302,0.0634,0.0472,0.0,0.0,0.0718,0.0501,0.9985,0.9799,0.0165,0.08,0.069,0.1667,0.2083,0.0301,0.059,0.0461,0.0,0.0,reg oper account,block of flats,0.0558,"Stone, brick",No,5.0,0.0,5.0,0.0,-59.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1831559,146119,Cash loans,27026.235,225000.0,254700.0,,225000.0,MONDAY,19,Y,1,,,,Repairs,Approved,-338,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,100,XNA,12.0,middle,Cash Street: middle,365243.0,-308.0,22.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,0,270000.0,497520.0,53712.0,450000.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.032561,-17016,-1828,-9672.0,-559,,1,1,0,1,1,0,Core staff,1.0,1,1,WEDNESDAY,19,0,0,0,0,0,0,University,0.6143830285567049,0.7276465634241723,0.7281412993111438,0.1113,,0.9861,0.8368,0.6449,0.28,0.2241,0.4583,0.3125,0.0853,0.3396,0.2294,,0.0974,0.1134,,0.9796,0.7321,0.6508,0.1611,0.1034,0.3333,0.0,0.03,0.371,0.0871,,0.0375,0.1124,,0.9816,0.8390000000000001,0.649,0.28,0.2241,0.4583,0.3125,0.0868,0.3455,0.16899999999999998,,0.0995,reg oper spec account,block of flats,0.1652,"Stone, brick",No,0.0,0.0,0.0,0.0,-338.0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2084250,173191,Cash loans,11290.905,180000.0,215640.0,,180000.0,MONDAY,11,Y,1,,,,Urgent needs,Refused,-266,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,middle,Cash Street: middle,,,,,,,0,Cash loans,M,Y,Y,0,225000.0,485640.0,39069.0,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.007273999999999998,-18898,-1633,-828.0,-1666,8.0,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,13,0,0,0,1,1,0,Self-employed,,0.5471500194862516,0.1301285429480269,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-333.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2128788,381122,Cash loans,,0.0,0.0,,,MONDAY,10,Y,1,,,,XNA,Refused,-505,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,90000.0,311877.0,15133.5,252000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.009334,-21290,365243,-8826.0,-4634,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,11,0,0,0,0,0,0,XNA,,0.5919678403832896,0.7076993447402619,0.0124,0.0307,0.9796,0.6940000000000001,0.0018,0.0,0.0828,0.0417,0.0417,0.0,0.0101,0.0107,0.0,0.0,0.0126,0.0276,0.9747,0.6668,0.0013,0.0,0.069,0.0417,0.0417,0.0,0.011,0.0098,0.0,0.0,0.0125,0.0308,0.9747,0.6578,0.0019,0.0,0.069,0.0417,0.0417,0.0,0.0103,0.0109,0.0,0.0,not specified,block of flats,0.0515,Wooden,No,0.0,0.0,0.0,0.0,-996.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1700850,275476,Cash loans,31373.91,216000.0,264357.0,,216000.0,TUESDAY,11,Y,1,,,,Repairs,Refused,-565,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,,,,,,,1,Cash loans,M,Y,Y,0,135000.0,760225.5,34483.5,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006305,-13321,-1132,-984.0,-984,15.0,1,1,0,1,0,0,Drivers,2.0,3,3,SUNDAY,6,0,0,0,0,0,0,Self-employed,,0.3739053533815177,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-970.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2044578,348896,Consumer loans,5542.875,40500.0,44509.5,0.0,40500.0,MONDAY,18,Y,1,0.0,,,XAP,Approved,-1662,Cash through the bank,XAP,Family,New,Auto Accessories,POS,XNA,Stone,10,Industry,12.0,high,POS other with interest,365243.0,-1631.0,-1301.0,-1301.0,-1292.0,0.0,0,Cash loans,M,N,Y,0,112500.0,195543.0,15579.0,148500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018634,-22539,365243,-2191.0,-4193,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,XNA,,0.5824695924610529,0.3490552510751822,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +1163104,454298,Cash loans,19197.0,450000.0,450000.0,,450000.0,TUESDAY,13,Y,1,,,,XNA,Refused,-295,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,0,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,Y,Y,1,189000.0,1319269.5,38704.5,1152000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-14972,-588,-2686.0,-113,8.0,1,1,0,1,0,0,Drivers,3.0,2,2,WEDNESDAY,14,0,0,0,0,1,1,Construction,0.4540699725645617,0.04512335755752777,0.6738300778602003,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-307.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2837472,160724,Cash loans,52384.86,1215000.0,1320849.0,,1215000.0,SUNDAY,14,Y,1,,,,Other,Approved,-631,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,100,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-601.0,449.0,-211.0,-204.0,1.0,0,Cash loans,F,N,Y,0,202500.0,976500.0,28116.0,976500.0,Family,State servant,Higher education,Married,House / apartment,0.032561,-21543,-7642,-4235.0,-4865,,1,1,0,1,1,0,Core staff,2.0,1,1,MONDAY,16,0,0,0,0,0,0,School,0.8571832842332854,0.6980381960009008,0.5424451438613613,0.0546,0.0,0.8579,0.0,0.0151,0.12,0.2069,0.1667,0.2083,0.0384,0.0361,0.0759,0.0386,0.0452,0.0557,0.0,0.858,0.0,0.0152,0.1208,0.2069,0.1667,0.2083,0.0392,0.0395,0.0791,0.0389,0.0478,0.0552,0.0,0.8579,0.0,0.0152,0.12,0.2069,0.1667,0.2083,0.039,0.0368,0.0773,0.0388,0.0461,not specified,block of flats,0.0778,"Stone, brick",No,0.0,0.0,0.0,0.0,-1487.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2589975,249939,Revolving loans,2250.0,45000.0,45000.0,,45000.0,THURSDAY,8,Y,1,,,,XAP,Refused,-166,XNA,HC,Family,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,1,Cash loans,F,N,Y,3,157500.0,284400.0,22599.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.018801,-10945,365243,-9533.0,-876,,1,0,0,1,0,0,,4.0,2,2,TUESDAY,6,0,0,0,0,0,0,XNA,,0.2399128154428249,0.07058051883159755,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1169093,151620,Cash loans,29933.1,270000.0,270000.0,,270000.0,THURSDAY,11,Y,1,,,,XNA,Approved,-851,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-821.0,-491.0,-671.0,-665.0,0.0,0,Cash loans,F,Y,N,0,157500.0,188685.0,8442.0,157500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,Municipal apartment,0.010966,-13739,-3321,-3595.0,-3972,6.0,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.3396548780581944,0.7862666146611379,0.2773,0.2095,0.9876,0.83,0.0577,0.28,0.2414,0.375,0.0417,0.1118,0.2211,0.2694,0.0232,0.0336,0.2826,0.2174,0.9876,0.8367,0.0582,0.282,0.2414,0.375,0.0417,0.1144,0.2415,0.2806,0.0233,0.0356,0.28,0.2095,0.9876,0.8323,0.058,0.28,0.2414,0.375,0.0417,0.1138,0.2249,0.2742,0.0233,0.0343,org spec account,block of flats,0.2507,Panel,No,0.0,0.0,0.0,0.0,-1227.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,0.0 +2163099,285796,Revolving loans,20250.0,0.0,405000.0,,,SUNDAY,17,Y,1,,,,XAP,Approved,-639,XNA,XAP,,Refreshed,XNA,Cards,x-sell,Country-wide,1600,Consumer electronics,0.0,XNA,Card X-Sell,-187.0,-137.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,2,99000.0,521280.0,28278.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010147,-15057,-433,-3165.0,-3165,13.0,1,1,1,1,0,0,Laborers,4.0,2,2,FRIDAY,17,0,0,0,0,0,0,Self-employed,,0.3517774999357671,0.21396685226179807,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2446.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1439136,446531,Consumer loans,6491.025,44950.5,48658.5,0.0,44950.5,TUESDAY,16,Y,1,0.0,,,XAP,Approved,-2348,Cash through the bank,XAP,"Spouse, partner",New,Mobile,POS,XNA,Country-wide,30,Connectivity,10.0,high,POS mobile with interest,365243.0,-2317.0,-2047.0,-2047.0,-2042.0,1.0,0,Cash loans,F,N,N,2,126000.0,900000.0,26446.5,900000.0,Unaccompanied,Working,Lower secondary,Civil marriage,Rented apartment,0.031329,-13481,-294,-5392.0,-2584,,1,1,1,1,0,0,Sales staff,4.0,2,2,FRIDAY,9,0,0,0,1,1,0,Business Entity Type 3,0.2356388834885461,0.7388810617338522,0.6363761710860439,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-2348.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1726476,237953,Cash loans,51965.82,450000.0,470790.0,,450000.0,FRIDAY,12,Y,1,,,,XNA,Approved,-1090,XNA,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-1060.0,-730.0,-940.0,-934.0,1.0,0,Cash loans,F,Y,N,0,157500.0,714154.5,38871.0,616500.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.020246,-14465,-3287,-2479.0,-3096,22.0,1,1,0,1,0,0,Core staff,2.0,3,3,WEDNESDAY,9,0,0,0,0,0,0,Business Entity Type 2,0.5001796097124549,0.44449656434686097,0.4578995512067301,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1729.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2702678,417882,Consumer loans,10917.72,81697.5,89784.0,0.0,81697.5,FRIDAY,12,Y,1,0.0,,,XAP,Approved,-1833,Cash through the bank,XAP,Family,New,Furniture,POS,XNA,Stone,370,Furniture,12.0,high,POS industry with interest,365243.0,-1801.0,-1471.0,-1471.0,-1467.0,0.0,1,Cash loans,F,N,Y,1,292500.0,640080.0,24259.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00702,-15482,-1754,-7859.0,-4025,,1,1,0,1,1,0,Cooking staff,3.0,2,2,THURSDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.3797954002659959,0.5082869913916046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,2.0,5.0 +1824285,442865,Consumer loans,8590.23,71775.0,78093.0,0.0,71775.0,WEDNESDAY,14,Y,1,0.0,,,XAP,Approved,-475,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Stone,300,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-444.0,-174.0,-174.0,-170.0,0.0,0,Revolving loans,M,N,Y,2,81000.0,135000.0,6750.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-14472,-2534,-511.0,-4855,,1,1,1,1,1,0,Laborers,4.0,2,2,TUESDAY,13,0,0,0,0,0,0,Construction,,0.669923550212048,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-475.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1550400,235355,Cash loans,14297.985,247500.0,280989.0,,247500.0,THURSDAY,13,Y,1,,,,XNA,Approved,-835,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Country-wide,30,Connectivity,30.0,middle,Cash X-Sell: middle,365243.0,-805.0,65.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,112500.0,654498.0,28957.5,585000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-21365,365243,-1674.0,-4905,,1,0,0,1,1,0,,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,XNA,,0.4710106832401047,,0.08800000000000001,0.0787,0.9776,0.6940000000000001,0.0177,0.0,0.0803,0.1525,0.1942,0.0631,0.07,0.0508,0.0154,0.0141,0.0462,0.0664,0.9752,0.6733,0.0041,0.0,0.1034,0.1667,0.2083,0.0446,0.0349,0.0334,0.0233,0.0,0.0937,0.0787,0.9781,0.7048,0.0134,0.0,0.1034,0.1667,0.2083,0.0694,0.077,0.0449,0.0233,0.0187,reg oper account,block of flats,0.0326,"Stone, brick",No,0.0,0.0,0.0,0.0,-1470.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2712661,100072,Cash loans,14111.1,270000.0,270000.0,,270000.0,THURSDAY,12,Y,1,,,,XNA,Approved,-124,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-94.0,596.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,0,180000.0,1080000.0,44118.0,1080000.0,Unaccompanied,Working,Incomplete higher,Single / not married,With parents,0.010006000000000001,-7907,-1324,-4557.0,-586,,1,1,0,1,0,1,Sales staff,1.0,2,1,TUESDAY,9,0,0,0,0,0,0,Trade: type 2,,0.0265407750366898,0.43473324875017305,0.0928,0.0955,0.9856,0.8028,0.013,0.0,0.2069,0.1667,0.2083,0.1147,0.0756,0.0913,0.0,0.0,0.0945,0.0991,0.9856,0.8105,0.0131,0.0,0.2069,0.1667,0.2083,0.1173,0.0826,0.0951,0.0,0.0,0.0937,0.0955,0.9856,0.8054,0.0131,0.0,0.2069,0.1667,0.2083,0.1167,0.077,0.0929,0.0,0.0,reg oper account,block of flats,0.0804,Panel,No,0.0,0.0,0.0,0.0,-725.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2226286,157844,Cash loans,64161.63,1035000.0,1095111.0,,1035000.0,FRIDAY,15,Y,1,,,,XNA,Approved,-998,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-968.0,-278.0,-428.0,-422.0,1.0,0,Cash loans,F,N,Y,0,157500.0,485640.0,33930.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.010006000000000001,-17230,-1361,-2685.0,-764,,1,1,0,1,1,0,Core staff,1.0,2,1,TUESDAY,8,0,0,0,0,0,0,Kindergarten,0.6021484972125768,0.6624640874798874,0.6690566947824041,0.1124,0.0945,0.9776,0.6940000000000001,0.045,0.0,0.0345,0.1667,0.2083,0.0995,0.0866,0.0615,0.0232,0.0554,0.1145,0.0981,0.9777,0.706,0.0454,0.0,0.0345,0.1667,0.2083,0.1018,0.0946,0.0641,0.0233,0.0587,0.1135,0.0945,0.9776,0.6981,0.0453,0.0,0.0345,0.1667,0.2083,0.1013,0.0881,0.0626,0.0233,0.0566,reg oper account,block of flats,0.0783,Panel,No,5.0,0.0,5.0,0.0,-1354.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2715554,283630,Consumer loans,4644.09,48856.5,39091.5,9765.0,48856.5,TUESDAY,17,Y,1,0.21767774456362451,,,XAP,Approved,-2072,Cash through the bank,XAP,"Spouse, partner",New,Photo / Cinema Equipment,POS,XNA,Country-wide,1500,Consumer electronics,12.0,high,POS household with interest,365243.0,-2041.0,-1711.0,-1771.0,-1766.0,0.0,0,Cash loans,M,N,N,0,270000.0,1575000.0,43443.0,1575000.0,"Spouse, partner",Working,Secondary / secondary special,Civil marriage,House / apartment,0.010276,-11990,-1685,-4638.0,-4317,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,13,0,1,1,0,0,0,Business Entity Type 3,0.3037644537363437,0.08606352317736443,0.7295666907060153,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-560.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1391853,222326,Cash loans,22048.38,270000.0,328590.0,,270000.0,MONDAY,11,Y,1,,,,XNA,Approved,-868,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-838.0,-328.0,-328.0,-316.0,1.0,1,Cash loans,M,Y,Y,0,112500.0,808650.0,31464.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-16972,-1628,-6639.0,-224,10.0,1,1,0,1,0,0,Security staff,2.0,2,2,MONDAY,8,0,0,0,0,1,1,Security,0.4174378543871234,0.16040532147836672,0.5585066276769286,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-195.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2829952,270896,Cash loans,63180.0,2250000.0,2250000.0,,2250000.0,FRIDAY,18,Y,1,,,,XNA,Approved,-291,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-261.0,1509.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,180000.0,240660.0,9202.5,157500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.007273999999999998,-20363,-1163,-11304.0,-3449,,1,1,0,1,1,0,Laborers,1.0,2,2,TUESDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.6093122967196236,,0.1845,0.1235,0.9846,0.7824,0.0737,0.2,0.1724,0.3333,0.375,0.0959,0.1505,0.1799,0.0,0.0,0.188,0.1281,0.9846,0.7909,0.0743,0.2014,0.1724,0.3333,0.375,0.098,0.1644,0.1874,0.0,0.0,0.1863,0.1235,0.9846,0.7853,0.0741,0.2,0.1724,0.3333,0.375,0.0975,0.1531,0.1831,0.0,0.0,reg oper account,block of flats,0.1645,Panel,No,2.0,0.0,2.0,0.0,-1468.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2804496,398000,Consumer loans,5889.015,43290.0,48433.5,0.0,43290.0,THURSDAY,11,Y,1,0.0,,,XAP,Approved,-364,XNA,XAP,,Repeater,Mobile,POS,XNA,Stone,24,Connectivity,12.0,high,POS mobile with interest,365243.0,-328.0,2.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,45000.0,225000.0,11488.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008625,-15485,-1215,-6649.0,-4536,,1,1,0,1,1,0,Laborers,2.0,2,2,SUNDAY,10,0,0,0,0,0,0,Housing,0.5524047495020815,0.1806677987281808,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-711.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2704572,419217,Cash loans,44736.03,652500.0,697288.5,,652500.0,TUESDAY,17,Y,1,,,,XNA,Approved,-643,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-613.0,77.0,-583.0,-575.0,1.0,0,Cash loans,M,N,Y,0,270000.0,417915.0,33147.0,378000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-15576,-3681,-2357.0,-2368,,1,1,1,1,1,0,Core staff,2.0,2,2,MONDAY,11,0,0,0,0,1,1,Self-employed,,0.5677439861646143,0.3001077565791181,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1291.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +1763573,165159,Revolving loans,9000.0,180000.0,180000.0,,180000.0,MONDAY,8,Y,1,,,,XAP,Refused,-493,XNA,HC,,Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,112500.0,263686.5,14854.5,238500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.020246,-22139,365243,-9750.0,-5012,,1,0,0,1,0,0,,1.0,3,3,THURSDAY,11,0,0,0,0,0,0,XNA,,0.4106000231363464,0.363945238612397,0.1649,0.226,0.9821,0.7552,0.0331,0.0,0.3793,0.1667,0.2083,0.1997,0.1345,0.1777,0.0,0.019,0.1681,0.2345,0.9821,0.7648,0.0334,0.0,0.3793,0.1667,0.2083,0.2043,0.1469,0.1851,0.0,0.0201,0.1665,0.226,0.9821,0.7585,0.0333,0.0,0.3793,0.1667,0.2083,0.2032,0.1368,0.1809,0.0,0.0194,reg oper account,block of flats,0.1636,Panel,No,3.0,1.0,3.0,1.0,-2908.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1221897,212947,Cash loans,10907.775,157500.0,178290.0,,157500.0,WEDNESDAY,13,Y,1,,,,XNA,Refused,-443,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),40,XNA,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,157500.0,808650.0,23773.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,Municipal apartment,0.020713,-23537,365243,-7906.0,-4572,,1,0,0,1,0,0,,1.0,3,3,FRIDAY,9,0,0,0,0,0,0,XNA,,0.03501034661113283,0.6706517530862718,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1368.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2208258,361937,Consumer loans,13804.965,112455.0,101209.5,11245.5,112455.0,TUESDAY,13,Y,1,0.1089090909090909,,,XAP,Approved,-1844,Cash through the bank,XAP,,New,Photo / Cinema Equipment,POS,XNA,Country-wide,20,Connectivity,10.0,high,POS mobile with interest,365243.0,-1803.0,-1533.0,-1563.0,-1559.0,0.0,0,Cash loans,M,N,Y,0,220500.0,891126.0,37885.5,796500.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.016612000000000002,-21200,-5593,-7092.0,-4274,,1,1,1,1,1,1,High skill tech staff,1.0,2,2,FRIDAY,9,0,0,0,0,0,0,School,0.7834110763417601,0.7213132175838759,0.7826078370261895,0.0464,0.0716,0.9871,0.8232,0.024,0.0,0.1379,0.1667,0.0417,0.0515,0.037000000000000005,0.0539,0.0039,0.0,0.0473,0.0743,0.9871,0.8301,0.0243,0.0,0.1379,0.1667,0.0417,0.0527,0.0404,0.0562,0.0039,0.0,0.0468,0.0716,0.9871,0.8256,0.0242,0.0,0.1379,0.1667,0.0417,0.0524,0.0376,0.0549,0.0039,0.0,reg oper account,block of flats,0.0556,"Stone, brick",No,1.0,0.0,1.0,0.0,-1844.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2354606,244970,Consumer loans,24307.245,226260.0,241191.0,0.0,226260.0,MONDAY,10,Y,1,0.0,,,XAP,Approved,-267,XNA,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,140,Consumer electronics,12.0,middle,POS household with interest,365243.0,-237.0,93.0,365243.0,365243.0,1.0,1,Cash loans,M,Y,Y,2,202500.0,580500.0,22491.0,580500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010032,-11928,-1320,-342.0,-3624,16.0,1,1,1,1,0,0,Drivers,4.0,2,2,TUESDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.14955803670912882,,0.1113,0.0835,0.9851,,,0.12,0.1034,0.3333,,0.0502,,0.1138,,0.0666,0.0756,0.059,0.9851,,,0.0806,0.069,0.3333,,0.0325,,0.0802,,0.0467,0.1124,0.0835,0.9851,,,0.12,0.1034,0.3333,,0.0511,,0.1159,,0.068,,block of flats,0.0701,Panel,No,0.0,0.0,0.0,0.0,-442.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2259470,156798,Consumer loans,10540.62,112828.5,101542.5,11286.0,112828.5,WEDNESDAY,17,Y,1,0.1089394966697244,,,XAP,Approved,-449,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Stone,15,Consumer electronics,12.0,middle,POS household with interest,365243.0,-418.0,-88.0,-298.0,-291.0,0.0,0,Cash loans,F,N,N,3,135000.0,1350000.0,43551.0,1350000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.01885,-13362,-1008,-6761.0,-4076,,1,1,1,1,0,0,,5.0,2,2,WEDNESDAY,13,0,0,0,1,1,0,Self-employed,0.7325918994962238,0.7009799262868279,0.6195277080511546,0.0082,,0.9712,,,,0.0345,0.0417,,0.0605,,0.0085,,,0.0084,,0.9712,,,,0.0345,0.0417,,0.0619,,0.0089,,,0.0083,,0.9712,,,,0.0345,0.0417,,0.0615,,0.0087,,,,block of flats,0.0067,Wooden,Yes,0.0,0.0,0.0,0.0,-579.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2093557,222455,Cash loans,35313.075,585000.0,677664.0,,585000.0,FRIDAY,16,Y,1,,,,XNA,Refused,-1162,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),3,XNA,48.0,high,Cash X-Sell: high,,,,,,,1,Cash loans,F,Y,N,0,225000.0,407520.0,29785.5,360000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-18932,-716,-72.0,-2465,9.0,1,1,0,1,0,1,Security staff,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,Housing,,0.5019863561849582,0.2366108235287817,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2101.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2467452,430660,Cash loans,7869.015,67500.0,71955.0,0.0,67500.0,FRIDAY,15,Y,1,0.0,,,XNA,Approved,-2440,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,high,Cash Street: high,365243.0,-2410.0,-2080.0,-2140.0,-2137.0,1.0,0,Cash loans,F,N,Y,1,67500.0,101880.0,10827.0,90000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.0060079999999999995,-17546,-125,-9931.0,-1083,,1,1,0,1,0,0,Sales staff,3.0,2,2,TUESDAY,15,0,0,0,0,0,0,Self-employed,0.5930402422753748,0.7111450848362874,0.6769925032909132,0.2598,0.0,0.9861,0.8096,0.1317,0.28,0.2414,0.3333,0.375,0.0326,0.2118,0.2714,0.0,0.0,0.2647,0.0,0.9861,0.8171,0.1329,0.282,0.2414,0.3333,0.375,0.0333,0.2314,0.2827,0.0,0.0,0.2623,0.0,0.9861,0.8121,0.1326,0.28,0.2414,0.3333,0.375,0.0332,0.2155,0.2763,0.0,0.0,reg oper account,block of flats,0.2855,Panel,No,1.0,0.0,1.0,0.0,-2440.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1102608,211219,Consumer loans,7811.64,72636.12,65371.5,7264.62,72636.12,TUESDAY,11,Y,1,0.10892420465190038,,,XAP,Approved,-1748,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,1600,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1717.0,-1447.0,-1537.0,-1533.0,0.0,0,Cash loans,F,N,Y,0,67500.0,187704.0,12672.0,148500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.00733,-15990,-1580,-794.0,-4454,,1,1,0,1,0,0,Medicine staff,1.0,2,2,SUNDAY,10,0,0,0,0,0,0,Medicine,0.7269159797821316,0.6421337607708159,0.4830501881366946,0.2216,0.0775,0.9811,,,0.08,0.0345,0.3333,,0.0,,0.0697,,0.1558,0.2258,0.0805,0.9811,,,0.0806,0.0345,0.3333,,0.0,,0.0726,,0.1649,0.2238,0.0775,0.9811,,,0.08,0.0345,0.3333,,0.0,,0.071,,0.159,,block of flats,0.1113,"Stone, brick",No,0.0,0.0,0.0,0.0,-1748.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2390636,287223,Consumer loans,10126.44,53955.0,55080.0,0.0,53955.0,WEDNESDAY,14,Y,1,0.0,,,XAP,Approved,-50,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Stone,100,Furniture,6.0,low_normal,POS industry with interest,365243.0,-20.0,130.0,-20.0,-11.0,1.0,0,Cash loans,M,Y,Y,1,135000.0,810000.0,23683.5,810000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-14637,-1287,-4118.0,-4117,0.0,1,1,0,1,0,0,Medicine staff,3.0,2,2,THURSDAY,11,0,0,0,0,0,0,Medicine,0.3517963295614699,0.5095349933520261,0.1510075350878296,0.1309,0.154,0.9801,0.728,0.0653,0.0,0.2759,0.1667,0.2083,0.0607,0.1034,0.1129,0.0154,0.0255,0.1334,0.1599,0.9801,0.7387,0.0659,0.0,0.2759,0.1667,0.2083,0.062,0.1129,0.1176,0.0156,0.027000000000000003,0.1322,0.154,0.9801,0.7316,0.0657,0.0,0.2759,0.1667,0.2083,0.0617,0.1052,0.1149,0.0155,0.026,reg oper account,block of flats,0.13,"Stone, brick",No,4.0,0.0,4.0,0.0,-1756.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,1.0,6.0 +2745199,308654,Consumer loans,3076.2,37350.0,15583.5,22500.0,37350.0,MONDAY,14,Y,1,0.6434425789264495,,,XAP,Approved,-1578,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Stone,300,Consumer electronics,6.0,high,POS household with interest,365243.0,-1546.0,-1396.0,-1396.0,-1382.0,0.0,0,Cash loans,F,N,N,0,234000.0,562491.0,27189.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-16042,-2318,-7015.0,-2381,,1,1,0,1,0,0,Sales staff,2.0,3,3,THURSDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.4300339767119511,0.375711009574066,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-796.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1910237,351713,Consumer loans,34142.49,184545.0,192460.5,0.0,184545.0,SUNDAY,14,Y,1,0.0,,,XAP,Approved,-985,Cash through the bank,XAP,"Spouse, partner",Repeater,Furniture,POS,XNA,Regional / Local,70,Furniture,6.0,low_normal,POS industry without interest,365243.0,-954.0,-804.0,-804.0,-795.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,679500.0,39726.0,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-19617,-3552,-5453.0,-3136,8.0,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.5423886044672579,0.646329897706246,0.0784,,0.9921,,,0.08,0.069,0.375,,,,0.0823,,0.0158,0.0798,,0.9921,,,0.0806,0.069,0.375,,,,0.0857,,0.0167,0.0791,,0.9921,,,0.08,0.069,0.375,,,,0.0837,,0.0161,,block of flats,0.0681,Panel,No,0.0,0.0,0.0,0.0,-1492.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1329654,408346,Consumer loans,24098.175,229500.0,206550.0,22950.0,229500.0,THURSDAY,9,Y,1,0.1089090909090909,,,XAP,Approved,-692,Cash through the bank,XAP,,New,Vehicles,POS,XNA,Stone,100,Industry,10.0,middle,POS other with interest,365243.0,-661.0,-391.0,-391.0,-381.0,0.0,0,Cash loans,F,Y,N,1,81000.0,360000.0,18508.5,360000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.011703,-13071,-1527,-2105.0,-4471,6.0,1,1,1,1,1,0,Sales staff,3.0,2,2,MONDAY,11,0,0,0,1,1,0,Self-employed,0.5678210448594472,0.6799501137614903,0.4686596550493113,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-692.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,2.0 +2303695,379953,Consumer loans,13015.665,112455.0,122350.5,0.0,112455.0,MONDAY,14,Y,1,0.0,,,XAP,Approved,-261,Cash through the bank,XAP,"Spouse, partner",Refreshed,Mobile,POS,XNA,Country-wide,1000,Connectivity,10.0,low_action,POS mobile without interest,365243.0,-230.0,40.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,991944.0,32130.0,828000.0,Unaccompanied,Working,Higher education,Married,With parents,0.011656999999999999,-12475,-1494,-2379.0,-4116,3.0,1,1,0,1,0,0,High skill tech staff,2.0,1,1,WEDNESDAY,14,0,1,1,0,0,0,Construction,0.3920480687133707,0.6443016884291908,0.7180328113294772,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-121.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2000433,163358,Cash loans,13738.545,135000.0,148365.0,,135000.0,FRIDAY,13,Y,1,,,,Urgent needs,Approved,-565,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,365243.0,-535.0,-25.0,-25.0,-17.0,1.0,0,Cash loans,M,N,Y,0,225000.0,296280.0,23539.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.04622,-21237,-1421,-15343.0,-4198,,1,1,0,1,1,0,Security staff,2.0,1,1,WEDNESDAY,16,0,0,0,0,0,0,Government,,0.6475574626453645,0.6446794549585961,0.0639,0.0703,0.9786,,,0.0,0.069,0.1667,,0.0942,,0.0583,,0.0649,0.0651,0.0729,0.9786,,,0.0,0.069,0.1667,,0.0963,,0.0608,,0.0687,0.0645,0.0703,0.9786,,,0.0,0.069,0.1667,,0.0958,,0.0594,,0.0662,,block of flats,0.06,Panel,No,0.0,0.0,0.0,0.0,-221.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2567970,375207,Revolving loans,22500.0,0.0,450000.0,,,SUNDAY,8,Y,1,,,,XAP,Approved,-830,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,Y,N,1,130500.0,715500.0,30442.5,715500.0,Unaccompanied,Working,Higher education,Married,Rented apartment,0.014464,-11608,-2125,-5809.0,-988,7.0,1,1,0,1,0,1,Core staff,3.0,2,2,THURSDAY,7,0,0,0,1,1,0,Business Entity Type 3,,0.3453375572378936,,0.0773,0.08,0.9861,0.8096,0.0169,0.0,0.1724,0.1667,0.2083,0.0143,0.063,0.0703,0.0,0.0,0.0788,0.083,0.9861,0.8171,0.0171,0.0,0.1724,0.1667,0.2083,0.0146,0.0689,0.0733,0.0,0.0,0.0781,0.08,0.9861,0.8121,0.017,0.0,0.1724,0.1667,0.2083,0.0145,0.0641,0.0716,0.0,0.0,not specified,block of flats,0.0646,"Stone, brick",No,1.0,0.0,1.0,0.0,-949.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1327836,367280,Consumer loans,5758.515,108859.5,108859.5,0.0,108859.5,THURSDAY,10,Y,1,0.0,,,XAP,Approved,-1197,Cash through the bank,XAP,"Spouse, partner",Refreshed,Computers,POS,XNA,Regional / Local,145,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-1166.0,-476.0,-476.0,-473.0,0.0,0,Revolving loans,F,N,Y,0,58500.0,202500.0,10125.0,202500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010966,-10742,-1626,-1141.0,-2404,,1,1,0,1,0,0,Core staff,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,Kindergarten,0.4367976634948951,0.5920100952053687,0.7826078370261895,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-297.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1807259,323587,Consumer loans,5401.17,51426.0,46282.5,5143.5,51426.0,SUNDAY,14,Y,1,0.1089281509530022,,,XAP,Refused,-2469,XNA,LIMIT,Family,Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,12.0,low_normal,POS mobile with interest,,,,,,,0,Cash loans,F,Y,Y,0,157500.0,472500.0,48546.0,454500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.010147,-12875,-5626,-4812.0,-695,2.0,1,1,1,1,1,0,High skill tech staff,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Business Entity Type 1,,0.7328628658783918,0.8327850252992314,0.1021,0.1031,0.9906,0.8708,0.047,0.0,0.2759,0.2083,0.2083,0.041,0.0832,0.1016,0.0,0.0427,0.104,0.107,0.9906,0.8759,0.0474,0.0,0.2759,0.2083,0.2083,0.0419,0.0909,0.1058,0.0,0.0452,0.1031,0.1031,0.9906,0.8725,0.0472,0.0,0.2759,0.2083,0.2083,0.0417,0.0847,0.1034,0.0,0.0436,reg oper account,block of flats,0.0892,Panel,No,6.0,0.0,6.0,0.0,-209.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2511465,382842,Consumer loans,14566.005,323329.5,323329.5,0.0,323329.5,SUNDAY,9,Y,1,0.0,,,XAP,Refused,-573,Cash through the bank,SCO,,Repeater,Mobile,POS,XNA,Regional / Local,100,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,1,Cash loans,M,Y,N,0,121500.0,224149.5,26730.0,193500.0,Other_B,Working,Secondary / secondary special,Single / not married,With parents,0.035792000000000004,-8197,-434,-2976.0,-865,3.0,1,1,0,1,0,1,,1.0,2,2,SATURDAY,15,0,0,0,0,0,0,Business Entity Type 2,0.4563541847836303,0.4674543332510899,0.5989262182569273,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,3.0,4.0,2.0,-560.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2586144,321990,Consumer loans,4266.81,18990.0,20286.0,1899.0,18990.0,SUNDAY,12,Y,1,0.0932244145307025,,,XAP,Approved,-983,Cash through the bank,XAP,Other_B,Repeater,Mobile,POS,XNA,Country-wide,38,Connectivity,6.0,high,POS mobile with interest,365243.0,-952.0,-802.0,-802.0,-794.0,0.0,0,Cash loans,F,N,Y,0,225000.0,1288350.0,37800.0,1125000.0,Unaccompanied,State servant,Secondary / secondary special,Married,With parents,0.019101,-10784,-3082,-456.0,-3256,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Postal,,0.4431363023697121,0.8297501422395771,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,2.0,4.0,1.0,-1559.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2796831,305169,Consumer loans,5545.35,41580.0,40774.5,3330.0,41580.0,FRIDAY,8,Y,1,0.08222908608583537,,,XAP,Approved,-2545,Cash through the bank,XAP,Family,New,Photo / Cinema Equipment,POS,XNA,Regional / Local,93,Consumer electronics,8.0,low_normal,POS household without interest,365243.0,-2514.0,-2304.0,-2304.0,-2291.0,1.0,0,Cash loans,F,N,Y,0,202500.0,1256283.0,45252.0,1084500.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.006852,-17754,-8671,-376.0,-1292,,1,1,0,1,0,0,Accountants,2.0,3,3,TUESDAY,11,0,0,0,0,0,0,Other,0.5650271346539496,0.7168029749326559,0.4884551844437485,0.0495,0.0344,0.9757,0.6668,0.0545,0.0,0.1034,0.1667,0.0417,0.0321,0.0403,0.0401,0.0,0.0457,0.0504,0.0357,0.9757,0.6798,0.055,0.0,0.1034,0.1667,0.0417,0.0328,0.0441,0.0418,0.0,0.0484,0.05,0.0344,0.9757,0.6713,0.0548,0.0,0.1034,0.1667,0.0417,0.0326,0.041,0.0408,0.0,0.0467,reg oper account,block of flats,0.0415,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1765380,138461,Cash loans,17615.115,315000.0,366142.5,,315000.0,MONDAY,8,Y,1,,,,XNA,Approved,-443,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),5,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-413.0,637.0,-323.0,-318.0,1.0,0,Cash loans,M,Y,Y,0,130050.0,225000.0,12694.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,Municipal apartment,0.014519999999999996,-23974,365243,-2511.0,-4107,13.0,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,XNA,0.7774417486553772,0.6944540698617151,0.5028782772082183,,,0.9841,,,,,,,,,0.0033,,,,,0.9841,,,,,,,,,0.0034,,,,,0.9841,,,,,,,,,0.0033,,,,,0.0026,,No,0.0,0.0,0.0,0.0,-1003.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +2103798,436636,Consumer loans,9561.645,50796.0,47641.5,5400.0,50796.0,SUNDAY,14,Y,1,0.1108771605081098,,,XAP,Approved,-2619,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,25,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2588.0,-2438.0,-2438.0,-2430.0,1.0,0,Cash loans,F,Y,Y,1,135000.0,675000.0,24376.5,675000.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.019688999999999998,-13708,-3210,-6152.0,-4518,10.0,1,1,1,1,0,0,Sales staff,3.0,2,2,MONDAY,13,0,0,0,0,1,1,Self-employed,0.5499118674954653,0.5916825847989865,,0.0237,,0.9796,,,0.0,0.069,0.0833,,0.0,,0.0216,,0.0065,0.0242,,0.9796,,,0.0,0.069,0.0833,,0.0,,0.0225,,0.0069,0.0239,,0.9796,,,0.0,0.069,0.0833,,0.0,,0.022,,0.0066,,block of flats,0.0184,"Stone, brick",No,0.0,0.0,0.0,0.0,-1837.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2020560,102806,Cash loans,10884.96,180000.0,203760.0,,180000.0,MONDAY,14,Y,1,,,,Repairs,Refused,-162,Cash through the bank,VERIF,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,162000.0,711072.0,25668.0,540000.0,Children,Working,Secondary / secondary special,Single / not married,House / apartment,0.006670999999999999,-21160,-1512,-1768.0,-4534,,1,1,0,1,0,1,Cleaning staff,1.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Housing,0.8209742203038926,0.6001181282438388,0.35895122857839673,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1516.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2507728,212649,Consumer loans,12051.36,63000.0,66325.5,0.0,63000.0,FRIDAY,12,Y,1,0.0,,,XAP,Approved,-971,Cash through the bank,XAP,Family,New,Furniture,POS,XNA,Stone,30,Furniture,6.0,middle,POS industry with interest,365243.0,-940.0,-790.0,-880.0,-878.0,0.0,0,Cash loans,M,Y,Y,0,171000.0,454500.0,27063.0,454500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.01885,-20313,-4699,-5476.0,-3765,4.0,1,1,1,1,1,0,Core staff,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,School,,0.7049023151977232,0.4170996682522097,0.0619,0.0621,0.9816,0.7484,,,0.1379,0.1667,,,0.0504,0.0537,,,0.063,0.0644,0.9816,0.7583,,,0.1379,0.1667,,,0.0551,0.0559,,,0.0625,0.0621,0.9816,0.7518,,,0.1379,0.1667,,,0.0513,0.0546,,,,block of flats,0.0422,Panel,No,0.0,0.0,0.0,0.0,-349.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2116905,139870,Consumer loans,8764.335,90630.0,104089.5,0.0,90630.0,SATURDAY,14,Y,1,0.0,,,XAP,Approved,-1851,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Stone,5,Consumer electronics,18.0,high,POS household with interest,365243.0,-1820.0,-1310.0,-1370.0,-1367.0,0.0,0,Cash loans,F,N,Y,0,121500.0,1236816.0,36292.5,1080000.0,Unaccompanied,State servant,Secondary / secondary special,Civil marriage,House / apartment,0.015221,-11748,-2893,-3085.0,-3219,,1,1,1,1,1,0,High skill tech staff,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,Electricity,0.5230730153013965,0.2431979257801048,0.3123653692278984,0.0619,,0.9796,,,,0.1379,0.1667,,0.0566,,0.0546,,,0.063,,0.9796,,,,0.1379,0.1667,,0.0578,,0.0569,,,0.0625,,0.9796,,,,0.1379,0.1667,,0.0575,,0.0556,,,,block of flats,0.0429,Panel,No,0.0,0.0,0.0,0.0,-1249.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1761445,284078,Cash loans,64619.685,1305000.0,1522048.5,,1305000.0,THURSDAY,19,Y,1,,,,XNA,Approved,-50,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,270000.0,755190.0,56592.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.072508,-14653,-5363,-1648.0,-3333,8.0,1,1,1,1,1,0,Managers,1.0,1,1,FRIDAY,18,0,0,0,0,0,0,Business Entity Type 3,0.1826430375495627,0.6341556754009122,,0.2933,0.1169,0.9776,0.6940000000000001,0.022,0.2,0.1724,0.3333,0.2083,0.0842,0.2391,0.1514,0.0,0.0019,0.2248,0.0966,0.9777,0.706,0.0,0.1611,0.1379,0.3333,0.0417,0.0269,0.1965,0.0957,0.0,0.0,0.2961,0.1169,0.9776,0.6981,0.0221,0.2,0.1724,0.3333,0.2083,0.0856,0.2433,0.1541,0.0,0.0019,org spec account,block of flats,0.1667,Block,No,3.0,0.0,3.0,0.0,-375.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1551966,447839,Cash loans,27187.02,229500.0,272088.0,,229500.0,WEDNESDAY,12,Y,1,,,,XNA,Refused,-287,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),2,XNA,12.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,N,1,94500.0,127350.0,12726.0,112500.0,Unaccompanied,Working,Secondary / secondary special,Married,Rented apartment,0.020713,-13303,-1423,-2615.0,-3556,,1,1,1,1,0,0,Sales staff,3.0,3,3,WEDNESDAY,7,0,0,0,0,0,0,Self-employed,0.2961361044169076,0.5474371726680173,0.5478104658520093,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-1618.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1977551,329021,Consumer loans,10481.625,76558.5,76558.5,0.0,76558.5,WEDNESDAY,15,Y,1,0.0,,,XAP,Refused,-243,Cash through the bank,SCO,Family,Repeater,Construction Materials,POS,XNA,Stone,30,Construction,8.0,low_normal,POS industry with interest,,,,,,,0,Cash loans,F,Y,Y,0,135000.0,211500.0,15520.5,211500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-19474,365243,-5988.0,-2991,15.0,1,0,0,1,0,0,,2.0,2,2,MONDAY,15,0,0,0,0,0,0,XNA,,0.5541568697644853,,0.0814,0.0791,0.9747,0.6532,0.0062,0.0,0.1379,0.1667,0.2083,0.0608,0.0656,0.0703,0.0039,0.0055,0.083,0.0821,0.9747,0.6668,0.0063,0.0,0.1379,0.1667,0.2083,0.0622,0.0716,0.0732,0.0039,0.0058,0.0822,0.0791,0.9747,0.6578,0.0063,0.0,0.1379,0.1667,0.2083,0.0619,0.0667,0.0716,0.0039,0.0056,reg oper account,block of flats,0.0634,Panel,No,0.0,0.0,0.0,0.0,-442.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1967628,259419,Consumer loans,4390.47,26032.5,21532.5,4500.0,26032.5,SUNDAY,13,Y,1,0.188261177025222,,,XAP,Refused,-1753,Cash through the bank,HC,Children,Repeater,Mobile,POS,XNA,Country-wide,72,Connectivity,6.0,high,POS mobile with interest,,,,,,,0,Cash loans,M,Y,Y,0,202500.0,1078200.0,38331.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0228,-18961,-3077,-5846.0,-2500,2.0,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,9,0,0,0,0,1,1,Industry: type 11,,0.5309050646119295,0.7194907850918436,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1594381,265471,Revolving loans,38250.0,0.0,765000.0,,,FRIDAY,11,Y,1,,,,XAP,Approved,-591,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-564.0,-519.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,180000.0,292500.0,11155.5,292500.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.018209,-14906,-5037,-798.0,-4284,,1,1,0,1,0,0,,1.0,3,3,MONDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.4705659594183482,0.4498320846457645,0.4436153084085652,0.134,0.1026,0.9886,,,0.16,0.1379,0.2917,,0.105,,0.0149,,0.0147,0.1366,0.1065,0.9886,,,0.1611,0.1379,0.2917,,0.1074,,0.0155,,0.0156,0.1353,0.1026,0.9886,,,0.16,0.1379,0.2917,,0.1069,,0.0151,,0.015,,block of flats,0.1107,Panel,No,5.0,0.0,5.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2625035,326181,Cash loans,,0.0,0.0,,,TUESDAY,12,Y,1,,,,XNA,Refused,-261,XNA,SCOFR,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,Y,Y,0,288000.0,1288350.0,41692.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.04622,-18591,-1760,-2710.0,-2143,6.0,1,1,0,1,0,0,Laborers,2.0,1,1,THURSDAY,12,0,1,1,0,0,0,Business Entity Type 3,,0.7280753835479555,0.6940926425266661,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1634.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2789251,267141,Cash loans,76667.67,1804500.0,1933123.5,,1804500.0,SATURDAY,10,Y,1,,,,XNA,Approved,-442,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-412.0,638.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,0,270000.0,544491.0,17694.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-16317,-1565,-8205.0,-4560,,1,1,0,1,0,0,,2.0,2,2,SUNDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.6947555884318893,0.4866531565147181,0.0928,0.0,0.9821,,,0.0,0.2069,0.1667,,0.0802,,0.0817,,0.0,0.0945,0.0,0.9821,,,0.0,0.2069,0.1667,,0.0821,,0.0851,,0.0,0.0937,0.0,0.9821,,,0.0,0.2069,0.1667,,0.0816,,0.0831,,0.0,,block of flats,0.0642,Monolithic,No,0.0,0.0,0.0,0.0,-2002.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,1.0,4.0 +1815981,365804,Consumer loans,10534.365,112860.0,112860.0,0.0,112860.0,THURSDAY,11,Y,1,0.0,,,XAP,Approved,-338,Cash through the bank,XAP,,New,Computers,POS,XNA,Stone,58,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-281.0,49.0,365243.0,365243.0,0.0,1,Cash loans,M,Y,Y,0,180000.0,485640.0,38263.5,450000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.030755,-11642,-1424,-767.0,-751,5.0,1,1,0,1,0,0,IT staff,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,Legal Services,,0.2176041230198905,0.36896873825284665,0.0567,0.0563,0.9811,0.7416,0.0,0.08,0.0345,0.4583,0.5,0.0648,0.0,0.0541,0.0,0.2436,0.0578,0.0584,0.9811,0.7517,0.0,0.0806,0.0345,0.4583,0.5,0.0663,0.0,0.0563,0.0,0.2579,0.0573,0.0563,0.9811,0.7451,0.0,0.08,0.0345,0.4583,0.5,0.0659,0.0,0.055,0.0,0.2488,reg oper account,block of flats,0.0959,"Stone, brick",No,5.0,3.0,5.0,3.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1112588,294346,Revolving loans,14625.0,0.0,292500.0,,,THURSDAY,14,Y,1,,,,XAP,Approved,-1309,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-1256.0,-1222.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,202500.0,99576.0,5530.5,67500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.005084,-20898,365243,-2634.0,-4397,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,XNA,0.4360062823019597,0.6246995880050841,0.4974688893052743,0.0371,0.0044,0.9722,0.6192,0.0031,0.0,0.0345,0.0833,0.125,0.0089,0.0303,0.0213,0.0,0.0,0.0378,0.0045,0.9722,0.6341,0.0031,0.0,0.0345,0.0833,0.125,0.0091,0.0331,0.0222,0.0,0.0,0.0375,0.0044,0.9722,0.6243,0.0031,0.0,0.0345,0.0833,0.125,0.0091,0.0308,0.0217,0.0,0.0,not specified,block of flats,0.0243,"Stone, brick",No,1.0,1.0,1.0,1.0,-2286.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2536166,227812,Cash loans,5340.6,45000.0,45000.0,,45000.0,TUESDAY,9,Y,1,,,,Medicine,Approved,-421,Cash through the bank,XAP,,New,XNA,Cash,walk-in,Country-wide,24,Connectivity,12.0,high,Cash Street: high,365243.0,-391.0,-61.0,-91.0,-87.0,0.0,0,Cash loans,F,N,Y,0,67500.0,47970.0,4873.5,45000.0,Unaccompanied,Pensioner,Lower secondary,Widow,House / apartment,0.035792000000000004,-23026,365243,-4768.0,-4513,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,XNA,,0.6452182710928985,0.7366226976503176,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,5.0 +1139492,440830,Consumer loans,9759.825,162661.5,172260.0,16290.0,162661.5,FRIDAY,11,Y,1,0.09409329572575396,,,XAP,Approved,-1546,Cash through the bank,XAP,Children,New,Audio/Video,POS,XNA,Regional / Local,145,Consumer electronics,24.0,middle,POS household with interest,365243.0,-1515.0,-825.0,-825.0,-816.0,0.0,0,Revolving loans,F,N,Y,0,112500.0,337500.0,16875.0,337500.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.028663,-23280,365243,-7584.0,-3433,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,14,0,0,0,0,0,0,XNA,0.7969904699048165,0.2302175850922524,0.6577838002083306,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-842.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1281318,386105,Consumer loans,12968.82,160620.39,128493.0,32127.39,160620.39,SUNDAY,20,Y,1,0.21784063892397573,0.1891363481808909,0.8350951374207188,XAP,Approved,-299,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,12.0,middle,POS mobile with interest,365243.0,-257.0,73.0,-227.0,-222.0,0.0,0,Cash loans,F,Y,N,1,900000.0,1345500.0,54931.5,1345500.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.026392000000000002,-16023,-2460,-7415.0,-4428,1.0,1,1,0,1,0,0,Managers,2.0,2,2,FRIDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.6821636264139499,0.4418358231994413,0.1201,0.1148,0.9896,,,0.14,0.1207,0.3333,,,,0.1031,,0.1247,0.1029,0.1191,0.9896,,,0.1208,0.1034,0.3333,,,,0.0953,,0.0036,0.1213,0.1148,0.9896,,,0.14,0.1207,0.3333,,,,0.1049,,0.1273,,block of flats,0.1095,Block,No,0.0,0.0,0.0,0.0,-299.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +1326323,324487,Revolving loans,9000.0,180000.0,180000.0,,180000.0,MONDAY,18,Y,1,,,,XAP,Approved,-169,XNA,XAP,"Spouse, partner",Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,N,0,180000.0,679500.0,35311.5,679500.0,Family,State servant,Higher education,Married,House / apartment,0.00702,-9247,-2077,-4400.0,-1050,1.0,1,1,1,1,1,0,,2.0,2,2,SATURDAY,18,0,0,0,0,0,0,School,0.5826923032331024,0.4560849540269056,0.5352762504724826,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-693.0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1667356,180155,Consumer loans,25777.935,256500.0,230850.0,25650.0,256500.0,SATURDAY,18,Y,1,0.1089090909090909,,,XAP,Approved,-1273,Cash through the bank,XAP,Unaccompanied,Repeater,Clothing and Accessories,POS,XNA,Stone,56,Clothing,10.0,low_normal,POS industry with interest,365243.0,-1242.0,-972.0,-972.0,-964.0,0.0,0,Cash loans,F,Y,Y,1,202500.0,96786.0,9702.0,85500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.009175,-18105,-9119,-5726.0,-1652,12.0,1,1,0,1,1,0,Medicine staff,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,Other,,0.7537045785403975,0.7688075728291359,0.1021,,0.9831,,,0.0,0.2759,0.1667,,0.055,,0.1084,,,0.104,,0.9831,,,0.0,0.2759,0.1667,,0.0562,,0.1129,,,0.1031,,0.9831,,,0.0,0.2759,0.1667,,0.0559,,0.1104,,,,block of flats,0.0853,"Stone, brick",No,0.0,0.0,0.0,0.0,-1745.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2503063,301571,Cash loans,45495.81,900000.0,1004544.0,,900000.0,THURSDAY,15,Y,1,,,,XNA,Approved,-886,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-856.0,554.0,-706.0,-701.0,1.0,0,Cash loans,F,N,N,0,202500.0,594121.5,28710.0,472500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,Rented apartment,0.031329,-12130,-573,-3446.0,-4625,,1,1,0,1,0,1,Managers,1.0,2,2,MONDAY,8,0,0,0,1,1,0,Restaurant,0.5872719142333761,0.36452975863668335,0.6430255641096323,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1538.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1918974,202936,Revolving loans,6750.0,270000.0,135000.0,,270000.0,THURSDAY,16,Y,1,,,,XAP,Approved,-229,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),4,XNA,0.0,XNA,Card X-Sell,-225.0,-188.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,135000.0,101880.0,12217.5,90000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.006296,-9261,-1600,-60.0,-1848,,1,1,0,1,0,1,High skill tech staff,1.0,3,3,TUESDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.5597582061244375,0.3563083960196423,0.4632753280912678,0.1237,0.1318,0.9806,0.7348,0.0,0.0,0.2759,0.1667,0.0417,0.0347,0.1009,0.0731,0.0,0.0,0.1261,0.1368,0.9806,0.7452,0.0,0.0,0.2759,0.1667,0.0417,0.0355,0.1102,0.0762,0.0,0.0,0.1249,0.1318,0.9806,0.7383,0.0,0.0,0.2759,0.1667,0.0417,0.0353,0.1026,0.0744,0.0,0.0,reg oper account,block of flats,0.0854,"Stone, brick",No,1.0,0.0,1.0,0.0,-1134.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1318240,164511,Cash loans,43465.77,1408500.0,1575828.0,,1408500.0,THURSDAY,10,Y,1,,,,XNA,Refused,-179,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,1,Cash loans,F,Y,Y,0,270000.0,848745.0,46044.0,675000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.009656999999999999,-21233,-1935,-7318.0,-4634,4.0,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Self-employed,,0.2974717010520944,0.6212263380626669,0.4722,0.3545,0.9831,0.7688,0.0828,0.52,0.4483,0.3333,0.375,0.3811,0.385,0.4951,0.0,0.0055,0.4811,0.3679,0.9831,0.7779,0.0835,0.5236,0.4483,0.3333,0.375,0.3898,0.4206,0.5158,0.0,0.0058,0.4767,0.3545,0.9831,0.7719,0.0833,0.52,0.4483,0.3333,0.375,0.3878,0.3916,0.504,0.0,0.0056,reg oper account,block of flats,0.4358,Panel,No,3.0,0.0,3.0,0.0,-179.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +1526777,105805,Cash loans,44698.86,1354500.0,1591839.0,,1354500.0,THURSDAY,10,Y,1,,,,Repairs,Refused,-537,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,Y,Y,0,202500.0,180000.0,11007.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-13562,-3716,-1111.0,-1239,14.0,1,1,0,1,0,0,,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Other,,0.2212559086068051,0.0005272652387098817,0.0722,0.0789,0.9742,0.6464,0.017,0.0,0.1379,0.1667,0.2083,0.0488,0.0538,0.0496,0.0232,0.0473,0.0735,0.0819,0.9742,0.6602,0.0171,0.0,0.1379,0.1667,0.2083,0.0499,0.0588,0.0517,0.0233,0.0501,0.0729,0.0789,0.9742,0.6511,0.0171,0.0,0.1379,0.1667,0.2083,0.0497,0.0547,0.0505,0.0233,0.0483,reg oper account,block of flats,0.0493,"Stone, brick",No,0.0,0.0,0.0,0.0,-1069.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1082044,240620,Revolving loans,9000.0,0.0,180000.0,,,THURSDAY,14,Y,1,,,,XAP,Approved,-2899,XNA,XAP,,Repeater,XNA,Cards,x-sell,Stone,2800,Industry,0.0,XNA,Card Street,-2891.0,-2837.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,630000.0,900000.0,60520.5,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.072508,-18754,-2470,-7210.0,-2310,,1,1,0,1,0,0,Sales staff,1.0,1,1,FRIDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.6818806451204337,0.7725173207021137,,0.1412,0.0656,0.9866,0.8164,0.066,0.16,0.069,0.6667,0.7083,0.0,0.1143,0.1727,0.0039,0.0012,0.1439,0.068,0.9866,0.8236,0.0667,0.1611,0.069,0.6667,0.7083,0.0,0.1249,0.1799,0.0039,0.0012,0.1426,0.0656,0.9866,0.8189,0.0665,0.16,0.069,0.6667,0.7083,0.0,0.1163,0.1758,0.0039,0.0012,reg oper account,block of flats,0.1361,Panel,No,4.0,0.0,4.0,0.0,-1629.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1107506,178038,Cash loans,36423.0,1125000.0,1125000.0,,1125000.0,SUNDAY,14,Y,1,,,,XNA,Approved,-28,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Country-wide,1000,Consumer electronics,60.0,low_normal,Cash X-Sell: low,365243.0,365243.0,1772.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,202500.0,225000.0,8212.5,225000.0,"Spouse, partner",Working,Secondary / secondary special,Married,Office apartment,0.010006000000000001,-13936,-6599,-3425.0,-1223,,1,1,0,1,0,0,Core staff,2.0,2,2,SUNDAY,9,0,0,0,0,0,0,Industry: type 9,,0.09374586006709633,,0.2206,0.1475,0.9891,0.8504,,0.24,0.2069,0.3333,0.375,0.1161,0.1799,0.2653,,0.033,0.2248,0.1531,0.9891,0.8563,,0.2417,0.2069,0.3333,0.375,0.1188,0.1965,0.2764,,0.0349,0.2228,0.1475,0.9891,0.8524,,0.24,0.2069,0.3333,0.375,0.1182,0.183,0.2701,,0.0337,reg oper account,block of flats,0.3323,Panel,No,0.0,0.0,0.0,0.0,-28.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1479767,225688,Consumer loans,20550.915,154660.5,167931.0,0.0,154660.5,THURSDAY,13,Y,1,0.0,,,XAP,Refused,-859,Cash through the bank,LIMIT,Family,Repeater,Audio/Video,POS,XNA,Country-wide,15,Connectivity,12.0,high,POS mobile with interest,,,,,,,0,Cash loans,M,Y,Y,1,157500.0,545040.0,26640.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.04622,-8533,-119,-8043.0,-1196,22.0,1,1,0,1,0,0,Laborers,3.0,1,1,TUESDAY,11,0,0,0,0,1,1,Other,,0.29137099986274945,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1323528,419148,Cash loans,33249.735,900000.0,1030680.0,,900000.0,SATURDAY,7,Y,1,,,,XNA,Refused,-305,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,1,Cash loans,F,Y,Y,0,180000.0,778500.0,39879.0,778500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008068,-16110,-5725,-5493.0,-4097,13.0,1,1,1,1,1,1,Laborers,2.0,3,3,WEDNESDAY,8,0,0,0,0,0,0,Other,0.7600410501473752,0.4827715848660504,0.4083588531230431,,,0.9796,,,,,,,,,0.0864,,,,,0.9796,,,,,,,,,0.0901,,,,,0.9796,,,,,,,,,0.08800000000000001,,,,,0.068,,No,0.0,0.0,0.0,0.0,-568.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1239135,260372,Consumer loans,4315.185,79083.0,95787.0,0.0,79083.0,THURSDAY,18,Y,1,0.0,,,XAP,Approved,-596,Cash through the bank,XAP,,New,Computers,POS,XNA,Country-wide,1455,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-565.0,125.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,315000.0,495882.0,33268.5,405000.0,Family,Commercial associate,Incomplete higher,Married,House / apartment,0.04622,-11346,-1074,-729.0,-3633,10.0,1,1,0,1,0,1,Managers,2.0,1,1,FRIDAY,13,0,0,0,0,1,1,Self-employed,0.3639856585799008,0.7475402256458228,0.5442347412142162,0.0722,,0.9742,,,,0.1207,0.1667,,,,0.0574,,,0.063,,0.9742,,,,0.1034,0.1667,,,,0.0528,,,0.0729,,0.9742,,,,0.1207,0.1667,,,,0.0585,,,,block of flats,0.0434,"Stone, brick",No,3.0,3.0,3.0,2.0,-111.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1668480,203179,Consumer loans,3979.8,39996.0,39798.0,4000.5,39996.0,FRIDAY,14,Y,1,0.09947619625827783,,,XAP,Approved,-1027,Cash through the bank,XAP,Family,New,Photo / Cinema Equipment,POS,XNA,Country-wide,300,Connectivity,12.0,middle,POS mobile with interest,365243.0,-996.0,-666.0,-666.0,-660.0,0.0,0,Cash loans,F,N,Y,1,202500.0,526500.0,22437.0,526500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-14474,-5162,-791.0,-4842,,1,1,0,1,0,0,Laborers,3.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Self-employed,0.3786370509368033,0.4800801312163775,0.5971924268337128,0.1031,0.1068,0.9836,0.7756,0.1427,0.0,0.2069,0.1667,0.2083,0.0788,0.1916,0.0638,0.0077,0.0181,0.105,0.1108,0.9836,0.7844,0.14400000000000002,0.0,0.2069,0.1667,0.2083,0.0806,0.2094,0.0664,0.0078,0.0192,0.1041,0.1068,0.9836,0.7786,0.1436,0.0,0.2069,0.1667,0.2083,0.0802,0.195,0.0649,0.0078,0.0185,reg oper account,block of flats,0.078,Panel,No,0.0,0.0,0.0,0.0,-1027.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,4.0,0.0,3.0 +1562305,396852,Consumer loans,1641.15,16152.48,16260.48,1620.0,16152.48,SATURDAY,15,Y,1,0.09867337301500144,0.19332993312932112,0.852536997885835,XAP,Approved,-175,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,middle,POS mobile with interest,365243.0,-136.0,194.0,-46.0,-41.0,0.0,0,Cash loans,F,N,Y,1,54000.0,814041.0,23931.0,679500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0060079999999999995,-11771,-3018,-2831.0,-2074,,1,1,0,1,0,0,Sales staff,3.0,2,2,SATURDAY,13,0,0,0,1,0,1,Self-employed,0.4150923532059327,0.6475923972339399,0.656158373001177,0.5897,0.4299,0.9806,0.7348,0.252,0.64,0.5517,0.3333,0.375,0.0784,0.4783,0.6165,0.0116,0.0141,0.6008,0.4461,0.9806,0.7452,0.2543,0.6445,0.5517,0.3333,0.375,0.0802,0.5225,0.6423,0.0117,0.0149,0.5954,0.4299,0.9806,0.7383,0.2536,0.64,0.5517,0.3333,0.375,0.0798,0.4865,0.6276,0.0116,0.0144,reg oper spec account,block of flats,0.6258,Panel,No,0.0,0.0,0.0,0.0,-1201.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1526913,106793,Cash loans,19577.835,450000.0,545040.0,,450000.0,FRIDAY,9,Y,1,,,,XNA,Refused,-34,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Channel of corporate sales,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,112500.0,225000.0,8082.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.010147,-21198,365243,-11228.0,-4461,,1,0,0,1,1,0,,1.0,2,2,TUESDAY,18,0,0,0,0,0,0,XNA,,0.403938223578016,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-34.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1183818,412727,Cash loans,21914.595,247500.0,303736.5,,247500.0,FRIDAY,14,Y,1,,,,XNA,Approved,-554,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-524.0,-14.0,-74.0,-69.0,1.0,0,Cash loans,F,N,Y,0,157500.0,1557000.0,54247.5,1557000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.005144,-12742,-479,-866.0,-1622,,1,1,0,1,0,1,Core staff,1.0,2,2,SATURDAY,15,0,0,0,0,0,0,Advertising,0.4816337419541649,0.25248325348998923,,0.1062,0.1303,0.9846,0.7892,0.0422,0.0,0.2414,0.1667,0.2083,0.0854,0.0857,0.094,0.0039,0.0093,0.1082,0.1353,0.9846,0.7975,0.0426,0.0,0.2414,0.1667,0.2083,0.0874,0.0937,0.0979,0.0039,0.0099,0.1072,0.1303,0.9846,0.792,0.0425,0.0,0.2414,0.1667,0.2083,0.0869,0.0872,0.0957,0.0039,0.0095,reg oper account,block of flats,0.099,"Stone, brick",No,0.0,0.0,0.0,0.0,-554.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2308802,255211,Cash loans,26051.13,688500.0,797557.5,,688500.0,MONDAY,15,Y,1,,,,Buying a used car,Refused,-8,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,Y,N,0,225000.0,490536.0,32913.0,405000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-10023,-2683,-4907.0,-2687,6.0,1,1,0,1,0,0,Accountants,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.7608706351731427,0.2103502286944494,0.1876,0.0588,0.9886,0.8436,0.0726,0.08,0.069,0.375,0.4167,0.0354,0.153,0.1328,0.0,0.0,0.1912,0.0611,0.9886,0.8497,0.0733,0.0806,0.069,0.375,0.4167,0.0362,0.1671,0.1384,0.0,0.0,0.1894,0.0588,0.9886,0.8457,0.0731,0.08,0.069,0.375,0.4167,0.036000000000000004,0.1556,0.1352,0.0,0.0,reg oper account,block of flats,0.1442,"Stone, brick",No,0.0,0.0,0.0,0.0,-1930.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1414229,415245,Consumer loans,10443.465,104445.0,94000.5,10444.5,104445.0,THURSDAY,14,Y,1,0.1089090909090909,,,XAP,Approved,-2590,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Stone,30,Furniture,10.0,low_normal,POS industry without interest,365243.0,-2558.0,-2288.0,-2288.0,-2279.0,0.0,0,Cash loans,F,N,Y,0,225000.0,765000.0,34699.5,765000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-21627,-7506,-11851.0,-4672,,1,1,0,1,0,0,Medicine staff,2.0,2,2,THURSDAY,13,0,0,0,0,1,1,Medicine,,0.270393383534492,0.7700870700124128,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1666.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2190976,121747,Revolving loans,4500.0,0.0,90000.0,,,FRIDAY,8,Y,1,,,,XAP,Approved,-2499,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,30,Connectivity,0.0,XNA,Card Street,-2496.0,-2454.0,365243.0,-1024.0,365243.0,0.0,0,Cash loans,M,N,Y,1,103500.0,123637.5,8923.5,112500.0,"Spouse, partner",Working,Secondary / secondary special,Civil marriage,House / apartment,0.0105,-20185,-3063,-3573.0,-3727,,1,1,1,1,0,0,Medicine staff,3.0,3,3,FRIDAY,10,0,0,0,0,1,1,Medicine,,0.5215226773394349,0.5709165417729987,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1627.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2422767,416419,Cash loans,13569.255,315000.0,366142.5,,315000.0,THURSDAY,7,Y,1,,,,XNA,Refused,-229,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,112500.0,500211.0,27931.5,463500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.008068,-20676,365243,-1905.0,-4086,1.0,1,0,0,1,1,0,,2.0,3,3,TUESDAY,9,0,0,0,0,0,0,XNA,,0.4294980740746072,0.6848276586890367,0.0716,0.1166,0.9806,,,0.0,0.1493,0.1667,,,,0.0653,,,0.062,0.121,0.9777,,,0.0,0.2069,0.1667,,,,0.0503,,,0.0723,0.1166,0.9806,,,0.0,0.2069,0.1667,,,,0.0667,,,,block of flats,0.0386,"Stone, brick",No,1.0,0.0,1.0,0.0,-1569.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,5.0 +1550858,330955,Consumer loans,14190.795,129136.5,129136.5,0.0,129136.5,TUESDAY,17,Y,1,0.0,,,XAP,Approved,-475,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-437.0,-167.0,-287.0,-281.0,0.0,1,Revolving loans,F,Y,Y,0,135000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Incomplete higher,Separated,With parents,0.006296,-15811,-2391,-5290.0,-1306,1.0,1,1,0,1,0,0,High skill tech staff,1.0,3,3,MONDAY,15,0,0,0,0,1,1,Business Entity Type 3,0.2425178909322383,0.20994888317355312,0.11761373170805695,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-1176.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,1.0,0.0,3.0 +2451097,366390,Cash loans,9369.81,117000.0,132444.0,,117000.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-972,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-942.0,-252.0,-792.0,-786.0,1.0,0,Revolving loans,F,N,Y,1,112500.0,202500.0,10125.0,202500.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.025164,-16127,-930,-3499.0,-3991,,1,1,0,1,0,0,Core staff,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,School,0.7693950682078924,0.5823259949086429,,0.0186,0.0295,0.9707,0.5988,0.0123,0.0,0.069,0.0833,0.125,0.0294,0.0151,0.0188,0.0,0.0,0.0189,0.0307,0.9707,0.6145,0.0124,0.0,0.069,0.0833,0.125,0.0301,0.0165,0.0196,0.0,0.0,0.0187,0.0295,0.9707,0.6042,0.0124,0.0,0.069,0.0833,0.125,0.0299,0.0154,0.0191,0.0,0.0,reg oper account,block of flats,0.0215,Mixed,No,0.0,0.0,0.0,0.0,-1752.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1705671,452521,Consumer loans,6128.01,65209.455,64881.0,6524.955,65209.455,SATURDAY,14,Y,1,0.0995192792075573,,,XAP,Approved,-360,Cash through the bank,XAP,"Spouse, partner",Repeater,Computers,POS,XNA,Country-wide,1173,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-329.0,1.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,315000.0,1237684.5,52569.0,1138500.0,Family,State servant,Secondary / secondary special,Married,House / apartment,0.02461,-13190,-3735,-2923.0,-3917,,1,1,0,1,1,0,Core staff,2.0,2,2,TUESDAY,16,0,0,0,0,0,0,Police,0.3489293130133021,0.6734726884526796,0.475849908720221,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,10.0,1.0,10.0,1.0,-1480.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,2.0 +1634517,386420,Consumer loans,6773.85,74161.35,66744.0,7417.35,74161.35,SATURDAY,18,Y,1,0.10892693369990504,0.14244021307945146,0.6379492600422833,XAP,Approved,-695,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,25,Connectivity,12.0,middle,POS mobile with interest,365243.0,-653.0,-323.0,-563.0,-535.0,0.0,0,Cash loans,F,Y,N,2,189000.0,675000.0,53329.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0228,-12917,-5925,-1535.0,-1245,2.0,1,1,1,1,0,0,Core staff,4.0,2,2,FRIDAY,15,0,0,0,0,0,0,Business Entity Type 2,,0.5372878237917023,0.3539876078507373,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-184.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +2010187,395865,Cash loans,31241.79,342000.0,396171.0,,342000.0,WEDNESDAY,14,Y,1,,,,XNA,Refused,-47,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,Y,Y,0,189000.0,545040.0,17536.5,450000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.02461,-19545,365243,-4987.0,-1914,13.0,1,0,0,1,0,0,,2.0,2,2,MONDAY,12,0,0,0,0,0,0,XNA,,0.6334044973030262,0.2418614865234661,0.0835,0.0785,0.9737,0.6396,0.0562,0.0,0.1379,0.1667,0.2083,0.0648,0.0672,0.0626,0.0039,0.0,0.0851,0.0815,0.9737,0.6537,0.0567,0.0,0.1379,0.1667,0.2083,0.0662,0.0735,0.0653,0.0039,0.0,0.0843,0.0785,0.9737,0.6444,0.0566,0.0,0.1379,0.1667,0.2083,0.0659,0.0684,0.0638,0.0039,0.0,reg oper account,block of flats,0.0819,"Stone, brick",No,5.0,4.0,5.0,4.0,-777.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2569876,267385,Cash loans,31956.705,823500.0,986553.0,,823500.0,SATURDAY,10,Y,1,,,,XNA,Refused,-229,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,157500.0,729792.0,37390.5,630000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.00496,-21050,365243,-4195.0,-4242,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,XNA,,0.7793000565808588,0.41885428862332175,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-582.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2163087,431175,Revolving loans,5625.0,0.0,112500.0,,,TUESDAY,11,Y,1,,,,XAP,Approved,-2763,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,473,Consumer electronics,0.0,XNA,Card Street,-2119.0,-2076.0,365243.0,-1621.0,365243.0,0.0,0,Cash loans,F,Y,Y,1,90000.0,942300.0,30528.0,675000.0,Unaccompanied,Commercial associate,Lower secondary,Married,House / apartment,0.005002,-13792,-1406,-1117.0,-4414,3.0,1,1,0,1,0,0,Sales staff,3.0,3,3,SUNDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.5305129329381001,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1173.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2794366,376043,Consumer loans,5849.595,31500.0,29632.5,6300.0,31500.0,WEDNESDAY,12,Y,1,0.19094893835031604,,,XAP,Approved,-1038,Cash through the bank,XAP,"Spouse, partner",New,Photo / Cinema Equipment,POS,XNA,Country-wide,93,Connectivity,6.0,high,POS mobile with interest,365243.0,-1007.0,-857.0,-857.0,-852.0,0.0,0,Revolving loans,F,N,N,0,67500.0,135000.0,6750.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-13353,-99,-7366.0,-4581,,1,1,0,1,0,0,Core staff,2.0,2,2,FRIDAY,11,0,0,0,0,1,1,Hotel,0.3442091541596749,0.6553280166241904,0.7032033049040319,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1038.0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2040166,324940,Cash loans,21689.91,112500.0,116212.5,,112500.0,FRIDAY,17,Y,1,,,,XNA,Approved,-466,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-436.0,-286.0,-316.0,-310.0,1.0,0,Cash loans,F,N,N,2,135000.0,1129500.0,31059.0,1129500.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.026392000000000002,-12424,-3754,-2678.0,-3188,,1,1,1,1,1,0,Core staff,4.0,2,2,TUESDAY,16,0,0,0,0,0,0,School,,0.7770465320995331,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-1588.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2115953,116914,Consumer loans,2420.37,24435.0,24547.5,2430.0,24435.0,TUESDAY,11,Y,1,0.09809993176131622,,,XAP,Approved,-1224,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,20,Connectivity,14.0,high,POS mobile with interest,365243.0,-1180.0,-790.0,-820.0,-804.0,0.0,0,Revolving loans,M,Y,Y,0,225000.0,450000.0,22500.0,450000.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.02461,-20276,-5025,-8606.0,-3288,21.0,1,1,0,1,0,0,Laborers,1.0,2,2,MONDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.7216823172746151,0.4884551844437485,0.0825,0.0684,0.9771,0.6872,0.029,0.0,0.1379,0.1667,0.0417,0.0637,0.0672,0.0701,0.0,0.0,0.084,0.071,0.9772,0.6994,0.0293,0.0,0.1379,0.1667,0.0417,0.0651,0.0735,0.073,0.0,0.0,0.0833,0.0684,0.9771,0.6914,0.0292,0.0,0.1379,0.1667,0.0417,0.0648,0.0684,0.0713,0.0,0.0,reg oper account,block of flats,0.0551,Panel,No,3.0,0.0,3.0,0.0,-1251.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1441567,165809,Cash loans,10080.63,135000.0,152820.0,,135000.0,WEDNESDAY,8,Y,1,,,,Urgent needs,Refused,-174,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),148,XNA,24.0,middle,Cash Street: middle,,,,,,,1,Cash loans,M,Y,N,0,225000.0,683023.5,45643.5,683023.5,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00702,-8992,-693,-8043.0,-1469,1.0,1,1,1,1,1,0,Drivers,2.0,2,2,TUESDAY,14,0,0,0,0,1,1,Other,,0.0337338078877742,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2171941,157305,Consumer loans,8368.065,43605.0,41040.0,4500.0,43605.0,TUESDAY,12,Y,1,0.10761767876392377,,,XAP,Refused,-1851,XNA,LIMIT,Unaccompanied,Repeater,Mobile,POS,XNA,Stone,68,Connectivity,6.0,high,POS household with interest,,,,,,,0,Cash loans,F,N,N,0,103500.0,338832.0,22365.0,292500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.014464,-9548,-2188,-386.0,-322,,1,1,0,1,0,0,Core staff,2.0,2,2,THURSDAY,5,0,0,0,0,0,0,Self-employed,0.30655340217480925,0.6029485086812248,0.7180328113294772,0.1103,0.0,0.9767,0.6804,0.0079,0.0,0.0345,0.1667,0.2083,0.0567,0.0874,0.0475,0.0116,0.046,0.1124,0.0,0.9767,0.6929,0.0079,0.0,0.0345,0.1667,0.2083,0.058,0.0955,0.0495,0.0117,0.0487,0.1114,0.0,0.9767,0.6847,0.0079,0.0,0.0345,0.1667,0.2083,0.0577,0.0889,0.0484,0.0116,0.047,reg oper account,block of flats,0.0417,"Stone, brick",No,0.0,0.0,0.0,0.0,-1126.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2126527,368667,Revolving loans,2250.0,45000.0,45000.0,,45000.0,THURSDAY,5,Y,1,,,,XAP,Approved,-273,XNA,XAP,Unaccompanied,New,XNA,Cards,walk-in,Regional / Local,24,Connectivity,0.0,XNA,Card Street,-262.0,-232.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,3,202500.0,543037.5,42903.0,463500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.006629,-13389,-418,-3663.0,-239,14.0,1,1,0,1,0,0,,5.0,2,2,THURSDAY,4,0,0,0,0,0,0,Business Entity Type 2,0.4411014287496432,0.7458361398943076,,0.0918,0.1148,0.9841,0.7688,0.0212,0.04,0.1379,0.2083,0.0417,0.0686,0.0698,0.0962,0.0154,0.0471,0.0756,0.1117,0.9831,0.7779,0.0214,0.0,0.1034,0.125,0.0417,0.0583,0.0762,0.0759,0.0156,0.0,0.0906,0.1083,0.9841,0.7719,0.0214,0.0,0.1034,0.1667,0.0417,0.0648,0.071,0.0825,0.0155,0.0196,reg oper account,block of flats,0.0795,Panel,No,4.0,0.0,4.0,0.0,-273.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1299305,367320,Cash loans,,0.0,0.0,,,SATURDAY,10,Y,1,,,,XNA,Refused,-384,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,0,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,Y,Y,0,157500.0,290088.0,18666.0,229500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-17458,365243,-5226.0,-1007,4.0,1,0,0,1,1,1,,2.0,2,2,FRIDAY,18,0,0,0,0,0,0,XNA,,0.5851899547640256,0.6986675550534175,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1006192,222398,Consumer loans,17901.135,105498.0,99958.5,10552.5,105498.0,TUESDAY,12,Y,1,0.10399536533179342,,,XAP,Approved,-807,Cash through the bank,XAP,Unaccompanied,New,Photo / Cinema Equipment,POS,XNA,Country-wide,956,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-776.0,-626.0,-626.0,-382.0,0.0,0,Cash loans,F,N,Y,1,112500.0,1078200.0,34780.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.007114,-11920,-2563,-5711.0,-3982,,1,1,0,1,0,0,Core staff,3.0,2,2,THURSDAY,12,0,0,0,0,0,0,Kindergarten,,0.2620553359511834,0.6178261467332483,0.1423,0.1388,0.9866,0.8368,0.2539,0.0,0.4138,0.1667,0.0417,0.0952,0.116,0.0768,0.0,0.0624,0.145,0.1441,0.9851,0.8432,0.2562,0.0,0.4138,0.1667,0.0417,0.0973,0.1267,0.0092,0.0,0.0661,0.1436,0.1388,0.9866,0.8390000000000001,0.2555,0.0,0.4138,0.1667,0.0417,0.0968,0.118,0.0782,0.0,0.0637,reg oper account,block of flats,0.006999999999999999,"Stone, brick",Yes,0.0,0.0,0.0,0.0,-807.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2313457,283862,Consumer loans,7635.6,43650.0,41229.0,4365.0,43650.0,SUNDAY,14,Y,1,0.10426551340487383,,,XAP,Approved,-2087,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,210,Consumer electronics,6.0,middle,POS household with interest,365243.0,-2056.0,-1906.0,-1906.0,-1905.0,0.0,0,Cash loans,F,N,Y,0,301500.0,450000.0,44509.5,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.015221,-13726,-921,-2413.0,-3436,,1,1,0,1,1,0,Managers,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.8576986851268558,0.4632378667410294,,0.1866,0.1591,0.993,0.9048,0.0373,0.0,0.4828,0.1667,0.2083,0.1119,0.1404,0.1722,0.0541,0.066,0.1901,0.1651,0.993,0.9085,0.0377,0.0,0.4828,0.1667,0.2083,0.1145,0.1534,0.1794,0.0545,0.0698,0.1884,0.1591,0.993,0.9061,0.0376,0.0,0.4828,0.1667,0.2083,0.1139,0.1428,0.1753,0.0543,0.0673,reg oper account,block of flats,0.1559,"Stone, brick",No,3.0,1.0,3.0,1.0,-1309.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2706009,323779,Cash loans,24146.82,450000.0,533160.0,,450000.0,THURSDAY,17,Y,1,,,,XNA,Approved,-730,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-700.0,710.0,-340.0,-335.0,1.0,0,Cash loans,F,Y,Y,0,360000.0,1341000.0,39339.0,1341000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-16926,-1659,-6511.0,-457,2.0,1,1,0,1,0,0,Sales staff,2.0,2,2,SATURDAY,17,0,0,0,0,0,0,Self-employed,0.6955388111920028,0.6787211043942456,0.6956219298394389,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,1.0,5.0,0.0,-1330.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,4.0,0.0,6.0 +2611291,284165,Consumer loans,2529.225,46615.5,55845.0,0.0,46615.5,MONDAY,10,Y,1,0.0,,,XAP,Approved,-1201,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,90,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1170.0,-480.0,-480.0,-474.0,0.0,0,Cash loans,M,Y,Y,0,196200.0,808650.0,31464.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0228,-16335,-195,-1859.0,-3797,0.0,1,1,0,1,0,0,Cleaning staff,2.0,2,2,FRIDAY,12,0,0,0,0,1,1,Medicine,,0.16214456766623808,0.6263042766749393,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,10.0,0.0,10.0,0.0,-2229.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +1180812,289695,Cash loans,17963.685,90000.0,92970.0,0.0,90000.0,SUNDAY,9,Y,1,0.0,,,XNA,Approved,-2327,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,6.0,high,Cash Street: high,365243.0,-2297.0,-2147.0,-2147.0,-2145.0,1.0,0,Cash loans,F,Y,Y,0,112500.0,755190.0,36328.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.020246,-19425,-2956,-7419.0,-2918,7.0,1,1,1,1,1,0,Core staff,2.0,3,3,WEDNESDAY,13,0,0,0,0,0,0,Trade: type 3,0.7732972598381069,0.3843644576676061,,0.0546,0.0429,0.9871,0.8096,,0.04,0.0517,0.3542,0.375,0.0588,0.0303,0.0678,0.0,0.0015,0.0378,0.0246,0.9861,0.8171,,0.0403,0.0345,0.3333,0.375,0.0601,0.0331,0.0366,0.0,0.0,0.0552,0.0429,0.9871,0.8121,,0.04,0.0517,0.3542,0.375,0.0598,0.0308,0.0691,0.0,0.0015,reg oper account,block of flats,0.0276,Panel,No,4.0,0.0,4.0,0.0,-2327.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1939088,274937,Cash loans,15129.45,135000.0,135000.0,0.0,135000.0,WEDNESDAY,9,Y,1,0.0,,,Other,Refused,-2186,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,225000.0,729792.0,39010.5,630000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-21830,365243,-6098.0,-5029,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,XNA,,0.6088176529543303,0.6144143775673561,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2024.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1887481,152670,Cash loans,11576.7,85500.0,103698.0,,85500.0,MONDAY,11,Y,1,,,,XNA,Approved,-779,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-749.0,-419.0,-419.0,-416.0,1.0,0,Cash loans,F,N,N,0,81000.0,45000.0,2187.0,45000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,Municipal apartment,0.026392000000000002,-13643,-2138,-6118.0,-4127,,1,1,0,1,0,1,Laborers,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.6131529904080321,0.7062015987598907,,0.2443,0.1775,0.9891,,,0.24,0.2069,0.375,,0.1296,,0.265,,0.0,0.2489,0.1842,0.9891,,,0.2417,0.2069,0.375,,0.1326,,0.2761,,0.0,0.2467,0.1775,0.9891,,,0.24,0.2069,0.375,,0.1318,,0.2698,,0.0,,block of flats,0.2085,Panel,No,3.0,0.0,3.0,0.0,-393.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1806870,349482,Revolving loans,2250.0,270000.0,270000.0,,270000.0,MONDAY,11,N,0,,,,XAP,Refused,-111,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),100,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,N,Y,0,65700.0,54400.5,4270.5,49500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.04622,-20201,365243,-2420.0,-3645,,1,0,0,1,1,0,,1.0,1,1,SUNDAY,10,0,0,0,0,0,0,XNA,,0.6445472162656798,,0.0619,,0.9841,,,,0.1379,0.1667,,0.0379,,0.0612,,,0.063,,0.9841,,,,0.1379,0.1667,,0.0387,,0.0637,,,0.0625,,0.9841,,,,0.1379,0.1667,,0.0385,,0.0623,,,,block of flats,0.0524,Panel,No,0.0,0.0,0.0,0.0,-123.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1231127,377355,Consumer loans,4266.135,94698.0,94698.0,0.0,94698.0,FRIDAY,12,Y,1,0.0,,,XAP,Approved,-691,Cash through the bank,XAP,Children,New,Audio/Video,POS,XNA,Country-wide,119,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-655.0,35.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,67500.0,675000.0,21775.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007305,-20054,-917,-5780.0,-3320,,1,1,0,1,1,0,,2.0,3,3,WEDNESDAY,9,0,0,0,0,0,0,Other,,0.3809808278189705,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-19.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2458834,403630,Consumer loans,4811.4,41800.5,40500.0,4950.0,41800.5,SATURDAY,15,Y,1,0.11861386138613855,,,XAP,Approved,-1887,XNA,XAP,Family,New,Mobile,POS,XNA,Country-wide,40,Connectivity,12.0,high,POS mobile with interest,365243.0,-1856.0,-1526.0,-1526.0,-1522.0,0.0,0,Cash loans,F,N,Y,0,67500.0,314100.0,16164.0,225000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.010147,-15625,-2183,-6572.0,-1625,,1,1,0,1,0,0,Drivers,1.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Other,,0.4587117164732194,0.7016957740576931,0.0825,0.0739,0.9767,0.6804,0.0089,0.0,0.1379,0.1667,0.2083,0.0671,0.0672,0.0713,0.0,0.0,0.084,0.0767,0.9767,0.6929,0.0089,0.0,0.1379,0.1667,0.2083,0.0687,0.0735,0.0743,0.0,0.0,0.0833,0.0739,0.9767,0.6847,0.0089,0.0,0.1379,0.1667,0.2083,0.0683,0.0684,0.0726,0.0,0.0,reg oper spec account,block of flats,0.0609,Panel,No,0.0,0.0,0.0,0.0,-910.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2697205,267893,Consumer loans,3440.205,37287.0,33556.5,3730.5,37287.0,SATURDAY,15,Y,1,0.108961665898668,,,XAP,Approved,-298,XNA,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,100,Furniture,12.0,middle,POS industry with interest,365243.0,-267.0,63.0,-267.0,-255.0,0.0,0,Cash loans,F,Y,Y,1,243000.0,936000.0,27495.0,936000.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.032561,-13203,-859,-10703.0,-583,10.0,1,1,0,1,1,1,,3.0,1,1,WEDNESDAY,14,0,1,1,0,0,0,Hotel,0.3074579868102659,0.6802308164888756,0.05168176743672944,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-932.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1832302,388021,Cash loans,24853.635,225000.0,269550.0,,225000.0,MONDAY,12,Y,1,,,,XNA,Refused,-120,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,Y,N,0,202500.0,364896.0,19795.5,315000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.009656999999999999,-9039,-1014,-8936.0,-1718,1.0,1,1,0,1,1,0,Drivers,1.0,2,2,TUESDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.3101200953147896,0.4598901721333908,0.1940678276718812,0.3722,0.2223,0.9881,0.8368,0.1048,0.4,0.3448,0.3333,0.375,0.2144,0.3026,0.4534,0.0039,0.0022,0.3792,0.2307,0.9881,0.8432,0.1058,0.4028,0.3448,0.3333,0.375,0.2193,0.3306,0.4724,0.0039,0.0024,0.3758,0.2223,0.9881,0.8390000000000001,0.1055,0.4,0.3448,0.3333,0.375,0.2182,0.3078,0.4615,0.0039,0.0023,reg oper account,block of flats,0.4144,Panel,No,1.0,0.0,1.0,0.0,-698.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1650965,245991,Consumer loans,3476.565,28638.0,25488.0,3150.0,28638.0,WEDNESDAY,15,Y,1,0.11979315467687555,,,XAP,Approved,-1430,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,40,Connectivity,10.0,high,POS mobile with interest,365243.0,-1393.0,-1123.0,-1183.0,-1174.0,0.0,0,Cash loans,F,Y,Y,0,166500.0,492543.0,32197.5,445500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-17804,-1148,-5889.0,-1366,14.0,1,1,0,1,0,1,Sales staff,2.0,2,2,FRIDAY,12,0,0,0,1,1,0,Trade: type 3,0.3849942350491543,0.6982225347812013,0.13595104417329515,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-344.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2831909,272638,Consumer loans,4236.21,34645.5,33754.5,3465.0,34645.5,SATURDAY,12,Y,1,0.101390400193447,,,XAP,Approved,-2768,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,972,Consumer electronics,10.0,high,POS household with interest,365243.0,-2737.0,-2467.0,-2467.0,-2459.0,1.0,0,Cash loans,M,N,N,0,306000.0,1280916.0,46138.5,1035000.0,Unaccompanied,State servant,Higher education,Married,Municipal apartment,0.018801,-20340,-2921,-11803.0,-3496,,1,1,0,1,0,0,Managers,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,University,,0.4164070503730191,,0.0247,0.071,0.9613,0.4696,0.0311,0.0,0.1034,0.1667,0.2083,,0.0168,0.0307,0.0154,0.0573,0.0252,0.0737,0.9613,0.4904,0.0313,0.0,0.1034,0.1667,0.2083,,0.0184,0.0319,0.0156,0.0607,0.025,0.071,0.9613,0.4767,0.0313,0.0,0.1034,0.1667,0.2083,,0.0171,0.0312,0.0155,0.0585,reg oper account,block of flats,0.0416,"Stone, brick",No,0.0,0.0,0.0,0.0,-1534.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1804869,266231,Revolving loans,4500.0,900000.0,900000.0,,900000.0,FRIDAY,17,N,0,,,,XAP,Refused,-390,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),8,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,N,0,67500.0,225000.0,16501.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-16769,-59,-4564.0,-313,,1,1,1,1,1,0,Laborers,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.2022391108258312,,0.2938,0.1481,0.9771,0.6872,0.1477,0.32,0.2759,0.3333,0.375,0.2057,0.2396,0.2749,0.0039,0.006,0.2994,0.1536,0.9772,0.6994,0.1491,0.3222,0.2759,0.3333,0.375,0.2104,0.2617,0.2864,0.0039,0.0064,0.2967,0.1481,0.9771,0.6914,0.1487,0.32,0.2759,0.3333,0.375,0.2093,0.2437,0.2798,0.0039,0.0062,reg oper account,block of flats,0.2983,Panel,No,0.0,0.0,0.0,0.0,-603.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1282618,339159,Consumer loans,11924.415,67495.5,67495.5,0.0,67495.5,SUNDAY,14,Y,1,0.0,,,XAP,Approved,-851,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,4500,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-820.0,-670.0,-760.0,-752.0,0.0,0,Cash loans,F,N,Y,0,157500.0,675000.0,19867.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.072508,-13601,-1933,-7708.0,-435,,1,1,1,1,1,0,Core staff,2.0,1,1,THURSDAY,14,0,0,0,0,0,0,Trade: type 2,0.6674060816101929,0.6066385753219141,0.5919766183185521,0.0619,0.0476,0.9722,,,0.0,0.1034,0.1667,,0.048,,0.0506,,0.0,0.063,0.0494,0.9722,,,0.0,0.1034,0.1667,,0.0491,,0.0528,,0.0,0.0625,0.0476,0.9722,,,0.0,0.1034,0.1667,,0.0488,,0.0515,,0.0,,block of flats,0.0398,Block,No,13.0,0.0,13.0,0.0,-1224.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1465448,372724,Cash loans,10561.14,112500.0,149521.5,,112500.0,THURSDAY,13,Y,1,,,,XNA,Approved,-816,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-786.0,-96.0,-96.0,-92.0,1.0,0,Cash loans,F,N,Y,1,130500.0,132444.0,14391.0,117000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.025164,-13554,-2529,-3213.0,-4351,,1,1,0,1,0,0,Core staff,3.0,2,2,MONDAY,9,0,0,0,0,1,1,Postal,,0.26651977539251576,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1613.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2014545,454689,Consumer loans,7098.39,50584.5,35406.0,15178.5,50584.5,TUESDAY,17,Y,1,0.3267950926397683,,,XAP,Approved,-1171,Cash through the bank,XAP,Unaccompanied,New,Jewelry,POS,XNA,Country-wide,50,Industry,6.0,high,POS other with interest,365243.0,-1140.0,-990.0,-1080.0,-1075.0,0.0,0,Cash loans,F,N,N,0,126000.0,247275.0,16119.0,225000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.030755,-12581,-5231,-4800.0,-4811,,1,1,1,1,0,0,,2.0,2,2,THURSDAY,17,0,0,0,0,0,0,Hotel,0.4312758141685184,0.6008158690584421,0.7449321846094795,0.0505,0.0474,0.9876,0.83,0.0132,0.0,0.1379,0.1667,0.2083,0.0464,0.0412,0.0516,0.0,0.0,0.0515,0.0491,0.9876,0.8367,0.0133,0.0,0.1379,0.1667,0.2083,0.0475,0.045,0.0538,0.0,0.0,0.051,0.0474,0.9876,0.8323,0.0133,0.0,0.1379,0.1667,0.2083,0.0472,0.0419,0.0526,0.0,0.0,reg oper spec account,block of flats,0.0478,"Stone, brick",No,0.0,0.0,0.0,0.0,-1171.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1110454,199354,Cash loans,40133.475,675000.0,767664.0,,675000.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-990,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,high,Cash X-Sell: high,365243.0,-960.0,450.0,-630.0,-622.0,1.0,1,Cash loans,M,N,Y,0,270000.0,970380.0,28503.0,810000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-17218,-2182,-157.0,-773,,1,1,0,1,0,0,,2.0,2,2,SATURDAY,18,0,1,1,0,1,1,Transport: type 4,0.201168757189792,0.3828339590854639,0.3706496323299817,0.0082,,0.9732,,,,0.069,0.0417,,0.024,,0.0088,,0.0035,0.0084,,0.9732,,,,0.069,0.0417,,0.0245,,0.0091,,0.0037,0.0083,,0.9732,,,,0.069,0.0417,,0.0244,,0.0089,,0.0035,,block of flats,0.0076,"Stone, brick",No,0.0,0.0,0.0,0.0,-1255.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1481443,404834,Consumer loans,5209.65,94972.5,115029.0,0.0,94972.5,SATURDAY,8,Y,1,0.0,,,XAP,Approved,-1082,Cash through the bank,XAP,"Spouse, partner",New,Audio/Video,POS,XNA,Country-wide,3500,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1051.0,-361.0,-421.0,-416.0,0.0,0,Cash loans,F,Y,Y,0,130500.0,719946.0,31842.0,643500.0,Unaccompanied,Pensioner,Lower secondary,Married,House / apartment,0.020713,-22747,365243,-29.0,-4080,8.0,1,0,0,1,0,0,,2.0,3,2,WEDNESDAY,8,0,0,0,0,0,0,XNA,,0.10674511329069904,0.4848514754962666,0.5474,0.4526,0.9846,0.7824,0.1432,0.6,0.5172,0.3333,0.375,0.2903,0.4455,0.61,0.0039,0.011,0.5578,0.4697,0.9846,0.7909,0.1445,0.6042,0.5172,0.3333,0.375,0.297,0.4867,0.6355,0.0039,0.0116,0.5527,0.4526,0.9846,0.7853,0.1441,0.6,0.5172,0.3333,0.375,0.2954,0.4532,0.621,0.0039,0.0112,reg oper account,block of flats,0.4822,Panel,No,0.0,0.0,0.0,0.0,-652.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,4.0 +2355679,272234,Consumer loans,,140400.0,140400.0,0.0,140400.0,TUESDAY,18,Y,1,0.0,,,XAP,Refused,-470,Cash through the bank,HC,,New,Mobile,XNA,XNA,Country-wide,30,Connectivity,,XNA,POS mobile with interest,,,,,,,1,Cash loans,F,Y,N,0,157500.0,814041.0,28971.0,679500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.030755,-14892,-922,-527.0,-2444,64.0,1,1,1,1,0,0,Sales staff,1.0,2,2,TUESDAY,14,1,1,0,1,1,0,Self-employed,,0.2487296976618488,0.029904673720731988,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-470.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2487091,169725,Consumer loans,5018.175,38250.0,43177.5,3825.0,38250.0,SATURDAY,10,Y,1,0.08862874798729274,,,XAP,Approved,-1614,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Stone,189,Consumer electronics,12.0,high,POS household with interest,365243.0,-1583.0,-1253.0,-1253.0,-1249.0,0.0,0,Cash loans,F,N,Y,0,58500.0,85320.0,6871.5,67500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-11656,-1981,-993.0,-4092,,1,1,0,1,0,0,Cleaning staff,2.0,2,2,WEDNESDAY,14,0,0,0,0,1,1,Business Entity Type 3,0.3316362021430283,0.5173468452628889,0.4668640059537032,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-844.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,4.0 +1107100,163166,Cash loans,15923.16,225000.0,348700.5,,225000.0,SATURDAY,17,Y,1,,,,XNA,Approved,-619,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-589.0,821.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,1,315000.0,244998.0,12955.5,175500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.04622,-13977,-1929,-504.0,-4815,,1,1,0,1,0,0,,3.0,1,1,TUESDAY,15,0,0,0,0,0,0,Agriculture,0.5300474278824895,0.13757237789818946,0.6279908192952864,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-123.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +1033032,422851,Consumer loans,5943.78,131238.0,131238.0,0.0,131238.0,SUNDAY,15,Y,1,0.0,,,XAP,Approved,-454,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,1000,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-423.0,267.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,337500.0,2091708.0,57649.5,1746000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-16145,-486,-6502.0,-4494,,1,1,0,1,1,0,Secretaries,2.0,1,1,SATURDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.8319650077599722,0.4466195790923816,0.8027454758994178,0.1454,0.1032,0.9906,0.8708,0.0015,0.24,0.1034,0.4583,0.0417,0.0,0.116,0.1268,0.0116,0.0148,0.1481,0.1071,0.9906,0.8759,0.0015,0.2417,0.1034,0.4583,0.0417,0.0,0.1267,0.1321,0.0117,0.0157,0.1468,0.1032,0.9906,0.8725,0.0015,0.24,0.1034,0.4583,0.0417,0.0,0.118,0.1291,0.0116,0.0151,reg oper account,block of flats,0.1038,Panel,No,2.0,0.0,2.0,0.0,-1414.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1805295,434849,Cash loans,31856.625,135000.0,157099.5,,135000.0,TUESDAY,14,Y,1,,,,XNA,Refused,-676,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,M,Y,Y,0,112500.0,640080.0,31261.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-18553,-2731,-232.0,-178,12.0,1,1,0,1,0,0,Managers,2.0,2,2,SATURDAY,10,0,0,0,0,1,1,Business Entity Type 3,,0.5036045052869237,0.3376727217405312,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2222099,352618,Revolving loans,11250.0,225000.0,225000.0,,225000.0,SATURDAY,11,Y,1,,,,XAP,Approved,-467,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-437.0,-395.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,157500.0,497520.0,52371.0,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010147,-15086,-2315,-719.0,-4405,8.0,1,1,1,1,0,0,Managers,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,Self-employed,0.5189787579514032,0.6535377977938318,0.6363761710860439,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2046.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1986826,422985,Revolving loans,18000.0,0.0,450000.0,,,THURSDAY,17,N,0,,,,XAP,Refused,-1413,XNA,LIMIT,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,Y,Y,1,202500.0,139230.0,10030.5,112500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-17374,-844,-433.0,-317,9.0,1,1,0,1,0,1,Laborers,3.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Industry: type 3,0.47898380124011897,0.33840530826296644,0.7476633896301825,0.2031,,0.9732,,,0.0,0.2759,0.1667,,0.1348,,0.163,,0.0081,0.2069,,0.9732,,,0.0,0.2759,0.1667,,0.1379,,0.1699,,0.0086,0.2051,,0.9732,,,0.0,0.2759,0.1667,,0.1372,,0.166,,0.0083,,block of flats,0.1578,"Stone, brick",No,0.0,0.0,0.0,0.0,-1420.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1016446,222229,Consumer loans,9420.75,52155.0,46939.5,5215.5,52155.0,SATURDAY,14,Y,1,0.1089090909090909,,,XAP,Refused,-2585,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,POS,XNA,Country-wide,102,Connectivity,6.0,low_normal,POS mobile with interest,,,,,,,0,Revolving loans,M,Y,Y,1,135000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.026392000000000002,-10477,-1115,-941.0,-2774,1.0,1,1,0,1,1,0,Drivers,3.0,2,2,MONDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.6580100089987123,0.32173528219668485,0.1866,,0.9856,,,0.2,0.1724,0.3333,,,,0.1168,,0.2675,0.1901,,0.9856,,,0.2014,0.1724,0.3333,,,,0.1217,,0.2832,0.1884,,0.9856,,,0.2,0.1724,0.3333,,,,0.1189,,0.2731,,block of flats,0.15,Panel,No,,,,,-353.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2342219,330920,Consumer loans,13569.39,133020.0,132358.5,13302.0,133020.0,MONDAY,8,Y,1,0.09945789883137343,,,XAP,Approved,-384,XNA,XAP,,Refreshed,Furniture,POS,XNA,Stone,50,Furniture,12.0,middle,POS industry with interest,365243.0,-353.0,-23.0,-23.0,-21.0,0.0,0,Cash loans,F,N,Y,0,135000.0,481495.5,32436.0,454500.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.018029,-23595,365243,-9585.0,-5045,,1,0,0,1,0,0,,2.0,3,3,SUNDAY,6,0,0,0,0,0,0,XNA,,0.3149781061019107,0.746300213050371,0.0124,0.0348,0.9732,0.6328,0.0029,0.0,0.069,0.0833,0.125,0.0406,0.0101,0.0146,0.0,0.0,0.0126,0.0361,0.9732,0.6472,0.0029,0.0,0.069,0.0833,0.125,0.0415,0.011,0.0153,0.0,0.0,0.0125,0.0348,0.9732,0.6377,0.0029,0.0,0.069,0.0833,0.125,0.0413,0.0103,0.0149,0.0,0.0,,block of flats,0.0131,"Stone, brick",No,2.0,0.0,2.0,0.0,-384.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1993346,381106,Consumer loans,3947.31,18180.0,19359.0,1818.0,18180.0,SUNDAY,13,Y,1,0.09349611714252597,,,XAP,Approved,-1712,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,45,Connectivity,6.0,high,POS mobile with interest,365243.0,-1670.0,-1520.0,-1520.0,-1516.0,0.0,0,Cash loans,M,N,Y,2,126000.0,215640.0,11826.0,180000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.031329,-13497,-2515,-5151.0,-4664,,1,1,1,1,1,0,Drivers,4.0,2,2,THURSDAY,16,0,0,0,0,1,1,Trade: type 7,,0.16318703546427088,0.5262949398096192,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1712.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2605420,384872,Cash loans,15312.375,270000.0,328450.5,,270000.0,SUNDAY,13,Y,1,,,,XNA,Approved,-275,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-245.0,1165.0,-215.0,-212.0,1.0,0,Cash loans,F,N,Y,0,67500.0,397017.0,24120.0,301500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-14643,-4934,-6529.0,-4761,,1,1,0,1,0,0,Cooking staff,2.0,3,3,TUESDAY,12,0,0,0,0,0,0,Industry: type 11,,0.4229043442739037,0.6178261467332483,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1300.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1688246,168027,Revolving loans,3375.0,0.0,67500.0,,,MONDAY,19,Y,1,,,,XAP,Approved,-2880,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card Street,-2748.0,-2688.0,365243.0,-2200.0,365243.0,0.0,0,Cash loans,F,Y,N,0,135000.0,216000.0,7758.0,216000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-22014,365243,-2267.0,-4053,9.0,1,0,0,1,0,0,,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,XNA,,0.4409843050318048,,0.0247,0.0018,0.9722,,,0.0,0.069,0.0833,,0.0071,,0.019,,0.0,0.0252,0.0019,0.9722,,,0.0,0.069,0.0833,,0.0072,,0.0198,,0.0,0.025,0.0018,0.9722,,,0.0,0.069,0.0833,,0.0072,,0.0194,,0.0,,block of flats,0.0161,"Stone, brick",No,2.0,0.0,2.0,0.0,-1555.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,4.0 +2212713,430120,Cash loans,,0.0,0.0,,,WEDNESDAY,18,Y,1,,,,XNA,Refused,-241,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,1,270000.0,640080.0,29970.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.009334,-15884,-1926,-1019.0,-4624,,1,1,0,1,0,0,Laborers,3.0,2,2,SATURDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.6323121036117935,0.3572932680336494,0.0835,0.0792,0.9866,0.8164,0.0216,0.0,0.1724,0.1667,0.2083,0.0649,0.0681,0.0947,0.0,0.0,0.0851,0.0822,0.9866,0.8236,0.0218,0.0,0.1724,0.1667,0.2083,0.0664,0.0744,0.0986,0.0,0.0,0.0843,0.0792,0.9866,0.8189,0.0218,0.0,0.1724,0.1667,0.2083,0.066,0.0693,0.0964,0.0,0.0,reg oper account,block of flats,0.0863,Panel,No,3.0,0.0,2.0,0.0,-1928.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2713081,128813,Consumer loans,14450.31,103185.0,111699.0,0.0,103185.0,WEDNESDAY,9,Y,1,0.0,,,XAP,Approved,-1441,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,130,Consumer electronics,10.0,high,POS household with interest,365243.0,-1387.0,-1117.0,-1117.0,-1114.0,0.0,0,Cash loans,M,N,Y,0,270000.0,1125000.0,39987.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-17302,-2124,-7622.0,-851,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,9,0,0,0,0,1,1,Business Entity Type 1,,0.4612592634759896,0.520897599048938,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1965.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2705711,128742,Revolving loans,16875.0,337500.0,337500.0,,337500.0,FRIDAY,9,Y,1,,,,XAP,Approved,-346,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-270.0,-236.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,360000.0,431280.0,22018.5,360000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.020246,-22747,365243,-7906.0,-4638,,1,0,0,1,1,0,,2.0,3,3,MONDAY,13,0,0,0,0,0,0,XNA,,0.7148769302726231,0.1595195404777181,0.1289,0.1239,0.9925,0.898,0.0264,0.0,0.2759,0.1667,0.2083,0.1173,0.1042,0.1198,0.0039,0.0027,0.1313,0.1286,0.9926,0.902,0.0266,0.0,0.2759,0.1667,0.2083,0.12,0.1139,0.1248,0.0039,0.0028,0.1301,0.1239,0.9925,0.8994,0.0265,0.0,0.2759,0.1667,0.2083,0.1194,0.106,0.1219,0.0039,0.0027,reg oper account,block of flats,0.1092,Panel,No,0.0,0.0,0.0,0.0,-1535.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2185914,394242,Cash loans,15928.785,67500.0,78552.0,,67500.0,MONDAY,10,Y,1,,,,Repairs,Refused,-352,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,126000.0,265851.0,11394.0,229500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.006207,-16712,-228,-8061.0,-237,,1,1,0,1,0,0,Sales staff,1.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Self-employed,,0.5080976478266322,0.6144143775673561,0.0186,,0.9826,,,0.0,0.1034,0.0417,,,,0.0169,,,0.0189,,0.9826,,,0.0,0.1034,0.0417,,,,0.0176,,,0.0187,,0.9826,,,0.0,0.1034,0.0417,,,,0.0172,,,reg oper account,block of flats,0.0133,"Stone, brick",No,4.0,0.0,4.0,0.0,-1055.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2386139,140216,Consumer loans,11328.975,64125.0,64125.0,0.0,64125.0,FRIDAY,8,Y,1,0.0,,,XAP,Approved,-319,Cash through the bank,XAP,,Refreshed,Clothing and Accessories,POS,XNA,Stone,54,Clothing,6.0,low_normal,POS industry with interest,365243.0,-288.0,-138.0,-168.0,-163.0,0.0,0,Revolving loans,F,N,Y,2,90000.0,202500.0,10125.0,202500.0,Family,State servant,Higher education,Married,House / apartment,0.020246,-12505,-571,-756.0,-4449,,1,1,0,1,0,0,Core staff,4.0,3,3,TUESDAY,10,0,0,0,0,0,0,Government,0.6049319773308632,0.4125860137429949,0.7180328113294772,,,0.9921,,,,,,,,,0.1701,,,,,0.9921,,,,,,,,,0.1773,,,,,0.9921,,,,,,,,,0.1732,,,,,0.2018,,No,8.0,0.0,8.0,0.0,-188.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1784821,339674,Cash loans,24591.78,238500.0,251091.0,,238500.0,SATURDAY,10,Y,1,,,,XNA,Approved,-252,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-222.0,108.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,1,144000.0,341280.0,22936.5,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.019688999999999998,-13841,-4240,-3693.0,-214,,1,1,0,1,1,0,Sales staff,3.0,2,2,SATURDAY,9,0,0,0,0,1,1,Self-employed,,0.4322436121748831,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,1.0,-487.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1313928,441488,Cash loans,,0.0,0.0,,,TUESDAY,15,Y,1,,,,XNA,Refused,-196,XNA,SCOFR,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,Y,Y,2,135000.0,225000.0,20767.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-10789,-1575,-1285.0,-1663,2.0,1,1,0,1,0,0,Drivers,4.0,2,2,TUESDAY,16,0,0,0,0,0,0,Transport: type 3,,0.6926274968152443,0.5814837058057234,0.0165,0.0266,0.9727,,,0.0,0.069,0.0417,,0.0166,,0.0128,,0.0,0.0168,0.0276,0.9727,,,0.0,0.069,0.0417,,0.017,,0.0133,,0.0,0.0167,0.0266,0.9727,,,0.0,0.069,0.0417,,0.0169,,0.013,,0.0,,block of flats,0.0101,"Stone, brick",No,2.0,0.0,2.0,0.0,-937.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1704318,149623,Cash loans,8639.955,238500.0,301464.0,,238500.0,SUNDAY,11,Y,1,,,,Other,Refused,-254,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,1,Cash loans,M,Y,N,0,180000.0,521280.0,26613.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018029,-12672,-2733,-567.0,-4088,6.0,1,1,1,1,0,1,High skill tech staff,2.0,3,2,MONDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.5319296135710487,0.3457430622316211,0.3046721837533529,0.1577,0.1161,0.9841,0.7824,0.0369,0.2,0.1724,0.3333,0.375,0.0696,0.1278,0.1869,0.0039,0.0042,0.1607,0.1205,0.9841,0.7909,0.0373,0.2014,0.1724,0.3333,0.375,0.0712,0.1396,0.1948,0.0039,0.0044,0.1593,0.1161,0.9841,0.7853,0.0372,0.2,0.1724,0.3333,0.375,0.0709,0.13,0.1903,0.0039,0.0043,reg oper account,block of flats,0.1815,Panel,No,1.0,0.0,1.0,0.0,-1963.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1168621,122912,Cash loans,,0.0,0.0,,,SATURDAY,13,Y,1,,,,XNA,Refused,-200,XNA,SCOFR,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,N,N,0,112500.0,91647.0,7344.0,76500.0,Unaccompanied,Working,Higher education,Single / not married,With parents,0.019101,-8869,-256,-3403.0,-1545,,1,1,0,1,0,0,Laborers,1.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Emergency,,0.09401000304850307,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-20.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2218677,291316,Cash loans,39272.76,1125000.0,1295275.5,,1125000.0,FRIDAY,10,Y,1,,,,Repairs,Refused,-608,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,low_action,Cash Street: low,,,,,,,0,Cash loans,F,Y,N,0,90000.0,191880.0,18688.5,180000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-17784,365243,-10161.0,-1316,9.0,1,0,0,1,1,0,,2.0,2,2,MONDAY,15,0,0,0,0,0,0,XNA,0.7810712025485802,0.5254392313417011,0.746300213050371,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1159.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2161993,340051,Cash loans,27449.82,450000.0,491580.0,,450000.0,SATURDAY,13,Y,1,,,,XNA,Approved,-1032,Cash through the bank,XAP,Family,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),10,XNA,24.0,low_normal,Cash Street: low,365243.0,-1001.0,-311.0,-311.0,-305.0,0.0,0,Revolving loans,F,Y,Y,0,103500.0,315000.0,15750.0,315000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.025164,-18424,-935,-4195.0,-610,4.0,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,16,0,0,0,0,0,0,Bank,0.798361428441438,0.6102072901939566,0.3825018041447388,0.1206,0.0732,0.9786,0.7076,0.0291,0.0,0.069,0.1667,0.2083,0.0435,0.0975,0.0744,0.0039,0.0023,0.1229,0.076,0.9786,0.7190000000000001,0.0293,0.0,0.069,0.1667,0.2083,0.0445,0.1065,0.0775,0.0039,0.0024,0.1218,0.0732,0.9786,0.7115,0.0293,0.0,0.069,0.1667,0.2083,0.0442,0.0992,0.0758,0.0039,0.0023,reg oper account,block of flats,0.0749,"Stone, brick",No,0.0,0.0,0.0,0.0,-1034.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,5.0 +1451195,182790,Consumer loans,8734.86,52411.5,49266.0,3145.5,52411.5,WEDNESDAY,14,Y,1,0.06536228603542074,,,XAP,Approved,-2676,Cash through the bank,XAP,,Repeater,Clothing and Accessories,POS,XNA,Stone,461,Clothing,6.0,low_normal,POS industry without interest,365243.0,-2643.0,-2493.0,-2493.0,-2483.0,0.0,0,Cash loans,F,N,Y,0,382500.0,1008337.5,42853.5,828000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.032561,-23046,-1986,-8408.0,-4467,,1,1,0,1,1,0,High skill tech staff,1.0,1,1,FRIDAY,15,0,0,0,0,0,0,Other,,0.4274203469043354,0.511891801533151,0.1474,0.1111,0.9851,0.7959999999999999,,0.16,0.1379,0.3333,,0.1013,,0.1555,,0.0969,0.1502,0.1153,0.9851,0.804,,0.1611,0.1379,0.3333,,0.1036,,0.1621,,0.1026,0.1489,0.1111,0.9851,0.7987,,0.16,0.1379,0.3333,,0.103,,0.1583,,0.099,,block of flats,0.1434,Panel,No,0.0,0.0,0.0,0.0,-1610.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2774569,374435,Revolving loans,16875.0,337500.0,337500.0,,337500.0,THURSDAY,7,Y,1,,,,XAP,Refused,-230,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Revolving loans,M,Y,Y,2,202500.0,337500.0,16875.0,337500.0,Unaccompanied,Working,Secondary / secondary special,Separated,With parents,0.015221,-13071,-588,-1503.0,-609,9.0,1,1,0,1,1,0,,3.0,2,2,WEDNESDAY,13,0,0,0,0,1,1,Business Entity Type 3,0.17985166900993235,0.2784832530024203,0.41534714488434,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-338.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2068966,132287,Consumer loans,3795.255,19800.0,19800.0,0.0,19800.0,SUNDAY,16,Y,1,0.0,,,XAP,Approved,-322,Cash through the bank,XAP,"Spouse, partner",Repeater,Photo / Cinema Equipment,POS,XNA,Regional / Local,814,Consumer electronics,6.0,middle,POS household with interest,365243.0,-292.0,-142.0,-142.0,-140.0,0.0,0,Cash loans,M,N,Y,0,110250.0,327024.0,12325.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.018634,-12269,-1412,-4262.0,-4275,,1,1,0,1,0,0,,1.0,2,2,SUNDAY,12,0,0,0,1,1,0,Business Entity Type 2,0.4374436170484967,0.7588996070465267,0.19182160241360605,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1266.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1377700,150508,Consumer loans,8762.085,96030.0,86445.0,9585.0,96030.0,WEDNESDAY,13,Y,1,0.10870495015762116,,,XAP,Approved,-719,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,120,Connectivity,14.0,high,POS mobile with interest,365243.0,-675.0,-285.0,-345.0,-318.0,0.0,0,Cash loans,F,N,N,0,144000.0,225000.0,26703.0,225000.0,Unaccompanied,Working,Higher education,Married,With parents,0.035792000000000004,-11751,-109,-2123.0,-461,,1,1,1,1,1,0,Sales staff,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Trade: type 3,,0.30263374735443066,0.221335206354466,,0.1133,0.9841,,,,0.2069,0.1667,,,,0.0536,,,,0.1175,0.9841,,,,0.2069,0.1667,,,,0.0558,,,,0.1133,0.9841,,,,0.2069,0.1667,,,,0.0545,,,,,0.0925,Panel,No,1.0,1.0,1.0,1.0,-414.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1419709,194195,Cash loans,13345.965,225000.0,339642.0,,225000.0,THURSDAY,16,Y,1,,,,Other,Approved,-1471,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,middle,Cash Street: middle,365243.0,-1437.0,-27.0,-27.0,-20.0,0.0,0,Cash loans,F,N,N,0,108000.0,273636.0,26784.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.009549,-20367,-5132,-9957.0,-3763,,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,13,0,0,0,0,1,1,Business Entity Type 3,,0.18566679612022752,0.6144143775673561,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0076,,No,0.0,0.0,0.0,0.0,-1467.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2764585,101499,Cash loans,6882.84,58500.0,62361.0,0.0,58500.0,WEDNESDAY,10,Y,1,0.0,,,XNA,Approved,-2190,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-2160.0,-1830.0,-1830.0,-1822.0,1.0,0,Cash loans,F,N,N,1,76500.0,187704.0,11992.5,148500.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.009549,-14032,-708,-872.0,-4611,,1,1,0,1,0,0,Sales staff,3.0,2,2,TUESDAY,16,0,0,0,0,0,0,Self-employed,0.6391181555402181,0.6056832342616917,0.38079968264891495,0.0825,0.0795,0.9747,,,,0.1379,0.1667,,0.0806,,0.0703,,,0.084,0.0825,0.9747,,,,0.1379,0.1667,,0.0824,,0.0732,,,0.0833,0.0795,0.9747,,,,0.1379,0.1667,,0.08199999999999999,,0.0716,,,,block of flats,0.0586,Panel,No,0.0,0.0,0.0,0.0,-1646.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1773800,173590,Consumer loans,3432.015,20205.0,16965.0,4041.0,20205.0,WEDNESDAY,9,Y,1,0.2095123471216017,,,XAP,Approved,-1641,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,6.0,high,POS mobile with interest,365243.0,-1603.0,-1453.0,-1453.0,-1406.0,0.0,0,Cash loans,F,N,N,0,85500.0,900000.0,26316.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-13486,-4596,-3410.0,-4506,,1,1,0,1,1,0,,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Industry: type 1,0.789711772150192,0.6534536193198112,0.35895122857839673,0.0825,0.0628,0.9752,0.66,0.0071,0.0,0.1379,0.1667,0.2083,0.0223,0.0656,0.0631,0.0039,0.005,0.084,0.0651,0.9752,0.6733,0.0071,0.0,0.1379,0.1667,0.2083,0.0228,0.0716,0.0658,0.0039,0.0053,0.0833,0.0628,0.9752,0.6645,0.0071,0.0,0.1379,0.1667,0.2083,0.0227,0.0667,0.0643,0.0039,0.0051,reg oper account,block of flats,0.0546,"Stone, brick",No,4.0,0.0,4.0,0.0,-633.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2813854,368325,Cash loans,16423.65,225000.0,254700.0,,225000.0,MONDAY,11,Y,1,,,,XNA,Approved,-979,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-949.0,-259.0,-679.0,-671.0,1.0,0,Cash loans,F,Y,N,0,225000.0,855000.0,22684.5,855000.0,Unaccompanied,Working,Higher education,Single / not married,Office apartment,0.014519999999999996,-13050,-3175,-3166.0,-730,8.0,1,1,0,1,0,0,Core staff,1.0,2,2,FRIDAY,10,0,0,0,0,0,0,School,,0.5573044622500276,0.2225807646753351,0.0464,0.0468,0.9886,0.8436,0.0072,0.0,0.1034,0.1667,0.2083,0.0596,0.0378,0.0261,0.0,0.0,0.0473,0.0485,0.9886,0.8497,0.0073,0.0,0.1034,0.1667,0.2083,0.061,0.0413,0.0272,0.0,0.0,0.0468,0.0468,0.9886,0.8457,0.0073,0.0,0.1034,0.1667,0.2083,0.0607,0.0385,0.0266,0.0,0.0,reg oper account,block of flats,0.0377,Panel,No,0.0,0.0,0.0,0.0,-979.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1659339,350661,Revolving loans,4500.0,0.0,135000.0,,,THURSDAY,16,N,1,,,,XAP,Refused,-2663,XNA,SCO,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,Y,N,0,180000.0,315000.0,21181.5,315000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.032561,-15339,-1145,-710.0,-4847,3.0,1,1,0,1,1,0,,2.0,1,1,SATURDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.6546609055761561,0.3506958432829587,0.4041,,0.9811,,,0.44,0.3793,0.3333,,0.1768,,0.2582,,0.0087,0.4118,,0.9811,,,0.4431,0.3793,0.3333,,0.1809,,0.1477,,0.0092,0.408,,0.9811,,,0.44,0.3793,0.3333,,0.1799,,0.2462,,0.0089,,block of flats,0.1902,Panel,No,0.0,0.0,0.0,0.0,-1767.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2503156,341373,Consumer loans,2911.455,20160.0,21825.0,0.0,20160.0,MONDAY,13,Y,1,0.0,,,XAP,Approved,-2423,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,29,Connectivity,10.0,high,POS mobile with interest,365243.0,-2392.0,-2122.0,-2122.0,-2116.0,1.0,0,Cash loans,F,N,N,1,76500.0,148365.0,11479.5,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-13250,-125,-5177.0,-4366,,1,1,1,1,0,0,,3.0,2,2,SATURDAY,17,0,0,0,0,0,0,Industry: type 11,,0.03505322159572046,0.6577838002083306,0.0082,,0.9722,,,,0.0345,0.0417,,,,0.0054,,,0.0084,,0.9722,,,,0.0345,0.0417,,,,0.0056,,,0.0083,,0.9722,,,,0.0345,0.0417,,,,0.0055,,,,block of flats,0.0042,,No,2.0,1.0,2.0,1.0,-266.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,4.0 +1751953,414291,Consumer loans,2325.555,17433.0,17433.0,0.0,17433.0,WEDNESDAY,14,Y,1,0.0,,,XAP,Approved,-2751,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,35,Connectivity,10.0,high,POS mobile with interest,365243.0,-2719.0,-2449.0,-2449.0,-2446.0,0.0,0,Cash loans,F,N,Y,0,58500.0,239850.0,23494.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.022625,-24607,365243,-3738.0,-3827,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,XNA,,0.602278218777896,0.25946765482111994,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2373.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2770002,217322,Consumer loans,9478.575,58500.0,47227.5,13500.0,58500.0,WEDNESDAY,19,Y,1,0.2421098723432921,,,XAP,Approved,-2718,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,49,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2687.0,-2537.0,-2537.0,-2532.0,1.0,0,Cash loans,F,N,N,1,112500.0,835380.0,40320.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.02461,-12608,-1101,-701.0,-3112,,1,1,0,1,1,0,Sales staff,3.0,2,2,FRIDAY,17,0,0,0,0,0,0,Self-employed,,0.5402276344664533,0.7194907850918436,0.0134,0.0,0.9627,0.49,,0.0,0.0345,0.0417,0.0417,0.0326,0.0109,0.0137,0.0,0.0,0.0137,0.0,0.9628,0.51,,0.0,0.0345,0.0417,0.0417,0.0333,0.0119,0.0143,0.0,0.0,0.0135,0.0,0.9627,0.4968,,0.0,0.0345,0.0417,0.0417,0.0331,0.0111,0.014,0.0,0.0,reg oper account,block of flats,0.0118,"Stone, brick",No,6.0,0.0,6.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1304962,413388,Cash loans,14354.415,135000.0,171414.0,,135000.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-676,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-646.0,-136.0,-136.0,-133.0,1.0,0,Cash loans,F,N,Y,0,85500.0,76410.0,8154.0,67500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.015221,-16595,-4782,-957.0,-143,,1,1,1,1,0,0,Laborers,1.0,2,2,SUNDAY,14,0,0,0,0,1,1,Business Entity Type 1,,0.3475259768594262,0.5937175866150576,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-960.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2633896,159765,Revolving loans,7875.0,157500.0,157500.0,,157500.0,SUNDAY,16,Y,1,,,,XAP,Refused,-974,XNA,HC,,New,XNA,Cards,walk-in,AP+ (Cash loan),4,XNA,0.0,XNA,Card Street,,,,,,,0,Revolving loans,F,N,Y,0,99000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.02461,-22145,-1052,-8524.0,-4224,,1,1,0,1,0,0,Cleaning staff,2.0,2,2,MONDAY,11,0,0,0,0,0,0,Cleaning,,0.2140696194216029,0.6722428897082422,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,-974.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2448728,243327,Consumer loans,5613.075,26649.0,27967.5,0.0,26649.0,MONDAY,12,Y,1,0.0,,,XAP,Approved,-2314,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,66,Connectivity,6.0,high,POS mobile with interest,365243.0,-2279.0,-2129.0,-2189.0,-2182.0,1.0,0,Cash loans,F,N,Y,0,108000.0,450000.0,22018.5,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.026392000000000002,-18961,365243,-1619.0,-2485,,1,0,0,1,1,0,,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,XNA,,0.5617722256118803,0.4525335592581747,0.1474,,0.9806,,,0.16,0.1379,0.3333,,,,0.1564,,0.0,0.1502,,0.9806,,,0.1611,0.1379,0.3333,,,,0.1629,,0.0,0.1489,,0.9806,,,0.16,0.1379,0.3333,,,,0.1592,,0.0,,block of flats,0.1472,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1380038,128412,Cash loans,18854.64,225000.0,262125.0,,225000.0,WEDNESDAY,8,Y,1,,,,XNA,Refused,-1153,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,30.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,157500.0,1125000.0,44748.0,1125000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.014519999999999996,-15952,-2641,-5739.0,-4267,,1,1,0,1,1,0,,2.0,2,2,MONDAY,14,0,0,0,0,1,1,Government,,0.7014655614137871,0.6161216908872079,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-2155.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,1.0,3.0 +1043039,338196,Revolving loans,22500.0,450000.0,450000.0,,450000.0,SATURDAY,13,Y,1,,,,XAP,Approved,-154,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,157500.0,1350000.0,37125.0,1350000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.04622,-17046,-3890,-5000.0,-592,,1,1,1,1,1,0,Core staff,2.0,1,1,TUESDAY,12,0,0,0,0,0,0,Kindergarten,0.647256811316626,0.7724673593334225,0.17249546677733105,0.0722,,0.9781,,,0.0,0.1379,0.1667,,0.0734,,,,,0.0735,,0.9782,,,0.0,0.1379,0.1667,,0.0751,,,,,0.0729,,0.9781,,,0.0,0.1379,0.1667,,0.0747,,,,,,block of flats,0.0574,"Stone, brick",No,4.0,1.0,4.0,1.0,-1681.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1033040,273562,Revolving loans,9000.0,180000.0,180000.0,,180000.0,WEDNESDAY,17,Y,1,,,,XAP,Approved,-347,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-347.0,-317.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,F,Y,Y,1,112500.0,454500.0,27936.0,454500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.022625,-9441,-1801,-4162.0,-1726,6.0,1,1,1,1,1,0,Laborers,3.0,2,2,SUNDAY,9,0,0,0,1,1,0,Business Entity Type 1,0.2399936959154164,0.352006911593545,0.3201633668633456,0.0186,,0.9871,,,0.0,0.1034,0.0417,,,,0.0166,,,0.0189,,0.9871,,,0.0,0.1034,0.0417,,,,0.0173,,,0.0187,,0.9871,,,0.0,0.1034,0.0417,,,,0.0169,,,,block of flats,0.0463,Panel,No,1.0,1.0,1.0,0.0,-847.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2607769,388773,Consumer loans,9445.185,99729.0,99729.0,0.0,99729.0,TUESDAY,13,Y,1,0.0,,,XAP,Approved,-1261,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,780,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-1230.0,-900.0,-930.0,-927.0,0.0,0,Cash loans,M,Y,N,1,117000.0,654498.0,27729.0,585000.0,Family,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.011656999999999999,-13552,-2259,-3571.0,-4361,10.0,1,1,1,1,0,0,Security staff,3.0,1,1,SUNDAY,18,0,1,1,0,1,1,Business Entity Type 3,,0.6678167221917733,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1261.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2426324,139577,Consumer loans,9334.215,101452.5,87489.0,22320.0,101452.5,THURSDAY,12,Y,1,0.2213708265343376,,,XAP,Approved,-713,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,120,Consumer electronics,12.0,middle,POS household with interest,365243.0,-682.0,-352.0,-532.0,-528.0,0.0,0,Cash loans,F,N,Y,0,121500.0,728460.0,38214.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.008068,-21366,365243,-13446.0,-4832,,1,0,0,1,0,0,,1.0,3,3,WEDNESDAY,12,0,0,0,0,0,0,XNA,,0.25997168280724803,0.28812959991785075,0.0866,0.1032,0.9816,0.7484,0.013,0.0,0.2069,0.1667,0.2083,0.0857,0.0681,0.083,0.0116,0.0148,0.0882,0.1071,0.9816,0.7583,0.0131,0.0,0.2069,0.1667,0.2083,0.0877,0.0744,0.0865,0.0117,0.0157,0.0874,0.1032,0.9816,0.7518,0.013,0.0,0.2069,0.1667,0.2083,0.0872,0.0693,0.0845,0.0116,0.0151,reg oper account,block of flats,0.0756,Panel,No,0.0,0.0,0.0,0.0,-1736.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +1270334,115444,Consumer loans,2543.13,20416.5,19179.0,2700.0,20416.5,SATURDAY,9,Y,1,0.1344003589992894,,,XAP,Approved,-2238,XNA,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,10.0,high,POS mobile with interest,365243.0,-2200.0,-1930.0,-1930.0,-1922.0,0.0,0,Cash loans,M,Y,Y,2,67500.0,1024290.0,30078.0,855000.0,Unaccompanied,Working,Lower secondary,Married,With parents,0.0038130000000000004,-12342,-203,-125.0,-4374,30.0,1,1,1,1,1,0,Laborers,4.0,2,2,THURSDAY,10,0,0,0,0,1,1,Business Entity Type 3,,0.5839260467408239,0.4992720153045617,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2784890,190958,Cash loans,5544.0,45000.0,54103.5,,45000.0,FRIDAY,11,Y,1,,,,XNA,Approved,-610,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-580.0,-250.0,-250.0,-244.0,1.0,0,Cash loans,F,N,N,1,112500.0,508495.5,24462.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.02461,-16682,-2466,-7003.0,-217,,1,1,0,1,0,0,Private service staff,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.4507589141172855,0.5552371639097134,0.7981372313187245,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,1.0,5.0,1.0,-2924.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2732333,190451,Cash loans,,0.0,0.0,,,THURSDAY,9,Y,1,,,,XNA,Refused,-368,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,Y,Y,0,135000.0,284256.0,30744.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.009549,-15881,-1621,-2246.0,-1272,7.0,1,1,0,1,0,0,Drivers,1.0,2,2,MONDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.2521150617285076,0.6203626641533607,,,0.0409,0.9826,,,0.24,0.2069,0.3333,,,,0.1973,,0.2118,,0.0425,0.9826,,,0.2417,0.2069,0.3333,,,,0.2056,,0.2242,,0.0409,0.9826,,,0.24,0.2069,0.3333,,,,0.2008,,0.2162,,,0.1894,"Stone, brick",No,5.0,0.0,5.0,0.0,-2931.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1326670,426016,Consumer loans,10758.285,56245.5,59215.5,0.0,56245.5,TUESDAY,5,Y,1,0.0,,,XAP,Approved,-834,Cash through the bank,XAP,"Spouse, partner",Refreshed,Audio/Video,POS,XNA,Regional / Local,64,Consumer electronics,6.0,middle,POS household with interest,365243.0,-802.0,-652.0,-652.0,-612.0,0.0,0,Cash loans,M,N,Y,0,247500.0,840951.0,43065.0,679500.0,Unaccompanied,State servant,Higher education,Married,Office apartment,0.008068,-11482,-2812,-4968.0,-4100,,1,1,0,1,0,0,High skill tech staff,2.0,3,3,WEDNESDAY,7,0,0,0,1,1,1,Military,0.3875403062087736,0.5349819708008995,0.6430255641096323,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-562.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1406335,122679,Cash loans,29792.34,427500.0,476878.5,,427500.0,TUESDAY,11,Y,1,,,,XNA,Approved,-1213,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,high,Cash X-Sell: high,365243.0,-1183.0,-313.0,-823.0,-816.0,1.0,0,Cash loans,F,N,Y,0,157500.0,450346.5,19966.5,342000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.04622,-15346,-1662,-8871.0,-4689,,1,1,0,1,0,0,Security staff,2.0,1,1,THURSDAY,9,0,1,1,0,0,0,Business Entity Type 3,,0.5317872206253086,0.7407990879702335,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2364736,295322,Cash loans,32698.665,976500.0,1118286.0,,976500.0,SUNDAY,11,Y,1,,,,XNA,Refused,-302,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Revolving loans,F,N,Y,0,175500.0,157500.0,7875.0,157500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-20921,365243,-797.0,-3675,,1,0,0,1,0,0,,2.0,2,2,MONDAY,8,0,0,0,0,0,0,XNA,,0.4901518114964671,0.4471785780453068,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,1.0,8.0,1.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,6.0 +2776919,295626,Cash loans,33647.4,720000.0,794133.0,,720000.0,TUESDAY,14,Y,1,,,,XNA,Approved,-513,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-483.0,567.0,-213.0,-207.0,1.0,1,Cash loans,F,N,Y,0,58500.0,261000.0,13774.5,261000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-22468,365243,-603.0,-5012,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,7,0,0,0,0,0,0,XNA,,0.6399650420586415,0.2851799046358216,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1870.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1523967,337352,Consumer loans,9092.25,71411.625,80051.625,0.0,71411.625,FRIDAY,10,Y,1,0.0,,,XAP,Approved,-70,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,35,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,365243.0,258.0,365243.0,365243.0,0.0,1,Cash loans,F,N,Y,2,90000.0,328500.0,17950.5,328500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.028663,-14882,-4618,-5077.0,-528,,1,1,0,1,1,1,High skill tech staff,4.0,2,2,FRIDAY,8,0,0,0,0,0,0,Agriculture,,0.6409318654404113,0.13937578009978951,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2038.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2261062,191330,Cash loans,15345.99,67500.0,78196.5,,67500.0,THURSDAY,16,Y,1,,,,XNA,Approved,-1495,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,6.0,high,Cash X-Sell: high,365243.0,-1465.0,-1315.0,-1315.0,-1310.0,1.0,0,Cash loans,F,Y,N,0,225000.0,416052.0,15813.0,292500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-17054,-3006,-10958.0,-366,2.0,1,1,0,1,0,0,Cleaning staff,2.0,2,2,MONDAY,15,0,0,0,0,0,0,Government,,0.7055978020235946,0.39449540531239935,0.0093,0.0,0.9697,0.5852,0.0013,0.0,0.069,0.0417,0.0833,0.0209,0.0076,0.0079,0.0,0.0,0.0095,0.0,0.9697,0.6014,0.0013,0.0,0.069,0.0417,0.0833,0.0214,0.0083,0.0082,0.0,0.0,0.0094,0.0,0.9697,0.5907,0.0013,0.0,0.069,0.0417,0.0833,0.0213,0.0077,0.008,0.0,0.0,reg oper account,block of flats,0.0062,"Stone, brick",No,0.0,0.0,0.0,0.0,-1586.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2488354,231159,Cash loans,10161.9,315000.0,315000.0,,315000.0,WEDNESDAY,17,Y,1,,,,Repairs,Refused,-594,Cash through the bank,LIMIT,,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,Y,N,0,166500.0,450000.0,12001.5,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.026392000000000002,-9588,-252,-4369.0,-1917,6.0,1,1,0,1,0,0,Core staff,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Other,0.7324394850351347,0.513982555744924,0.4101025731788671,0.0825,,0.9796,,,0.0,0.2069,0.1667,,0.1072,,0.0715,,0.0663,0.084,,0.9796,,,0.0,0.2069,0.1667,,0.1096,,0.0745,,0.0702,0.0833,,0.9796,,,0.0,0.2069,0.1667,,0.1091,,0.0728,,0.0677,,block of flats,0.0707,"Stone, brick",No,0.0,0.0,0.0,0.0,-595.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,8.0 +2833324,431175,Cash loans,47171.835,450000.0,470790.0,,450000.0,TUESDAY,13,Y,1,,,,XNA,Approved,-838,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-808.0,-478.0,-658.0,-650.0,1.0,0,Cash loans,F,Y,Y,1,90000.0,942300.0,30528.0,675000.0,Unaccompanied,Commercial associate,Lower secondary,Married,House / apartment,0.005002,-13792,-1406,-1117.0,-4414,3.0,1,1,0,1,0,0,Sales staff,3.0,3,3,SUNDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.5305129329381001,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1173.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2241290,358279,Consumer loans,13215.105,81873.0,68958.0,16375.5,81873.0,TUESDAY,10,Y,1,0.2089965626842703,,,XAP,Approved,-625,Cash through the bank,XAP,,Refreshed,Photo / Cinema Equipment,POS,XNA,Regional / Local,200,Consumer electronics,6.0,middle,POS household with interest,365243.0,-594.0,-444.0,-444.0,-438.0,0.0,0,Revolving loans,M,N,Y,0,63000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.01885,-10542,-859,-2130.0,-3221,,1,1,1,1,1,1,IT staff,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,Agriculture,0.7041062226003011,0.725064775671283,0.656158373001177,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-625.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2037146,362881,Consumer loans,13565.43,121459.5,134284.5,0.0,121459.5,MONDAY,14,Y,1,0.0,,,XAP,Approved,-393,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Country-wide,3000,Furniture,12.0,middle,POS industry with interest,365243.0,-362.0,-32.0,-62.0,-58.0,0.0,0,Cash loans,F,N,N,2,180000.0,1147500.0,48618.0,1147500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.030755,-12791,-2816,-638.0,-2989,,1,1,0,1,1,0,,4.0,2,2,SUNDAY,22,0,0,0,0,1,1,Business Entity Type 3,0.3647001331946872,0.5385651516788138,0.5673792367572691,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-465.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,4.0,4.0 +1318326,340244,Cash loans,5823.585,45000.0,47970.0,,45000.0,MONDAY,12,Y,1,,,,Other,Refused,-504,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,M,N,Y,0,270000.0,1078200.0,31653.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.04622,-21049,-12585,-536.0,-963,,1,1,0,1,0,0,Laborers,1.0,1,1,MONDAY,10,0,0,0,0,1,1,Business Entity Type 1,,0.5314605190471918,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-462.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1949039,122343,Consumer loans,3543.345,20146.5,16965.0,4032.0,20146.5,WEDNESDAY,10,Y,1,0.20913533102131468,,,XAP,Approved,-502,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,50,Connectivity,6.0,high,POS mobile with interest,365243.0,-471.0,-321.0,-321.0,-316.0,0.0,0,Cash loans,M,N,Y,0,112500.0,904500.0,32616.0,904500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.00702,-10517,-1343,-1718.0,-3121,,1,1,1,1,1,0,Sales staff,2.0,2,2,MONDAY,9,0,0,0,0,0,0,Self-employed,,0.4434762887437171,0.7713615919194317,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,0.0,8.0,0.0,-402.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +2148730,261512,Consumer loans,8255.115,71532.0,71532.0,0.0,71532.0,THURSDAY,19,Y,1,0.0,,,XAP,Approved,-8,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,14,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,365243.0,292.0,365243.0,365243.0,0.0,0,Revolving loans,M,N,Y,0,252000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.00823,-14932,-5100,-7597.0,-4343,,1,1,0,1,0,0,Core staff,1.0,2,2,FRIDAY,16,0,0,0,0,0,0,Military,,0.6201102769138003,0.4170996682522097,,,0.9722,0.6192,,,0.1379,0.0,,,0.0084,0.0033,,,,,0.9722,0.6341,,,0.1379,0.0,,,0.0092,0.0035,,,,,0.9722,0.6243,,,0.1379,0.0,,,0.0086,0.0034,,,,block of flats,0.0026,"Stone, brick",No,0.0,0.0,0.0,0.0,-719.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2468957,408772,Consumer loans,17490.33,99000.0,99000.0,0.0,99000.0,TUESDAY,13,Y,1,0.0,,,XAP,Approved,-875,Cash through the bank,XAP,Unaccompanied,Repeater,Auto Accessories,POS,XNA,Stone,16,Industry,6.0,low_normal,POS other with interest,365243.0,-843.0,-693.0,-783.0,-779.0,0.0,0,Cash loans,M,N,Y,0,283500.0,1350000.0,53541.0,1350000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-11208,-3429,-3287.0,-3287,,1,1,0,1,1,0,Laborers,2.0,3,2,TUESDAY,6,0,0,0,0,0,0,Business Entity Type 3,,0.6492225772994004,0.5352762504724826,0.0825,0.103,0.9876,0.83,0.0513,0.0,0.1724,0.1667,0.2083,0.0692,0.0664,0.0863,0.0039,0.0129,0.084,0.1069,0.9876,0.8367,0.0517,0.0,0.1724,0.1667,0.2083,0.0707,0.0725,0.0899,0.0039,0.0137,0.0833,0.103,0.9876,0.8323,0.0516,0.0,0.1724,0.1667,0.2083,0.0704,0.0676,0.0878,0.0039,0.0132,reg oper account,block of flats,0.0987,Panel,No,0.0,0.0,0.0,0.0,-1552.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2432678,117472,Consumer loans,9442.935,115245.0,80640.0,34605.0,115245.0,FRIDAY,15,Y,1,0.3270249547406908,,,XAP,Approved,-1733,Cash through the bank,XAP,,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,40,Connectivity,12.0,high,POS mobile with interest,365243.0,-1691.0,-1361.0,-1391.0,-1388.0,0.0,0,Cash loans,F,N,Y,0,234000.0,571500.0,16839.0,571500.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-19868,365243,-3707.0,-917,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,XNA,,0.15007889432231394,,0.0536,0.0428,0.9732,0.6328,0.0253,0.0,0.1034,0.125,0.1667,0.0365,0.042,0.042,0.0077,0.0134,0.0546,0.0444,0.9732,0.6472,0.0255,0.0,0.1034,0.125,0.1667,0.0373,0.0459,0.0437,0.0078,0.0142,0.0541,0.0428,0.9732,0.6377,0.0254,0.0,0.1034,0.125,0.1667,0.0371,0.0428,0.0427,0.0078,0.0137,reg oper account,block of flats,0.0514,Block,No,1.0,0.0,1.0,0.0,-99.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1839042,336378,Cash loans,32524.02,450000.0,497520.0,,450000.0,MONDAY,7,Y,1,,,,XNA,Approved,-273,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-243.0,447.0,-93.0,-85.0,1.0,0,Cash loans,F,Y,Y,1,202500.0,254700.0,16276.5,225000.0,Unaccompanied,State servant,Secondary / secondary special,Separated,House / apartment,0.014464,-18432,-213,-2461.0,-1987,14.0,1,1,1,1,1,0,,2.0,2,2,MONDAY,6,0,0,0,0,0,0,Culture,0.7763692847575387,0.3587797644733544,0.6161216908872079,0.1144,0.0522,0.9826,0.762,0.0358,0.04,0.0345,0.3333,0.375,0.0,0.0925,0.0674,0.0039,0.0,0.1166,0.0542,0.9826,0.7713,0.0362,0.0403,0.0345,0.3333,0.375,0.0,0.101,0.0703,0.0039,0.0,0.1155,0.0522,0.9826,0.7652,0.0361,0.04,0.0345,0.3333,0.375,0.0,0.0941,0.0686,0.0039,0.0,reg oper account,block of flats,0.0726,"Stone, brick",No,1.0,0.0,1.0,0.0,-74.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2074728,169298,Consumer loans,5148.945,113688.0,113688.0,0.0,113688.0,SUNDAY,17,Y,1,0.0,,,XAP,Approved,-492,Cash through the bank,XAP,,Refreshed,Computers,POS,XNA,Country-wide,1500,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-460.0,230.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,Y,0,247500.0,405000.0,20250.0,405000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.028663,-17646,-4836,-3052.0,-1176,,1,1,0,1,0,0,Managers,2.0,2,2,TUESDAY,17,0,0,0,0,0,0,Business Entity Type 3,,0.6347186312599711,0.4507472818545589,0.033,0.0017,0.9732,,,0.0,0.069,0.125,,0.0074,,0.0233,,0.0073,0.0336,0.0018,0.9732,,,0.0,0.069,0.125,,0.0076,,0.0243,,0.0078,0.0333,0.0017,0.9732,,,0.0,0.069,0.125,,0.0075,,0.0237,,0.0075,,block of flats,0.0219,"Stone, brick",No,0.0,0.0,0.0,0.0,-492.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2044879,178728,Cash loans,13286.925,112500.0,144864.0,,112500.0,WEDNESDAY,10,Y,1,,,,Everyday expenses,Approved,-546,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,365243.0,-516.0,-6.0,-396.0,-388.0,1.0,0,Cash loans,F,N,Y,0,126000.0,309420.0,11794.5,202500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010966,-19593,-1321,-6684.0,-3127,,1,1,0,1,0,0,Cooking staff,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Trade: type 7,0.7683048267558502,0.3146243409982624,0.5814837058057234,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1058.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1762166,162039,Cash loans,23567.85,229500.0,241920.0,,229500.0,SUNDAY,11,Y,1,,,,XNA,Approved,-492,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-462.0,-132.0,-162.0,-156.0,1.0,0,Revolving loans,F,N,Y,0,675000.0,450000.0,22500.0,450000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.011656999999999999,-20933,-8473,-8777.0,-4492,,1,1,0,1,0,0,Core staff,2.0,1,1,TUESDAY,16,0,0,0,0,0,0,Medicine,,0.7690634913057925,0.501075160239048,0.0825,0.0692,0.9752,0.66,0.0069,0.0,0.1379,0.1667,0.2083,0.0506,,0.0702,,,0.084,0.0718,0.9752,0.6733,0.006999999999999999,0.0,0.1379,0.1667,0.2083,0.0518,,0.0731,,,0.0833,0.0692,0.9752,0.6645,0.006999999999999999,0.0,0.1379,0.1667,0.2083,0.0515,,0.0714,,,reg oper account,block of flats,0.0709,Panel,No,0.0,0.0,0.0,0.0,-1586.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2842355,203985,Consumer loans,10790.01,80901.0,98091.0,0.0,80901.0,FRIDAY,12,Y,1,0.0,,,XAP,Approved,-822,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Country-wide,1050,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-791.0,-521.0,-521.0,-519.0,0.0,0,Revolving loans,F,N,Y,1,81000.0,247500.0,12375.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.018801,-8243,-530,-1910.0,-922,,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,7,0,0,0,0,0,0,Other,0.15556590589201466,0.5196561716412813,0.42765737003502935,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-822.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2465548,443321,Cash loans,24756.84,630000.0,727299.0,,630000.0,THURSDAY,13,Y,1,,,,XNA,Approved,-382,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,54.0,low_normal,Cash X-Sell: low,365243.0,-352.0,1238.0,-52.0,-50.0,1.0,0,Cash loans,F,Y,Y,0,135000.0,1363500.0,43983.0,1363500.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.026392000000000002,-21864,365243,-2021.0,-4758,2.0,1,0,0,1,0,0,,2.0,2,2,MONDAY,14,0,0,0,0,0,0,XNA,,0.4747935467298175,0.6577838002083306,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1629938,301072,Consumer loans,7536.015,68517.0,67770.0,6853.5,68517.0,SATURDAY,9,Y,1,0.10002324395739334,,,XAP,Approved,-2604,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,35,Connectivity,12.0,high,POS mobile with interest,365243.0,-2573.0,-2243.0,-2243.0,-2239.0,1.0,0,Cash loans,M,Y,Y,0,225000.0,1494486.0,41094.0,1305000.0,Unaccompanied,Working,Secondary / secondary special,Married,Office apartment,0.031329,-19268,-10234,-7386.0,-2823,16.0,1,1,1,1,1,0,Laborers,2.0,2,2,SATURDAY,9,0,0,0,0,0,0,Business Entity Type 2,,0.26651977539251576,0.31703177858344445,0.1031,0.0877,0.9816,0.7484,0.0599,0.0,0.2069,0.1667,0.2083,0.1262,0.0841,0.0937,0.0,0.0,0.105,0.091,0.9816,0.7583,0.0604,0.0,0.2069,0.1667,0.2083,0.1291,0.0918,0.0976,0.0,0.0,0.1041,0.0877,0.9816,0.7518,0.0602,0.0,0.2069,0.1667,0.2083,0.1284,0.0855,0.0953,0.0,0.0,reg oper account,block of flats,0.1064,Panel,No,2.0,1.0,2.0,0.0,-2604.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1727306,271219,Revolving loans,22500.0,450000.0,450000.0,,450000.0,WEDNESDAY,15,Y,1,,,,XAP,Refused,-324,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,1,Cash loans,F,N,Y,0,103500.0,373500.0,18166.5,373500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-16781,-2046,-60.0,-333,,1,1,0,1,0,0,Security staff,2.0,2,2,FRIDAY,15,0,0,0,0,1,1,Business Entity Type 3,,0.20969146911635025,0.2392262794694045,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,2.0 +1619023,296809,Cash loans,52999.92,1129500.0,1260702.0,,1129500.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-419,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-389.0,1021.0,365243.0,365243.0,1.0,0,Revolving loans,F,N,Y,0,112500.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00823,-18775,-1343,-7006.0,-2303,,1,1,0,1,0,0,Cooking staff,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Self-employed,,0.7738365623065944,0.7850520263728172,,0.0555,0.9886,,,0.08,0.069,0.3333,,,,0.07200000000000001,,0.0048,,0.0566,0.9831,,,0.0806,0.069,0.3333,,,,0.061,,0.005,,0.0555,0.9876,,,0.08,0.069,0.3333,,,,0.077,,0.0049,,,0.0581,"Stone, brick",No,0.0,0.0,0.0,0.0,-982.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1770913,441636,Cash loans,23706.315,225000.0,285687.0,,225000.0,FRIDAY,13,Y,1,,,,XNA,Approved,-686,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-656.0,-146.0,-176.0,-166.0,1.0,0,Cash loans,F,N,Y,1,202500.0,1048500.0,30784.5,1048500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0228,-13568,-1232,-7429.0,-4132,,1,1,0,1,0,1,,3.0,2,2,FRIDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.3258993051161724,0.6261903148459999,0.5478104658520093,0.0773,0.0755,0.9767,0.6804,0.0099,0.0,0.1724,0.1667,0.2083,0.0679,0.063,0.0644,0.0,0.0,0.0788,0.0783,0.9767,0.6929,0.0099,0.0,0.1724,0.1667,0.2083,0.0695,0.0689,0.0671,0.0,0.0,0.0781,0.0755,0.9767,0.6847,0.0099,0.0,0.1724,0.1667,0.2083,0.0691,0.0641,0.0656,0.0,0.0,reg oper account,block of flats,0.0561,Panel,No,0.0,0.0,0.0,0.0,-758.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1337189,240858,Revolving loans,45000.0,900000.0,900000.0,,900000.0,TUESDAY,8,Y,1,,,,XAP,Approved,-449,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-444.0,-392.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,112500.0,545040.0,20677.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-19621,-262,-12178.0,-2739,,1,1,0,1,0,0,Sales staff,2.0,3,3,WEDNESDAY,14,0,0,0,0,0,0,Trade: type 7,,0.4270564705469955,0.4241303111942548,0.0186,0.0,0.9677,0.5579999999999999,,0.0,0.069,0.0833,0.125,,,0.0251,,0.0088,0.0189,0.0,0.9677,0.5753,,0.0,0.069,0.0833,0.125,,,0.0261,,0.0093,0.0187,0.0,0.9677,0.5639,,0.0,0.069,0.0833,0.125,,,0.0255,,0.009000000000000001,,block of flats,0.0216,"Stone, brick",No,0.0,0.0,0.0,0.0,-680.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1715424,436672,Consumer loans,8719.425,81585.0,85990.5,4500.0,81585.0,MONDAY,12,Y,1,0.05415937685070907,,,XAP,Approved,-1120,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,32,Connectivity,14.0,high,POS mobile with interest,365243.0,-1086.0,-696.0,-696.0,-693.0,0.0,0,Cash loans,F,N,N,0,76500.0,225000.0,9909.0,225000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.00963,-17667,-2698,-7375.0,-1217,,1,1,1,1,0,0,Laborers,1.0,2,2,MONDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.2663616366485284,,0.066,,0.9891,,,0.0,0.1724,0.1667,,0.0679,,0.0644,,0.0,0.0672,,0.9891,,,0.0,0.1724,0.1667,,0.0694,,0.0671,,0.0,0.0666,,0.9891,,,0.0,0.1724,0.1667,,0.069,,0.0655,,0.0,,block of flats,0.0569,"Stone, brick",No,0.0,0.0,0.0,0.0,-1120.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1164945,190907,Consumer loans,11557.08,114750.0,117450.0,0.0,114750.0,SUNDAY,10,Y,1,0.0,,,XAP,Approved,-1207,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Stone,22,Furniture,12.0,middle,POS industry with interest,365243.0,-1174.0,-844.0,-844.0,-833.0,0.0,1,Cash loans,M,N,Y,0,225000.0,229500.0,12577.5,229500.0,"Spouse, partner",State servant,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-21866,-4325,-357.0,-81,,1,1,1,1,0,0,Laborers,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.6850628900950219,0.5280927512030451,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1526.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1869186,397750,Cash loans,18418.05,315000.0,315000.0,,315000.0,FRIDAY,11,Y,1,,,,XNA,Approved,-505,XNA,XAP,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),15,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-475.0,215.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,72000.0,284400.0,16456.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.006305,-17548,-316,-6274.0,-1062,12.0,1,1,1,1,1,0,Cleaning staff,2.0,3,3,SATURDAY,7,0,0,0,0,0,0,Transport: type 4,,0.5047470062763187,0.6430255641096323,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-286.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2240650,246701,Consumer loans,5619.285,51525.0,44775.0,6750.0,51525.0,SATURDAY,16,Y,1,0.1426756649464073,,,XAP,Approved,-2494,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Stone,51,Connectivity,10.0,high,POS mobile with interest,365243.0,-2460.0,-2190.0,-2190.0,-1513.0,0.0,0,Cash loans,F,N,Y,0,135000.0,328405.5,14593.5,283500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-23615,365243,-3051.0,-4555,,1,0,0,1,0,0,,2.0,2,2,MONDAY,12,0,0,0,0,0,0,XNA,,0.7376556878383229,,0.0309,0.0296,0.9881,,,0.0,0.069,0.1667,,0.0317,,0.0188,,0.0,0.0315,0.0307,0.9881,,,0.0,0.069,0.1667,,0.0324,,0.0196,,0.0,0.0312,0.0296,0.9881,,,0.0,0.069,0.1667,,0.0322,,0.0191,,0.0,,block of flats,0.0275,Panel,No,6.0,0.0,6.0,0.0,-2494.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2411250,171683,Consumer loans,2695.05,24525.0,24525.0,0.0,24525.0,SUNDAY,18,Y,1,0.0,,,XAP,Approved,-725,Cash through the bank,XAP,,New,Photo / Cinema Equipment,POS,XNA,Country-wide,13,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-688.0,-418.0,-538.0,-529.0,0.0,0,Cash loans,F,Y,Y,1,157500.0,1006920.0,42660.0,900000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010643000000000001,-9766,-2696,-4187.0,-2403,14.0,1,1,1,1,0,0,Sales staff,3.0,2,2,THURSDAY,9,0,0,0,1,1,0,Self-employed,0.2599813742953028,0.6132664709860021,0.3876253444214701,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-725.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1803275,118885,Cash loans,12515.76,198000.0,224136.0,,198000.0,MONDAY,10,Y,1,,,,XNA,Approved,-854,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,30,Connectivity,24.0,low_normal,Cash X-Sell: low,365243.0,-824.0,-134.0,-224.0,-218.0,1.0,0,Cash loans,F,N,N,0,99000.0,284400.0,10719.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-18936,365243,-4263.0,-2487,,1,0,0,1,0,0,,2.0,2,2,SUNDAY,10,0,0,0,0,0,0,XNA,,0.4610038721071116,0.2778856891082046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1601.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2221051,244199,Consumer loans,6030.09,26955.0,28377.0,0.0,26955.0,MONDAY,15,Y,1,0.0,,,XAP,Approved,-899,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Regional / Local,12,Connectivity,6.0,high,POS mobile with interest,365243.0,-868.0,-718.0,-778.0,-767.0,0.0,0,Cash loans,M,Y,Y,0,180000.0,760225.5,38947.5,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008865999999999999,-16681,-4677,-1270.0,-164,3.0,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,17,0,0,0,0,0,0,Business Entity Type 2,0.4173239287609301,0.41969482193685465,0.2851799046358216,,,0.9762,,,,,,,,,,,,,,0.9762,,,,,,,,,,,,,,0.9762,,,,,,,,,,,,,,0.0694,,No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1670288,260799,Cash loans,41283.045,360000.0,422424.0,,360000.0,MONDAY,16,Y,1,,,,XNA,Approved,-945,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,135000.0,1350000.0,39474.0,1350000.0,Family,Pensioner,Higher education,Married,Municipal apartment,0.032561,-23750,365243,-17239.0,-3913,,1,0,0,1,1,0,,2.0,1,1,SATURDAY,9,0,0,0,0,0,0,XNA,,0.7519222586329101,,0.0653,,0.9767,,,,0.2183,0.1667,,0.0714,,0.0585,,0.0041,0.0735,,0.9767,,,,0.2414,0.1667,,0.0618,,0.0507,,0.0033,0.0729,,0.9767,,,,0.2414,0.1667,,0.0654,,0.0645,,0.0032,,block of flats,0.0396,Panel,No,0.0,0.0,0.0,0.0,-1382.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2829613,186443,Cash loans,45027.9,1215000.0,1215000.0,,1215000.0,MONDAY,14,Y,1,,,,XNA,Approved,-876,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_action,Cash X-Sell: low,365243.0,-846.0,204.0,-366.0,-359.0,0.0,0,Cash loans,F,N,Y,0,135000.0,723996.0,30802.5,585000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.032561,-16783,-1202,-10906.0,-327,,1,1,0,1,1,0,High skill tech staff,2.0,1,1,TUESDAY,19,0,0,0,0,0,0,Business Entity Type 2,0.8719191530684084,0.6770020641691991,0.08904388274986882,0.1031,0.0754,0.9732,0.6328,0.0123,0.0,0.1724,0.1667,0.2083,0.0006,0.0841,0.0834,0.0,0.0,0.105,0.0782,0.9732,0.6472,0.0124,0.0,0.1724,0.1667,0.2083,0.0006,0.0918,0.0869,0.0,0.0,0.1041,0.0754,0.9732,0.6377,0.0124,0.0,0.1724,0.1667,0.2083,0.0006,0.0855,0.0849,0.0,0.0,reg oper account,block of flats,0.0724,"Stone, brick",No,0.0,0.0,0.0,0.0,-2524.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,8.0,2.0,2.0 +2027505,270491,Consumer loans,11354.265,110025.0,121644.0,0.0,110025.0,WEDNESDAY,10,Y,1,0.0,,,XAP,Approved,-734,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Stone,166,Furniture,12.0,low_normal,POS industry with interest,365243.0,-703.0,-373.0,-373.0,-366.0,0.0,0,Cash loans,F,N,Y,0,205200.0,677664.0,39033.0,585000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.0228,-23587,365243,-4341.0,-4724,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,XNA,,0.5203602717604611,0.622922000268356,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-1481.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1295166,152714,Cash loans,28221.57,405000.0,549405.0,,405000.0,TUESDAY,10,Y,1,,,,XNA,Approved,-644,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-614.0,436.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,N,0,360000.0,755190.0,36328.5,675000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.010276,-15884,-7133,-3240.0,-4483,13.0,1,1,1,1,1,0,Core staff,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,School,,0.6429725206113514,0.08118594316672112,,,0.9617,,,,,,,,,0.0324,,,,,0.9618,,,,,,,,,0.0338,,,,,0.9617,,,,,,,,,0.033,,,,,0.0301,,No,0.0,0.0,0.0,0.0,-223.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2773309,357105,Consumer loans,14951.52,138136.5,134577.0,13815.0,138136.5,SUNDAY,15,Y,1,0.10139219707996999,,,XAP,Approved,-2399,XNA,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,1383,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2368.0,-2098.0,-2098.0,-2091.0,1.0,0,Cash loans,M,Y,Y,0,180000.0,1288350.0,37800.0,1125000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.008575,-21253,-12166,-12916.0,-3899,8.0,1,1,0,1,0,0,Security staff,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,Industry: type 7,,0.7100072852281587,0.4294236843421945,0.1412,0.0676,0.9811,0.7552,0.0,0.08,0.069,0.3333,0.0417,0.0345,0.0891,0.1171,0.0039,0.0153,0.1124,0.0651,0.9801,0.7648,0.0,0.0403,0.0345,0.3333,0.0417,0.0,0.0973,0.122,0.0039,0.0069,0.1426,0.0676,0.9811,0.7585,0.0,0.08,0.069,0.3333,0.0417,0.0351,0.0906,0.1192,0.0039,0.0156,reg oper account,block of flats,0.0654,"Stone, brick",No,0.0,0.0,0.0,0.0,-2399.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1321950,144018,Cash loans,21333.15,315000.0,487417.5,,315000.0,MONDAY,8,Y,1,,,,XNA,Refused,-1153,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,54.0,middle,Cash X-Sell: middle,,,,,,,1,Cash loans,F,N,N,2,103500.0,781920.0,28215.0,675000.0,Unaccompanied,Commercial associate,Lower secondary,Civil marriage,House / apartment,0.025164,-14191,-380,-2156.0,-4155,,1,1,1,1,0,0,Medicine staff,4.0,2,2,SATURDAY,12,0,0,0,0,1,1,Medicine,,0.540271086225383,0.1684161714286957,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2409843,300928,Consumer loans,21799.8,198000.0,198000.0,0.0,198000.0,SATURDAY,17,Y,1,0.0,,,XAP,Approved,-1080,Cash through the bank,XAP,Family,New,Clothing and Accessories,POS,XNA,Stone,34,Clothing,10.0,low_normal,POS industry with interest,365243.0,-1046.0,-776.0,-806.0,-797.0,0.0,0,Cash loans,F,Y,Y,0,157500.0,1125000.0,44748.0,1125000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.026392000000000002,-8818,-544,-3413.0,-1503,3.0,1,1,0,1,0,0,,1.0,2,2,MONDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.2960126715900007,0.6109768074045812,0.5884877883422673,0.0825,0.0811,0.9732,,,0.0,0.1379,0.1667,,0.0631,,0.0644,,0.018000000000000002,0.084,0.0842,0.9732,,,0.0,0.1379,0.1667,,0.0646,,0.0671,,0.0191,0.0833,0.0811,0.9732,,,0.0,0.1379,0.1667,,0.0642,,0.0655,,0.0184,,block of flats,0.0546,"Stone, brick",No,0.0,0.0,0.0,0.0,-1080.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2179248,171460,Cash loans,60469.29,1125000.0,1190340.0,,1125000.0,FRIDAY,12,Y,1,,,,XNA,Approved,-202,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_action,Cash X-Sell: low,365243.0,-172.0,518.0,365243.0,365243.0,1.0,1,Cash loans,F,Y,Y,1,90000.0,729567.0,31041.0,589500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.032561,-21094,-3662,-2729.0,-4620,2.0,1,1,0,1,0,0,,3.0,1,1,THURSDAY,15,0,0,0,0,0,0,Government,0.7263734341861157,0.7595711579464364,0.248535557339522,0.1851,0.1155,0.9811,0.728,0.0084,0.2264,0.1952,0.3333,0.1875,0.0339,0.1509,0.2107,0.0,0.3111,0.1134,0.0625,0.9801,0.7387,0.0,0.282,0.2414,0.3333,0.0,0.0,0.0992,0.1221,0.0,0.0,0.1868,0.1155,0.9801,0.7316,0.0085,0.28,0.2414,0.3333,0.1875,0.0345,0.1535,0.2619,0.0,0.0013,reg oper account,block of flats,0.2024,Panel,No,0.0,0.0,0.0,0.0,-2179.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2685868,312840,Cash loans,6508.17,54000.0,69534.0,,54000.0,SATURDAY,11,Y,1,,,,XNA,Refused,-698,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,,,,,,,0,Revolving loans,F,N,N,1,157500.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.002042,-9718,-2916,-1458.0,-1455,,1,1,0,1,0,0,Core staff,3.0,3,3,THURSDAY,15,0,0,0,0,0,0,Kindergarten,,0.4462791153548389,0.6610235391308081,0.1072,0.08900000000000001,0.9796,0.7212,0.0431,0.0,0.2069,0.1667,0.0417,0.0312,0.0841,0.0946,0.0154,0.0405,0.1092,0.0924,0.9796,0.7321,0.0435,0.0,0.2069,0.1667,0.0417,0.0319,0.0918,0.0986,0.0156,0.0429,0.1083,0.08900000000000001,0.9796,0.7249,0.0434,0.0,0.2069,0.1667,0.0417,0.0318,0.0855,0.0963,0.0155,0.0414,reg oper account,block of flats,0.1068,"Stone, brick",No,7.0,0.0,7.0,0.0,-1004.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1106114,183529,Consumer loans,4267.935,19777.5,20758.5,0.0,19777.5,FRIDAY,16,Y,1,0.0,,,XAP,Approved,-2274,Cash through the bank,XAP,"Spouse, partner",New,Photo / Cinema Equipment,POS,XNA,Country-wide,1015,Consumer electronics,6.0,high,POS household with interest,365243.0,-2243.0,-2093.0,-2093.0,-2090.0,0.0,0,Cash loans,F,N,Y,1,270000.0,440784.0,34956.0,360000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.01885,-11405,-2923,-7906.0,-127,,1,1,0,1,0,1,Core staff,3.0,2,2,THURSDAY,18,0,0,0,0,0,0,Bank,,0.36090551177458535,0.13595104417329515,0.1546,0.1007,0.9891,0.8504,0.027000000000000003,0.16,0.1379,0.3333,0.375,0.0741,0.1252,0.1004,0.0039,0.0184,0.1576,0.1045,0.9891,0.8563,0.0272,0.1611,0.1379,0.3333,0.375,0.0758,0.1368,0.1046,0.0039,0.0194,0.1561,0.1007,0.9891,0.8524,0.0272,0.16,0.1379,0.3333,0.375,0.0754,0.1274,0.1022,0.0039,0.0187,reg oper spec account,block of flats,0.1278,"Stone, brick",No,4.0,1.0,4.0,1.0,-48.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1853982,142656,Cash loans,7395.48,90000.0,98910.0,,90000.0,FRIDAY,14,Y,1,,,,XNA,Approved,-676,Non-cash from your account,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-646.0,-136.0,-136.0,-128.0,1.0,0,Revolving loans,F,Y,Y,0,270000.0,270000.0,13500.0,270000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018209,-21180,365243,-1651.0,-4521,27.0,1,0,0,1,0,1,,2.0,3,3,TUESDAY,10,0,0,0,0,0,0,XNA,0.8464537269113169,0.21979370163461,0.5902333386185574,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1334.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2676721,443138,Revolving loans,45000.0,900000.0,900000.0,,900000.0,WEDNESDAY,14,Y,1,,,,XAP,Refused,-373,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,157500.0,225000.0,23184.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-19408,-1918,-5288.0,-2906,,1,1,0,1,0,0,Sales staff,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,Self-employed,0.3280955565091916,0.3491243267843045,0.3606125659189888,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-907.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2426791,192072,Cash loans,5492.205,63000.0,69237.0,,63000.0,TUESDAY,7,Y,1,,,,XNA,Approved,-1402,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-1372.0,-862.0,-862.0,-858.0,1.0,0,Cash loans,F,N,N,0,36000.0,675000.0,21195.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.018801,-23262,365243,-3409.0,-4740,,1,0,0,1,0,0,,2.0,2,2,MONDAY,12,0,0,0,0,0,0,XNA,,0.5104038839597619,0.7238369900414456,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,0.0,-2068.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2702474,204473,Consumer loans,17336.115,95102.1,89824.5,9512.1,95102.1,THURSDAY,14,Y,1,0.10428725803343013,,,XAP,Approved,-1825,XNA,XAP,Unaccompanied,Refreshed,Construction Materials,POS,XNA,Stone,70,Construction,6.0,high,POS industry with interest,365243.0,-1794.0,-1644.0,-1644.0,-1640.0,0.0,0,Cash loans,F,N,Y,0,103500.0,177489.0,17419.5,166500.0,Family,Pensioner,Secondary / secondary special,Separated,House / apartment,0.010147,-21115,365243,-8468.0,-4358,,1,0,0,1,1,0,,1.0,2,2,TUESDAY,12,0,0,0,0,0,0,XNA,0.8459797951435687,0.5947537143361384,0.7295666907060153,0.0928,0.1105,0.9881,0.8368,0.0507,0.0,0.2069,0.1667,0.2083,0.0431,0.0756,0.093,0.0,0.0,0.0945,0.1146,0.9881,0.8432,0.0512,0.0,0.2069,0.1667,0.2083,0.0441,0.0826,0.0969,0.0,0.0,0.0937,0.1105,0.9881,0.8390000000000001,0.051,0.0,0.2069,0.1667,0.2083,0.0438,0.077,0.0947,0.0,0.0,reg oper account,block of flats,0.0732,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2140398,189155,Cash loans,39201.255,688500.0,735759.0,,688500.0,TUESDAY,8,Y,1,,,,XNA,Approved,-328,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-298.0,392.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,0,270000.0,1465510.5,55948.5,1368000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018801,-21848,-2747,-12324.0,-1734,11.0,1,1,0,1,0,0,Drivers,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Industry: type 4,,0.5684629592677279,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1925.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1271043,352689,Cash loans,29441.34,630000.0,694863.0,,630000.0,WEDNESDAY,14,Y,1,,,,XNA,Approved,-512,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,Y,Y,0,135000.0,454500.0,18639.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-20174,-4754,-12147.0,-3516,12.0,1,1,1,1,1,0,Laborers,2.0,2,2,THURSDAY,9,0,0,0,0,1,1,Business Entity Type 2,,0.559305098374861,0.7281412993111438,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2724.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,0.0 +1377944,132926,Cash loans,9108.18,72000.0,76752.0,,72000.0,MONDAY,15,Y,1,,,,XNA,Approved,-786,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-756.0,-426.0,-426.0,-423.0,1.0,0,Cash loans,F,N,Y,0,112500.0,641173.5,23157.0,553500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.019688999999999998,-19782,-3011,-1051.0,-1077,,1,1,0,1,0,0,Accountants,2.0,2,2,WEDNESDAY,14,0,0,0,0,1,1,Business Entity Type 3,,0.31961551395609983,0.3376727217405312,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,5.0,0.0,1.0 +1941619,435649,Cash loans,28434.735,270000.0,358236.0,,270000.0,THURSDAY,13,Y,1,,,,XNA,Approved,-909,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,0,XNA,24.0,high,Cash Street: high,365243.0,-879.0,-189.0,-189.0,-185.0,1.0,0,Cash loans,F,N,N,1,90000.0,1125000.0,32895.0,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.011656999999999999,-19472,-1211,-10901.0,-2928,,1,1,0,1,1,0,,3.0,1,1,WEDNESDAY,12,0,0,0,0,1,1,Business Entity Type 1,,0.5877037971038659,0.15286622915504153,0.0124,0.0345,0.9781,0.7008,0.0,0.0,0.069,0.0417,0.0833,0.0,0.0101,0.0092,0.0,0.0,0.0126,0.0358,0.9782,0.7125,0.0,0.0,0.069,0.0417,0.0833,0.0,0.011,0.0096,0.0,0.0,0.0125,0.0345,0.9781,0.7048,0.0,0.0,0.069,0.0417,0.0833,0.0,0.0103,0.0094,0.0,0.0,reg oper spec account,block of flats,0.0072,"Stone, brick",No,0.0,0.0,0.0,0.0,-909.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2091805,356221,Cash loans,69032.025,1260000.0,1333179.0,,1260000.0,THURSDAY,18,Y,1,,,,Repairs,Refused,-253,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,315000.0,1195101.0,63805.5,1129500.0,Family,Working,Higher education,Separated,House / apartment,0.009175,-20889,-3828,-1175.0,-4350,,1,1,1,1,1,0,Accountants,1.0,2,2,FRIDAY,18,0,0,0,0,1,1,Business Entity Type 3,0.8889214798828927,0.7759193370025079,0.4329616670974407,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-966.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,8.0 +2815717,313685,Cash loans,49461.21,450000.0,470790.0,,450000.0,FRIDAY,14,Y,1,,,,XNA,Refused,-608,XNA,HC,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,12.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,Y,Y,0,360000.0,1215000.0,65961.0,1215000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.072508,-9981,-1227,-4312.0,-2368,1.0,1,1,1,1,1,0,Core staff,2.0,1,1,THURSDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.5714751788145399,0.3672910183026313,0.1117,0.0434,0.9801,,,0.08,0.0345,0.625,,0.0,,0.1087,,0.0137,0.1103,0.0386,0.9767,,,0.0806,0.0345,0.625,,0.0,,0.1041,,0.0,0.1135,0.045,0.9816,,,0.08,0.0345,0.625,,0.0,,0.1075,,0.0176,,block of flats,0.083,Block,No,1.0,0.0,1.0,0.0,-619.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1948261,196902,Consumer loans,4727.925,40963.5,40513.5,4099.5,40963.5,TUESDAY,11,Y,1,0.1000768426651017,,,XAP,Approved,-2324,Cash through the bank,XAP,"Spouse, partner",New,Mobile,POS,XNA,Country-wide,62,Connectivity,12.0,low_normal,POS mobile with interest,365243.0,-2293.0,-1963.0,-2023.0,-2018.0,1.0,0,Cash loans,F,N,Y,1,180000.0,588874.5,27580.5,414000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.020246,-13759,-1083,-5323.0,-3344,,1,1,0,1,0,0,Laborers,3.0,3,3,TUESDAY,11,0,0,0,0,0,0,Business Entity Type 2,,0.4776680818160271,0.3539876078507373,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2324.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1226696,182566,Cash loans,7403.67,229500.0,229500.0,,229500.0,SATURDAY,17,Y,1,,,,XNA,Approved,-569,XNA,XAP,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,1,Cash loans,M,N,N,0,85500.0,143910.0,15628.5,135000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.018209,-20433,-991,-3476.0,-3531,,1,1,1,1,0,0,,1.0,3,3,FRIDAY,6,0,0,0,0,1,1,Business Entity Type 3,,0.3981654785448065,0.6610235391308081,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1797.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1521806,395994,Consumer loans,16333.155,149260.5,162067.5,0.0,149260.5,MONDAY,9,Y,1,0.0,,,XAP,Approved,-325,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Stone,150,Consumer electronics,12.0,middle,POS household with interest,365243.0,-294.0,36.0,365243.0,365243.0,0.0,1,Revolving loans,F,N,N,0,67500.0,202500.0,10125.0,202500.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,Municipal apartment,0.031329,-22380,365243,-10369.0,-4203,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,XNA,0.7030111235270109,0.4643798994667032,0.3506958432829587,0.0082,,0.9727,0.626,,0.0,0.0345,0.0417,0.0417,,0.0067,0.0092,0.0,,0.0084,,0.9727,0.6406,,0.0,0.0345,0.0417,0.0417,,0.0073,0.0096,0.0,,0.0083,,0.9727,0.631,,0.0,0.0345,0.0417,0.0417,,0.0068,0.0093,0.0,,reg oper account,block of flats,0.008,Mixed,No,0.0,0.0,0.0,0.0,-1438.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1562768,319493,Consumer loans,9018.45,90720.0,47605.5,45360.0,90720.0,MONDAY,6,Y,1,0.5313924373704614,,,XAP,Approved,-1124,Cash through the bank,XAP,Unaccompanied,New,Auto Accessories,POS,XNA,Regional / Local,130,Industry,6.0,middle,POS other with interest,365243.0,-1093.0,-943.0,-943.0,-936.0,0.0,0,Cash loans,M,N,N,0,202500.0,900000.0,26316.0,900000.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,Rented apartment,0.0038179999999999998,-17276,-1701,-7901.0,-736,,1,1,0,1,1,0,Core staff,1.0,2,2,THURSDAY,5,0,0,0,1,1,0,Emergency,,0.5925328858733264,0.4561097392782771,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1124.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1884689,107568,Cash loans,31415.4,270000.0,284611.5,,270000.0,SATURDAY,11,Y,1,,,,XNA,Approved,-656,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Regional / Local,76,Consumer electronics,12.0,high,Cash X-Sell: high,365243.0,-626.0,-296.0,-296.0,-284.0,1.0,1,Cash loans,M,Y,N,0,121500.0,353241.0,23607.0,319500.0,Unaccompanied,Working,Incomplete higher,Single / not married,With parents,0.006852,-8902,-855,-79.0,-1548,4.0,1,1,0,1,0,0,Laborers,1.0,3,3,THURSDAY,11,0,0,0,0,0,0,Transport: type 2,,0.014272219490350506,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-656.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1615074,224699,Consumer loans,17214.705,238927.5,262579.5,0.0,238927.5,WEDNESDAY,18,Y,1,0.0,,,XAP,Approved,-700,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Country-wide,1539,Consumer electronics,18.0,low_normal,POS household with interest,365243.0,-669.0,-159.0,-339.0,-332.0,0.0,0,Revolving loans,M,Y,Y,0,135000.0,270000.0,13500.0,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-9745,-551,-4200.0,-2275,0.0,1,1,0,1,0,1,,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Agriculture,0.3782336768645351,0.1334912673741799,0.35233997269170386,0.1237,0.065,0.9871,0.8232,0.0623,0.12,0.1034,0.375,0.4167,0.0,0.1009,0.1074,0.0,0.0,0.1261,0.0674,0.9871,0.8301,0.0629,0.1208,0.1034,0.375,0.4167,0.0,0.1102,0.1119,0.0,0.0,0.1249,0.065,0.9871,0.8256,0.0627,0.12,0.1034,0.375,0.4167,0.0,0.1026,0.1093,0.0,0.0,reg oper account,block of flats,0.1185,Panel,No,5.0,0.0,5.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2532081,342628,Cash loans,32839.02,378000.0,407938.5,,378000.0,SATURDAY,13,Y,1,,,,XNA,Approved,-42,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,Y,Y,1,328500.0,453514.5,27535.5,391500.0,Unaccompanied,Working,Secondary / secondary special,Married,Rented apartment,0.035792000000000004,-10442,-2644,-4959.0,-3119,12.0,1,1,0,1,0,0,Laborers,3.0,2,2,SATURDAY,13,0,0,0,0,0,0,Self-employed,0.5003586097686461,0.7197941265738648,0.4614823912998385,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1800.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2054310,410536,Consumer loans,7220.205,64260.0,63558.0,6426.0,64260.0,FRIDAY,19,Y,1,0.10000140291806957,,,XAP,Approved,-2454,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,1200,Consumer electronics,12.0,high,POS household with interest,365243.0,-2423.0,-2093.0,-2093.0,-2088.0,1.0,0,Cash loans,M,Y,Y,0,225000.0,325282.5,16605.0,220500.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.072508,-19589,-6625,-3604.0,-3147,4.0,1,1,0,1,1,0,Drivers,2.0,1,1,TUESDAY,16,0,0,0,0,0,0,Security,0.8609925501434283,0.7563900579192269,,0.1784,0.2348,0.9722,0.6192,0.1791,0.2,0.2414,0.2917,0.3333,0.0,0.1454,0.2291,0.0,0.2,0.1817,0.2437,0.9722,0.6341,0.1807,0.2014,0.2414,0.2917,0.3333,0.0,0.1589,0.2387,0.0,0.2117,0.1801,0.2348,0.9722,0.6243,0.1802,0.2,0.2414,0.2917,0.3333,0.0,0.1479,0.2332,0.0,0.2042,reg oper account,block of flats,0.2237,Block,No,0.0,0.0,0.0,0.0,-3055.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1824659,419969,Consumer loans,7728.57,82800.0,82800.0,0.0,82800.0,WEDNESDAY,10,Y,1,0.0,,,XAP,Approved,-768,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,1800,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-737.0,-407.0,-407.0,-400.0,0.0,1,Cash loans,M,Y,Y,1,180000.0,450000.0,22018.5,450000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0228,-14839,-445,-2694.0,-3364,20.0,1,1,0,1,0,0,Laborers,3.0,2,2,MONDAY,15,0,0,0,0,1,1,Self-employed,,0.4753988666560319,0.2778856891082046,0.034,0.0378,0.9767,0.6804,0.0029,0.0,0.1034,0.0833,0.125,0.0241,0.0277,0.0299,0.0,0.0,0.0347,0.0393,0.9767,0.6929,0.0029,0.0,0.1034,0.0833,0.125,0.0246,0.0303,0.0311,0.0,0.0,0.0344,0.0378,0.9767,0.6847,0.0029,0.0,0.1034,0.0833,0.125,0.0245,0.0282,0.0304,0.0,0.0,reg oper account,block of flats,0.0251,"Stone, brick",No,15.0,1.0,15.0,0.0,-419.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,1.0,1.0 +1028205,176901,Consumer loans,8988.435,89995.5,90850.5,9000.0,89995.5,TUESDAY,14,Y,1,0.0981649384010914,,,XAP,Approved,-701,Cash through the bank,XAP,Other_A,New,Computers,POS,XNA,Country-wide,3000,Consumer electronics,12.0,middle,POS household with interest,365243.0,-670.0,-340.0,-340.0,-325.0,0.0,0,Cash loans,F,N,Y,1,90000.0,314055.0,16573.5,238500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.009175,-17948,-5345,-979.0,-1478,,1,1,0,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,15,0,0,0,0,1,1,Business Entity Type 3,,0.1495719439780612,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,0.0,-701.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2472092,146686,Cash loans,16129.935,171000.0,187929.0,,171000.0,THURSDAY,8,Y,1,,,,XNA,Approved,-320,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,18.0,high,Cash X-Sell: high,365243.0,-290.0,220.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,1,90000.0,381528.0,14512.5,315000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.020246,-12146,-3236,-6230.0,-4432,,1,1,1,1,1,0,Cleaning staff,3.0,3,3,TUESDAY,6,0,0,0,0,0,0,Other,,0.07818017753658316,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-517.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1666526,362020,Consumer loans,7515.045,98955.0,114628.5,0.0,98955.0,FRIDAY,19,Y,1,0.0,,,XAP,Approved,-551,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Regional / Local,100,Consumer electronics,18.0,low_normal,POS household with interest,365243.0,-520.0,-10.0,-10.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,157500.0,311877.0,15133.5,252000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.0060079999999999995,-10133,-2116,-4937.0,-2591,10.0,1,1,0,1,0,1,,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 1,,0.5816024769292064,,0.5196,0.3728,0.9811,0.7416,0.0713,0.56,0.4828,0.3333,0.375,0.3401,0.4236,0.5479999999999999,0.0,0.0,0.5294,0.3869,0.9811,0.7517,0.07200000000000001,0.5639,0.4828,0.3333,0.375,0.3478,0.4628,0.5710000000000001,0.0,0.0,0.5246,0.3728,0.9811,0.7451,0.0718,0.56,0.4828,0.3333,0.375,0.34600000000000003,0.431,0.5579,0.0,0.0,reg oper account,block of flats,0.4701,Panel,No,0.0,0.0,0.0,0.0,-551.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2649378,190845,Consumer loans,9189.54,133353.0,155596.5,0.0,133353.0,FRIDAY,13,Y,1,0.0,,,XAP,Refused,-1176,Cash through the bank,LIMIT,Family,Repeater,Computers,POS,XNA,Country-wide,1000,Consumer electronics,24.0,middle,POS household with interest,,,,,,,0,Cash loans,M,Y,N,0,112500.0,450000.0,30573.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-9998,-474,-4778.0,-2647,7.0,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,11,0,0,0,1,1,0,Trade: type 7,,0.5307471272503302,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1250.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1104004,380155,Consumer loans,49681.575,476928.0,476928.0,0.0,476928.0,SUNDAY,18,Y,1,0.0,,,XAP,Approved,-984,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Country-wide,150,Furniture,10.0,low_action,POS industry without interest,365243.0,-953.0,-683.0,-743.0,-738.0,0.0,0,Cash loans,F,N,Y,0,382500.0,1428408.0,73962.0,1350000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.04622,-22441,-6943,-6978.0,-3428,,1,1,0,1,0,0,Core staff,2.0,1,1,THURSDAY,10,0,0,0,0,1,1,Self-employed,,0.7227001737226595,0.7738956942145427,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,0.0,9.0,0.0,-1531.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1394428,318348,Consumer loans,18503.505,188955.0,260613.0,0.0,188955.0,MONDAY,14,Y,1,0.0,,,XAP,Refused,-757,Cash through the bank,HC,Family,Repeater,Computers,POS,XNA,Regional / Local,703,Consumer electronics,24.0,high,POS household with interest,,,,,,,0,Cash loans,M,Y,Y,0,169650.0,1090926.0,41683.5,1003500.0,Unaccompanied,Commercial associate,Incomplete higher,Single / not married,With parents,0.02461,-7692,-248,-2387.0,-356,3.0,1,1,0,1,1,0,,1.0,2,2,TUESDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.13461834626188388,,0.1013,0.0627,0.996,0.9456,0.0378,0.1016,0.05,0.5792,0.0417,0.0886,0.0937,0.1411,0.0116,0.0769,0.0,0.0354,0.9955,0.9412,0.0164,0.0806,0.0345,0.6667,0.0417,0.0,0.1469,0.0455,0.0117,0.0,0.1004,0.0428,0.996,0.9463,0.0324,0.08,0.0345,0.6667,0.0417,0.0214,0.0821,0.1273,0.0116,0.0345,org spec account,block of flats,0.1949,"Stone, brick",No,0.0,0.0,0.0,0.0,-349.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1584517,209774,Consumer loans,27824.58,156591.0,146979.0,15660.0,156591.0,SATURDAY,14,Y,1,0.1048651531081944,,,XAP,Approved,-990,XNA,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,939,Consumer electronics,6.0,middle,POS household with interest,365243.0,-959.0,-809.0,-809.0,-807.0,0.0,0,Cash loans,F,N,Y,0,135000.0,1078200.0,31653.0,900000.0,Children,Working,Secondary / secondary special,Separated,House / apartment,0.030755,-17738,-2788,-5038.0,-1274,,1,1,0,1,0,0,Secretaries,1.0,2,2,TUESDAY,18,0,0,0,0,0,0,Industry: type 5,,0.709867688842869,0.5316861425197883,0.1773,0.1401,0.9911,0.8776,0.0272,0.2,0.1724,0.3333,0.375,0.0839,0.1437,0.1912,0.0039,0.0011,0.1807,0.1454,0.9911,0.8824,0.0275,0.2014,0.1724,0.3333,0.375,0.0859,0.157,0.1992,0.0039,0.0011,0.179,0.1401,0.9911,0.8792,0.0274,0.2,0.1724,0.3333,0.375,0.0854,0.1462,0.1946,0.0039,0.0011,reg oper account,block of flats,0.1506,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,0.0,0.0,0.0 +2469005,336896,Cash loans,,0.0,0.0,,,WEDNESDAY,10,Y,1,,,,XNA,Refused,-309,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,Y,N,0,180000.0,450000.0,48465.0,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018801,-15782,-107,-2971.0,-4644,6.0,1,1,1,1,1,0,Managers,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Security,,0.5241358552292548,0.4507472818545589,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-2726.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1037286,324802,Revolving loans,22500.0,0.0,450000.0,,,MONDAY,12,Y,1,,,,XAP,Approved,-889,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,N,0,180000.0,563877.0,27256.5,504000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-14595,-823,-5449.0,-4547,17.0,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,8,0,0,0,0,0,0,Business Entity Type 3,0.4801861762952218,0.4664528188797194,0.6956219298394389,0.0773,0.0413,0.9816,,,0.0,0.0345,0.1667,,0.0,,0.0358,,0.0,0.0788,0.0429,0.9816,,,0.0,0.0345,0.1667,,0.0,,0.0373,,0.0,0.0781,0.0413,0.9816,,,0.0,0.0345,0.1667,,0.0,,0.0365,,0.0,,specific housing,0.0422,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1326758,211957,Cash loans,19151.46,225000.0,247275.0,,225000.0,MONDAY,6,Y,1,,,,XNA,Approved,-610,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,30,Connectivity,18.0,middle,Cash X-Sell: middle,365243.0,-580.0,-70.0,-70.0,-65.0,1.0,0,Cash loans,F,Y,Y,1,180000.0,545040.0,39627.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-10803,-1494,-951.0,-1789,21.0,1,1,0,1,0,0,Medicine staff,3.0,3,3,TUESDAY,6,0,0,0,0,0,0,Medicine,0.17850740767566856,0.5717322081788979,,,,0.9806,,,,0.1034,0.1667,,,,0.0555,,,,,0.9806,,,,0.1034,0.1667,,,,0.0537,,,,,0.9806,,,,0.1034,0.1667,,,,0.0565,,,,,0.047,"Stone, brick",No,1.0,0.0,1.0,0.0,-46.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1109688,119058,Consumer loans,11300.085,109498.5,121063.5,0.0,109498.5,MONDAY,7,Y,1,0.0,,,XAP,Approved,-518,Cash through the bank,XAP,,Refreshed,Consumer Electronics,POS,XNA,Stone,80,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-484.0,-154.0,-184.0,-176.0,0.0,0,Cash loans,F,N,Y,2,81000.0,339948.0,23787.0,315000.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.006852,-11734,365243,-4066.0,-3276,,1,0,0,1,1,0,,4.0,3,3,MONDAY,4,0,0,0,0,0,0,XNA,,0.3171809683780949,0.6610235391308081,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,1.0,9.0,1.0,0.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2819845,360221,Consumer loans,5877.135,58230.0,58230.0,0.0,58230.0,THURSDAY,10,Y,1,0.0,,,XAP,Approved,-89,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,1,Consumer electronics,12.0,middle,POS household with interest,365243.0,-59.0,271.0,365243.0,365243.0,0.0,1,Cash loans,F,N,Y,1,81000.0,282690.0,14931.0,202500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.0060079999999999995,-12497,-588,-278.0,-307,,1,1,0,1,0,0,Cleaning staff,3.0,2,2,TUESDAY,9,0,0,0,1,1,0,Government,,0.6689073059456015,0.6785676886853644,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-89.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1255915,363389,Consumer loans,11248.875,102262.5,102262.5,0.0,102262.5,SUNDAY,14,Y,1,0.0,,,XAP,Approved,-269,Cash through the bank,XAP,,New,Clothing and Accessories,POS,XNA,Stone,12,Clothing,10.0,low_normal,POS industry with interest,365243.0,-235.0,35.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,103500.0,416052.0,19525.5,292500.0,Unaccompanied,State servant,Secondary / secondary special,Married,Office apartment,0.028663,-14236,-2461,-1681.0,-4739,,1,1,0,1,1,0,Cleaning staff,3.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.6639684663194293,0.6195277080511546,0.1629,0.1145,0.9816,0.7484,0.0757,0.0,0.0917,0.1667,0.2083,0.0684,0.1328,0.0746,0.0051,0.0122,0.1513,0.077,0.9791,0.7256,0.0343,0.0,0.069,0.1667,0.2083,0.0324,0.1322,0.0478,0.0,0.0,0.1561,0.0815,0.9796,0.7249,0.0958,0.0,0.069,0.1667,0.2083,0.0323,0.1283,0.0472,0.0039,0.0064,reg oper account,block of flats,0.052000000000000005,"Stone, brick",No,1.0,0.0,1.0,0.0,-269.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1346814,190748,Revolving loans,33750.0,675000.0,675000.0,,675000.0,WEDNESDAY,15,Y,1,,,,XAP,Refused,-146,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,225000.0,448056.0,21919.5,315000.0,Unaccompanied,State servant,Higher education,Single / not married,House / apartment,0.04622,-19948,-10680,-2835.0,-3450,,1,1,0,1,0,0,,1.0,1,1,TUESDAY,15,0,0,0,0,0,0,Medicine,,0.6994421631542761,0.6313545365850379,0.1577,0.1454,0.995,0.932,0.0487,0.16,0.1034,0.3333,0.375,,0.1286,0.1729,0.0,0.0,0.1607,0.1508,0.995,0.9347,0.0492,0.1611,0.1034,0.3333,0.375,,0.1405,0.1802,0.0,0.0,0.1593,0.1454,0.995,0.9329,0.049,0.16,0.1034,0.3333,0.375,,0.1308,0.1761,0.0,0.0,reg oper spec account,block of flats,0.1627,"Stone, brick",No,0.0,0.0,0.0,0.0,-199.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1901326,263123,Cash loans,,0.0,0.0,,,TUESDAY,12,Y,1,,,,XNA,Refused,-134,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,Y,Y,0,157500.0,364896.0,28782.0,315000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-15615,-285,-6623.0,-3892,1.0,1,1,0,1,0,0,,2.0,1,1,WEDNESDAY,11,0,0,0,0,0,0,Medicine,,0.6332013646733305,0.5424451438613613,0.0866,0.0384,0.9781,0.7008,0.0,0.08,0.0345,0.4583,0.5,0.0,0.0706,0.0724,0.0,0.0,0.0882,0.0398,0.9782,0.7125,0.0,0.0806,0.0345,0.4583,0.5,0.0,0.0771,0.0754,0.0,0.0,0.0874,0.0384,0.9781,0.7048,0.0,0.08,0.0345,0.4583,0.5,0.0,0.0718,0.0737,0.0,0.0,reg oper account,block of flats,0.057,Block,No,0.0,0.0,0.0,0.0,-573.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +1660435,290025,Consumer loans,2363.535,52407.0,52407.0,0.0,52407.0,SUNDAY,16,Y,1,0.0,,,XAP,Approved,-1542,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Regional / Local,375,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1511.0,-821.0,-881.0,-877.0,0.0,0,Cash loans,M,N,Y,0,81000.0,269550.0,11871.0,225000.0,"Spouse, partner",Working,Higher education,Married,House / apartment,0.00733,-11128,-1504,-4841.0,-3360,,1,1,1,1,1,0,Laborers,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.32041617306303466,0.5649351402314271,0.7136313997323308,0.2227,0.1686,0.9821,,0.0659,0.24,0.2069,0.3333,,0.1326,0.1816,0.2426,,0.0035,0.2269,0.175,0.9821,,0.0665,0.2417,0.2069,0.3333,,0.1357,0.1983,0.2528,,0.0037,0.2248,0.1686,0.9821,,0.0664,0.24,0.2069,0.3333,,0.135,0.1847,0.247,,0.0035,,block of flats,0.2458,Panel,No,0.0,0.0,0.0,0.0,-1898.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,1.0 +2696303,233667,Cash loans,19149.12,274500.0,274500.0,0.0,274500.0,FRIDAY,14,Y,1,0.0,,,XNA,Approved,-1555,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,15,Consumer electronics,24.0,high,Cash X-Sell: high,365243.0,-1525.0,-835.0,-1345.0,-1336.0,0.0,0,Cash loans,M,Y,N,1,180000.0,770292.0,30676.5,688500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.04622,-13664,-853,-1355.0,-3938,39.0,1,1,0,1,0,0,Managers,3.0,1,1,SATURDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.7151900033825359,0.7403844478657494,0.6674577419214722,0.2825,0.0503,0.9975,0.966,0.134,0.2,0.1724,0.375,0.4167,0.0798,0.2261,0.246,0.0193,0.1216,0.2878,0.0522,0.9975,0.9673,0.1353,0.2014,0.1724,0.375,0.4167,0.0816,0.247,0.2563,0.0195,0.1287,0.2852,0.0503,0.9975,0.9665,0.1349,0.2,0.1724,0.375,0.4167,0.0812,0.23,0.2504,0.0194,0.1241,reg oper account,block of flats,0.2199,"Stone, brick",No,0.0,0.0,0.0,0.0,-1555.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2353430,437995,Consumer loans,6012.99,34376.4,32467.5,3438.9,34376.4,MONDAY,12,Y,1,0.10430660626720382,,,XAP,Approved,-2482,Non-cash from your account,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Stone,220,Consumer electronics,6.0,middle,POS household without interest,365243.0,-2448.0,-2298.0,-2298.0,-2294.0,1.0,0,Cash loans,M,N,N,1,180000.0,1293502.5,37944.0,1129500.0,Unaccompanied,Working,Secondary / secondary special,Married,Rented apartment,0.019688999999999998,-12409,-2606,-3228.0,-4362,,1,1,0,1,0,0,Laborers,3.0,2,2,FRIDAY,11,0,0,0,1,1,0,Electricity,,0.4074179565217023,0.6263042766749393,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-258.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1443411,219293,Cash loans,13103.46,112500.0,134505.0,,112500.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-168,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,AP+ (Cash loan),14,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-138.0,192.0,-138.0,-136.0,1.0,1,Cash loans,F,N,Y,1,117000.0,729792.0,26212.5,630000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.015221,-15257,-3087,-3619.0,-3886,,1,1,1,1,1,1,Sales staff,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Self-employed,,0.3354642928620269,0.0005272652387098817,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2337069,366973,Consumer loans,7976.205,79772.49,71793.0,7979.49,79772.49,TUESDAY,7,Y,1,0.108939686077015,,,XAP,Refused,-2670,Cash through the bank,HC,,Repeater,XNA,POS,XNA,Stone,10,Construction,10.0,low_normal,POS industry without interest,,,,,,,0,Cash loans,M,Y,Y,0,270000.0,1107000.0,43902.0,1107000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.028663,-15933,-1406,-8514.0,-3919,7.0,1,1,0,1,0,0,Managers,2.0,2,2,FRIDAY,9,0,0,0,0,1,1,Business Entity Type 2,,0.6269424545155001,0.4561097392782771,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2139.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1982318,181851,Consumer loans,7688.115,80968.5,80968.5,0.0,80968.5,WEDNESDAY,17,Y,1,0.0,,,XAP,Approved,-532,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Regional / Local,980,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-501.0,-171.0,-201.0,-192.0,0.0,0,Cash loans,F,N,Y,0,112500.0,1312110.0,52168.5,1125000.0,Other_B,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.006233,-16658,-9143,-8482.0,-190,,1,1,0,1,1,0,Managers,1.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.8117161774213985,0.5869829876349549,0.7751552674785404,0.1557,0.0044,0.9826,0.762,0.0266,0.08,0.069,0.3333,0.375,0.2091,0.1261,0.1104,0.0039,0.0021,0.1586,0.0046,0.9826,0.7713,0.0268,0.0806,0.069,0.3333,0.375,0.2139,0.1377,0.115,0.0039,0.0022,0.1572,0.0044,0.9826,0.7652,0.0268,0.08,0.069,0.3333,0.375,0.2127,0.1283,0.1124,0.0039,0.0021,reg oper account,block of flats,0.1018,Panel,No,1.0,0.0,1.0,0.0,-1310.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2277642,371186,Consumer loans,4474.35,60705.0,15705.0,45000.0,60705.0,SUNDAY,14,Y,1,0.8073320304602737,,,XAP,Approved,-2577,XNA,XAP,Family,New,Mobile,POS,XNA,Country-wide,5,Connectivity,4.0,low_normal,POS mobile with interest,365243.0,-2546.0,-2456.0,-2456.0,-2451.0,0.0,0,Cash loans,F,Y,Y,0,112500.0,688500.0,20259.0,688500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.015221,-14760,-6402,-5228.0,-4605,10.0,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Trade: type 7,0.6962122739076709,0.6812858493454154,,0.0619,,0.9826,,,0.0,0.1379,0.1667,,0.0632,,0.0543,,,0.063,,0.9826,,,0.0,0.1379,0.1667,,0.0646,,0.0566,,,0.0625,,0.9826,,,0.0,0.1379,0.1667,,0.0643,,0.0553,,,,block of flats,0.0427,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1080618,303738,Consumer loans,4745.07,104058.36,104287.5,10408.86,104058.36,FRIDAY,17,Y,1,0.09883656987893948,,,XAP,Approved,-1561,Cash through the bank,XAP,"Spouse, partner",New,Computers,POS,XNA,Country-wide,2000,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1530.0,-840.0,-900.0,-894.0,0.0,0,Cash loans,M,N,Y,0,135000.0,450000.0,30442.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.032561,-16408,-5062,-8571.0,-4277,,1,1,1,1,1,0,,2.0,1,1,FRIDAY,12,0,0,0,0,0,0,Business Entity Type 1,0.5313485419095821,0.7303854113407643,0.6512602186973006,0.0959,0.0434,0.9309,0.0548,,,0.2414,0.2083,0.25,0.038,,0.111,,0.08,0.0977,0.045,0.931,0.0918,,,0.2414,0.2083,0.25,0.0388,,0.1156,,0.0846,0.0968,0.0434,0.9309,0.0674,,,0.2414,0.2083,0.25,0.0386,,0.113,,0.0816,reg oper account,block of flats,0.1148,"Stone, brick",No,0.0,0.0,0.0,0.0,-1561.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1835838,208066,Cash loans,10791.225,135000.0,152820.0,,135000.0,SATURDAY,11,Y,1,,,,XNA,Approved,-1125,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Country-wide,30,Connectivity,24.0,high,Cash X-Sell: high,365243.0,-1095.0,-405.0,-855.0,-843.0,1.0,0,Cash loans,F,N,Y,2,135000.0,450000.0,23107.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-15214,-150,-2953.0,-4587,,1,1,1,1,0,0,,4.0,2,2,THURSDAY,13,0,0,0,0,0,0,School,0.44644055745818295,0.6194816021840208,0.7016957740576931,0.0165,0.0,0.9722,0.6192,0.0013,0.0,0.069,0.0417,0.0833,0.0115,0.0134,0.0121,0.0,0.0,0.0168,0.0,0.9722,0.6341,0.0013,0.0,0.069,0.0417,0.0833,0.0118,0.0147,0.0127,0.0,0.0,0.0167,0.0,0.9722,0.6243,0.0013,0.0,0.069,0.0417,0.0833,0.0117,0.0137,0.0124,0.0,0.0,reg oper account,block of flats,0.0096,"Stone, brick",No,0.0,0.0,0.0,0.0,-1908.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1125837,378657,Consumer loans,19878.75,112500.0,112500.0,0.0,112500.0,MONDAY,15,Y,1,0.0,,,XAP,Approved,-936,Non-cash from your account,XAP,Family,Repeater,Construction Materials,POS,XNA,Stone,18,Construction,6.0,low_normal,POS industry with interest,365243.0,-897.0,-747.0,-807.0,-804.0,0.0,0,Cash loans,F,Y,Y,3,148500.0,612841.5,23233.5,423000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.008575,-12301,-2939,-970.0,-975,4.0,1,1,0,1,0,0,Cleaning staff,5.0,2,2,SATURDAY,17,0,0,0,0,1,1,School,0.22433217395340094,0.522952169842347,0.7062051096536562,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-1756.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1151319,456144,Consumer loans,5721.705,62550.0,61326.0,6750.0,62550.0,FRIDAY,17,Y,1,0.10798759675015623,,,XAP,Approved,-2518,Cash through the bank,XAP,"Spouse, partner",New,Furniture,POS,XNA,Stone,50,Furniture,12.0,low_normal,POS industry with interest,365243.0,-2487.0,-2157.0,-2187.0,-2180.0,1.0,0,Cash loans,F,N,Y,0,65250.0,123637.5,8734.5,112500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.00702,-14483,-976,-8617.0,-4389,,1,1,1,1,1,1,,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.7123510971533541,0.5516594500526683,,0.0619,0.0873,0.9836,0.7756,0.0844,0.16,0.1379,0.1667,0.2083,0.0571,0.0504,0.0321,0.0,0.0,0.063,0.0906,0.9836,0.7844,0.0851,0.1611,0.1379,0.1667,0.2083,0.0584,0.0551,0.0334,0.0,0.0,0.0625,0.0873,0.9836,0.7786,0.0849,0.16,0.1379,0.1667,0.2083,0.0581,0.0513,0.0327,0.0,0.0,reg oper spec account,block of flats,0.2206,"Stone, brick",No,4.0,0.0,4.0,0.0,-1723.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2391144,155163,Consumer loans,7290.72,59391.0,53451.0,5940.0,59391.0,TUESDAY,18,Y,1,0.10892559478708894,,,XAP,Approved,-1898,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,10.0,high,POS mobile with interest,365243.0,-1844.0,-1574.0,-1664.0,-1662.0,0.0,1,Cash loans,F,N,N,3,225000.0,521280.0,35392.5,450000.0,Unaccompanied,Working,Lower secondary,Civil marriage,House / apartment,0.010643000000000001,-14101,-762,-2497.0,-4951,,1,1,1,1,0,0,Laborers,5.0,2,2,WEDNESDAY,12,0,1,1,0,1,1,Postal,,0.5746104001867551,0.05347808736117268,0.1577,,0.9851,0.7959999999999999,,0.0,0.1034,0.1667,,0.0454,,0.0399,,0.0,0.1607,,0.9851,0.804,,0.0,0.1034,0.1667,,0.0464,,0.0416,,0.0,0.1593,,0.9851,0.7987,,0.0,0.1034,0.1667,,0.0462,,0.0407,,0.0,,specific housing,0.0596,"Stone, brick",No,0.0,0.0,0.0,0.0,-1898.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1755339,312243,Cash loans,16227.54,180000.0,203760.0,0.0,180000.0,TUESDAY,10,Y,1,0.0,,,Other,Refused,-1647,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,24.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,225000.0,724581.0,26154.0,625500.0,Family,State servant,Higher education,Married,House / apartment,0.01885,-20020,-8460,-10999.0,-3008,,1,1,0,1,0,1,,2.0,2,2,THURSDAY,16,0,0,0,0,0,0,School,0.8145181149959876,0.7030886754876365,0.4507472818545589,0.0278,0.068,0.9712,0.6056,0.0472,0.0,0.1034,0.0833,0.125,0.0427,0.0227,0.0318,0.0,0.0,0.0284,0.0706,0.9712,0.621,0.0476,0.0,0.1034,0.0833,0.125,0.0436,0.0248,0.0331,0.0,0.0,0.0281,0.068,0.9712,0.6109,0.0475,0.0,0.1034,0.0833,0.125,0.0434,0.0231,0.0324,0.0,0.0,reg oper account,block of flats,0.0276,"Stone, brick",No,10.0,0.0,10.0,0.0,-1647.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,1.0,0.0,0.0,2.0,3.0 +2722850,420247,Cash loans,26641.26,450000.0,545040.0,,450000.0,TUESDAY,7,Y,1,,,,XNA,Refused,-175,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,N,2,247500.0,508495.5,27585.0,454500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.010032,-12911,-859,-887.0,-579,,1,1,1,1,0,0,Cooking staff,4.0,2,2,MONDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.4549268788104488,0.6330947010880057,0.4740512892789932,0.0021,0.0033,0.9692,,,,0.0345,0.0417,,,,0.01,,0.0062,0.0021,0.0034,0.9692,,,,0.0345,0.0417,,,,0.0104,,0.0065,0.0021,0.0033,0.9692,,,,0.0345,0.0417,,,,0.0101,,0.0063,,block of flats,0.0109,,No,0.0,0.0,0.0,0.0,-618.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1587263,375078,Consumer loans,13038.3,131823.9,130383.0,13185.9,131823.9,MONDAY,10,Y,1,0.1000261464577761,,,XAP,Refused,-1143,Cash through the bank,SCO,Unaccompanied,Repeater,Construction Materials,POS,XNA,Stone,272,Construction,12.0,middle,POS industry with interest,,,,,,,0,Cash loans,F,Y,Y,0,135000.0,688500.0,22882.5,688500.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-20370,365243,-909.0,-3018,11.0,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,XNA,0.4097971027871411,0.5230885525203002,0.4418358231994413,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-951.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1776266,128449,Consumer loans,11740.32,112455.0,101209.5,11245.5,112455.0,SATURDAY,17,Y,1,0.1089090909090909,,,XAP,Approved,-2197,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,25,Connectivity,12.0,high,POS mobile with interest,365243.0,-2127.0,-1797.0,-1827.0,-1825.0,0.0,0,Cash loans,F,N,Y,0,112500.0,203760.0,20281.5,180000.0,Family,Pensioner,Higher education,Married,House / apartment,0.011703,-24775,365243,-974.0,-4107,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,XNA,,0.7624980972527247,,0.099,0.0627,0.9767,0.6804,0.0166,0.08,0.069,0.3333,0.375,0.0843,0.0807,0.0843,0.0,0.1524,0.1008,0.0651,0.9767,0.6929,0.0167,0.0806,0.069,0.3333,0.375,0.0862,0.0882,0.0878,0.0,0.1613,0.0999,0.0627,0.9767,0.6847,0.0167,0.08,0.069,0.3333,0.375,0.0858,0.0821,0.0858,0.0,0.1556,reg oper spec account,block of flats,0.1134,"Stone, brick",No,0.0,0.0,0.0,0.0,-2197.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1047860,125192,Cash loans,52999.92,1129500.0,1260702.0,,1129500.0,WEDNESDAY,17,Y,1,,,,XNA,Refused,-229,Cash through the bank,SCO,Family,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,202500.0,254700.0,27153.0,225000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018634,-14019,-337,-1440.0,-4415,,1,1,0,1,0,0,Managers,2.0,2,2,MONDAY,10,0,0,0,0,1,1,School,0.38910663200951023,0.5042768915747912,0.15193454904964762,0.0186,0.0456,0.9816,,,0.0,0.1034,0.0417,,0.0115,,0.01,,0.0423,0.0189,0.0473,0.9816,,,0.0,0.1034,0.0417,,0.0117,,0.0104,,0.0448,0.0187,0.0456,0.9816,,,0.0,0.1034,0.0417,,0.0117,,0.0101,,0.0432,,block of flats,0.0135,"Stone, brick",No,0.0,0.0,0.0,0.0,-1185.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,3.0 +2438061,139820,Consumer loans,6625.53,53955.0,33012.0,22500.0,53955.0,TUESDAY,12,Y,1,0.4414278976535786,,,XAP,Approved,-2601,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Stone,15,Connectivity,6.0,high,POS mobile with interest,365243.0,-2568.0,-2418.0,-2418.0,-2407.0,1.0,0,Cash loans,M,Y,N,0,225000.0,1350000.0,39604.5,1350000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-12314,-457,-5363.0,-2621,8.0,1,1,0,1,0,0,Sales staff,2.0,2,2,SATURDAY,10,0,0,0,1,0,1,Business Entity Type 1,,0.7236326484934575,0.7338145369642702,,,0.9806,,,,,0.3333,,,,,,,,,0.9806,,,,,0.3333,,,,,,,,,0.9806,,,,,0.3333,,,,,,,,,0.1742,,No,0.0,0.0,0.0,0.0,-1586.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2346173,438005,Consumer loans,4554.72,21960.0,23274.0,2196.0,21960.0,MONDAY,7,Y,1,0.0939004176035978,,,XAP,Approved,-1754,Cash through the bank,XAP,Unaccompanied,Repeater,Auto Accessories,POS,XNA,Stone,150,Industry,6.0,high,POS other with interest,365243.0,-1716.0,-1566.0,-1566.0,-1440.0,0.0,0,Cash loans,F,N,Y,0,90000.0,390447.0,14850.0,274500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.015221,-11815,-2639,-3000.0,-4012,,1,1,1,1,1,0,Laborers,2.0,2,2,FRIDAY,7,0,0,0,0,0,0,Business Entity Type 2,,0.22529467513776424,0.2940831009471255,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-92.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2362511,186278,Cash loans,9611.46,162000.0,162000.0,0.0,162000.0,TUESDAY,17,Y,1,0.0,,,XNA,Approved,-2678,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,30.0,high,Cash Street: high,365243.0,-2648.0,-1778.0,-1778.0,-1770.0,0.0,0,Cash loans,F,N,N,0,225000.0,479353.5,32161.5,391500.0,Unaccompanied,Working,Secondary / secondary special,Separated,Municipal apartment,0.008019,-18215,-5892,-402.0,-1761,,1,1,0,1,0,0,Laborers,1.0,2,2,SATURDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.6476280705456341,0.7529365540500935,0.5779691187553125,0.1845,0.2211,0.9717,0.6124,0.0287,0.0,0.3793,0.1667,0.2083,0.1149,0.1395,0.2085,0.0502,0.1707,0.188,0.2294,0.9717,0.6276,0.029,0.0,0.3793,0.1667,0.2083,0.1176,0.1524,0.2172,0.0506,0.1807,0.1863,0.2211,0.9717,0.6176,0.0289,0.0,0.3793,0.1667,0.2083,0.1169,0.1419,0.2122,0.0505,0.1742,not specified,block of flats,0.1775,"Stone, brick",No,1.0,0.0,1.0,0.0,-2678.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +2772793,305850,Revolving loans,9000.0,180000.0,180000.0,,180000.0,SATURDAY,13,Y,1,,,,XAP,Approved,-644,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,-263.0,0.0,0,Cash loans,F,Y,Y,0,225000.0,1024740.0,52452.0,900000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-21824,365243,-4411.0,-3334,5.0,1,0,0,1,0,0,,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,XNA,,0.4815212626285129,0.7992967832109371,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-3034.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +1958982,217443,Cash loans,46161.45,454500.0,472500.0,,454500.0,MONDAY,18,Y,1,,,,XNA,Approved,-533,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-503.0,-173.0,-173.0,-170.0,1.0,0,Cash loans,F,N,Y,0,180000.0,158301.0,16753.5,148500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.072508,-21988,365243,-6755.0,-4159,,1,0,0,1,0,0,,2.0,1,1,TUESDAY,16,0,0,0,0,0,0,XNA,,0.7055205728923158,0.7076993447402619,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.2541,,No,6.0,0.0,6.0,0.0,-533.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1890167,131308,Consumer loans,9354.735,42610.5,44860.5,0.0,42610.5,FRIDAY,12,Y,1,0.0,,,XAP,Approved,-572,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,30,Connectivity,6.0,high,POS mobile with interest,365243.0,-541.0,-391.0,-451.0,-437.0,0.0,0,Cash loans,M,N,Y,2,112500.0,450000.0,22018.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00733,-13309,-5221,-1982.0,-4101,,1,1,0,1,0,0,Laborers,4.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Emergency,0.2716100054954494,0.6692268673420038,0.7151031019926098,0.1577,0.0,0.9781,0.7008,0.0947,0.0,0.1034,0.1667,0.2083,0.127,0.1278,0.0539,0.0039,0.0026,0.1607,0.0,0.9782,0.7125,0.0956,0.0,0.1034,0.1667,0.2083,0.1299,0.1396,0.0562,0.0039,0.0027,0.1593,0.0,0.9781,0.7048,0.0953,0.0,0.1034,0.1667,0.2083,0.1292,0.13,0.0549,0.0039,0.0026,reg oper account,block of flats,0.0518,"Stone, brick",No,0.0,0.0,0.0,0.0,-572.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1481094,226912,Consumer loans,5293.575,44986.5,18580.5,27000.0,44986.5,TUESDAY,11,Y,1,0.6451323382905966,,,XAP,Approved,-2590,Cash through the bank,XAP,Other_B,New,Consumer Electronics,POS,XNA,Country-wide,478,Consumer electronics,4.0,high,POS household with interest,365243.0,-2559.0,-2469.0,-2469.0,-2459.0,1.0,0,Cash loans,F,N,Y,0,90000.0,188685.0,14238.0,157500.0,Unaccompanied,Pensioner,Lower secondary,Single / not married,House / apartment,0.011656999999999999,-23156,365243,-10518.0,-1825,,1,0,0,1,1,0,,1.0,1,1,TUESDAY,12,0,0,0,0,0,0,XNA,,0.6271879184061552,0.7194907850918436,0.0928,0.1209,0.9851,0.7959999999999999,0.0552,0.0,0.2069,0.1667,0.2083,0.1033,0.0748,0.0918,0.0039,0.0051,0.0945,0.1255,0.9851,0.804,0.0557,0.0,0.2069,0.1667,0.2083,0.1057,0.0817,0.0957,0.0039,0.0055,0.0937,0.1209,0.9851,0.7987,0.0555,0.0,0.2069,0.1667,0.2083,0.1051,0.0761,0.0935,0.0039,0.0053,reg oper account,block of flats,0.1035,Panel,No,3.0,1.0,3.0,1.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1362092,259007,Consumer loans,16903.215,100206.0,82206.0,18000.0,100206.0,TUESDAY,17,Y,1,0.1956333589169946,,,XAP,Approved,-101,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,15,Connectivity,6.0,high,POS mobile with interest,365243.0,-68.0,82.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,225000.0,715095.0,53464.5,675000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.072508,-16619,-2076,-4658.0,-169,,1,1,1,1,1,0,Core staff,1.0,1,1,FRIDAY,12,0,0,0,0,0,0,Trade: type 6,,0.41983862732935534,0.0005272652387098817,0.5928,0.2565,0.9841,0.7824,0.3435,0.72,0.3103,0.625,0.0,0.0,0.4816,0.6278,0.0077,0.0073,0.604,0.2662,0.9841,0.7909,0.3467,0.725,0.3103,0.625,0.0,0.0,0.5262,0.6541,0.0078,0.0078,0.5985,0.2565,0.9841,0.7853,0.3457,0.72,0.3103,0.625,0.0,0.0,0.49,0.6391,0.0078,0.0075,reg oper account,block of flats,0.4954,Panel,No,0.0,0.0,0.0,0.0,-101.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2340021,434572,Revolving loans,20250.0,405000.0,405000.0,,405000.0,MONDAY,14,Y,1,,,,XAP,Approved,-301,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-300.0,-279.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,292500.0,1162453.5,41881.5,1003500.0,Unaccompanied,Pensioner,Higher education,Single / not married,House / apartment,0.025164,-21270,365243,-2602.0,-4298,,1,0,0,1,0,1,,1.0,2,2,MONDAY,15,0,0,0,0,0,0,XNA,0.9087927446319384,0.15426542413276212,0.3842068130556564,0.1289,0.0801,0.9965,0.9524,0.0506,0.12,0.069,0.6667,0.0417,0.0176,0.1051,0.1697,0.0154,0.1073,0.1313,0.0831,0.9965,0.9543,0.051,0.1208,0.069,0.6667,0.0417,0.018000000000000002,0.1148,0.1768,0.0156,0.1136,0.1301,0.0801,0.9965,0.953,0.0509,0.12,0.069,0.6667,0.0417,0.0179,0.1069,0.1728,0.0155,0.1095,reg oper spec account,block of flats,0.1844,Block,No,3.0,2.0,3.0,2.0,-1293.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1968087,376772,Revolving loans,19125.0,382500.0,382500.0,,382500.0,THURSDAY,13,Y,1,,,,XAP,Refused,-190,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,72000.0,604152.0,26608.5,540000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.02461,-23683,365243,-9782.0,-4640,,1,0,0,1,1,0,,1.0,2,2,FRIDAY,13,0,0,0,0,0,0,XNA,,0.6272083707738779,0.8095082892315094,0.0165,0.0,0.9717,0.6124,,0.0,0.069,0.0417,,0.0248,,0.011,,0.0,0.0168,0.0,0.9717,0.6276,,0.0,0.069,0.0417,,0.0254,,0.0115,,0.0,0.0167,0.0,0.9717,0.6176,,0.0,0.069,0.0417,,0.0253,,0.0112,,0.0,,block of flats,0.0093,Block,No,0.0,0.0,0.0,0.0,-577.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1815347,296152,Consumer loans,5596.83,33103.35,35289.0,1.35,33103.35,THURSDAY,14,Y,1,4.1662174709877535e-05,,,XAP,Approved,-2686,Cash through the bank,XAP,Other_B,New,Consumer Electronics,POS,XNA,Country-wide,1402,Consumer electronics,8.0,high,POS household with interest,365243.0,-2655.0,-2445.0,-2445.0,-2438.0,1.0,0,Revolving loans,F,N,N,0,135000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-10325,-1107,-4493.0,-3007,,1,1,0,1,0,0,,2.0,3,2,TUESDAY,6,0,0,0,0,0,0,Culture,,0.4552062864701758,0.7738956942145427,0.0124,0.0293,0.9816,,,0.0,0.069,0.0417,,,,0.0102,,,0.0126,0.0304,0.9816,,,0.0,0.069,0.0417,,,,0.0107,,,0.0125,0.0293,0.9816,,,0.0,0.069,0.0417,,,,0.0104,,,,block of flats,0.0137,Wooden,No,1.0,0.0,1.0,0.0,-1201.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2052971,243455,Cash loans,7749.54,67500.0,71955.0,,67500.0,THURSDAY,11,Y,1,,,,XNA,Approved,-529,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),3,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-499.0,-169.0,-169.0,-162.0,1.0,0,Revolving loans,F,N,Y,0,256500.0,247500.0,12375.0,247500.0,Unaccompanied,Pensioner,Higher education,Married,Municipal apartment,0.018801,-21089,365243,-4151.0,-4148,,1,0,0,1,0,0,,2.0,2,2,MONDAY,6,0,0,0,0,0,0,XNA,,0.6124570884388076,0.14916746132334885,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1552.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2764179,362155,Consumer loans,4172.4,24286.5,21856.5,2430.0,24286.5,TUESDAY,9,Y,1,0.1089696295921977,,,XAP,Approved,-1734,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Stone,180,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1703.0,-1553.0,-1553.0,-1547.0,0.0,0,Cash loans,M,Y,Y,2,126000.0,755190.0,36459.0,675000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.01885,-17490,-573,-9237.0,-1018,4.0,1,1,1,1,1,0,Security staff,4.0,2,2,SUNDAY,13,0,0,0,0,1,1,Business Entity Type 2,0.3606526166987657,0.4824385078713741,0.3825018041447388,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1648.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2211944,305068,Cash loans,30537.0,270000.0,270000.0,,270000.0,MONDAY,9,Y,1,,,,XNA,Approved,-375,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Regional / Local,142,Consumer electronics,12.0,high,Cash X-Sell: high,365243.0,-345.0,-15.0,-15.0,-12.0,0.0,0,Cash loans,M,Y,Y,1,225000.0,1125000.0,47794.5,1125000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.0031219999999999998,-10987,-1856,-4993.0,-3599,2.0,1,1,1,1,0,0,Laborers,3.0,3,3,FRIDAY,12,0,0,0,0,0,0,Self-employed,,0.6082133636500614,0.5424451438613613,0.0412,0.0625,0.9871,,,0.0,0.1379,0.1667,,0.0416,,0.0461,,0.0,0.042,0.0649,0.9871,,,0.0,0.1379,0.1667,,0.0425,,0.048,,0.0,0.0416,0.0625,0.9871,,,0.0,0.1379,0.1667,,0.0423,,0.0469,,0.0,reg oper spec account,block of flats,0.0398,"Stone, brick",No,0.0,0.0,0.0,0.0,-1581.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1191714,123842,Consumer loans,5599.98,65610.0,43110.0,22500.0,65610.0,SATURDAY,13,Y,1,0.3734879660805586,,,XAP,Approved,-1775,Cash through the bank,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Country-wide,730,Consumer electronics,10.0,high,POS household with interest,365243.0,-1744.0,-1474.0,-1534.0,-1529.0,0.0,0,Cash loans,F,N,Y,0,90000.0,835380.0,23571.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-19794,-6567,-10367.0,-3326,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Government,,0.6306225765426988,0.8482442999507556,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1540.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1340312,390925,Consumer loans,8051.535,62955.0,68494.5,0.0,62955.0,THURSDAY,8,Y,1,0.0,,,XAP,Approved,-425,Non-cash from your account,XAP,,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,765,Consumer electronics,10.0,middle,POS household with interest,365243.0,-394.0,-124.0,-124.0,-121.0,0.0,0,Cash loans,F,N,Y,0,38250.0,117162.0,11542.5,103500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-24612,365243,-8579.0,-4130,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,8,0,0,0,0,0,0,XNA,,0.2293197422986465,0.7407990879702335,0.1763,0.1179,0.9886,0.8436,0.1138,0.16,0.1379,0.3333,0.375,0.027000000000000003,0.1437,0.1882,0.0,0.0,0.1702,0.1009,0.9886,0.8497,0.095,0.1208,0.1034,0.3333,0.375,0.0276,0.1488,0.1665,0.0,0.0,0.17800000000000002,0.1179,0.9886,0.8457,0.1145,0.16,0.1379,0.3333,0.375,0.0274,0.1462,0.1916,0.0,0.0,reg oper account,block of flats,0.1771,Block,No,1.0,0.0,1.0,0.0,-1064.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1962350,289685,Consumer loans,40131.225,162558.0,150484.5,16258.5,162558.0,WEDNESDAY,14,Y,1,0.1061932707547216,,,XAP,Refused,-264,Cash through the bank,HC,Unaccompanied,Repeater,Audio/Video,POS,XNA,Stone,20,Consumer electronics,4.0,middle,POS household with interest,,,,,,,0,Cash loans,F,Y,N,0,157500.0,715095.0,49900.5,675000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.008625,-19844,-1073,-7318.0,-3406,8.0,1,1,0,1,0,0,,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Government,0.6193322152765556,0.5723210876165798,,0.132,0.1344,0.9826,,,0.08,0.0345,0.625,,0.0135,,0.1238,,0.0,0.1345,0.1395,0.9826,,,0.0806,0.0345,0.625,,0.0138,,0.129,,0.0,0.1332,0.1344,0.9826,,,0.08,0.0345,0.625,,0.0137,,0.126,,0.0,,block of flats,0.0974,Panel,No,3.0,0.0,2.0,0.0,-1040.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1259481,454753,Consumer loans,10613.025,53995.5,56848.5,0.0,53995.5,FRIDAY,12,Y,1,0.0,,,XAP,Approved,-508,Cash through the bank,XAP,,Refreshed,Audio/Video,POS,XNA,Regional / Local,350,Consumer electronics,6.0,middle,POS household with interest,365243.0,-477.0,-327.0,-327.0,-324.0,0.0,0,Cash loans,M,N,Y,0,112500.0,1288350.0,37800.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-22035,-2345,-8701.0,-4640,,1,1,0,1,0,0,Security staff,2.0,2,2,TUESDAY,13,0,0,0,0,1,1,Security,,0.26525634018619443,0.6690566947824041,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,0.0,8.0,0.0,-1971.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1152303,160264,Cash loans,4793.175,45000.0,47970.0,,45000.0,WEDNESDAY,18,Y,1,,,,XNA,Approved,-1163,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,middle,Cash X-Sell: middle,365243.0,-1133.0,-803.0,-908.0,-900.0,1.0,0,Cash loans,M,N,N,0,103500.0,490495.5,25641.0,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-24403,365243,-6449.0,-4288,,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,XNA,,0.5283446494726729,0.813917469762627,0.0412,0.0637,0.9841,0.7824,0.0084,0.0,0.1379,0.125,0.0417,0.0229,0.0336,0.0446,0.0,0.0,0.042,0.0661,0.9841,0.7909,0.0085,0.0,0.1379,0.125,0.0417,0.0234,0.0367,0.0464,0.0,0.0,0.0416,0.0637,0.9841,0.7853,0.0085,0.0,0.1379,0.125,0.0417,0.0233,0.0342,0.0454,0.0,0.0,reg oper account,block of flats,0.0397,"Stone, brick",No,4.0,0.0,4.0,0.0,-944.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2633154,323371,Consumer loans,9336.195,100521.0,100521.0,0.0,100521.0,MONDAY,12,Y,1,0.0,,,XAP,Approved,-292,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Regional / Local,100,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-255.0,75.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,90000.0,954864.0,28048.5,684000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-22062,365243,-9665.0,-4267,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,14,0,0,0,0,0,0,XNA,,0.4204779267867213,0.2822484337007223,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1626466,429707,Cash loans,67073.625,679500.0,706410.0,,679500.0,THURSDAY,11,Y,1,,,,XNA,Approved,-75,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-45.0,285.0,-15.0,-9.0,1.0,0,Cash loans,F,N,Y,0,112500.0,568197.0,20538.0,490500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007273999999999998,-15057,-656,-4456.0,-4436,,1,1,0,1,1,0,,2.0,2,2,TUESDAY,13,0,0,0,0,1,1,Industry: type 1,,0.2078348537194637,0.7922644738669378,,,0.9841,,,,0.069,0.0417,,,,0.0148,,,,,0.9841,,,,0.069,0.0417,,,,0.0154,,,,,0.9841,,,,0.069,0.0417,,,,0.0151,,,,,0.0126,Panel,No,0.0,0.0,0.0,0.0,-1784.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +1404964,199942,Consumer loans,10466.46,104679.0,94207.5,10471.5,104679.0,SATURDAY,10,Y,1,0.10894654567339636,,,XAP,Approved,-1344,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,1010,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1313.0,-1043.0,-1043.0,-1034.0,0.0,0,Cash loans,F,Y,N,0,90000.0,113760.0,6660.0,90000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-19381,-2703,-5485.0,-168,0.0,1,1,0,1,1,0,High skill tech staff,2.0,2,2,THURSDAY,9,0,0,0,0,1,1,Business Entity Type 3,0.7124018102690705,0.6692220266664742,0.475849908720221,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1418.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1074713,349061,Consumer loans,7036.83,63809.595,62163.0,6385.095,63809.595,SUNDAY,19,Y,1,0.10144627532219264,,,XAP,Approved,-1847,Cash through the bank,XAP,Family,Refreshed,Consumer Electronics,POS,XNA,Country-wide,4596,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1816.0,-1546.0,-1546.0,-1539.0,0.0,0,Cash loans,M,Y,Y,0,112500.0,101880.0,10435.5,90000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-13882,-1794,-1823.0,-4711,10.0,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,16,0,0,0,0,0,0,Construction,,0.6113301843074544,0.7281412993111438,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1037.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1128326,159105,Consumer loans,4190.13,13005.0,15034.5,0.0,13005.0,SATURDAY,10,Y,1,0.0,,,XAP,Approved,-259,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,200,Consumer electronics,4.0,middle,POS household with interest,365243.0,-224.0,-134.0,-164.0,-160.0,0.0,0,Cash loans,M,Y,Y,0,112500.0,888840.0,32053.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-17610,-1598,-1446.0,-1166,18.0,1,1,0,1,0,0,,2.0,2,2,SATURDAY,9,0,0,0,0,1,1,Other,,0.5540596180359055,0.6246146584503397,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-476.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1486907,334815,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SATURDAY,10,Y,1,,,,XAP,Approved,-229,XNA,XAP,"Spouse, partner",Repeater,XNA,Cards,walk-in,Regional / Local,108,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,N,3,180000.0,598486.5,19908.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-15593,-4662,-2597.0,-2448,13.0,1,1,0,1,0,0,Managers,5.0,3,3,THURSDAY,8,0,0,0,0,0,0,Government,0.6363080474248232,0.5593643873663872,0.4048783643353997,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1514.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1686586,351536,Consumer loans,11470.86,100993.5,100993.5,0.0,100993.5,SATURDAY,16,Y,1,0.0,,,XAP,Approved,-165,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-129.0,141.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,2,270000.0,675000.0,36747.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-11817,-2810,-5887.0,-4101,15.0,1,1,0,1,0,0,,4.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.6551254770919729,0.4436153084085652,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-339.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1604604,309673,Consumer loans,7777.71,75366.0,83326.5,0.0,75366.0,THURSDAY,14,Y,1,0.0,,,XAP,Approved,-378,XNA,XAP,,New,Consumer Electronics,POS,XNA,Stone,80,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-341.0,-11.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,112500.0,808650.0,26217.0,675000.0,Unaccompanied,Pensioner,Lower secondary,Widow,House / apartment,0.010276,-22512,365243,-7016.0,-3942,,1,0,0,1,1,0,,1.0,2,2,THURSDAY,11,0,0,0,0,0,0,XNA,,0.21940770057258047,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-378.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2565340,313011,Consumer loans,13251.375,71739.0,75528.0,0.0,71739.0,SUNDAY,11,Y,1,0.0,,,XAP,Approved,-657,XNA,XAP,,Refreshed,Audio/Video,POS,XNA,Stone,50,Consumer electronics,6.0,low_action,POS household without interest,365243.0,-624.0,-474.0,-474.0,-468.0,0.0,0,Cash loans,F,N,N,0,90000.0,454500.0,13419.0,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-23517,365243,-1282.0,-4140,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,XNA,,0.4739811169209715,0.6512602186973006,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-248.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1442635,222008,Revolving loans,22500.0,0.0,450000.0,,,THURSDAY,12,Y,1,,,,XAP,Approved,-455,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,173,Consumer electronics,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,180000.0,640080.0,23121.0,450000.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,House / apartment,0.030755,-18384,-5652,-8603.0,-1940,,1,1,0,1,0,0,Core staff,1.0,2,2,THURSDAY,12,0,0,0,0,0,0,Kindergarten,,0.5076276111014222,0.7001838506835805,0.0979,0.0568,0.9781,0.7008,0.0112,0.0,0.2069,0.1667,0.2083,0.0318,0.079,0.0818,0.0039,0.0298,0.0998,0.059,0.9782,0.7125,0.0113,0.0,0.2069,0.1667,0.2083,0.0325,0.0863,0.0852,0.0039,0.0315,0.0989,0.0568,0.9781,0.7048,0.0113,0.0,0.2069,0.1667,0.2083,0.0323,0.0804,0.0832,0.0039,0.0304,reg oper account,block of flats,0.0866,"Stone, brick",No,6.0,0.0,6.0,0.0,-1314.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2095091,264260,Consumer loans,5356.035,24324.75,20101.5,4866.75,24324.75,SUNDAY,8,Y,1,0.2122829265894959,,,XAP,Approved,-1234,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,30,Connectivity,4.0,middle,POS mobile without interest,365243.0,-1201.0,-1111.0,-1111.0,-1108.0,0.0,0,Cash loans,M,Y,Y,1,292500.0,454500.0,17608.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010032,-11425,-1184,-1379.0,-3907,16.0,1,1,1,1,0,0,Laborers,3.0,2,2,TUESDAY,2,0,0,0,0,0,0,Business Entity Type 3,,0.4834760108655212,0.6127042441012546,0.2144,0.146,0.9881,0.83,0.0463,0.28,0.2414,0.375,0.4167,0.1624,0.1748,0.2711,0.0,0.0652,0.2185,0.1515,0.9881,0.8367,0.0467,0.282,0.2414,0.375,0.4167,0.1661,0.191,0.2824,0.0,0.069,0.2165,0.146,0.9881,0.8323,0.0466,0.28,0.2414,0.375,0.4167,0.1653,0.1779,0.2759,0.0,0.0666,reg oper account,block of flats,0.2527,Panel,No,0.0,0.0,0.0,0.0,-1234.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1575188,176877,Consumer loans,27039.285,270441.0,288288.0,0.0,270441.0,MONDAY,8,Y,1,0.0,,,XAP,Approved,-652,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,140,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-621.0,-291.0,-501.0,-499.0,0.0,0,Cash loans,M,Y,N,1,225000.0,537471.0,55201.5,495000.0,Unaccompanied,Working,Incomplete higher,Separated,Municipal apartment,0.0038179999999999998,-9368,-270,-4203.0,-2049,20.0,1,1,0,1,0,0,Drivers,2.0,2,2,TUESDAY,3,0,0,0,0,1,1,Other,0.10105570895052032,0.5345902595586458,0.7281412993111438,0.044,0.0434,0.9801,0.728,0.0414,0.0,0.1034,0.125,0.0417,0.028,0.0353,0.045,0.0025,0.0027,0.0084,0.0,0.9722,0.6341,0.0113,0.0,0.0345,0.1667,0.0417,0.0076,0.0073,0.0111,0.0,0.0,0.0416,0.0399,0.9841,0.7853,0.0331,0.0,0.069,0.1667,0.0417,0.0162,0.0325,0.0382,0.0,0.0,reg oper account,block of flats,0.0492,Block,No,0.0,0.0,0.0,0.0,-1554.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1008894,352552,Cash loans,13201.605,90000.0,110146.5,,90000.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-1272,Cash through the bank,XAP,Family,Refreshed,XNA,Cash,walk-in,AP+ (Cash loan),148,XNA,12.0,high,Cash Street: high,365243.0,-1242.0,-912.0,-912.0,-896.0,1.0,0,Cash loans,F,N,N,0,94500.0,450000.0,19197.0,450000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.00702,-21373,365243,-6065.0,-4622,,1,0,0,1,1,0,,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,XNA,0.7530832429292974,0.5402602233430224,0.5971924268337128,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1272.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2498523,103378,Consumer loans,3895.02,32845.5,32485.5,3285.0,32845.5,SATURDAY,8,Y,1,0.10001715481650064,,,XAP,Approved,-1987,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,22,Connectivity,12.0,high,POS mobile with interest,365243.0,-1945.0,-1615.0,-1615.0,-1608.0,0.0,0,Cash loans,F,Y,Y,0,112500.0,830214.0,24403.5,693000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.031329,-17397,-4314,-6372.0,-940,20.0,1,1,0,1,0,0,,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,Agriculture,,0.5587121156931707,0.7252764347002191,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-1987.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1914063,421660,Cash loans,,0.0,0.0,,,THURSDAY,17,Y,1,,,,XNA,Refused,-97,XNA,SCOFR,,Repeater,XNA,XNA,XNA,Country-wide,45,Connectivity,,XNA,Cash,,,,,,,0,Cash loans,M,N,N,0,145503.0,873000.0,24138.0,873000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,With parents,0.032561,-8196,-944,-1392.0,-855,,1,1,1,1,0,0,Core staff,2.0,1,1,MONDAY,15,0,0,0,0,0,0,Trade: type 2,,0.5898745390063802,0.39449540531239935,0.2096,0.0208,0.9876,0.83,0.0387,0.2264,0.1952,0.3471,0.3608,0.0,0.1701,0.2044,0.0039,0.0028,0.0945,0.0047,0.9777,0.706,0.0047,0.1208,0.1034,0.3333,0.2917,0.0,0.0817,0.0877,0.0,0.0,0.2061,0.0048,0.9896,0.8591,0.042,0.2,0.1724,0.3333,0.375,0.0,0.1693,0.2114,0.0039,0.0037,reg oper account,block of flats,0.1861,Panel,No,1.0,1.0,1.0,1.0,-600.0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1805875,224684,Consumer loans,6232.005,138181.5,138181.5,0.0,138181.5,FRIDAY,12,Y,1,0.0,,,XAP,Refused,-1705,Cash through the bank,HC,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,600,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,0,Cash loans,M,Y,Y,1,292500.0,225000.0,17905.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.072508,-15446,-4924,-6944.0,-761,18.0,1,1,0,1,1,0,Laborers,3.0,1,1,TUESDAY,15,0,0,0,0,0,0,Business Entity Type 2,0.4289661017232919,0.7480681071017008,0.221335206354466,0.0619,0.0882,0.9717,0.6124,0.0,0.16,0.1379,0.1667,0.0417,0.0,0.0504,0.0629,0.0,0.0466,0.063,0.0915,0.9717,0.6276,0.0,0.1611,0.1379,0.1667,0.0417,0.0,0.0551,0.0655,0.0,0.0493,0.0625,0.0882,0.9717,0.6176,0.0,0.16,0.1379,0.1667,0.0417,0.0,0.0513,0.064,0.0,0.0476,reg oper account,block of flats,0.0596,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1465651,436731,Consumer loans,5132.25,48028.5,43222.5,4806.0,48028.5,MONDAY,13,Y,1,0.10898052008892446,,,XAP,Approved,-612,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,45,Connectivity,12.0,high,POS mobile with interest,365243.0,-581.0,-251.0,-281.0,-277.0,0.0,0,Cash loans,F,Y,Y,1,175500.0,180000.0,8658.0,180000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.031329,-11081,-3244,-5235.0,-3768,1.0,1,1,1,1,1,0,High skill tech staff,3.0,2,2,THURSDAY,10,0,0,0,0,0,0,Military,0.31428263291422065,0.4003631251882316,0.09322509537747448,0.1696,,0.9881,,,0.18,0.3448,0.1667,,,,0.1917,,0.0,0.0011,,0.9866,,,0.0,0.3448,0.0,,,,0.0016,,0.0,0.1712,,0.9881,,,0.18,0.3448,0.1667,,,,0.1952,,0.0,,terraced house,0.3004,Wooden,No,1.0,0.0,1.0,0.0,-2061.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1604635,406911,Cash loans,32963.265,229500.0,277749.0,,229500.0,WEDNESDAY,12,Y,1,,,,Urgent needs,Approved,-414,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-384.0,-54.0,-234.0,-228.0,1.0,0,Cash loans,F,Y,Y,0,135000.0,904500.0,38322.0,904500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.015221,-10390,-3122,-891.0,-3055,7.0,1,1,0,1,0,0,,2.0,2,2,THURSDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.35785278533942944,0.5919255842015202,0.746300213050371,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-722.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1554648,270666,Cash loans,,0.0,0.0,,,FRIDAY,10,Y,1,,,,XNA,Refused,-381,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,126000.0,364896.0,16200.0,315000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.025164,-21473,365243,-8287.0,-4403,,1,0,0,1,0,0,,1.0,2,2,MONDAY,10,0,0,0,0,0,0,XNA,,0.4560903787553922,0.4543210601605785,0.0876,0.1071,0.9771,0.6872,0.0,0.0,0.2069,0.1667,0.2083,0.0,0.0714,0.0887,0.0,0.0,0.0893,0.1111,0.9772,0.6994,0.0,0.0,0.2069,0.1667,0.2083,0.0,0.0781,0.0924,0.0,0.0,0.0885,0.1071,0.9771,0.6914,0.0,0.0,0.2069,0.1667,0.2083,0.0,0.0727,0.0903,0.0,0.0,reg oper account,block of flats,0.0698,Panel,No,5.0,0.0,5.0,0.0,-1404.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1733235,346106,Consumer loans,5285.025,117315.0,117315.0,0.0,117315.0,FRIDAY,13,Y,1,0.0,,,XAP,Refused,-886,Cash through the bank,HC,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,200,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,0,Cash loans,F,N,Y,0,135000.0,1006920.0,42790.5,900000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.02461,-21688,365243,-6920.0,-4739,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,XNA,,0.7233657998468956,0.6971469077844458,0.068,0.0328,0.9911,0.8776,0.0566,0.08,0.0345,0.625,0.6667,0.1138,0.0538,0.0952,0.0077,0.0183,0.0693,0.0341,0.9911,0.8824,0.0571,0.0806,0.0345,0.625,0.6667,0.1164,0.0588,0.0992,0.0078,0.0193,0.0687,0.0328,0.9911,0.8792,0.0569,0.08,0.0345,0.625,0.6667,0.1158,0.0547,0.097,0.0078,0.0187,reg oper account,block of flats,0.1059,Monolithic,No,2.0,1.0,2.0,1.0,-2373.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2106943,287333,Consumer loans,11700.54,90040.5,88173.0,9000.0,90040.5,THURSDAY,12,Y,1,0.1008697702223682,,,XAP,Approved,-1002,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,15,Connectivity,10.0,high,POS mobile with interest,365243.0,-903.0,-633.0,-753.0,-746.0,0.0,0,Cash loans,M,N,N,0,126000.0,760225.5,30150.0,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.018801,-14721,-4022,-4658.0,-4601,,1,1,1,1,1,0,Laborers,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,Medicine,,0.2845604079835049,0.6006575372857061,0.0082,,0.9722,,,,0.0345,0.0417,,,,0.0054,,,0.0084,,0.9722,,,,0.0345,0.0417,,,,0.0056,,,0.0083,,0.9722,,,,0.0345,0.0417,,,,0.0055,,,,block of flats,0.0042,,No,0.0,0.0,0.0,0.0,-43.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,2.0 +2066853,405848,Cash loans,11551.32,225000.0,269550.0,,225000.0,TUESDAY,11,Y,1,,,,XNA,Refused,-980,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,229500.0,548775.0,29236.5,508500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.010147,-20369,365243,-12528.0,-3581,,1,0,0,1,1,0,,1.0,2,2,TUESDAY,11,0,0,0,0,0,0,XNA,0.4952097408897041,0.6296287363535079,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2262.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1404226,187814,Revolving loans,11250.0,180000.0,225000.0,,180000.0,TUESDAY,14,N,1,,,,XAP,Refused,-633,XNA,SCOFR,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Revolving loans,M,Y,N,2,180000.0,180000.0,9000.0,180000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-12309,-3084,-855.0,-4127,5.0,1,1,1,1,1,1,Laborers,4.0,1,1,FRIDAY,12,0,0,0,0,1,1,Business Entity Type 1,0.5424669279324552,0.6768585938110238,0.5190973382084597,0.5227,0.1837,0.9985,0.9796,0.2725,0.64,0.2759,0.6667,0.5833,0.1899,0.4177,0.4885,0.0386,0.0655,0.5326,0.1907,0.9985,0.9804,0.275,0.6445,0.2759,0.6667,0.5833,0.1943,0.4564,0.509,0.0389,0.0693,0.5277,0.1837,0.9985,0.9799,0.2743,0.64,0.2759,0.6667,0.5833,0.1932,0.425,0.4973,0.0388,0.0669,reg oper account,block of flats,0.5833,"Stone, brick",No,0.0,0.0,0.0,0.0,-1524.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,6.0,0.0,0.0 +1575253,388111,Cash loans,30283.29,360000.0,435105.0,,360000.0,MONDAY,12,Y,1,,,,XNA,Approved,-466,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-436.0,74.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,0,135000.0,528633.0,24624.0,472500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.010556,-14679,-174,-4279.0,-4510,18.0,1,1,0,1,0,0,Drivers,1.0,3,3,FRIDAY,11,0,0,0,0,1,1,Business Entity Type 3,,0.6761934135934345,0.2512394458905693,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1082.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1473953,159545,Cash loans,27201.915,450000.0,599058.0,,450000.0,SATURDAY,16,Y,1,,,,XNA,Approved,-493,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,1,67500.0,754740.0,24475.5,630000.0,Other_B,Working,Secondary / secondary special,Married,House / apartment,0.010556,-14155,-780,-4372.0,-4714,,1,1,0,1,1,0,Sales staff,3.0,3,3,TUESDAY,13,0,0,0,0,0,0,Self-employed,0.7560756190695693,0.5614599609088818,0.8193176922872417,0.2495,0.1385,0.9831,0.7688,0.0589,0.12,0.1034,0.3333,0.375,0.0286,0.2034,0.1901,0.9344,0.1481,0.2542,0.1438,0.9831,0.7779,0.0594,0.1208,0.1034,0.3333,0.375,0.0292,0.2222,0.1981,0.9416,0.1567,0.2519,0.1385,0.9831,0.7719,0.0593,0.12,0.1034,0.3333,0.375,0.0291,0.2069,0.1936,0.9394,0.1512,reg oper account,block of flats,0.1828,Panel,No,1.0,1.0,1.0,0.0,-1771.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,2.0 +1160753,437541,Cash loans,44384.49,1203188.895,1342949.895,,1203188.895,TUESDAY,8,Y,1,,,,XNA,Approved,-699,XNA,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash Street: low,365243.0,-669.0,741.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,1,180000.0,343683.0,17676.0,261000.0,Unaccompanied,State servant,Secondary / secondary special,Married,Municipal apartment,0.006629,-16471,-293,-3169.0,-4,,1,1,1,1,1,0,Laborers,3.0,2,2,MONDAY,6,0,0,0,1,1,0,Business Entity Type 3,,0.13610789275217794,0.6075573001388961,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1152.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,1.0 +2586122,249302,Consumer loans,10867.68,112455.0,111555.0,22491.0,112455.0,SATURDAY,19,Y,1,0.1827338647655554,,,XAP,Approved,-331,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,56,Connectivity,12.0,low_normal,POS mobile with interest,365243.0,-290.0,40.0,365243.0,365243.0,0.0,0,Revolving loans,M,N,Y,1,180000.0,495000.0,24750.0,495000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-10048,-828,-4322.0,-2697,,1,1,0,1,0,0,,3.0,1,1,MONDAY,14,0,0,0,0,0,0,Business Entity Type 1,0.34539335274236616,0.6809438794541349,0.6313545365850379,0.3918,0.2189,0.9906,0.8708,0.2157,0.56,0.2414,0.6667,0.4167,0.0,0.3127,0.2696,0.0309,0.0528,0.3992,0.2272,0.9906,0.8759,0.2177,0.5639,0.2414,0.6667,0.4167,0.0,0.3416,0.2809,0.0311,0.0559,0.3955,0.2189,0.9906,0.8725,0.2171,0.56,0.2414,0.6667,0.4167,0.0,0.3181,0.2745,0.0311,0.0539,not specified,block of flats,0.3415,Panel,No,1.0,0.0,1.0,0.0,-331.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2132536,207620,Revolving loans,22500.0,450000.0,450000.0,,450000.0,WEDNESDAY,5,Y,1,,,,XAP,Approved,-271,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-270.0,-224.0,365243.0,-43.0,365243.0,0.0,0,Cash loans,F,N,Y,0,315000.0,353241.0,20407.5,319500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.010032,-20032,-1659,-5422.0,-2100,,1,1,0,1,0,0,Sales staff,1.0,2,2,MONDAY,7,0,0,0,0,0,0,Business Entity Type 3,,0.6235658720411763,0.2750003523983893,,,0.9781,,,,,,,,,0.08900000000000001,,,,,0.9782,,,,,,,,,0.0927,,,,,0.9781,,,,,,,,,0.0906,,,,,0.07,,No,6.0,0.0,6.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2679092,262807,Consumer loans,15238.845,188253.0,189774.0,27000.0,188253.0,WEDNESDAY,13,Y,1,0.13565028345398686,,,XAP,Approved,-1807,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,988,Consumer electronics,24.0,high,POS household with interest,365243.0,-1776.0,-1086.0,-1086.0,-1082.0,0.0,0,Cash loans,F,N,Y,0,113850.0,699808.5,27751.5,625500.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.030755,-23078,365243,0.0,-3414,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,15,0,0,0,0,0,0,XNA,,0.6982547874978136,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1614.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1208081,455494,Cash loans,21928.5,225000.0,283131.0,,225000.0,THURSDAY,13,Y,1,,,,XNA,Approved,-557,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-527.0,-17.0,-17.0,-15.0,1.0,0,Cash loans,F,N,Y,0,112500.0,188685.0,15255.0,157500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.020246,-15965,-1548,-1428.0,-3926,,1,1,0,1,0,0,Sales staff,1.0,3,3,MONDAY,6,0,0,0,0,0,0,Business Entity Type 3,0.5428025808682783,0.5737121672602603,0.1997705696341145,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-24.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1691738,211796,Cash loans,58351.005,508500.0,528637.5,,508500.0,SUNDAY,13,Y,1,,,,XNA,Approved,-278,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-248.0,82.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,N,1,270000.0,716148.0,19822.5,513000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.031329,-14016,-447,-12317.0,-4697,8.0,1,1,0,1,0,0,Drivers,3.0,2,2,THURSDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.50246460350831,0.6080674509338502,0.6212263380626669,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-3192.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2304437,334833,Cash loans,16839.09,270000.0,299223.0,,270000.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-878,Cash through the bank,XAP,Children,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-848.0,-158.0,-158.0,-153.0,1.0,0,Cash loans,F,N,Y,0,90000.0,755190.0,32125.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.006296,-22581,365243,-10426.0,-4075,,1,0,0,1,0,0,,2.0,3,3,SATURDAY,10,0,0,0,0,0,0,XNA,,0.5661440566542182,0.40314167665875134,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1167.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1836650,329772,Cash loans,62163.09,1215000.0,1303209.0,,1215000.0,SATURDAY,10,Y,1,,,,XNA,Approved,-587,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,30.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,180000.0,1223010.0,51948.0,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.028663,-19921,-444,-4319.0,-3483,,1,1,0,1,1,0,Accountants,2.0,2,2,FRIDAY,8,1,1,0,1,1,0,Business Entity Type 3,,0.5391683102772158,,0.0763,0.0414,0.9911,0.8776,0.0132,0.08,0.069,0.3471,0.3958,0.0477,0.0639,0.0789,0.0,0.0013,0.0735,0.0425,0.9911,0.8824,0.0129,0.0806,0.069,0.3333,0.375,0.0488,0.0661,0.0786,0.0,0.0,0.0749,0.0409,0.9911,0.8792,0.0133,0.08,0.069,0.3333,0.3958,0.0486,0.065,0.078,0.0,0.0,reg oper account,block of flats,0.0672,Panel,No,0.0,0.0,0.0,0.0,-479.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2166650,396358,Cash loans,17109.405,180000.0,197820.0,,180000.0,WEDNESDAY,14,Y,1,,,,XNA,Approved,-1741,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-1711.0,-1201.0,-1531.0,-1527.0,1.0,0,Cash loans,F,N,Y,0,180000.0,765000.0,27607.5,765000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-14578,-999,-5808.0,-529,,1,1,0,1,0,0,High skill tech staff,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Business Entity Type 2,0.5115252908475895,0.5434033891121531,0.6512602186973006,0.1199,0.0748,0.9831,,,0.0,0.0572,0.2221,,0.0756,,0.0638,,0.1442,0.084,0.0776,0.9791,,,0.0,0.069,0.1667,,0.0773,,0.0576,,0.1527,0.1114,0.0748,0.9796,,,0.0,0.069,0.1667,,0.0769,,0.057,,0.1472,,block of flats,0.0735,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2503058,135196,Revolving loans,9000.0,0.0,180000.0,,,MONDAY,13,Y,1,,,,XAP,Approved,-2299,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card X-Sell,-2149.0,-2097.0,365243.0,-1458.0,365243.0,0.0,0,Cash loans,M,N,N,0,157500.0,808650.0,26217.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,With parents,0.031329,-15129,-2431,-7465.0,-3388,,1,1,0,1,1,0,,1.0,2,2,THURSDAY,9,0,0,0,0,1,1,Business Entity Type 3,0.2649331693567206,0.5765228424654955,0.6279908192952864,,0.1205,0.9821,0.7552,,0.0,0.3448,0.1667,,0.0628,0.1177,0.1268,,,,0.125,0.9821,0.7648,,0.0,0.3448,0.1667,,0.0643,0.1286,0.1321,,,,0.1205,0.9821,0.7585,,0.0,0.3448,0.1667,,0.0639,0.1197,0.1291,,,reg oper account,block of flats,0.0997,Panel,No,1.0,0.0,1.0,0.0,-2788.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,5.0,0.0,2.0 +2273291,263960,Consumer loans,5080.635,44262.0,43798.5,4410.0,44262.0,SUNDAY,9,Y,1,0.09962747044796888,,,XAP,Approved,-1776,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,501,Consumer electronics,12.0,high,POS household with interest,365243.0,-1744.0,-1414.0,-1414.0,-1405.0,0.0,0,Cash loans,M,Y,Y,0,171000.0,1102171.5,43839.0,945000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.020246,-20743,-2659,-11818.0,-4294,28.0,1,1,0,1,1,0,Managers,2.0,3,3,FRIDAY,12,0,0,0,0,1,1,Agriculture,,0.349357911322447,0.5954562029091491,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2792876,133487,Consumer loans,12026.205,247495.5,202495.5,45000.0,247495.5,SUNDAY,15,Y,1,0.19802012929160692,,,XAP,Refused,-723,Cash through the bank,LIMIT,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,1487,Consumer electronics,24.0,middle,POS household with interest,,,,,,,0,Cash loans,M,Y,Y,1,112500.0,452385.0,22131.0,373500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-17282,-1683,-4436.0,-822,14.0,1,1,0,1,1,0,Drivers,3.0,2,2,TUESDAY,15,0,0,0,0,0,0,School,,0.4818269975107381,0.5495965024956946,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1080.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2335456,432358,Cash loans,50349.6,945000.0,945000.0,,945000.0,THURSDAY,15,Y,1,,,,Buying a home,Approved,-679,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,low_normal,Cash Street: low,365243.0,-638.0,52.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,1133662.5,48163.5,972000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-18733,-4406,-4420.0,-2275,10.0,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,16,0,0,0,0,0,0,Transport: type 4,0.4399533004516037,0.7622049250633901,0.3077366963789207,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1845.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2453835,386486,Cash loans,11120.715,135000.0,152820.0,0.0,135000.0,WEDNESDAY,15,Y,1,0.0,,,XNA,Approved,-1697,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-1667.0,-977.0,-977.0,-972.0,1.0,0,Cash loans,M,Y,Y,0,225000.0,315000.0,21181.5,315000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.026392000000000002,-19593,-7847,-11670.0,-3144,10.0,1,1,0,1,1,0,Laborers,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Government,,0.6712471231399957,0.0005272652387098817,0.1979,,0.9801,,,0.24,0.2069,0.3333,,,,0.1881,,0.1496,0.2017,,0.9801,,,0.2417,0.2069,0.3333,,,,0.196,,0.1584,0.1999,,0.9801,,,0.24,0.2069,0.3333,,,,0.1915,,0.1528,,block of flats,0.1963,Panel,No,12.0,2.0,12.0,0.0,-1697.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2539330,429449,Revolving loans,11250.0,0.0,225000.0,,,MONDAY,10,Y,1,,,,XAP,Approved,-1190,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,270000.0,1147500.0,33682.5,1147500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-13573,-1796,-7629.0,-4786,3.0,1,1,0,1,0,0,Core staff,2.0,2,2,MONDAY,16,0,0,0,0,0,0,Kindergarten,,0.71642994695213,0.4650692149562261,0.2701,0.1883,0.9811,,,0.2,0.1724,0.3333,,0.12,,0.2333,,0.1112,0.2752,0.1954,0.9811,,,0.2014,0.1724,0.3333,,0.1227,,0.2431,,0.1177,0.2727,0.1883,0.9811,,,0.2,0.1724,0.3333,,0.1221,,0.2375,,0.1135,,block of flats,0.2077,"Stone, brick",No,0.0,0.0,0.0,0.0,-1594.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,9.0 +1739921,381783,Consumer loans,7850.7,93519.0,111199.5,0.0,93519.0,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-1040,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Regional / Local,150,Consumer electronics,18.0,middle,POS household with interest,365243.0,-1009.0,-499.0,-799.0,-794.0,0.0,0,Cash loans,F,N,Y,2,90000.0,117162.0,12748.5,103500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-11762,-716,-3867.0,-3333,,1,1,0,1,0,0,,4.0,2,2,THURSDAY,7,0,0,0,0,0,0,Business Entity Type 2,0.4812387191031795,0.2631435910213423,0.6041125998015721,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1923.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2428913,353036,Consumer loans,4242.465,35775.0,35383.5,3577.5,35775.0,TUESDAY,11,Y,1,0.10000315000314998,,,XAP,Approved,-2085,Cash through the bank,XAP,"Spouse, partner",Repeater,Computers,POS,XNA,Stone,53,Consumer electronics,12.0,high,POS household with interest,365243.0,-2054.0,-1724.0,-1724.0,-1716.0,0.0,0,Cash loans,F,N,N,0,76500.0,199080.0,11556.0,157500.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.002134,-10611,-1410,-3268.0,-971,,1,1,0,1,0,0,Medicine staff,2.0,3,3,MONDAY,9,0,0,0,0,1,1,Kindergarten,,0.5590733161014652,0.7180328113294772,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1588.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2584995,358265,Cash loans,16341.165,112500.0,137691.0,,112500.0,TUESDAY,8,Y,1,,,,Other,Approved,-500,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-470.0,-140.0,-140.0,-138.0,1.0,0,Cash loans,F,N,Y,1,180000.0,675000.0,21906.0,675000.0,Unaccompanied,Commercial associate,Higher education,Widow,House / apartment,0.018801,-17670,-918,-1852.0,-1196,,1,1,0,1,0,0,Private service staff,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.5184824992937809,,0.2227,0.1602,0.9791,0.7144,0.0961,0.24,0.2069,0.3333,0.0417,0.1107,,0.2217,,0.0,0.2269,0.1662,0.9791,0.7256,0.097,0.2417,0.2069,0.3333,0.0417,0.1132,,0.231,,0.0,0.2248,0.1602,0.9791,0.7182,0.0967,0.24,0.2069,0.3333,0.0417,0.1126,,0.2257,,0.0,reg oper spec account,block of flats,0.2269,Panel,No,0.0,0.0,0.0,0.0,-765.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2507969,159741,Cash loans,63546.03,1215000.0,1320849.0,,1215000.0,THURSDAY,12,Y,1,,,,XNA,Approved,-917,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-887.0,163.0,-377.0,-375.0,1.0,0,Cash loans,F,Y,N,1,157500.0,450000.0,35554.5,450000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.010966,-10211,-748,-380.0,-1693,7.0,1,1,1,1,1,1,Laborers,3.0,2,2,WEDNESDAY,19,0,0,0,0,0,0,Business Entity Type 3,0.2059464632943303,0.5421172117132168,0.1940678276718812,0.0825,0.0798,0.9752,,0.0094,0.0,0.1379,0.1667,0.2083,0.0488,,0.0707,0.0,0.0,0.084,0.0828,0.9752,,0.0095,0.0,0.1379,0.1667,0.2083,0.0499,,0.0737,0.0,0.0,0.0833,0.0798,0.9752,,0.0095,0.0,0.1379,0.1667,0.2083,0.0497,,0.07200000000000001,0.0,0.0,reg oper spec account,block of flats,0.0605,Panel,No,0.0,0.0,0.0,0.0,-1729.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1964351,410246,Cash loans,16075.08,135000.0,173839.5,,135000.0,TUESDAY,15,Y,1,,,,XNA,Approved,-1201,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,365243.0,-1171.0,-661.0,-661.0,-650.0,1.0,0,Cash loans,F,N,N,1,202500.0,640080.0,31131.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-15601,-803,-8117.0,-4347,,1,1,1,1,1,1,Core staff,3.0,1,1,WEDNESDAY,10,0,0,0,0,0,0,Transport: type 4,0.5262452840975032,0.6996443951868551,0.6127042441012546,0.1124,0.0446,0.9836,0.7756,0.0,0.08,0.0345,0.625,0.6667,0.0,0.0916,0.1039,0.0,0.009000000000000001,0.1145,0.0463,0.9836,0.7844,0.0,0.0806,0.0345,0.625,0.6667,0.0,0.1001,0.1082,0.0,0.0095,0.1135,0.0446,0.9836,0.7786,0.0,0.08,0.0345,0.625,0.6667,0.0,0.0932,0.1057,0.0,0.0092,reg oper account,block of flats,0.0836,Block,No,0.0,0.0,0.0,0.0,-1201.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,1.0,2.0 +1753475,286111,Consumer loans,15202.62,223618.5,231394.5,27000.0,223618.5,MONDAY,15,Y,1,0.11380062093215818,,,XAP,Refused,-1794,Cash through the bank,LIMIT,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,1600,Consumer electronics,24.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,N,0,94500.0,298512.0,17266.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010147,-17754,-695,-6462.0,-1280,,1,1,1,1,1,0,Cooking staff,2.0,2,2,WEDNESDAY,11,0,0,0,1,1,0,Restaurant,,0.2584055371672231,0.4884551844437485,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,10.0,0.0,10.0,0.0,0.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1076861,333488,Revolving loans,6750.0,0.0,45000.0,,,SATURDAY,12,Y,1,,,,XAP,Approved,-2532,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,0,XNA,0.0,XNA,Card X-Sell,-2512.0,-2469.0,365243.0,-460.0,365243.0,0.0,0,Cash loans,F,N,Y,0,202500.0,1017000.0,45495.0,1017000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-21501,365243,-9123.0,-5033,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,XNA,,0.3342855969861764,,0.1591,0.1187,0.9871,0.8232,0.0392,0.1732,0.1493,0.3608,0.4025,0.1092,0.1294,0.1736,0.0051,0.0024,0.1155,0.0883,0.9871,0.8301,0.0256,0.1208,0.1034,0.375,0.4167,0.0806,0.101,0.1314,0.0,0.0,0.1561,0.1055,0.9871,0.8256,0.0364,0.16,0.1379,0.375,0.4167,0.0847,0.1274,0.1713,0.0039,0.0006,reg oper account,block of flats,0.1836,Panel,No,0.0,0.0,0.0,0.0,-2532.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2505965,299636,Revolving loans,18000.0,0.0,360000.0,,0.0,WEDNESDAY,10,Y,1,,,,XAP,Refused,-1073,XNA,HC,,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,Y,N,0,225000.0,484789.5,26428.5,418500.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.0031219999999999998,-15744,-2648,-2607.0,-3859,18.0,1,1,0,1,0,0,Sales staff,2.0,3,3,FRIDAY,9,0,0,0,0,1,1,Business Entity Type 3,,0.7775462081024379,0.3376727217405312,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1400.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1093736,121816,Cash loans,17615.115,315000.0,366142.5,,315000.0,FRIDAY,10,Y,1,,,,XNA,Refused,-330,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,N,Y,0,130500.0,210456.0,8064.0,166500.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.020713,-21309,365243,-12426.0,-3005,,1,0,0,1,0,0,,2.0,3,2,SATURDAY,6,0,0,0,0,0,0,XNA,,0.19524726213895907,0.6161216908872079,0.1649,0.0,0.9801,0.728,0.0168,0.0,0.1034,0.1667,0.2083,0.0835,0.1345,0.0602,0.0,0.0,0.1681,0.0,0.9801,0.7387,0.0169,0.0,0.1034,0.1667,0.2083,0.0854,0.1469,0.0627,0.0,0.0,0.1665,0.0,0.9801,0.7316,0.0169,0.0,0.1034,0.1667,0.2083,0.0849,0.1368,0.0612,0.0,0.0,reg oper account,block of flats,0.0565,"Stone, brick",No,11.0,0.0,11.0,0.0,-1398.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,3.0 +1860034,297153,Cash loans,34278.975,855000.0,954315.0,,855000.0,FRIDAY,8,Y,1,,,,XNA,Refused,-294,Cash through the bank,LIMIT,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,1,Cash loans,F,N,N,0,112500.0,457834.5,17388.0,378000.0,Family,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.020246,-22528,365243,-105.0,-4973,,1,0,0,1,0,0,,2.0,3,3,FRIDAY,14,0,0,0,0,0,0,XNA,,0.14380801658102926,0.25533177083329,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2870.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +2342109,312771,Cash loans,31543.065,270000.0,284611.5,,270000.0,SUNDAY,9,Y,1,,,,XNA,Approved,-884,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-854.0,-524.0,-524.0,-520.0,1.0,0,Revolving loans,M,Y,Y,0,360000.0,675000.0,33750.0,675000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.020246,-23251,365243,-8484.0,-4785,9.0,1,0,0,1,0,0,,2.0,3,3,TUESDAY,15,0,0,0,0,0,0,XNA,0.7856375426661844,0.5461582882196786,0.5585066276769286,0.1237,0.1199,0.9752,0.66,0.0147,0.0,0.2069,0.1667,0.2083,0.0978,0.0962,0.0996,0.0212,0.0242,0.084,0.083,0.9752,0.6733,0.0096,0.0,0.1379,0.1667,0.2083,0.0719,0.0735,0.0736,0.0,0.0,0.1249,0.1199,0.9752,0.6645,0.0148,0.0,0.2069,0.1667,0.2083,0.0995,0.0979,0.1014,0.0214,0.0247,reg oper account,block of flats,0.6097,Panel,No,0.0,0.0,0.0,0.0,-1555.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1441399,156278,Cash loans,12607.875,112500.0,112500.0,0.0,112500.0,THURSDAY,13,Y,1,0.0,,,XNA,Refused,-2583,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,,,,,,,0,Revolving loans,M,N,Y,1,180000.0,180000.0,9000.0,180000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.028663,-12617,-2494,-125.0,-4553,,1,1,0,1,0,0,Managers,3.0,2,2,THURSDAY,13,0,0,0,0,1,1,Self-employed,,0.6298581819246747,0.180887977767074,0.0165,0.0367,0.9911,,,0.0,0.069,0.0692,,0.0104,,0.0117,,0.0065,0.0189,0.0294,0.9876,,,0.0,0.069,0.0833,,0.0089,,0.0071,,0.0,0.0187,0.0406,0.9925,,,0.0,0.069,0.0833,,0.0106,,0.0144,,0.0063,,block of flats,0.02,"Stone, brick",No,0.0,0.0,0.0,0.0,-522.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1435531,434600,Consumer loans,4199.625,42705.0,42705.0,0.0,42705.0,TUESDAY,10,Y,1,0.0,,,XAP,Approved,-510,Cash through the bank,XAP,,Repeater,Construction Materials,POS,XNA,Stone,200,Construction,12.0,middle,POS industry with interest,365243.0,-476.0,-146.0,-146.0,-141.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,512446.5,31477.5,463500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-18770,-7280,-7307.0,-2307,3.0,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,15,0,0,0,0,1,1,Police,,0.7102278565196339,0.3425288720742255,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-2589.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1641190,390579,Cash loans,17109.405,180000.0,197820.0,0.0,180000.0,FRIDAY,12,Y,1,0.0,,,XNA,Approved,-1790,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-1760.0,-1250.0,-1250.0,-1241.0,1.0,0,Cash loans,F,N,N,0,135000.0,1042560.0,34587.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.02461,-23764,-3256,-11352.0,-4016,,1,1,0,1,1,0,Cleaning staff,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 2,,0.4065102067356057,0.8650561757350248,0.0711,0.0944,0.9786,,,0.04,0.0345,0.3333,,0.0823,,0.0499,,0.0573,0.0725,0.0979,0.9786,,,0.0403,0.0345,0.3333,,0.0842,,0.052000000000000005,,0.0607,0.0718,0.0944,0.9786,,,0.04,0.0345,0.3333,,0.0838,,0.0508,,0.0585,,block of flats,0.0563,"Stone, brick",No,0.0,0.0,0.0,0.0,-1790.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +1548234,139561,Consumer loans,5018.445,48432.825,48429.0,3.825,48432.825,TUESDAY,9,Y,1,8.601135133605622e-05,,,XAP,Approved,-199,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Regional / Local,147,Consumer electronics,12.0,middle,POS household with interest,365243.0,-169.0,161.0,-49.0,-47.0,0.0,0,Cash loans,M,Y,Y,0,184500.0,397017.0,24120.0,301500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,With parents,0.008068,-8464,-512,-771.0,-897,17.0,1,1,0,1,0,0,Sales staff,1.0,3,3,FRIDAY,8,0,0,0,0,0,0,Business Entity Type 3,0.13626865777845512,0.11988403828024935,0.2940831009471255,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-510.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2028766,187331,Consumer loans,39370.905,226080.0,212202.0,22608.0,226080.0,SATURDAY,16,Y,1,0.10485996027736158,,,XAP,Approved,-491,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Regional / Local,2000,Consumer electronics,6.0,middle,POS household with interest,365243.0,-460.0,-310.0,-340.0,-336.0,0.0,1,Cash loans,F,N,Y,0,135000.0,270000.0,21330.0,270000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,With parents,0.016612000000000002,-8069,-410,-2938.0,-724,,1,1,1,1,1,0,Core staff,1.0,2,2,SUNDAY,12,0,0,0,1,1,0,Bank,0.05525265272292601,0.3233264798307386,0.3280631605201915,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,0.0,-491.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2143618,148747,Cash loans,34002.765,1170000.0,1339884.0,,1170000.0,SATURDAY,10,Y,1,,,,XNA,Refused,-205,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,60.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,121500.0,729792.0,26343.0,630000.0,Family,Pensioner,Lower secondary,Married,House / apartment,0.015221,-22755,365243,-9803.0,-4329,,1,0,0,1,1,1,,2.0,2,2,MONDAY,10,0,0,0,0,0,0,XNA,,0.5470687440113955,0.4329616670974407,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-210.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1739057,152937,Cash loans,19709.055,342000.0,405202.5,,342000.0,SATURDAY,15,Y,1,,,,Urgent needs,Approved,-804,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,middle,Cash Street: middle,365243.0,-774.0,636.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,180000.0,314100.0,19111.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.008865999999999999,-20557,365243,-317.0,-3042,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,XNA,,0.3788583809321707,0.3001077565791181,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1063.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +2275505,242106,Cash loans,11093.265,135000.0,148365.0,,135000.0,MONDAY,8,Y,1,,,,XNA,Approved,-927,Cash through the bank,XAP,Other_B,Repeater,XNA,Cash,x-sell,Country-wide,30,Connectivity,18.0,middle,Cash X-Sell: middle,365243.0,-897.0,-387.0,-537.0,-529.0,1.0,0,Cash loans,F,N,N,0,58500.0,663093.0,21519.0,553500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-20970,365243,-3268.0,-3292,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,XNA,0.7342648156602217,0.629883672259371,0.6195277080511546,0.0278,,0.9881,,,0.0,0.1034,0.0833,,,,0.0264,,0.0094,0.0284,,0.9881,,,0.0,0.1034,0.0833,,,,0.0275,,0.01,0.0281,,0.9881,,,0.0,0.1034,0.0833,,,,0.0268,,0.0096,,block of flats,0.0228,Panel,No,3.0,1.0,3.0,1.0,-171.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2830551,347119,Cash loans,9842.4,90000.0,90000.0,,90000.0,WEDNESDAY,16,Y,1,,,,XNA,Refused,-2705,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,35,Connectivity,12.0,high,Cash Street: high,,,,,,,1,Cash loans,F,N,Y,2,135000.0,521280.0,41926.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.004849,-10106,-2447,-4186.0,-2741,,1,1,0,1,0,0,Laborers,4.0,2,2,SATURDAY,11,0,0,0,0,0,0,Self-employed,0.26796875763223416,0.3035020853755264,0.3539876078507373,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,1.0,-2231.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +2362611,109672,Revolving loans,9000.0,0.0,180000.0,,,SUNDAY,7,Y,1,,,,XAP,Approved,-871,XNA,XAP,,Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-871.0,-825.0,365243.0,-429.0,365243.0,0.0,0,Cash loans,F,N,N,0,112500.0,450000.0,23107.5,450000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.018209,-18870,-1732,-8833.0,-2415,,1,1,0,1,0,0,Core staff,2.0,3,3,SUNDAY,11,0,0,0,0,0,0,Industry: type 7,0.8282187442349509,0.5032765070939551,0.6956219298394389,0.1113,0.0841,0.9871,0.8232,0.1911,0.12,0.1034,0.3333,0.0417,0.0146,0.0908,0.1174,0.0,0.0557,0.1134,0.0873,0.9871,0.8301,0.1928,0.1208,0.1034,0.3333,0.0417,0.0149,0.0992,0.1223,0.0,0.059,0.1124,0.0841,0.9871,0.8256,0.1923,0.12,0.1034,0.3333,0.0417,0.0149,0.0923,0.1195,0.0,0.0569,reg oper account,block of flats,0.1045,Panel,No,1.0,0.0,1.0,0.0,-2399.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1191809,222589,Consumer loans,26161.335,144450.0,99450.0,45000.0,144450.0,FRIDAY,9,Y,1,0.33928065703766624,,,XAP,Approved,-82,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,50,Furniture,4.0,low_normal,POS industry with interest,365243.0,-52.0,38.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,1,112500.0,168102.0,17964.0,148500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.008068,-10581,-2234,-2675.0,-3243,,1,1,0,1,0,0,High skill tech staff,3.0,3,3,WEDNESDAY,4,0,0,0,0,0,0,Mobile,0.2236146804982218,0.5066000431406036,0.4436153084085652,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,1.0,0.0,0.0,0.0,0.0 +1202329,399043,Cash loans,11223.765,135000.0,148365.0,,135000.0,SATURDAY,13,Y,1,,,,XNA,Approved,-396,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-366.0,144.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,247500.0,225000.0,13045.5,225000.0,Unaccompanied,Pensioner,Higher education,Widow,House / apartment,0.006207,-24321,365243,-3963.0,-4138,,1,0,0,1,1,0,,1.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,XNA,,0.5687687038442358,0.6178261467332483,0.0619,0.0618,0.994,0.9184,0.0101,0.0,0.069,0.1667,0.0417,0.0061,0.0504,0.0502,0.0,0.0,0.063,0.0642,0.994,0.9216,0.0102,0.0,0.069,0.1667,0.0417,0.0063,0.0551,0.0523,0.0,0.0,0.0625,0.0618,0.994,0.9195,0.0102,0.0,0.069,0.1667,0.0417,0.0062,0.0513,0.0511,0.0,0.0,reg oper account,block of flats,0.0413,Panel,No,2.0,0.0,2.0,0.0,-1356.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2357595,389960,Cash loans,66864.96,1129500.0,1195101.0,,1129500.0,WEDNESDAY,15,Y,1,,,,XNA,Approved,-567,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-537.0,153.0,-87.0,-80.0,1.0,0,Cash loans,F,N,N,0,225000.0,1575000.0,41548.5,1575000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.006207,-17490,-9505,-1015.0,-1022,,1,1,1,1,1,0,Core staff,2.0,2,2,SATURDAY,14,0,0,0,0,0,0,School,,0.7625416556498852,0.5691487713619409,0.0828,0.0586,0.9886,0.8436,,0.0532,0.0917,0.3054,0.3471,0.0394,0.0672,0.0807,0.0013,0.0011,0.084,0.045,0.9752,0.6733,,0.0806,0.069,0.375,0.4167,0.0314,0.0735,0.07400000000000001,0.0,0.0,0.0833,0.0516,0.9955,0.9396,,0.08,0.069,0.375,0.4167,0.0438,0.0684,0.0869,0.0,0.0,reg oper account,block of flats,0.0611,Panel,No,0.0,0.0,0.0,0.0,-1539.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1850008,234063,Cash loans,51965.82,450000.0,470790.0,,450000.0,MONDAY,11,Y,1,,,,XNA,Approved,-628,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-591.0,-261.0,-261.0,-258.0,0.0,0,Cash loans,M,Y,N,2,270000.0,137520.0,6817.5,90000.0,Unaccompanied,Working,Secondary / secondary special,Married,Rented apartment,0.018801,-12929,-2000,-1439.0,-1433,8.0,1,1,0,1,0,0,Sales staff,4.0,2,2,SATURDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.5876667057682007,0.08391700365753578,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,6.0,0.0,-1062.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +2657593,302887,Consumer loans,12473.46,58518.0,46813.5,11704.5,58518.0,SUNDAY,12,Y,1,0.21783493190906286,,,XAP,Approved,-923,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,42,Connectivity,4.0,middle,POS mobile without interest,365243.0,-876.0,-786.0,-816.0,-810.0,0.0,0,Cash loans,F,N,Y,0,157500.0,405000.0,26010.0,405000.0,Unaccompanied,Working,Incomplete higher,Married,With parents,0.010643000000000001,-8303,-703,-4538.0,-366,,1,1,1,1,1,0,Core staff,2.0,2,2,SATURDAY,14,0,1,1,0,1,1,Bank,0.2715575449314121,0.15131875817651302,0.4561097392782771,,,0.9692,,,,0.069,0.0417,,,,0.0168,,,,,0.9692,,,,0.069,0.0417,,,,0.0175,,,,,0.9692,,,,0.069,0.0417,,,,0.0171,,,,,0.0142,"Stone, brick",No,0.0,0.0,0.0,0.0,-1.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2711909,189128,Consumer loans,4490.055,89482.5,99558.0,0.0,89482.5,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-1569,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,1000,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1538.0,-848.0,-1178.0,-1170.0,0.0,0,Cash loans,M,N,Y,0,85500.0,343800.0,16852.5,225000.0,Unaccompanied,Working,Incomplete higher,Separated,House / apartment,0.016612000000000002,-14564,-1487,-8147.0,-852,,1,1,0,1,1,0,Laborers,1.0,2,2,MONDAY,15,0,0,0,0,0,0,Other,,0.4245970458806386,0.5298898341969072,0.0887,0.1137,0.9786,0.7076,0.047,0.0,0.2069,0.1667,0.2083,0.1184,0.0672,0.0713,0.0232,0.1241,0.0903,0.1179,0.9786,0.7190000000000001,0.0474,0.0,0.2069,0.1667,0.2083,0.1211,0.0735,0.0743,0.0233,0.1314,0.0895,0.1137,0.9786,0.7115,0.0473,0.0,0.2069,0.1667,0.2083,0.1204,0.0684,0.0726,0.0233,0.1267,reg oper account,block of flats,0.1088,"Stone, brick",No,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2178922,272430,Consumer loans,5333.76,48496.5,47965.5,4851.0,48496.5,SATURDAY,8,Y,1,0.10002896822015846,,,XAP,Approved,-2338,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,64,Connectivity,12.0,high,POS mobile with interest,365243.0,-2307.0,-1977.0,-1977.0,-1973.0,1.0,0,Cash loans,F,N,Y,1,112500.0,378000.0,18513.0,378000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.025164,-11220,-631,-1459.0,-3308,,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,14,0,0,0,0,0,0,Business Entity Type 1,,0.16578050970843394,0.2910973802776635,0.0619,0.0625,0.9826,,,0.0,0.1379,0.2083,,0.0583,,0.0539,,0.0378,0.063,0.0649,0.9826,,,0.0,0.1379,0.2083,,0.0596,,0.0562,,0.0401,0.0625,0.0625,0.9826,,,0.0,0.1379,0.2083,,0.0593,,0.0549,,0.0386,,block of flats,0.0507,Panel,No,7.0,0.0,7.0,0.0,-2085.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +2435566,173793,Consumer loans,7904.43,77625.0,85824.0,0.0,77625.0,THURSDAY,16,Y,1,0.0,,,XAP,Approved,-177,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,150,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-147.0,183.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,0,135000.0,547344.0,33615.0,472500.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.025164,-10289,-233,-3685.0,-2955,,1,1,0,1,0,0,,1.0,2,2,SATURDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.2714246732826884,0.43376833574775003,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-833.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1972202,409865,Consumer loans,12891.195,126675.0,116032.5,12667.5,126675.0,SUNDAY,10,Y,1,0.10719548633185001,,,XAP,Refused,-1020,Cash through the bank,SCO,Group of people,New,Computers,POS,XNA,Regional / Local,200,Consumer electronics,10.0,low_normal,POS household with interest,,,,,,,1,Cash loans,M,N,Y,0,202500.0,247275.0,22810.5,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.009334,-11294,-566,-1488.0,-2774,,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,10,0,0,0,0,1,1,Construction,,0.11347346690260915,,0.0124,,0.9771,,,0.0,0.1034,0.0417,,,0.0101,0.01,,,0.0126,,0.9772,,,0.0,0.1034,0.0417,,,0.011,0.0104,,,0.0125,,0.9771,,,0.0,0.1034,0.0417,,,0.0103,0.0102,,,reg oper account,block of flats,0.0079,Wooden,No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1204932,327551,Cash loans,32746.5,450000.0,450000.0,,450000.0,FRIDAY,13,Y,1,,,,XNA,Approved,-495,XNA,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-465.0,225.0,365243.0,365243.0,0.0,1,Cash loans,F,Y,Y,0,292500.0,427500.0,34407.0,427500.0,Unaccompanied,Working,Higher education,Married,With parents,0.009549,-10661,-270,-9483.0,-1378,13.0,1,1,1,1,1,0,,2.0,2,2,WEDNESDAY,10,0,1,1,0,1,1,Business Entity Type 3,0.15502786816851122,0.2922477011533354,0.046951022396856334,0.233,0.162,0.9871,0.8232,0.0408,0.24,0.2069,0.3333,0.375,0.1639,0.1816,0.2328,0.0386,0.0147,0.2374,0.1681,0.9871,0.8301,0.0412,0.2417,0.2069,0.3333,0.375,0.1676,0.1983,0.2425,0.0389,0.0156,0.2352,0.162,0.9871,0.8256,0.0411,0.24,0.2069,0.3333,0.375,0.1667,0.1847,0.237,0.0388,0.015,reg oper spec account,block of flats,0.2086,Panel,No,0.0,0.0,0.0,0.0,-634.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2139504,193472,Revolving loans,16875.0,337500.0,337500.0,,337500.0,WEDNESDAY,11,Y,1,,,,XAP,Refused,-568,XNA,SCOFR,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,1,Cash loans,M,Y,N,1,315000.0,640080.0,31261.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,Municipal apartment,0.032561,-15291,-1643,-7469.0,-2883,16.0,1,1,0,1,0,0,Sales staff,2.0,1,1,THURSDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.36004951938028545,0.6452232768214476,0.15193454904964762,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-846.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1907195,224200,Revolving loans,6750.0,0.0,135000.0,,,WEDNESDAY,9,Y,1,,,,XAP,Approved,-2808,XNA,XAP,,Repeater,XNA,Cards,x-sell,Stone,500,Consumer electronics,0.0,XNA,Card Street,-2709.0,-2663.0,365243.0,-1386.0,365243.0,0.0,0,Cash loans,M,Y,N,0,202500.0,201663.0,16060.5,166500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-19073,-411,-8614.0,-2626,21.0,1,1,0,1,0,1,Drivers,2.0,2,2,THURSDAY,10,0,0,0,0,1,1,School,,0.6171282668199992,0.7121551551910698,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2012.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2127470,172985,Consumer loans,22499.685,203530.5,198760.5,20700.0,203530.5,FRIDAY,14,Y,1,0.10272546457417987,,,XAP,Approved,-1270,Cash through the bank,XAP,Other_B,Refreshed,Audio/Video,POS,XNA,Regional / Local,175,Consumer electronics,12.0,high,POS household with interest,365243.0,-1239.0,-909.0,-909.0,-904.0,0.0,0,Cash loans,F,N,Y,4,90000.0,625356.0,18414.0,522000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.002134,-13496,-4832,-3492.0,-1902,,1,1,0,1,1,0,Medicine staff,6.0,3,3,MONDAY,9,0,0,0,0,0,0,Medicine,,0.6222252146124853,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1669791,200911,Consumer loans,9421.56,49257.0,51858.0,0.0,49257.0,WEDNESDAY,10,Y,1,0.0,,,XAP,Approved,-320,Cash through the bank,XAP,,New,Construction Materials,POS,XNA,Stone,700,Construction,6.0,middle,POS industry with interest,365243.0,-289.0,-139.0,-139.0,-134.0,0.0,0,Cash loans,F,N,Y,0,135000.0,808650.0,26217.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.00496,-21709,365243,-2506.0,-4408,,1,0,0,1,0,0,,1.0,2,2,MONDAY,13,0,0,0,0,0,0,XNA,0.6820436070980389,0.485928344279197,0.5849900404894085,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1559842,446897,Cash loans,15483.105,283500.0,321858.0,,283500.0,THURSDAY,11,Y,1,,,,XNA,Approved,-627,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,low_normal,Cash X-Sell: low,365243.0,-597.0,273.0,-417.0,-414.0,1.0,0,Cash loans,F,N,Y,0,54000.0,276277.5,13419.0,238500.0,Other_B,Pensioner,Secondary / secondary special,Widow,House / apartment,0.025164,-23311,365243,-4165.0,-4429,,1,0,0,1,0,0,,1.0,2,2,MONDAY,12,0,0,0,0,0,0,XNA,,0.6597007892178333,0.6956219298394389,0.0691,0.0455,0.9781,0.7008,0.0104,0.0,0.1552,0.1667,,0.0205,,0.062,,0.0125,0.0588,0.0113,0.9782,0.706,0.0091,0.0,0.1379,0.1667,,0.0126,,0.0547,,0.0,0.0583,0.0627,0.9781,0.7048,0.0109,0.0,0.1379,0.1667,,0.0175,,0.054000000000000006,,0.0,reg oper account,block of flats,0.0413,Panel,No,0.0,0.0,0.0,0.0,-1640.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2642171,445477,Consumer loans,5481.405,24700.5,26658.0,0.0,24700.5,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-18,Cash through the bank,XAP,Unaccompanied,Refreshed,Mobile,POS,XNA,Country-wide,38,Connectivity,6.0,high,POS mobile with interest,365243.0,365243.0,162.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,N,0,247500.0,1983631.5,52456.5,1773000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.006629,-14109,-4259,-2665.0,-4715,12.0,1,1,0,1,1,0,Core staff,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,Government,0.2558011667511504,0.2844268689960537,0.6496203111237195,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-18.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1501659,218706,Cash loans,6328.485,135000.0,161730.0,,135000.0,MONDAY,10,Y,1,,,,XNA,Refused,-896,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,36.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,258880.5,315000.0,16308.0,315000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.018801,-10272,-209,-965.0,-2944,,1,1,1,1,1,0,Sales staff,1.0,2,2,MONDAY,11,0,0,0,0,0,0,Trade: type 7,0.4646376151288758,0.5319777839794592,0.6801388218428291,0.1876,,0.9985,,,0.12,0.1034,0.375,,0.0223,,0.1529,,0.0379,0.1912,,0.9985,,,0.1208,0.1034,0.375,,0.0228,,0.1593,,0.0401,0.1894,,0.9985,,,0.12,0.1034,0.375,,0.0227,,0.1556,,0.0387,,block of flats,0.1746,"Stone, brick",No,0.0,0.0,0.0,0.0,-1042.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1259070,251941,Consumer loans,13361.895,123651.0,92151.0,31500.0,123651.0,TUESDAY,11,Y,1,0.2774450965731261,,,XAP,Approved,-1053,XNA,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,103,Consumer electronics,8.0,middle,POS household with interest,365243.0,-1021.0,-811.0,-871.0,-865.0,0.0,0,Revolving loans,M,N,N,0,76500.0,225000.0,11250.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.0060079999999999995,-11585,-348,-5975.0,-3874,,1,1,0,1,0,0,,1.0,2,2,FRIDAY,13,0,0,0,1,1,0,Self-employed,0.33100560699004683,0.6042460943592948,0.7557400501752248,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1675204,365821,Consumer loans,8787.015,94495.5,85311.0,18900.0,94495.5,THURSDAY,13,Y,1,0.19752058978244308,,,XAP,Refused,-1569,Cash through the bank,LIMIT,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,145,Consumer electronics,12.0,middle,POS household with interest,,,,,,,0,Cash loans,M,Y,Y,0,202500.0,1040985.0,30568.5,909000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.030755,-15244,-2286,-505.0,-4120,8.0,1,1,0,1,0,1,Managers,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.36152135962831256,0.6089790876567933,0.6263042766749393,0.1485,0.0986,0.9816,0.7484,0.0503,0.16,0.1379,0.3333,0.375,0.0301,0.121,0.142,0.0,0.0,0.1513,0.1023,0.9816,0.7583,0.0507,0.1611,0.1379,0.3333,0.375,0.0308,0.1322,0.1479,0.0,0.0,0.1499,0.0986,0.9816,0.7518,0.0506,0.16,0.1379,0.3333,0.375,0.0307,0.1231,0.1445,0.0,0.0,reg oper account,block of flats,0.1391,Panel,No,0.0,0.0,0.0,0.0,-267.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2033010,154535,Consumer loans,2101.05,17505.9,15750.0,1755.9,17505.9,FRIDAY,7,Y,1,0.10923944083267507,,,XAP,Refused,-2387,Cash through the bank,LIMIT,Unaccompanied,Repeater,Mobile,POS,XNA,Stone,200,Consumer electronics,10.0,low_normal,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,225000.0,647046.0,20871.0,463500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-17811,-917,-5068.0,-1291,,1,1,0,1,0,0,,2.0,2,2,FRIDAY,9,0,0,0,1,1,0,Business Entity Type 3,0.663059585492103,0.3869342032840291,0.059629657546692,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,2.0,4.0,1.0,-148.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,4.0 +1849465,297265,Cash loans,10618.335,45000.0,52366.5,,45000.0,MONDAY,8,Y,1,,,,XNA,Approved,-785,Cash through the bank,XAP,"Spouse, partner",New,XNA,Cash,walk-in,AP+ (Cash loan),1,XNA,6.0,high,Cash Street: high,365243.0,-755.0,-605.0,-695.0,-688.0,1.0,0,Cash loans,F,N,N,0,292500.0,675000.0,31279.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.002506,-13158,-2171,-6356.0,-2435,,1,1,0,1,1,0,,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,School,,0.6396223524588643,0.2793353208976285,0.1227,,0.9806,0.7348,0.0,0.0,0.2759,0.1667,0.0417,,0.1,0.1017,0.0,0.0468,0.125,,0.9806,0.7452,0.0,0.0,0.2759,0.1667,0.0417,,0.1093,0.106,0.0,0.0495,0.1239,,0.9806,0.7383,0.0,0.0,0.2759,0.1667,0.0417,,0.1018,0.1035,0.0,0.0478,reg oper account,block of flats,0.0902,,No,0.0,0.0,0.0,0.0,-785.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1380701,288301,Consumer loans,14484.555,131809.5,131809.5,0.0,131809.5,MONDAY,15,Y,1,0.0,,,XAP,Approved,-284,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,30,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-249.0,21.0,-69.0,-61.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,675000.0,31279.5,675000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.026392000000000002,-9894,-494,-2373.0,-2580,2.0,1,1,0,1,0,0,Drivers,1.0,2,2,FRIDAY,16,0,0,0,0,1,1,Transport: type 4,0.09293449317825912,0.5544323937887828,0.5954562029091491,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,1.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2303605,320557,Consumer loans,8125.155,112860.0,121684.5,11286.0,112860.0,THURSDAY,7,Y,1,0.0924376459440252,,,XAP,Approved,-1300,Cash through the bank,XAP,"Spouse, partner",Repeater,Computers,POS,XNA,Regional / Local,19,Consumer electronics,24.0,middle,POS household with interest,365243.0,-1269.0,-579.0,-579.0,-576.0,0.0,0,Cash loans,M,N,Y,0,360000.0,675000.0,46980.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.001276,-21552,-1020,-6185.0,-810,,1,1,1,1,1,0,Drivers,2.0,2,2,TUESDAY,3,0,0,0,0,0,0,Electricity,0.6460409068531482,0.6890874122954456,,0.0392,0.0305,0.9737,0.6396,0.0,0.0,0.069,0.1667,0.0417,0.0196,0.0319,0.0305,0.0,0.0022,0.0399,0.0316,0.9737,0.6537,0.0,0.0,0.069,0.1667,0.0417,0.02,0.0349,0.0318,0.0,0.0023,0.0396,0.0305,0.9737,0.6444,0.0,0.0,0.069,0.1667,0.0417,0.0199,0.0325,0.031,0.0,0.0022,reg oper account,block of flats,0.027000000000000003,Block,No,0.0,0.0,0.0,0.0,-724.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1949197,165520,Consumer loans,4113.495,35248.5,35248.5,0.0,35248.5,THURSDAY,12,Y,1,0.0,,,XAP,Refused,-2434,Cash through the bank,SCO,Other_B,Repeater,Mobile,POS,XNA,Country-wide,101,Connectivity,12.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,1,81000.0,384048.0,18031.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008625,-10252,-703,-4522.0,-2910,,1,1,0,1,0,0,Cleaning staff,3.0,2,2,TUESDAY,17,0,0,0,1,1,0,Other,0.4053235541825988,0.507720526433464,0.3123653692278984,0.0505,,0.9901,,,0.0,0.1379,0.125,,,,0.05,,0.0,0.0515,,0.9901,,,0.0,0.1379,0.125,,,,0.0521,,0.0,0.051,,0.9901,,,0.0,0.1379,0.125,,,,0.0509,,0.0,,block of flats,0.0393,"Stone, brick",No,1.0,0.0,1.0,0.0,-2434.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2832888,338339,Cash loans,31204.125,454500.0,499495.5,,454500.0,FRIDAY,9,Y,1,,,,XNA,Approved,-448,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,high,Cash X-Sell: high,365243.0,-418.0,452.0,-268.0,-264.0,1.0,0,Cash loans,M,N,Y,2,585000.0,835380.0,40320.0,675000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.04622,-12640,-423,-1977.0,-750,,1,1,0,1,1,0,Core staff,4.0,1,1,FRIDAY,12,0,1,1,0,0,0,Business Entity Type 1,,0.710686686196837,0.4920600938649263,0.1928,0.1237,0.9945,0.9252,0.0841,0.24,0.1034,0.625,0.6667,0.0806,0.153,0.2357,0.0193,0.049,0.1964,0.1284,0.9945,0.9281,0.0848,0.2417,0.1034,0.625,0.6667,0.0825,0.1671,0.2456,0.0195,0.0519,0.1947,0.1237,0.9945,0.9262,0.0846,0.24,0.1034,0.625,0.6667,0.08199999999999999,0.1556,0.2399,0.0194,0.05,reg oper account,block of flats,0.242,Others,No,0.0,0.0,0.0,0.0,-1524.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,1.0 +2011124,243813,Consumer loans,8955.855,48150.0,50692.5,0.0,48150.0,THURSDAY,11,Y,1,0.0,,,XAP,Approved,-822,XNA,XAP,Unaccompanied,Refreshed,Clothing and Accessories,POS,XNA,Stone,54,Clothing,6.0,low_normal,POS industry with interest,365243.0,-791.0,-641.0,-641.0,-637.0,0.0,1,Cash loans,F,N,N,0,225000.0,855000.0,33907.5,855000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018029,-22340,365243,-6514.0,-4309,,1,0,0,1,1,0,,2.0,3,3,TUESDAY,19,0,0,0,0,0,0,XNA,0.4475112193320305,0.5750272699095527,0.4578995512067301,0.1031,0.1331,0.9871,0.8232,0.0201,0.0,0.1724,0.1667,0.0417,,,0.1042,,0.0,0.105,0.1381,0.9871,0.8301,0.0203,0.0,0.1724,0.1667,0.0417,,,0.1086,,0.0,0.1041,0.1331,0.9871,0.8256,0.0202,0.0,0.1724,0.1667,0.0417,,,0.1061,,0.0,,block of flats,0.093,Panel,No,3.0,0.0,3.0,0.0,-2176.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,5.0,4.0 +1137646,159828,Consumer loans,12396.825,127822.5,141322.5,0.0,127822.5,SUNDAY,7,Y,1,0.0,,,XAP,Approved,-253,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,200,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-223.0,107.0,-163.0,-155.0,1.0,0,Cash loans,F,N,N,2,234000.0,545040.0,26640.0,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.020713,-12716,-1508,-4973.0,-2544,,1,1,0,1,0,0,Accountants,4.0,3,2,MONDAY,9,0,0,0,0,0,0,Government,0.4077313060142396,0.2858978721410488,0.4135967602644276,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-253.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,1.0 +1651834,385084,Cash loans,39227.355,900000.0,1004544.0,,900000.0,SATURDAY,12,Y,1,,,,XNA,Approved,-666,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-636.0,774.0,365243.0,365243.0,1.0,0,Revolving loans,F,N,Y,0,229500.0,202500.0,10125.0,202500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-13369,-1355,-6743.0,-6002,,1,1,0,1,0,0,HR staff,2.0,2,2,SUNDAY,12,0,0,0,0,0,0,Construction,0.8186906469310596,0.7060700054916192,0.5495965024956946,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2727.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2432578,442089,Consumer loans,4966.785,110250.0,110250.0,0.0,110250.0,SATURDAY,16,Y,1,0.0,,,XAP,Approved,-494,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Regional / Local,100,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-461.0,229.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,1,112500.0,45000.0,4581.0,45000.0,Children,Working,Higher education,Single / not married,House / apartment,0.035792000000000004,-10500,-885,-5157.0,-2610,,1,1,1,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,18,0,0,0,0,0,0,Self-employed,,0.5292327990624901,,0.0928,0.0941,0.9831,0.7688,0.0107,0.0,0.2069,0.1667,0.0417,0.0701,0.0756,0.0922,0.0,0.0,0.0945,0.0976,0.9831,0.7779,0.0108,0.0,0.2069,0.1667,0.0417,0.0717,0.0826,0.0961,0.0,0.0,0.0937,0.0941,0.9831,0.7719,0.0108,0.0,0.2069,0.1667,0.0417,0.0714,0.077,0.0939,0.0,0.0,reg oper account,block of flats,0.0784,Panel,No,9.0,2.0,9.0,0.0,-494.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1727401,435116,Consumer loans,6142.86,34110.0,30699.0,3411.0,34110.0,SUNDAY,14,Y,1,0.1089090909090909,,,XAP,Refused,-2408,Cash through the bank,LIMIT,Unaccompanied,Repeater,Mobile,POS,XNA,Stone,23,Connectivity,6.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,Y,N,0,135000.0,495000.0,17779.5,495000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.010276,-12116,-4599,-4290.0,-1291,12.0,1,1,0,1,0,0,Medicine staff,2.0,2,2,FRIDAY,10,0,0,0,0,1,1,Other,0.3721643038840933,0.5069553260447122,0.5442347412142162,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2035.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2639097,218175,Cash loans,12072.78,135000.0,152820.0,,135000.0,THURSDAY,18,Y,1,,,,XNA,Refused,-1206,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,90000.0,216144.0,13941.0,171000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.005084,-11916,-1361,-1887.0,-4463,,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,14,0,0,0,0,0,0,Self-employed,,0.2656315560201504,0.4223696523543468,0.0052,0.0742,0.9826,,,0.0,0.0345,0.1667,,,,0.0724,,0.0176,0.0053,0.077,0.9826,,,0.0,0.0345,0.1667,,,,0.0755,,0.0186,0.0052,0.0742,0.9826,,,0.0,0.0345,0.1667,,,,0.0737,,0.0179,,block of flats,0.062,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,0.0,0.0,1.0 +1302962,355567,Revolving loans,,0.0,0.0,,,SUNDAY,15,Y,1,,,,XAP,Refused,-399,XNA,XNA,,Repeater,XNA,XNA,XNA,AP+ (Cash loan),5,XNA,,XNA,Card Street,,,,,,,0,Cash loans,M,N,Y,1,166500.0,170640.0,11533.5,135000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.005144,-12510,-1778,-725.0,-3917,,1,1,0,1,0,0,Drivers,3.0,2,2,SUNDAY,13,0,0,0,0,0,0,Self-employed,0.2623368345159169,0.5656874465968567,0.41885428862332175,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-715.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1391510,206938,Cash loans,55471.05,1129500.0,1244304.0,,1129500.0,TUESDAY,12,Y,1,,,,XNA,Refused,-416,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Country-wide,52,Connectivity,42.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,N,Y,0,189000.0,651600.0,39991.5,562500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.005084,-17075,-1618,-7469.0,-505,,1,1,1,1,1,0,Managers,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,Industry: type 13,,0.6557724177150179,0.5478104658520093,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-416.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1944200,279271,Consumer loans,3073.275,25915.5,25632.0,2592.0,25915.5,SUNDAY,13,Y,1,0.10001855287569576,,,XAP,Approved,-1859,Cash through the bank,XAP,"Spouse, partner",New,Mobile,POS,XNA,Country-wide,63,Connectivity,12.0,high,POS mobile with interest,365243.0,-1828.0,-1498.0,-1498.0,-1495.0,0.0,1,Cash loans,F,N,Y,1,112500.0,1288350.0,37800.0,1125000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.020246,-13249,-849,-294.0,-1940,,1,1,0,1,1,0,Core staff,3.0,3,3,THURSDAY,15,0,0,0,0,0,0,Kindergarten,0.3890730137299624,0.4837490620125686,0.28961123838200553,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1859.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2063499,413212,Consumer loans,13520.79,101745.0,99126.0,10174.5,101745.0,TUESDAY,13,Y,1,0.101380647431123,,,XAP,Approved,-1812,Cashless from the account of the employer,XAP,Unaccompanied,Repeater,Auto Accessories,POS,XNA,Stone,20,Industry,10.0,high,POS other with interest,365243.0,-1779.0,-1509.0,-1509.0,-1408.0,0.0,0,Revolving loans,M,Y,Y,0,292500.0,810000.0,40500.0,810000.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.015221,-17079,-3063,-7069.0,-635,2.0,1,1,1,1,1,0,Managers,2.0,2,2,MONDAY,14,0,0,0,0,1,1,Transport: type 3,0.2983407768102685,0.5335890269933883,0.14024318370802974,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-311.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2704837,407093,Consumer loans,8729.46,73980.0,74547.0,14796.0,73980.0,THURSDAY,17,Y,1,0.18036319679112053,,,XAP,Approved,-1363,Cash through the bank,XAP,Other_A,New,Computers,POS,XNA,Stone,3207,Consumer electronics,12.0,high,POS household with interest,365243.0,-1332.0,-1002.0,-1062.0,-1059.0,0.0,0,Cash loans,F,Y,N,1,270000.0,656725.5,37831.5,594000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.04622,-13595,-4227,-7602.0,-172,11.0,1,1,0,1,1,0,Private service staff,3.0,1,1,TUESDAY,13,0,0,0,0,0,0,Self-employed,0.2326052207045671,0.8035600802959013,0.7517237147741489,0.1485,0.0968,0.9811,0.7416,0.0516,0.16,0.1379,0.3333,0.375,,0.121,0.1407,0.556,,0.1513,0.1005,0.9811,0.7517,0.052000000000000005,0.1611,0.1379,0.3333,0.375,,0.1322,0.1466,0.5603,,0.1499,0.0968,0.9811,0.7451,0.0519,0.16,0.1379,0.3333,0.375,,0.1231,0.1433,0.5589999999999999,,,block of flats,0.1555,Panel,No,2.0,0.0,2.0,0.0,-2321.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1289404,141083,Cash loans,26217.54,675000.0,808650.0,,675000.0,FRIDAY,15,Y,1,,,,XNA,Approved,-94,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-64.0,1706.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,2,121500.0,225000.0,15034.5,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.031329,-13907,-2245,-1294.0,-738,,1,1,1,1,0,0,Security staff,4.0,2,2,THURSDAY,8,0,0,0,0,0,0,Security,,0.5850572437024627,0.5954562029091491,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2754.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1416485,265020,Cash loans,12815.55,247500.0,247500.0,,247500.0,MONDAY,17,Y,1,,,,Repairs,Approved,-100,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,low_normal,Cash Street: low,365243.0,-70.0,620.0,365243.0,365243.0,0.0,0,Revolving loans,M,N,Y,0,225000.0,450000.0,22500.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.032561,-10182,-1710,-10148.0,-2071,,1,1,0,1,0,0,Laborers,1.0,1,1,WEDNESDAY,19,0,0,0,0,0,0,Business Entity Type 3,,0.7113292215408479,,0.0031,,0.9687,0.5716,0.0027,,0.0345,0.0833,,,,0.0173,,0.0,0.0032,,0.9687,0.5884,0.0027,,0.0345,0.0833,,,,0.018000000000000002,,0.0,0.0031,,0.9687,0.5773,0.0027,,0.0345,0.0833,,,,0.0176,,0.0,,,0.0151,,No,0.0,0.0,0.0,0.0,-1742.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1050956,312453,Consumer loans,13137.435,59427.0,62563.5,0.0,59427.0,SATURDAY,10,Y,1,0.0,,,XAP,Approved,-786,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,48,Connectivity,6.0,high,POS mobile with interest,365243.0,-755.0,-605.0,-605.0,-595.0,0.0,0,Cash loans,F,Y,Y,0,90000.0,888840.0,29506.5,675000.0,Children,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.035792000000000004,-21232,365243,-9573.0,-4637,28.0,1,0,0,1,1,0,,1.0,2,2,MONDAY,11,0,0,0,0,0,0,XNA,,0.32294863309089755,0.6347055309763198,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-396.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1459975,347424,Cash loans,24959.025,562500.0,629325.0,,562500.0,FRIDAY,8,Y,1,,,,XNA,Approved,-361,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-331.0,719.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,0,157500.0,427500.0,21955.5,427500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-19824,365243,-847.0,-2902,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,,0.6226517577753016,0.6706517530862718,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2558412,195476,Cash loans,66752.235,2025000.0,2241513.0,,2025000.0,THURSDAY,14,Y,1,,,,XNA,Approved,-595,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,54.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,135000.0,439740.0,21285.0,315000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-18685,-1806,-7636.0,-2213,,1,1,0,1,0,0,Managers,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Hotel,,0.3786937234588834,0.4794489811780563,0.0804,0.0222,0.9836,0.7892,0.0587,0.06,0.0862,0.25,0.0417,0.0247,0.0908,0.0596,0.0,0.0,0.0504,0.009000000000000001,0.9826,0.7975,0.0593,0.0,0.0345,0.1667,0.0417,0.0128,0.0992,0.0483,0.0,0.0,0.0812,0.0222,0.9836,0.792,0.0591,0.06,0.0862,0.25,0.0417,0.0251,0.0923,0.0606,0.0,0.0,reg oper account,block of flats,0.0364,Block,No,0.0,0.0,0.0,0.0,-244.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2113264,276811,Cash loans,36732.96,270000.0,324783.0,,270000.0,TUESDAY,13,Y,1,,,,XNA,Approved,-358,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-328.0,2.0,-268.0,-262.0,1.0,0,Cash loans,M,Y,Y,0,157500.0,1159515.0,34033.5,1012500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.005084,-8663,-360,-1331.0,-1331,4.0,1,1,0,1,0,0,Drivers,1.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Self-employed,,0.3387530022547205,0.3842068130556564,0.0412,0.054000000000000006,0.9866,,,,0.0345,0.125,,,,,,,0.042,0.056,0.9866,,,,0.0345,0.125,,,,,,,0.0416,0.054000000000000006,0.9866,,,,0.0345,0.125,,,,,,,,block of flats,0.0281,,No,0.0,0.0,0.0,0.0,-2.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2319591,260132,Revolving loans,11250.0,225000.0,225000.0,,225000.0,WEDNESDAY,12,Y,1,,,,XAP,Approved,-466,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-466.0,-426.0,365243.0,-396.0,-223.0,0.0,0,Revolving loans,F,N,N,0,157500.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Higher education,Single / not married,Rented apartment,0.025164,-10852,-2600,-326.0,-3524,,1,1,0,1,0,0,Laborers,1.0,2,2,SUNDAY,10,0,0,0,0,0,0,Business Entity Type 2,0.2340837725438133,0.30748745488143403,0.6195277080511546,0.0577,0.0767,0.9851,0.7959999999999999,0.006,0.04,0.0345,0.4025,,0.1171,,0.0791,,0.0111,0.0189,0.0589,0.9836,0.7844,0.0054,0.0403,0.0345,0.3333,,0.0112,,0.0742,,0.0,0.0198,0.0835,0.9846,0.792,0.0061,0.04,0.0345,0.3333,,0.1596,,0.0763,,0.014,reg oper account,block of flats,0.0589,"Stone, brick",No,2.0,0.0,2.0,0.0,-582.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +2839453,304224,Consumer loans,23709.24,130500.0,130500.0,0.0,130500.0,MONDAY,14,Y,1,0.0,,,XAP,Refused,-571,Cash through the bank,HC,,Repeater,Clothing and Accessories,POS,XNA,Stone,237,Clothing,6.0,middle,POS industry with interest,,,,,,,0,Cash loans,F,N,Y,0,121500.0,99576.0,5530.5,67500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.009549,-17835,-3273,-6125.0,-1382,,1,1,0,1,0,0,Core staff,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,Self-employed,,0.5920100952053687,0.4830501881366946,0.1031,0.0894,0.9786,0.7076,0.0124,0.0,0.2069,0.1667,0.2083,0.0961,0.0841,0.0914,0.0,0.0,0.105,0.0928,0.9786,0.7190000000000001,0.0125,0.0,0.2069,0.1667,0.2083,0.0983,0.0918,0.0952,0.0,0.0,0.1041,0.0894,0.9786,0.7115,0.0125,0.0,0.2069,0.1667,0.2083,0.0978,0.0855,0.093,0.0,0.0,reg oper spec account,block of flats,0.0719,"Stone, brick",No,0.0,0.0,0.0,0.0,-1435.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,7.0 +1926198,446479,Cash loans,38522.34,675000.0,756081.0,,675000.0,THURSDAY,16,Y,1,,,,XNA,Approved,-831,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,42.0,middle,Cash Street: middle,365243.0,-801.0,429.0,-441.0,-436.0,1.0,0,Cash loans,F,Y,N,0,270000.0,1724220.0,47542.5,1350000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.009656999999999999,-20228,365243,-253.0,-3421,7.0,1,0,0,1,0,0,,1.0,2,2,TUESDAY,17,0,0,0,0,0,0,XNA,,0.5430724022824696,0.4668640059537032,0.0515,0.0641,0.9752,0.66,0.0043,0.0,0.1034,0.1667,0.2083,0.0542,0.042,0.0505,0.0,0.0,0.0525,0.0665,0.9752,0.6733,0.0043,0.0,0.1034,0.1667,0.2083,0.0554,0.0459,0.0526,0.0,0.0,0.052000000000000005,0.0641,0.9752,0.6645,0.0043,0.0,0.1034,0.1667,0.2083,0.0551,0.0428,0.0514,0.0,0.0,reg oper spec account,block of flats,0.0398,Panel,No,0.0,0.0,0.0,0.0,-1680.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2308611,160984,Cash loans,9950.13,135000.0,152820.0,,135000.0,FRIDAY,8,Y,1,,,,Repairs,Refused,-231,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Country-wide,30,Connectivity,24.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,N,0,45000.0,170640.0,11533.5,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-19832,-1392,-10771.0,-2983,,1,1,1,1,1,0,,2.0,2,2,FRIDAY,12,0,0,0,0,1,1,School,,0.5947484437626035,0.4170996682522097,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-29.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1772873,313849,Revolving loans,18000.0,0.0,360000.0,,,TUESDAY,12,Y,1,,,,XAP,Approved,-668,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-667.0,-618.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,135000.0,679500.0,19998.0,679500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.011703,-15900,-8728,-3788.0,-4330,,1,1,0,1,1,0,Laborers,1.0,2,2,FRIDAY,18,0,0,0,0,0,0,Housing,,0.6827607239398755,0.6956219298394389,0.0773,0.0,0.9781,,,0.0,0.069,0.1667,,0.0556,,0.0675,,0.0008,0.0788,0.0,0.9782,,,0.0,0.069,0.1667,,0.0569,,0.0703,,0.0009,0.0781,0.0,0.9781,,,0.0,0.069,0.1667,,0.0566,,0.0687,,0.0008,,block of flats,0.061,"Stone, brick",No,7.0,0.0,6.0,0.0,-1921.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1198618,103928,Consumer loans,7372.53,43605.0,46485.0,0.0,43605.0,MONDAY,11,Y,1,0.0,,,XAP,Approved,-2503,Cash through the bank,XAP,Other_A,New,Mobile,POS,XNA,Country-wide,28,Connectivity,8.0,high,POS mobile with interest,365243.0,-2469.0,-2259.0,-2259.0,-2252.0,1.0,0,Cash loans,F,N,Y,0,135000.0,270000.0,15075.0,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0228,-18611,-2289,-7990.0,-2166,,1,1,0,1,0,0,Private service staff,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.6579834758732697,0.5656874465968567,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2277.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1212181,285415,Cash loans,25432.245,247500.0,272002.5,,247500.0,SUNDAY,15,Y,1,,,,XNA,Approved,-352,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-322.0,8.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,112500.0,297130.5,22342.5,256500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.032561,-13198,-2696,-7270.0,-4281,,1,1,0,1,0,0,Core staff,2.0,1,1,TUESDAY,17,0,0,0,0,0,0,Kindergarten,,0.6397937150676998,,0.2588,0.1711,0.9786,,,0.28,0.2414,0.3333,,0.0988,,0.2577,,0.0434,0.2637,0.1775,0.9786,,,0.282,0.2414,0.3333,,0.1011,,0.2681,,0.004,0.2613,0.1711,0.9786,,,0.28,0.2414,0.3333,,0.1005,,0.2622,,0.0443,,block of flats,0.2026,Panel,No,0.0,0.0,0.0,0.0,-3418.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2181391,108460,Consumer loans,6257.88,62505.0,56668.5,11250.0,62505.0,WEDNESDAY,17,Y,1,0.18039669202459896,,,XAP,Approved,-472,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,high,POS mobile with interest,365243.0,-420.0,-90.0,-90.0,-83.0,0.0,0,Revolving loans,M,N,Y,0,121500.0,180000.0,9000.0,180000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.020246,-10315,-667,-5004.0,-2812,,1,1,0,1,1,0,Laborers,1.0,3,3,SATURDAY,13,0,0,0,1,1,0,Construction,0.42200629602244016,0.26511998206183024,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-472.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2515142,110449,Cash loans,20869.65,540000.0,646920.0,,540000.0,FRIDAY,12,Y,1,,,,XNA,Refused,-769,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,1,202500.0,224136.0,26730.0,198000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.020713,-11259,-1488,-2799.0,-2443,,1,1,0,1,0,1,Sales staff,3.0,3,3,THURSDAY,9,0,0,0,1,1,0,Business Entity Type 3,0.1022682372666507,0.4785192802626879,,0.1763,0.1365,0.9886,0.8436,0.0373,0.24,0.2069,0.3333,0.375,0.0336,0.1429,0.2107,0.0039,0.0055,0.1796,0.1417,0.9886,0.8497,0.0377,0.2417,0.2069,0.3333,0.375,0.0344,0.1561,0.2195,0.0039,0.0058,0.17800000000000002,0.1365,0.9886,0.8457,0.0376,0.24,0.2069,0.3333,0.375,0.0342,0.1454,0.2145,0.0039,0.0056,reg oper account,block of flats,0.1873,Panel,No,0.0,0.0,0.0,0.0,-1381.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1684587,370381,Cash loans,17364.6,202500.0,222547.5,,202500.0,MONDAY,10,Y,1,,,,XNA,Approved,-1181,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-1151.0,-641.0,-851.0,-846.0,1.0,0,Cash loans,F,N,N,0,337500.0,508495.5,21541.5,454500.0,Unaccompanied,Pensioner,Higher education,Separated,House / apartment,0.025164,-17423,365243,-1597.0,-956,,1,0,0,1,1,0,,1.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,XNA,0.7766254777904018,0.625980425384788,0.5567274263630174,0.1124,0.0639,0.9975,0.966,0.0609,0.12,0.1034,0.375,0.4167,0.0,0.0916,0.123,0.0,0.0,0.1145,0.0663,0.9975,0.9673,0.0614,0.1208,0.1034,0.375,0.4167,0.0,0.1001,0.1281,0.0,0.0,0.1135,0.0639,0.9975,0.9665,0.0613,0.12,0.1034,0.375,0.4167,0.0,0.0932,0.1252,0.0,0.0,reg oper account,block of flats,0.13,Panel,No,0.0,0.0,0.0,0.0,-10.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,2.0 +1359172,204869,Consumer loans,9256.59,109269.0,125496.0,0.0,109269.0,FRIDAY,14,Y,1,0.0,,,XAP,Approved,-1084,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,2100,Consumer electronics,18.0,middle,POS household with interest,365243.0,-1053.0,-543.0,-543.0,-536.0,0.0,0,Revolving loans,M,N,Y,1,270000.0,337500.0,16875.0,337500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.00823,-13706,-1339,-485.0,-4780,,1,1,0,1,0,0,High skill tech staff,3.0,2,2,THURSDAY,19,0,0,0,0,0,0,Other,0.5206269458079863,0.5862618051422633,0.5762088360175724,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-643.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1156657,366117,Cash loans,26704.755,225000.0,289732.5,,225000.0,SUNDAY,12,Y,1,,,,Other,Approved,-501,Cash through the bank,XAP,,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,365243.0,-471.0,39.0,-201.0,-193.0,1.0,0,Cash loans,F,N,N,2,67500.0,296505.0,25578.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.030755,-12308,-4464,-2894.0,-4735,,1,1,0,1,0,0,Laborers,4.0,2,2,THURSDAY,10,0,0,0,1,1,0,Culture,0.5327416478400077,0.7566075802432479,0.2103502286944494,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,2.0,0.0,-501.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,1.0 +1427591,297031,Cash loans,63266.76,1048500.0,1124622.0,,1048500.0,THURSDAY,17,Y,1,,,,XNA,Refused,-1175,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,270000.0,531706.5,42138.0,459000.0,Children,Commercial associate,Higher education,Married,House / apartment,0.01885,-15008,-2072,-8409.0,-2367,,1,1,1,1,1,0,,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.6877265930563483,0.5994882387806106,0.25396280933631177,0.1052,0.0827,0.9821,0.7552,0.0287,0.12,0.1034,0.3333,,,0.0857,0.111,0.0154,0.2791,0.1071,0.0858,0.9821,0.7648,0.0289,0.1208,0.1034,0.3333,,,0.0937,0.1156,0.0156,0.2955,0.1062,0.0827,0.9821,0.7585,0.0288,0.12,0.1034,0.3333,,,0.0872,0.113,0.0155,0.285,,block of flats,0.1636,Panel,No,4.0,1.0,4.0,1.0,-1686.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1769061,353462,Consumer loans,18464.67,184666.5,166198.5,18468.0,184666.5,THURSDAY,16,Y,1,0.10891705268194776,,,XAP,Approved,-1812,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Regional / Local,137,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1781.0,-1511.0,-1571.0,-1564.0,0.0,0,Cash loans,F,N,N,0,270000.0,1258650.0,53325.0,1125000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.04622,-20777,365243,-3072.0,-3153,,1,0,0,1,0,0,,1.0,1,1,WEDNESDAY,13,0,0,0,0,0,0,XNA,0.6408554207133293,0.7796646611069735,0.41184855592423975,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1812.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2023369,352013,Consumer loans,9131.085,91323.0,82188.0,9135.0,91323.0,SUNDAY,10,Y,1,0.10894129030524022,,,XAP,Approved,-1601,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Stone,142,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1570.0,-1300.0,-1330.0,-1320.0,0.0,0,Revolving loans,F,Y,Y,0,112500.0,247500.0,12375.0,247500.0,Unaccompanied,Working,Higher education,Married,Co-op apartment,0.020246,-11264,-118,-1291.0,-3718,65.0,1,1,0,1,1,1,,2.0,3,3,FRIDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.5407068684493672,0.3208960597727977,0.5919766183185521,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,16.0,0.0,16.0,0.0,-1162.0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1593185,288312,Consumer loans,11118.015,86931.0,94581.0,0.0,86931.0,SUNDAY,14,Y,1,0.0,,,XAP,Approved,-180,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Regional / Local,158,Consumer electronics,10.0,middle,POS household with interest,365243.0,-150.0,120.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,157500.0,808650.0,26217.0,675000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.003069,-21194,365243,-5558.0,-1693,,1,0,0,1,0,0,,2.0,3,3,FRIDAY,16,0,0,0,0,0,0,XNA,,,0.7738956942145427,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-180.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2086121,395928,Consumer loans,11536.425,96390.0,94383.0,9639.0,96390.0,SATURDAY,9,Y,1,0.1009185294719124,,,XAP,Approved,-453,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Regional / Local,100,Consumer electronics,10.0,middle,POS household with interest,365243.0,-422.0,-152.0,-212.0,-207.0,0.0,0,Cash loans,F,N,Y,0,211500.0,900000.0,39645.0,900000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.026392000000000002,-12177,-4422,-6301.0,-3859,,1,1,0,1,0,1,Managers,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Government,0.7772765225766071,0.6747361492100982,0.1419915427739129,0.1031,,0.9752,,,0.0,0.1724,0.1667,,,,0.0674,,0.0,0.105,,0.9752,,,0.0,0.1724,0.1667,,,,0.0702,,0.0,0.1041,,0.9752,,,0.0,0.1724,0.1667,,,,0.0686,,0.0,,block of flats,0.053,Panel,No,6.0,0.0,6.0,0.0,-532.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,1.0,0.0,1.0,0.0,2.0 +2746061,373310,Consumer loans,6003.09,32359.5,32359.5,0.0,32359.5,SATURDAY,20,Y,1,0.0,,,XAP,Approved,-25,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,1700,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,365243.0,155.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,1,225000.0,225000.0,21168.0,225000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-13889,-306,-1019.0,-4809,2.0,1,1,1,1,1,0,Sales staff,3.0,2,2,WEDNESDAY,15,0,0,0,1,1,0,Trade: type 2,,0.5768484786982319,0.878739766981187,0.2866,0.0902,0.998,0.9728,0.0967,0.24,0.1034,0.625,0.6667,0.1643,0.2152,0.2579,0.0849,0.0869,0.292,0.0936,0.998,0.9739,0.0976,0.2417,0.1034,0.625,0.6667,0.168,0.2351,0.2687,0.0856,0.092,0.2894,0.0902,0.998,0.9732,0.0974,0.24,0.1034,0.625,0.6667,0.1671,0.2189,0.2625,0.0854,0.0887,reg oper spec account,block of flats,0.2746,Panel,No,0.0,0.0,0.0,0.0,-231.0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1933745,378451,Consumer loans,14346.495,129987.0,133974.0,13000.5,129987.0,THURSDAY,16,Y,1,0.09633457751947692,,,XAP,Approved,-33,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,1073,Consumer electronics,12.0,middle,POS household with interest,365243.0,365243.0,327.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,108000.0,825588.0,43983.0,765000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-14103,-778,-7958.0,-6033,,1,1,1,1,0,0,,2.0,1,1,MONDAY,10,0,1,1,0,1,1,Business Entity Type 3,0.34273610520423065,0.5097754470565383,0.4170996682522097,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-881.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1986721,263925,Consumer loans,8547.075,104535.0,108054.0,10453.5,104535.0,FRIDAY,8,Y,1,0.09606828106391424,,,XAP,Refused,-1642,Cash through the bank,LIMIT,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Regional / Local,215,Consumer electronics,18.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,81000.0,74182.5,5161.5,67500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.025164,-23149,365243,-4704.0,-4850,,1,0,0,1,1,0,,1.0,2,2,TUESDAY,13,0,0,0,0,0,0,XNA,,0.6017542875610146,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,0.0,-1642.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1841485,313768,Revolving loans,2250.0,45000.0,45000.0,,45000.0,TUESDAY,15,Y,1,,,,XAP,Refused,-45,XNA,HC,Unaccompanied,Repeater,XNA,Cards,walk-in,Stone,112,Consumer electronics,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,121500.0,173092.5,16006.5,157500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.022625,-18582,-1277,-11229.0,-2116,,1,1,1,1,1,0,High skill tech staff,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.7047976823376938,,0.1031,0.1077,0.9811,0.7416,0.0116,0.0,0.2069,0.1667,0.2083,0.0743,0.0841,0.0918,0.0,0.0,0.105,0.1118,0.9811,0.7517,0.0118,0.0,0.2069,0.1667,0.2083,0.076,0.0918,0.0956,0.0,0.0,0.1041,0.1077,0.9811,0.7451,0.0117,0.0,0.2069,0.1667,0.2083,0.0756,0.0855,0.0934,0.0,0.0,reg oper account,block of flats,0.0786,Block,No,2.0,0.0,2.0,0.0,-979.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2189223,271463,Cash loans,39435.435,699277.905,771277.905,,699277.905,MONDAY,3,Y,1,,,,XNA,Approved,-751,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash Street: middle,365243.0,-721.0,329.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,N,0,153000.0,813195.0,43456.5,702000.0,Unaccompanied,Commercial associate,Incomplete higher,Married,Municipal apartment,0.008068,-21806,-2757,-5678.0,-4552,17.0,1,1,0,1,0,0,Laborers,2.0,3,3,WEDNESDAY,10,0,0,0,0,0,0,School,,0.33106697361150256,0.7394117535524816,0.0113,,0.9613,,,,,0.0,,,,,,,0.0116,,0.9613,,,,,0.0,,,,,,,0.0115,,0.9613,,,,,0.0,,,,,,,,,0.0078,,No,9.0,0.0,9.0,0.0,-1748.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1232132,327036,Consumer loans,12269.385,87165.0,75915.0,11250.0,87165.0,SUNDAY,13,Y,1,0.14056413385272445,,,XAP,Approved,-471,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,48,Connectivity,8.0,high,POS mobile with interest,365243.0,-418.0,-208.0,-208.0,-205.0,0.0,0,Cash loans,M,Y,N,0,225000.0,207000.0,10836.0,207000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.00963,-13692,-673,-5006.0,-4144,12.0,1,1,0,1,1,0,Drivers,1.0,2,2,TUESDAY,12,0,0,0,0,0,0,Trade: type 7,0.4238940189961507,0.39214462107331,0.4902575124990026,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-221.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1389005,108434,Consumer loans,4858.065,27562.5,24205.5,4500.0,27562.5,WEDNESDAY,7,Y,1,0.17073066453847133,,,XAP,Approved,-2535,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,24,Consumer electronics,6.0,high,POS household with interest,365243.0,-2498.0,-2348.0,-2348.0,-2342.0,1.0,1,Cash loans,F,Y,Y,0,135000.0,405000.0,31995.0,405000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.028663,-11048,-466,-4161.0,-3621,7.0,1,1,0,1,0,0,Core staff,1.0,2,2,THURSDAY,11,0,0,0,0,1,1,Business Entity Type 3,0.2875539137782434,0.4132857635402992,0.266456808245056,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-376.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1840331,109019,Cash loans,13596.12,292500.0,349335.0,,292500.0,FRIDAY,18,Y,1,,,,XNA,Approved,-840,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-809.0,601.0,-419.0,-411.0,0.0,0,Cash loans,F,N,Y,0,270000.0,314055.0,17167.5,238500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.009656999999999999,-19372,-9805,-6443.0,-2893,,1,1,0,1,1,0,,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,Other,,0.6837829205874187,0.5549467685334323,0.1495,0.0,0.9901,0.8640000000000001,0.0216,0.08,0.069,0.3333,0.375,0.0,0.121,0.0536,0.0039,0.0,0.1523,0.0,0.9901,0.8693,0.0218,0.0806,0.069,0.3333,0.375,0.0,0.1322,0.0558,0.0039,0.0,0.1509,0.0,0.9901,0.8658,0.0218,0.08,0.069,0.3333,0.375,0.0,0.1231,0.0545,0.0039,0.0,reg oper spec account,block of flats,0.0846,Panel,No,1.0,0.0,1.0,0.0,-1334.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2839235,240135,Consumer loans,18541.935,89505.0,89541.0,4455.0,89505.0,TUESDAY,12,Y,1,0.051618153963998464,,,XAP,Approved,-370,Cash through the bank,XAP,,New,Auto Accessories,POS,XNA,Stone,400,Auto technology,6.0,high,POS other with interest,365243.0,-321.0,-171.0,-231.0,-225.0,0.0,0,Cash loans,M,N,N,0,270000.0,545040.0,25407.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.0060079999999999995,-15846,-2300,-2581.0,-2888,,1,1,0,1,1,0,Laborers,1.0,2,2,TUESDAY,19,1,1,0,1,1,0,Business Entity Type 3,,0.3934693900431471,0.2512394458905693,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-370.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1099300,334432,Revolving loans,11250.0,0.0,225000.0,,0.0,WEDNESDAY,15,Y,1,,,,XAP,Refused,-1330,XNA,SCO,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,1,Cash loans,F,N,Y,0,180000.0,633730.5,32485.5,504000.0,Family,Working,Higher education,Married,House / apartment,0.025164,-17660,-3933,-1968.0,-1209,,1,1,0,1,0,0,Managers,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.582614921603375,0.41110286794341416,0.2176285202779586,0.1227,,0.9776,,,0.0,0.2759,0.1667,,,,0.1152,,,0.125,,0.9777,,,0.0,0.2759,0.1667,,,,0.12,,,0.1239,,0.9776,,,0.0,0.2759,0.1667,,,,0.1173,,,,block of flats,0.1013,Panel,No,0.0,0.0,0.0,0.0,-1806.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2080225,219088,Consumer loans,2801.43,34699.5,27756.0,6943.5,34699.5,TUESDAY,20,Y,1,0.2179311727048725,,,XAP,Approved,-443,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,20,Consumer electronics,12.0,middle,POS household with interest,365243.0,-413.0,-83.0,-83.0,-81.0,0.0,0,Cash loans,F,N,N,0,139500.0,247500.0,19282.5,247500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.00702,-9483,-776,-7433.0,-2150,,1,1,0,1,0,1,Core staff,1.0,2,2,THURSDAY,20,0,0,0,0,0,0,Self-employed,,0.6102957086647336,,0.2392,0.0182,0.9846,0.83,,0.0,0.1034,0.1667,0.2083,0.0964,0.1345,0.0915,,0.0513,0.1681,0.0189,0.9816,0.8367,,0.0,0.069,0.1667,0.2083,0.0986,0.1469,0.0938,,0.0543,0.2415,0.0182,0.9846,0.8323,,0.0,0.1034,0.1667,0.2083,0.0981,0.1368,0.0931,,0.0524,reg oper account,block of flats,0.0708,"Stone, brick",No,1.0,0.0,1.0,0.0,-1272.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +1071705,376230,Consumer loans,13141.035,291375.0,291375.0,0.0,291375.0,TUESDAY,21,Y,1,0.0,,,XAP,Approved,-1624,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,85,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1592.0,-902.0,-1082.0,-1080.0,0.0,0,Cash loans,F,N,N,0,270000.0,1546020.0,42511.5,1350000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-21511,-714,-4815.0,-4814,,1,1,1,1,1,0,Sales staff,2.0,1,1,MONDAY,18,0,0,0,0,1,1,Business Entity Type 3,,0.7061199242295235,0.22383131747015547,0.1177,0.0678,0.9836,0.7756,0.0845,0.16,0.069,0.5138,0.5417,0.0,0.0922,0.1177,0.0174,0.0257,0.0809,0.0399,0.9791,0.7256,0.0397,0.0806,0.0345,0.5417,0.5,0.0,0.0652,0.0813,0.0,0.0,0.1004,0.0637,0.9791,0.7182,0.0721,0.12,0.0517,0.5417,0.5417,0.0,0.0795,0.0953,0.0175,0.0248,reg oper account,block of flats,0.1831,Panel,No,2.0,0.0,2.0,0.0,-1624.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1131382,109340,Cash loans,66752.235,2025000.0,2241513.0,,2025000.0,FRIDAY,12,Y,1,,,,XNA,Approved,-656,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,54.0,low_normal,Cash X-Sell: low,365243.0,-626.0,964.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,247500.0,171000.0,10458.0,171000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.02461,-21805,365243,-10154.0,-5075,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,8,0,0,0,0,0,0,XNA,0.6882389210773491,0.6205274533453115,0.4241303111942548,0.0773,0.0687,0.9861,0.8096,0.03,0.0,0.1724,0.1667,0.2083,0.0147,0.063,0.0674,0.0,0.0,0.0788,0.0713,0.9861,0.8171,0.0303,0.0,0.1724,0.1667,0.2083,0.015,0.0689,0.0703,0.0,0.0,0.0781,0.0687,0.9861,0.8121,0.0302,0.0,0.1724,0.1667,0.2083,0.0149,0.0641,0.0687,0.0,0.0,reg oper account,block of flats,0.0694,Panel,No,10.0,0.0,10.0,0.0,-1005.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,5.0 +2682969,313001,Revolving loans,4500.0,0.0,90000.0,,,WEDNESDAY,9,Y,1,,,,XAP,Approved,-2798,XNA,XAP,,Repeater,XNA,Cards,x-sell,Stone,756,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,112500.0,90000.0,8383.5,90000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.018209,-14781,-1077,-8145.0,-5064,,1,1,0,1,0,0,High skill tech staff,1.0,3,3,MONDAY,7,0,0,0,0,0,0,Business Entity Type 2,0.4928101625425431,0.5167625680716119,0.19519840600440985,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-1384.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1226013,184482,Consumer loans,5637.105,55822.5,55543.5,5584.5,55822.5,MONDAY,18,Y,1,0.0994966002784024,,,XAP,Approved,-558,XNA,XAP,,Repeater,Computers,POS,XNA,Country-wide,30,Connectivity,12.0,middle,POS mobile with interest,365243.0,-527.0,-197.0,-437.0,-426.0,0.0,0,Cash loans,F,Y,Y,1,270000.0,1223010.0,48631.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010147,-15758,-2294,-2179.0,-4285,8.0,1,1,0,1,0,1,,3.0,2,2,SATURDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.7298243317793072,0.5293254175995563,0.5779691187553125,,,,,,0.28,0.2414,0.3333,0.375,,,,,,,,,,,0.282,0.2414,0.3333,0.375,,,,,,,,,,,0.28,0.2414,0.3333,0.375,,,,,,org spec account,block of flats,0.2573,,No,0.0,0.0,0.0,0.0,-452.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1740567,194655,Cash loans,11683.08,112500.0,119925.0,,112500.0,TUESDAY,13,Y,1,,,,XNA,Approved,-236,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Stone,150,Consumer electronics,12.0,low_normal,Cash X-Sell: low,365243.0,-206.0,124.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,81000.0,71955.0,7879.5,67500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.002042,-9610,-2062,-2442.0,-767,,1,1,1,1,1,0,Secretaries,2.0,3,3,SUNDAY,10,0,0,0,0,0,0,Medicine,,0.31068629423918875,0.3774042489507649,,,0.9831,,,,,,,,,0.0107,,,,,0.9831,,,,,,,,,0.0111,,,,,0.9831,,,,,,,,,0.0109,,,,,0.0133,,No,0.0,0.0,0.0,0.0,-464.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1394026,384470,Consumer loans,40658.22,198000.0,153000.0,45000.0,198000.0,WEDNESDAY,14,Y,1,0.2475206611570248,,,XAP,Approved,-222,XNA,XAP,,Repeater,Clothing and Accessories,POS,XNA,Country-wide,300,XNA,4.0,low_normal,POS industry with interest,365243.0,-191.0,-101.0,-131.0,-127.0,0.0,0,Cash loans,F,Y,Y,0,243000.0,1169532.0,42138.0,945000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.032561,-19275,-187,-6479.0,-2792,65.0,1,1,0,1,0,0,Medicine staff,2.0,1,1,MONDAY,17,0,0,0,0,0,0,Military,0.7709191083308379,0.5168663216195596,0.2650494299443805,0.1134,,0.9742,0.6464,0.0138,0.0,0.2069,0.1667,0.2083,0.022,0.0925,0.1006,0.0,0.0236,0.1155,,0.9742,0.6602,0.0139,0.0,0.2069,0.1667,0.2083,0.0225,0.101,0.1048,0.0,0.025,0.1145,,0.9742,0.6511,0.0139,0.0,0.2069,0.1667,0.2083,0.0224,0.0941,0.1024,0.0,0.0241,reg oper account,block of flats,0.0918,Panel,No,3.0,0.0,3.0,0.0,-234.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2303847,241983,Revolving loans,2250.0,45000.0,45000.0,,45000.0,THURSDAY,12,Y,1,,,,XAP,Approved,-285,XNA,XAP,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,225000.0,1288350.0,37800.0,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.019101,-13507,-2216,-417.0,-4231,,1,1,1,1,1,0,Sales staff,1.0,2,2,TUESDAY,14,0,0,0,0,0,0,Self-employed,,0.6222971749392423,0.722392890081304,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1774.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1624163,264762,Consumer loans,3991.905,21068.235,19890.0,2114.235,21068.235,MONDAY,12,Y,1,0.1046432251874158,,,XAP,Approved,-2337,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,2700,Consumer electronics,6.0,high,POS household with interest,365243.0,-2306.0,-2156.0,-2156.0,-2149.0,1.0,0,Cash loans,F,N,Y,0,90000.0,630000.0,20452.5,630000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-18940,-681,-3407.0,-2420,,1,1,0,1,0,0,,2.0,2,2,SUNDAY,12,0,0,0,0,0,0,Business Entity Type 2,,0.2755358466931539,0.6690566947824041,0.0928,0.1545,0.9762,0.6736,0.1275,0.0,0.2069,0.1667,0.2083,0.0984,0.0748,0.0885,0.0039,0.0042,0.0945,0.1603,0.9762,0.6864,0.1287,0.0,0.2069,0.1667,0.2083,0.1007,0.0817,0.0922,0.0039,0.0044,0.0937,0.1545,0.9762,0.6779999999999999,0.1283,0.0,0.2069,0.1667,0.2083,0.1001,0.0761,0.0901,0.0039,0.0043,org spec account,block of flats,0.0697,Panel,No,1.0,1.0,1.0,1.0,-1640.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,1.0,0.0 +1564379,210641,Cash loans,49480.065,1575000.0,1762110.0,,1575000.0,TUESDAY,14,Y,1,,,,XNA,Approved,-643,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-613.0,1157.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,2,225000.0,454500.0,16452.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-14859,-7545,-3617.0,-4122,4.0,1,1,0,1,0,0,Managers,4.0,2,2,MONDAY,13,0,0,0,0,0,0,Security Ministries,0.7296116353087321,0.4515644805711371,0.7557400501752248,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2218.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1566343,161180,Consumer loans,8736.93,106953.75,74866.5,32087.25,106953.75,MONDAY,9,Y,1,0.3267387284010824,,,XAP,Approved,-2426,Cash through the bank,XAP,,New,Construction Materials,POS,XNA,Stone,100,Construction,12.0,high,POS industry with interest,365243.0,-2394.0,-2064.0,-2064.0,-2035.0,0.0,0,Cash loans,F,N,Y,0,90000.0,244863.0,23854.5,244863.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.018209,-22907,365243,-8492.0,-3998,,1,0,0,1,0,0,,1.0,3,3,FRIDAY,9,0,0,0,0,0,0,XNA,,0.4656148023747788,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-718.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1963008,116640,Cash loans,,0.0,0.0,,,SUNDAY,9,Y,1,,,,XNA,Refused,-443,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,180000.0,1359000.0,74470.5,1359000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.0060079999999999995,-23232,365243,-11995.0,-3168,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,18,0,0,0,0,0,0,XNA,,0.5664340800708526,0.3376727217405312,0.4134,0.3,0.9836,0.7756,0.0773,0.48,0.4138,0.3333,0.375,0.2249,0.3362,0.4443,0.0039,0.0012,0.4212,0.3113,0.9836,0.7844,0.078,0.4834,0.4138,0.3333,0.375,0.2301,0.3673,0.4629,0.0039,0.0013,0.4174,0.3,0.9836,0.7786,0.0778,0.48,0.4138,0.3333,0.375,0.2288,0.342,0.4523,0.0039,0.0013,reg oper account,block of flats,0.392,Panel,No,0.0,0.0,0.0,0.0,-965.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2203578,278597,Consumer loans,19539.135,96862.5,101979.0,0.0,96862.5,SUNDAY,10,Y,1,0.0,,,XAP,Approved,-114,Cash through the bank,XAP,"Spouse, partner",Repeater,Jewelry,POS,XNA,Stone,15,Jewelry,6.0,middle,POS other with interest,365243.0,-84.0,66.0,-24.0,-16.0,1.0,0,Cash loans,F,N,Y,0,166500.0,339948.0,24174.0,315000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.01885,-15745,-1380,-1338.0,-4857,,1,1,1,1,0,1,Accountants,2.0,2,2,TUESDAY,13,0,0,0,0,1,1,Other,,0.6430980082310416,0.6769925032909132,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2249.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2457785,426275,Cash loans,31083.525,940500.0,940500.0,,940500.0,WEDNESDAY,4,Y,1,,,,XNA,Approved,-218,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-188.0,1222.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,225000.0,733500.0,21447.0,733500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.002506,-14838,-4207,-1284.0,-4397,,1,1,0,1,0,0,Sales staff,1.0,2,2,THURSDAY,6,0,0,0,0,0,0,Self-employed,,0.7711733653851807,,0.1227,,0.9831,0.7688,0.0,0.0,0.2759,0.1667,0.0417,0.0,0.1,0.1145,0.0,0.0,0.125,,0.9831,0.7779,0.0,0.0,0.2759,0.1667,0.0417,0.0,0.1093,0.1193,0.0,0.0,0.1239,,0.9831,0.7719,0.0,0.0,0.2759,0.1667,0.0417,0.0,0.1018,0.1165,0.0,0.0,reg oper account,block of flats,0.09,,No,2.0,0.0,2.0,0.0,-796.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2691548,290352,Consumer loans,12729.735,128970.0,116073.0,12897.0,128970.0,SUNDAY,11,Y,1,0.1089090909090909,,,XAP,Approved,-753,Cash through the bank,XAP,Children,Refreshed,Computers,POS,XNA,Stone,181,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-714.0,-444.0,-444.0,-424.0,0.0,0,Cash loans,F,N,Y,1,69750.0,127350.0,12726.0,112500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.019101,-16315,-7027,-7275.0,-4083,,1,1,0,1,0,0,Medicine staff,3.0,2,2,THURSDAY,15,0,0,0,0,0,0,Medicine,,0.5543513607759295,0.656158373001177,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,0.0,7.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1324348,241675,Cash loans,30249.27,225000.0,272889.0,,225000.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-1133,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,high,Cash X-Sell: high,365243.0,-1090.0,-760.0,-760.0,-751.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,526491.0,31482.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-19943,-2926,-47.0,-2951,19.0,1,1,0,1,0,0,Drivers,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Transport: type 4,,0.6124830398451773,0.8327850252992314,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1431.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1493631,283862,Consumer loans,7247.745,65286.0,45612.0,22500.0,65286.0,THURSDAY,8,Y,1,0.3597684028445127,,,XAP,Approved,-1943,XNA,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,210,Consumer electronics,8.0,high,POS household with interest,365243.0,-1911.0,-1701.0,-1701.0,-1695.0,0.0,0,Cash loans,F,N,Y,0,301500.0,450000.0,44509.5,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.015221,-13726,-921,-2413.0,-3436,,1,1,0,1,1,0,Managers,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.8576986851268558,0.4632378667410294,,0.1866,0.1591,0.993,0.9048,0.0373,0.0,0.4828,0.1667,0.2083,0.1119,0.1404,0.1722,0.0541,0.066,0.1901,0.1651,0.993,0.9085,0.0377,0.0,0.4828,0.1667,0.2083,0.1145,0.1534,0.1794,0.0545,0.0698,0.1884,0.1591,0.993,0.9061,0.0376,0.0,0.4828,0.1667,0.2083,0.1139,0.1428,0.1753,0.0543,0.0673,reg oper account,block of flats,0.1559,"Stone, brick",No,3.0,1.0,3.0,1.0,-1309.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1817119,388751,Consumer loans,2784.735,25726.5,25065.0,2574.0,25726.5,TUESDAY,12,Y,1,0.10142624552263103,,,XAP,Approved,-2486,Cash through the bank,XAP,Family,Refreshed,Other,POS,XNA,Stone,98,Construction,10.0,low_normal,POS industry with interest,365243.0,-2450.0,-2180.0,-2180.0,-2173.0,1.0,0,Cash loans,F,N,Y,0,58500.0,288873.0,16258.5,238500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-20705,365243,-10523.0,-4237,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,XNA,,0.6634901592481208,0.5989262182569273,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-974.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2611297,239817,Cash loans,20240.505,207682.92,261336.42,,207682.92,MONDAY,10,Y,1,,,,XNA,Approved,-584,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash Street: middle,365243.0,-554.0,-44.0,-152.0,-144.0,1.0,0,Cash loans,F,N,Y,0,202500.0,521280.0,26743.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.025164,-15829,-6863,-9866.0,-4304,,1,1,0,1,0,0,High skill tech staff,1.0,2,2,THURSDAY,8,0,0,0,0,0,0,Government,,0.33478702149819883,0.6674577419214722,0.0567,0.0642,0.9791,0.7144,0.0,0.0,0.1379,0.1667,0.2083,0.0,0.0462,0.0549,0.0,0.0,0.0578,0.0666,0.9791,0.7256,0.0,0.0,0.1379,0.1667,0.2083,0.0,0.0505,0.0572,0.0,0.0,0.0573,0.0642,0.9791,0.7182,0.0,0.0,0.1379,0.1667,0.2083,0.0,0.047,0.0559,0.0,0.0,reg oper account,block of flats,0.0434,Panel,No,3.0,0.0,3.0,0.0,-1638.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2242052,383996,Revolving loans,6750.0,0.0,135000.0,,,THURSDAY,6,Y,1,,,,XAP,Approved,-2484,XNA,XAP,,Repeater,XNA,Cards,x-sell,Stone,1034,Consumer electronics,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,382500.0,900000.0,46084.5,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.014464,-13974,-1520,-7986.0,-4786,14.0,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,7,0,0,0,0,1,1,Construction,0.3013061238760763,0.6689073059456015,0.7121551551910698,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2484.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2707671,358808,Consumer loans,3766.365,29155.5,28404.0,2916.0,29155.5,SATURDAY,12,Y,1,0.10139811912225702,,,XAP,Approved,-2189,XNA,XAP,,New,Mobile,POS,XNA,Country-wide,47,Connectivity,10.0,high,POS mobile with interest,365243.0,-2148.0,-1878.0,-1878.0,-1852.0,1.0,0,Cash loans,F,N,N,1,135000.0,534204.0,29956.5,495000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.02461,-9315,-1495,-1129.0,-1197,,1,1,1,1,1,0,Cooking staff,3.0,2,2,THURSDAY,15,0,0,0,0,1,1,Business Entity Type 3,0.51966059061833,0.7093630096865164,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-2189.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1970397,217587,Consumer loans,6554.88,70150.5,70150.5,0.0,70150.5,THURSDAY,10,Y,1,0.0,,,XAP,Approved,-573,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Regional / Local,82,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-542.0,-212.0,-212.0,-206.0,0.0,0,Cash loans,M,N,Y,1,135000.0,112500.0,10957.5,112500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-12946,-4733,-6565.0,-4136,,1,1,0,1,0,0,Laborers,3.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Other,,0.7138685289548921,0.8027454758994178,0.0619,,0.9836,,,0.0,0.1379,0.1667,,,,,,,0.063,,0.9836,,,0.0,0.1379,0.1667,,,,,,,0.0625,,0.9836,,,0.0,0.1379,0.1667,,,,,,,,block of flats,0.0439,"Stone, brick",No,0.0,0.0,0.0,0.0,-1613.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2832555,147806,Consumer loans,10952.37,102330.0,102330.0,0.0,102330.0,WEDNESDAY,14,Y,1,0.0,,,XAP,Approved,-168,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,23,Connectivity,14.0,high,POS mobile with interest,365243.0,-133.0,257.0,365243.0,365243.0,0.0,0,Revolving loans,M,Y,N,0,90000.0,270000.0,13500.0,270000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.008625,-22581,365243,-819.0,-4929,0.0,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,XNA,,0.6553329559083795,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-168.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2697225,218778,Consumer loans,12478.545,118134.0,117544.5,11817.0,118134.0,SUNDAY,15,Y,1,0.09948699785274033,,,XAP,Approved,-588,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Stone,94,Consumer electronics,12.0,middle,POS household with interest,365243.0,-557.0,-227.0,-257.0,-252.0,0.0,0,Cash loans,F,Y,N,0,112500.0,545040.0,25537.5,450000.0,Other_B,Working,Higher education,Single / not married,With parents,0.003069,-9954,-771,-635.0,-2332,64.0,1,1,0,1,0,0,Sales staff,1.0,3,3,SUNDAY,11,0,0,0,0,0,0,Trade: type 7,,0.6844350627877644,0.5814837058057234,0.0722,0.0588,0.9821,,,0.0,0.1724,0.1667,,0.0957,,0.0436,,0.0,0.0735,0.061,0.9821,,,0.0,0.1724,0.1667,,0.0979,,0.0455,,0.0,0.0729,0.0588,0.9821,,,0.0,0.1724,0.1667,,0.0974,,0.0444,,0.0,,block of flats,0.0506,"Stone, brick",No,1.0,0.0,1.0,0.0,-588.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +2457791,165110,Consumer loans,14600.43,130410.0,128979.0,13050.0,130410.0,TUESDAY,12,Y,1,0.10006855194105686,,,XAP,Approved,-1368,XNA,XAP,Unaccompanied,Refreshed,Consumer Electronics,POS,XNA,Regional / Local,160,Consumer electronics,12.0,high,POS household with interest,365243.0,-1336.0,-1006.0,-1006.0,-999.0,0.0,1,Cash loans,M,Y,N,2,205200.0,67500.0,7267.5,67500.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.0228,-10417,-3816,-4902.0,-3089,14.0,1,1,1,1,1,0,,4.0,2,2,FRIDAY,12,0,0,0,0,0,0,Self-employed,,0.13782164002756225,0.3280631605201915,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1368.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2398259,221875,Cash loans,13562.325,112500.0,119925.0,0.0,112500.0,TUESDAY,18,Y,1,0.0,,,Other,Approved,-2220,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-2190.0,-1860.0,-1860.0,-1853.0,1.0,0,Cash loans,M,N,Y,0,171000.0,225000.0,11619.0,225000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.026392000000000002,-11839,-153,-3668.0,-4173,,1,1,0,1,0,1,Cleaning staff,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,Industry: type 9,0.3741947895907414,0.6523782635152829,0.5726825047161584,0.0825,0.078,0.9945,,,0.08,0.069,0.375,,0.0568,,0.1024,,0.0058,0.084,0.0809,0.9945,,,0.0806,0.069,0.375,,0.0581,,0.1067,,0.0061,0.0833,0.078,0.9945,,,0.08,0.069,0.375,,0.0578,,0.1042,,0.0059,,block of flats,0.0818,Panel,No,0.0,0.0,0.0,0.0,-1806.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1284504,206229,Consumer loans,14062.05,135000.0,149256.0,0.0,135000.0,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-655,Cash through the bank,XAP,"Spouse, partner",New,Clothing and Accessories,POS,XNA,Stone,15,Clothing,12.0,low_normal,POS industry with interest,365243.0,-623.0,-293.0,-293.0,-284.0,0.0,0,Cash loans,F,Y,Y,1,360000.0,1125000.0,33025.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-15893,-2687,-8042.0,-4480,1.0,1,1,0,1,0,0,Managers,3.0,2,2,THURSDAY,17,0,0,0,0,0,0,Business Entity Type 3,,0.7344908061117028,0.5832379256761245,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-655.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1357273,334432,Cash loans,66734.46,1129500.0,1195101.0,,1129500.0,MONDAY,14,Y,1,,,,XNA,Refused,-541,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,1,Cash loans,F,N,Y,0,180000.0,633730.5,32485.5,504000.0,Family,Working,Higher education,Married,House / apartment,0.025164,-17660,-3933,-1968.0,-1209,,1,1,0,1,0,0,Managers,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.582614921603375,0.41110286794341416,0.2176285202779586,0.1227,,0.9776,,,0.0,0.2759,0.1667,,,,0.1152,,,0.125,,0.9777,,,0.0,0.2759,0.1667,,,,0.12,,,0.1239,,0.9776,,,0.0,0.2759,0.1667,,,,0.1173,,,,block of flats,0.1013,Panel,No,0.0,0.0,0.0,0.0,-1806.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2607237,428856,Consumer loans,3958.65,35991.0,35599.5,3600.0,35991.0,MONDAY,16,Y,1,0.1000198286388161,,,XAP,Approved,-2247,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,37,Connectivity,12.0,high,POS mobile with interest,365243.0,-2216.0,-1886.0,-1886.0,-1884.0,1.0,0,Cash loans,F,N,Y,0,135000.0,536917.5,22702.5,463500.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.0105,-9714,-2585,-1797.0,-2378,,1,1,0,1,0,0,,2.0,3,3,MONDAY,17,0,0,0,0,0,0,Other,0.6851237565784554,0.5987319373477202,0.6212263380626669,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1519.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1207212,269908,Cash loans,12511.665,90000.0,109480.5,0.0,90000.0,TUESDAY,11,Y,1,0.0,,,XNA,Approved,-1548,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-1518.0,-1188.0,-1188.0,-1179.0,1.0,0,Revolving loans,F,N,Y,0,72000.0,202500.0,10125.0,202500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006207,-15880,-4505,-9533.0,-4832,,1,1,1,1,1,0,Accountants,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Industry: type 13,,0.14990046497877402,0.5567274263630174,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1282.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2110622,326152,Consumer loans,7808.22,78093.0,70281.0,7812.0,78093.0,SATURDAY,14,Y,1,0.1089467453141534,,,XAP,Approved,-2830,Cash through the bank,XAP,,New,Computers,POS,XNA,Stone,179,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-2797.0,-2527.0,-2527.0,-2514.0,0.0,0,Cash loans,F,N,Y,0,121500.0,119925.0,11812.5,112500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.025164,-23976,365243,-5591.0,-5200,,1,0,0,1,0,0,,1.0,2,2,MONDAY,10,0,0,0,0,0,0,XNA,,0.3977934887106758,0.5937175866150576,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,0.0,-262.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +1959114,324292,Consumer loans,12064.815,149850.0,169137.0,0.0,149850.0,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-728,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,299,Consumer electronics,18.0,middle,POS household with interest,365243.0,-696.0,-186.0,-696.0,-685.0,0.0,0,Cash loans,M,Y,Y,0,171000.0,1078200.0,31653.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.035792000000000004,-12782,-1277,-302.0,-4909,11.0,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,10,0,0,0,0,1,1,Business Entity Type 3,,0.5110432164426221,0.633031641417419,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1337.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1745435,297244,Revolving loans,2250.0,45000.0,45000.0,,45000.0,TUESDAY,10,Y,1,,,,XAP,Approved,-232,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Country-wide,232,Connectivity,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,-180.0,0.0,0,Cash loans,M,N,Y,2,450000.0,760225.5,34353.0,679500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.006629,-14888,-225,-385.0,-4068,,1,1,0,1,0,0,Managers,4.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Agriculture,0.3549533201766579,0.6832152520346405,0.6313545365850379,0.066,,0.9791,,,,0.1379,0.125,,,,0.0688,,,0.0672,,0.9791,,,,0.1379,0.125,,,,0.0717,,,0.0666,,0.9791,,,,0.1379,0.125,,,,0.07,,,,block of flats,0.0541,Panel,No,0.0,0.0,0.0,0.0,-762.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2063216,353548,Cash loans,49626.0,900000.0,1101087.0,,900000.0,SATURDAY,10,Y,1,,,,XNA,Approved,-655,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,30.0,low_normal,Cash X-Sell: low,365243.0,-625.0,245.0,-145.0,-143.0,1.0,0,Cash loans,M,Y,Y,0,180000.0,450000.0,30204.0,450000.0,Family,Working,Secondary / secondary special,Married,Rented apartment,0.030755,-16118,-993,-2619.0,-2625,12.0,1,1,1,1,1,0,,2.0,2,2,WEDNESDAY,16,0,0,0,0,1,1,Self-employed,,0.6007267068888759,0.3296550543128238,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1281.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +2093778,331518,Revolving loans,29250.0,585000.0,585000.0,,585000.0,MONDAY,9,Y,1,,,,XAP,Refused,-354,XNA,LIMIT,,Repeater,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,157500.0,749349.0,24304.5,625500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.030755,-16838,-3668,-9603.0,-373,,1,1,0,1,0,0,Sales staff,2.0,2,2,FRIDAY,9,0,0,0,0,1,1,Housing,,0.6149817390861647,0.4436153084085652,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1850.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2449133,419905,Cash loans,21050.82,247500.0,302454.0,,247500.0,TUESDAY,12,Y,1,,,,XNA,Refused,-424,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,202500.0,641173.5,38308.5,553500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.016612000000000002,-14263,-1584,-7491.0,-5059,,1,1,0,1,0,1,Sales staff,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,Self-employed,,0.3013799217161985,0.0005272652387098817,0.033,0.0579,0.9871,0.8232,0.0234,0.0,0.069,0.0833,0.125,0.0809,0.0269,0.0282,0.0,0.0137,0.0336,0.0601,0.9871,0.8301,0.0236,0.0,0.069,0.0833,0.125,0.0827,0.0294,0.0294,0.0,0.0145,0.0333,0.0579,0.9871,0.8256,0.0235,0.0,0.069,0.0833,0.125,0.0823,0.0274,0.0287,0.0,0.014,reg oper account,block of flats,0.0379,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1007397,360525,Revolving loans,6750.0,0.0,135000.0,,,SATURDAY,8,Y,1,,,,XAP,Approved,-2373,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-2360.0,-2304.0,365243.0,-751.0,-130.0,0.0,0,Cash loans,M,N,N,0,247500.0,983299.5,41661.0,904500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.04622,-18095,-10309,-10670.0,-1635,,1,1,0,1,1,0,Laborers,2.0,1,1,WEDNESDAY,19,0,0,0,0,0,0,Military,,0.4116694523803345,0.2866524828090694,,,0.9841,,,,0.069,,,,,0.0549,,,,,0.9841,,,,0.069,,,,,0.0572,,,,,0.9841,,,,0.069,,,,,0.0559,,,,,0.07,,No,0.0,0.0,0.0,0.0,-2087.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2278657,268461,Revolving loans,7875.0,157500.0,157500.0,0.0,157500.0,FRIDAY,13,Y,1,0.0,,,XAP,Refused,-318,XNA,HC,,Repeater,XNA,Cards,walk-in,Country-wide,21,Connectivity,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,Y,Y,1,288000.0,824823.0,24115.5,688500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.019101,-14570,-3144,-8635.0,-4022,19.0,1,1,0,1,0,0,,3.0,2,2,MONDAY,13,0,0,0,0,0,0,Other,,0.7401279653202859,0.2735646775174348,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-318.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2802869,147662,Consumer loans,6822.45,96561.0,132039.0,0.0,96561.0,SATURDAY,6,Y,1,0.0,,,XAP,Approved,-703,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,1000,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-671.0,19.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,87750.0,1056447.0,31018.5,922500.0,"Spouse, partner",Working,Higher education,Married,Rented apartment,0.020713,-8739,-382,-3211.0,-473,,1,1,0,1,0,0,Core staff,2.0,3,3,TUESDAY,14,0,0,0,1,1,0,Kindergarten,0.3520745497331925,0.4384145301066376,0.39449540531239935,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-703.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1073165,178180,Cash loans,,0.0,0.0,,,MONDAY,11,Y,1,,,,XNA,Refused,-252,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,1,Cash loans,F,N,Y,0,112500.0,210456.0,11749.5,166500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.0060079999999999995,-19885,365243,-7354.0,-70,,1,0,0,1,1,0,,2.0,2,2,MONDAY,14,0,0,0,0,0,0,XNA,,0.6350075737545801,0.42589289800515295,0.067,0.0627,0.9846,0.7892,0.0275,0.0,0.1379,0.1667,0.2083,0.0643,0.0546,0.059,0.0,0.0,0.063,0.0644,0.9831,0.7779,0.0271,0.0,0.1379,0.1667,0.2083,0.06,0.0551,0.058,0.0,0.0,0.0677,0.0627,0.9846,0.792,0.0277,0.0,0.1379,0.1667,0.2083,0.0655,0.0556,0.0601,0.0,0.0,reg oper account,block of flats,0.0478,"Stone, brick",No,1.0,0.0,1.0,0.0,-1442.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2726358,313261,Consumer loans,12872.16,84172.5,89730.0,0.0,84172.5,SATURDAY,17,Y,1,0.0,,,XAP,Approved,-1852,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,1500,Consumer electronics,8.0,middle,POS household without interest,365243.0,-1821.0,-1611.0,-1611.0,-1606.0,0.0,0,Cash loans,M,Y,Y,1,135000.0,284400.0,18306.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.005084,-15421,365243,-2756.0,-1398,6.0,1,0,0,1,0,0,,3.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,,0.5074800386112521,0.7751552674785404,0.0392,0.0755,0.9801,,,,0.1207,0.1042,,0.0071,,0.02,,,0.0168,0.0783,0.9747,,,,0.1034,0.0417,,0.0054,,0.0078,,,0.0396,0.0755,0.9801,,,,0.1207,0.1042,,0.0072,,0.0204,,,,block of flats,0.0425,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1378942,121075,Revolving loans,9000.0,135000.0,180000.0,,135000.0,SATURDAY,15,N,1,,,,XAP,Refused,-709,XNA,HC,,Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,N,0,135000.0,677664.0,28615.5,585000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010147,-17214,-5113,-3952.0,-752,,1,1,0,1,1,0,High skill tech staff,2.0,2,2,MONDAY,11,0,0,0,0,0,0,Business Entity Type 2,0.5346599045993922,0.3781947764114208,0.1852020815902493,0.1646,0.0614,0.9806,0.9796,0.1182,0.32,0.1379,0.1942,0.5833,0.331,0.3782,0.127,0.0695,0.0977,0.0053,0.0637,0.9717,0.9804,0.1193,0.3222,0.1379,0.0,0.5833,0.3385,0.4132,0.0049,0.07,0.1034,0.0062,0.0614,0.9722,0.9799,0.1189,0.32,0.1379,0.0,0.5833,0.3367,0.3848,0.005,0.0699,0.0997,org spec account,block of flats,0.3132,Wooden,No,0.0,0.0,0.0,0.0,-782.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1629438,425704,Cash loans,7185.06,90000.0,117441.0,,90000.0,THURSDAY,9,Y,1,,,,XNA,Refused,-439,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,Y,Y,0,247500.0,299772.0,17338.5,247500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-15730,-8402,-4835.0,-4835,16.0,1,1,0,1,0,0,Managers,2.0,2,2,TUESDAY,9,0,0,0,0,1,1,Postal,,0.5515404592704454,0.6512602186973006,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-316.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,9.0 +1824558,284673,Consumer loans,9006.525,87885.0,88857.0,8775.0,87885.0,THURSDAY,15,Y,1,0.09788565969428796,,,XAP,Approved,-914,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,1000,Connectivity,14.0,high,POS mobile with interest,365243.0,-877.0,-487.0,-487.0,-484.0,0.0,0,Cash loans,F,N,N,0,247500.0,604152.0,30847.5,540000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.032561,-19693,-3517,-10379.0,-3240,,1,1,1,1,1,0,Private service staff,2.0,1,1,FRIDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.7657065459240255,0.5954562029091491,0.1031,0.0718,0.9742,0.6464,0.0106,0.0,0.1724,0.1667,0.2083,0.1676,0.0841,0.0906,0.0,0.0,0.105,0.0745,0.9742,0.6602,0.0107,0.0,0.1724,0.1667,0.2083,0.1714,0.0918,0.0944,0.0,0.0,0.1041,0.0718,0.9742,0.6511,0.0106,0.0,0.1724,0.1667,0.2083,0.1705,0.0855,0.0922,0.0,0.0,reg oper account,block of flats,0.0713,Panel,No,0.0,0.0,0.0,0.0,-914.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2219889,217844,Consumer loans,6324.57,52015.5,52015.5,0.0,52015.5,MONDAY,9,Y,1,0.0,,,XAP,Approved,-205,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,12.0,high,POS mobile with interest,365243.0,-175.0,155.0,365243.0,365243.0,0.0,0,Revolving loans,M,N,N,1,112500.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.008865999999999999,-14336,-822,-6307.0,-2629,,1,1,0,1,1,0,Laborers,3.0,2,2,WEDNESDAY,18,0,0,0,0,0,0,Business Entity Type 3,0.3582753994635509,0.3131079565121484,0.4418358231994413,0.0598,,0.9836,,,0.0,0.1379,0.1667,,0.0144,,0.0538,,0.0038,0.0609,,0.9836,,,0.0,0.1379,0.1667,,0.0147,,0.056,,0.0041,0.0604,,0.9836,,,0.0,0.1379,0.1667,,0.0147,,0.0547,,0.0039,,block of flats,0.0599,"Stone, brick",No,0.0,0.0,0.0,0.0,-205.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2288451,135849,Consumer loans,5922.81,47250.0,51147.0,0.0,47250.0,SUNDAY,16,Y,1,0.0,,,XAP,Approved,-2416,XNA,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,6,Clothing,10.0,middle,POS industry with interest,365243.0,-2377.0,-2107.0,-2167.0,-2164.0,1.0,0,Cash loans,F,N,Y,0,90000.0,225000.0,16371.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.026392000000000002,-12170,-4584,-4653.0,-4661,,1,1,1,1,1,0,Sales staff,1.0,2,2,MONDAY,12,0,0,0,0,0,0,Self-employed,,0.6548042623813533,0.8327850252992314,0.166,0.1538,0.9886,0.8436,0.0852,0.0,0.3793,0.1667,0.2083,0.2408,0.1345,0.1763,0.0039,0.001,0.1691,0.1596,0.9886,0.8497,0.0859,0.0,0.3793,0.1667,0.2083,0.2463,0.1469,0.1837,0.0039,0.0011,0.1676,0.1538,0.9886,0.8457,0.0857,0.0,0.3793,0.1667,0.2083,0.245,0.1368,0.1794,0.0039,0.001,reg oper account,block of flats,0.1625,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1071384,159038,Consumer loans,12887.82,103005.0,112068.0,0.0,103005.0,MONDAY,10,Y,1,0.0,,,XAP,Approved,-1058,Cash through the bank,XAP,Other_B,New,Computers,POS,XNA,Regional / Local,74,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1027.0,-757.0,-757.0,-744.0,0.0,0,Cash loans,F,N,Y,1,99000.0,797814.0,25866.0,571500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.008068,-8626,-429,-3448.0,-1184,,1,1,0,1,0,0,,3.0,3,3,TUESDAY,8,0,0,0,1,1,0,Self-employed,0.4896377661771936,0.3186272125073342,0.5762088360175724,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-318.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,1.0 +1323333,149043,Consumer loans,35022.06,927000.0,927000.0,0.0,927000.0,FRIDAY,9,Y,1,0.0,,,XAP,Refused,-669,Cash through the bank,HC,,Refreshed,Furniture,POS,XNA,Country-wide,150,Consumer electronics,36.0,low_normal,POS household with interest,,,,,,,0,Cash loans,F,N,Y,2,202500.0,675000.0,28975.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.025164,-13277,-636,-1420.0,-4010,,1,1,1,1,1,0,Sales staff,4.0,2,2,TUESDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.2497689466285773,0.5581405375104213,0.5280927512030451,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-669.0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1496920,270912,Revolving loans,3375.0,0.0,67500.0,,,TUESDAY,13,Y,1,,,,XAP,Approved,-2717,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card Street,-2715.0,-2669.0,365243.0,-932.0,-42.0,0.0,0,Cash loans,F,Y,Y,0,202500.0,584766.0,23319.0,472500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-19897,-1237,-4051.0,-3352,25.0,1,1,0,1,0,0,Sales staff,2.0,3,3,WEDNESDAY,7,0,0,0,0,0,0,Self-employed,,0.5230776420324934,0.6446794549585961,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1856.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2001266,289969,Consumer loans,3899.475,47709.0,55264.5,0.0,47709.0,SATURDAY,10,Y,1,0.0,,,XAP,Approved,-653,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,9,Consumer electronics,18.0,middle,POS household with interest,365243.0,-615.0,-105.0,-375.0,-372.0,0.0,0,Cash loans,M,Y,N,2,126000.0,269550.0,16416.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.022625,-12245,-672,-2757.0,-2341,8.0,1,1,1,1,0,0,Laborers,4.0,2,2,WEDNESDAY,7,0,0,0,0,0,0,Business Entity Type 2,,0.3616523322950417,0.19294222771695085,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1656.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1618485,448077,Consumer loans,4488.885,33336.0,32481.0,3330.0,33336.0,THURSDAY,13,Y,1,0.10127259018940346,,,XAP,Approved,-2225,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Stone,25,Connectivity,10.0,high,POS mobile with interest,365243.0,-2194.0,-1924.0,-1924.0,-1921.0,0.0,0,Cash loans,F,N,Y,0,180000.0,1115046.0,36981.0,999000.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.02461,-21833,365243,-7077.0,-4681,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,XNA,0.8020260165006338,0.4483064172834266,0.5352762504724826,0.0722,0.0714,0.9881,0.8368,0.0372,0.0,0.0345,0.1667,0.2083,0.0742,0.0588,0.0491,0.0,0.0,0.0735,0.0741,0.9881,0.8432,0.0375,0.0,0.0345,0.1667,0.2083,0.0759,0.0643,0.0511,0.0,0.0,0.0729,0.0714,0.9881,0.8390000000000001,0.0374,0.0,0.0345,0.1667,0.2083,0.0755,0.0599,0.0499,0.0,0.0,reg oper spec account,block of flats,0.0589,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,6.0,1.0,2.0 +2745367,263165,Revolving loans,9000.0,0.0,180000.0,,,MONDAY,13,Y,1,,,,XAP,Approved,-2778,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card Street,-2735.0,-2680.0,365243.0,-883.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,270000.0,1078200.0,31522.5,900000.0,Unaccompanied,Working,Higher education,Widow,House / apartment,0.035792000000000004,-21887,-6420,-8544.0,-4883,2.0,1,1,0,1,1,0,Managers,1.0,2,2,SUNDAY,12,0,0,0,0,0,0,Self-employed,0.8197771480754233,0.7665959022870554,0.646329897706246,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,0.0,-1521.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1726407,221803,Consumer loans,3979.35,29421.0,19129.5,11250.0,29421.0,WEDNESDAY,17,Y,1,0.4033072541441671,,,XAP,Approved,-1106,Cash through the bank,XAP,Family,New,Office Appliances,POS,XNA,Country-wide,24,Connectivity,6.0,high,POS mobile with interest,365243.0,-1075.0,-925.0,-985.0,-976.0,0.0,0,Cash loans,F,N,Y,2,135000.0,787131.0,26145.0,679500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-12501,-1903,-1134.0,-1611,,1,1,0,1,0,0,,4.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.6758315928910104,0.5705538411418709,0.5656079814115492,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1106.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1054329,330316,Consumer loans,15141.465,218331.0,256374.0,0.0,218331.0,TUESDAY,13,Y,1,0.0,,,XAP,Approved,-1220,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,2194,Consumer electronics,24.0,middle,POS household with interest,365243.0,-1189.0,-499.0,-499.0,-494.0,0.0,0,Cash loans,F,N,Y,0,121500.0,425133.0,15399.0,351000.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.025164,-22753,365243,-10506.0,-4263,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,13,0,0,0,0,0,0,XNA,,0.5218337046154801,0.1245194708919845,0.0227,,0.9796,,,,0.1034,0.0417,,,,0.0186,,0.0,0.0231,,0.9796,,,,0.1034,0.0417,,,,0.0194,,0.0,0.0229,,0.9796,,,,0.1034,0.0417,,,,0.0189,,0.0,,block of flats,0.0146,Block,No,0.0,0.0,0.0,0.0,-1991.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2637178,406327,Consumer loans,14889.285,76630.5,72382.5,7663.5,76630.5,MONDAY,12,Y,1,0.1042681480875769,,,XAP,Refused,-1215,Cash through the bank,HC,Children,Repeater,Mobile,POS,XNA,Country-wide,24,Connectivity,6.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,Y,Y,0,247500.0,675000.0,32602.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.019688999999999998,-15620,-7421,-9475.0,-3055,6.0,1,1,0,1,0,1,Laborers,1.0,2,2,FRIDAY,9,0,0,0,0,0,0,Other,,0.5048399349593397,0.3825018041447388,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-2599.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1151247,369082,Consumer loans,13129.695,131310.0,118179.0,13131.0,131310.0,TUESDAY,12,Y,1,0.1089090909090909,,,XAP,Approved,-1662,Cash through the bank,XAP,,New,Furniture,POS,XNA,Stone,100,Furniture,10.0,low_normal,POS industry with interest,365243.0,-1630.0,-1360.0,-1360.0,-1356.0,0.0,0,Cash loans,F,Y,Y,0,157500.0,486531.0,46089.0,468000.0,Unaccompanied,Pensioner,Higher education,Married,Municipal apartment,0.04622,-22610,365243,-4945.0,-4493,4.0,1,0,0,1,0,0,,2.0,1,1,FRIDAY,15,0,0,0,0,0,0,XNA,,0.8001307932340609,0.6706517530862718,0.1505,,0.9811,,,0.12,0.1034,0.3333,,,,0.1275,,,0.1534,,0.9811,,,0.1208,0.1034,0.3333,,,,0.1329,,,0.152,,0.9811,,,0.12,0.1034,0.3333,,,,0.1298,,,,block of flats,0.1317,"Stone, brick",No,1.0,0.0,1.0,0.0,-1662.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1386816,157140,Consumer loans,13959.09,155475.0,147015.0,22500.0,155475.0,FRIDAY,15,Y,1,0.14455679706542465,,,XAP,Approved,-270,Cash through the bank,XAP,Unaccompanied,Refreshed,Auto Accessories,POS,XNA,Stone,145,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-240.0,90.0,365243.0,365243.0,1.0,0,Revolving loans,F,N,N,0,157500.0,315000.0,15750.0,315000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.007114,-22764,365243,-13762.0,-4717,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,,0.3464111505089578,0.06779391064125932,0.0928,0.0967,0.9786,0.7076,0.0136,0.0,0.2069,0.1667,0.2083,0.0994,,0.08800000000000001,,0.0,0.0945,0.1004,0.9786,0.7190000000000001,0.0137,0.0,0.2069,0.1667,0.2083,0.1017,,0.0917,,0.0,0.0937,0.0967,0.9786,0.7115,0.0136,0.0,0.2069,0.1667,0.2083,0.1011,,0.0896,,0.0,reg oper account,block of flats,0.0692,Panel,No,0.0,0.0,0.0,0.0,-270.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1944563,101158,Consumer loans,9187.335,62995.5,47587.5,18900.0,62995.5,SUNDAY,14,Y,1,0.30958929395477625,,,XAP,Approved,-150,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,2100,Consumer electronics,6.0,middle,POS household with interest,365243.0,-120.0,30.0,365243.0,365243.0,1.0,0,Revolving loans,M,Y,Y,0,180000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.009656999999999999,-10419,-138,-180.0,-2687,64.0,1,1,0,1,0,0,Sales staff,1.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Trade: type 3,0.2863511566519457,0.5670676763349843,0.07153267628052741,0.2598,0.2017,0.9816,0.7484,0.0472,0.28,0.2414,0.3333,0.375,0.1826,0.211,0.2958,0.0039,0.0049,0.2647,0.2093,0.9816,0.7583,0.0476,0.282,0.2414,0.3333,0.375,0.1868,0.2305,0.3082,0.0039,0.0052,0.2623,0.2017,0.9816,0.7518,0.0475,0.28,0.2414,0.3333,0.375,0.1858,0.2146,0.3011,0.0039,0.005,reg oper account,block of flats,0.2956,Panel,No,0.0,0.0,0.0,0.0,-483.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1223796,368132,Consumer loans,9253.08,155241.0,180126.0,0.0,155241.0,THURSDAY,19,Y,1,0.0,,,XAP,Refused,-453,Cash through the bank,LIMIT,,Repeater,Consumer Electronics,POS,XNA,Country-wide,2240,Consumer electronics,30.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,N,0,99000.0,314100.0,12420.0,225000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.008865999999999999,-8869,-811,-1553.0,-1553,,1,1,0,1,0,1,,1.0,2,2,MONDAY,16,0,0,0,1,1,0,Business Entity Type 3,0.2264309732890989,0.3226044676964559,0.4686596550493113,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-688.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1411824,359346,Consumer loans,6008.265,32350.095,29223.0,4504.095,32350.095,TUESDAY,15,Y,1,0.14544297153910876,,,XAP,Approved,-2238,Cash through the bank,XAP,Children,Refreshed,Mobile,POS,XNA,Country-wide,2880,Consumer electronics,6.0,high,POS household with interest,365243.0,-2207.0,-2057.0,-2057.0,-2051.0,0.0,0,Cash loans,F,N,Y,0,162000.0,490495.5,27387.0,454500.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,House / apartment,0.022625,-18076,-7294,-6941.0,-1614,,1,1,0,1,0,0,High skill tech staff,1.0,2,2,SUNDAY,10,0,0,0,0,0,0,Police,0.8456339468793144,0.5875501265198848,0.511891801533151,0.0619,,0.9752,,,0.0,0.1034,0.1667,,,,0.034,,,0.063,,0.9752,,,0.0,0.1034,0.1667,,,,0.0355,,,0.0625,,0.9752,,,0.0,0.1034,0.1667,,,,0.0346,,,,block of flats,0.0399,Panel,No,0.0,0.0,0.0,0.0,-2238.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2462537,298059,Cash loans,10332.72,90000.0,95940.0,,90000.0,TUESDAY,10,Y,1,,,,XNA,Approved,-535,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-505.0,-175.0,-175.0,-166.0,1.0,0,Revolving loans,F,N,Y,0,189000.0,585000.0,29250.0,585000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-20366,365243,-8372.0,-3767,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,XNA,,0.5196507131922115,0.6380435278721609,,0.056,0.9856,,,0.0,0.1034,0.1667,,,,0.0431,,0.0,,0.0581,0.9856,,,0.0,0.1034,0.1667,,,,0.0449,,0.0,,0.056,0.9856,,,0.0,0.1034,0.1667,,,,0.0439,,0.0,,,0.0339,"Stone, brick",No,4.0,0.0,3.0,0.0,-1814.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1388028,372949,Cash loans,35613.0,1350000.0,1350000.0,,1350000.0,SUNDAY,9,Y,1,,,,XNA,Approved,-169,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_action,Cash X-Sell: low,365243.0,-139.0,1631.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,157500.0,501435.0,19030.5,414000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.008473999999999999,-21291,365243,-2942.0,-3595,6.0,1,0,0,1,0,0,,2.0,2,2,MONDAY,14,0,0,0,0,0,0,XNA,,0.6386842693875221,0.6910212267577837,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-375.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,7.0 +1503590,449325,Revolving loans,9000.0,180000.0,180000.0,,180000.0,SUNDAY,4,Y,1,,,,XAP,Approved,-119,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,1,202500.0,1061599.5,31171.5,927000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.014464,-11212,-355,-5043.0,-2720,,1,1,0,1,0,0,,3.0,2,2,SUNDAY,7,0,0,0,0,0,0,Business Entity Type 3,0.1910601557933396,0.7469413506538222,0.6925590674998008,0.1948,0.0906,0.9856,0.8028,0.0,0.0,0.0345,0.3333,0.375,0.0473,0.1589,0.106,0.0,0.0086,0.1985,0.094,0.9856,0.8105,0.0,0.0,0.0345,0.3333,0.375,0.0484,0.1736,0.1105,0.0,0.0091,0.1967,0.0906,0.9856,0.8054,0.0,0.0,0.0345,0.3333,0.375,0.0482,0.1616,0.108,0.0,0.0088,reg oper account,block of flats,0.1078,Panel,No,0.0,0.0,0.0,0.0,-1337.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +1735211,311134,Consumer loans,6088.23,34420.5,32611.5,3442.5,34420.5,WEDNESDAY,16,Y,1,0.1039883356783007,,,XAP,Refused,-961,Cash through the bank,LIMIT,Family,Repeater,Computers,POS,XNA,Regional / Local,250,Consumer electronics,6.0,middle,POS household with interest,,,,,,,0,Cash loans,M,N,N,0,112500.0,485640.0,38938.5,450000.0,Family,Commercial associate,Higher education,Single / not married,Rented apartment,0.026392000000000002,-8552,-1098,-3391.0,-1235,,1,1,0,1,0,0,High skill tech staff,1.0,2,2,MONDAY,15,0,0,0,1,1,0,Business Entity Type 3,0.20846580060132244,0.6629675431632356,0.12530787842823918,0.0278,0.0551,0.9935,,,0.0,0.1034,0.0833,,0.0111,,0.0253,,0.0,0.0284,0.0572,0.9935,,,0.0,0.1034,0.0833,,0.0114,,0.0264,,0.0,0.0281,0.0551,0.9935,,,0.0,0.1034,0.0833,,0.0113,,0.0258,,0.0,,block of flats,0.0199,"Stone, brick",No,1.0,1.0,1.0,1.0,-1057.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1933986,229574,Consumer loans,4116.465,30595.5,29808.0,3060.0,30595.5,SUNDAY,20,Y,1,0.10139400577516673,,,XAP,Approved,-1884,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Country-wide,2221,Consumer electronics,10.0,high,POS household with interest,365243.0,-1853.0,-1583.0,-1643.0,-1639.0,0.0,0,Cash loans,F,N,Y,0,180000.0,1082214.0,31770.0,945000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.072508,-22665,365243,-14951.0,-3919,,1,0,0,1,0,0,,2.0,1,1,MONDAY,12,0,0,0,0,0,0,XNA,0.7167179922810537,0.7383195396421951,0.3723336657058204,0.2048,0.0869,0.9901,0.6736,0.0,0.24,0.1034,0.5971,0.0417,0.0,0.0706,0.1336,0.0,0.0655,0.0882,0.0353,0.997,0.6864,0.0,0.0806,0.0345,0.6667,0.0417,0.0,0.0771,0.075,0.0,0.0516,0.1999,0.084,0.997,0.6779999999999999,0.0,0.24,0.1034,0.6667,0.0417,0.0,0.0718,0.1237,0.0,0.0669,org spec account,block of flats,0.1681,Panel,No,0.0,0.0,0.0,0.0,-1159.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1974396,398072,Cash loans,29606.355,450000.0,653706.0,,450000.0,TUESDAY,15,Y,1,,,,XNA,Approved,-805,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-775.0,635.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,2,135000.0,314055.0,16164.0,238500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.031329,-14661,-2565,-6293.0,-4269,,1,1,0,1,0,0,Laborers,4.0,2,2,TUESDAY,14,0,0,0,0,0,0,Trade: type 1,0.7681726227502769,0.4306504674275795,0.7407990879702335,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1039.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2803680,444769,Cash loans,39713.625,697500.0,745375.5,,697500.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-159,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-129.0,561.0,365243.0,365243.0,1.0,0,Cash loans,M,N,N,1,225000.0,533304.0,28053.0,405000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.022625,-19600,-1949,-2652.0,-3127,,1,1,0,1,0,0,Managers,3.0,2,2,MONDAY,13,0,1,1,0,1,1,Business Entity Type 3,,0.22842436201913044,0.36227724703843145,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-159.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1717272,113907,Cash loans,11093.265,135000.0,148365.0,,135000.0,FRIDAY,9,Y,1,,,,XNA,Approved,-530,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-500.0,10.0,-140.0,-136.0,1.0,0,Cash loans,F,N,N,0,90000.0,450000.0,14373.0,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.015221,-21332,365243,-1899.0,-1917,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,12,0,0,0,1,0,0,XNA,,0.7143506864089235,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1029.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2050942,144710,Cash loans,33761.385,292500.0,308718.0,0.0,292500.0,FRIDAY,10,Y,1,0.0,,,XNA,Approved,-2086,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-2056.0,-1726.0,-1876.0,-1867.0,1.0,0,Cash loans,M,Y,N,0,202500.0,755190.0,28894.5,675000.0,Family,Working,Higher education,Married,House / apartment,0.028663,-16543,-4540,-8806.0,-99,7.0,1,1,0,1,0,0,High skill tech staff,2.0,2,2,THURSDAY,14,0,0,0,0,1,1,Transport: type 2,0.4725131595635574,0.7035632126701117,0.5190973382084597,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,2.0,3.0,2.0,-2086.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1946064,440555,Consumer loans,3420.225,18040.5,17041.5,1804.5,18040.5,SATURDAY,10,Y,1,0.10428019449509426,,,XAP,Approved,-2808,Cash through the bank,XAP,Other_B,New,Mobile,POS,XNA,Country-wide,30,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2777.0,-2627.0,-2627.0,-2100.0,1.0,0,Cash loans,F,N,Y,0,112500.0,225000.0,15165.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Rented apartment,0.015221,-11658,-291,-1891.0,-4036,,1,1,0,1,0,0,Sales staff,1.0,2,2,SUNDAY,11,0,0,0,1,1,0,Business Entity Type 3,,0.7519630471189234,0.10145935699146924,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-185.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1564505,351402,Consumer loans,8766.585,183280.5,77787.0,112500.0,183280.5,MONDAY,15,Y,1,0.6438838558216128,,,XAP,Approved,-2286,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,134,Consumer electronics,12.0,high,POS household with interest,365243.0,-2255.0,-1925.0,-2105.0,-2098.0,0.0,0,Cash loans,F,N,Y,0,63000.0,225000.0,16951.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.028663,-24193,365243,-11081.0,-4435,,1,0,0,1,1,0,,1.0,2,2,FRIDAY,14,0,0,0,0,0,0,XNA,,0.6998970759849028,0.8327850252992314,0.0495,0.0325,0.9841,,,0.08,0.0345,0.4583,,0.0,,0.0548,,0.0,0.0504,0.0337,0.9841,,,0.0806,0.0345,0.4583,,0.0,,0.0571,,0.0,0.05,0.0325,0.9841,,,0.08,0.0345,0.4583,,0.0,,0.0558,,0.0,,block of flats,0.057,Panel,No,0.0,0.0,0.0,0.0,-2474.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1825541,388541,Consumer loans,12507.885,93599.145,102861.0,3.645,93599.145,WEDNESDAY,18,Y,1,3.85918442982656e-05,,,XAP,Approved,-2225,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,1370,Consumer electronics,12.0,high,POS household with interest,365243.0,-2194.0,-1864.0,-1984.0,-1976.0,0.0,0,Cash loans,F,N,N,0,225000.0,1329579.0,36693.0,1161000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009549,-19131,-4438,-3022.0,-2667,,1,1,0,1,0,0,Accountants,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Industry: type 11,,0.526562365976249,0.6674577419214722,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1427.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,1.0,3.0 +2036212,450899,Revolving loans,21375.0,427500.0,427500.0,,427500.0,FRIDAY,9,Y,1,,,,XAP,Refused,-361,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,Y,N,0,126000.0,99000.0,10791.0,99000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.015221,-10109,-100,-4551.0,-2451,29.0,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,13,0,0,0,0,1,1,Construction,,0.26639155020504385,0.3996756156233169,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-361.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1297853,360990,Revolving loans,6750.0,135000.0,135000.0,,135000.0,MONDAY,16,Y,1,,,,XAP,Refused,-666,XNA,SCOFR,,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),1,XNA,0.0,XNA,Card Street,,,,,,,1,Revolving loans,M,N,Y,0,180000.0,225000.0,11250.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.035792000000000004,-14706,-279,-1071.0,-3249,,1,1,0,1,0,0,Drivers,1.0,2,2,TUESDAY,16,0,0,0,0,0,0,Self-employed,0.4082821543233791,0.47897221264743606,,0.1031,0.081,0.9801,,,0.0,0.2069,0.1667,,0.0709,,0.0843,,,0.105,0.0841,0.9801,,,0.0,0.2069,0.1667,,0.0725,,0.0878,,,0.1041,0.081,0.9801,,,0.0,0.2069,0.1667,,0.0721,,0.0858,,,,block of flats,0.087,Panel,No,1.0,1.0,1.0,1.0,-1040.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1226524,181061,Revolving loans,3375.0,0.0,67500.0,,,TUESDAY,19,Y,1,,,,XAP,Approved,-2831,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,36,Connectivity,0.0,XNA,Card Street,-2812.0,-2771.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,2,135000.0,862560.0,25218.0,720000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-13890,-2251,-5998.0,-4584,,1,1,1,1,1,0,Security staff,4.0,2,2,FRIDAY,12,0,0,0,0,0,0,School,0.3400013966031108,0.3630266098813311,0.4543210601605785,0.0742,0.0482,0.9881,0.8368,0.0509,0.08,0.069,0.3333,0.375,0.0098,0.0605,0.0702,0.0,0.1281,0.0756,0.05,0.9881,0.8432,0.0514,0.0806,0.069,0.3333,0.375,0.01,0.0661,0.0732,0.0,0.1356,0.0749,0.0482,0.9881,0.8390000000000001,0.0513,0.08,0.069,0.3333,0.375,0.01,0.0616,0.0715,0.0,0.1308,reg oper account,block of flats,0.0831,Panel,No,7.0,4.0,7.0,3.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2824544,401633,Revolving loans,6750.0,135000.0,135000.0,,135000.0,MONDAY,16,Y,1,,,,XAP,Approved,-670,XNA,XAP,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,-60.0,0.0,0,Cash loans,F,N,Y,0,202500.0,225000.0,10620.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007114,-19778,-1299,-2004.0,-3295,,1,1,0,1,0,0,Realty agents,2.0,2,2,SATURDAY,17,0,0,0,0,1,1,Realtor,,0.6401363333954535,0.4578995512067301,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1260.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,4.0,5.0 +2063781,239526,Cash loans,,0.0,0.0,,,WEDNESDAY,7,Y,1,,,,XNA,Refused,-378,XNA,SCOFR,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,1,234000.0,547272.0,43236.0,495000.0,Unaccompanied,Working,Lower secondary,Separated,House / apartment,0.002506,-11915,-210,-6146.0,-4505,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,Self-employed,0.6906048006623362,0.5127916274085187,0.4436153084085652,0.0082,,0.9702,0.5920000000000001,0.0,0.0,0.0345,0.0417,0.0417,,0.0067,0.005,0.0,0.0,0.0084,,0.9702,0.608,0.0,0.0,0.0345,0.0417,0.0417,,0.0073,0.0052,0.0,0.0,0.0083,,0.9702,0.5975,0.0,0.0,0.0345,0.0417,0.0417,,0.0068,0.0051,0.0,0.0,reg oper account,block of flats,0.0039,,No,4.0,0.0,4.0,0.0,-165.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +2440211,185782,Consumer loans,14215.095,129222.0,116298.0,12924.0,129222.0,MONDAY,15,Y,1,0.1089242614190378,,,XAP,Approved,-728,XNA,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Stone,30,Connectivity,10.0,middle,POS mobile with interest,365243.0,-693.0,-423.0,-543.0,-526.0,0.0,0,Revolving loans,M,Y,Y,1,292500.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-10093,-1901,-572.0,-2429,2.0,1,1,1,1,1,0,Managers,3.0,2,2,MONDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.6063932920200859,0.6528965519806539,0.2546,0.2567,0.9921,,,0.2,0.1724,0.3333,,0.252,,0.3886,,0.1562,0.2595,0.2663,0.9921,,,0.2014,0.1724,0.3333,,0.2578,,0.4049,,0.1654,0.2571,0.2567,0.9921,,,0.2,0.1724,0.3333,,0.2564,,0.3956,,0.1595,,block of flats,0.3396,"Stone, brick",No,0.0,0.0,0.0,0.0,-1869.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0.0,0.0,0.0,0.0,0.0,3.0 +1905239,328129,Revolving loans,2250.0,45000.0,45000.0,,45000.0,FRIDAY,12,Y,1,,,,XAP,Approved,-181,XNA,XAP,Unaccompanied,New,XNA,Cards,walk-in,Country-wide,621,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,112500.0,314100.0,14683.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007305,-11218,-2988,-1371.0,-1520,,1,1,0,1,0,0,Medicine staff,3.0,3,3,THURSDAY,11,0,0,0,0,0,0,Medicine,0.2060013995283108,0.6510033142955971,,0.0155,,0.9722,,,0.0,0.0345,0.0417,,0.0047,,0.0074,,,0.0158,,0.9722,,,0.0,0.0345,0.0417,,0.0048,,0.0077,,,0.0156,,0.9722,,,0.0,0.0345,0.0417,,0.0048,,0.0075,,,,block of flats,0.0058,"Stone, brick",No,0.0,0.0,0.0,0.0,-181.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1853072,208239,Consumer loans,11188.44,100602.0,112221.0,0.0,100602.0,THURSDAY,12,Y,1,0.0,,,XAP,Approved,-1173,XNA,XAP,Children,Repeater,Audio/Video,POS,XNA,Country-wide,1084,Consumer electronics,14.0,high,POS household with interest,365243.0,-1142.0,-752.0,-782.0,-778.0,0.0,1,Cash loans,F,N,Y,0,175500.0,942300.0,27549.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.018029,-21990,365243,-4196.0,-4205,,1,0,0,1,0,0,,1.0,3,3,MONDAY,8,0,0,0,0,0,0,XNA,,0.6286491118995614,0.6109913280868294,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,3.0,4.0,3.0,-1173.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2654857,222644,Revolving loans,13500.0,0.0,270000.0,,,WEDNESDAY,11,Y,1,,,,XAP,Refused,-488,XNA,HC,,Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,Y,Y,0,225000.0,1288350.0,37800.0,1125000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.02461,-13304,-918,-7360.0,-2623,6.0,1,1,0,1,1,0,,2.0,2,2,MONDAY,16,0,0,0,0,0,0,Medicine,,0.5480113841251055,0.8482442999507556,0.1113,0.0767,0.9866,0.8164,,0.12,0.1034,0.3333,,0.0633,0.0908,0.1127,,,0.1134,0.0796,0.9866,0.8236,,0.1208,0.1034,0.3333,,0.0647,0.0992,0.1174,,,0.1124,0.0767,0.9866,0.8189,,0.12,0.1034,0.3333,,0.0644,0.0923,0.1147,,,,block of flats,0.0886,Panel,No,0.0,0.0,0.0,0.0,-2548.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1685265,161267,Consumer loans,14757.075,83529.0,83529.0,0.0,83529.0,MONDAY,10,Y,1,0.0,,,XAP,Approved,-896,XNA,XAP,Family,New,Homewares,POS,XNA,Stone,40,Industry,6.0,low_normal,POS industry with interest,365243.0,-865.0,-715.0,-805.0,-799.0,0.0,0,Cash loans,F,N,Y,2,337500.0,339948.0,27256.5,315000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-12889,-629,-910.0,-3090,,1,1,1,1,0,0,Sales staff,4.0,2,2,MONDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.5702424211770015,0.7312028096060553,0.5797274227921155,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1011.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1557160,147883,Revolving loans,13500.0,270000.0,270000.0,,270000.0,TUESDAY,13,Y,1,,,,XAP,Approved,-20,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-18.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,112500.0,227520.0,14940.0,180000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.009175,-10527,-900,-4794.0,-3202,,1,1,0,1,0,1,High skill tech staff,1.0,2,2,MONDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.4884140841905022,0.4055661913834919,0.5046813193144684,0.0825,0.085,0.9786,0.7076,0.0107,0.0,0.1379,0.1667,0.2083,0.0463,0.0672,0.0698,0.0,0.0,0.084,0.0882,0.9786,0.7190000000000001,0.0108,0.0,0.1379,0.1667,0.2083,0.0473,0.0735,0.0727,0.0,0.0,0.0833,0.085,0.9786,0.7115,0.0107,0.0,0.1379,0.1667,0.2083,0.0471,0.0684,0.071,0.0,0.0,reg oper account,block of flats,0.0607,Panel,No,1.0,0.0,1.0,0.0,-1751.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1743443,264481,Consumer loans,8900.145,104152.5,104152.5,0.0,104152.5,THURSDAY,10,Y,1,0.0,,,XAP,Approved,-1338,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Regional / Local,54,Consumer electronics,18.0,high,POS household with interest,365243.0,-1307.0,-797.0,-857.0,-852.0,0.0,0,Cash loans,M,N,N,0,112500.0,521280.0,28278.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.020246,-12855,-4851,-1542.0,-892,,1,1,1,1,1,0,,1.0,3,3,THURSDAY,9,0,0,0,1,1,0,Government,0.2430248901165796,0.5457571557904599,0.25670557243930026,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1489.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2038505,146057,Revolving loans,9000.0,180000.0,180000.0,,180000.0,MONDAY,13,Y,1,,,,XAP,Approved,-228,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-228.0,-181.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,157500.0,156384.0,16969.5,135000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.008473999999999999,-8143,-488,-767.0,-812,9.0,1,1,0,1,0,0,,1.0,2,2,FRIDAY,12,0,0,0,0,1,1,Self-employed,,0.547090417716925,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-893.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2202919,118098,Cash loans,7473.915,90000.0,124191.0,,90000.0,MONDAY,9,Y,1,,,,Journey,Approved,-679,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,365243.0,-649.0,221.0,-409.0,-400.0,1.0,0,Cash loans,F,N,Y,0,90000.0,888840.0,29506.5,675000.0,Family,Working,Secondary / secondary special,Widow,House / apartment,0.006670999999999999,-17492,-325,-327.0,-1041,,1,1,0,1,0,0,Medicine staff,1.0,2,2,MONDAY,19,0,0,0,1,1,0,Medicine,,0.42447951371318215,0.6528965519806539,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-116.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1136675,176096,Consumer loans,5741.1,31590.0,29839.5,3159.0,31590.0,FRIDAY,12,Y,1,0.10426044159032023,,,XAP,Approved,-2633,XNA,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Stone,298,Consumer electronics,6.0,high,POS household with interest,365243.0,-2602.0,-2452.0,-2452.0,-2449.0,1.0,0,Cash loans,F,N,Y,1,157500.0,753840.0,24448.5,540000.0,Family,Working,Higher education,Married,House / apartment,0.003540999999999999,-15351,-3241,-1410.0,-5204,,1,1,0,1,0,0,Laborers,3.0,1,1,SATURDAY,10,0,0,0,0,0,0,Kindergarten,0.5718815063195245,0.4657399484710892,0.5172965813614878,0.0072,0.0,0.9851,0.7959999999999999,,0.0,0.2414,0.0,0.0417,0.0,0.0059,0.0061,0.0,0.0,0.0074,0.0,0.9851,0.804,,0.0,0.2414,0.0,0.0417,0.0,0.0064,0.0064,0.0,0.0,0.0073,0.0,0.9851,0.7987,,0.0,0.2414,0.0,0.0417,0.0,0.006,0.0062,0.0,0.0,,terraced house,0.0048,Wooden,Yes,2.0,0.0,2.0,0.0,-2019.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2419944,190781,Cash loans,20183.4,202500.0,215865.0,,202500.0,TUESDAY,9,Y,1,,,,XNA,Refused,-197,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,135000.0,239850.0,23850.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.02461,-25028,365243,-5782.0,-4502,,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,,0.6533446682142288,0.2580842039460289,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-511.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1145487,226549,Cash loans,57788.73,1129500.0,1211503.5,,1129500.0,MONDAY,16,Y,1,,,,XNA,Refused,-432,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,30.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,279000.0,1312110.0,52038.0,1125000.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.035792000000000004,-20191,-1429,-1935.0,-3540,3.0,1,1,1,1,0,0,,1.0,2,2,SATURDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.7250473384811166,0.4866531565147181,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-1681.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2618103,424872,Cash loans,8900.685,90000.0,113251.5,0.0,90000.0,THURSDAY,8,Y,1,0.0,,,XNA,Approved,-1492,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-1462.0,-952.0,-952.0,-943.0,1.0,0,Cash loans,F,N,N,0,67500.0,225000.0,10489.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.031329,-17293,-5554,-9921.0,-848,,1,1,0,1,1,0,Core staff,1.0,2,2,FRIDAY,8,0,0,0,0,0,0,Medicine,0.606544815334604,0.2622583692422573,0.3876253444214701,0.0711,0.0582,0.9861,0.8096,,0.0,0.1724,0.1667,,0.0275,0.058,0.0641,,,0.0725,0.0604,0.9861,0.8171,,0.0,0.1724,0.1667,,0.0282,0.0634,0.0668,,,0.0718,0.0582,0.9861,0.8121,,0.0,0.1724,0.1667,,0.028,0.059,0.0653,,,not specified,block of flats,0.0505,Block,No,0.0,0.0,0.0,0.0,-1492.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2682449,325789,Cash loans,12578.535,202500.0,242595.0,0.0,202500.0,WEDNESDAY,10,Y,1,0.0,,,XNA,Approved,-2648,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash Street: middle,365243.0,-2618.0,-1568.0,-1568.0,-1559.0,1.0,0,Cash loans,F,N,Y,0,157500.0,254700.0,15709.5,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.031329,-23958,-425,-10958.0,-4546,,1,1,0,1,0,0,Security staff,1.0,2,2,FRIDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.5408304727060897,,0.001,,0.9603,,,0.0,0.0345,0.0,,,,,,,0.0011,,0.9603,,,0.0,0.0345,0.0,,,,,,,0.001,,0.9603,,,0.0,0.0345,0.0,,,,,,,,block of flats,0.0008,,No,2.0,1.0,2.0,0.0,-246.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,12.0 +1770667,212504,Revolving loans,2250.0,0.0,45000.0,,,SATURDAY,18,Y,1,,,,XAP,Approved,-1312,XNA,XAP,,Refreshed,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card X-Sell,-1111.0,-1085.0,365243.0,-903.0,365243.0,0.0,0,Cash loans,F,N,Y,0,337500.0,770292.0,51813.0,688500.0,Other_A,Working,Secondary / secondary special,Separated,Municipal apartment,0.032561,-16692,-145,-10794.0,-245,,1,1,0,1,0,0,Sales staff,1.0,1,1,TUESDAY,18,0,0,0,0,0,0,Business Entity Type 3,,0.7370882305852416,0.4902575124990026,0.0443,0.0764,0.9478,,,0.16,0.2069,0.2083,,,,0.153,,0.0895,0.0452,0.0792,0.9479,,,0.1611,0.2069,0.2083,,,,0.1594,,0.0948,0.0448,0.0764,0.9478,,,0.16,0.2069,0.2083,,,,0.1558,,0.0914,,block of flats,0.1398,"Stone, brick",No,0.0,0.0,0.0,0.0,-2234.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1498478,169747,Revolving loans,6750.0,0.0,135000.0,,,FRIDAY,12,Y,1,,,,XAP,Approved,-1081,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,1,180000.0,134775.0,9715.5,112500.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.010966,-12766,-1691,-5966.0,-4347,,1,1,0,1,0,0,Sales staff,3.0,2,2,MONDAY,12,0,0,0,0,0,0,Self-employed,0.7616526901176879,0.5149930819459244,0.6738300778602003,0.0825,0.0321,0.9747,,0.0077,0.0,0.1379,0.1667,0.2083,0.0633,0.0656,0.0635,0.0077,0.0251,0.084,0.0333,0.9747,,0.0077,0.0,0.1379,0.1667,0.2083,0.0648,0.0716,0.0662,0.0078,0.0266,0.0833,0.0321,0.9747,,0.0077,0.0,0.1379,0.1667,0.2083,0.0644,0.0667,0.0647,0.0078,0.0257,reg oper spec account,block of flats,0.0537,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,1.0 +2051793,104934,Consumer loans,6032.295,28300.5,22639.5,5661.0,28300.5,MONDAY,5,Y,1,0.2178528166061954,,,XAP,Approved,-1331,Cash through the bank,XAP,Unaccompanied,Refreshed,Mobile,POS,XNA,Country-wide,66,Connectivity,4.0,middle,POS mobile without interest,365243.0,-1298.0,-1208.0,-1208.0,-1198.0,0.0,0,Cash loans,F,N,Y,0,225000.0,1154362.5,33880.5,1008000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010032,-23450,-849,-13069.0,-4535,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,5,0,0,0,0,0,0,Business Entity Type 3,,0.7434827584958297,0.4668640059537032,0.0845,0.0802,0.9767,0.6804,0.0277,0.0,0.1379,0.1667,0.2083,0.0599,0.0639,0.0602,0.0154,0.0163,0.0861,0.0832,0.9767,0.6929,0.028,0.0,0.1379,0.1667,0.2083,0.0613,0.0698,0.0627,0.0156,0.0173,0.0854,0.0802,0.9767,0.6847,0.0279,0.0,0.1379,0.1667,0.2083,0.061,0.065,0.0613,0.0155,0.0167,reg oper account,block of flats,0.0498,"Stone, brick",No,0.0,0.0,0.0,0.0,-1331.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1995003,265120,Cash loans,29956.095,360000.0,479511.0,,360000.0,THURSDAY,14,Y,1,,,,XNA,Approved,-764,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,100,XNA,30.0,high,Cash X-Sell: high,365243.0,-734.0,136.0,-404.0,-392.0,1.0,1,Cash loans,M,Y,N,0,270000.0,545040.0,26509.5,450000.0,Unaccompanied,Working,Incomplete higher,Married,With parents,0.011656999999999999,-11075,-2313,-5433.0,-3752,1.0,1,1,1,1,1,0,Drivers,2.0,1,1,THURSDAY,16,0,1,1,0,1,1,Business Entity Type 3,,0.6696188430128643,0.4048783643353997,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-586.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,3.0 +1962091,314068,Consumer loans,2556.36,21456.0,20902.5,2146.5,21456.0,WEDNESDAY,10,Y,1,0.10142451457172276,,,XAP,Approved,-1226,Cash through the bank,XAP,Unaccompanied,Repeater,Photo / Cinema Equipment,POS,XNA,Regional / Local,48,Connectivity,10.0,middle,POS mobile with interest,365243.0,-1193.0,-923.0,-923.0,-921.0,0.0,0,Cash loans,F,N,N,0,216000.0,867951.0,25506.0,724500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.01885,-17677,-2431,-285.0,-1233,,1,1,1,1,0,0,,2.0,2,2,WEDNESDAY,18,0,0,0,0,0,0,Medicine,,0.7453300793340086,0.6279908192952864,0.0495,0.0,0.9737,0.6396,0.0042,0.0,0.1034,0.125,0.1667,0.0453,0.0403,0.0407,0.0,0.0,0.0504,0.0,0.9737,0.6537,0.0043,0.0,0.1034,0.125,0.1667,0.0463,0.0441,0.0424,0.0,0.0,0.05,0.0,0.9737,0.6444,0.0042,0.0,0.1034,0.125,0.1667,0.0461,0.041,0.0414,0.0,0.0,reg oper account,block of flats,0.0343,"Stone, brick",No,0.0,0.0,0.0,0.0,-423.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2325779,309771,Revolving loans,12375.0,247500.0,247500.0,,247500.0,THURSDAY,12,Y,1,,,,XAP,Refused,-8,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,1,Cash loans,M,Y,N,0,126000.0,760225.5,30150.0,679500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.035792000000000004,-16012,-2240,-2208.0,-4932,15.0,1,1,1,1,1,0,,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,Industry: type 11,,0.2403557245956528,0.7091891096653581,0.0722,0.076,0.9791,0.7144,0.008,0.0,0.1379,0.1667,0.2083,0.0503,0.058,0.0618,0.0039,0.0066,0.0735,0.0789,0.9791,0.7256,0.0081,0.0,0.1379,0.1667,0.2083,0.0514,0.0634,0.0644,0.0039,0.006999999999999999,0.0729,0.076,0.9791,0.7182,0.008,0.0,0.1379,0.1667,0.2083,0.0512,0.059,0.0629,0.0039,0.0068,reg oper account,block of flats,0.0501,"Stone, brick",No,2.0,0.0,2.0,0.0,-8.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1653892,263941,Cash loans,32829.165,976500.0,1118286.0,,976500.0,MONDAY,11,Y,1,,,,XNA,Refused,-39,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,157500.0,625536.0,20106.0,540000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.022625,-20882,365243,-11392.0,-3821,12.0,1,0,0,1,1,0,,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,XNA,,0.7429610990015201,0.5046813193144684,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1162.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1068159,185614,Cash loans,10499.625,202500.0,202500.0,0.0,202500.0,WEDNESDAY,16,Y,1,0.0,,,XNA,Refused,-2528,XNA,SCO,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,36.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,135000.0,653328.0,25443.0,468000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.009334,-16921,-4042,-2654.0,-454,,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Business Entity Type 2,,0.741014443195841,0.1446481462546413,0.0021,,0.9409,,,0.0,0.069,0.0,,0.0045,,0.0022,,,0.0021,,0.9409,,,0.0,0.069,0.0,,0.0046,,0.0023,,,0.0021,,0.9409,,,0.0,0.069,0.0,,0.0046,,0.0023,,,,block of flats,0.0018,Wooden,No,0.0,0.0,0.0,0.0,-2484.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2060529,363787,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SUNDAY,12,Y,1,,,,XAP,Approved,-341,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Regional / Local,100,Consumer electronics,0.0,XNA,Card Street,-341.0,-291.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,90000.0,85500.0,4158.0,85500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.01885,-16351,-1695,-1894.0,-1689,10.0,1,1,0,1,1,1,Drivers,1.0,2,2,FRIDAY,9,0,0,0,0,0,0,Self-employed,0.20987244141347275,0.13694829541909834,0.19294222771695085,0.0629,0.0551,0.9826,0.762,0.0259,0.0,0.1379,0.1667,0.0417,0.0417,0.0504,0.0548,0.0039,0.0192,0.0641,0.0572,0.9826,0.7713,0.0261,0.0,0.1379,0.1667,0.0417,0.0427,0.0551,0.0571,0.0039,0.0204,0.0635,0.0551,0.9826,0.7652,0.0261,0.0,0.1379,0.1667,0.0417,0.0425,0.0513,0.0558,0.0039,0.0196,reg oper account,block of flats,0.0614,"Stone, brick",No,2.0,0.0,2.0,0.0,-844.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +1444921,197402,Consumer loans,6537.195,33966.0,35982.0,0.0,33966.0,MONDAY,15,Y,1,0.0,,,XAP,Approved,-402,Cash through the bank,XAP,,Repeater,Jewelry,POS,XNA,Regional / Local,125,Industry,6.0,middle,POS other with interest,365243.0,-371.0,-221.0,-341.0,-333.0,0.0,0,Revolving loans,F,N,Y,1,90000.0,270000.0,13500.0,270000.0,Family,Working,Higher education,Married,House / apartment,0.008625,-16029,-780,-4265.0,-4937,,1,1,1,1,1,0,Managers,3.0,2,2,THURSDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.6916956149797159,0.6263042766749393,,,0.9831,,,,,,,,,0.2193,,,,,0.9831,,,,,,,,,0.2285,,,,,0.9831,,,,,,,,,0.2232,,,,,0.1725,,No,0.0,0.0,0.0,0.0,-1740.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +2015120,284790,Cash loans,51334.695,810000.0,893398.5,,810000.0,FRIDAY,15,Y,1,,,,XNA,Approved,-661,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash X-Sell: high,365243.0,-631.0,419.0,-241.0,-239.0,1.0,1,Cash loans,F,N,Y,0,270000.0,1185282.0,34785.0,1035000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-16197,-3842,-1867.0,-5081,,1,1,0,1,0,0,Managers,2.0,2,2,MONDAY,12,0,0,0,0,1,1,Industry: type 4,0.7864729895162148,0.2784832530024203,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1025773,240729,Consumer loans,14602.005,67455.0,71014.5,0.0,67455.0,THURSDAY,3,Y,1,0.0,,,XAP,Approved,-513,XNA,XAP,,Refreshed,Mobile,POS,XNA,Regional / Local,516,Consumer electronics,6.0,high,POS household with interest,365243.0,-474.0,-324.0,-444.0,-440.0,0.0,0,Cash loans,M,Y,Y,0,315000.0,1800000.0,52762.5,1800000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.001276,-15605,-1607,-2704.0,-4476,9.0,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,5,0,0,0,0,0,0,Industry: type 9,0.541648475807989,0.7164032907391731,,0.0309,0.0283,0.9811,0.7416,0.0054,0.0,0.069,0.1667,0.0417,0.0362,0.0252,0.0307,0.0,0.0,0.0315,0.0293,0.9811,0.7517,0.0054,0.0,0.069,0.1667,0.0417,0.0371,0.0275,0.032,0.0,0.0,0.0312,0.0283,0.9811,0.7451,0.0054,0.0,0.069,0.1667,0.0417,0.0369,0.0257,0.0313,0.0,0.0,reg oper account,block of flats,0.0271,Panel,No,3.0,0.0,3.0,0.0,-2574.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1020452,278275,Consumer loans,5134.05,36270.0,31770.0,4500.0,36270.0,TUESDAY,13,Y,1,0.13512294157455446,,,XAP,Approved,-1480,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,22,Connectivity,8.0,high,POS mobile with interest,365243.0,-1442.0,-1232.0,-1232.0,-1223.0,0.0,0,Cash loans,F,N,N,0,90000.0,188685.0,17302.5,157500.0,Unaccompanied,Commercial associate,Incomplete higher,Civil marriage,House / apartment,0.035792000000000004,-9591,-861,-4127.0,-2250,,1,1,1,1,0,0,Secretaries,2.0,2,2,THURSDAY,20,0,0,0,0,0,0,Business Entity Type 3,0.436043235189518,0.5828684011096914,0.4668640059537032,0.0567,0.0356,0.9806,0.7348,0.0122,0.04,0.0345,0.3333,0.375,0.0315,0.0454,0.0479,0.0039,0.0031,0.0578,0.0369,0.9806,0.7452,0.0123,0.0403,0.0345,0.3333,0.375,0.0322,0.0496,0.0499,0.0039,0.0033,0.0573,0.0356,0.9806,0.7383,0.0123,0.04,0.0345,0.3333,0.375,0.032,0.0462,0.0488,0.0039,0.0032,reg oper account,block of flats,0.0384,Panel,No,5.0,2.0,5.0,2.0,-1480.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1257515,173682,Consumer loans,26893.935,161955.0,145435.5,22500.0,161955.0,THURSDAY,11,Y,1,0.14591641108964715,,,XAP,Approved,-475,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Stone,300,Consumer electronics,6.0,middle,POS household with interest,365243.0,-444.0,-294.0,-414.0,-409.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,771493.5,31104.0,666000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.031329,-16081,-1433,-1933.0,-2337,9.0,1,1,0,1,0,0,,1.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Transport: type 4,,0.5602804554822124,,0.0124,,0.9702,0.5920000000000001,,,0.069,0.0417,,0.0204,,0.0176,,0.0,0.0126,,0.9702,0.608,,,0.069,0.0417,,0.0208,,0.0184,,0.0,0.0125,,0.9702,0.5975,,,0.069,0.0417,,0.0207,,0.018000000000000002,,0.0,reg oper account,block of flats,0.0139,Block,No,0.0,0.0,0.0,0.0,-475.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2359479,336627,Cash loans,48588.525,1575000.0,1762110.0,,1575000.0,MONDAY,10,Y,1,,,,Buying a home,Refused,-244,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,Y,Y,0,202500.0,592560.0,32274.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.00702,-12433,-1083,-1451.0,-4496,2.0,1,1,0,1,0,0,Sales staff,1.0,2,2,SUNDAY,12,0,0,0,0,1,1,Self-employed,,0.3763247450406224,0.4418358231994413,0.0144,,0.9796,,,,0.1034,0.0417,,0.011,,0.0293,,0.0485,0.0147,,0.9796,,,,0.1034,0.0417,,0.0112,,0.0305,,0.0513,0.0146,,0.9796,,,,0.1034,0.0417,,0.0112,,0.0298,,0.0495,,block of flats,0.0335,"Stone, brick",No,3.0,0.0,3.0,0.0,-322.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +1972931,453975,Cash loans,39335.085,697500.0,769315.5,,697500.0,THURSDAY,12,Y,1,,,,XNA,Approved,-572,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-542.0,508.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,0,225000.0,270000.0,21330.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.015221,-8629,-289,-4056.0,-1305,7.0,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,10,1,1,0,1,1,0,Business Entity Type 3,,0.6249148912401148,0.20208660168203949,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-849.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,1.0,0.0,1.0 +2341106,371554,Consumer loans,11175.885,111780.0,100602.0,11178.0,111780.0,THURSDAY,14,Y,1,0.1089090909090909,,,XAP,Approved,-658,Cash through the bank,XAP,Family,New,Clothing and Accessories,POS,XNA,Regional / Local,145,Construction,10.0,low_normal,POS other with interest,365243.0,-627.0,-357.0,-477.0,-473.0,0.0,0,Cash loans,F,N,Y,0,112500.0,298512.0,17266.5,270000.0,Children,Commercial associate,Higher education,Separated,House / apartment,0.030755,-19682,-1191,-2262.0,-3186,,1,1,0,1,0,0,Sales staff,1.0,2,2,THURSDAY,15,0,0,0,0,0,0,Self-employed,,0.6478817945022398,0.4884551844437485,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-658.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2211188,426994,Consumer loans,19271.835,175198.5,175198.5,0.0,175198.5,FRIDAY,15,Y,1,0.0,,,XAP,Approved,-529,Cash through the bank,XAP,,Refreshed,Clothing and Accessories,POS,XNA,Stone,310,Clothing,10.0,low_normal,POS industry with interest,365243.0,-498.0,-228.0,-228.0,-226.0,0.0,0,Cash loans,F,N,Y,0,112500.0,258709.5,25330.5,234000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.005084,-23630,365243,-2057.0,-4796,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,14,0,0,0,0,0,0,XNA,,0.7522525161167506,0.7713615919194317,0.1227,0.0884,0.9826,0.762,0.0034,0.0,0.069,0.1667,0.2083,0.0758,0.1,0.0616,0.0,0.0,0.125,0.0917,0.9826,0.7713,0.0034,0.0,0.069,0.1667,0.2083,0.0776,0.1093,0.0641,0.0,0.0,0.1239,0.0884,0.9826,0.7652,0.0034,0.0,0.069,0.1667,0.2083,0.0772,0.1018,0.0627,0.0,0.0,reg oper account,block of flats,0.0484,"Stone, brick",No,0.0,0.0,0.0,0.0,-1828.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2214640,136436,Consumer loans,6967.44,33286.5,35923.5,0.0,33286.5,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-23,Cash through the bank,XAP,Unaccompanied,Refreshed,Photo / Cinema Equipment,POS,XNA,Country-wide,2711,Consumer electronics,6.0,middle,POS household with interest,365243.0,365243.0,158.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,112500.0,743031.0,39717.0,688500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.01885,-14795,-276,-661.0,-4285,8.0,1,1,0,1,0,0,Cooking staff,2.0,2,2,MONDAY,9,0,0,0,0,1,1,Business Entity Type 1,0.5336261055318968,0.7198999659915217,0.6144143775673561,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1060.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2224489,171986,Consumer loans,4683.375,21973.5,17577.0,4396.5,21973.5,MONDAY,18,Y,1,0.2179073967196023,,,XAP,Approved,-642,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,34,Connectivity,4.0,middle,POS mobile without interest,365243.0,-604.0,-514.0,-514.0,-510.0,0.0,0,Cash loans,F,Y,N,0,225000.0,781920.0,25969.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.006207,-11604,-1238,-10910.0,-3710,64.0,1,1,0,1,0,0,Sales staff,1.0,2,2,SATURDAY,10,0,0,0,0,0,0,Self-employed,,0.4804021743405166,0.7503751495159068,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,3.0,0.0,3.0,0.0,-642.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2382656,434466,Consumer loans,7672.995,148500.0,148500.0,0.0,148500.0,FRIDAY,13,Y,1,0.0,,,XAP,Approved,-523,XNA,XAP,,New,Consumer Electronics,POS,XNA,Stone,150,Consumer electronics,24.0,low_normal,POS other with interest,365243.0,-489.0,201.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,0,135000.0,531000.0,17127.0,531000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.035792000000000004,-9649,-1234,-3823.0,-447,13.0,1,1,1,1,1,0,Sales staff,1.0,2,2,SUNDAY,13,0,0,0,0,0,0,Trade: type 3,0.25107645307914617,0.65792142685663,0.4596904504249018,0.0464,0.0311,0.9816,0.7484,0.0063,0.04,0.0345,0.3333,0.375,0.0197,0.0378,0.0384,0.0,0.0,0.0473,0.0323,0.9816,0.7583,0.0063,0.0403,0.0345,0.3333,0.375,0.0201,0.0413,0.04,0.0,0.0,0.0468,0.0311,0.9816,0.7518,0.0063,0.04,0.0345,0.3333,0.375,0.02,0.0385,0.0391,0.0,0.0,reg oper account,block of flats,0.0336,"Stone, brick",No,1.0,0.0,1.0,0.0,-523.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1110998,209635,Consumer loans,7720.515,168480.0,168480.0,0.0,168480.0,WEDNESDAY,11,Y,1,0.0,,,XAP,Approved,-92,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Regional / Local,100,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-60.0,630.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,2,47250.0,227520.0,8707.5,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-15287,-2895,-8189.0,-4674,,1,1,0,1,1,0,Laborers,4.0,2,2,THURSDAY,10,0,0,0,0,0,0,Housing,0.6149629665420906,0.6517084775578259,0.7165702448010511,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1846.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2820560,455786,Consumer loans,6168.375,52155.0,49545.0,2610.0,52155.0,THURSDAY,12,Y,1,0.05450152953172795,,,XAP,Approved,-1819,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,48,Connectivity,12.0,high,POS mobile with interest,365243.0,-1782.0,-1452.0,-1452.0,-1445.0,0.0,1,Cash loans,M,Y,N,1,202500.0,1067418.0,31207.5,891000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.009656999999999999,-10960,-256,-5076.0,-3603,5.0,1,1,0,1,0,0,Laborers,3.0,2,2,TUESDAY,19,0,1,1,0,1,1,Business Entity Type 2,,0.43709589890415945,0.17982176508970435,0.4577,0.3257,0.9876,0.83,0.1017,0.48,0.4138,0.3333,0.375,0.2896,0.3597,0.4611,0.0618,0.0,0.4664,0.338,0.9876,0.8367,0.1026,0.4834,0.4138,0.3333,0.375,0.2962,0.393,0.4804,0.0623,0.0,0.4622,0.3257,0.9876,0.8323,0.1023,0.48,0.4138,0.3333,0.375,0.2946,0.366,0.4693,0.0621,0.0,reg oper spec account,block of flats,0.4182,Panel,No,1.0,1.0,1.0,1.0,-163.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2768332,425319,Cash loans,34750.62,675000.0,942300.0,,675000.0,TUESDAY,12,Y,1,,,,XNA,Approved,-109,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,1,67500.0,808650.0,26217.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.0228,-19561,365243,-6963.0,-3095,,1,0,0,1,0,0,,3.0,2,2,SATURDAY,13,0,0,0,0,0,0,XNA,,0.04090572929471067,0.05609207884829402,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-564.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1058104,187526,Revolving loans,45000.0,900000.0,900000.0,,900000.0,WEDNESDAY,8,Y,1,,,,XAP,Approved,-292,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-247.0,-220.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,1,171000.0,808650.0,26217.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-17591,-4939,-7125.0,-1137,7.0,1,1,0,1,1,0,Managers,3.0,2,2,MONDAY,10,0,0,0,0,0,0,Agriculture,0.39741228363713066,0.5446510251832719,0.5954562029091491,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-704.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2128799,109806,Cash loans,29034.0,900000.0,900000.0,,900000.0,WEDNESDAY,17,Y,1,,,,XNA,Refused,-232,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,112500.0,225000.0,23625.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-15909,-1500,-5298.0,-2582,3.0,1,1,0,1,0,0,Private service staff,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Self-employed,0.4797846229953976,0.5363580552219583,0.4311917977993083,0.1237,0.08800000000000001,0.9846,,,0.0,0.069,0.1667,,,,0.064,,0.0,0.1261,0.0913,0.9846,,,0.0,0.069,0.1667,,,,0.0667,,0.0,0.1249,0.08800000000000001,0.9846,,,0.0,0.069,0.1667,,,,0.0651,,0.0,,block of flats,0.0503,Panel,No,0.0,0.0,0.0,0.0,-576.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1804848,321891,Consumer loans,,117805.5,117805.5,0.0,117805.5,THURSDAY,16,Y,1,0.0,,,XAP,Refused,-938,Cash through the bank,LIMIT,,Refreshed,Photo / Cinema Equipment,XNA,XNA,Country-wide,30,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,F,Y,Y,0,220500.0,532494.0,38880.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.011656999999999999,-16862,-2445,-4585.0,-407,7.0,1,1,0,1,1,0,High skill tech staff,2.0,1,1,THURSDAY,12,0,0,0,0,0,0,Industry: type 9,,0.6347693299506457,0.34090642641523844,0.0876,0.1084,0.9757,0.6668,0.0111,0.0,0.1724,0.1667,0.2083,0.0,0.0672,0.0706,0.0193,0.0554,0.0893,0.1125,0.9757,0.6798,0.0112,0.0,0.1724,0.1667,0.2083,0.0,0.0735,0.0736,0.0195,0.0587,0.0885,0.1084,0.9757,0.6713,0.0112,0.0,0.1724,0.1667,0.2083,0.0,0.0684,0.0719,0.0194,0.0566,reg oper account,block of flats,0.0752,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2690631,227762,Cash loans,45985.635,225000.0,232425.0,,225000.0,TUESDAY,9,Y,1,,,,XNA,Approved,-372,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,high,Cash X-Sell: high,365243.0,-342.0,-192.0,-192.0,-185.0,1.0,0,Cash loans,F,N,Y,0,135000.0,508495.5,20025.0,454500.0,Unaccompanied,Pensioner,Higher education,Civil marriage,House / apartment,0.010276,-22241,365243,-1142.0,-4030,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,XNA,,0.662023872971311,0.5154953751603267,0.0969,0.07200000000000001,0.9881,0.8368,0.0171,0.1,0.0862,0.3333,0.375,0.0764,0.079,0.1039,0.0,0.0,0.084,0.0606,0.9846,0.7975,0.0137,0.0806,0.069,0.3333,0.375,0.039,0.0735,0.0971,0.0,0.0,0.0978,0.07200000000000001,0.9881,0.8390000000000001,0.0172,0.1,0.0862,0.3333,0.375,0.0777,0.0804,0.1058,0.0,0.0,reg oper account,block of flats,0.0807,Panel,No,0.0,0.0,0.0,0.0,-578.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,8.0 +2480887,344808,Consumer loans,,142965.0,142965.0,0.0,142965.0,FRIDAY,13,Y,1,0.0,,,XAP,Refused,-847,Cash through the bank,LIMIT,,Repeater,Mobile,XNA,XNA,Country-wide,56,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,M,N,N,0,135000.0,295776.0,31851.0,295776.0,Family,Working,Secondary / secondary special,Single / not married,With parents,0.035792000000000004,-8610,-1389,-4595.0,-1283,,1,1,1,1,1,1,Core staff,1.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Police,0.15557403449192347,0.5911224591799511,0.36896873825284665,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-873.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1284159,173249,Consumer loans,11070.63,113049.0,98397.0,22612.5,113049.0,WEDNESDAY,7,Y,1,0.20351351077244487,,,XAP,Approved,-771,XNA,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Stone,55,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-739.0,-469.0,-529.0,-522.0,0.0,0,Cash loans,F,N,N,0,180000.0,697500.0,29682.0,697500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.006305,-19380,-3767,-3797.0,-2877,,1,1,0,1,0,0,Medicine staff,2.0,3,3,THURSDAY,5,0,0,0,0,0,0,Trade: type 7,,0.5702108926356315,0.7726311345553628,0.0619,,0.9876,0.83,0.0072,0.0,0.1379,0.1667,0.0,0.0032,0.0504,0.0564,0.0,0.0,0.063,,0.9876,0.8367,0.0073,0.0,0.1379,0.1667,0.0,0.0032,0.0551,0.0587,0.0,0.0,0.0625,,0.9876,0.8323,0.0072,0.0,0.1379,0.1667,0.0,0.0032,0.0513,0.0574,0.0,0.0,reg oper account,block of flats,0.0483,"Stone, brick",No,6.0,0.0,6.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2675493,289335,Revolving loans,6750.0,135000.0,135000.0,,135000.0,TUESDAY,15,Y,1,,,,XAP,Approved,-191,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,112500.0,269550.0,12001.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.010643000000000001,-23018,365243,-1424.0,-4623,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,14,0,0,0,0,0,0,XNA,,0.4333601870076553,0.722392890081304,0.0773,0.0586,0.9781,0.7008,0.0114,0.0,0.1724,0.1667,0.2083,0.0772,0.063,0.0616,0.0,0.0,0.0788,0.0608,0.9782,0.7125,0.0115,0.0,0.1724,0.1667,0.2083,0.079,0.0689,0.0642,0.0,0.0,0.0781,0.0586,0.9781,0.7048,0.0114,0.0,0.1724,0.1667,0.2083,0.0786,0.0641,0.0627,0.0,0.0,reg oper account,block of flats,0.0546,Panel,No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2050163,442909,Consumer loans,10411.875,113539.5,99819.0,22711.5,113539.5,FRIDAY,14,Y,1,0.20186719373395345,,,XAP,Approved,-1841,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,2640,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1810.0,-1480.0,-1480.0,-1321.0,0.0,0,Cash loans,F,Y,Y,1,130500.0,101880.0,10206.0,90000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.020713,-13744,-1569,-3076.0,-5107,5.0,1,1,1,1,1,1,Accountants,3.0,3,3,FRIDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.639307742174835,0.05638002498562996,0.7992967832109371,0.1103,0.0732,0.9846,0.7892,0.0283,0.12,0.1034,0.3333,0.375,0.0787,0.0899,0.1245,0.0,0.0,0.1124,0.0759,0.9846,0.7975,0.0285,0.1208,0.1034,0.3333,0.375,0.0805,0.0983,0.1297,0.0,0.0,0.1114,0.0732,0.9846,0.792,0.0285,0.12,0.1034,0.3333,0.375,0.0801,0.0915,0.1267,0.0,0.0,reg oper account,block of flats,0.1134,Panel,No,10.0,0.0,10.0,0.0,-829.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1104061,163324,Consumer loans,3018.96,17955.0,14166.0,4500.0,17955.0,THURSDAY,17,Y,1,0.2625580783729288,,,XAP,Approved,-1013,Cash through the bank,XAP,"Spouse, partner",New,Mobile,POS,XNA,Country-wide,5,Connectivity,6.0,high,POS mobile with interest,365243.0,-982.0,-832.0,-832.0,-828.0,0.0,0,Revolving loans,M,N,Y,0,135000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-9349,-1327,-4127.0,-2028,,1,1,0,1,0,0,Drivers,2.0,2,2,TUESDAY,11,0,0,0,0,1,1,Business Entity Type 3,0.18566965938834706,0.4948358508361569,0.6594055320683344,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1013.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1746983,286023,Cash loans,13886.325,67500.0,69727.5,0.0,67500.0,WEDNESDAY,13,Y,1,0.0,,,XNA,Approved,-1672,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,high,Cash X-Sell: high,365243.0,-1642.0,-1492.0,-1492.0,-1486.0,1.0,0,Cash loans,M,N,N,0,94500.0,755190.0,30078.0,675000.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-23132,365243,-2504.0,-4396,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,,0.50490553147581,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1125508,132075,Consumer loans,3688.875,20880.0,20880.0,0.0,20880.0,TUESDAY,19,Y,1,0.0,,,XAP,Approved,-575,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,250,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-544.0,-394.0,-394.0,-388.0,0.0,0,Cash loans,M,N,N,0,315000.0,1800000.0,73444.5,1800000.0,Family,Working,Secondary / secondary special,Single / not married,House / apartment,0.028663,-8946,-867,-497.0,-1618,,1,1,0,1,0,0,Managers,1.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Trade: type 2,,0.4987116990251024,0.6195277080511546,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-464.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2748571,217630,Cash loans,13131.0,247500.0,287685.0,,247500.0,MONDAY,9,Y,1,,,,XNA,Approved,-998,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-968.0,82.0,-698.0,-689.0,1.0,0,Cash loans,M,N,Y,0,81000.0,450000.0,21109.5,450000.0,Unaccompanied,Commercial associate,Lower secondary,Married,House / apartment,0.015221,-20207,-3023,-4333.0,-3598,,1,1,1,1,1,0,Drivers,2.0,2,2,FRIDAY,8,0,0,0,0,0,0,Government,0.6847517845343488,0.6453183796221642,0.2079641743053816,0.0165,,0.9796,,,0.0,0.069,0.0417,,0.0117,,0.0144,,0.0,0.0168,,0.9796,,,0.0,0.069,0.0417,,0.0119,,0.015,,0.0,0.0167,,0.9796,,,0.0,0.069,0.0417,,0.0119,,0.0147,,0.0,,block of flats,0.0118,Panel,No,0.0,0.0,0.0,0.0,-1903.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2708146,123804,Consumer loans,2079.9,17298.0,17104.5,1732.5,17298.0,FRIDAY,14,Y,1,0.10016722408026756,,,XAP,Approved,-2062,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,43,Connectivity,12.0,high,POS mobile with interest,365243.0,-2031.0,-1701.0,-1941.0,-1934.0,0.0,0,Cash loans,F,N,Y,0,202500.0,1125000.0,32895.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.031329,-22142,-3390,-913.0,-4373,,1,1,1,1,1,0,Laborers,1.0,2,2,TUESDAY,10,0,0,0,0,0,0,Industry: type 5,0.6694142281500538,0.6042356358013152,0.4992720153045617,0.0825,0.0755,0.9801,0.728,0.0129,0.0,0.2069,0.1667,0.2083,0.0809,0.0664,0.0773,0.0039,0.0041,0.084,0.0784,0.9801,0.7387,0.013,0.0,0.2069,0.1667,0.2083,0.0828,0.0725,0.0806,0.0039,0.0044,0.0833,0.0755,0.9801,0.7316,0.013,0.0,0.2069,0.1667,0.2083,0.0823,0.0676,0.0787,0.0039,0.0042,reg oper account,block of flats,0.0617,Panel,No,3.0,2.0,3.0,2.0,-1575.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1353488,336450,Cash loans,16413.12,180000.0,197820.0,,180000.0,MONDAY,16,Y,1,,,,XNA,Approved,-843,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-812.0,-302.0,-662.0,-655.0,0.0,0,Cash loans,F,N,N,0,225000.0,545040.0,26509.5,450000.0,Unaccompanied,Working,Higher education,Married,With parents,0.018801,-9705,-966,-4502.0,-449,,1,1,1,1,1,0,Core staff,2.0,2,2,THURSDAY,10,0,0,0,1,1,0,Government,0.27112236761253994,0.3701555274287424,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1480.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1435589,369894,Consumer loans,19879.11,193248.0,173920.5,19327.5,193248.0,FRIDAY,16,Y,1,0.10892430734317836,,,XAP,Approved,-2358,Cash through the bank,XAP,,Refreshed,Furniture,POS,XNA,Stone,150,Furniture,10.0,middle,POS industry with interest,365243.0,-2315.0,-2045.0,-2105.0,-2097.0,0.0,0,Cash loans,F,Y,Y,0,180000.0,1308964.5,38403.0,1143000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-17410,-4151,-4845.0,-945,4.0,1,1,0,1,1,0,Laborers,2.0,1,1,THURSDAY,13,0,0,0,0,0,0,Restaurant,,0.7146406386078853,0.5726825047161584,0.2079,0.1058,0.9891,0.8504,0.0018,0.2664,0.1148,0.5971,0.0417,0.0,0.1437,0.2412,0.0,0.0117,0.1008,0.0766,0.9891,0.8563,0.0008,0.3222,0.1379,0.6667,0.0417,0.0,0.0882,0.1266,0.0,0.0,0.2561,0.0956,0.9891,0.8524,0.0018,0.32,0.1379,0.6667,0.0417,0.0,0.1462,0.2951,0.0,0.0,reg oper account,block of flats,0.2356,Panel,No,2.0,0.0,2.0,0.0,-2095.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1151410,218302,Consumer loans,5277.285,29880.0,32656.5,2988.0,29880.0,THURSDAY,13,Y,1,0.09129609438661322,,,XAP,Approved,-1239,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,34,Connectivity,8.0,high,POS mobile with interest,365243.0,-1208.0,-998.0,-1028.0,-1026.0,0.0,1,Cash loans,F,N,Y,0,121500.0,573408.0,27585.0,495000.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.030755,-10300,-3180,-4824.0,-2984,,1,1,1,1,1,0,High skill tech staff,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Business Entity Type 2,0.17118790998020342,0.5724548953406013,,0.1144,0.0305,0.9886,0.8436,0.0,0.08,0.0345,0.625,0.6667,0.0574,0.0933,0.1057,0.0,0.1467,0.1166,0.0317,0.9886,0.8497,0.0,0.0806,0.0345,0.625,0.6667,0.0587,0.1019,0.1101,0.0,0.1553,0.1155,0.0305,0.9886,0.8457,0.0,0.08,0.0345,0.625,0.6667,0.0584,0.0949,0.1076,0.0,0.1498,reg oper account,block of flats,0.0974,Panel,No,0.0,0.0,0.0,0.0,-1239.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2652943,248576,Cash loans,19633.005,454500.0,508495.5,,454500.0,THURSDAY,19,Y,1,,,,XNA,Approved,-427,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,90000.0,225000.0,11619.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-19482,-10334,-10552.0,-3021,,1,1,0,1,0,0,Core staff,2.0,2,2,MONDAY,15,0,0,0,0,0,0,Kindergarten,0.6003153125877206,0.5623374077766161,0.34090642641523844,0.0625,0.018000000000000002,0.9742,0.6464,0.0306,0.0,0.1034,0.1667,0.2083,0.0348,0.0501,0.0497,0.0039,0.0031,0.063,0.0036,0.9732,0.6472,0.0262,0.0,0.1034,0.1667,0.2083,0.0258,0.0551,0.0497,0.0,0.0,0.0625,0.0038,0.9737,0.6444,0.0266,0.0,0.1034,0.1667,0.2083,0.0392,0.0513,0.0508,0.0,0.0,reg oper account,block of flats,0.0534,"Stone, brick",No,0.0,0.0,0.0,0.0,-1670.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1042706,381699,Cash loans,19706.85,180000.0,229603.5,,180000.0,MONDAY,14,Y,1,,,,XNA,Refused,-408,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,N,0,112500.0,331834.5,18130.5,252000.0,Family,Working,Higher education,Single / not married,With parents,0.00496,-10201,-1209,-3556.0,-2867,,1,1,0,1,0,0,Sales staff,1.0,2,2,WEDNESDAY,14,0,0,0,0,1,1,Trade: type 3,0.3076933088195986,0.14745650079927708,0.6769925032909132,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1217.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1468005,102333,Cash loans,42776.64,229500.0,235710.0,,229500.0,TUESDAY,14,Y,1,,,,XNA,Approved,-426,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,low_normal,Cash X-Sell: low,365243.0,-396.0,-246.0,-246.0,-238.0,1.0,0,Cash loans,F,N,Y,0,135000.0,1061599.5,31171.5,927000.0,Family,Pensioner,Higher education,Married,House / apartment,0.00496,-21654,365243,-948.0,-1883,,1,0,0,1,0,0,,2.0,2,2,MONDAY,14,0,0,0,0,0,0,XNA,,0.7680170990786246,0.4650692149562261,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-919.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1787712,403113,Cash loans,7320.24,67500.0,71955.0,,67500.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-1161,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1131.0,-801.0,-1071.0,-1066.0,1.0,1,Cash loans,F,N,Y,0,83250.0,203760.0,12595.5,180000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.009175,-24035,365243,-10987.0,-4381,,1,0,0,1,1,0,,1.0,2,2,TUESDAY,12,0,0,0,0,0,0,XNA,,0.6451581998707777,0.8038850611746273,0.1237,0.1471,0.9791,0.7144,,0.0,,0.1667,0.0417,0.094,,0.0675,,0.0,0.1261,0.1526,0.9791,0.7256,,0.0,,0.1667,0.0417,0.0962,,0.0703,,0.0,0.1249,0.1471,0.9791,0.7182,,0.0,,0.1667,0.0417,0.0957,,0.0687,,0.0,reg oper account,block of flats,0.0947,Panel,No,0.0,0.0,0.0,0.0,-1355.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,13.0 +2626237,203729,Cash loans,44260.56,1116000.0,1116000.0,,1116000.0,SATURDAY,12,Y,1,,,,XNA,Refused,-390,XNA,HC,Family,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,2,135000.0,463941.0,23688.0,400500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.020713,-11618,-2985,-5696.0,-1490,,1,1,0,1,0,0,Laborers,4.0,3,2,THURSDAY,7,0,1,1,0,1,1,Transport: type 2,0.23959568442862755,0.40609348867110223,,0.2268,0.1747,0.9881,0.8368,0.0474,0.28,0.2414,0.375,0.4167,0.0,0.1832,0.2843,0.0077,0.0088,0.2311,0.1813,0.9881,0.8432,0.0479,0.282,0.2414,0.375,0.4167,0.0,0.2002,0.2962,0.0078,0.0094,0.229,0.1747,0.9881,0.8390000000000001,0.0477,0.28,0.2414,0.375,0.4167,0.0,0.1864,0.2894,0.0078,0.009000000000000001,not specified,block of flats,0.2514,Panel,No,4.0,0.0,4.0,0.0,-2801.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1204750,111317,Consumer loans,3776.85,33160.5,31500.0,4500.0,33160.5,FRIDAY,16,Y,1,0.1361363636363636,,,XAP,Approved,-1741,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,57,Connectivity,12.0,high,POS mobile with interest,365243.0,-1696.0,-1366.0,-1366.0,-1361.0,0.0,0,Cash loans,F,N,Y,1,81000.0,324000.0,14400.0,324000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-15119,-8071,-8009.0,-4263,,1,1,1,1,0,0,Managers,3.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Government,,0.5849669931293596,0.6785676886853644,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1836.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2047768,262127,Cash loans,17263.125,445500.0,445500.0,,445500.0,FRIDAY,10,Y,1,,,,XNA,Refused,-432,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,middle,Cash X-Sell: middle,,,,,,,0,Revolving loans,F,N,Y,0,135000.0,382500.0,19125.0,382500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.019101,-22262,365243,-9150.0,-5116,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,XNA,,0.6305869193329021,0.5585066276769286,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1785.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2386294,243631,Cash loans,5937.615,45000.0,51349.5,0.0,45000.0,FRIDAY,12,Y,1,0.0,,,XNA,Approved,-1586,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,high,Cash X-Sell: high,365243.0,-1556.0,-1226.0,-1286.0,-1283.0,1.0,0,Cash loans,F,N,N,0,112500.0,225000.0,12564.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,Municipal apartment,0.072508,-24565,365243,-17884.0,-3938,,1,0,0,1,1,0,,1.0,1,1,TUESDAY,19,0,0,0,0,0,0,XNA,,0.5071520951149078,,0.0742,0.0219,0.9757,0.6668,0.0008,0.04,0.0345,0.3333,0.375,0.0187,0.0588,0.0491,0.0077,0.0122,0.0756,0.0227,0.9757,0.6798,0.0008,0.0403,0.0345,0.3333,0.375,0.0192,0.0643,0.0512,0.0078,0.0129,0.0749,0.0219,0.9757,0.6713,0.0008,0.04,0.0345,0.3333,0.375,0.0191,0.0599,0.05,0.0078,0.0125,reg oper account,block of flats,0.0413,Block,No,0.0,0.0,0.0,0.0,-1586.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2645796,374348,Cash loans,18201.645,135000.0,163732.5,,135000.0,WEDNESDAY,16,Y,1,,,,XNA,Approved,-1350,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-1320.0,-990.0,-1140.0,-1135.0,1.0,0,Cash loans,F,N,Y,0,270000.0,942300.0,34749.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.04622,-20091,-223,-6921.0,-1820,,1,1,0,1,0,0,Sales staff,2.0,1,1,TUESDAY,15,0,0,0,0,0,0,Self-employed,,0.6548339188968635,0.5082869913916046,0.0825,,0.9767,,,0.0,0.1379,0.1667,,0.0949,,,,,0.084,,0.9767,,,0.0,0.1379,0.1667,,0.0971,,,,,0.0833,,0.9767,,,0.0,0.1379,0.1667,,0.0966,,,,,,block of flats,0.0599,Panel,No,5.0,0.0,5.0,0.0,-1350.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2737710,321875,Cash loans,42776.64,229500.0,235710.0,,229500.0,TUESDAY,15,Y,1,,,,XNA,Approved,-736,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,6.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,Y,Y,2,225000.0,238500.0,10233.0,238500.0,Unaccompanied,State servant,Higher education,Separated,House / apartment,0.0228,-16026,-5259,-8043.0,-4401,9.0,1,1,0,1,0,0,,3.0,2,2,WEDNESDAY,13,1,1,0,1,1,0,Trade: type 7,0.7124199208040092,0.37920322289927416,,0.1351,0.1091,0.9742,,,0.0,0.2759,0.1667,,0.078,,0.1006,,0.0585,0.1376,0.1132,0.9742,,,0.0,0.2759,0.1667,,0.0798,,0.1048,,0.062,0.1364,0.1091,0.9742,,,0.0,0.2759,0.1667,,0.0794,,0.1024,,0.0598,,block of flats,0.1065,"Stone, brick",No,1.0,1.0,1.0,0.0,-3196.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1482736,304913,Cash loans,53541.0,1350000.0,1350000.0,,1350000.0,TUESDAY,14,Y,1,,,,XNA,Refused,-105,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,N,Y,1,360000.0,835380.0,40320.0,675000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.035792000000000004,-12708,-64,-193.0,-1037,,1,1,0,1,0,0,Drivers,3.0,2,2,TUESDAY,16,0,0,0,0,0,0,Agriculture,,0.4964156614262066,0.6413682574954046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1862.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1533292,105393,Cash loans,20979.0,450000.0,450000.0,,450000.0,MONDAY,9,Y,1,,,,XNA,Refused,-68,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,N,N,0,180000.0,254700.0,20250.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.020713,-9940,-1214,-854.0,-2508,,1,1,1,1,1,0,Laborers,2.0,3,3,FRIDAY,11,0,0,0,0,1,1,Business Entity Type 1,0.3467176104165023,0.5100869371594935,0.20092608771597092,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,12.0,0.0,12.0,0.0,-1552.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +2438735,351135,Consumer loans,5002.74,38250.0,37507.5,3600.0,38250.0,THURSDAY,11,Y,1,0.09537741951535053,,,XAP,Approved,-2070,Cash through the bank,XAP,Children,Repeater,Audio/Video,POS,XNA,Stone,180,Consumer electronics,10.0,high,POS household with interest,365243.0,-2039.0,-1769.0,-1919.0,-1913.0,0.0,0,Cash loans,F,N,Y,0,117000.0,101880.0,5976.0,90000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.028663,-21742,365243,-11424.0,-4463,,1,0,0,1,1,0,,1.0,2,2,TUESDAY,7,0,0,0,0,0,0,XNA,,0.6202751086014865,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1201.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1378557,442652,Consumer loans,12079.125,94446.0,102757.5,0.0,94446.0,TUESDAY,16,Y,1,0.0,,,XAP,Approved,-392,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,1539,Consumer electronics,10.0,middle,POS household with interest,365243.0,-362.0,-92.0,-272.0,-268.0,1.0,0,Cash loans,M,Y,N,1,202500.0,454500.0,33070.5,454500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.025164,-15568,-1976,-547.0,-4605,24.0,1,1,0,1,1,1,,2.0,2,2,MONDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.486263046678546,0.631330331144056,0.10145935699146924,0.0289,0.0125,0.9801,0.728,0.0,0.0,0.0345,0.1667,0.0417,0.0,0.0235,0.0362,0.0,0.0,0.0294,0.013,0.9801,0.7387,0.0,0.0,0.0345,0.1667,0.0417,0.0,0.0257,0.0377,0.0,0.0,0.0291,0.0125,0.9801,0.7316,0.0,0.0,0.0345,0.1667,0.0417,0.0,0.0239,0.0368,0.0,0.0,reg oper account,block of flats,0.055,"Stone, brick",No,2.0,1.0,2.0,1.0,-2529.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,3.0 +2634751,181002,Consumer loans,11459.205,113980.5,113742.0,13500.0,113980.5,SATURDAY,14,Y,1,0.11554932548000875,,,XAP,Refused,-1223,XNA,LIMIT,"Spouse, partner",Repeater,Jewelry,POS,XNA,Stone,20,Industry,16.0,high,POS other with interest,,,,,,,0,Cash loans,F,Y,Y,2,112500.0,810000.0,23814.0,810000.0,Family,State servant,Higher education,Married,House / apartment,0.028663,-11209,-1848,-1567.0,-1590,8.0,1,1,0,1,0,1,Medicine staff,4.0,2,2,THURSDAY,13,0,0,0,0,0,0,Medicine,0.08292329165730547,0.6196516931786268,0.3876253444214701,0.0683,0.1078,0.9821,0.7552,0.0093,0.0,0.1552,0.1667,0.0417,0.0188,0.0544,0.0667,0.0058,0.0206,0.0599,0.0686,0.9806,0.7452,0.0078,0.0,0.1379,0.1667,0.0417,0.0178,0.0643,0.0564,0.0039,0.0,0.0713,0.0845,0.9821,0.7585,0.0079,0.0,0.1379,0.1667,0.0417,0.0177,0.0569,0.0649,0.0039,0.0168,reg oper account,block of flats,0.0566,"Stone, brick",No,0.0,0.0,0.0,0.0,-1263.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1513356,128008,Consumer loans,7413.12,51232.5,39600.0,13500.0,51232.5,SATURDAY,11,Y,1,0.2768875192604006,,,XAP,Approved,-1515,Cash through the bank,XAP,Unaccompanied,New,Gardening,POS,XNA,Stone,233,Construction,6.0,middle,POS industry with interest,365243.0,-1484.0,-1334.0,-1334.0,-1325.0,0.0,0,Cash loans,F,N,Y,0,135000.0,544491.0,17563.5,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.020246,-21440,365243,-4193.0,-4548,,1,0,0,1,0,0,,1.0,3,3,TUESDAY,10,0,0,0,0,0,0,XNA,0.7746750185464056,0.3368697147189453,0.6041125998015721,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1515.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1660757,238410,Consumer loans,15319.62,180126.0,162112.5,18013.5,180126.0,FRIDAY,11,Y,1,0.10891453255448458,,,XAP,Approved,-1531,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,890,Furniture,12.0,low_normal,POS industry with interest,365243.0,-1499.0,-1169.0,-1169.0,-1164.0,0.0,0,Cash loans,F,Y,N,0,126000.0,239850.0,23364.0,225000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.018029,-18548,-890,-833.0,-1962,4.0,1,1,1,1,0,0,Managers,2.0,3,3,TUESDAY,14,0,0,0,0,0,0,Kindergarten,0.5514603814624891,0.7401532004010554,,0.066,,0.9786,,,0.0,0.1379,0.125,,,,0.0553,,0.0,0.0672,,0.9786,,,0.0,0.1379,0.125,,,,0.0576,,0.0,0.0666,,0.9786,,,0.0,0.1379,0.125,,,,0.0563,,0.0,,block of flats,0.0435,Panel,No,1.0,0.0,1.0,0.0,-1651.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1976251,261682,Consumer loans,10782.72,105205.5,116316.0,0.0,105205.5,TUESDAY,20,Y,1,0.0,,,XAP,Approved,-301,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,3000,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-271.0,59.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,112500.0,131922.0,8100.0,94500.0,"Spouse, partner",Commercial associate,Higher education,Civil marriage,House / apartment,0.009175,-8524,-1449,-1421.0,-1197,,1,1,0,1,1,0,Sales staff,2.0,2,2,TUESDAY,17,0,0,0,1,1,0,Trade: type 7,0.4126778474855689,0.6573798524207403,0.5954562029091491,0.0351,0.0607,0.9975,,,0.0,0.1034,0.0833,,0.0113,,0.0365,,0.0,0.0357,0.063,0.9975,,,0.0,0.1034,0.0833,,0.0115,,0.038,,0.0,0.0354,0.0607,0.9975,,,0.0,0.1034,0.0833,,0.0114,,0.0372,,0.0,,block of flats,0.0287,"Stone, brick",No,0.0,0.0,0.0,0.0,-474.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1309700,277080,Consumer loans,4901.085,54094.5,54094.5,0.0,54094.5,FRIDAY,11,Y,1,0.0,,,XAP,Approved,-375,Cash through the bank,XAP,,Repeater,Clothing and Accessories,POS,XNA,Regional / Local,100,Clothing,12.0,low_action,POS industry without interest,365243.0,-344.0,-14.0,-14.0,-9.0,0.0,0,Cash loans,F,N,Y,0,144000.0,450000.0,30204.0,450000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.010006000000000001,-14845,-540,-1963.0,-5016,,1,1,0,1,0,0,Drivers,2.0,2,1,TUESDAY,16,0,0,0,0,0,0,Transport: type 4,0.7471234075612637,0.6841799630172402,0.3979463219016906,0.0928,0.1145,0.9826,0.762,0.0388,0.0,0.1379,0.1667,0.2083,0.1098,0.07400000000000001,0.0921,0.0077,0.0062,0.0945,0.1188,0.9826,0.7713,0.0392,0.0,0.1379,0.1667,0.2083,0.1123,0.0808,0.0959,0.0078,0.0066,0.0937,0.1145,0.9826,0.7652,0.0391,0.0,0.1379,0.1667,0.2083,0.1117,0.0752,0.0937,0.0078,0.0063,reg oper account,block of flats,0.099,Panel,No,1.0,0.0,1.0,0.0,-197.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2745466,196005,Consumer loans,6756.21,44905.5,40675.5,6750.0,44905.5,SATURDAY,12,Y,1,0.15500866909918998,,,XAP,Approved,-1277,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,71,Connectivity,8.0,high,POS mobile with interest,365243.0,-1241.0,-1031.0,-1151.0,-1143.0,0.0,0,Cash loans,M,N,Y,0,112500.0,521280.0,31630.5,450000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.0228,-10181,-1595,-3688.0,-2776,,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.20460966922256435,0.6115795564147232,0.511891801533151,0.1306,0.1542,0.9856,0.8028,0.0621,0.0664,0.1952,0.2221,0.2083,0.0805,0.1065,0.1239,0.0,0.0,0.105,0.1179,0.9811,0.7517,0.0187,0.0,0.2069,0.1667,0.2083,0.067,0.0918,0.0928,0.0,0.0,0.1041,0.1136,0.9866,0.8189,0.0835,0.0,0.2069,0.1667,0.2083,0.0871,0.0855,0.0941,0.0,0.0,reg oper account,block of flats,0.1598,"Stone, brick",No,0.0,0.0,0.0,0.0,-865.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1920366,377497,Cash loans,5544.0,45000.0,54103.5,,45000.0,MONDAY,16,Y,1,,,,XNA,Approved,-1300,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1270.0,-940.0,-1023.0,-1014.0,1.0,1,Cash loans,F,Y,Y,0,202500.0,1512796.5,52582.5,1381500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-11836,-4646,-5871.0,-983,11.0,1,1,0,1,0,1,Medicine staff,2.0,2,2,SATURDAY,14,0,0,0,0,0,0,Medicine,0.4742804624741241,0.3769613780410623,0.22383131747015547,0.0742,0.0535,0.9801,0.728,0.1284,0.08,0.069,0.3333,0.375,0.076,0.0605,0.0771,0.0,0.0,0.0756,0.0555,0.9801,0.7387,0.1296,0.0806,0.069,0.3333,0.375,0.0777,0.0661,0.0803,0.0,0.0,0.0749,0.0535,0.9801,0.7316,0.1292,0.08,0.069,0.3333,0.375,0.0773,0.0616,0.0785,0.0,0.0,reg oper account,block of flats,0.0702,Panel,No,1.0,0.0,1.0,0.0,-1300.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2107400,343384,Consumer loans,9328.5,101862.0,101862.0,0.0,101862.0,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-629,Cash through the bank,XAP,Children,New,Photo / Cinema Equipment,POS,XNA,Regional / Local,145,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-592.0,-262.0,-262.0,-260.0,0.0,0,Cash loans,F,N,Y,0,144000.0,844474.5,28039.5,729000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.035792000000000004,-18754,-3389,-7627.0,-2308,,1,1,0,1,0,0,Cooking staff,1.0,2,2,MONDAY,10,0,0,0,0,0,0,Self-employed,,0.620728252590148,0.7490217048463391,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-629.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1627885,127149,Consumer loans,6296.355,75555.0,66487.5,9067.5,75555.0,MONDAY,10,Y,1,0.1307038821809519,,,XAP,Refused,-1562,Cash through the bank,HC,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Regional / Local,104,Consumer electronics,12.0,low_normal,POS household without interest,,,,,,,0,Cash loans,F,N,Y,0,112500.0,490536.0,18621.0,405000.0,Unaccompanied,State servant,Incomplete higher,Separated,House / apartment,0.035792000000000004,-18646,-6976,-6989.0,-2191,,1,1,0,1,1,0,Medicine staff,1.0,2,2,TUESDAY,10,0,0,0,0,1,1,Medicine,,0.7029471420326784,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1562.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1777186,388802,Consumer loans,32548.86,260370.0,234333.0,26037.0,260370.0,TUESDAY,12,Y,1,0.1089090909090909,,,XAP,Refused,-2156,Cash through the bank,SCO,Family,Repeater,Clothing and Accessories,POS,XNA,Stone,150,Clothing,8.0,low_normal,POS industry with interest,,,,,,,0,Cash loans,F,Y,Y,0,360000.0,1125000.0,33025.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.026392000000000002,-16801,-2236,-1301.0,-329,10.0,1,1,0,1,1,0,Sales staff,1.0,2,2,TUESDAY,18,0,0,0,0,0,0,Business Entity Type 3,,0.6682871065072882,0.22009464485041005,0.1237,0.122,0.9771,,,0.0,0.2759,0.1667,,0.1307,,0.1031,,0.0,0.1261,0.1266,0.9772,,,0.0,0.2759,0.1667,,0.1337,,0.1074,,0.0,0.1249,0.122,0.9771,,,0.0,0.2759,0.1667,,0.133,,0.105,,0.0,,block of flats,0.0811,Others,No,0.0,0.0,0.0,0.0,-1830.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1193896,105112,Consumer loans,9182.7,46548.0,46255.5,2475.0,46548.0,THURSDAY,12,Y,1,0.05531443346569395,,,XAP,Approved,-1329,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,1000,Consumer electronics,6.0,high,POS household with interest,365243.0,-1296.0,-1146.0,-1146.0,-1116.0,0.0,0,Cash loans,M,Y,Y,1,225000.0,526500.0,22437.0,526500.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.026392000000000002,-10320,-249,-4301.0,-3002,11.0,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,14,0,0,0,1,1,0,Business Entity Type 3,,0.6651968540330259,0.06210303783729682,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2274011,452757,Consumer loans,7157.655,171904.5,154714.5,17190.0,171904.5,WEDNESDAY,18,Y,1,0.1089062399604008,,,XAP,Approved,-189,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,1000,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-158.0,532.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,279000.0,450000.0,23107.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-16624,-448,-134.0,-169,15.0,1,1,0,1,0,0,Drivers,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.6622489066220091,0.4776491548517548,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-3416.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1773666,237816,Cash loans,87852.51,454500.0,463500.0,,454500.0,FRIDAY,13,Y,1,,,,XNA,Approved,-638,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-597.0,-447.0,-447.0,-440.0,0.0,0,Cash loans,F,N,Y,0,202500.0,509400.0,40374.0,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.072508,-21188,365243,-1038.0,-4217,,1,0,0,1,0,0,,1.0,1,1,SATURDAY,14,0,0,0,0,0,0,XNA,,0.4481712095962852,0.2079641743053816,0.1945,0.1978,0.9836,0.7756,0.0,0.32,0.1379,0.4583,0.5,0.0,0.1586,0.0,0.0,0.0,0.2006,0.1035,0.9841,0.7909,0.0,0.3222,0.1379,0.4583,0.5,0.0,0.1754,0.0,0.0,0.0,0.1988,0.2161,0.9841,0.7853,0.0,0.32,0.1379,0.4583,0.5,0.0,0.1633,0.0,0.0,0.0,reg oper account,block of flats,0.1298,Panel,No,0.0,0.0,0.0,0.0,-124.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,9.0 +1925860,249490,Consumer loans,6349.14,126688.5,140935.5,0.0,126688.5,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-296,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,2301,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-266.0,424.0,365243.0,365243.0,1.0,1,Cash loans,M,Y,Y,0,90000.0,432567.0,29389.5,328500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-20128,-541,-7117.0,-3673,6.0,1,1,0,1,0,0,Security staff,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Transport: type 4,,0.6842366614503015,,0.3856,0.21600000000000005,0.9826,0.762,0.0963,0.4,0.3448,0.3333,0.375,0.1456,0.3135,0.3876,0.0039,0.0146,0.3929,0.2242,0.9826,0.7713,0.0971,0.4028,0.3448,0.3333,0.375,0.1489,0.3425,0.4039,0.0039,0.0154,0.3893,0.21600000000000005,0.9826,0.7652,0.0969,0.4,0.3448,0.3333,0.375,0.1481,0.3189,0.3946,0.0039,0.0149,reg oper account,block of flats,0.3965,Panel,No,0.0,0.0,0.0,0.0,-721.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2677224,297628,Consumer loans,5567.445,25515.0,26779.5,0.0,25515.0,WEDNESDAY,11,Y,1,0.0,,,XAP,Approved,-1543,XNA,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,4000,Consumer electronics,6.0,high,POS household with interest,365243.0,-1512.0,-1362.0,-1362.0,-1356.0,0.0,1,Cash loans,F,N,Y,1,103500.0,310671.0,24543.0,256500.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.018801,-15324,-2388,-7514.0,-4709,,1,1,0,1,0,0,Medicine staff,3.0,2,2,SATURDAY,11,0,0,0,0,0,0,University,0.7237284250837299,0.6478368951396523,0.20208660168203949,0.0052,0.0,0.9608,0.4628,0.0018,0.0,0.0345,0.0,0.0417,0.0037,0.0042,0.0035,0.0,0.0,0.0053,0.0,0.9608,0.4838,0.0018,0.0,0.0345,0.0,0.0417,0.0038,0.0046,0.0036,0.0,0.0,0.0052,0.0,0.9608,0.47,0.0018,0.0,0.0345,0.0,0.0417,0.0038,0.0043,0.0035,0.0,0.0,reg oper account,block of flats,0.0037,Wooden,No,0.0,0.0,0.0,0.0,-1926.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1318445,374800,Consumer loans,9113.805,99517.5,99517.5,0.0,99517.5,FRIDAY,8,Y,1,0.0,,,XAP,Approved,-560,Cash through the bank,XAP,,Refreshed,Medical Supplies,POS,XNA,Country-wide,50,Industry,12.0,low_action,POS others without interest,365243.0,-526.0,-196.0,-226.0,-222.0,0.0,0,Cash loans,F,N,Y,0,202500.0,708552.0,25578.0,585000.0,Family,State servant,Secondary / secondary special,Single / not married,House / apartment,0.031329,-20992,-78,-8032.0,-4172,,1,1,0,1,0,0,Secretaries,1.0,2,2,FRIDAY,15,0,0,0,0,0,0,Medicine,0.7914007825500065,0.4764788048769551,0.2650494299443805,0.0124,0.0,0.9687,,0.0023,,0.069,0.0417,,0.0,0.0101,0.0153,0.0,0.0,0.0126,0.0,0.9687,,0.0023,,0.069,0.0417,,0.0,0.011,0.0159,0.0,0.0,0.0125,0.0,0.9687,,0.0023,,0.069,0.0417,,0.0,0.0103,0.0155,0.0,0.0,reg oper account,block of flats,0.012,Block,No,0.0,0.0,0.0,0.0,-398.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,3.0 +2314587,303002,Revolving loans,45000.0,900000.0,900000.0,,900000.0,MONDAY,7,Y,1,,,,XAP,Refused,-372,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,1,Cash loans,F,N,Y,0,270000.0,398016.0,22977.0,360000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.018801,-19615,-1010,-10470.0,-3154,,1,1,0,1,1,0,Core staff,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,Medicine,0.7092839988176547,0.5731826231971582,,,,0.9781,,,,,,,,,0.0649,,,,,0.9782,,,,,,,,,0.0677,,,,,0.9781,,,,,,,,,0.0661,,,,,0.0511,,No,0.0,0.0,0.0,0.0,-1538.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1319647,198274,Consumer loans,3121.155,74920.5,66978.0,7942.5,74920.5,SATURDAY,9,Y,1,0.11545711181124718,,,XAP,Approved,-2651,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,1202,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-2620.0,-1930.0,-1960.0,-1957.0,0.0,0,Revolving loans,F,N,Y,0,67500.0,135000.0,6750.0,135000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.0060079999999999995,-19879,-8314,-6881.0,-3291,,1,1,0,1,1,0,Laborers,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Other,,0.6520062344313987,0.7151031019926098,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,3.0,0.0,3.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1381250,304344,Consumer loans,1991.79,13792.5,14931.0,0.0,13792.5,MONDAY,15,Y,1,0.0,,,XAP,Approved,-2689,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,40,Connectivity,10.0,high,POS mobile with interest,365243.0,-2658.0,-2388.0,-2388.0,-807.0,1.0,0,Cash loans,F,N,Y,0,126000.0,722394.0,23301.0,603000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.022625,-22536,365243,-10821.0,-4065,,1,0,0,1,1,0,,1.0,2,2,TUESDAY,15,0,0,0,0,0,0,XNA,,0.3109907820719985,,0.033,,0.9747,,,0.0,0.069,0.125,,0.0069,,0.0247,,0.0,0.0336,,0.9747,,,0.0,0.069,0.125,,0.0071,,0.0257,,0.0,0.0333,,0.9747,,,0.0,0.069,0.125,,0.0071,,0.0251,,0.0,,block of flats,0.0209,"Stone, brick",No,0.0,0.0,0.0,0.0,-545.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2840345,437857,Consumer loans,3940.11,35460.9,32269.5,3191.4,35460.9,SATURDAY,9,Y,1,0.0980156941102094,,,XAP,Refused,-2560,Cash through the bank,SCO,,Repeater,XNA,POS,XNA,Stone,253,Consumer electronics,9.0,low_normal,POS household without interest,,,,,,,0,Cash loans,F,N,N,0,135000.0,675000.0,26770.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.026392000000000002,-21352,365243,-12105.0,-4432,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,23,0,0,0,0,0,0,XNA,,0.7580744125877518,0.7380196196295241,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2477.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1958824,404594,Consumer loans,16776.315,167782.5,151002.0,16780.5,167782.5,TUESDAY,9,Y,1,0.1089236958562424,,,XAP,Approved,-1687,XNA,XAP,"Spouse, partner",Repeater,Furniture,POS,XNA,Stone,65,Furniture,10.0,low_normal,POS industry with interest,365243.0,-1650.0,-1380.0,-1380.0,-1374.0,0.0,0,Cash loans,F,N,N,0,121500.0,508495.5,33007.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-15472,-2496,-648.0,-4374,,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Self-employed,0.7477224848843749,0.6764902008684497,0.41184855592423975,0.0454,0.0374,0.9613,0.4696,0.0029,0.0,0.1379,0.1042,0.0208,0.002,0.037000000000000005,0.0415,0.0,0.0,0.0084,0.0,0.9598,0.4708,0.0023,0.0,0.069,0.0417,0.0,0.0,0.0073,0.0054,0.0,0.0,0.0458,0.0374,0.9613,0.4767,0.0029,0.0,0.1379,0.1042,0.0208,0.002,0.0376,0.0423,0.0,0.0,reg oper account,block of flats,0.006,Wooden,Yes,0.0,0.0,0.0,0.0,-1687.0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1693221,366719,Cash loans,31580.19,450000.0,481185.0,,450000.0,FRIDAY,10,Y,1,,,,XNA,Approved,-273,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,117000.0,485640.0,33930.0,450000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.011703,-18173,-3449,-4343.0,-1704,,1,1,0,1,0,0,Cleaning staff,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Industry: type 9,,0.7180840985015048,,0.2062,0.0,0.994,0.9184,0.0458,0.2,0.1724,0.375,0.4167,0.0837,0.1681,0.2375,0.0,0.0,0.2101,0.0,0.994,0.9216,0.0463,0.2014,0.1724,0.375,0.4167,0.0856,0.1837,0.2474,0.0,0.0,0.2082,0.0,0.994,0.9195,0.0461,0.2,0.1724,0.375,0.4167,0.0852,0.171,0.2417,0.0,0.0,reg oper spec account,block of flats,0.2116,Panel,No,11.0,0.0,11.0,0.0,-945.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1468436,248053,Consumer loans,20716.335,115776.0,107338.5,13500.0,115776.0,SUNDAY,11,Y,1,0.12167254039670528,,,XAP,Approved,-1406,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,310,Consumer electronics,6.0,high,POS household with interest,365243.0,-1375.0,-1225.0,-1225.0,-1217.0,0.0,0,Cash loans,F,N,Y,0,166500.0,835605.0,24561.0,697500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.031329,-18955,-2231,-7724.0,-2503,,1,1,0,1,0,0,Sales staff,1.0,2,2,SATURDAY,9,0,0,0,0,0,0,Trade: type 7,,0.2556536058130117,0.7662336700704004,0.1392,0.043,0.9881,0.8368,0.0208,0.04,0.0345,0.3333,0.0417,0.1073,0.1135,0.069,0.0,0.0,0.1418,0.0447,0.9881,0.8432,0.021,0.0403,0.0345,0.3333,0.0417,0.1097,0.124,0.0718,0.0,0.0,0.1405,0.043,0.9881,0.8390000000000001,0.0209,0.04,0.0345,0.3333,0.0417,0.1092,0.1154,0.0702,0.0,0.0,reg oper account,block of flats,0.073,Block,No,0.0,0.0,0.0,0.0,-1955.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,0.0 +1536289,120116,Cash loans,23567.85,229500.0,241920.0,,229500.0,SATURDAY,12,Y,1,,,,XNA,Approved,-501,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-471.0,-141.0,-381.0,-367.0,1.0,0,Cash loans,M,N,Y,0,292500.0,706410.0,67203.0,679500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.031329,-21658,-1859,-6294.0,-3996,,1,1,0,1,0,0,Managers,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.6822774055522891,0.6769925032909132,0.0361,0.0069,0.9737,0.6396,0.0022,0.0,0.1034,0.0833,0.125,0.0278,0.0286,0.0284,0.0039,0.0052,0.0368,0.0072,0.9737,0.6537,0.0023,0.0,0.1034,0.0833,0.125,0.0284,0.0312,0.0296,0.0039,0.0055,0.0364,0.0069,0.9737,0.6444,0.0023,0.0,0.1034,0.0833,0.125,0.0283,0.0291,0.0289,0.0039,0.0053,reg oper account,block of flats,0.0234,"Stone, brick",No,0.0,0.0,0.0,0.0,-2786.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1058340,365033,Revolving loans,4500.0,0.0,90000.0,,,TUESDAY,13,Y,1,,,,XAP,Approved,-404,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-384.0,-347.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,135000.0,545040.0,28350.0,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.011703,-9515,-1780,-9488.0,-1811,9.0,1,1,0,1,1,0,Laborers,2.0,2,2,SUNDAY,11,0,0,0,0,0,0,Trade: type 2,0.6726942384434931,0.7372577034551809,0.5919766183185521,0.066,0.081,0.9776,0.6940000000000001,,0.0,0.1379,0.1667,0.2083,0.0511,,0.053,,0.1229,0.0672,0.084,0.9777,0.706,,0.0,0.1379,0.1667,0.2083,0.0523,,0.0553,,0.1301,0.0666,0.081,0.9776,0.6981,,0.0,0.1379,0.1667,0.2083,0.052000000000000005,,0.054000000000000006,,0.1255,reg oper account,block of flats,0.0722,"Stone, brick",No,1.0,0.0,1.0,0.0,-404.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1290787,231092,Consumer loans,12726.765,134950.5,134950.5,0.0,134950.5,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-836,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,951,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-805.0,-475.0,-475.0,-472.0,0.0,0,Cash loans,M,Y,Y,0,270000.0,1350000.0,42390.0,1350000.0,Unaccompanied,Working,Incomplete higher,Civil marriage,House / apartment,0.009334,-9159,-1397,-3802.0,-1566,4.0,1,1,0,1,1,0,Sales staff,2.0,2,2,WEDNESDAY,18,0,0,0,0,0,0,Trade: type 2,,0.6300111130707674,0.14287252304131962,,,0.9722,,,,0.1379,0.0,,,,0.0022,,,,,0.9722,,,,0.1379,0.0,,,,0.0023,,,,,0.9722,,,,0.1379,0.0,,,,0.0023,,,,block of flats,0.0017,Wooden,No,1.0,0.0,1.0,0.0,-243.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,9.0 +1322756,145126,Consumer loans,12818.25,135000.0,135000.0,0.0,135000.0,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-117,XNA,XAP,,Repeater,Auto Accessories,POS,XNA,Stone,40,Auto technology,12.0,low_normal,POS other with interest,365243.0,-87.0,243.0,365243.0,365243.0,0.0,0,Revolving loans,M,Y,Y,1,81000.0,135000.0,6750.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-12992,-1426,-4964.0,-4549,12.0,1,1,1,1,1,0,IT staff,3.0,2,2,THURSDAY,11,0,0,0,0,0,0,Advertising,,0.54005382132142,,0.0155,0.0375,0.9841,,,,0.069,0.0417,,0.0069,,0.0046,,,0.0158,0.0389,0.9841,,,,0.069,0.0417,,0.006999999999999999,,0.0048,,,0.0156,0.0375,0.9841,,,,0.069,0.0417,,0.006999999999999999,,0.0047,,,,block of flats,0.0121,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1187233,256699,Consumer loans,10447.83,94495.5,85045.5,9450.0,94495.5,WEDNESDAY,15,Y,1,0.10891427730324822,,,XAP,Approved,-138,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,2222,Consumer electronics,10.0,middle,POS household with interest,365243.0,-107.0,163.0,-77.0,-71.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,90000.0,8901.0,90000.0,Family,Working,Secondary / secondary special,Single / not married,With parents,0.010006000000000001,-8521,-1835,-2841.0,-1187,9.0,1,1,0,1,0,0,Sales staff,1.0,2,1,MONDAY,17,0,0,0,0,0,0,Industry: type 1,,0.6273924215945101,0.6738300778602003,0.2928,0.1968,0.995,0.932,0.0763,0.32,0.2759,0.3333,0.375,0.1474,0.2387,0.3232,0.0,0.0,0.2983,0.2042,0.995,0.9347,0.077,0.3222,0.2759,0.3333,0.375,0.1508,0.2608,0.3368,0.0,0.0,0.2956,0.1968,0.995,0.9329,0.0768,0.32,0.2759,0.3333,0.375,0.15,0.2428,0.329,0.0,0.0,reg oper account,block of flats,0.3007,Panel,No,0.0,0.0,0.0,0.0,-1820.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2683541,141460,Consumer loans,14878.8,188977.5,222403.5,0.0,188977.5,TUESDAY,11,Y,1,0.0,,,XAP,Approved,-2338,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,30,Consumer electronics,24.0,middle,POS household with interest,365243.0,-2307.0,-1617.0,-1857.0,-1850.0,0.0,0,Cash loans,F,N,N,0,112500.0,405000.0,19480.5,405000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-19469,-2337,-2925.0,-2629,,1,1,0,1,1,0,Sales staff,2.0,2,2,SUNDAY,20,0,0,0,0,0,0,Self-employed,0.4783088120825431,0.4409896957727969,0.6848276586890367,0.334,0.2658,0.9836,0.7756,0.0706,0.36,0.3103,0.3333,0.375,0.08199999999999999,0.2723,0.3548,0.0,0.0,0.3403,0.2758,0.9836,0.7844,0.0713,0.3625,0.3103,0.3333,0.375,0.0838,0.2975,0.3697,0.0,0.0,0.3373,0.2658,0.9836,0.7786,0.0711,0.36,0.3103,0.3333,0.375,0.0834,0.277,0.3612,0.0,0.0,reg oper spec account,block of flats,0.3177,Panel,No,0.0,0.0,0.0,0.0,-1240.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1107234,203912,Consumer loans,4020.03,15975.0,18918.0,0.0,15975.0,THURSDAY,13,Y,1,0.0,,,XAP,Approved,-1436,Cash through the bank,XAP,Unaccompanied,Refreshed,Computers,POS,XNA,Stone,20,Consumer electronics,6.0,high,POS household with interest,365243.0,-1405.0,-1255.0,-1255.0,-1250.0,0.0,0,Cash loans,M,Y,Y,1,81000.0,98910.0,8059.5,90000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.007120000000000001,-11028,-1239,-3528.0,-3530,18.0,1,1,1,1,0,0,Laborers,3.0,2,2,FRIDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.21067831010692686,0.7384167006928231,0.5442347412142162,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2231815,306140,Cash loans,68393.52,2160000.0,2587680.0,,2160000.0,TUESDAY,11,Y,1,,,,XNA,Refused,-196,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,180000.0,855000.0,41130.0,855000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-20010,-3477,-6745.0,-3497,,1,1,0,1,1,0,Laborers,2.0,1,1,FRIDAY,12,0,0,0,0,0,0,Construction,,0.34232808487675703,0.7801436381572275,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.1683,,No,0.0,0.0,0.0,0.0,-549.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2838917,334976,Consumer loans,8105.13,31612.5,28449.0,3163.5,31612.5,MONDAY,14,Y,1,0.10898660627628601,,,XAP,Refused,-2702,Cash through the bank,SCO,Children,Repeater,XNA,POS,XNA,Country-wide,20,Connectivity,4.0,low_normal,POS mobile with interest,,,,,,,0,Cash loans,M,N,Y,0,122400.0,249606.0,19849.5,220500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.002134,-18683,-1072,-8640.0,-2147,,1,1,0,1,0,0,Security staff,1.0,3,3,MONDAY,6,0,0,0,0,0,0,Transport: type 4,0.4374131632770655,0.6246329365282077,,0.1639,0.2296,0.9851,0.7959999999999999,,0.0,0.3793,0.1667,0.0417,,,0.0953,,0.0048,0.16699999999999998,0.2382,0.9851,0.804,,0.0,0.3793,0.1667,0.0417,,,0.0993,,0.005,0.1655,0.2296,0.9851,0.7987,,0.0,0.3793,0.1667,0.0417,,,0.097,,0.0049,reg oper account,block of flats,0.1312,"Stone, brick",No,1.0,1.0,1.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1900660,386894,Consumer loans,14514.975,221400.0,221400.0,0.0,221400.0,SUNDAY,10,Y,1,0.0,,,XAP,Approved,-559,XNA,XAP,,Repeater,Consumer Electronics,POS,XNA,Stone,130,Consumer electronics,18.0,low_normal,POS household with interest,365243.0,-528.0,-18.0,-48.0,-41.0,0.0,0,Cash loans,F,N,Y,0,112500.0,291384.0,23490.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.014464,-11312,-584,-4027.0,-3974,,1,1,1,1,1,0,Sales staff,2.0,2,2,SATURDAY,9,0,0,0,0,0,0,Self-employed,0.591988071447701,0.708577927677247,0.6971469077844458,0.133,0.1494,0.9776,0.6940000000000001,0.0616,0.0,0.2759,0.1667,0.0417,0.0258,0.1084,0.1194,0.0077,0.0052,0.1355,0.155,0.9777,0.706,0.0622,0.0,0.2759,0.1667,0.0417,0.0264,0.1185,0.1244,0.0078,0.0055,0.1343,0.1494,0.9776,0.6981,0.062,0.0,0.2759,0.1667,0.0417,0.0263,0.1103,0.1216,0.0078,0.0054,reg oper account,block of flats,0.1026,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2168468,291014,Consumer loans,4953.69,35505.0,30654.0,6750.0,35505.0,FRIDAY,12,Y,1,0.19653950476857115,,,XAP,Approved,-1874,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,25,Connectivity,8.0,high,POS mobile with interest,365243.0,-1839.0,-1629.0,-1629.0,-1620.0,0.0,1,Cash loans,M,Y,N,0,112500.0,284400.0,13963.5,225000.0,Unaccompanied,Working,Incomplete higher,Single / not married,Rented apartment,0.008865999999999999,-9644,-404,-4437.0,-2282,5.0,1,1,1,1,0,0,,1.0,2,2,WEDNESDAY,10,0,0,0,1,1,0,Self-employed,,0.247856269387166,0.5954562029091491,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-1180.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2841882,309205,Consumer loans,7659.675,44955.0,37863.0,8991.0,44955.0,WEDNESDAY,12,Y,1,0.20898997660042606,,,XAP,Approved,-1154,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,45,Connectivity,6.0,high,POS mobile with interest,365243.0,-1096.0,-946.0,-946.0,-939.0,0.0,0,Cash loans,M,N,Y,0,180000.0,156384.0,16551.0,135000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-17974,-5780,-7742.0,-1498,,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,17,0,1,1,0,0,0,Transport: type 2,,0.35759838946613315,0.8050196619153701,0.0381,0.0304,0.9752,0.66,,0.0,0.069,0.1667,0.2083,0.0394,0.0303,0.0289,0.0039,0.01,0.0389,0.0315,0.9752,0.6733,,0.0,0.069,0.1667,0.2083,0.0403,0.0331,0.0301,0.0039,0.0105,0.0385,0.0304,0.9752,0.6645,,0.0,0.069,0.1667,0.2083,0.0401,0.0308,0.0294,0.0039,0.0102,reg oper account,block of flats,0.0381,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2663284,286451,Cash loans,33986.655,1125000.0,1288350.0,,1125000.0,TUESDAY,8,Y,1,,,,Repairs,Approved,-579,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,AP+ (Cash loan),4,XNA,60.0,low_action,Cash Street: low,365243.0,-545.0,1225.0,-215.0,-211.0,0.0,0,Cash loans,F,N,Y,0,166950.0,891000.0,26181.0,891000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0228,-17533,-1736,-9095.0,-741,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Housing,,0.27833388635051354,0.5744466170995097,0.0206,0.0284,0.9876,0.83,0.0,0.0,0.069,0.1667,0.2083,0.0,0.0168,0.0229,0.0,0.0,0.021,0.0294,0.9876,0.8367,0.0,0.0,0.069,0.1667,0.2083,0.0,0.0184,0.0239,0.0,0.0,0.0208,0.0284,0.9876,0.8323,0.0,0.0,0.069,0.1667,0.2083,0.0,0.0171,0.0233,0.0,0.0,reg oper account,block of flats,0.018000000000000002,"Stone, brick",No,1.0,1.0,1.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2558336,400111,Consumer loans,3609.045,23310.0,29682.0,0.0,23310.0,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-740,Cash through the bank,XAP,Unaccompanied,Repeater,Photo / Cinema Equipment,POS,XNA,Stone,8,Connectivity,12.0,high,POS mobile with interest,365243.0,-709.0,-379.0,-559.0,-551.0,0.0,0,Cash loans,F,N,Y,0,112500.0,1046142.0,30717.0,913500.0,Family,Working,Lower secondary,Married,House / apartment,0.020713,-15590,-1070,-5810.0,-4266,,1,1,0,1,1,0,Sales staff,2.0,3,3,FRIDAY,8,0,0,0,0,0,0,Self-employed,,0.6881308586548461,0.3077366963789207,0.0619,0.2764,0.9921,0.8912,0.0869,0.0,0.1379,0.125,0.0417,0.0496,0.0504,0.0606,0.0,0.0,0.063,0.2868,0.9921,0.8955,0.0877,0.0,0.1379,0.125,0.0417,0.0508,0.0551,0.0631,0.0,0.0,0.0625,0.2764,0.9921,0.8927,0.0875,0.0,0.1379,0.125,0.0417,0.0505,0.0513,0.0617,0.0,0.0,reg oper spec account,block of flats,0.0477,Panel,No,0.0,0.0,0.0,0.0,-561.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2518032,405783,Consumer loans,16871.985,88209.0,92866.5,0.0,88209.0,SUNDAY,5,Y,1,0.0,,,XAP,Approved,-594,XNA,XAP,,Repeater,Audio/Video,POS,XNA,Regional / Local,1050,Consumer electronics,6.0,middle,POS household with interest,365243.0,-562.0,-412.0,-472.0,-468.0,0.0,1,Cash loans,M,N,N,0,270000.0,732915.0,87111.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,With parents,0.006629,-13838,-799,-1130.0,-2228,,1,1,0,1,0,0,Laborers,1.0,2,2,SATURDAY,10,0,0,0,0,0,0,Construction,,0.4227389083949984,,0.1247,0.0,0.997,0.9592,,0.08,0.069,0.3333,0.0417,0.0125,0.1017,0.096,0.0,,0.1271,0.0,0.997,0.9608,,0.0806,0.069,0.3333,0.0417,0.0128,0.1111,0.1,0.0,,0.126,0.0,0.997,0.9597,,0.08,0.069,0.3333,0.0417,0.0128,0.1035,0.0977,0.0,,reg oper account,block of flats,0.1252,Panel,No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2820026,181895,Consumer loans,3061.035,26955.0,25173.0,4050.0,26955.0,SATURDAY,14,Y,1,0.15093652882380942,,,XAP,Approved,-2075,Cash through the bank,XAP,Family,New,Photo / Cinema Equipment,POS,XNA,Country-wide,30,Connectivity,12.0,high,POS mobile with interest,365243.0,-2044.0,-1714.0,-1954.0,-1948.0,0.0,1,Cash loans,M,N,Y,1,247500.0,1256400.0,36864.0,900000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.019688999999999998,-15118,-1705,-4250.0,-4305,,1,1,0,1,0,0,,3.0,2,2,TUESDAY,11,0,0,0,0,1,1,Industry: type 9,,0.6636219712202527,0.5531646987710016,0.1031,0.1162,0.9806,0.7348,0.0,0.0,0.1724,0.1667,0.2083,0.0,0.0841,0.0597,0.0,0.1051,0.105,0.1206,0.9806,0.7452,0.0,0.0,0.1724,0.1667,0.2083,0.0,0.0918,0.0622,0.0,0.1113,0.1041,0.1162,0.9806,0.7383,0.0,0.0,0.1724,0.1667,0.2083,0.0,0.0855,0.0608,0.0,0.1074,not specified,block of flats,0.0698,Panel,No,5.0,0.0,5.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1030632,240556,Cash loans,50457.825,675000.0,721332.0,,675000.0,WEDNESDAY,13,Y,1,,,,XNA,Approved,-529,XNA,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-498.0,192.0,-258.0,-252.0,0.0,1,Cash loans,M,Y,Y,1,225000.0,900000.0,29164.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.009549,-19496,-3630,-691.0,-3035,10.0,1,1,0,1,0,0,,2.0,2,2,SUNDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.25864689965443954,0.12154124449072692,0.3077366963789207,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1663.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1827006,439435,Cash loans,19811.61,184500.0,184500.0,0.0,184500.0,SATURDAY,14,Y,1,0.0,,,XNA,Approved,-2365,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,middle,Cash Street: middle,365243.0,-2335.0,-2005.0,-2005.0,-1986.0,0.0,1,Cash loans,F,N,N,0,180000.0,592560.0,31153.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007305,-17999,-7716,-200.0,-1400,,1,1,0,1,0,0,Laborers,2.0,3,3,FRIDAY,11,0,0,0,0,0,0,School,,0.24141137397883736,0.20092608771597092,0.2773,0.1663,0.999,0.9864,0.14300000000000002,0.32,0.2759,0.375,0.4167,0.0445,0.2244,0.2926,0.0077,0.0072,0.2826,0.1725,0.999,0.9869,0.1443,0.3222,0.2759,0.375,0.4167,0.0455,0.2452,0.3048,0.0078,0.0076,0.28,0.1663,0.999,0.9866,0.1439,0.32,0.2759,0.375,0.4167,0.0453,0.2283,0.2978,0.0078,0.0074,reg oper spec account,block of flats,0.336,"Stone, brick",No,1.0,1.0,1.0,1.0,-2365.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,2.0,1.0 +2053343,110433,Consumer loans,13102.965,61474.5,49176.0,12298.5,61474.5,FRIDAY,18,Y,1,0.2178819599257341,,,XAP,Approved,-904,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,20,Connectivity,4.0,middle,POS mobile without interest,365243.0,-863.0,-773.0,-773.0,-769.0,0.0,0,Cash loans,F,Y,N,0,202500.0,1233477.0,52389.0,1102500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.022625,-15224,-2437,-7617.0,-4497,65.0,1,1,0,1,0,0,Laborers,1.0,2,2,SATURDAY,15,0,0,0,0,0,0,Medicine,,0.4374994679879873,0.6848276586890367,0.0876,0.0797,0.9816,0.6396,0.0077,0.04,0.1034,0.2708,0.2083,0.0114,0.0672,0.0711,0.0,0.0,0.084,0.0827,0.9737,0.6537,0.0078,0.0,0.069,0.1667,0.2083,0.0116,0.0735,0.0731,0.0,0.0,0.0885,0.0797,0.9816,0.6444,0.0078,0.04,0.1034,0.2708,0.2083,0.0116,0.0684,0.0724,0.0,0.0,reg oper account,block of flats,0.0609,"Stone, brick",No,0.0,0.0,0.0,0.0,-904.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,0.0 +2104756,122137,Cash loans,36520.155,990000.0,1104997.5,,990000.0,WEDNESDAY,13,Y,1,,,,XNA,Approved,-139,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-109.0,1301.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,1,135000.0,526491.0,18909.0,454500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.032561,-13422,-837,-7211.0,-4921,,1,1,0,1,1,0,Sales staff,3.0,1,1,TUESDAY,15,0,0,0,0,0,0,Other,0.5790833459658027,0.7009661753059696,0.1684161714286957,,,0.9752,,,0.0,0.2069,0.1667,,,,0.0996,,,,,0.9747,,,0.0,0.2069,0.1667,,,,0.0884,,,,,0.9747,,,0.0,0.2069,0.1667,,,,0.1088,,,,block of flats,0.0671,Panel,No,0.0,0.0,0.0,0.0,-2409.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1411418,280064,Consumer loans,4190.445,19300.5,20551.5,1930.5,19300.5,SUNDAY,15,Y,1,0.0935188150520416,,,XAP,Approved,-1628,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,64,Connectivity,6.0,high,POS mobile with interest,365243.0,-1597.0,-1447.0,-1447.0,-1439.0,0.0,0,Cash loans,F,N,N,0,171000.0,189621.0,14980.5,144000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-12515,-190,-4794.0,-4640,,1,1,1,1,0,0,Sales staff,2.0,2,2,THURSDAY,7,0,0,0,0,0,0,Industry: type 3,,0.18483176632893286,0.3910549766342248,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1302.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,9.0 +1985601,195006,Consumer loans,3714.975,30960.0,30105.0,3150.0,30960.0,THURSDAY,8,Y,1,0.10316152048222413,,,XAP,Approved,-1960,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Stone,517,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1928.0,-1658.0,-1658.0,-1656.0,0.0,0,Cash loans,F,N,Y,0,135000.0,679500.0,24070.5,679500.0,Family,State servant,Secondary / secondary special,Married,House / apartment,0.031329,-17363,-2781,-3639.0,-890,,1,1,0,1,0,0,Medicine staff,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Medicine,,0.2631435910213423,0.34741822720026416,0.0124,,0.9747,,,,0.069,0.0417,,0.035,,0.0089,,0.0,0.0126,,0.9747,,,,0.069,0.0417,,0.0358,,0.0093,,0.0,0.0125,,0.9747,,,,0.069,0.0417,,0.0356,,0.0091,,0.0,,block of flats,0.0081,"Stone, brick",No,0.0,0.0,0.0,0.0,-1960.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2836875,266689,Cash loans,,0.0,0.0,,,TUESDAY,9,Y,1,,,,XNA,Refused,-274,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,N,N,0,166500.0,405000.0,31995.0,405000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-11704,-1137,-4524.0,-2981,,1,1,1,1,1,0,Drivers,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Transport: type 4,0.1707932071228488,0.650928786540414,0.19182160241360605,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,0.0,-765.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1999484,274925,Consumer loans,5637.105,63895.5,69651.0,6390.0,63895.5,WEDNESDAY,15,Y,1,0.09152024446142094,,,XAP,Approved,-45,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,100,Consumer electronics,16.0,middle,POS household with interest,365243.0,365243.0,441.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,135000.0,136287.0,6687.0,103500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.035792000000000004,-21581,-5467,-4287.0,-4573,17.0,1,1,0,1,0,0,Accountants,1.0,2,2,SATURDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.7464949534891391,0.7000945418247211,0.5370699579791587,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1307542,411571,Consumer loans,5612.49,93181.5,29362.5,65205.0,93181.5,TUESDAY,10,Y,1,0.7509363441697487,,,XAP,Approved,-1416,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Stone,148,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1385.0,-1235.0,-1235.0,-1228.0,0.0,0,Cash loans,M,Y,Y,1,225000.0,260640.0,28197.0,225000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00702,-16752,-1208,-5153.0,-301,32.0,1,1,0,1,0,1,Drivers,3.0,2,2,THURSDAY,15,0,0,0,0,1,1,Construction,,0.5187718426184555,0.3490552510751822,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2395911,330286,Consumer loans,8932.14,72894.6,80109.0,3.6,72894.6,WEDNESDAY,11,Y,1,4.894020756694045e-05,,,XAP,Approved,-1405,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,1500,Consumer electronics,12.0,high,POS household with interest,365243.0,-1374.0,-1044.0,-1044.0,-1037.0,0.0,0,Cash loans,F,N,Y,0,99000.0,1256400.0,36864.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-18101,-4157,-11934.0,-1629,,1,1,0,1,0,0,Core staff,2.0,1,1,MONDAY,16,0,0,0,0,0,0,Medicine,,0.5717482712305131,0.7136313997323308,0.0928,0.1008,0.9791,0.7144,0.0135,0.0,0.2069,0.1667,0.2083,0.0837,0.0756,0.0867,0.0,0.0,0.0945,0.1046,0.9791,0.7256,0.0136,0.0,0.2069,0.1667,0.2083,0.0857,0.0826,0.0903,0.0,0.0,0.0937,0.1008,0.9791,0.7182,0.0136,0.0,0.2069,0.1667,0.2083,0.0852,0.077,0.0883,0.0,0.0,reg oper account,block of flats,0.0929,Panel,No,0.0,0.0,0.0,0.0,-1405.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2116982,440869,Consumer loans,4488.435,24250.5,15754.5,9000.0,24250.5,WEDNESDAY,5,Y,1,0.3959610649303432,,,XAP,Approved,-2539,XNA,XAP,"Spouse, partner",New,Photo / Cinema Equipment,POS,XNA,Country-wide,55,Connectivity,4.0,low_normal,POS mobile with interest,365243.0,-2508.0,-2418.0,-2418.0,-2409.0,1.0,1,Cash loans,F,N,Y,0,202500.0,325908.0,16767.0,247500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.006305,-21252,-291,-9393.0,-4759,,1,1,0,1,0,0,Medicine staff,2.0,3,3,MONDAY,8,0,0,0,0,0,0,Business Entity Type 3,0.7179600771596478,0.736265290176582,0.41885428862332175,0.066,0.0686,0.9871,0.8232,0.0312,0.0,0.1379,0.1667,0.2083,0.0197,0.0538,0.0667,0.0,0.0,0.0672,0.0712,0.9871,0.8301,0.0315,0.0,0.1379,0.1667,0.2083,0.0202,0.0588,0.0695,0.0,0.0,0.0666,0.0686,0.9871,0.8256,0.0314,0.0,0.1379,0.1667,0.2083,0.0201,0.0547,0.0679,0.0,0.0,reg oper account,block of flats,0.0695,"Stone, brick",No,0.0,0.0,0.0,0.0,-2539.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2356611,157261,Consumer loans,34155.945,131364.0,131364.0,0.0,131364.0,WEDNESDAY,15,Y,1,0.0,,,XAP,Approved,-352,Cash through the bank,XAP,,Repeater,Auto Accessories,POS,XNA,Stone,10,Auto technology,4.0,low_action,POS other with interest,365243.0,-319.0,-229.0,-319.0,-313.0,0.0,0,Revolving loans,M,Y,Y,1,171000.0,270000.0,13500.0,270000.0,"Spouse, partner",Working,Secondary / secondary special,Married,Co-op apartment,0.020246,-11972,-4415,-156.0,-561,7.0,1,1,0,1,1,0,Laborers,3.0,3,3,FRIDAY,12,0,0,0,0,0,0,Industry: type 5,,0.489512449312,0.6817058776720116,0.0742,0.0558,0.9806,0.7348,0.0521,0.08,0.069,0.3333,0.0417,0.0753,0.0605,0.0756,0.0,0.0,0.0756,0.0579,0.9806,0.7452,0.0526,0.0806,0.069,0.3333,0.0417,0.077,0.0661,0.0788,0.0,0.0,0.0749,0.0558,0.9806,0.7383,0.0525,0.08,0.069,0.3333,0.0417,0.0766,0.0616,0.077,0.0,0.0,reg oper account,block of flats,0.0595,Panel,No,5.0,1.0,5.0,0.0,-1380.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,0.0 +2472944,385348,Consumer loans,5054.535,71775.0,40275.0,31500.0,71775.0,WEDNESDAY,12,Y,1,0.4779709318894272,,,XAP,Approved,-2615,Cash through the bank,XAP,Family,Repeater,Other,POS,XNA,Stone,40,Clothing,10.0,high,POS industry with interest,365243.0,-2584.0,-2314.0,-2314.0,-2310.0,0.0,0,Revolving loans,F,N,N,0,112500.0,202500.0,10125.0,202500.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.00702,-23057,365243,-9.0,-4818,,1,0,0,1,0,0,,2.0,2,2,SUNDAY,14,0,0,0,0,0,0,XNA,,0.554940134617991,0.5954562029091491,0.0742,,0.9861,0.8096,,0.04,0.0345,0.3333,,,0.0605,0.0603,,,0.0756,,0.9861,0.8171,,0.0403,0.0345,0.3333,,,0.0661,0.0629,,,0.0749,,0.9861,0.8121,,0.04,0.0345,0.3333,,,0.0616,0.0614,,,reg oper account,block of flats,0.0428,Panel,No,5.0,0.0,5.0,0.0,-1864.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2035764,193141,Consumer loans,17287.56,182070.0,182070.0,0.0,182070.0,WEDNESDAY,16,Y,1,0.0,,,XAP,Approved,-216,XNA,XAP,,Refreshed,Homewares,POS,XNA,Stone,45,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-180.0,150.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,0,225000.0,1288350.0,37669.5,1125000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010276,-17424,365243,-4606.0,-977,4.0,1,0,0,1,1,0,,2.0,2,2,FRIDAY,18,0,0,0,0,0,0,XNA,,0.6507896483217585,0.7352209993926424,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2630.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,0.0 +1338643,305123,Consumer loans,5101.335,92002.5,110218.5,0.0,92002.5,SUNDAY,17,Y,1,0.0,,,XAP,Approved,-1507,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Country-wide,1500,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1476.0,-786.0,-1026.0,-1024.0,0.0,0,Cash loans,M,N,Y,2,166500.0,284400.0,22599.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00702,-14573,-564,-2726.0,-3980,,1,1,0,1,0,0,Laborers,4.0,2,2,TUESDAY,9,0,0,0,0,1,1,Business Entity Type 3,,0.35202686366303554,0.4561097392782771,0.0619,,0.9811,0.7416,0.0185,0.0,0.1379,0.1667,0.2083,0.0317,0.0504,0.0525,0.0,,0.063,,0.9811,0.7517,0.0186,0.0,0.1379,0.1667,0.2083,0.0324,0.0551,0.0547,0.0,,0.0625,,0.9811,0.7451,0.0186,0.0,0.1379,0.1667,0.2083,0.0323,0.0513,0.0534,0.0,,reg oper account,block of flats,0.0514,"Stone, brick",No,3.0,1.0,3.0,0.0,-22.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1141562,391335,Consumer loans,5514.885,101938.5,101938.5,0.0,101938.5,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-1319,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Regional / Local,212,Consumer electronics,20.0,low_action,POS household without interest,365243.0,-1288.0,-718.0,-718.0,-710.0,0.0,0,Cash loans,F,N,N,0,202500.0,814500.0,26275.5,814500.0,Unaccompanied,Commercial associate,Higher education,Single / not married,With parents,0.030755,-12158,-3080,-953.0,-2598,,1,1,0,1,0,0,,1.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Bank,0.43414217993452536,0.6331810488056427,0.6925590674998008,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1319.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,2.0 +1072057,305434,Cash loans,36972.9,1260000.0,1260000.0,,1260000.0,MONDAY,11,Y,1,,,,XNA,Refused,-213,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,103500.0,630000.0,45972.0,630000.0,"Spouse, partner",Working,Higher education,Married,House / apartment,0.026392000000000002,-12469,-1988,-11664.0,-2800,9.0,1,1,1,1,1,0,,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.6527352365440316,0.4974688893052743,0.0577,0.0954,0.9816,,,0.0,0.1379,0.1667,,0.1229,,0.0552,,0.1106,0.0588,0.0978,0.9816,,,0.0,0.1379,0.1667,,0.1257,,0.0574,,0.021,0.0583,0.0954,0.9816,,,0.0,0.1379,0.1667,,0.125,,0.0561,,0.1129,,block of flats,0.0663,"Stone, brick",No,5.0,0.0,5.0,0.0,-567.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1783376,427332,Consumer loans,7296.3,141210.0,141210.0,0.0,141210.0,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-700,Cash through the bank,XAP,Family,Refreshed,Consumer Electronics,POS,XNA,Regional / Local,246,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-669.0,21.0,-309.0,-301.0,0.0,0,Cash loans,F,N,Y,0,180000.0,108000.0,10651.5,108000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-22091,365243,-4219.0,-4423,,1,0,0,1,1,0,,2.0,2,2,SUNDAY,12,0,0,0,0,0,0,XNA,0.7223548034425804,0.7534853070840886,0.813917469762627,0.055,0.0606,0.9881,0.8368,0.0144,0.0,0.0917,0.1667,0.1525,,0.0448,0.0575,0.0,0.0287,0.063,0.0425,0.9891,0.8563,0.0089,0.0,0.1034,0.1667,0.2083,,0.0551,0.045,0.0,0.0,0.0625,0.065,0.9891,0.8524,0.0145,0.0,0.1034,0.1667,0.2083,,0.0513,0.0658,0.0,0.037000000000000005,reg oper account,block of flats,0.0448,Panel,No,3.0,0.0,3.0,0.0,-1904.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1725708,438785,Cash loans,61150.995,1035000.0,1095111.0,,1035000.0,FRIDAY,17,Y,1,,,,XNA,Approved,-713,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Country-wide,1600,Consumer electronics,24.0,low_normal,Cash X-Sell: low,365243.0,-683.0,7.0,-233.0,-228.0,1.0,0,Cash loans,F,N,N,0,315000.0,490495.5,50391.0,454500.0,Unaccompanied,State servant,Secondary / secondary special,Civil marriage,House / apartment,0.04622,-22627,-3955,-4328.0,-4206,,1,1,0,1,0,0,Accountants,2.0,1,1,THURSDAY,14,0,0,0,0,0,0,Legal Services,0.7361251086745859,0.1044322081912609,0.4400578303966329,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-412.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1407284,291575,Consumer loans,9221.76,80037.0,98797.5,0.0,80037.0,WEDNESDAY,15,Y,1,0.0,,,XAP,Refused,-558,Cash through the bank,HC,,New,Consumer Electronics,POS,XNA,Country-wide,584,Consumer electronics,12.0,low_normal,POS household with interest,,,,,,,0,Revolving loans,F,N,Y,0,67500.0,270000.0,13500.0,270000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.01885,-7761,-1141,-7300.0,-422,,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.2269779998500437,0.5832139476146259,,0.0804,0.0648,0.9901,0.8640000000000001,0.033,0.08,0.069,0.375,0.4167,0.0667,0.0656,0.1006,0.0,0.0,0.0819,0.0672,0.9901,0.8693,0.0333,0.0806,0.069,0.375,0.4167,0.0682,0.0716,0.1048,0.0,0.0,0.0812,0.0648,0.9901,0.8658,0.0332,0.08,0.069,0.375,0.4167,0.0678,0.0667,0.1024,0.0,0.0,reg oper account,block of flats,0.0971,Block,No,0.0,0.0,0.0,0.0,-558.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1990959,425117,Cash loans,21747.825,675000.0,790830.0,,675000.0,THURSDAY,14,Y,1,,,,Buying a used car,Refused,-162,Cash through the bank,VERIF,"Spouse, partner",Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,1,Cash loans,M,Y,Y,0,99000.0,233208.0,18553.5,184500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0038130000000000004,-18088,-466,-8230.0,-1491,17.0,1,1,0,1,0,0,Drivers,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Other,,0.01824585312883381,0.21518240418475384,0.0804,0.1005,0.9886,,,0.0,0.2069,0.1667,,0.0647,,0.073,,0.0,0.0819,0.1043,0.9886,,,0.0,0.2069,0.1667,,0.0661,,0.076,,0.0,0.0812,0.1005,0.9886,,,0.0,0.2069,0.1667,,0.0658,,0.0743,,0.0,,block of flats,0.0574,"Stone, brick",No,30.0,0.0,29.0,0.0,-167.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2834516,281446,Consumer loans,6782.535,36193.5,33264.0,4500.0,36193.5,WEDNESDAY,11,Y,1,0.12977727706040376,,,XAP,Approved,-1363,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,1490,Consumer electronics,6.0,high,POS household with interest,,,,,,,0,Cash loans,F,N,N,0,90000.0,157914.0,16713.0,139500.0,Family,Working,Secondary / secondary special,Married,With parents,0.035792000000000004,-16174,-277,-5610.0,-4682,,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.16918682759160858,0.5824004546428976,0.5082869913916046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,2.0,2.0,2.0,-262.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2843443,351481,Consumer loans,12462.3,138316.5,138316.5,0.0,138316.5,THURSDAY,12,Y,1,0.0,,,XAP,Approved,-1268,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,1722,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-1237.0,-907.0,-937.0,-929.0,0.0,0,Cash loans,F,Y,N,1,360000.0,497520.0,52920.0,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.011703,-12918,-4800,-3641.0,-4384,10.0,1,1,1,1,1,1,Managers,3.0,2,2,MONDAY,17,0,1,1,0,1,1,Business Entity Type 3,0.8627028234479667,0.7686515530005325,0.656158373001177,0.0619,0.0627,0.9747,0.6532,,,0.1034,0.1667,,0.0574,,0.0506,,0.0,0.063,0.065,0.9747,0.6668,,,0.1034,0.1667,,0.0587,,0.0527,,0.0,0.0625,0.0627,0.9747,0.6578,,,0.1034,0.1667,,0.0584,,0.0515,,0.0,,block of flats,0.0428,"Stone, brick",No,0.0,0.0,0.0,0.0,-1999.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2132520,261066,Cash loans,21160.08,202500.0,215865.0,,202500.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-602,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-572.0,-242.0,-272.0,-262.0,1.0,0,Cash loans,F,N,N,0,216000.0,239850.0,23364.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.010006000000000001,-24981,365243,-11625.0,-4232,,1,0,0,1,1,0,,1.0,2,1,TUESDAY,12,0,0,0,0,0,0,XNA,,0.7360444274755437,0.6925590674998008,0.1433,0.1261,0.9811,0.7416,0.0292,0.0,0.3448,0.1667,0.2083,0.0783,0.116,0.1321,0.0039,0.0045,0.146,0.1308,0.9811,0.7517,0.0295,0.0,0.3448,0.1667,0.2083,0.0801,0.1267,0.1376,0.0039,0.0048,0.1447,0.1261,0.9811,0.7451,0.0294,0.0,0.3448,0.1667,0.2083,0.0797,0.118,0.1345,0.0039,0.0046,reg oper account,block of flats,0.1283,Panel,No,0.0,0.0,0.0,0.0,-1461.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2578261,429963,Cash loans,25409.745,450000.0,545040.0,,450000.0,WEDNESDAY,12,Y,1,,,,XNA,Approved,-170,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-140.0,1270.0,-110.0,-103.0,1.0,0,Revolving loans,F,N,Y,1,90000.0,202500.0,10125.0,202500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-11317,-926,-561.0,-3531,,1,1,0,1,0,0,Sales staff,3.0,2,2,FRIDAY,12,0,0,0,1,1,0,Business Entity Type 3,0.1888810712767892,0.6096974426080729,0.6512602186973006,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1524.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1999051,315872,Cash loans,15316.29,247500.0,274288.5,,247500.0,SUNDAY,15,Y,1,,,,XNA,Approved,-583,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-553.0,137.0,-343.0,-338.0,1.0,0,Cash loans,F,N,N,0,180000.0,452745.0,23125.5,409500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.008575,-19012,-1035,-6272.0,-2547,,1,1,0,1,0,0,,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.6500736748798327,0.520897599048938,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2887.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2368528,174716,Consumer loans,14678.1,130630.5,129208.5,13063.5,130630.5,THURSDAY,10,Y,1,0.10000097764078028,,,XAP,Approved,-2391,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,-1,Consumer electronics,12.0,high,POS household with interest,365243.0,-2360.0,-2030.0,-2030.0,-2024.0,1.0,0,Cash loans,M,Y,Y,1,270000.0,1078200.0,31653.0,900000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018634,-14834,-1082,-335.0,-4869,10.0,1,1,0,1,0,0,Core staff,3.0,2,2,MONDAY,17,0,0,0,0,0,0,School,0.7204022523797192,0.4679878560924485,0.3893387918468769,,,0.9518,,,,,,,,,0.0067,,,,,0.9518,,,,,,,,,0.006999999999999999,,,,,0.9518,,,,,,,,,0.0069,,,,block of flats,0.0159,,No,1.0,0.0,1.0,0.0,-392.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1950544,373353,Consumer loans,6346.98,41346.0,39276.0,4500.0,41346.0,TUESDAY,12,Y,1,0.11195424641148324,,,XAP,Approved,-1877,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,65,Connectivity,8.0,high,POS mobile with interest,365243.0,-1843.0,-1633.0,-1663.0,-1655.0,0.0,0,Cash loans,F,N,Y,1,184500.0,675000.0,32602.5,675000.0,Family,Working,Incomplete higher,Married,House / apartment,0.025164,-14694,-3896,-3290.0,-3457,,1,1,0,1,0,0,High skill tech staff,3.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 2,0.41344935230032936,0.29398758450226137,0.3859146722745145,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,1.0,6.0,1.0,-1.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1176001,352078,Consumer loans,9447.975,89955.0,80959.5,8995.5,89955.0,MONDAY,13,Y,1,0.1089090909090909,,,XAP,Approved,-883,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,52,Connectivity,10.0,middle,POS mobile with interest,365243.0,-852.0,-582.0,-582.0,-576.0,0.0,0,Revolving loans,F,N,Y,0,90000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Incomplete higher,Single / not married,House / apartment,0.019101,-9180,-750,-2348.0,-1846,,1,1,0,1,0,0,,1.0,2,2,TUESDAY,11,0,0,0,0,0,0,Self-employed,0.09099247550178433,0.7424512907410213,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-883.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2167290,116384,Cash loans,22609.17,270000.0,291919.5,,270000.0,FRIDAY,12,Y,1,,,,XNA,Approved,-722,Cash through the bank,XAP,Children,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-692.0,-182.0,-638.0,-628.0,1.0,0,Cash loans,F,Y,Y,0,225000.0,57564.0,5823.0,54000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.04622,-22407,-13185,-4113.0,-4712,0.0,1,1,0,1,0,0,Core staff,2.0,1,1,SATURDAY,13,0,0,0,0,0,0,School,,0.4037486941586471,0.7121551551910698,0.0907,0.1661,0.9687,0.5716,0.0,0.0,0.2414,0.125,0.1667,,,0.0989,0.0,0.0,0.0924,0.1723,0.9687,0.5884,0.0,0.0,0.2414,0.125,0.1667,,,0.103,0.0,0.0,0.0916,0.1661,0.9687,0.5773,0.0,0.0,0.2414,0.125,0.1667,,,0.1007,0.0,0.0,reg oper account,block of flats,0.1179,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1441803,300349,Cash loans,34717.5,450000.0,481185.0,,450000.0,TUESDAY,7,Y,1,,,,XNA,Approved,-822,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-792.0,-282.0,-492.0,-488.0,1.0,0,Cash loans,F,N,Y,2,270000.0,966555.0,51628.5,913500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006629,-12598,-2242,-884.0,-290,,1,1,0,1,0,0,,4.0,2,2,FRIDAY,3,0,0,0,0,0,0,Trade: type 7,,0.6731889034536185,0.5549467685334323,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1764.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2291127,245171,Consumer loans,3171.645,25942.5,25272.0,2596.5,25942.5,FRIDAY,7,Y,1,0.10147028169634337,,,XAP,Approved,-2150,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,150,Consumer electronics,10.0,high,POS household with interest,365243.0,-2119.0,-1849.0,-1849.0,-1658.0,0.0,0,Cash loans,F,N,Y,1,112500.0,344043.0,17694.0,297000.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.020713,-10850,365243,-1628.0,-1264,,1,0,0,1,1,0,,3.0,3,3,SATURDAY,6,0,0,0,0,0,0,XNA,,0.5155501850367096,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,4.0,0.0,-1566.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2065204,379605,Cash loans,23775.435,675000.0,808650.0,,675000.0,SATURDAY,9,Y,1,,,,XNA,Refused,-157,Non-cash from your account,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,39,Connectivity,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,1,171000.0,306000.0,24304.5,306000.0,Unaccompanied,State servant,Higher education,Single / not married,House / apartment,0.006629,-14955,-504,-3686.0,-3743,,1,1,1,1,0,0,,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,School,,0.6752638412243441,0.3296550543128238,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,0.0,0.0,-1228.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2289384,217934,Cash loans,26700.75,225000.0,225000.0,,225000.0,THURSDAY,19,Y,1,,,,XNA,Refused,-791,Cash through the bank,HC,Family,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),5,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,337500.0,760225.5,32206.5,679500.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.00963,-12446,-1759,-4840.0,-111,,1,1,0,1,1,0,Sales staff,1.0,2,2,THURSDAY,18,1,1,0,1,1,0,Trade: type 7,0.6558917064714516,0.6885483765499821,0.3962195720630885,0.0928,0.1063,0.9856,0.8028,0.0446,0.0,0.2069,0.1667,0.2083,0.0268,0.0756,0.092,0.0,0.0,0.0945,0.1103,0.9856,0.8105,0.045,0.0,0.2069,0.1667,0.2083,0.0274,0.0826,0.0959,0.0,0.0,0.0937,0.1063,0.9856,0.8054,0.0448,0.0,0.2069,0.1667,0.2083,0.0273,0.077,0.0937,0.0,0.0,reg oper account,block of flats,0.0967,Panel,No,0.0,0.0,0.0,0.0,-560.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1473495,235571,Revolving loans,11250.0,0.0,225000.0,,0.0,THURSDAY,11,Y,1,,,,XAP,Refused,-1353,XNA,LIMIT,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,189000.0,356580.0,42448.5,315000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.011703,-10082,-1850,-283.0,-2641,,1,1,0,1,0,1,,1.0,2,2,SATURDAY,10,0,0,0,0,1,1,Business Entity Type 3,0.578781673314166,0.6974709542160222,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-1725.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1544417,108152,Cash loans,19650.375,229500.0,280458.0,,229500.0,SATURDAY,11,Y,1,,,,XNA,Approved,-621,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-591.0,-81.0,-81.0,-74.0,1.0,0,Cash loans,F,N,Y,0,280350.0,787131.0,26145.0,679500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.011703,-15456,-6403,-6503.0,-5132,,1,1,0,1,1,0,Sales staff,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,Self-employed,0.2514273307644534,0.4200250619844873,0.4902575124990026,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-271.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1435707,440256,Cash loans,15059.385,112500.0,136444.5,,112500.0,THURSDAY,13,Y,1,,,,XNA,Approved,-1159,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-1129.0,-799.0,-799.0,-791.0,1.0,0,Cash loans,F,N,N,0,153000.0,630747.0,18441.0,526500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-19510,-4555,-5957.0,-2992,,1,1,0,1,0,0,Core staff,2.0,2,2,MONDAY,8,0,0,0,0,0,0,Services,0.6384042691203542,0.7307254673217513,,0.0784,0.0729,0.9742,0.6464,0.0072,0.0,0.1379,0.1525,0.1942,0.2608,0.0628,0.0587,0.0051,0.0043,0.0704,0.0624,0.9747,0.6668,0.0063,0.0,0.1379,0.1667,0.2083,0.2667,0.0735,0.0513,0.0,0.0,0.0833,0.0789,0.9747,0.6578,0.0077,0.0,0.1379,0.1667,0.2083,0.2653,0.0684,0.0643,0.0039,0.0064,reg oper account,block of flats,0.0435,"Stone, brick",No,3.0,0.0,3.0,0.0,-1369.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2652325,220275,Consumer loans,6764.67,58347.0,49594.5,8752.5,58347.0,THURSDAY,17,Y,1,0.16337203595417382,,,XAP,Approved,-2052,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,66,Connectivity,10.0,high,POS mobile with interest,365243.0,-2015.0,-1745.0,-1745.0,-1741.0,0.0,0,Cash loans,F,Y,Y,0,540000.0,2013840.0,55507.5,1800000.0,Family,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.018634,-12352,-2228,-184.0,-2473,6.0,1,1,1,1,1,1,,2.0,2,2,FRIDAY,12,1,1,1,1,1,1,Business Entity Type 3,0.6389040539921909,0.6987613586993436,0.470456116119975,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2052.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1006010,311483,Consumer loans,36755.955,526500.0,560902.5,0.0,526500.0,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-741,Cash through the bank,XAP,Unaccompanied,New,Clothing and Accessories,POS,XNA,Stone,108,Clothing,18.0,low_normal,POS industry with interest,365243.0,-710.0,-200.0,-200.0,-195.0,0.0,0,Cash loans,F,N,N,1,135000.0,490495.5,50391.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,Rented apartment,0.009175,-14233,-336,-5042.0,-5051,,1,1,0,1,0,0,Laborers,3.0,2,2,SATURDAY,12,1,1,0,1,1,0,Transport: type 4,0.6794886413786214,0.7233176626683249,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-741.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1626146,138764,Consumer loans,59783.535,338391.0,338391.0,0.0,338391.0,THURSDAY,18,Y,1,0.0,,,XAP,Approved,-770,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,875,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-739.0,-589.0,-739.0,-732.0,0.0,0,Cash loans,M,Y,Y,0,450000.0,900000.0,55192.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-20462,-2777,-7181.0,-2635,3.0,1,1,0,1,0,0,Managers,2.0,2,2,THURSDAY,8,0,0,0,0,0,0,Business Entity Type 3,0.6509854400776008,0.6787497142316073,,0.0722,0.1025,0.9727,,,0.0,0.1379,0.1667,,0.0414,,0.0547,,0.0211,0.0735,0.1063,0.9727,,,0.0,0.1379,0.1667,,0.0423,,0.057,,0.0223,0.0729,0.1025,0.9727,,,0.0,0.1379,0.1667,,0.0421,,0.0557,,0.0215,,block of flats,0.053,"Stone, brick",No,3.0,0.0,3.0,0.0,-1447.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +1245348,149418,Cash loans,24855.93,450000.0,533160.0,,450000.0,MONDAY,7,Y,1,,,,XNA,Approved,-164,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-134.0,1276.0,-134.0,-130.0,1.0,0,Cash loans,M,Y,Y,0,198000.0,1515415.5,40104.0,1354500.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.020246,-19542,365243,-3905.0,-3093,2.0,1,0,0,1,0,0,,1.0,3,3,THURSDAY,7,0,0,0,0,0,0,XNA,,0.7265965569604386,0.7517237147741489,0.0938,0.0,0.9861,,,0.0,0.2069,0.1667,,0.0503,,0.0961,,0.1036,0.0956,0.0,0.9861,,,0.0,0.2069,0.1667,,0.0514,,0.1001,,0.1097,0.0947,0.0,0.9861,,,0.0,0.2069,0.1667,,0.0512,,0.0978,,0.1058,,block of flats,0.0828,Panel,No,0.0,0.0,0.0,0.0,-2175.0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,3.0 +1925170,417303,Cash loans,53216.235,1012500.0,1115410.5,,1012500.0,THURSDAY,7,Y,1,,,,XNA,Approved,-977,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,42.0,middle,Cash X-Sell: middle,365243.0,-947.0,283.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,0,225000.0,996885.0,39663.0,805500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.020713,-18946,-7646,-4707.0,-2487,9.0,1,1,0,1,0,0,Laborers,2.0,3,2,MONDAY,12,0,0,0,0,0,0,Medicine,,0.6333689525128825,0.7338145369642702,0.0907,0.0964,0.9811,0.7416,0.0266,0.0,0.069,0.1667,0.2083,0.0362,0.07400000000000001,0.0661,0.0,0.0,0.0924,0.1,0.9811,0.7517,0.0268,0.0,0.069,0.1667,0.2083,0.037000000000000005,0.0808,0.0689,0.0,0.0,0.0916,0.0964,0.9811,0.7451,0.0267,0.0,0.069,0.1667,0.2083,0.0369,0.0752,0.0673,0.0,0.0,reg oper account,block of flats,0.0665,Panel,No,6.0,0.0,6.0,0.0,-3051.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1643757,252525,Cash loans,9260.145,45000.0,47970.0,,45000.0,TUESDAY,17,Y,1,,,,XNA,Approved,-213,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-183.0,-33.0,-33.0,-26.0,1.0,0,Cash loans,M,N,Y,0,135000.0,441000.0,28314.0,441000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-12656,-1770,-4959.0,-5041,,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.5344433568166397,0.5919766183185521,0.1237,0.0919,0.9816,,,0.0,0.069,0.1667,,0.0185,,0.0646,,0.0,0.1261,0.0954,0.9816,,,0.0,0.069,0.1667,,0.0189,,0.0673,,0.0,0.1249,0.0919,0.9816,,,0.0,0.069,0.1667,,0.0188,,0.0657,,0.0,,block of flats,0.0605,"Stone, brick",No,0.0,0.0,0.0,0.0,-993.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2132585,168200,Cash loans,26433.18,229500.0,271332.0,,229500.0,MONDAY,11,Y,1,,,,XNA,Approved,-828,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-798.0,-468.0,-468.0,-465.0,1.0,0,Cash loans,F,N,Y,0,202500.0,770292.0,30676.5,688500.0,Family,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-17779,-3926,-1293.0,-1293,,1,1,0,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Trade: type 7,,0.7111316086807091,0.7726311345553628,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1808.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,2.0,0.0,3.0 +1420171,423641,Consumer loans,4466.52,20358.0,23863.5,0.0,20358.0,FRIDAY,12,Y,1,0.0,,,XAP,Approved,-1188,Cash through the bank,XAP,Family,Repeater,Construction Materials,POS,XNA,Stone,180,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1157.0,-1007.0,-1007.0,-1004.0,0.0,0,Cash loans,M,N,Y,0,54000.0,50940.0,5476.5,45000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.018634,-16742,-665,-1576.0,-289,,1,1,1,1,1,0,Laborers,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Business Entity Type 2,,0.7387375888871007,0.7850520263728172,0.1031,,0.9871,,,,0.1724,0.1667,,0.1144,,0.108,,0.1308,0.105,,0.9871,,,,0.1724,0.1667,,0.117,,0.1125,,0.1385,0.1041,,0.9871,,,,0.1724,0.1667,,0.1164,,0.1099,,0.1336,,block of flats,0.1134,Panel,No,0.0,0.0,0.0,0.0,-1619.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1187324,205747,Consumer loans,5243.085,26545.5,25074.0,2655.0,26545.5,WEDNESDAY,16,Y,1,0.104278421999941,,,XAP,Approved,-1402,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,1300,Consumer electronics,6.0,high,POS household with interest,365243.0,-1371.0,-1221.0,-1221.0,-1215.0,0.0,0,Cash loans,M,Y,Y,0,90000.0,432661.5,23598.0,373500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.005313,-17116,-4224,-4377.0,-640,14.0,1,1,0,1,0,0,Security staff,1.0,2,2,FRIDAY,10,0,0,0,0,0,0,School,,0.5809424925597911,0.324891229465852,0.067,0.0862,0.9861,0.8096,0.0092,0.0,0.1379,0.1667,0.2083,0.0678,0.0546,0.0563,0.0,0.0,0.063,0.0847,0.9841,0.7909,0.0086,0.0,0.1379,0.1667,0.2083,0.0465,0.0551,0.0578,0.0,0.0,0.0677,0.0862,0.9861,0.8121,0.0092,0.0,0.1379,0.1667,0.2083,0.069,0.0556,0.0573,0.0,0.0,reg oper account,block of flats,0.049,"Stone, brick",No,2.0,0.0,2.0,0.0,-1561.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,8.0 +1922427,193345,Cash loans,8337.06,90000.0,98910.0,,90000.0,SATURDAY,15,Y,1,,,,XNA,Approved,-721,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),2000,XNA,18.0,high,Cash X-Sell: high,365243.0,-691.0,-181.0,-181.0,-174.0,1.0,1,Cash loans,F,Y,Y,1,405000.0,592560.0,32274.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Municipal apartment,0.008019,-16606,-872,-8327.0,-151,64.0,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.5081521267142675,0.542741377416745,0.17456426555726348,0.0928,0.0757,0.9821,0.7552,0.0378,0.0,0.2069,0.1667,0.2083,0.0428,0.0756,0.0776,0.0,0.0,0.0945,0.0786,0.9821,0.7648,0.0382,0.0,0.2069,0.1667,0.2083,0.0438,0.0826,0.0808,0.0,0.0,0.0937,0.0757,0.9821,0.7585,0.0381,0.0,0.2069,0.1667,0.2083,0.0436,0.077,0.079,0.0,0.0,reg oper account,block of flats,0.0832,Panel,No,0.0,0.0,0.0,0.0,-1146.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1285000,415459,Consumer loans,7016.715,61155.0,60489.0,6115.5,61155.0,SUNDAY,18,Y,1,0.09999828021448176,,,XAP,Approved,-2162,Cash through the bank,XAP,Children,Refreshed,Mobile,POS,XNA,Country-wide,123,Connectivity,12.0,high,POS mobile with interest,365243.0,-2130.0,-1800.0,-1800.0,-1798.0,0.0,0,Cash loans,F,N,Y,0,180000.0,339241.5,12312.0,238500.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.035792000000000004,-21544,365243,-4957.0,-4776,,1,0,0,1,0,0,,1.0,2,2,SATURDAY,10,0,0,0,0,0,0,XNA,,0.6921617516910379,0.6195277080511546,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,1.0,-1638.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1845986,109867,Revolving loans,38250.0,765000.0,765000.0,,765000.0,FRIDAY,19,Y,1,,,,XAP,Approved,-496,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,0,225000.0,906660.0,32697.0,675000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.008625,-15280,-494,-9309.0,-4222,9.0,1,1,0,1,0,1,Managers,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.8294602132994886,0.6141788697129917,0.5495965024956946,0.0835,0.077,0.9757,0.6668,0.0316,0.0,0.1379,0.1667,0.2083,0.0969,0.0672,0.0603,0.0039,0.0043,0.0851,0.0799,0.9757,0.6798,0.0319,0.0,0.1379,0.1667,0.2083,0.0991,0.0735,0.0629,0.0039,0.0046,0.0843,0.077,0.9757,0.6713,0.0318,0.0,0.1379,0.1667,0.2083,0.0986,0.0684,0.0614,0.0039,0.0044,reg oper account,block of flats,0.0657,"Stone, brick",No,0.0,0.0,0.0,0.0,-1488.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,1.0 +1041105,169874,Cash loans,14273.01,364500.0,431860.5,,364500.0,TUESDAY,11,Y,1,,,,XNA,Refused,-322,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,1,243000.0,1035832.5,30285.0,904500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.031329,-15779,-1932,-4634.0,-5733,,1,1,0,1,0,0,Accountants,3.0,2,2,TUESDAY,15,0,0,0,0,1,1,Business Entity Type 3,0.5769423616317565,0.6501184430813258,0.4525335592581747,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-659.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2579464,331484,Consumer loans,10303.425,179190.0,179190.0,0.0,179190.0,SUNDAY,12,Y,1,0.0,,,XAP,Refused,-2394,XNA,LIMIT,"Spouse, partner",Repeater,Furniture,POS,XNA,Stone,137,Furniture,24.0,middle,POS industry with interest,,,,,,,0,Cash loans,M,N,N,0,58500.0,98910.0,7011.0,90000.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-24270,365243,-7226.0,-4637,,1,0,0,1,0,0,,2.0,2,2,SUNDAY,9,0,0,0,0,0,0,XNA,0.7820370545450313,0.6760497559205869,0.7421816117614419,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,15.0,0.0,15.0,0.0,-1819.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1711946,160192,Revolving loans,6750.0,0.0,135000.0,,,SUNDAY,12,Y,1,,,,XAP,Approved,-1288,XNA,XAP,,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),-1,XNA,0.0,XNA,Card X-Sell,-1268.0,-1242.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,N,0,270000.0,1214100.0,67792.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-21193,-3579,-6439.0,-4503,13.0,1,1,1,1,1,0,,2.0,2,2,SATURDAY,18,0,0,0,0,1,1,Self-employed,0.45153374235936,0.6178410456502305,0.5937175866150576,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1493.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1344794,402391,Cash loans,43488.9,405000.0,405000.0,0.0,405000.0,TUESDAY,9,Y,1,0.0,,,XNA,Refused,-2370,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,1,315000.0,1190340.0,63549.0,1125000.0,Family,Working,Higher education,Married,House / apartment,0.031329,-15602,-3417,-1040.0,-3937,,1,1,0,1,0,1,,3.0,2,2,SATURDAY,8,0,0,0,0,0,0,Insurance,0.4928123719636368,0.7679703428553109,0.5797274227921155,0.0835,0.0575,0.996,0.9456,0.0889,0.12,0.0345,0.7917,0.8333,0.0615,0.07400000000000001,0.1798,0.0116,0.4435,0.0851,0.0596,0.996,0.9477,0.0897,0.1208,0.0345,0.7917,0.8333,0.0629,0.0808,0.1873,0.0117,0.4695,0.0843,0.0575,0.996,0.9463,0.0894,0.12,0.0345,0.7917,0.8333,0.0626,0.0752,0.183,0.0116,0.4528,reg oper spec account,block of flats,0.2864,Monolithic,No,0.0,0.0,0.0,0.0,-343.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1574726,125904,Cash loans,16902.855,144000.0,172165.5,,144000.0,TUESDAY,9,Y,1,,,,XNA,Approved,-276,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-246.0,84.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,112500.0,665892.0,21609.0,477000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-11120,-1161,-5386.0,-2601,,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,8,0,0,0,1,0,1,Business Entity Type 3,,0.2631435910213423,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,0.0,-628.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1975305,154291,Revolving loans,2250.0,45000.0,45000.0,,45000.0,FRIDAY,11,Y,1,,,,XAP,Approved,-334,XNA,XAP,,Repeater,XNA,Cards,walk-in,Regional / Local,1400,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,0,225000.0,1752039.0,46215.0,1566000.0,Unaccompanied,State servant,Higher education,Married,Office apartment,0.019101,-12683,-5926,-585.0,-4215,,1,1,1,1,0,0,Managers,2.0,2,2,WEDNESDAY,10,0,0,0,1,1,1,Military,0.6150215702921935,0.6448127015777462,0.7490217048463391,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1081.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1686794,102204,Consumer loans,13585.365,121927.5,134802.0,0.0,121927.5,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-296,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,2148,Consumer electronics,12.0,middle,POS household with interest,365243.0,-265.0,65.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,N,0,90000.0,270000.0,13500.0,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.010556,-15378,-1036,-1594.0,-3759,,1,1,0,1,0,0,,2.0,3,3,TUESDAY,15,0,0,0,0,0,0,Self-employed,0.4733482482610311,0.2644005843266457,0.4992720153045617,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-296.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2644968,331786,Cash loans,26230.005,225000.0,239850.0,0.0,225000.0,SUNDAY,9,Y,1,0.0,,,XNA,Approved,-2297,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-2267.0,-1937.0,-1937.0,-1933.0,1.0,0,Cash loans,F,N,N,0,135000.0,225000.0,11560.5,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.026392000000000002,-11951,-214,-5400.0,-4045,,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Industry: type 11,0.3324145072051925,0.5176908368550212,0.4902575124990026,0.0402,,0.9925,,,0.0,0.069,0.1667,,,,0.0417,,0.0,0.041,,0.9926,,,0.0,0.069,0.1667,,,,0.0434,,0.0,0.0406,,0.9925,,,0.0,0.069,0.1667,,,,0.0424,,0.0,,block of flats,0.0328,Panel,No,0.0,0.0,0.0,0.0,-4.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2267231,338329,Cash loans,8791.065,67500.0,81625.5,,67500.0,THURSDAY,10,Y,1,,,,XNA,Refused,-914,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,270000.0,979992.0,34848.0,702000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-16762,-2480,-4268.0,-291,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,15,0,0,0,0,0,0,Transport: type 4,,0.7136942967485612,0.6041125998015721,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-1328.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1377438,200232,Consumer loans,4669.02,33255.0,33255.0,0.0,33255.0,MONDAY,8,Y,1,0.0,,,XAP,Approved,-1495,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,10.0,high,POS mobile with interest,365243.0,-1357.0,-1087.0,-1267.0,-1265.0,0.0,0,Cash loans,M,Y,Y,0,112500.0,170640.0,5580.0,135000.0,,Pensioner,Higher education,Married,House / apartment,0.031329,-19057,365243,-1498.0,-2569,9.0,1,0,0,1,0,0,,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,XNA,,0.16513433666694372,0.11761373170805695,0.0278,0.0474,0.9697,0.5852,0.0063,0.0,0.1034,0.0833,0.125,0.0627,0.0227,0.0302,0.0,0.0,0.0284,0.0492,0.9697,0.6014,0.0063,0.0,0.1034,0.0833,0.125,0.0641,0.0248,0.0315,0.0,0.0,0.0281,0.0474,0.9697,0.5907,0.0063,0.0,0.1034,0.0833,0.125,0.0638,0.0231,0.0307,0.0,0.0,reg oper account,block of flats,0.0237,"Stone, brick",No,0.0,0.0,0.0,0.0,-121.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +1979440,159031,Consumer loans,4646.205,29295.0,29295.0,0.0,29295.0,WEDNESDAY,15,Y,1,0.0,,,XAP,Refused,-2785,XNA,SCO,Other_B,Repeater,XNA,POS,XNA,Country-wide,62,Connectivity,8.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,Y,Y,1,103500.0,225000.0,17905.5,225000.0,Family,Working,Secondary / secondary special,Single / not married,House / apartment,0.028663,-12003,-654,-2812.0,-930,14.0,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,Self-employed,0.4556020725080714,0.2673199310187386,0.622922000268356,0.0082,0.0,0.9707,,,0.0,0.069,0.0417,,0.0058,,0.0085,,0.0,0.0084,0.0,0.9707,,,0.0,0.069,0.0417,,0.0059,,0.0088,,0.0,0.0083,0.0,0.9707,,,0.0,0.069,0.0417,,0.0059,,0.0086,,0.0,,block of flats,0.0067,Others,Yes,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2811535,373633,Cash loans,,0.0,0.0,,,FRIDAY,14,Y,1,,,,XNA,Refused,-181,XNA,SCOFR,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,Y,Y,0,292500.0,523048.5,56331.0,523048.5,Unaccompanied,Commercial associate,Incomplete higher,Civil marriage,House / apartment,0.035792000000000004,-8446,-657,-19.0,-1128,13.0,1,1,0,1,0,0,,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.6045336673023434,0.39277386060313396,0.2062,0.1227,0.9861,,,0.32,0.1379,0.5417,,0.0772,,0.1847,,0.264,0.2101,0.1274,0.9861,,,0.3222,0.1379,0.5417,,0.079,,0.1925,,0.2794,0.2082,0.1227,0.9861,,,0.32,0.1379,0.5417,,0.0786,,0.1881,,0.2695,,block of flats,0.2027,Block,No,0.0,0.0,0.0,0.0,-576.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2400698,316257,Cash loans,24235.155,675000.0,767664.0,,675000.0,SATURDAY,15,Y,1,,,,XNA,Refused,-301,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,180000.0,450000.0,30073.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-22913,-370,-11028.0,-4116,,1,1,1,1,0,0,Cooking staff,2.0,2,2,SATURDAY,14,0,0,0,0,0,0,Industry: type 1,,0.5486179592396098,0.5549467685334323,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-611.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1547820,115991,Consumer loans,16269.165,130050.0,143784.0,0.0,130050.0,SUNDAY,17,Y,1,0.0,,,XAP,Approved,-350,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,20,Connectivity,12.0,high,POS mobile with interest,365243.0,-314.0,16.0,-74.0,-63.0,0.0,0,Revolving loans,F,N,Y,2,225000.0,450000.0,22500.0,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.072508,-12788,-548,-6870.0,-4306,,1,1,0,1,1,1,Sales staff,4.0,1,1,SUNDAY,15,0,1,1,0,0,0,Business Entity Type 1,0.5582764264290099,0.6740590951221626,0.12530787842823918,0.0887,0.0383,0.9776,0.6940000000000001,0.035,0.08,0.0345,0.4583,0.5,0.0,0.0672,0.0691,0.0232,0.1349,0.0903,0.0397,0.9777,0.706,0.0353,0.0806,0.0345,0.4583,0.5,0.0,0.0735,0.07200000000000001,0.0233,0.1428,0.0895,0.0383,0.9776,0.6981,0.0352,0.08,0.0345,0.4583,0.5,0.0,0.0684,0.0704,0.0233,0.1378,reg oper account,block of flats,0.1028,Block,No,0.0,0.0,0.0,0.0,-350.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2184252,147318,Consumer loans,3056.175,41620.5,33295.5,8325.0,41620.5,THURSDAY,13,Y,1,0.21784173227572504,,,XAP,Refused,-469,Cash through the bank,HC,Other_A,Repeater,Computers,POS,XNA,Country-wide,1782,Consumer electronics,12.0,low_action,POS household without interest,,,,,,,0,Cash loans,F,N,Y,1,112500.0,433057.5,23620.5,324000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-14455,-835,-4735.0,-4738,,1,1,0,1,0,0,Realty agents,3.0,3,2,THURSDAY,6,0,0,0,0,0,0,Self-employed,,0.6247200952012558,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-614.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2510278,132796,Cash loans,17290.98,166500.0,177489.0,,166500.0,TUESDAY,11,Y,1,,,,XNA,Approved,-647,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,100,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-617.0,-287.0,-497.0,-488.0,1.0,0,Cash loans,M,Y,Y,0,126000.0,254700.0,24808.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.032561,-24947,365243,-12468.0,-4547,5.0,1,0,0,1,1,0,,1.0,1,1,FRIDAY,15,0,0,0,0,0,0,XNA,,0.7415428701388848,0.7738956942145427,0.3381,0.1513,0.9826,0.762,0.0993,0.32,0.1379,0.625,0.5833,0.07,0.2757,0.3471,0.0,0.0,0.3445,0.157,0.9826,0.7713,0.1002,0.3222,0.1379,0.625,0.5833,0.0716,0.3012,0.3616,0.0,0.0,0.3414,0.1513,0.9826,0.7652,0.0999,0.32,0.1379,0.625,0.5833,0.0713,0.2805,0.3533,0.0,0.0,reg oper account,block of flats,0.3856,Panel,No,0.0,0.0,0.0,0.0,-2348.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,8.0 +1428963,400794,Cash loans,52939.305,1314000.0,1428475.5,,1314000.0,MONDAY,12,Y,1,,,,XNA,Approved,-506,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,36.0,low_action,Cash Street: low,365243.0,-476.0,574.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,216000.0,271867.5,19048.5,243000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.00702,-20777,365243,-7320.0,-4227,,1,0,0,1,0,0,,1.0,2,2,SUNDAY,13,0,0,0,0,0,0,XNA,0.6692401055120013,0.5782890140601477,0.633031641417419,0.0845,0.0663,0.9881,0.8368,0.0186,0.16,0.1379,0.3333,0.375,0.0421,0.0681,0.1213,0.0039,0.0006,0.0861,0.0688,0.9881,0.8432,0.0188,0.1611,0.1379,0.3333,0.375,0.043,0.0744,0.1001,0.0039,0.0006,0.0854,0.0663,0.9881,0.8390000000000001,0.0188,0.16,0.1379,0.3333,0.375,0.0428,0.0693,0.1235,0.0039,0.0006,org spec account,block of flats,0.0859,Panel,No,1.0,1.0,1.0,1.0,-2091.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2778347,131279,Cash loans,7869.015,67500.0,71955.0,0.0,67500.0,TUESDAY,10,Y,1,0.0,,,XNA,Approved,-2281,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,high,Cash Street: high,365243.0,-2251.0,-1921.0,-1921.0,-1919.0,1.0,0,Revolving loans,F,N,Y,0,81000.0,225000.0,11250.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.026392000000000002,-17647,-1400,-7019.0,-1185,,1,1,0,1,0,0,,1.0,2,2,MONDAY,12,0,0,0,0,0,0,Self-employed,,0.5806070667688589,0.7713615919194317,0.066,,0.9767,,,0.0,0.1379,0.1667,,,,0.0509,,0.0893,0.0672,,0.9767,,,0.0,0.1379,0.1667,,,,0.0531,,0.0945,0.0666,,0.9767,,,0.0,0.1379,0.1667,,,,0.0518,,0.0912,,block of flats,0.0595,"Stone, brick",No,0.0,0.0,0.0,0.0,-962.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1307623,430996,Consumer loans,17400.51,93550.5,98491.5,0.0,93550.5,FRIDAY,11,Y,1,0.0,,,XAP,Approved,-776,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Regional / Local,300,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-745.0,-595.0,-595.0,-590.0,0.0,0,Cash loans,F,N,N,2,67500.0,142200.0,5490.0,112500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,With parents,0.019101,-12753,365243,-3288.0,-3292,,1,0,0,1,0,0,,4.0,2,2,THURSDAY,11,0,0,0,0,0,0,XNA,0.2850847531340648,0.4549785290666767,0.6195277080511546,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1610.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1772408,435674,Consumer loans,5933.7,32850.0,29565.0,3285.0,32850.0,THURSDAY,9,Y,1,0.1089090909090909,,,XAP,Approved,-2909,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Stone,62,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-2874.0,-2724.0,-2754.0,-2633.0,0.0,0,Cash loans,M,Y,Y,0,180000.0,808650.0,23305.5,675000.0,Family,Pensioner,Higher education,Married,House / apartment,0.015221,-22539,365243,-4683.0,-4731,29.0,1,0,0,1,1,0,,2.0,2,2,MONDAY,9,0,0,0,0,0,0,XNA,0.4987321424126186,0.31961075861896643,0.7662336700704004,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2112.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1514692,180939,Revolving loans,6750.0,0.0,135000.0,,,FRIDAY,10,Y,1,,,,XAP,Approved,-2681,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,0,XNA,0.0,XNA,Card Street,-2641.0,-2593.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,112500.0,590337.0,25141.5,477000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018801,-18992,-4630,-5001.0,-2486,,1,1,0,1,0,0,Cleaning staff,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Other,,0.4986952984485946,,0.0567,0.0227,0.9801,0.728,0.0169,0.04,0.0345,0.3333,0.375,0.026,0.0454,0.0383,0.0039,0.01,0.0578,0.0236,0.9801,0.7387,0.017,0.0403,0.0345,0.3333,0.375,0.0266,0.0496,0.0399,0.0039,0.0106,0.0573,0.0227,0.9801,0.7316,0.017,0.04,0.0345,0.3333,0.375,0.0264,0.0462,0.039,0.0039,0.0102,reg oper spec account,block of flats,0.0415,"Stone, brick",No,5.0,0.0,5.0,0.0,-168.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2484393,186844,Cash loans,,0.0,0.0,,,TUESDAY,16,Y,1,,,,XNA,Refused,-348,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,N,Y,0,315000.0,450000.0,27324.0,450000.0,Other_B,Commercial associate,Higher education,Single / not married,House / apartment,0.010966,-10499,-545,-45.0,-3162,,1,1,0,1,0,1,Laborers,1.0,2,2,SUNDAY,12,0,0,0,0,0,0,Trade: type 6,,0.5578600842408517,0.4329616670974407,0.1381,0.0675,0.9995,,,0.08,0.0345,0.5417,,0.0086,,0.1358,,0.0261,0.1408,0.0701,0.9995,,,0.0806,0.0345,0.5417,,0.0088,,0.1414,,0.0276,0.1395,0.0675,0.9995,,,0.08,0.0345,0.5417,,0.0087,,0.1382,,0.0266,,block of flats,0.1574,"Stone, brick",No,1.0,0.0,1.0,0.0,-337.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1033528,120860,Revolving loans,5625.0,0.0,112500.0,,,THURSDAY,13,Y,1,,,,XAP,Approved,-1201,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-1200.0,-1158.0,365243.0,-488.0,365243.0,0.0,0,Cash loans,F,N,N,1,81000.0,225000.0,15165.0,225000.0,Unaccompanied,State servant,Higher education,Married,With parents,0.018209,-11707,-2317,-2797.0,-3090,,1,1,0,1,0,0,Core staff,3.0,3,3,MONDAY,15,0,0,0,0,0,0,School,0.5050102351087074,0.302943046970092,0.2512394458905693,0.1237,,0.9901,,,0.12,0.1034,0.375,,,0.1009,0.1303,0.0,,0.1261,,0.9901,,,0.1208,0.1034,0.375,,,0.1102,0.1357,0.0,,0.1249,,0.9901,,,0.12,0.1034,0.375,,,0.1026,0.1326,0.0,,,block of flats,0.1025,,No,0.0,0.0,0.0,0.0,-2788.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,11.0 +2562400,384460,Cash loans,14221.845,135000.0,171409.5,,135000.0,WEDNESDAY,16,Y,1,,,,XNA,Approved,-1101,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-1071.0,-561.0,-771.0,-768.0,1.0,0,Cash loans,F,N,N,1,67500.0,225000.0,14377.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,With parents,0.010556,-14726,-632,-8033.0,-4713,,1,1,1,1,1,0,Private service staff,3.0,3,3,MONDAY,14,0,0,0,0,0,0,Self-employed,,0.5462504318190086,0.6925590674998008,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1371.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +2091394,145431,Revolving loans,7875.0,0.0,157500.0,,0.0,WEDNESDAY,10,Y,1,,,,XAP,Refused,-1287,XNA,LIMIT,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,N,0,225000.0,640080.0,24259.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-17197,-231,-1476.0,-693,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Restaurant,,0.5889113681360177,0.6109913280868294,0.3701,0.0,0.998,0.966,0.1298,0.32,0.1379,0.625,0.6667,0.1063,0.2656,0.3327,0.166,0.18600000000000005,0.3771,0.0,0.998,0.9673,0.131,0.3222,0.1379,0.625,0.6667,0.1087,0.2902,0.3466,0.1673,0.1969,0.3737,0.0,0.998,0.9665,0.1306,0.32,0.1379,0.625,0.6667,0.1081,0.2702,0.3387,0.1669,0.1899,reg oper account,block of flats,0.3731,Block,No,0.0,0.0,0.0,0.0,-1030.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +1894809,299715,Consumer loans,5397.57,119178.0,119178.0,0.0,119178.0,MONDAY,17,Y,1,0.0,,,XAP,Approved,-275,Cash through the bank,XAP,Unaccompanied,New,Furniture,POS,XNA,Stone,150,Furniture,24.0,low_action,POS industry without interest,365243.0,-245.0,445.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,216000.0,1350000.0,42520.5,1350000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.028663,-20887,-1220,-6176.0,-4184,2.0,1,1,0,1,0,0,Core staff,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Self-employed,,0.627085649742644,,0.1825,0.0975,0.9801,0.728,0.0,0.0,0.3793,0.1667,0.2083,0.1368,0.1488,0.1807,0.0,0.0553,0.1859,0.1012,0.9801,0.7387,0.0,0.0,0.3793,0.1667,0.2083,0.1399,0.1625,0.1882,0.0,0.0586,0.1842,0.0975,0.9801,0.7316,0.0,0.0,0.3793,0.1667,0.2083,0.1391,0.1513,0.1839,0.0,0.0565,reg oper account,block of flats,0.1541,"Stone, brick",No,4.0,0.0,4.0,0.0,-275.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1464037,196373,Revolving loans,6750.0,135000.0,135000.0,,135000.0,MONDAY,13,Y,1,,,,XAP,Approved,-583,XNA,XAP,,Repeater,XNA,Cards,walk-in,Channel of corporate sales,-1,XNA,0.0,XNA,Card Street,-502.0,-238.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,225000.0,1386000.0,56448.0,1386000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-20779,-1438,-6515.0,-4230,,1,1,1,1,1,0,Core staff,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Insurance,0.5800676796401145,0.5779423392851789,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-678.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2608780,379340,Cash loans,10411.155,54000.0,55782.0,,54000.0,WEDNESDAY,12,Y,1,,,,XNA,Approved,-668,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-638.0,-488.0,-488.0,-482.0,1.0,0,Cash loans,F,N,Y,0,54000.0,142632.0,14022.0,126000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.01885,-24350,365243,-2815.0,-2888,,1,0,0,1,0,0,,1.0,2,2,SATURDAY,10,0,0,0,0,0,0,XNA,,0.6744097175755929,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0024,,No,0.0,0.0,0.0,0.0,-1418.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2014885,318381,Revolving loans,22500.0,0.0,450000.0,,,MONDAY,17,Y,1,,,,XAP,Approved,-540,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-231.0,-187.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,112500.0,450000.0,19822.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-15710,-1387,-2771.0,-4367,,1,1,0,1,1,0,Sales staff,2.0,2,2,TUESDAY,11,0,1,1,0,1,1,Business Entity Type 3,,0.6934416066661033,0.6722428897082422,0.0165,,0.9732,,,,0.069,0.0417,,,,0.0127,,,0.0168,,0.9732,,,,0.069,0.0417,,,,0.0132,,,0.0167,,0.9732,,,,0.069,0.0417,,,,0.0129,,,,block of flats,0.01,"Stone, brick",No,0.0,0.0,0.0,0.0,-723.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2755322,279724,Consumer loans,3688.56,20340.0,18090.0,2250.0,20340.0,SUNDAY,12,Y,1,0.12047465808527758,,,XAP,Approved,-1695,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,43,Connectivity,6.0,high,POS mobile with interest,365243.0,-1655.0,-1505.0,-1505.0,-1464.0,0.0,0,Cash loans,F,N,N,0,90000.0,472500.0,20943.0,472500.0,Children,Working,Secondary / secondary special,Widow,House / apartment,0.028663,-19473,-3648,-6737.0,-3014,,1,1,0,1,0,0,Cooking staff,1.0,2,2,MONDAY,16,0,0,0,0,0,0,Self-employed,,0.6289043246811542,0.6658549219640212,0.0773,0.0869,0.9906,,,0.0,0.1724,0.1667,,0.019,,0.0797,,0.0,0.0788,0.0902,0.9906,,,0.0,0.1724,0.1667,,0.0195,,0.0831,,0.0,0.0781,0.0869,0.9906,,,0.0,0.1724,0.1667,,0.0194,,0.0812,,0.0,,block of flats,0.0692,"Stone, brick",No,0.0,0.0,0.0,0.0,-1695.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2497425,381332,Consumer loans,8318.835,82163.07,90837.0,2.07,82163.07,WEDNESDAY,15,Y,1,2.4817715348893175e-05,,,XAP,Approved,-535,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Regional / Local,1000,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-504.0,-174.0,-174.0,-160.0,0.0,1,Cash loans,M,Y,N,0,171000.0,254700.0,20250.0,225000.0,Family,Commercial associate,Higher education,Civil marriage,House / apartment,0.035792000000000004,-12610,-1396,-3634.0,-3629,21.0,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.012460190922329828,0.30620229831350426,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2674489,214269,Cash loans,24172.65,229500.0,241920.0,,229500.0,FRIDAY,10,Y,1,,,,XNA,Approved,-866,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-836.0,-506.0,-626.0,-619.0,1.0,0,Cash loans,F,N,Y,0,270000.0,1350000.0,51552.0,1350000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-18777,365243,-827.0,-2338,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,XNA,0.8111426971158142,0.6271981446469054,0.7047064232963289,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1597.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2311431,385923,Cash loans,,0.0,0.0,,,THURSDAY,12,Y,1,,,,XNA,Refused,-209,XNA,SCOFR,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,Y,Y,0,180000.0,720000.0,25506.0,720000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-9968,-1331,-1882.0,-2617,7.0,1,1,0,1,0,0,Drivers,2.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,Government,,0.15565708785960244,0.4014074137749511,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-779.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2029651,255439,Consumer loans,5135.94,42615.0,42133.5,4275.0,42615.0,THURSDAY,17,Y,1,0.10032351048544197,,,XAP,Approved,-1953,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,24,Connectivity,12.0,high,POS mobile with interest,365243.0,-1922.0,-1592.0,-1652.0,-1649.0,0.0,0,Cash loans,F,N,Y,0,81000.0,770292.0,30546.0,688500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00963,-16459,-3399,-9970.0,-10,,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,13,0,0,0,0,1,1,Trade: type 7,0.5550194412707378,0.4804294668830076,,0.0165,,0.9876,,,0.0,0.069,0.0417,,,,0.0182,,,0.0168,,0.9876,,,0.0,0.069,0.0417,,,,0.019,,,0.0167,,0.9876,,,0.0,0.069,0.0417,,,,0.0186,,,,block of flats,0.0149,"Stone, brick",No,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1091906,163194,Consumer loans,5916.51,62100.0,58707.0,9000.0,62100.0,SUNDAY,11,Y,1,0.14476816550457386,,,XAP,Approved,-387,XNA,XAP,,Repeater,Consumer Electronics,POS,XNA,Stone,38,Consumer electronics,12.0,middle,POS household with interest,365243.0,-348.0,-18.0,-288.0,-282.0,0.0,0,Cash loans,F,N,Y,0,135000.0,755190.0,30078.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.02461,-14888,365243,-1371.0,-5403,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,0.3410256749517007,0.3627637064951036,0.41885428862332175,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,9.0,0.0,9.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2831291,165151,Consumer loans,3269.07,28323.0,28012.5,2835.0,28323.0,MONDAY,13,Y,1,0.10009150586831113,,,XAP,Approved,-2885,Non-cash from your account,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,31,Connectivity,12.0,low_normal,POS mobile with interest,365243.0,-2854.0,-2524.0,-2524.0,-2522.0,1.0,0,Cash loans,M,N,Y,0,157500.0,305221.5,20524.5,252000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.025164,-18546,-2446,-764.0,-764,,1,1,0,1,0,0,Drivers,1.0,2,2,TUESDAY,14,0,0,0,1,1,0,Transport: type 3,,0.20010602715260745,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1331178,396304,Consumer loans,4466.7,35946.0,41706.0,3600.0,35946.0,TUESDAY,12,Y,1,0.08653880882724742,,,XAP,Approved,-1701,Cash through the bank,XAP,Children,New,Mobile,POS,XNA,Country-wide,23,Connectivity,14.0,high,POS mobile with interest,365243.0,-1670.0,-1280.0,-1280.0,-1276.0,0.0,0,Cash loans,F,N,Y,0,121500.0,755190.0,30078.0,675000.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.01885,-20793,-2213,-2043.0,-4040,,1,1,0,1,0,0,Medicine staff,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Business Entity Type 3,,,0.6832688314232291,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1701.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1716526,423512,Cash loans,25755.075,225000.0,239850.0,0.0,225000.0,WEDNESDAY,14,Y,1,0.0,,,XNA,Approved,-2512,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,middle,Cash Street: middle,365243.0,-2482.0,-2152.0,-2152.0,-2144.0,1.0,0,Cash loans,F,N,Y,1,180000.0,548550.0,38308.5,486000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0060079999999999995,-14671,-4813,-4228.0,-4754,,1,1,0,1,0,0,Sales staff,3.0,2,2,TUESDAY,13,0,0,0,0,1,1,Business Entity Type 3,0.5097361008257656,0.4453444512355857,0.6594055320683344,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1519.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2458033,221690,Consumer loans,13711.455,43245.0,38745.0,4500.0,43245.0,SATURDAY,21,Y,1,0.11332891873994892,,,XAP,Approved,-227,XNA,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Stone,3207,Consumer electronics,3.0,middle,POS household with interest,365243.0,-188.0,-128.0,-128.0,-121.0,0.0,1,Revolving loans,M,N,Y,0,157500.0,270000.0,13500.0,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.072508,-7906,-550,-7854.0,-560,,1,1,0,1,1,0,Managers,2.0,1,1,TUESDAY,14,0,0,0,0,0,0,Government,0.15924467470316728,0.3795533365904105,0.4992720153045617,0.4619,0.2,0.9846,0.7892,0.2693,0.56,0.2414,0.625,0.0,0.0,0.3749,0.4899,0.0077,0.0044,0.4706,0.2075,0.9846,0.7975,0.2718,0.5639,0.2414,0.625,0.0,0.0,0.4096,0.5104,0.0078,0.0046,0.4663,0.2,0.9846,0.792,0.2711,0.56,0.2414,0.625,0.0,0.0,0.3814,0.4987,0.0078,0.0045,reg oper account,block of flats,0.3862,Panel,No,0.0,0.0,0.0,0.0,-843.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2556656,440052,Consumer loans,18899.775,133893.0,98671.5,40171.5,133893.0,THURSDAY,13,Y,1,0.3151071026594458,,,XAP,Approved,-144,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,1872,Consumer electronics,6.0,middle,POS household without interest,365243.0,-114.0,36.0,-84.0,-78.0,1.0,1,Cash loans,F,Y,Y,0,180000.0,284400.0,22599.0,225000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.011703,-20329,-1158,-1238.0,-4,9.0,1,1,0,1,0,0,Core staff,2.0,2,2,MONDAY,13,0,0,0,0,1,1,Bank,,0.3225519037906617,0.1595195404777181,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,0.0,-69.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1651924,111756,Consumer loans,4871.475,35676.0,34758.0,3568.5,35676.0,SATURDAY,11,Y,1,0.1014029694621452,,,XAP,Approved,-1357,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,45,Connectivity,10.0,high,POS mobile with interest,365243.0,-1324.0,-1054.0,-1114.0,-1111.0,0.0,0,Cash loans,F,N,Y,0,112500.0,325908.0,17811.0,247500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.018634,-22659,365243,-3402.0,-4462,,1,0,0,1,1,0,,1.0,2,2,FRIDAY,10,0,0,0,0,0,0,XNA,,0.3946389925223769,0.5620604831738043,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1357.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1434335,395341,Consumer loans,5792.4,40711.5,36684.0,9000.0,40711.5,THURSDAY,7,Y,1,0.21455691668457624,,,XAP,Approved,-1349,XNA,XAP,Unaccompanied,Refreshed,Mobile,POS,XNA,Country-wide,1295,Consumer electronics,8.0,high,POS household with interest,365243.0,-1308.0,-1098.0,-1098.0,-1094.0,0.0,0,Cash loans,F,Y,Y,0,135000.0,473760.0,46282.5,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.006629,-21653,365243,-5499.0,-930,16.0,1,0,0,1,0,0,,2.0,2,2,TUESDAY,7,0,0,0,0,0,0,XNA,,0.6486347157675003,,,,0.9791,,,,0.2069,0.1667,,,,0.0653,,0.0773,,,0.9712,,,,0.2069,0.1667,,,,0.0076,,0.0818,,,0.9791,,,,0.2069,0.1667,,,,0.0665,,0.0789,,block of flats,0.0094,Panel,Yes,8.0,0.0,8.0,0.0,-1349.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1306528,308630,Consumer loans,20966.31,193446.0,213876.0,0.0,193446.0,TUESDAY,5,Y,1,0.0,,,XAP,Approved,-141,XNA,XAP,,Repeater,Consumer Electronics,POS,XNA,Country-wide,1295,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-109.0,221.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,157500.0,1590934.5,43879.5,1422000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.006629,-12705,-515,-4209.0,-1502,17.0,1,1,0,1,1,0,Core staff,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Transport: type 1,0.27591214078104737,0.4829627015481375,,0.0253,,0.9757,0.8708,,0.0,0.069,0.0833,,0.0115,0.0202,0.0194,,0.0057,0.0252,,0.9757,0.8759,,0.0,0.069,0.0833,,0.0077,0.022,0.0201,,0.006,0.0255,,0.9757,0.8725,,0.0,0.069,0.0833,,0.0117,0.0205,0.0198,,0.0058,,block of flats,0.0164,Block,No,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2366005,192731,Consumer loans,13156.65,116910.0,129253.5,0.0,116910.0,MONDAY,16,Y,1,0.0,,,XAP,Approved,-219,Cash through the bank,XAP,"Spouse, partner",Repeater,Computers,POS,XNA,Country-wide,100,Consumer electronics,12.0,middle,POS household with interest,365243.0,-189.0,141.0,-189.0,-185.0,1.0,0,Cash loans,F,N,N,0,180000.0,904500.0,38452.5,904500.0,Unaccompanied,Working,Higher education,Married,With parents,0.014519999999999996,-11022,-1133,-5166.0,-1184,,1,1,1,1,0,0,Sales staff,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.38666996180501095,0.6622440153667751,0.6279908192952864,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-890.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2502852,409807,Consumer loans,18788.58,101016.0,106348.5,0.0,101016.0,FRIDAY,9,Y,1,0.0,,,XAP,Approved,-893,XNA,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Regional / Local,782,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-862.0,-712.0,-712.0,-709.0,0.0,0,Cash loans,M,N,N,0,135000.0,501390.0,36616.5,409500.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.010032,-16902,-188,-4583.0,-453,,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,5,0,0,0,0,0,0,Transport: type 4,,0.6323578590584609,0.6246146584503397,0.3299,0.1205,0.9876,0.83,0.1076,0.16,0.1379,0.375,0.4167,0.0,0.2681,0.2149,0.0039,0.0024,0.3361,0.1251,0.9876,0.8367,0.1086,0.1611,0.1379,0.375,0.4167,0.0,0.2929,0.2239,0.0039,0.0026,0.3331,0.1205,0.9876,0.8323,0.1083,0.16,0.1379,0.375,0.4167,0.0,0.2728,0.2187,0.0039,0.0025,,block of flats,0.2284,Panel,No,1.0,1.0,1.0,1.0,-893.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2238011,300616,Consumer loans,15102.18,146952.0,132255.0,14697.0,146952.0,SATURDAY,10,Y,1,0.10892243107211257,,,XAP,Approved,-230,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Stone,200,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-188.0,82.0,-8.0,-5.0,0.0,0,Cash loans,F,Y,Y,2,112500.0,1078200.0,31653.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-15110,-453,-132.0,-5043,15.0,1,1,0,1,0,0,Cooking staff,4.0,2,2,FRIDAY,15,0,0,0,0,0,0,Government,,0.5256300736527697,0.5814837058057234,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2391164,215234,Consumer loans,2406.24,22230.0,21658.5,2223.0,22230.0,SATURDAY,12,Y,1,0.10137759734141866,,,XAP,Approved,-2608,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Regional / Local,100,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-2573.0,-2303.0,-2393.0,-2390.0,1.0,0,Cash loans,M,Y,Y,0,76500.0,298512.0,21721.5,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-21265,-1714,-11707.0,-4744,9.0,1,1,1,1,0,0,Laborers,2.0,2,2,WEDNESDAY,10,0,0,0,0,1,1,Transport: type 4,,0.4424079398957448,,0.0175,0.0187,0.9796,0.7212,0.0069,0.0,0.0862,0.0417,0.0833,0.0142,0.0143,0.0123,0.0,0.0168,0.0168,0.0,0.9791,0.7256,0.0021,0.0,0.069,0.0417,0.0833,0.0129,0.0147,0.0104,0.0,0.0042,0.0177,0.0187,0.9796,0.7249,0.006999999999999999,0.0,0.0862,0.0417,0.0833,0.0144,0.0145,0.0125,0.0,0.0171,reg oper account,block of flats,0.0124,"Stone, brick",No,2.0,0.0,2.0,0.0,-832.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2537350,326353,Cash loans,128687.445,1350000.0,1389204.0,,1350000.0,MONDAY,13,Y,1,,,,XNA,Approved,-257,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_action,Cash X-Sell: low,365243.0,-227.0,103.0,-167.0,-160.0,1.0,0,Cash loans,F,N,Y,0,382500.0,1451047.5,53905.5,1354500.0,Unaccompanied,Pensioner,Higher education,Widow,House / apartment,0.04622,-22369,365243,-1668.0,-5681,,1,0,0,1,0,0,,1.0,1,1,SATURDAY,17,0,0,0,0,0,0,XNA,0.9148081876129946,0.7311469323279783,0.6075573001388961,0.2763,0.112,0.9965,0.9524,0.1151,0.32,0.1379,0.6667,0.7083,0.1016,0.2253,0.2959,0.0,0.0,0.2815,0.1162,0.9965,0.9543,0.1161,0.3222,0.1379,0.6667,0.7083,0.104,0.2461,0.3083,0.0,0.0,0.279,0.112,0.9965,0.953,0.1158,0.32,0.1379,0.6667,0.7083,0.1034,0.2292,0.3012,0.0,0.0,reg oper account,block of flats,0.2957,Others,No,2.0,0.0,2.0,0.0,-1342.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2380690,397078,Cash loans,9248.04,112500.0,134775.0,,112500.0,WEDNESDAY,13,Y,1,,,,Furniture,Refused,-492,Cash through the bank,LIMIT,,New,XNA,Cash,walk-in,AP+ (Cash loan),2,XNA,36.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,157500.0,68256.0,3312.0,54000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008865999999999999,-19830,-12142,-10671.0,-1744,,1,1,1,1,0,0,,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,Other,,0.6396173118433068,0.5709165417729987,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-492.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2299541,180704,Cash loans,35757.9,954000.0,1218447.0,,954000.0,TUESDAY,19,Y,1,,,,XNA,Approved,-223,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-193.0,1577.0,365243.0,365243.0,1.0,1,Cash loans,F,N,Y,0,315000.0,1230039.0,52114.5,1044000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.032561,-15013,-2631,-475.0,-4528,,1,1,0,1,0,0,HR staff,2.0,1,1,MONDAY,12,0,1,1,0,0,0,Construction,0.7450335099925565,0.7934356445896995,0.4543210601605785,0.1928,0.1835,0.9921,0.7959999999999999,0.058,0.36,0.1379,0.5554,0.375,0.0481,0.2782,0.1962,0.0,0.0,0.0672,0.1905,0.9851,0.804,0.0585,0.3625,0.0345,0.6667,0.375,0.0492,0.3039,0.0823,0.0,0.0,0.1728,0.1835,0.9955,0.7987,0.0584,0.36,0.069,0.6667,0.375,0.0489,0.28300000000000003,0.1729,0.0,0.0,reg oper account,block of flats,0.2991,Panel,No,4.0,0.0,4.0,0.0,-2536.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1045223,402578,Cash loans,11651.085,135000.0,148365.0,,135000.0,TUESDAY,11,Y,1,,,,Repairs,Refused,-198,Cash through the bank,HC,Family,Repeater,XNA,Cash,walk-in,Country-wide,41,Connectivity,18.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,Y,Y,0,49500.0,161730.0,7254.0,135000.0,Family,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.028663,-23300,365243,-6345.0,-4074,1.0,1,0,0,1,1,0,,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,XNA,,0.5191539748529008,0.29708661164720285,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-217.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2318618,435866,Revolving loans,9000.0,0.0,180000.0,,,TUESDAY,12,Y,1,,,,XAP,Approved,-375,XNA,XAP,,Refreshed,XNA,Cards,x-sell,Country-wide,1,Consumer electronics,0.0,XNA,Card X-Sell,-329.0,-302.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,157500.0,1024290.0,33174.0,855000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-18404,-578,-4625.0,-1940,17.0,1,1,0,1,0,0,Drivers,2.0,2,2,SATURDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.4634281790757972,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1719.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2000429,227785,Cash loans,59025.465,675000.0,709749.0,,675000.0,MONDAY,12,Y,1,,,,XNA,Approved,-709,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-679.0,-169.0,-469.0,-465.0,1.0,0,Cash loans,M,Y,Y,1,540000.0,962370.0,74605.5,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-16418,-4343,-1358.0,-4515,5.0,1,1,0,1,1,1,Managers,3.0,1,1,WEDNESDAY,10,0,0,0,0,0,0,University,0.6189674477194236,0.7407793613135434,0.3910549766342248,0.1351,0.2172,0.9712,,,0.0,0.2414,0.2083,,0.1296,,0.1681,,0.0,0.1376,0.2254,0.9712,,,0.0,0.2414,0.2083,,0.1326,,0.1752,,0.0,0.1364,0.2172,0.9712,,,0.0,0.2414,0.2083,,0.1319,,0.1711,,0.0,,block of flats,0.1654,"Stone, brick",No,1.0,0.0,1.0,0.0,-1294.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2764214,236136,Consumer loans,4553.82,17725.5,15984.0,2250.0,17725.5,MONDAY,11,Y,1,0.13438930270124738,,,XAP,Approved,-2376,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,20,Connectivity,4.0,high,POS mobile with interest,365243.0,-2337.0,-2247.0,-2247.0,-2244.0,1.0,0,Revolving loans,M,N,N,2,112500.0,450000.0,22500.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-11525,-751,-1052.0,-3985,,1,1,0,1,0,0,Laborers,4.0,2,2,THURSDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.15801182207725942,0.13375454979917029,0.6971469077844458,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-3.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2491429,360486,Consumer loans,29444.31,134995.5,158521.5,0.0,134995.5,WEDNESDAY,17,Y,1,0.0,,,XAP,Approved,-316,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Regional / Local,777,Consumer electronics,6.0,middle,POS household with interest,365243.0,-286.0,-136.0,-136.0,-130.0,1.0,0,Cash loans,M,N,Y,0,157500.0,102384.0,8217.0,81000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.032561,-14972,-629,-9124.0,-4071,,1,1,0,1,1,0,Drivers,1.0,1,1,THURSDAY,11,0,0,0,0,0,0,Construction,,0.5661333141748863,0.3825018041447388,0.0691,0.056,0.9786,0.7076,0.0114,0.02,0.0862,0.25,0.2917,0.0298,0.0559,0.0554,0.0019,0.0011,0.0567,0.0316,0.9782,0.7125,0.01,0.0,0.0345,0.1667,0.2083,0.0172,0.0496,0.0429,0.0,0.0,0.0697,0.056,0.9786,0.7115,0.0115,0.02,0.0862,0.25,0.2917,0.0303,0.0569,0.0564,0.0019,0.0011,reg oper account,block of flats,0.0394,Panel,No,0.0,0.0,0.0,0.0,-316.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,2.0,0.0,0.0,2.0 +2786457,455282,Cash loans,62313.21,1350000.0,1467612.0,,1350000.0,TUESDAY,15,Y,1,,,,XNA,Refused,-10,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,Y,Y,2,180000.0,1078200.0,38331.0,900000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.022625,-14563,-831,-1899.0,-2484,18.0,1,1,0,1,0,0,Drivers,4.0,2,2,FRIDAY,12,0,0,0,0,0,0,Self-employed,,0.6622489066220091,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1020.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1977798,318101,Cash loans,9128.655,247500.0,301077.0,,247500.0,WEDNESDAY,13,Y,1,,,,XNA,Approved,-168,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_action,Cash X-Sell: low,365243.0,-138.0,1272.0,365243.0,365243.0,1.0,0,Revolving loans,M,N,Y,0,112500.0,315000.0,15750.0,315000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.018634,-22204,365243,-7252.0,-4199,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,,0.6934462552646411,0.5549467685334323,,,0.9916,,,,,,,,,0.3683,,,,,0.9916,,,,,,,,,0.3837,,,,,0.9916,,,,,,,,,0.3749,,,,,0.2904,,No,,,,,-1014.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2562274,140025,Cash loans,18599.85,315000.0,349096.5,,315000.0,FRIDAY,16,Y,1,,,,XNA,Approved,-251,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-221.0,469.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,270000.0,284400.0,18306.0,225000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.008019,-14136,-115,-7624.0,-4665,,1,1,0,1,0,1,Core staff,2.0,2,2,THURSDAY,19,0,0,0,0,0,0,Other,0.7344717360786386,0.5581782880072312,0.7886807751817684,0.0,,0.9806,,,0.0,,,,,,0.051,,,0.0,,0.9806,,,0.0,,,,,,0.0532,,,0.0,,0.9806,,,0.0,,,,,,0.0519,,,,,0.0401,,No,4.0,0.0,4.0,0.0,-2124.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2215183,431235,Cash loans,43789.365,1057500.0,1149628.5,,1057500.0,TUESDAY,16,Y,1,,,,XNA,Refused,-433,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,Y,Y,1,270000.0,440784.0,32202.0,360000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.00733,-11012,-832,-4024.0,-132,8.0,1,1,0,1,0,1,,3.0,2,2,MONDAY,17,0,0,0,0,1,1,Self-employed,0.2337416245300555,0.4679551893125576,0.3740208032583212,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-179.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,9.0 +1081743,131996,Consumer loans,5845.905,51469.65,51469.65,0.0,51469.65,TUESDAY,6,Y,1,0.0,,,XAP,Approved,-209,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-178.0,92.0,-28.0,-22.0,0.0,0,Cash loans,M,N,N,1,112500.0,450000.0,20979.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010032,-9026,-869,-9026.0,-1693,,1,1,0,1,0,1,High skill tech staff,3.0,2,2,SATURDAY,1,0,0,0,1,1,1,Business Entity Type 2,0.12471508632208875,0.6034771368348211,0.6512602186973006,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1263.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2762833,380935,Revolving loans,2250.0,45000.0,45000.0,,45000.0,MONDAY,12,Y,1,,,,XAP,Approved,-188,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-179.0,-143.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,157500.0,468000.0,16938.0,468000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.018209,-18736,-1423,-3786.0,-76,,1,1,0,1,0,0,,1.0,3,3,SUNDAY,7,0,0,0,0,0,0,Electricity,,0.3075573061822936,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-188.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1718677,302044,Consumer loans,3243.195,17955.0,16159.5,1795.5,17955.0,FRIDAY,11,Y,1,0.1089090909090909,,,XAP,Approved,-2577,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,31,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2540.0,-2390.0,-2390.0,-2386.0,0.0,0,Cash loans,M,Y,N,0,270000.0,435253.5,16537.5,306000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.018801,-21319,-1720,-1087.0,-2516,13.0,1,1,0,1,0,0,Security staff,1.0,2,2,SATURDAY,8,0,0,0,0,1,1,Business Entity Type 1,0.5949098400803542,0.5512483659959135,0.524496446363472,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-597.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1009723,282010,Consumer loans,9813.375,206550.0,185895.0,20655.0,206550.0,FRIDAY,10,Y,1,0.1089090909090909,,,XAP,Approved,-351,Cash through the bank,XAP,,Repeater,Medical Supplies,POS,XNA,Country-wide,80,Industry,24.0,low_normal,POS other with interest,365243.0,-315.0,375.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,121500.0,668304.0,29565.0,540000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-20602,-138,-284.0,-3846,,1,1,0,1,0,0,Cooking staff,2.0,2,2,SATURDAY,12,0,0,0,0,1,1,Government,,0.6911450708490048,0.4223696523543468,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-276.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1460421,398808,Cash loans,5094.405,45000.0,53653.5,,45000.0,SUNDAY,13,Y,1,,,,XNA,Approved,-131,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-101.0,229.0,365243.0,365243.0,1.0,1,Cash loans,F,N,Y,0,202500.0,526491.0,17527.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0105,-16208,-379,-5630.0,-4019,,1,1,0,1,0,0,Laborers,2.0,3,3,FRIDAY,15,0,0,0,1,1,0,Business Entity Type 3,,0.3561027915493316,0.3031463744186309,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,1.0,-433.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1088283,215983,Revolving loans,2250.0,45000.0,45000.0,,45000.0,FRIDAY,13,Y,1,,,,XAP,Approved,-279,XNA,XAP,Other_B,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-277.0,-235.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,135000.0,225000.0,26703.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.014519999999999996,-8715,-1555,-3362.0,-873,,1,1,0,1,1,0,Laborers,1.0,2,2,THURSDAY,10,0,0,0,0,0,0,Business Entity Type 2,,0.6000866416132989,,0.0969,0.0679,0.9881,0.8368,0.0793,0.04,0.1034,0.4167,0.4583,0.076,0.0777,0.0831,0.0058,0.0996,0.0788,0.0555,0.9871,0.8301,0.08,0.0,0.0345,0.1667,0.2083,0.0464,0.0689,0.0801,0.0,0.0,0.0978,0.0679,0.9881,0.8390000000000001,0.0798,0.04,0.1034,0.4167,0.4583,0.0773,0.0791,0.0846,0.0058,0.1017,org spec account,block of flats,0.0605,Panel,No,2.0,0.0,2.0,0.0,-19.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2121252,254396,Cash loans,5372.64,45000.0,47970.0,0.0,45000.0,TUESDAY,14,Y,1,0.0,,,Medicine,Approved,-2079,Cash through the bank,XAP,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-2048.0,-1718.0,-1718.0,-1683.0,0.0,0,Cash loans,F,N,Y,0,135000.0,675000.0,19867.5,675000.0,Family,Working,Secondary / secondary special,Widow,House / apartment,0.014519999999999996,-18811,-2750,-5528.0,-2307,,1,1,1,1,0,0,Laborers,1.0,2,2,WEDNESDAY,11,0,0,0,1,1,0,Business Entity Type 3,,0.34112290759888264,0.08391700365753578,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,3.0,4.0,2.0,-2080.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1288523,404132,Cash loans,14925.15,202500.0,229230.0,,202500.0,MONDAY,16,Y,1,,,,XNA,Approved,-189,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-159.0,531.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,0,225000.0,254700.0,25321.5,225000.0,"Spouse, partner",Pensioner,Lower secondary,Married,House / apartment,0.005084,-24571,365243,-7420.0,-3974,,1,0,0,1,1,0,,2.0,2,2,MONDAY,11,0,0,0,0,0,0,XNA,,0.5691548325781831,,0.0928,,0.9776,0.6940000000000001,,,0.2069,0.1667,,,,,,,0.0945,,0.9777,0.706,,,0.2069,0.1667,,,,,,,0.0937,,0.9776,0.6981,,,0.2069,0.1667,,,,,,,reg oper account,block of flats,0.0689,Panel,No,0.0,0.0,0.0,0.0,-673.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2746040,166121,Consumer loans,7800.075,93780.0,108634.5,0.0,93780.0,TUESDAY,9,Y,1,0.0,,,XAP,Approved,-819,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Regional / Local,115,Consumer electronics,18.0,middle,POS household with interest,365243.0,-781.0,-271.0,-271.0,-268.0,0.0,0,Cash loans,F,N,N,1,76500.0,436032.0,16564.5,360000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.02461,-16476,-587,-3919.0,-33,,1,1,1,1,0,0,,2.0,2,2,TUESDAY,8,0,0,0,0,1,1,Business Entity Type 3,,0.7205476991993446,0.33285056416487313,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-819.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1226082,409317,Consumer loans,6180.615,32094.0,30312.0,3213.0,32094.0,MONDAY,14,Y,1,0.10437730323367908,,,XAP,Approved,-1925,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,10,Connectivity,6.0,high,POS mobile with interest,365243.0,-1862.0,-1712.0,-1742.0,-1737.0,0.0,0,Cash loans,F,N,N,0,157500.0,1350000.0,39474.0,1350000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008473999999999999,-18105,-3508,-4064.0,-1642,,1,1,1,1,1,0,High skill tech staff,2.0,2,2,MONDAY,14,0,1,1,0,1,1,Self-employed,0.7187344754099017,0.7643070541519681,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1925.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1443084,210381,Cash loans,15056.55,180000.0,262035.0,,180000.0,THURSDAY,15,Y,1,,,,XNA,Approved,-701,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash X-Sell: high,365243.0,-670.0,380.0,-400.0,-397.0,0.0,0,Cash loans,F,Y,Y,0,135000.0,545040.0,26640.0,450000.0,Unaccompanied,Working,Higher education,Married,With parents,0.005084,-11947,-348,-5896.0,-3544,54.0,1,1,0,1,0,0,Accountants,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.5342728142354611,0.7063558366998508,0.11538666200733562,0.199,0.1606,0.9916,,,0.32,0.2759,0.3333,,,,0.2031,,0.0332,0.2027,0.1666,0.9916,,,0.3222,0.2759,0.3333,,,,0.2116,,0.0352,0.2009,0.1606,0.9916,,,0.32,0.2759,0.3333,,,,0.2067,,0.0339,,block of flats,0.1669,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +1088302,440545,Cash loans,17582.625,135000.0,163255.5,,135000.0,TUESDAY,5,Y,1,,,,XNA,Approved,-408,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-378.0,-48.0,-78.0,-74.0,1.0,0,Cash loans,M,N,Y,0,135000.0,168102.0,16753.5,148500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.010032,-15917,-1596,-8710.0,-2831,,1,1,0,1,1,0,Low-skill Laborers,1.0,2,2,THURSDAY,3,0,0,0,0,0,0,Business Entity Type 2,,0.004097638065061846,0.6397075677637197,0.1314,0.0925,0.9856,0.8028,0.1243,0.13,0.1638,0.3021,0.0417,0.0,0.1513,0.0923,0.0,0.0011,0.0756,0.0585,0.9826,0.7713,0.1254,0.0,0.2069,0.3333,0.0417,0.0,0.1653,0.053,0.0,0.0,0.1343,0.087,0.9841,0.7853,0.1251,0.14,0.1897,0.3333,0.0417,0.0,0.1539,0.0906,0.0,0.0,reg oper account,block of flats,0.1785,Panel,No,0.0,0.0,0.0,0.0,-56.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +1701105,171831,Cash loans,,0.0,0.0,,,SATURDAY,11,Y,1,,,,XNA,Refused,-187,XNA,SCOFR,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,1,112500.0,608076.0,28476.0,427500.0,"Spouse, partner",Working,Secondary / secondary special,Civil marriage,House / apartment,0.020246,-15807,-354,-1211.0,-1205,,1,1,0,1,0,0,Cooking staff,3.0,3,3,THURSDAY,9,0,0,0,0,0,0,Restaurant,,0.3542097255361397,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-322.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1885174,421836,Consumer loans,12058.965,100755.0,98658.0,10075.5,100755.0,FRIDAY,15,Y,1,0.10091770663636736,,,XAP,Approved,-616,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,280,Consumer electronics,10.0,middle,POS household with interest,365243.0,-584.0,-314.0,-314.0,-306.0,0.0,0,Cash loans,F,N,Y,2,81000.0,360000.0,18508.5,360000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.019101,-12787,-1362,-485.0,-4655,,1,1,1,1,0,0,Sales staff,4.0,2,2,FRIDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.3116729891441435,0.17992125952414192,0.7688075728291359,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2501328,428964,Revolving loans,3375.0,67500.0,67500.0,,67500.0,SATURDAY,12,Y,1,,,,XAP,Refused,-660,XNA,SCOFR,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Revolving loans,F,N,Y,0,112500.0,270000.0,13500.0,270000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.00702,-9063,-487,-9050.0,-1139,,1,1,0,1,0,0,Secretaries,2.0,2,2,MONDAY,10,0,0,0,0,1,1,Medicine,0.2089679998403285,0.2269132413051427,0.4812493411434029,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,1.0,5.0,0.0,-816.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1663628,378856,Cash loans,,0.0,0.0,,,WEDNESDAY,14,Y,1,,,,XNA,Refused,-236,XNA,SCOFR,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,1,Cash loans,F,Y,Y,1,247500.0,566055.0,15061.5,472500.0,Family,Commercial associate,Higher education,Married,House / apartment,0.00702,-9870,-784,-1122.0,-2554,6.0,1,1,0,1,0,0,Laborers,3.0,2,2,MONDAY,19,0,0,0,0,0,0,Business Entity Type 3,0.32929314833753043,0.04365601219998105,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-942.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2198733,225535,Consumer loans,4029.795,31005.0,30208.5,3100.5,31005.0,THURSDAY,12,Y,1,0.10137579523961583,,,XAP,Approved,-2353,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,48,Connectivity,10.0,high,POS mobile with interest,365243.0,-2322.0,-2052.0,-2052.0,-2049.0,1.0,0,Cash loans,F,Y,N,0,112500.0,562500.0,16119.0,562500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-9855,-755,-2807.0,-907,5.0,1,1,1,1,0,0,Cleaning staff,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Business Entity Type 2,,0.31682587344297364,0.2750003523983893,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-31.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2072670,281627,Revolving loans,2250.0,45000.0,45000.0,,45000.0,TUESDAY,15,Y,1,,,,XAP,Refused,-339,XNA,HC,Unaccompanied,Repeater,XNA,Cards,walk-in,Country-wide,1730,Consumer electronics,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,N,N,1,157500.0,824823.0,29353.5,688500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006207,-9973,-1465,-980.0,-2632,,1,1,0,1,0,0,High skill tech staff,3.0,2,2,FRIDAY,12,0,0,0,0,0,0,Medicine,,0.5523192003226004,0.32173528219668485,0.1134,0.0,0.9945,0.9252,,0.12,0.1034,0.375,0.4167,0.0347,0.0925,0.1209,0.0,0.0,0.1155,0.0,0.9945,0.9281,,0.1208,0.1034,0.375,0.4167,0.0355,0.101,0.126,0.0,0.0,0.1145,0.0,0.9945,0.9262,,0.12,0.1034,0.375,0.4167,0.0353,0.0941,0.1231,0.0,0.0,reg oper account,block of flats,0.1013,Panel,No,0.0,0.0,0.0,0.0,-1443.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1270887,429141,Consumer loans,5634.63,46872.0,45661.5,4689.0,46872.0,MONDAY,9,Y,1,0.1014239634706164,,,XAP,Approved,-1621,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Stone,206,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1587.0,-1317.0,-1317.0,-1314.0,0.0,1,Cash loans,F,Y,Y,2,76500.0,315000.0,15318.0,315000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.031329,-11627,-98,-2242.0,-3971,14.0,1,1,1,1,0,0,Sales staff,4.0,2,2,FRIDAY,7,0,0,0,1,1,0,Business Entity Type 3,0.061744336433676376,0.4798781803973417,0.6430255641096323,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1225.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +1875602,320158,Consumer loans,8742.15,103162.5,62001.0,45000.0,103162.5,WEDNESDAY,15,Y,1,0.4580246063970514,,,XAP,Approved,-2312,Cash through the bank,XAP,Group of people,New,Audio/Video,POS,XNA,Country-wide,664,Consumer electronics,8.0,middle,POS household with interest,365243.0,-2278.0,-2068.0,-2068.0,-2063.0,1.0,0,Cash loans,F,Y,Y,1,180000.0,1221354.0,35842.5,1066500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.020246,-13348,-3928,-4773.0,-2729,29.0,1,1,0,1,0,0,Core staff,3.0,3,3,FRIDAY,10,0,0,0,0,0,0,Kindergarten,,0.4934802466435652,,0.3536,0.2879,0.9836,0.7756,0.0656,0.4,0.3448,0.375,0.3333,0.2919,0.2799,0.3854,0.0386,0.0547,0.3603,0.2988,0.9836,0.7844,0.0662,0.4028,0.3448,0.375,0.3333,0.2986,0.3058,0.4015,0.0389,0.0579,0.35700000000000004,0.2879,0.9836,0.7786,0.066,0.4,0.3448,0.375,0.3333,0.297,0.2847,0.3923,0.0388,0.0559,reg oper account,block of flats,0.3509,Panel,No,0.0,0.0,0.0,0.0,-2312.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,1.0,0.0,0.0,0.0,2.0 +1409983,249210,Consumer loans,3581.235,71374.23,79407.0,4.23,71374.23,MONDAY,11,Y,1,5.801263304263822e-05,,,XAP,Approved,-1479,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,2000,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1448.0,-758.0,-818.0,-815.0,0.0,0,Cash loans,F,N,Y,0,157500.0,419436.0,15939.0,274500.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.007114,-17522,-4343,-7806.0,-1049,,1,1,0,1,1,1,Laborers,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Other,,0.6295369417278588,,0.0165,,,0.6532,,,0.1034,0.1667,0.2083,0.1087,,0.0127,,0.0362,0.0168,,,0.6668,,,0.1034,0.1667,0.2083,0.1111,,0.0132,,0.0383,0.0167,,,0.6578,,,0.1034,0.1667,0.2083,0.1105,,0.0129,,0.037000000000000005,,block of flats,0.0178,"Stone, brick",Yes,0.0,0.0,0.0,0.0,-2957.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2253397,405327,Consumer loans,8594.955,46525.5,48982.5,0.0,46525.5,SUNDAY,15,Y,1,0.0,,,XAP,Approved,-941,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Regional / Local,130,Furniture,6.0,low_action,POS industry with interest,365243.0,-909.0,-759.0,-759.0,-752.0,0.0,0,Cash loans,F,N,N,0,135000.0,781920.0,34573.5,675000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.00702,-22041,-4494,-4534.0,-1440,,1,1,0,1,1,0,High skill tech staff,2.0,2,2,MONDAY,8,0,0,0,0,0,0,Industry: type 7,,0.6090415721079087,0.6109913280868294,0.0928,0.091,0.9846,0.7892,0.0132,0.0,0.2069,0.1667,0.2083,0.0735,0.0756,0.0877,0.0039,0.012,0.0945,0.0944,0.9846,0.7975,0.0133,0.0,0.2069,0.1667,0.2083,0.0751,0.0826,0.0913,0.0039,0.0127,0.0937,0.091,0.9846,0.792,0.0133,0.0,0.2069,0.1667,0.2083,0.0747,0.077,0.0892,0.0039,0.0123,reg oper account,block of flats,0.0788,Panel,No,0.0,0.0,0.0,0.0,-1691.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1542397,192333,Consumer loans,18424.44,188329.5,204489.0,0.0,188329.5,SATURDAY,10,Y,1,0.0,,,XAP,Approved,-825,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Regional / Local,158,Consumer electronics,12.0,low_action,POS household without interest,,,,,,,0,Cash loans,F,N,Y,0,157500.0,945000.0,27760.5,945000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.003069,-20170,-1768,-3458.0,-3458,,1,1,0,1,0,0,Laborers,2.0,3,3,FRIDAY,15,0,0,0,0,0,0,Self-employed,0.4080429979885529,0.6830543132754848,0.7106743858828587,0.1742,0.0713,0.9841,,,0.04,0.0345,0.3333,,0.0645,,0.05,,0.0013,0.1775,0.07400000000000001,0.9841,,,0.0403,0.0345,0.3333,,0.0659,,0.0521,,0.0014,0.1759,0.0713,0.9841,,,0.04,0.0345,0.3333,,0.0656,,0.0509,,0.0013,,block of flats,0.0681,"Stone, brick",No,0.0,0.0,0.0,0.0,-1561.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1078493,124714,Consumer loans,3228.12,17316.0,15957.0,3816.0,17316.0,WEDNESDAY,15,Y,1,0.21018413539123595,,,XAP,Approved,-1924,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Regional / Local,60,Connectivity,6.0,high,POS mobile with interest,365243.0,-1884.0,-1734.0,-1764.0,-1759.0,0.0,0,Cash loans,M,Y,Y,0,144000.0,954207.0,28030.5,796500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-23403,365243,-15387.0,-4589,10.0,1,0,0,1,1,0,,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,XNA,,0.5685702440210428,0.15759499866631024,0.233,0.223,0.9821,0.7552,0.0339,0.0,0.5517,0.1667,0.0,0.068,0.19,0.236,0.0154,0.1075,0.2374,0.2314,0.9821,0.7648,0.0343,0.0,0.5517,0.1667,0.0,0.0695,0.2075,0.2459,0.0156,0.1138,0.2352,0.223,0.9821,0.7585,0.0342,0.0,0.5517,0.1667,0.0,0.0691,0.1932,0.2403,0.0155,0.1097,reg oper account,block of flats,0.209,Block,No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,1.0,0.0,0.0,1.0,1.0 +1052844,352243,Cash loans,5530.5,45000.0,45000.0,0.0,45000.0,THURSDAY,9,Y,1,0.0,,,XNA,Approved,-2727,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,10.0,middle,Cash Street: middle,365243.0,-2697.0,-2427.0,-2427.0,-2416.0,0.0,0,Cash loans,F,N,Y,0,85500.0,247275.0,17338.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018801,-24432,365243,-3251.0,-3252,,1,0,0,1,0,0,,2.0,2,2,MONDAY,8,0,0,0,1,0,0,XNA,,0.7429109832052601,0.6058362647264226,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1962.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2307944,319362,Consumer loans,6548.895,49005.0,53856.0,0.0,49005.0,WEDNESDAY,10,Y,1,0.0,,,XAP,Approved,-1797,Cash through the bank,XAP,Family,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,1695,Consumer electronics,12.0,high,POS household with interest,365243.0,-1766.0,-1436.0,-1436.0,-1429.0,0.0,0,Cash loans,F,N,Y,1,135000.0,545040.0,26640.0,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.025164,-11585,-2245,-371.0,-4042,,1,1,0,1,0,0,Laborers,3.0,2,2,MONDAY,9,0,0,0,0,0,0,Industry: type 3,0.3126941469030435,0.16318703546427088,0.501075160239048,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1797.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,11.0,1.0,1.0 +2491858,129766,Consumer loans,4613.175,41760.0,38475.0,6750.0,41760.0,SATURDAY,12,Y,1,0.16255088195386694,,,XAP,Approved,-1887,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,12.0,high,POS mobile with interest,365243.0,-1843.0,-1513.0,-1513.0,-1508.0,0.0,0,Revolving loans,M,Y,Y,1,270000.0,720000.0,36000.0,720000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.020246,-13788,-4080,-7719.0,-4675,10.0,1,1,0,1,1,0,Laborers,2.0,3,3,WEDNESDAY,13,0,0,0,0,0,0,Industry: type 9,,0.4927040957993086,0.5726825047161584,0.0711,0.0824,0.9816,0.7484,0.0311,0.0,0.1379,0.1667,0.2083,0.0371,0.0572,0.0438,0.0039,0.0081,0.0725,0.0855,0.9816,0.7583,0.0314,0.0,0.1379,0.1667,0.2083,0.0379,0.0624,0.0457,0.0039,0.0086,0.0718,0.0824,0.9816,0.7518,0.0313,0.0,0.1379,0.1667,0.2083,0.0377,0.0581,0.0446,0.0039,0.0083,reg oper account,block of flats,0.0532,Block,No,0.0,0.0,0.0,0.0,-2025.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1978426,124661,Consumer loans,15025.41,145597.5,145174.5,13500.0,145597.5,SUNDAY,12,Y,1,0.09265967293249558,,,XAP,Approved,-2074,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Regional / Local,515,Consumer electronics,12.0,middle,POS household with interest,365243.0,-2043.0,-1713.0,-1713.0,-1710.0,0.0,0,Cash loans,F,N,N,0,157500.0,593010.0,19260.0,495000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.020713,-14681,-2951,-2631.0,-4934,,1,1,0,1,1,0,Medicine staff,2.0,3,2,WEDNESDAY,17,0,0,0,0,0,0,Kindergarten,,0.4598412870838615,0.6594055320683344,0.032,0.0917,0.9722,0.6192,,0.0,0.1379,0.0833,0.125,0.0405,0.0168,0.0332,0.0425,0.0293,0.0326,0.0951,0.9722,0.6341,,0.0,0.1379,0.0833,0.125,0.0414,0.0184,0.0346,0.0428,0.031,0.0323,0.0917,0.9722,0.6243,,0.0,0.1379,0.0833,0.125,0.0412,0.0171,0.0338,0.0427,0.0299,reg oper account,block of flats,0.0324,"Stone, brick",No,3.0,0.0,3.0,0.0,-1792.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,0.0 +2102454,222086,Consumer loans,17733.51,160866.0,174667.5,0.0,160866.0,SATURDAY,19,Y,1,0.0,,,XAP,Approved,-553,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Country-wide,1300,Consumer electronics,12.0,middle,POS household with interest,365243.0,-519.0,-189.0,-189.0,-181.0,0.0,0,Cash loans,F,Y,N,0,180000.0,540000.0,39294.0,540000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.032561,-13623,-2025,-7714.0,-5136,3.0,1,1,1,1,0,0,,2.0,1,1,FRIDAY,12,0,0,0,0,0,0,Self-employed,,0.724720264081754,,0.2557,0.0,0.9757,,,0.2,0.1724,0.3333,,0.1671,,0.2253,,0.1539,0.2605,0.0,0.9757,,,0.2014,0.1724,0.3333,,0.1709,,0.2348,,0.1629,0.2581,0.0,0.9757,,,0.2,0.1724,0.3333,,0.17,,0.2294,,0.1571,,block of flats,0.211,"Stone, brick",No,0.0,0.0,0.0,0.0,-553.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2150964,237603,Cash loans,29650.5,900000.0,1078200.0,,900000.0,THURSDAY,13,Y,1,,,,Other,Refused,-156,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,135000.0,193500.0,8325.0,193500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.020713,-19242,-4162,-731.0,-2781,,1,1,0,1,0,0,,1.0,3,2,SATURDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.6769877186322466,,0.1113,0.0879,0.9975,0.966,0.0371,0.12,0.1034,0.375,0.4167,0.0,0.0908,0.1353,0.0039,0.0038,0.1134,0.0912,0.9975,0.9673,0.0374,0.1208,0.1034,0.375,0.4167,0.0,0.0992,0.141,0.0039,0.004,0.1124,0.0879,0.9975,0.9665,0.0373,0.12,0.1034,0.375,0.4167,0.0,0.0923,0.1377,0.0039,0.0039,reg oper account,block of flats,0.1072,Panel,No,6.0,0.0,6.0,0.0,-1826.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1047105,434483,Cash loans,,0.0,0.0,,,SATURDAY,6,Y,1,,,,XNA,Refused,-334,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,157500.0,563877.0,22491.0,504000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.008068,-23486,365243,-10579.0,-1942,,1,0,0,1,0,0,,1.0,3,3,THURSDAY,9,0,0,0,0,0,0,XNA,,0.3937512366380102,0.7992967832109371,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-909.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2774039,285307,Cash loans,5471.1,45000.0,45000.0,,45000.0,SATURDAY,14,Y,1,,,,XNA,Approved,-1202,Cash through the bank,XAP,Children,Refreshed,XNA,Cash,walk-in,Country-wide,30,Connectivity,12.0,high,Cash Street: high,365243.0,-1172.0,-842.0,-842.0,-837.0,0.0,0,Cash loans,F,N,Y,0,76500.0,612612.0,27112.5,495000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.00733,-23406,365243,-6117.0,-4657,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,17,0,0,0,0,0,0,XNA,,0.36138985949902586,0.4848514754962666,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1999999,107206,Consumer loans,19592.145,183150.0,199107.0,0.0,183150.0,TUESDAY,16,Y,1,0.0,,,XAP,Approved,-1404,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Stone,50,Industry,12.0,middle,POS industry with interest,365243.0,-1373.0,-1043.0,-1043.0,-1035.0,0.0,0,Cash loans,F,Y,Y,0,202500.0,651600.0,27738.0,562500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.008575,-19863,-2939,-326.0,-3411,14.0,1,1,0,1,0,0,Security staff,2.0,2,2,SATURDAY,17,0,0,0,0,0,0,School,0.6358967741278503,0.5993832251682167,0.4048783643353997,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-3.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2813009,256381,Consumer loans,11915.55,99895.5,99895.5,0.0,99895.5,MONDAY,11,Y,1,0.0,,,XAP,Approved,-677,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,52,Connectivity,10.0,middle,POS mobile without interest,365243.0,-643.0,-373.0,-583.0,-579.0,0.0,0,Revolving loans,M,Y,N,0,157500.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Higher education,Married,With parents,0.010966,-8823,-432,-6774.0,-1482,12.0,1,1,0,1,0,1,Core staff,2.0,2,2,SATURDAY,14,0,0,0,0,0,0,Mobile,0.43637801719023545,0.3170862555565145,0.4206109640437848,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1280.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +2755727,127935,Consumer loans,6872.445,38205.0,33705.0,4500.0,38205.0,SUNDAY,13,Y,1,0.1282792590213085,,,XAP,Approved,-1874,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,60,Connectivity,6.0,high,POS mobile with interest,365243.0,-1838.0,-1688.0,-1688.0,-1685.0,0.0,0,Cash loans,M,Y,Y,0,54000.0,348264.0,19993.5,315000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-19239,-6972,-6498.0,-2762,6.0,1,1,1,1,1,0,Laborers,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Business Entity Type 2,0.5163964421621263,0.7005534773450529,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1874.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1966955,436549,Cash loans,31446.36,450000.0,491580.0,,450000.0,TUESDAY,13,Y,1,,,,XNA,Refused,-507,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,135000.0,202500.0,21937.5,202500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-9556,-689,-1655.0,-731,,1,1,0,1,0,1,Laborers,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Industry: type 3,,0.5895941259607304,0.4471785780453068,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1193.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2784234,307830,Consumer loans,6916.905,52065.0,50710.5,5220.0,52065.0,SUNDAY,13,Y,1,0.10164497984917968,,,XAP,Approved,-1867,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Regional / Local,293,Connectivity,10.0,high,POS mobile with interest,365243.0,-1833.0,-1563.0,-1563.0,-1335.0,0.0,0,Cash loans,F,Y,Y,0,135000.0,314055.0,13833.0,238500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-11891,-303,-2256.0,-2839,64.0,1,1,0,1,0,0,Accountants,2.0,3,2,FRIDAY,7,0,0,0,0,0,0,Construction,0.4504372333486412,0.6174227367234892,0.41184855592423975,0.1216,0.1066,0.9791,0.7144,0.0164,0.0,0.2759,0.1667,0.2083,0.113,0.0975,0.115,0.0077,0.0274,0.1239,0.1107,0.9791,0.7256,0.0165,0.0,0.2759,0.1667,0.2083,0.1156,0.1065,0.1199,0.0078,0.029,0.1228,0.1066,0.9791,0.7182,0.0165,0.0,0.2759,0.1667,0.2083,0.115,0.0992,0.1171,0.0078,0.028,reg oper spec account,block of flats,0.0964,Panel,No,2.0,0.0,2.0,0.0,-656.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2327236,282286,Consumer loans,4507.92,40590.0,36531.0,4059.0,40590.0,SATURDAY,14,Y,1,0.1089090909090909,,,XAP,Approved,-1724,Cash through the bank,XAP,Family,Repeater,Auto Accessories,POS,XNA,Stone,429,Industry,10.0,middle,POS other with interest,365243.0,-1690.0,-1420.0,-1420.0,-1415.0,0.0,0,Cash loans,M,Y,Y,0,337500.0,1255680.0,41629.5,1125000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,Rented apartment,0.016612000000000002,-10302,-2033,-3632.0,-2952,2.0,1,1,0,1,0,0,Drivers,1.0,2,2,MONDAY,9,0,0,0,1,1,0,Business Entity Type 3,0.348373264347368,0.3689480652011116,0.5709165417729987,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1764.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,0.0 +1032833,339804,Consumer loans,2245.275,22455.0,20209.5,2245.5,22455.0,FRIDAY,14,Y,1,0.1089090909090909,,,XAP,Approved,-2804,XNA,XAP,,Repeater,Audio/Video,POS,XNA,Stone,148,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2759.0,-2489.0,-2489.0,-2480.0,0.0,0,Cash loans,M,Y,Y,2,90000.0,545040.0,25537.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-12681,-854,-2058.0,-4329,27.0,1,1,1,1,0,0,Drivers,4.0,2,2,TUESDAY,12,0,0,0,0,0,0,Housing,0.3972958627639909,0.7589716201058485,0.4740512892789932,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-346.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1127726,383609,Consumer loans,14096.295,163732.5,184806.0,0.0,163732.5,TUESDAY,15,Y,1,0.0,,,XAP,Approved,-367,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,2700,Consumer electronics,18.0,middle,POS household with interest,365243.0,-336.0,174.0,-336.0,-334.0,0.0,0,Cash loans,F,Y,Y,0,162000.0,1515415.5,41800.5,1354500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.022625,-16568,365243,-7436.0,-98,2.0,1,0,0,1,1,0,,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,XNA,0.20223054503681875,0.7109923332157655,,0.3443,0.2516,0.9831,0.7688,0.1223,0.4,0.3448,0.3333,0.375,0.2411,0.2807,0.2257,0.0039,0.0023,0.3508,0.2611,0.9831,0.7779,0.1234,0.4028,0.3448,0.3333,0.375,0.2466,0.3067,0.2351,0.0039,0.0025,0.3477,0.2516,0.9831,0.7719,0.1231,0.4,0.3448,0.3333,0.375,0.2453,0.2856,0.2297,0.0039,0.0024,reg oper account,block of flats,0.2903,Panel,No,0.0,0.0,0.0,0.0,-503.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2431961,201509,Cash loans,19867.5,675000.0,675000.0,,675000.0,FRIDAY,15,Y,1,,,,XNA,Approved,-1412,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,0,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-1382.0,388.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,315000.0,513531.0,26347.5,459000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.016612000000000002,-13804,-267,-1150.0,-4271,9.0,1,1,0,1,0,1,Managers,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.8191219291714542,0.7537045785403975,0.07801576652252579,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1412.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,1.0 +1360506,394388,Consumer loans,29379.42,292500.0,314892.0,0.0,292500.0,TUESDAY,8,Y,1,0.0,,,XAP,Approved,-1239,Cash through the bank,XAP,"Spouse, partner",Repeater,Clothing and Accessories,POS,XNA,Stone,50,Clothing,12.0,low_normal,POS industry with interest,365243.0,-1208.0,-878.0,-878.0,-870.0,0.0,0,Revolving loans,F,N,Y,3,180000.0,675000.0,33750.0,675000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.006629,-13146,-612,-446.0,-5235,,1,1,1,1,1,0,Core staff,5.0,2,2,TUESDAY,13,0,0,0,0,0,0,Other,,0.4201742261448295,0.6380435278721609,0.0474,0.0,0.9846,0.7892,,0.0,0.1379,0.1667,0.2083,0.0644,0.0387,0.0452,,0.0099,0.0462,0.0,0.9841,0.7909,,0.0,0.1379,0.1667,0.2083,0.0612,0.0404,0.0465,,0.0104,0.0479,0.0,0.9846,0.792,,0.0,0.1379,0.1667,0.2083,0.0655,0.0393,0.046,,0.0101,reg oper account,block of flats,0.038,Block,No,0.0,0.0,0.0,0.0,-1414.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2317457,303844,Cash loans,7381.8,67500.0,67500.0,,67500.0,TUESDAY,15,Y,1,,,,XNA,Approved,-2628,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-2598.0,-2268.0,-2268.0,-2259.0,0.0,0,Cash loans,F,N,Y,0,90000.0,555273.0,18040.5,463500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.02461,-21435,365243,-7976.0,-4313,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,13,0,0,0,0,0,0,XNA,,0.6832957049757933,0.6178261467332483,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1617.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1205644,387453,Cash loans,12088.8,135000.0,148365.0,0.0,135000.0,FRIDAY,6,Y,1,0.0,,,XNA,Approved,-2224,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,18.0,high,Cash Street: high,365243.0,-2194.0,-1684.0,-1684.0,-1676.0,1.0,0,Cash loans,F,N,Y,0,90000.0,291915.0,20443.5,252000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.020246,-22600,365243,-13085.0,-4779,,1,0,0,1,0,0,,1.0,3,3,WEDNESDAY,7,0,0,0,0,0,0,XNA,,0.4471060426547624,0.6075573001388961,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1245.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2433365,158240,Cash loans,53305.38,900000.0,952272.0,,900000.0,WEDNESDAY,15,Y,1,,,,XNA,Refused,-539,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,180000.0,135000.0,16150.5,135000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-23474,365243,-88.0,-4584,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,XNA,,0.6176861367458096,0.4382813743111921,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1925.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1911909,167435,Cash loans,33144.66,337500.0,353092.5,,337500.0,WEDNESDAY,14,Y,1,,,,XNA,Refused,-330,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,35,Connectivity,12.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,N,N,0,144000.0,728460.0,44694.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00496,-19907,-1040,-6979.0,-2906,,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Self-employed,,0.5726208021951421,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-330.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1252782,350160,Consumer loans,10210.5,85045.5,76540.5,8505.0,85045.5,SATURDAY,10,Y,1,0.10891485359975757,,,XAP,Refused,-2482,Cash through the bank,SCO,Family,Repeater,Consumer Electronics,POS,XNA,Stone,525,Consumer electronics,10.0,low_normal,POS household with interest,,,,,,,0,Cash loans,F,Y,N,2,270000.0,101880.0,10206.0,90000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.019101,-13776,-3515,-2758.0,-2833,21.0,1,1,0,1,0,0,Cleaning staff,4.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Government,,0.7378164648429415,0.7194907850918436,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1802.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2784206,393032,Consumer loans,13286.925,77791.5,73705.5,7780.5,77791.5,FRIDAY,13,Y,1,0.10398929654396848,,,XAP,Approved,-946,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Country-wide,600,Consumer electronics,6.0,low_normal,POS household without interest,365243.0,-915.0,-765.0,-825.0,-818.0,0.0,0,Cash loans,F,Y,N,1,94500.0,1125000.0,59940.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.028663,-13085,-1111,-7134.0,-2525,22.0,1,1,1,1,1,0,Laborers,3.0,2,2,FRIDAY,19,0,0,0,0,0,0,Business Entity Type 3,,0.2311995034106624,0.5884877883422673,0.2031,0.0858,0.9861,0.8096,0.0456,0.2,0.1724,0.3333,0.375,0.0874,0.1631,0.2082,0.0116,0.0089,0.2069,0.0891,0.9861,0.8171,0.046,0.2014,0.1724,0.3333,0.375,0.0894,0.1781,0.217,0.0117,0.0095,0.2051,0.0858,0.9861,0.8121,0.0459,0.2,0.1724,0.3333,0.375,0.08900000000000001,0.1659,0.212,0.0116,0.0091,reg oper account,block of flats,0.2058,Panel,No,0.0,0.0,0.0,0.0,-1270.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,3.0 +1152095,381275,Consumer loans,8954.55,78655.5,88344.0,0.0,78655.5,SUNDAY,9,Y,1,0.0,,,XAP,Approved,-489,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,15,Connectivity,14.0,high,POS mobile with interest,365243.0,-450.0,-60.0,-60.0,-55.0,0.0,0,Cash loans,F,N,Y,1,117000.0,431280.0,23526.0,360000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.006305,-10438,-686,-950.0,-3099,,1,1,1,1,1,0,,3.0,3,3,SATURDAY,4,0,0,0,0,0,0,Business Entity Type 3,0.3070290173456374,0.4230110862786596,0.5352762504724826,0.1041,0.1313,0.9955,0.9388,0.0611,0.08,0.1379,0.375,0.125,0.2519,0.0765,0.1022,0.0386,0.1083,0.1061,0.1363,0.9955,0.9412,0.0617,0.0806,0.1379,0.375,0.125,0.2576,0.0836,0.1065,0.0389,0.1146,0.1051,0.1313,0.9955,0.9396,0.0615,0.08,0.1379,0.375,0.125,0.2563,0.0778,0.104,0.0388,0.1105,reg oper account,block of flats,0.1039,"Stone, brick",No,0.0,0.0,0.0,0.0,-489.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1074483,442953,Consumer loans,3836.745,33246.0,32877.0,3330.0,33246.0,SUNDAY,11,Y,1,0.10016496056764516,,,XAP,Approved,-2338,Cash through the bank,XAP,Unaccompanied,Refreshed,Mobile,POS,XNA,Country-wide,40,Connectivity,12.0,low_normal,POS mobile with interest,365243.0,-2307.0,-1977.0,-1977.0,-1974.0,1.0,0,Cash loans,F,Y,N,0,99000.0,900000.0,26316.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-13123,-2362,-4629.0,-4638,6.0,1,1,1,1,1,0,Sales staff,2.0,2,2,THURSDAY,17,0,0,0,0,0,0,Self-employed,0.2485237659430031,0.6260265027456444,0.3376727217405312,0.0227,0.0,0.9801,0.728,0.0023,0.0,0.1034,0.0417,0.0833,0.0264,0.0185,0.0182,0.0,0.0,0.0231,0.0,0.9801,0.7387,0.0023,0.0,0.1034,0.0417,0.0833,0.027000000000000003,0.0202,0.019,0.0,0.0,0.0229,0.0,0.9801,0.7316,0.0023,0.0,0.1034,0.0417,0.0833,0.0269,0.0188,0.0186,0.0,0.0,reg oper account,block of flats,0.0156,"Stone, brick",No,3.0,1.0,3.0,0.0,-2338.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2804903,419712,Cash loans,20983.5,99000.0,113944.5,,99000.0,TUESDAY,10,Y,1,,,,XNA,Approved,-114,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-84.0,66.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,0,135000.0,531265.5,20155.5,373500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-20420,-963,-6575.0,-2358,,1,1,0,1,0,0,Security staff,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,Security,,0.4804785937537222,0.6722428897082422,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-392.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1911131,243503,Cash loans,15317.46,189000.0,226422.0,,189000.0,THURSDAY,16,Y,1,,,,XNA,Approved,-546,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,36.0,high,Cash X-Sell: high,365243.0,-516.0,534.0,-336.0,-334.0,1.0,1,Cash loans,M,Y,N,2,180000.0,397017.0,20398.5,301500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.00733,-12368,-1004,-1906.0,-4713,11.0,1,1,0,1,0,0,Drivers,4.0,2,2,FRIDAY,14,0,0,0,0,0,0,Security Ministries,0.1300607378451071,0.5603720398175602,0.25396280933631177,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2423554,311384,Consumer loans,4110.21,30771.0,33192.0,4500.0,30771.0,TUESDAY,19,Y,1,0.1300251801684467,,,XAP,Refused,-1470,Cash through the bank,LIMIT,Family,Repeater,Audio/Video,POS,XNA,Country-wide,20,Connectivity,12.0,high,POS mobile with interest,,,,,,,1,Cash loans,M,N,Y,0,112500.0,432841.5,29056.5,391500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.006207,-9965,-2412,-8938.0,-2660,,1,1,0,1,0,0,Security staff,1.0,2,2,TUESDAY,10,0,0,0,0,0,0,Kindergarten,,0.2430329474900106,0.0005272652387098817,0.1041,0.0878,0.9821,0.7552,,0.0,0.1379,0.1667,0.2083,0.0567,0.0841,0.0733,0.0039,0.0103,0.1061,0.0911,0.9821,0.7648,,0.0,0.1379,0.1667,0.2083,0.058,0.0918,0.0764,0.0039,0.0109,0.1051,0.0878,0.9821,0.7585,,0.0,0.1379,0.1667,0.2083,0.0577,0.0855,0.0747,0.0039,0.0105,reg oper account,block of flats,0.0662,Panel,No,1.0,1.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2749584,413108,Consumer loans,11072.07,55260.0,58176.0,0.0,55260.0,WEDNESDAY,15,Y,1,0.0,,,XAP,Approved,-338,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,150,Consumer electronics,6.0,middle,POS household with interest,365243.0,-308.0,-158.0,-188.0,-180.0,1.0,0,Cash loans,M,Y,Y,0,135000.0,780363.0,39973.5,697500.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.031329,-15162,-1170,-2476.0,-4054,4.0,1,1,0,1,0,0,Laborers,1.0,2,2,FRIDAY,8,0,0,0,0,0,0,Industry: type 1,,0.5891601646617272,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-554.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1360985,158992,Consumer loans,4311.0,39960.0,35955.0,4005.0,39960.0,TUESDAY,16,Y,1,0.10915438165438164,,,XAP,Approved,-1849,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,141,Consumer electronics,12.0,high,POS household with interest,365243.0,-1803.0,-1473.0,-1473.0,-1466.0,0.0,0,Cash loans,F,Y,N,0,175500.0,1223010.0,51817.5,1125000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.0105,-20357,365243,-10716.0,-3620,4.0,1,0,0,1,0,0,,2.0,3,3,WEDNESDAY,15,0,0,0,0,0,0,XNA,,0.6747265506991794,0.6092756673894402,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,0.0,9.0,0.0,-1849.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1505616,145193,Cash loans,23217.885,450000.0,512370.0,,450000.0,MONDAY,16,Y,1,,,,Repairs,Refused,-1479,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,30.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,337500.0,592560.0,26230.5,450000.0,Unaccompanied,Pensioner,Higher education,Civil marriage,House / apartment,0.006207,-22291,365243,-323.0,-1322,,1,0,0,1,0,1,,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,XNA,,0.6534437153383964,0.4686596550493113,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +2184038,101701,Consumer loans,55361.835,207000.0,212922.0,0.0,207000.0,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-254,Cash through the bank,XAP,,Repeater,Clothing and Accessories,POS,XNA,Regional / Local,50,Clothing,4.0,low_action,POS industry with interest,365243.0,-223.0,-133.0,-163.0,-155.0,0.0,0,Cash loans,F,Y,N,1,360000.0,2250000.0,116505.0,2250000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.006305,-13374,-1563,-4890.0,-2890,13.0,1,1,1,1,1,0,Sales staff,3.0,3,3,WEDNESDAY,12,0,0,0,0,0,0,Self-employed,,0.6323324396601085,0.6754132910917112,0.1031,0.1223,0.9821,0.7552,0.0666,0.0,0.1724,0.1667,0.2083,0.0921,0.0841,0.0697,0.0,0.0,0.105,0.1269,0.9821,0.7648,0.0673,0.0,0.1724,0.1667,0.2083,0.0942,0.0918,0.0726,0.0,0.0,0.1041,0.1223,0.9821,0.7585,0.0671,0.0,0.1724,0.1667,0.2083,0.0937,0.0855,0.071,0.0,0.0,reg oper account,block of flats,0.0913,Panel,No,0.0,0.0,0.0,0.0,-2169.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2646858,374000,Consumer loans,25317.495,229950.0,229950.0,0.0,229950.0,FRIDAY,13,Y,1,0.0,,,XAP,Refused,-738,Cash through the bank,HC,Family,Repeater,Clothing and Accessories,POS,XNA,Stone,40,Clothing,10.0,low_normal,POS industry with interest,,,,,,,0,Cash loans,F,N,Y,0,180000.0,837000.0,27130.5,837000.0,Unaccompanied,Working,Incomplete higher,Single / not married,With parents,0.026392000000000002,-8823,-1897,-3684.0,-1493,,1,1,0,1,1,0,Sales staff,1.0,2,2,MONDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.3504892396059532,0.6413645513320907,0.20092608771597092,0.1237,,0.9771,,,0.0,0.1724,0.1667,,,,0.0715,,0.1158,0.1261,,0.9772,,,0.0,0.1724,0.1667,,,,0.0745,,0.1226,0.1249,,0.9771,,,0.0,0.1724,0.1667,,,,0.0728,,0.1182,,block of flats,0.0814,Panel,No,0.0,0.0,0.0,0.0,-1760.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,2.0 +1799874,366829,Cash loans,21928.5,225000.0,283131.0,,225000.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-699,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-669.0,-159.0,-159.0,-156.0,1.0,0,Revolving loans,F,Y,Y,1,90000.0,180000.0,9000.0,180000.0,Family,Working,Secondary / secondary special,Married,With parents,0.010032,-12603,-1218,-1581.0,-5037,8.0,1,1,1,1,1,0,Core staff,3.0,2,2,TUESDAY,8,0,0,0,0,0,0,Self-employed,0.556505648909237,0.34845876029260536,0.17982176508970435,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,1.0,-699.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1036118,388918,Cash loans,16103.7,229500.0,229500.0,,229500.0,SATURDAY,14,Y,1,,,,XNA,Approved,-1178,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-1148.0,-638.0,-1028.0,-1023.0,0.0,0,Cash loans,F,N,Y,0,180000.0,827496.0,42381.0,679500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-20616,365243,-14395.0,-1775,,1,0,0,1,0,0,,2.0,2,2,MONDAY,17,0,0,0,0,0,0,XNA,,0.6611524000807347,0.15193454904964762,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-132.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +1007785,362709,Cash loans,10492.02,90000.0,95940.0,0.0,90000.0,SUNDAY,11,Y,1,0.0,,,XNA,Approved,-2371,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,high,Cash Street: high,365243.0,-2341.0,-2011.0,-2011.0,-2007.0,1.0,0,Cash loans,F,Y,Y,0,135000.0,334152.0,16074.0,270000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.030755,-14221,-2938,-3476.0,-1819,4.0,1,1,0,1,0,0,Laborers,1.0,2,2,FRIDAY,17,0,0,0,1,1,0,Self-employed,0.3786100154603553,0.7231250622405948,0.4471785780453068,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1798.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,1.0,0.0,0.0,0.0,4.0 +1828821,395125,Cash loans,9109.485,90000.0,95940.0,,90000.0,TUESDAY,17,Y,1,,,,XNA,Approved,-266,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-236.0,94.0,-206.0,-198.0,1.0,0,Cash loans,F,N,N,0,99000.0,225000.0,22252.5,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.006207,-15696,-1641,-6195.0,-4483,,1,1,1,1,0,0,Managers,2.0,2,2,MONDAY,20,0,0,0,0,0,0,Business Entity Type 3,0.8109923431577958,0.723138196715902,0.4543210601605785,0.2464,,0.9896,,,0.24,0.2069,0.375,,0.0598,,0.2547,,0.0038,0.2511,,0.9896,,,0.2417,0.2069,0.375,,0.0611,,0.2654,,0.004,0.2488,,0.9896,,,0.24,0.2069,0.375,,0.0608,,0.2593,,0.0038,,,0.2013,Block,No,7.0,0.0,7.0,0.0,-1580.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,3.0 +2313630,401784,Cash loans,9961.47,90000.0,95940.0,,90000.0,THURSDAY,10,Y,1,,,,XNA,Approved,-938,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,67500.0,71955.0,7137.0,67500.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.016612000000000002,-23901,365243,-9513.0,-4474,,1,0,0,1,1,0,,1.0,2,2,THURSDAY,14,0,0,0,0,0,0,XNA,,0.035861641484295624,,0.0722,0.0377,0.9752,0.66,0.0169,0.0,0.1207,0.1667,0.2083,0.0582,0.0588,0.0576,0.0,0.0,0.063,0.0,0.9737,0.6537,0.0083,0.0,0.1034,0.1667,0.2083,0.0165,0.0551,0.0517,0.0,0.0,0.0729,0.0377,0.9752,0.6645,0.017,0.0,0.1207,0.1667,0.2083,0.0592,0.0599,0.0586,0.0,0.0,reg oper account,block of flats,0.053,"Stone, brick",No,0.0,0.0,0.0,0.0,-1284.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2403555,387298,Consumer loans,8422.515,79375.5,79375.5,0.0,79375.5,SATURDAY,18,Y,1,0.0,,,XAP,Approved,-243,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,12.0,middle,POS mobile with interest,,,,,,,0,Cash loans,M,Y,Y,0,225000.0,1056447.0,34209.0,922500.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,House / apartment,0.0060079999999999995,-8837,-891,-1997.0,-988,17.0,1,1,0,1,0,0,Laborers,1.0,2,2,THURSDAY,12,0,0,0,0,1,1,Business Entity Type 3,0.2569504912317952,0.09191725116590496,0.29708661164720285,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-912.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1155850,330950,Revolving loans,9000.0,0.0,180000.0,,,THURSDAY,13,Y,1,,,,XAP,Approved,-2753,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card Street,-2751.0,-2702.0,365243.0,-1423.0,-716.0,0.0,0,Cash loans,F,N,Y,0,360000.0,1886850.0,49905.0,1575000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.030755,-23063,365243,-13912.0,-4337,,1,0,0,1,0,0,,1.0,2,2,SATURDAY,12,0,0,0,0,0,0,XNA,,0.6647096653065743,0.5495965024956946,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-290.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2014073,223622,Cash loans,19609.065,135000.0,165226.5,,135000.0,TUESDAY,15,Y,1,,,,Other,Approved,-532,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-502.0,-172.0,-382.0,-373.0,1.0,0,Revolving loans,M,Y,N,0,180000.0,540000.0,27000.0,540000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-15721,-3429,-5365.0,-4049,10.0,1,1,0,1,1,0,Drivers,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.702124565742357,0.2636468134452008,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1624.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1626389,333036,Consumer loans,15926.94,135153.0,100422.0,40950.0,135153.0,SATURDAY,18,Y,1,0.31546750931777673,,,XAP,Approved,-2491,Cash through the bank,XAP,Children,New,Computers,POS,XNA,Stone,400,Consumer electronics,8.0,high,POS household with interest,365243.0,-2459.0,-2249.0,-2249.0,-2245.0,1.0,0,Cash loans,F,N,N,0,202500.0,1133748.0,33277.5,990000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.032561,-21251,-4414,-11778.0,-4721,,1,1,0,1,0,0,Laborers,2.0,1,1,FRIDAY,14,0,0,0,0,0,0,Business Entity Type 1,,0.6784015367637202,0.5567274263630174,0.4299,0.1683,0.9896,0.9388,0.0522,0.48,0.2069,0.6042,0.6667,0.0,0.3892,0.445,0.0039,0.0212,0.3887,0.1643,0.9836,0.9412,0.0527,0.4028,0.1724,0.5833,0.6667,0.0,0.4252,0.384,0.0039,0.0069,0.4341,0.1683,0.9896,0.9396,0.0526,0.48,0.2069,0.6042,0.6667,0.0,0.3959,0.453,0.0039,0.0217,org spec account,block of flats,0.2913,Panel,No,5.0,0.0,5.0,0.0,-243.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2770031,256568,Consumer loans,4180.68,39818.25,35833.5,3984.75,39818.25,SUNDAY,15,Y,1,0.1089890941967565,,,XAP,Approved,-323,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,30,Connectivity,10.0,middle,POS mobile with interest,365243.0,-285.0,-15.0,-15.0,-8.0,0.0,0,Revolving loans,F,N,N,0,157500.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.019101,-7819,-998,-2580.0,-499,,1,1,0,1,0,0,Core staff,2.0,2,2,MONDAY,9,0,0,0,1,1,0,Business Entity Type 3,0.1958736924860368,0.4841968868248405,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-548.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1113066,122934,Cash loans,11059.11,135000.0,158508.0,,135000.0,SUNDAY,12,Y,1,,,,XNA,Approved,-533,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-503.0,187.0,-443.0,-435.0,1.0,0,Cash loans,F,N,Y,0,135000.0,225000.0,11074.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-10359,-857,-8669.0,-2820,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,11,0,0,0,1,1,0,Security,0.5325172002449917,0.3442507292017128,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1066.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1044363,418323,Revolving loans,6750.0,0.0,135000.0,,,WEDNESDAY,15,Y,1,,,,XAP,Approved,-1070,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-960.0,-922.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,90000.0,797557.5,31167.0,688500.0,Unaccompanied,State servant,Secondary / secondary special,Married,With parents,0.010556,-12400,-1483,-4927.0,-5026,,1,1,0,1,0,0,Laborers,2.0,3,3,TUESDAY,18,0,0,0,0,1,1,Postal,0.5105335388097906,0.6263848041403881,0.6832688314232291,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1549.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2127441,211613,Revolving loans,13500.0,0.0,270000.0,,,TUESDAY,17,Y,1,,,,XAP,Approved,-1101,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,2000,Consumer electronics,0.0,XNA,Card X-Sell,-1099.0,-1061.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,157500.0,555273.0,16366.5,463500.0,Family,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.004849,-17057,-4534,-7162.0,-594,,1,1,0,1,0,0,Laborers,1.0,2,2,THURSDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.031242630144630093,0.3123653692278984,0.1619,,0.9876,,,0.16,0.069,0.4583,,0.1244,,0.1523,,0.1522,0.1649,,0.9876,,,0.1611,0.069,0.4583,,0.1272,,0.1587,,0.1611,0.1634,,0.9876,,,0.16,0.069,0.4583,,0.1266,,0.155,,0.1554,,block of flats,0.1743,"Stone, brick",No,2.0,1.0,2.0,0.0,-1086.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2086328,218593,Cash loans,22686.66,337500.0,368685.0,,337500.0,TUESDAY,14,Y,1,,,,XNA,Refused,-421,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,126000.0,808650.0,26217.0,675000.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.00733,-21336,365243,-7881.0,-4815,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,XNA,,0.15331492283928713,0.5656079814115492,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,12.0,0.0,11.0,0.0,-983.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,9.0 +1618484,436351,Cash loans,17091.0,180000.0,180000.0,,180000.0,WEDNESDAY,9,Y,1,,,,XNA,Approved,-230,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Stone,72,Consumer electronics,12.0,low_normal,Cash Street: low,365243.0,-200.0,130.0,-50.0,-44.0,0.0,0,Cash loans,F,N,Y,0,117000.0,942300.0,27549.0,675000.0,Family,State servant,Secondary / secondary special,Civil marriage,House / apartment,0.018634,-15762,-6163,-3837.0,-4065,,1,1,1,1,1,0,Medicine staff,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Medicine,,0.2874495642277162,0.5902333386185574,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-568.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2438398,380060,Consumer loans,7616.745,70371.0,68557.5,7038.0,70371.0,MONDAY,16,Y,1,0.10139521291851786,,,XAP,Approved,-1722,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Regional / Local,90,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1691.0,-1421.0,-1421.0,-1415.0,0.0,0,Cash loans,F,N,Y,0,103500.0,781920.0,25969.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.0105,-23240,365243,-2266.0,-3864,,1,0,0,1,1,0,,1.0,3,3,MONDAY,12,0,0,0,0,0,0,XNA,,0.6479466445230389,0.6658549219640212,0.1557,,0.9965,,,0.08,0.1034,0.3333,,,,0.1072,,0.086,0.1586,,0.9965,,,0.0806,0.1034,0.3333,,,,0.1117,,0.091,0.1572,,0.9965,,,0.08,0.1034,0.3333,,,,0.1092,,0.0878,,block of flats,0.1031,"Stone, brick",No,0.0,0.0,0.0,0.0,-734.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +1982897,433973,Cash loans,22119.705,202500.0,215865.0,,202500.0,TUESDAY,9,Y,1,,,,XNA,Approved,-974,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-944.0,-614.0,-614.0,-605.0,1.0,1,Cash loans,F,N,Y,0,135000.0,450000.0,32877.0,450000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.028663,-21338,-7576,-13070.0,-4758,,1,1,0,1,0,0,Medicine staff,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Medicine,,0.538641231996015,0.02581001067551557,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-996.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +2063114,427552,Consumer loans,10216.17,55660.5,50094.0,5566.5,55660.5,SATURDAY,16,Y,1,0.10891789591280254,,,XAP,Approved,-607,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,6.0,high,POS mobile with interest,365243.0,-557.0,-407.0,-407.0,-403.0,0.0,1,Cash loans,M,Y,N,0,112500.0,755190.0,36459.0,675000.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,House / apartment,0.031329,-10753,-949,-2787.0,-3137,12.0,1,1,0,1,0,0,Drivers,1.0,2,2,THURSDAY,14,0,0,0,0,0,0,Police,0.11642765264970625,0.6651237981361401,,0.2227,0.1583,0.9811,0.7416,0.0321,0.24,0.2069,0.3333,0.375,0.1813,0.1816,0.2263,0.0,0.0,0.2269,0.1643,0.9811,0.7517,0.0324,0.2417,0.2069,0.3333,0.375,0.1855,0.1983,0.2358,0.0,0.0,0.2248,0.1583,0.9811,0.7451,0.0323,0.24,0.2069,0.3333,0.375,0.1845,0.1847,0.2304,0.0,0.0,reg oper spec account,block of flats,0.1956,Block,No,3.0,1.0,3.0,1.0,-2101.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2052021,179667,Consumer loans,7472.79,62500.5,70425.0,6250.5,62500.5,SUNDAY,13,Y,1,0.08878145857898191,,,XAP,Approved,-195,Cash through the bank,XAP,"Spouse, partner",Refreshed,Audio/Video,POS,XNA,Stone,40,Consumer electronics,12.0,middle,POS household with interest,365243.0,-165.0,165.0,365243.0,365243.0,1.0,0,Cash loans,M,N,N,0,135000.0,254700.0,16713.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.019688999999999998,-15318,-2791,-5583.0,-4940,,1,1,1,1,1,0,,2.0,2,2,SATURDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.5768644918748768,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1147372,121361,Cash loans,48241.845,450000.0,470790.0,,450000.0,FRIDAY,9,Y,1,,,,XNA,Approved,-231,Cash through the bank,XAP,Children,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-201.0,129.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,180000.0,1312110.0,52168.5,1125000.0,Children,Working,Secondary / secondary special,Married,House / apartment,0.014464,-16826,-1202,-9976.0,-374,,1,1,0,1,0,0,Cooking staff,2.0,2,2,FRIDAY,8,0,0,0,1,1,0,Self-employed,,0.3527305036943843,,,0.1007,0.9826,0.762,0.0135,0.0,0.2069,0.1667,0.2083,0.0646,0.0756,0.0739,,0.0354,,0.1045,0.9826,0.7713,0.0137,0.0,0.2069,0.1667,0.2083,0.0661,0.0826,0.077,,0.0374,,0.1007,0.9826,0.7652,0.0136,0.0,0.2069,0.1667,0.2083,0.0657,0.077,0.0752,,0.0361,reg oper account,block of flats,0.0721,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1149375,138901,Cash loans,51600.6,1642500.0,1837629.0,,1642500.0,TUESDAY,13,Y,1,,,,XNA,Refused,-477,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,Y,Y,0,180000.0,1535553.0,42354.0,1372500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010966,-21753,-4540,-8.0,-3974,3.0,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.8254495814005453,0.6516141631558101,0.3280631605201915,0.0907,0.0377,1.0,1.0,0.0394,0.08,0.0345,0.6667,0.7083,0.1314,0.0706,0.0918,0.0154,0.0286,0.0924,0.0391,1.0,1.0,0.0247,0.0806,0.0345,0.6667,0.7083,0.1344,0.0771,0.0954,0.0156,0.0302,0.0916,0.0377,1.0,1.0,0.0397,0.08,0.0345,0.6667,0.7083,0.1337,0.0718,0.0934,0.0155,0.0292,not specified,block of flats,0.1083,"Stone, brick",No,4.0,0.0,4.0,0.0,-1177.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1141606,427458,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SUNDAY,16,Y,1,,,,XAP,Approved,-319,XNA,XAP,Other_B,New,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,63000.0,439740.0,23985.0,315000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.009656999999999999,-20893,365243,-5270.0,-4121,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,XNA,,0.6177067926491329,0.08011638046387602,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-319.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,2.0 +2079911,338369,Consumer loans,3160.08,26955.0,25501.5,6750.0,26955.0,SUNDAY,14,Y,1,0.2279386582442254,,,XAP,Approved,-1738,Cash through the bank,XAP,Unaccompanied,New,Photo / Cinema Equipment,POS,XNA,Country-wide,15,Connectivity,12.0,high,POS mobile with interest,365243.0,-1707.0,-1377.0,-1377.0,-1374.0,0.0,0,Cash loans,M,Y,N,0,202500.0,797868.0,31045.5,666000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018634,-11413,-3932,-1882.0,-3463,15.0,1,1,1,1,0,0,Drivers,2.0,2,2,TUESDAY,16,0,0,0,0,0,0,Transport: type 4,0.202574455100592,0.2236121733081999,,0.0928,0.1139,0.9846,0.7892,0.0155,0.0,0.2069,0.1667,0.2083,0.0207,0.0756,0.091,0.0,0.0,0.0945,0.1182,0.9846,0.7975,0.0156,0.0,0.2069,0.1667,0.2083,0.0211,0.0826,0.0948,0.0,0.0,0.0937,0.1139,0.9846,0.792,0.0156,0.0,0.2069,0.1667,0.2083,0.021,0.077,0.0926,0.0,0.0,reg oper account,block of flats,0.08,Panel,No,1.0,0.0,1.0,0.0,-262.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2111316,399320,Cash loans,,0.0,0.0,,,THURSDAY,9,Y,1,,,,XNA,Refused,-212,XNA,HC,,Refreshed,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,N,N,0,162000.0,276277.5,10939.5,238500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.031329,-20441,-3763,-3036.0,-3987,,1,1,0,1,0,0,Core staff,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,Self-employed,,0.7194676346654196,0.4329616670974407,0.2536,0.1085,0.9876,0.8436,0.0092,0.2,0.1724,0.3333,0.375,0.1516,0.1025,0.17600000000000002,0.0077,0.0081,0.1303,0.05,0.9866,0.8497,0.0092,0.0806,0.069,0.3333,0.375,0.1042,0.112,0.0693,0.0078,0.0,0.2561,0.1085,0.9876,0.8457,0.0092,0.2,0.1724,0.3333,0.375,0.1543,0.1043,0.1792,0.0078,0.0083,org spec account,block of flats,0.2293,Panel,No,0.0,0.0,0.0,0.0,-1339.0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1848118,138623,Cash loans,16274.79,135000.0,143910.0,0.0,135000.0,WEDNESDAY,9,Y,1,0.0,,,Repairs,Refused,-1997,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,M,Y,N,0,225000.0,813195.0,27004.5,702000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.031329,-17795,-2562,-284.0,-1324,11.0,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.6308041104289231,0.6759827043147885,,0.0485,,0.9985,,,0.0,0.1034,0.0833,,0.1758,,0.0545,,0.0,0.0494,,0.9985,,,0.0,0.1034,0.0833,,0.1798,,0.0567,,0.0,0.0489,,0.9985,,,0.0,0.1034,0.0833,,0.1789,,0.0554,,0.0,,block of flats,0.0428,Mixed,No,0.0,0.0,0.0,0.0,-1244.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2532383,286164,Consumer loans,10384.335,113391.0,113391.0,0.0,113391.0,WEDNESDAY,13,Y,1,0.0,,,XAP,Approved,-372,Cash through the bank,XAP,,Refreshed,Consumer Electronics,POS,XNA,Stone,102,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-341.0,-11.0,-161.0,-158.0,0.0,0,Cash loans,M,Y,Y,0,247500.0,1506816.0,47443.5,1350000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-23215,-523,-4118.0,-4578,33.0,1,1,0,1,0,0,High skill tech staff,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,Business Entity Type 2,,0.35856849883534514,0.7435593141311444,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1791.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1729891,129119,Consumer loans,6069.06,74250.0,86013.0,0.0,74250.0,FRIDAY,15,Y,1,0.0,,,XAP,Approved,-694,Cash through the bank,XAP,,Repeater,Homewares,POS,XNA,Stone,131,Construction,18.0,middle,POS industry with interest,365243.0,-659.0,-149.0,-149.0,-146.0,0.0,0,Cash loans,F,N,N,0,60750.0,225000.0,11488.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.02461,-21759,365243,-8873.0,-5300,,1,0,0,1,1,0,,1.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,XNA,,0.6837734639262271,0.511891801533151,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2121.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2697251,323604,Revolving loans,45000.0,0.0,900000.0,,,WEDNESDAY,14,Y,1,,,,XAP,Approved,-402,XNA,XAP,,Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-397.0,-354.0,365243.0,-173.0,365243.0,0.0,0,Cash loans,M,N,N,0,112500.0,450000.0,25834.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.00702,-16940,-2812,-8765.0,-463,,1,1,0,1,1,0,Drivers,2.0,2,2,THURSDAY,12,0,0,0,0,1,1,Self-employed,,0.4713648514768401,0.7688075728291359,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-402.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,2.0,3.0 +2757587,373734,Consumer loans,15811.425,158130.0,142317.0,15813.0,158130.0,SATURDAY,16,Y,1,0.1089090909090909,,,XAP,Refused,-2358,Cash through the bank,LIMIT,Other_B,Repeater,Consumer Electronics,POS,XNA,Country-wide,1200,Consumer electronics,10.0,low_normal,POS household with interest,,,,,,,0,Cash loans,M,Y,N,2,337500.0,604152.0,32773.5,540000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.072508,-12110,-1466,-512.0,-1193,8.0,1,1,1,1,1,1,Managers,4.0,1,1,WEDNESDAY,17,0,0,0,0,0,0,Business Entity Type 2,,0.5685112382023821,0.3001077565791181,0.1777,0.0755,0.996,0.9456,0.0899,0.2664,0.1148,0.5971,0.5833,0.0182,0.1448,0.0934,0.0,0.0276,0.1334,0.0614,0.996,0.9477,0.0755,0.1611,0.069,0.375,0.4167,0.0141,0.1166,0.0545,0.0,0.0221,0.17800000000000002,0.0632,0.996,0.9463,0.0873,0.24,0.1034,0.5417,0.4167,0.0156,0.1462,0.1133,0.0,0.0298,reg oper account,block of flats,0.1583,Panel,No,1.0,0.0,1.0,0.0,-1788.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,4.0 +1518481,450536,Consumer loans,6331.095,35055.0,31545.0,3510.0,35055.0,TUESDAY,18,Y,1,0.10904889718753648,,,XAP,Approved,-2779,Cash through the bank,XAP,Other_B,Repeater,Mobile,POS,XNA,Country-wide,136,Connectivity,6.0,high,POS mobile with interest,365243.0,-2748.0,-2598.0,-2598.0,-2592.0,0.0,0,Cash loans,M,Y,Y,0,360000.0,524866.5,19917.0,369000.0,Unaccompanied,Pensioner,Higher education,Single / not married,House / apartment,0.072508,-22666,365243,-5228.0,-4396,12.0,1,0,0,1,1,0,,1.0,1,1,TUESDAY,16,0,0,0,0,0,0,XNA,,0.7485335186427817,0.7062051096536562,0.0619,0.0805,0.9732,0.6328,0.054000000000000006,0.0,0.1379,0.1667,0.2083,0.0,0.0504,0.0646,0.0,0.0511,0.063,0.0835,0.9732,0.6472,0.0545,0.0,0.1379,0.1667,0.2083,0.0,0.0551,0.0673,0.0,0.0541,0.0625,0.0805,0.9732,0.6377,0.0543,0.0,0.1379,0.1667,0.2083,0.0,0.0513,0.0658,0.0,0.0522,reg oper account,block of flats,0.062,"Stone, brick",No,6.0,1.0,6.0,0.0,-2557.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +2594505,100827,Consumer loans,11614.41,115245.0,115245.0,0.0,115245.0,FRIDAY,9,Y,1,0.0,,,XAP,Approved,-393,XNA,XAP,,Repeater,Audio/Video,POS,XNA,Stone,455,Consumer electronics,12.0,middle,POS household with interest,365243.0,-359.0,-29.0,-29.0,-27.0,0.0,0,Cash loans,F,N,N,0,117000.0,225000.0,17775.0,225000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.031329,-8759,-948,-3177.0,-1404,,1,1,0,1,0,0,Accountants,1.0,2,2,FRIDAY,12,0,0,0,0,0,0,Agriculture,0.3421588729137527,0.3258337237271525,0.19747451156854226,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1082.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2523773,109212,Cash loans,9842.4,90000.0,90000.0,0.0,90000.0,THURSDAY,11,Y,1,0.0,,,XNA,Approved,-2506,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,1,270000.0,1484181.0,40815.0,1296000.0,Unaccompanied,Working,Incomplete higher,Civil marriage,House / apartment,0.011656999999999999,-15787,-6146,-3733.0,-2194,,1,1,0,1,1,0,Laborers,3.0,1,1,THURSDAY,16,0,1,1,0,0,0,Business Entity Type 3,0.5437588678855885,0.6873606991046387,0.29859498978739724,0.0928,0.0807,0.9801,0.728,0.0374,0.0,0.2069,0.1667,0.2083,0.0318,0.0756,0.0882,0.0,0.0,0.0945,0.0838,0.9801,0.7387,0.0377,0.0,0.2069,0.1667,0.2083,0.0325,0.0826,0.0918,0.0,0.0,0.0937,0.0807,0.9801,0.7316,0.0376,0.0,0.2069,0.1667,0.2083,0.0323,0.077,0.0897,0.0,0.0,reg oper account,block of flats,0.0898,Panel,No,0.0,0.0,0.0,0.0,-1299.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2646005,305444,Consumer loans,,44037.0,44037.0,0.0,44037.0,FRIDAY,18,Y,1,0.0,,,XAP,Refused,-1604,Cash through the bank,SCO,,Repeater,Mobile,XNA,XNA,Country-wide,46,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,F,Y,Y,1,189000.0,135000.0,6696.0,135000.0,Other_B,Working,Higher education,Single / not married,House / apartment,0.026392000000000002,-17130,-874,-11061.0,-675,64.0,1,1,0,1,1,0,Sales staff,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,Trade: type 3,,0.7114100400099829,0.5064842396679806,0.133,,0.9781,,,0.0,0.2759,0.1667,,,,0.121,,0.0067,0.1355,,0.9782,,,0.0,0.2759,0.1667,,,,0.1261,,0.0071,0.1343,,0.9781,,,0.0,0.2759,0.1667,,,,0.1232,,0.0068,,block of flats,0.0966,"Stone, brick",No,8.0,0.0,8.0,0.0,-1604.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2093161,222784,Cash loans,20865.15,225000.0,299056.5,,225000.0,THURSDAY,13,Y,1,,,,XNA,Refused,-523,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,M,Y,Y,2,270000.0,614223.0,29677.5,549000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.002042,-11367,-3570,-1028.0,-3106,8.0,1,1,0,1,0,0,,4.0,3,3,TUESDAY,11,0,0,0,0,1,1,Security Ministries,,0.2592403291786796,0.7922644738669378,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1562.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +2219860,266267,Consumer loans,8088.075,98995.5,79195.5,19800.0,98995.5,SATURDAY,20,Y,1,0.21782808309468601,,,XAP,Approved,-1123,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,10000,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1092.0,-762.0,-822.0,-814.0,0.0,0,Cash loans,M,N,Y,0,135000.0,229500.0,12145.5,229500.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.008575,-10913,-329,-5068.0,-3526,,1,1,0,1,0,0,Laborers,1.0,2,2,TUESDAY,13,0,0,0,0,1,1,Self-employed,,0.662297817265267,0.8106180215523969,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1123.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2100935,208653,Cash loans,23834.43,315000.0,340573.5,,315000.0,MONDAY,9,Y,1,,,,XNA,Approved,-873,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-843.0,-333.0,-603.0,-594.0,1.0,0,Cash loans,F,N,Y,0,126000.0,675000.0,19476.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.015221,-22626,365243,-6719.0,-4536,,1,0,0,1,0,0,,1.0,2,2,SATURDAY,11,0,0,0,0,0,0,XNA,,0.6896306162109498,0.4884551844437485,0.0124,0.0,0.9786,0.7076,0.0018,0.0,0.069,0.0417,0.0833,0.0175,0.0101,0.0102,0.0,0.0,0.0126,0.0,0.9786,0.7190000000000001,0.0018,0.0,0.069,0.0417,0.0833,0.0179,0.011,0.0106,0.0,0.0,0.0125,0.0,0.9786,0.7115,0.0018,0.0,0.069,0.0417,0.0833,0.0178,0.0103,0.0103,0.0,0.0,reg oper account,block of flats,0.0085,Wooden,No,0.0,0.0,0.0,0.0,-873.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2139935,360203,Cash loans,25550.1,135000.0,135000.0,,135000.0,TUESDAY,11,Y,1,,,,XNA,Approved,-519,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-489.0,-339.0,-489.0,-479.0,0.0,0,Cash loans,M,Y,Y,3,315000.0,1125000.0,47664.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-16460,-3141,-2379.0,-7,15.0,1,1,0,1,0,0,Laborers,5.0,2,2,WEDNESDAY,10,0,0,0,0,1,1,Construction,0.2368813962411189,0.6309790701619788,0.40314167665875134,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2216.0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +2454069,257151,Consumer loans,11342.295,44311.86,39811.5,4500.36,44311.86,TUESDAY,13,Y,1,0.11060924013653146,,,XAP,Approved,-2743,Cash through the bank,XAP,,New,Mobile,POS,XNA,Stone,25,Connectivity,4.0,high,POS mobile with interest,365243.0,-2709.0,-2619.0,-2619.0,-2612.0,0.0,0,Cash loans,F,N,Y,1,225000.0,605439.0,26797.5,481500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.04622,-11803,-3109,-2797.0,-605,,1,1,0,1,0,0,Laborers,2.0,1,1,MONDAY,16,0,0,0,0,0,0,Self-employed,,0.7704084135494186,0.13510601574017175,0.0031,0.0,0.9578,0.422,0.0026,0.0,0.1034,0.0,0.0417,0.0338,0.0025,0.0018,0.0,0.0,0.0032,0.0,0.9578,0.4446,0.0026,0.0,0.1034,0.0,0.0417,0.0346,0.0028,0.0019,0.0,0.0,0.0031,0.0,0.9578,0.4297,0.0026,0.0,0.1034,0.0,0.0417,0.0344,0.0026,0.0018,0.0,0.0,reg oper spec account,block of flats,0.0014,Wooden,No,7.0,0.0,7.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2058854,421171,Cash loans,60626.565,675000.0,809095.5,,675000.0,MONDAY,18,Y,1,,,,XNA,Approved,-614,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-584.0,-74.0,-74.0,-69.0,1.0,0,Revolving loans,F,Y,Y,1,225000.0,675000.0,33750.0,675000.0,Family,Working,Higher education,Married,House / apartment,0.022625,-12780,-2007,-246.0,-4125,21.0,1,1,0,1,1,0,Accountants,3.0,2,2,SATURDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.768962497359807,0.11104240226943142,0.066,0.0018,0.9752,0.66,0.0077,0.0,0.1379,0.1667,0.2083,0.0587,0.0538,0.0507,0.0193,0.0449,0.0672,0.0019,0.9752,0.6733,0.0078,0.0,0.1379,0.1667,0.2083,0.06,0.0588,0.0528,0.0195,0.0475,0.0666,0.0018,0.9752,0.6645,0.0077,0.0,0.1379,0.1667,0.2083,0.0597,0.0547,0.0516,0.0194,0.0458,reg oper account,block of flats,0.0679,"Stone, brick",No,1.0,0.0,1.0,0.0,-1616.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2475006,319009,Cash loans,23277.96,540000.0,604152.0,,540000.0,TUESDAY,12,Y,1,,,,XNA,Refused,-1107,Cash through the bank,HC,"Spouse, partner",Refreshed,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,Y,N,0,81000.0,471069.0,43335.0,436500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-21070,-2467,-2623.0,-3962,18.0,1,1,0,1,1,0,Drivers,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Other,,0.6117301904341707,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-2621.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1799209,266715,Cash loans,13237.335,112500.0,119925.0,,112500.0,FRIDAY,4,Y,1,,,,XNA,Approved,-516,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,12.0,high,Cash X-Sell: high,365243.0,-486.0,-156.0,-156.0,-150.0,1.0,0,Cash loans,F,N,Y,2,180000.0,1236816.0,36162.0,1080000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018029,-11635,-4124,-3871.0,-3876,,1,1,1,1,0,0,Core staff,4.0,3,3,WEDNESDAY,6,0,0,0,0,0,0,Medicine,,0.4288766340776013,0.8245949709919925,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1286.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1599765,399948,Consumer loans,5437.575,105237.0,105237.0,0.0,105237.0,MONDAY,14,Y,1,0.0,,,XAP,Approved,-638,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,1524,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-607.0,83.0,-67.0,-65.0,0.0,0,Cash loans,F,N,Y,1,135000.0,436032.0,15790.5,360000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.019101,-12750,-1876,-5254.0,-3204,,1,1,0,1,0,0,Sales staff,3.0,2,2,TUESDAY,13,0,0,0,1,1,0,Self-employed,0.4510434280186829,0.7371306053947166,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1552.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2218397,319173,Consumer loans,11741.355,103491.0,116505.0,0.0,103491.0,SATURDAY,13,Y,1,0.0,,,XAP,Refused,-384,Cash through the bank,HC,,Repeater,Computers,POS,XNA,Country-wide,5000,Consumer electronics,12.0,middle,POS household with interest,,,,,,,1,Revolving loans,M,Y,Y,0,135000.0,180000.0,9000.0,180000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,Office apartment,0.011703,-7950,-552,-2816.0,-631,18.0,1,1,1,1,0,0,High skill tech staff,2.0,2,2,FRIDAY,10,1,1,0,1,1,0,Other,,0.5947589848878315,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-384.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1337955,106045,Consumer loans,23051.34,106830.0,112117.5,0.0,106830.0,THURSDAY,12,Y,1,0.0,,,XAP,Approved,-1401,Cash through the bank,XAP,Unaccompanied,New,Clothing and Accessories,POS,XNA,Regional / Local,589,Clothing,6.0,high,POS industry with interest,365243.0,-1370.0,-1220.0,-1250.0,-1244.0,0.0,0,Cash loans,F,N,Y,0,225000.0,1345036.5,37116.0,1174500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.04622,-14166,-1463,-8249.0,-2715,,1,1,0,1,0,1,,2.0,1,1,FRIDAY,14,0,0,0,0,1,1,Business Entity Type 3,0.6552909451514821,0.7583189665498894,0.6195277080511546,0.1485,0.0858,0.9856,0.8028,0.0282,0.16,0.1379,0.3333,0.375,0.0939,0.1202,0.1561,0.0039,0.0013,0.1513,0.08900000000000001,0.9856,0.8105,0.0284,0.1611,0.1379,0.3333,0.375,0.096,0.1313,0.1626,0.0039,0.0014,0.1499,0.0858,0.9856,0.8054,0.0284,0.16,0.1379,0.3333,0.375,0.0955,0.1223,0.1589,0.0039,0.0013,reg oper account,block of flats,0.1384,Panel,No,2.0,0.0,2.0,0.0,-1401.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +1785213,207717,Consumer loans,4348.665,23346.0,21667.5,2700.0,23346.0,SUNDAY,14,Y,1,0.120674892974062,,,XAP,Approved,-2698,XNA,XAP,Family,New,Mobile,POS,XNA,Country-wide,24,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2659.0,-2509.0,-2509.0,-2502.0,1.0,0,Cash loans,F,N,Y,0,90000.0,555273.0,16366.5,463500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.016612000000000002,-19613,-9227,-11608.0,-3099,,1,1,0,1,0,0,Medicine staff,1.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Medicine,,0.6458837535676994,0.5902333386185574,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-5.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2664350,373389,Consumer loans,11789.64,106762.5,117333.0,0.0,106762.5,MONDAY,10,Y,1,0.0,,,XAP,Approved,-1187,XNA,XAP,"Spouse, partner",New,Computers,POS,XNA,Country-wide,1084,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1156.0,-826.0,-826.0,-817.0,0.0,1,Cash loans,M,N,Y,1,171000.0,225000.0,17905.5,225000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.018029,-12787,-3949,-822.0,-2275,,1,1,1,1,0,0,Managers,3.0,3,3,FRIDAY,6,0,0,0,1,1,1,Self-employed,,0.4724166272312755,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,1.0,-1187.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2550282,383230,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,17,Y,1,,,,XAP,Refused,-362,XNA,HC,,Repeater,XNA,Cards,walk-in,Stone,569,Industry,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,180000.0,942300.0,25911.0,675000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.035792000000000004,-9050,-1963,-3875.0,-67,,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Trade: type 2,,0.1353767482198886,0.7713615919194317,0.168,0.0727,0.9866,0.8164,0.0355,0.08,0.0345,0.3333,0.375,0.0946,0.1353,0.1182,0.0077,0.0166,0.1712,0.0755,0.9866,0.8236,0.0358,0.0806,0.0345,0.3333,0.375,0.0968,0.1478,0.1232,0.0078,0.0176,0.1697,0.0727,0.9866,0.8189,0.0357,0.08,0.0345,0.3333,0.375,0.0962,0.1377,0.1204,0.0078,0.0169,reg oper account,block of flats,0.0966,"Stone, brick",No,11.0,0.0,11.0,0.0,-46.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +2254685,226133,Consumer loans,2706.795,25987.5,29011.5,0.0,25987.5,WEDNESDAY,15,Y,1,0.0,,,XAP,Approved,-1202,Cash through the bank,XAP,Children,New,Furniture,POS,XNA,Stone,117,Furniture,12.0,low_normal,POS industry with interest,365243.0,-1170.0,-840.0,-840.0,-833.0,0.0,1,Cash loans,F,N,Y,0,144000.0,325282.5,17775.0,220500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.025164,-20708,365243,-3930.0,-4212,,1,0,0,1,1,1,,1.0,2,2,MONDAY,15,0,0,0,0,0,0,XNA,,0.1726130314788755,0.1293142889822697,0.066,0.0733,0.9737,0.6396,0.023,0.0,0.1379,0.125,0.1667,0.0662,0.0538,0.0503,0.0,0.0,0.0672,0.076,0.9737,0.6537,0.0233,0.0,0.1379,0.125,0.1667,0.0677,0.0588,0.0524,0.0,0.0,0.0666,0.0733,0.9737,0.6444,0.0232,0.0,0.1379,0.125,0.1667,0.0673,0.0547,0.0512,0.0,0.0,reg oper account,block of flats,0.0552,"Stone, brick",No,1.0,1.0,1.0,1.0,-222.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2058486,205420,Consumer loans,5808.06,26376.75,21798.0,5276.25,26376.75,FRIDAY,17,Y,1,0.2122428473213813,,,XAP,Approved,-1120,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,4.0,middle,POS mobile without interest,365243.0,-1078.0,-988.0,-988.0,-985.0,0.0,0,Cash loans,F,Y,Y,1,202500.0,1886850.0,52015.5,1575000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.007114,-15847,-7316,-5378.0,-4312,7.0,1,1,0,1,1,0,Accountants,3.0,2,2,FRIDAY,10,0,0,0,0,0,0,Transport: type 2,0.5121481270824851,0.5716840181170981,0.5172965813614878,0.0866,,,0.8436,,,0.2069,0.1667,0.2083,0.0917,,0.1017,,,0.0882,,,0.8497,,,0.2069,0.1667,0.2083,0.0938,,0.1059,,,0.0874,,,0.8457,,,0.2069,0.1667,0.2083,0.0933,,0.1035,,,,block of flats,0.08,Panel,No,4.0,0.0,4.0,0.0,-2599.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2673380,455812,Cash loans,13455.585,135000.0,143910.0,,135000.0,TUESDAY,15,Y,1,,,,XNA,Approved,-183,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-153.0,177.0,-153.0,-150.0,1.0,0,Cash loans,F,N,Y,0,67500.0,181989.0,8482.5,143977.5,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.031329,-21453,365243,-10654.0,-4909,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,XNA,,0.5447866043175681,,0.1485,0.0757,0.9831,,,0.16,0.1379,0.3333,,0.0781,,0.1423,,0.0,0.1513,0.0785,0.9831,,,0.1611,0.1379,0.3333,,0.0799,,0.1482,,0.0,0.1499,0.0757,0.9831,,,0.16,0.1379,0.3333,,0.0795,,0.1448,,0.0,,block of flats,0.1139,Panel,No,2.0,0.0,2.0,0.0,-3017.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2737875,362832,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,15,Y,1,,,,XAP,Approved,-187,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-187.0,-141.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,157500.0,284400.0,22599.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.02461,-18042,-549,-117.0,-1439,,1,1,0,1,0,0,,1.0,2,2,MONDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.6967922403787596,,0.0485,0.0,0.9598,0.4492,,0.0,0.1034,0.125,,0.0376,,0.0406,,0.003,0.0494,0.0,0.9598,0.4708,,0.0,0.1034,0.125,,0.0385,,0.0423,,0.0032,0.0489,0.0,0.9598,0.4566,,0.0,0.1034,0.125,,0.0382,,0.0413,,0.0031,,block of flats,0.0357,"Stone, brick",No,3.0,0.0,3.0,0.0,-187.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1147925,160460,Cash loans,8707.005,225000.0,299250.0,,225000.0,FRIDAY,10,Y,1,,,,Urgent needs,Refused,-137,Cash through the bank,SCOFR,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,121500.0,279000.0,12289.5,279000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.008473999999999999,-20194,365243,-7846.0,-1981,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,XNA,,0.6530524018150384,0.21155076420525776,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-409.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +1162320,419995,Cash loans,16639.875,202500.0,222547.5,,202500.0,THURSDAY,12,Y,1,,,,XNA,Approved,-773,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,157500.0,225000.0,21919.5,225000.0,Unaccompanied,Pensioner,Higher education,Single / not married,House / apartment,0.014519999999999996,-24597,365243,-3705.0,-5302,,1,0,0,1,0,0,,1.0,2,2,SUNDAY,11,0,0,0,0,0,0,XNA,0.8798606545310924,0.6609760139870619,0.31547215492577346,0.1634,0.1346,0.9861,0.8028,0.0424,0.1532,0.1607,0.375,0.425,0.1201,0.1353,0.1658,0.0039,0.0097,0.0966,0.0488,0.9856,0.8105,0.0144,0.0806,0.2069,0.3333,0.375,0.0837,0.0845,0.0867,0.0,0.0,0.126,0.13699999999999998,0.9861,0.8121,0.0271,0.12,0.1724,0.3333,0.375,0.1238,0.0829,0.0888,0.0039,0.0093,reg oper account,block of flats,0.19,Panel,No,0.0,0.0,0.0,0.0,-2132.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +2552816,445070,Cash loans,35333.1,738000.0,738000.0,,738000.0,THURSDAY,8,Y,1,,,,XNA,Approved,-1218,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,low_normal,Cash X-Sell: low,365243.0,-1188.0,-318.0,-558.0,-550.0,0.0,0,Cash loans,F,N,Y,0,143100.0,490536.0,17617.5,405000.0,Family,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.031329,-22790,365243,-4003.0,-4686,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,11,0,0,0,0,0,0,XNA,,0.5686882498173562,0.7295666907060153,0.1155,0.0202,0.9831,0.7688,0.0908,0.0,0.2759,0.1667,0.2083,0.0601,0.0941,0.101,0.0,0.0,0.1176,0.0209,0.9831,0.7779,0.0916,0.0,0.2759,0.1667,0.2083,0.0615,0.1028,0.1052,0.0,0.0,0.1166,0.0202,0.9831,0.7719,0.0914,0.0,0.2759,0.1667,0.2083,0.0612,0.0958,0.1028,0.0,0.0,reg oper account,block of flats,0.1291,Panel,No,1.0,0.0,1.0,0.0,-1522.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2354829,206569,Cash loans,9165.825,67500.0,81864.0,,67500.0,TUESDAY,12,Y,1,,,,XNA,Approved,-1501,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-1471.0,-1141.0,-1141.0,-1125.0,1.0,0,Cash loans,F,N,Y,2,202500.0,450000.0,22018.5,450000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.026392000000000002,-12652,-4439,-3697.0,-3451,,1,1,0,1,0,0,Core staff,4.0,2,2,FRIDAY,13,0,0,0,0,0,0,School,,0.5822355744712915,0.3859146722745145,0.0165,,0.9791,,,0.0,0.069,0.0417,,0.0066,,0.0132,,0.0,0.0168,,0.9791,,,0.0,0.069,0.0417,,0.0067,,0.0137,,0.0,0.0167,,0.9791,,,0.0,0.069,0.0417,,0.0067,,0.0134,,0.0,,block of flats,0.0104,Panel,No,5.0,0.0,5.0,0.0,-1501.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1079652,348453,Consumer loans,6559.2,38475.0,30780.0,7695.0,38475.0,TUESDAY,12,Y,1,0.2178181818181818,,,XAP,Approved,-1325,Cash through the bank,XAP,Unaccompanied,New,Clothing and Accessories,POS,XNA,Stone,53,Clothing,5.0,low_normal,POS industry without interest,365243.0,-1294.0,-1174.0,-1204.0,-1201.0,0.0,0,Cash loans,F,N,Y,1,175500.0,227520.0,18103.5,180000.0,Family,State servant,Secondary / secondary special,Married,House / apartment,0.00733,-13127,-2725,-5008.0,-1226,,1,1,0,1,0,0,Security staff,3.0,2,2,THURSDAY,17,0,0,0,1,1,0,Government,,0.6163063968671919,0.5460231970049609,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-1325.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,5.0 +1917709,455686,Cash loans,45205.605,1350000.0,1546020.0,,1350000.0,MONDAY,15,Y,1,,,,XNA,Refused,-136,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,100,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,Y,N,0,360000.0,526491.0,21267.0,454500.0,Family,Working,Secondary / secondary special,Civil marriage,Municipal apartment,0.032561,-16136,-354,-4273.0,-3626,6.0,1,1,0,1,1,0,Drivers,2.0,1,1,THURSDAY,13,0,0,0,0,0,0,Self-employed,,0.3016332143415438,0.4902575124990026,0.0722,0.0583,0.9752,0.66,0.0105,0.0,0.2414,0.1667,0.0417,0.1002,0.0588,0.0631,0.0,0.0,0.0735,0.0605,0.9752,0.6733,0.0106,0.0,0.2414,0.1667,0.0417,0.1025,0.0643,0.0658,0.0,0.0,0.0729,0.0583,0.9752,0.6645,0.0105,0.0,0.2414,0.1667,0.0417,0.1019,0.0599,0.0643,0.0,0.0,reg oper account,block of flats,0.0511,Panel,No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1645417,362650,Consumer loans,7178.715,71955.0,38115.0,35977.5,71955.0,MONDAY,19,Y,1,0.5288358225436874,,,XAP,Approved,-198,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Stone,142,Consumer electronics,6.0,middle,POS household with interest,365243.0,-168.0,-18.0,-18.0,-10.0,1.0,0,Cash loans,M,N,N,0,135000.0,755190.0,28116.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-15845,-329,-1687.0,-4017,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,13,0,0,0,0,1,1,Mobile,0.2754743883555299,0.6413595214213227,0.4650692149562261,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-198.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1087826,348260,Cash loans,10835.055,135000.0,148365.0,,135000.0,WEDNESDAY,9,Y,1,,,,XNA,Approved,-976,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-945.0,-435.0,-825.0,-818.0,0.0,0,Cash loans,F,N,Y,0,108000.0,117162.0,11542.5,103500.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.025164,-23581,365243,-4764.0,-1775,,1,0,0,1,0,0,,1.0,2,2,SATURDAY,12,0,0,0,0,0,0,XNA,,0.16040532147836672,0.6642482627052363,0.1485,0.1507,0.9732,0.6328,0.0802,0.0,0.2759,0.1667,0.2083,0.1421,0.1168,0.1807,0.0193,0.1033,0.1513,0.1564,0.9732,0.6472,0.0809,0.0,0.2759,0.1667,0.2083,0.1454,0.1276,0.1883,0.0195,0.1093,0.1499,0.1507,0.9732,0.6377,0.0807,0.0,0.2759,0.1667,0.2083,0.1446,0.1189,0.184,0.0194,0.1054,not specified,block of flats,0.2084,Block,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,3.0 +1872263,373688,Consumer loans,17904.555,113076.0,90459.0,22617.0,113076.0,SATURDAY,14,Y,1,0.21783551850887087,,,XAP,Approved,-485,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Regional / Local,200,Consumer electronics,6.0,high,POS household with interest,365243.0,-454.0,-304.0,-304.0,-302.0,0.0,0,Cash loans,M,N,Y,1,157500.0,1288350.0,37800.0,1125000.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.04622,-17886,-449,-4668.0,-710,,1,1,0,1,0,1,,2.0,1,1,MONDAY,15,0,1,1,0,0,0,Business Entity Type 3,0.3919427304611873,0.7093404672870021,0.8625103025687644,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1409.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2227149,353620,Consumer loans,5439.69,69907.5,80982.0,0.0,69907.5,MONDAY,15,Y,1,0.0,,,XAP,Approved,-850,Cash through the bank,XAP,Unaccompanied,Refreshed,Computers,POS,XNA,Regional / Local,145,Consumer electronics,18.0,low_normal,POS household with interest,365243.0,-819.0,-309.0,-309.0,-305.0,0.0,0,Cash loans,F,N,Y,1,90000.0,675000.0,19867.5,675000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.010966,-15464,-8407,-4102.0,-4133,,1,1,1,1,0,0,,3.0,2,2,THURSDAY,12,0,0,0,0,1,1,Other,,0.31026028653785365,0.520897599048938,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2412.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2432660,179862,Consumer loans,13512.825,121657.5,121657.5,0.0,121657.5,MONDAY,17,Y,1,0.0,,,XAP,Approved,-758,Cash through the bank,XAP,Unaccompanied,Refreshed,Computers,POS,XNA,Regional / Local,200,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-726.0,-456.0,-456.0,-451.0,0.0,0,Revolving loans,M,Y,Y,1,315000.0,337500.0,16875.0,337500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010966,-11534,-553,-1352.0,-762,9.0,1,1,0,1,0,0,Laborers,3.0,2,2,WEDNESDAY,16,0,1,1,0,1,1,Industry: type 9,0.3016356056348968,0.6809818857382721,0.5172965813614878,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1979.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2805801,340960,Cash loans,50476.59,679500.0,811390.5,,679500.0,SATURDAY,14,Y,1,,,,XNA,Approved,-517,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,high,Cash X-Sell: high,365243.0,-487.0,383.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,0,180000.0,562932.0,30667.5,427500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.004849,-17790,-1740,-9737.0,-1310,23.0,1,1,0,1,0,0,Drivers,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,Self-employed,,0.5299355595420789,0.4956658291397297,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-611.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1960194,337828,Cash loans,23769.0,225000.0,225000.0,,225000.0,THURSDAY,12,Y,1,,,,XNA,Approved,-1394,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1364.0,-1034.0,-1034.0,-1026.0,1.0,0,Cash loans,M,Y,Y,0,495000.0,640080.0,29970.0,450000.0,Unaccompanied,Commercial associate,Incomplete higher,Single / not married,House / apartment,0.072508,-9249,-1298,-4134.0,-1925,15.0,1,1,0,1,0,0,,1.0,1,1,FRIDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.6844161703169197,0.6594055320683344,0.0825,0.0836,0.9752,,,0.0,0.1379,0.1667,,,,0.0673,,0.026,0.084,0.0867,0.9737,,,0.0,0.1379,0.1667,,,,0.0701,,0.0,0.0833,0.0836,0.9752,,,0.0,0.1379,0.1667,,,,0.0685,,0.0265,,block of flats,0.0529,"Stone, brick",No,0.0,0.0,0.0,0.0,-1394.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1162008,112068,Consumer loans,7523.46,80954.64,89352.0,3154.14,80954.64,MONDAY,12,Y,1,0.0371342399542344,,,XAP,Approved,-1962,Cash through the bank,XAP,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Country-wide,2800,Consumer electronics,18.0,high,POS household with interest,365243.0,-1930.0,-1420.0,-1660.0,-1655.0,0.0,0,Cash loans,M,N,Y,0,225000.0,256500.0,27063.0,256500.0,"Spouse, partner",State servant,Secondary / secondary special,Married,House / apartment,0.018209,-13965,-3928,-8101.0,-4723,,1,1,0,1,0,0,High skill tech staff,2.0,3,3,WEDNESDAY,7,0,0,0,0,0,0,Military,0.4617276095742132,0.4697958377583393,0.6801388218428291,0.1113,0.0636,0.9856,0.8028,0.1922,0.08,0.069,0.3333,0.0417,0.0166,0.0908,0.1092,0.0,0.0883,0.1134,0.066,0.9856,0.8105,0.1939,0.0806,0.069,0.3333,0.0417,0.017,0.0992,0.1138,0.0,0.0935,0.1124,0.0636,0.9856,0.8054,0.1934,0.08,0.069,0.3333,0.0417,0.0169,0.0923,0.1112,0.0,0.0901,reg oper account,block of flats,0.1051,"Stone, brick",No,0.0,0.0,0.0,0.0,-1962.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2756237,322110,Cash loans,21720.87,450000.0,522765.0,,450000.0,WEDNESDAY,8,Y,1,,,,XNA,Approved,-754,Cash through the bank,XAP,Children,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,42.0,middle,Cash X-Sell: middle,365243.0,-724.0,506.0,-484.0,-477.0,1.0,0,Cash loans,F,N,Y,0,81000.0,1288350.0,37800.0,1125000.0,Children,Pensioner,Secondary / secondary special,Married,House / apartment,0.018029,-22262,365243,-2607.0,-4808,,1,0,0,1,0,0,,2.0,3,2,MONDAY,7,0,0,0,0,0,0,XNA,,0.2706264056127049,,0.3443,0.2663,0.9836,0.8028,0.1311,0.2,0.4483,0.3333,0.2083,0.3279,0.2791,0.1909,0.0077,0.0102,0.3508,0.2764,0.9816,0.8105,0.1323,0.2014,0.4483,0.3333,0.2083,0.3354,0.3049,0.0421,0.0078,0.0108,0.3477,0.2663,0.9836,0.8054,0.1319,0.2,0.4483,0.3333,0.2083,0.3336,0.2839,0.1944,0.0078,0.0104,reg oper account,block of flats,0.0318,Panel,No,4.0,1.0,4.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1773717,381049,Cash loans,6190.875,45000.0,54738.0,,45000.0,WEDNESDAY,17,Y,1,,,,XNA,Approved,-405,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-375.0,-45.0,-45.0,-37.0,1.0,0,Cash loans,M,Y,Y,1,90000.0,592560.0,32274.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,Co-op apartment,0.010643000000000001,-10102,-175,-3233.0,-2729,8.0,1,1,0,1,0,0,Laborers,3.0,2,2,TUESDAY,14,0,0,0,1,1,0,Self-employed,0.34332775326793114,0.5933034876346175,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-986.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1527786,211011,Cash loans,13188.375,225000.0,254700.0,,225000.0,MONDAY,10,Y,1,,,,Repairs,Refused,-460,Cash through the bank,VERIF,Unaccompanied,Refreshed,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,1,135000.0,272520.0,21658.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.010643000000000001,-10782,-2735,-333.0,-3439,,1,1,0,1,0,0,Laborers,3.0,2,2,SATURDAY,14,0,0,0,0,0,0,Industry: type 6,0.10899974238291744,0.5236231392275033,0.5797274227921155,0.0619,0.0642,0.9831,0.7688,0.0079,0.0,0.1379,0.1667,0.0417,0.0505,0.0504,0.0612,0.0,0.0,0.063,0.0666,0.9831,0.7779,0.008,0.0,0.1379,0.1667,0.0417,0.0516,0.0551,0.0638,0.0,0.0,0.0625,0.0642,0.9831,0.7719,0.008,0.0,0.1379,0.1667,0.0417,0.0514,0.0513,0.0623,0.0,0.0,reg oper account,block of flats,0.0525,Panel,No,0.0,0.0,0.0,0.0,-1933.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2452774,319166,Consumer loans,3543.705,33741.0,30366.0,3375.0,33741.0,SUNDAY,11,Y,1,0.10893814108004556,,,XAP,Approved,-2292,Non-cash from your account,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,40,Connectivity,12.0,high,POS mobile with interest,365243.0,-2245.0,-1915.0,-1915.0,-1907.0,0.0,0,Cash loans,M,N,Y,1,202500.0,545040.0,20677.5,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010147,-18049,-1518,-2297.0,-1596,,1,1,0,1,0,0,Laborers,3.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,Self-employed,,0.6490731638216438,0.2608559142068693,0.1072,0.1138,0.9801,0.728,0.0132,0.0,0.2069,0.1667,0.2083,0.0731,0.0841,0.0883,0.0154,0.0125,0.1092,0.1181,0.9801,0.7387,0.0133,0.0,0.2069,0.1667,0.2083,0.0748,0.0918,0.092,0.0156,0.0133,0.1083,0.1138,0.9801,0.7316,0.0132,0.0,0.2069,0.1667,0.2083,0.0744,0.0855,0.0899,0.0155,0.0128,reg oper spec account,block of flats,0.0794,"Stone, brick",No,0.0,0.0,0.0,0.0,-1767.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2287782,177237,Cash loans,23680.35,405000.0,405000.0,,405000.0,FRIDAY,7,Y,1,,,,XNA,Approved,-1235,Cash through the bank,XAP,Other_A,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-1205.0,-515.0,-1115.0,-1107.0,0.0,0,Cash loans,F,N,Y,2,157500.0,725017.5,76261.5,693000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.020713,-12339,-2453,-6424.0,-1025,,1,1,0,1,0,0,Accountants,4.0,3,2,MONDAY,5,0,0,0,0,0,0,Industry: type 3,0.4693218907686783,0.4059616439983209,,0.2371,0.1728,0.9871,0.8232,0.0482,0.24,0.2069,0.3333,0.375,0.2023,0.1933,0.2545,0.0,0.0,0.2416,0.1793,0.9871,0.8301,0.0486,0.2417,0.2069,0.3333,0.375,0.207,0.2112,0.2652,0.0,0.0,0.2394,0.1728,0.9871,0.8256,0.0485,0.24,0.2069,0.3333,0.375,0.2059,0.1967,0.2591,0.0,0.0,reg oper account,block of flats,0.2265,"Stone, brick",No,0.0,0.0,0.0,0.0,-39.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1928162,124991,Cash loans,21770.64,360000.0,419877.0,0.0,360000.0,THURSDAY,16,Y,1,0.0,,,XNA,Approved,-2553,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,36.0,middle,Cash Street: middle,365243.0,-2523.0,-1473.0,-1473.0,-1465.0,1.0,0,Cash loans,F,N,Y,0,180000.0,900000.0,39645.0,900000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-20509,365243,-144.0,-3883,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,16,0,0,0,0,0,0,XNA,0.6987656121718359,0.6181456299376225,0.6769925032909132,0.0814,,0.9737,,,0.0,0.1379,0.1667,,,,0.0559,,0.0214,0.083,,0.9737,,,0.0,0.1379,0.1667,,,,0.0583,,0.0226,0.0822,,0.9737,,,0.0,0.1379,0.1667,,,,0.057,,0.0218,,block of flats,0.0486,"Stone, brick",No,4.0,0.0,4.0,0.0,-3176.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,5.0 +1663087,322044,Revolving loans,6750.0,135000.0,135000.0,,135000.0,SATURDAY,16,Y,1,,,,XAP,Refused,-629,XNA,SCOFR,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,1,Cash loans,F,N,Y,3,202500.0,622413.0,33894.0,495000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010966,-11884,-3000,-850.0,-165,,1,1,0,1,0,1,Cooking staff,5.0,2,2,FRIDAY,16,0,0,0,0,0,0,Kindergarten,0.2086598593560484,0.10458774486018292,0.4578995512067301,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1394.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +1315232,262697,Consumer loans,14636.52,73800.0,77697.0,0.0,73800.0,MONDAY,17,Y,1,0.0,,,XAP,Approved,-810,Cash through the bank,XAP,"Spouse, partner",Refreshed,Auto Accessories,POS,XNA,Stone,47,Industry,6.0,middle,POS other with interest,365243.0,-779.0,-629.0,-659.0,-649.0,0.0,0,Cash loans,M,Y,N,0,144000.0,348264.0,22671.0,315000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.010966,-10343,-1888,-2759.0,-2775,16.0,1,1,0,1,0,0,Drivers,2.0,2,2,FRIDAY,16,0,0,0,1,1,0,Business Entity Type 3,,0.102001328392623,0.8128226070575616,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,12.0,0.0,11.0,0.0,-2036.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2095510,156720,Consumer loans,11291.22,120960.0,108864.0,12096.0,120960.0,WEDNESDAY,12,Y,1,0.1089090909090909,,,XAP,Approved,-498,Cash through the bank,XAP,,Repeater,Clothing and Accessories,POS,XNA,Stone,5,Clothing,12.0,middle,POS industry with interest,,,,,,,0,Cash loans,F,N,Y,0,135000.0,177903.0,12510.0,148500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.011656999999999999,-23915,365243,-12876.0,-4060,,1,0,0,1,1,0,,1.0,1,1,THURSDAY,12,0,0,0,0,0,0,XNA,,0.7136317363593075,0.5937175866150576,0.1567,0.2293,0.9821,0.7552,0.0261,0.0,0.4138,0.1667,0.2083,0.0398,0.1278,0.1646,0.0,0.0,0.1597,0.2379,0.9821,0.7648,0.0263,0.0,0.4138,0.1667,0.2083,0.0407,0.1396,0.1715,0.0,0.0,0.1582,0.2293,0.9821,0.7585,0.0262,0.0,0.4138,0.1667,0.2083,0.0405,0.13,0.1675,0.0,0.0,reg oper account,block of flats,0.1831,"Stone, brick",No,2.0,1.0,2.0,0.0,-1525.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1372428,176190,Cash loans,35026.2,180000.0,180000.0,,180000.0,TUESDAY,14,Y,1,,,,XNA,Approved,-1091,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,6.0,high,Cash X-Sell: high,365243.0,-1061.0,-911.0,-911.0,-902.0,0.0,0,Cash loans,M,N,Y,0,315000.0,962370.0,74605.5,900000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.072508,-15821,-2568,-4073.0,-534,,1,1,0,1,1,1,Drivers,2.0,1,1,MONDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.8526633069296954,0.5552371639097134,0.5919766183185521,0.1144,0.0443,0.9821,0.7552,0.0338,0.08,0.0345,0.625,0.6667,0.049,0.0933,0.1052,0.0,0.0029,0.1166,0.0459,0.9821,0.7648,0.0341,0.0806,0.0345,0.625,0.6667,0.0502,0.1019,0.1096,0.0,0.0031,0.1155,0.0443,0.9821,0.7585,0.034,0.08,0.0345,0.625,0.6667,0.0499,0.0949,0.1071,0.0,0.003,reg oper account,block of flats,0.0834,Block,No,3.0,0.0,3.0,0.0,-1722.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,7.0 +1413090,341325,Revolving loans,0.0,0.0,0.0,,,TUESDAY,18,Y,1,,,,XAP,Approved,-1548,XNA,XAP,,Repeater,XNA,Cards,x-sell,Stone,331,Consumer electronics,0.0,XNA,Card Street,-1547.0,365243.0,365243.0,365243.0,-1185.0,0.0,0,Cash loans,F,N,N,0,67500.0,254700.0,14751.0,225000.0,Children,Pensioner,Secondary / secondary special,Married,House / apartment,0.00496,-24344,365243,-4199.0,-3801,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,,0.5507452337016799,0.324891229465852,0.0062,,,,,,,0.0,,,,0.0041,,,0.0063,,,,,,,0.0,,,,0.0042,,,0.0062,,,,,,,0.0,,,,0.0041,,,,block of flats,0.0032,,No,0.0,0.0,0.0,0.0,-1548.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1437873,122012,Consumer loans,29279.025,168435.0,158094.0,16843.5,168435.0,TUESDAY,13,Y,1,0.10486089447529964,,,XAP,Approved,-1004,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Stone,807,Consumer electronics,6.0,middle,POS household with interest,365243.0,-972.0,-822.0,-912.0,-908.0,0.0,0,Cash loans,M,Y,N,0,216000.0,900000.0,27288.0,900000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.026392000000000002,-14599,-2829,-4777.0,-3739,0.0,1,1,1,1,1,0,High skill tech staff,2.0,2,2,WEDNESDAY,11,0,0,0,0,1,1,Agriculture,,0.7144845324701181,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1004.0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,,,,,, +2727210,192042,Cash loans,58463.37,945000.0,999886.5,,945000.0,THURSDAY,12,Y,1,,,,XNA,Approved,-608,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-578.0,112.0,-338.0,-332.0,1.0,0,Cash loans,F,Y,Y,0,227250.0,1113840.0,47322.0,900000.0,Family,Pensioner,Higher education,Married,House / apartment,0.019688999999999998,-21413,365243,-8644.0,-4948,2.0,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,XNA,,0.5069771893822592,0.16048893062734468,0.0423,0.0595,0.9876,0.83,0.0104,0.0,0.1379,0.1667,0.0417,0.0,0.0336,0.0501,0.0039,0.0058,0.0431,0.0617,0.9876,0.8367,0.0105,0.0,0.1379,0.1667,0.0417,0.0,0.0367,0.0522,0.0039,0.0061,0.0427,0.0595,0.9876,0.8323,0.0104,0.0,0.1379,0.1667,0.0417,0.0,0.0342,0.051,0.0039,0.0059,org spec account,block of flats,0.0463,Panel,No,0.0,0.0,0.0,0.0,-1283.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2652673,455468,Cash loans,84731.085,450000.0,460395.0,,450000.0,TUESDAY,18,Y,1,,,,XNA,Approved,-969,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,6.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,360000.0,1214100.0,67923.0,1125000.0,Family,State servant,Secondary / secondary special,Married,House / apartment,0.04622,-23195,-1289,-1291.0,-5006,,1,1,0,1,0,1,Sales staff,2.0,1,1,FRIDAY,13,0,0,0,0,0,0,Government,0.8832277671704907,0.7486240633100648,0.7121551551910698,0.0505,,0.9747,0.6532,,0.0,0.1034,0.125,,0.027000000000000003,,0.0403,,0.0,0.0515,,0.9747,0.6668,,0.0,0.1034,0.125,,0.0276,,0.042,,0.0,0.051,,0.9747,0.6578,,0.0,0.1034,0.125,,0.0275,,0.041,,0.0,reg oper account,block of flats,0.0317,"Stone, brick",No,0.0,0.0,0.0,0.0,-1.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1237040,302471,Revolving loans,2250.0,45000.0,45000.0,,45000.0,FRIDAY,10,Y,1,,,,XAP,Approved,-274,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,3,225000.0,315000.0,25015.5,315000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014464,-13654,-519,-2488.0,-4093,,1,1,1,1,0,0,Laborers,5.0,2,2,FRIDAY,14,1,1,0,1,1,0,Business Entity Type 3,0.1649128887478861,0.18334716876199195,0.190705947811054,0.1237,,0.9861,0.8096,0.0,0.0,0.2759,0.1667,0.2083,0.1014,0.1009,0.1183,0.0,0.0,0.1261,,0.9861,0.8171,0.0,0.0,0.2759,0.1667,0.2083,0.1037,0.1102,0.1233,0.0,0.0,0.1249,,0.9861,0.8121,0.0,0.0,0.2759,0.1667,0.2083,0.1032,0.1026,0.1204,0.0,0.0,reg oper account,block of flats,0.093,,No,8.0,0.0,8.0,0.0,-2835.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1403674,243379,Revolving loans,13500.0,0.0,270000.0,,,THURSDAY,10,Y,1,,,,XAP,Approved,-847,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,90000.0,518562.0,20695.5,463500.0,Family,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.010147,-22057,365243,-13414.0,-4349,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,XNA,,0.26016525270540464,0.4507472818545589,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1148.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1335197,454577,Revolving loans,9000.0,180000.0,180000.0,,180000.0,TUESDAY,20,Y,1,,,,XAP,Approved,-651,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-639.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,157500.0,558855.0,34317.0,477000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,With parents,0.032561,-10009,-1078,-2118.0,-601,,1,1,0,1,1,1,Sales staff,2.0,1,1,TUESDAY,12,0,0,0,0,0,0,Self-employed,0.484271470077628,0.6504914084967827,0.3046721837533529,0.1034,0.0787,0.9846,0.7892,0.035,0.16,0.1148,0.375,0.375,0.075,0.1505,0.1809,0.0,0.0,0.0158,0.0237,0.9846,0.7975,0.0354,0.1208,0.069,0.3333,0.375,0.0453,0.1644,0.1254,0.0,0.0,0.1114,0.0818,0.9846,0.792,0.0353,0.16,0.1034,0.3333,0.375,0.06,0.1531,0.1936,0.0,0.0,reg oper account,block of flats,0.1692,Panel,No,0.0,0.0,0.0,0.0,-1617.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2525293,122748,Consumer loans,8190.135,73260.0,72351.0,7425.0,73260.0,SUNDAY,10,Y,1,0.10136507220216603,,,XAP,Approved,-2047,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,2030,Consumer electronics,12.0,high,POS household with interest,365243.0,-2016.0,-1686.0,-1926.0,-1921.0,0.0,0,Cash loans,F,N,Y,0,135000.0,497520.0,33376.5,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-23007,365243,-5244.0,-4003,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,XNA,0.7940138560711492,0.6204141637595691,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2047.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1306825,338795,Consumer loans,2071.35,19195.38,17275.5,1919.88,19195.38,FRIDAY,17,Y,1,0.10892849501002083,,,XAP,Approved,-2103,Cash through the bank,XAP,,New,Mobile,POS,XNA,Stone,44,Connectivity,12.0,high,POS mobile with interest,365243.0,-2048.0,-1718.0,-1718.0,-1716.0,0.0,0,Cash loans,F,N,Y,0,126000.0,80865.0,5881.5,67500.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.010643000000000001,-15278,-1977,-8512.0,-4038,,1,1,0,1,0,0,,1.0,2,2,MONDAY,17,0,0,0,0,0,0,Business Entity Type 1,0.6604498274128251,0.5947326319109604,0.7675231046555077,0.2278,0.1601,0.9836,0.7756,0.0423,0.24,0.2069,0.3333,0.375,0.1316,0.1816,0.2319,0.0193,0.1691,0.2321,0.1661,0.9836,0.7844,0.0427,0.2417,0.2069,0.3333,0.375,0.1346,0.1983,0.2416,0.0195,0.179,0.23,0.1601,0.9836,0.7786,0.0426,0.24,0.2069,0.3333,0.375,0.1339,0.1847,0.2361,0.0194,0.1727,org spec account,block of flats,0.2187,Panel,No,0.0,0.0,0.0,0.0,-2103.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2840791,178168,Cash loans,64935.0,900000.0,900000.0,,900000.0,MONDAY,15,Y,1,,,,XNA,Refused,-1264,Cash through the bank,HC,Children,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),5,Industry,18.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,Y,Y,0,369000.0,956574.0,42264.0,855000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.007120000000000001,-21710,365243,-8498.0,-4792,4.0,1,0,0,1,1,0,,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,XNA,,0.2931939192493478,0.5867400085415683,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2741925,344508,Revolving loans,9000.0,180000.0,180000.0,,180000.0,WEDNESDAY,13,Y,1,,,,XAP,Approved,-16,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-12.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,67500.0,777024.0,41526.0,720000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-19179,-1110,-3390.0,-2689,,1,1,0,1,0,0,Sales staff,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.5900702644447335,,0.0062,0.0,0.9578,0.422,0.0008,0.0,0.069,0.0417,0.0833,0.0,0.005,0.0067,0.0,0.0,0.0063,0.0,0.9578,0.4446,0.0008,0.0,0.069,0.0417,0.0833,0.0,0.0055,0.006999999999999999,0.0,0.0,0.0062,0.0,0.9578,0.4297,0.0008,0.0,0.069,0.0417,0.0833,0.0,0.0051,0.0068,0.0,0.0,,block of flats,0.0057,"Stone, brick",No,1.0,0.0,1.0,0.0,-497.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2474796,378364,Revolving loans,15750.0,0.0,225000.0,,,MONDAY,9,Y,1,,,,XAP,Approved,-1925,XNA,XAP,,Repeater,XNA,Cards,x-sell,Stone,50,Consumer electronics,0.0,XNA,Card X-Sell,-1902.0,-1876.0,365243.0,-1115.0,365243.0,0.0,0,Cash loans,F,N,N,0,112500.0,1236816.0,36162.0,1080000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.010032,-21435,-356,-14784.0,-3374,,1,1,0,1,1,0,,1.0,2,2,SUNDAY,2,0,0,0,0,0,0,School,,0.5447377965929987,0.6817058776720116,0.0825,0.0657,0.9747,0.6532,0.0285,0.0,0.1379,0.1667,0.2083,0.104,0.0672,0.0705,0.0,0.0,0.084,0.0682,0.9747,0.6668,0.0288,0.0,0.1379,0.1667,0.2083,0.1063,0.0735,0.0735,0.0,0.0,0.0833,0.0657,0.9747,0.6578,0.0287,0.0,0.1379,0.1667,0.2083,0.1058,0.0684,0.0718,0.0,0.0,,block of flats,0.0711,Panel,No,0.0,0.0,0.0,0.0,-1850.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2208618,230524,Consumer loans,6693.21,126891.0,59391.0,67500.0,126891.0,WEDNESDAY,17,Y,1,0.5793447633294428,,,XAP,Approved,-1825,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,1015,Consumer electronics,12.0,high,POS household with interest,365243.0,-1794.0,-1464.0,-1464.0,-1443.0,0.0,1,Cash loans,M,Y,Y,0,180000.0,1125000.0,32895.0,1125000.0,Group of people,Working,Incomplete higher,Married,House / apartment,0.01885,-13101,-2452,-171.0,-2160,3.0,1,1,0,1,1,0,Managers,2.0,2,2,MONDAY,13,0,0,0,0,0,0,Self-employed,0.5215865293882129,0.6059704438968014,0.7826078370261895,0.0371,,0.9742,,,0.0,0.1034,0.125,,0.0486,,0.0313,,0.0357,0.0378,,0.9742,,,0.0,0.1034,0.125,,0.0497,,0.0326,,0.0378,0.0375,,0.9742,,,0.0,0.1034,0.125,,0.0494,,0.0318,,0.0365,,block of flats,0.0346,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1037346,161130,Consumer loans,5351.4,21375.0,25393.5,0.0,21375.0,THURSDAY,13,Y,1,0.0,,,XAP,Approved,-1155,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,200,Connectivity,6.0,high,POS mobile with interest,365243.0,-1124.0,-974.0,-1064.0,-1061.0,0.0,0,Cash loans,F,N,Y,1,135000.0,1024740.0,52452.0,900000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.009334,-16431,-2183,-4072.0,-4718,,1,1,0,1,0,0,Accountants,3.0,2,2,THURSDAY,17,0,0,0,0,0,0,Business Entity Type 2,,0.6389365465705036,0.2692857999073816,0.0082,,0.9662,0.4356,0.0012,0.0,0.069,0.0417,0.0833,0.0,0.0067,0.0089,0.0,0.0,0.0084,,0.9588,0.4577,0.0012,0.0,0.069,0.0417,0.0833,0.0,0.0073,0.0085,0.0,0.0,0.0083,,0.9662,0.4431,0.0012,0.0,0.069,0.0417,0.0833,0.0,0.0068,0.0091,0.0,0.0,reg oper account,block of flats,0.0071,Wooden,No,0.0,0.0,0.0,0.0,-1552.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,2.0 +1252694,106404,Revolving loans,10125.0,202500.0,202500.0,,202500.0,THURSDAY,9,Y,1,,,,XAP,Refused,-49,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Revolving loans,F,N,Y,1,90000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.020246,-13598,-6101,-55.0,-4706,,1,1,0,1,0,0,High skill tech staff,3.0,3,3,THURSDAY,6,0,0,0,0,0,0,Business Entity Type 2,,0.5072996704667999,0.4066174366275036,0.0742,0.0561,0.9801,0.728,0.0184,0.08,0.069,0.3333,0.375,0.0521,0.0605,0.076,0.0,0.0,0.0756,0.0582,0.9801,0.7387,0.0186,0.0806,0.069,0.3333,0.375,0.0533,0.0661,0.0792,0.0,0.0,0.0749,0.0561,0.9801,0.7316,0.0185,0.08,0.069,0.3333,0.375,0.053,0.0616,0.0773,0.0,0.0,reg oper spec account,block of flats,0.0598,Panel,No,1.0,1.0,1.0,1.0,-49.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1702748,190812,Cash loans,6806.25,247500.0,247500.0,,247500.0,WEDNESDAY,6,Y,1,,,,XNA,Refused,-217,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,1,Cash loans,F,N,Y,0,45000.0,328500.0,10629.0,328500.0,Unaccompanied,Unemployed,Secondary / secondary special,Single / not married,House / apartment,0.014519999999999996,-22810,365243,-8549.0,-4268,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,XNA,,0.4287534440997594,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2225582,233206,Consumer loans,13310.46,116109.0,114745.5,11700.0,116109.0,FRIDAY,13,Y,1,0.10077356360142224,,,XAP,Approved,-2007,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Regional / Local,75,Consumer electronics,12.0,high,POS household with interest,365243.0,-1976.0,-1646.0,-1646.0,-1641.0,0.0,1,Cash loans,M,Y,Y,0,225000.0,800500.5,31878.0,715500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.022625,-13204,-3875,-7194.0,-4079,9.0,1,1,0,1,0,0,,1.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Business Entity Type 2,0.1388018606249589,0.14419617101030974,0.5531646987710016,0.132,0.0428,0.9856,0.8028,0.0538,0.08,0.0345,0.625,0.6667,0.0766,0.1076,0.1236,0.0,0.0,0.1345,0.0444,0.9856,0.8105,0.0543,0.0806,0.0345,0.625,0.6667,0.0783,0.1175,0.1288,0.0,0.0,0.1332,0.0428,0.9856,0.8054,0.0541,0.08,0.0345,0.625,0.6667,0.0779,0.1095,0.1259,0.0,0.0,,block of flats,0.1267,Panel,No,1.0,0.0,1.0,0.0,-2007.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1394705,334861,Consumer loans,10981.575,107100.0,117702.0,0.0,107100.0,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-2546,Cash through the bank,XAP,Family,New,Furniture,POS,XNA,Stone,96,Furniture,12.0,low_normal,POS industry with interest,365243.0,-2515.0,-2185.0,-2185.0,-2182.0,1.0,0,Cash loans,F,N,Y,0,90000.0,348264.0,21433.5,315000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.009175,-22878,365243,-1175.0,-4761,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,XNA,,0.7326230546110688,0.746300213050371,0.0588,0.0834,0.9791,0.7144,0.0113,0.0,0.1379,0.1667,0.2083,0.0301,0.0471,0.0533,0.0039,0.0566,0.0599,0.0866,0.9791,0.7256,0.0114,0.0,0.1379,0.1667,0.2083,0.0308,0.0514,0.0555,0.0039,0.0599,0.0593,0.0834,0.9791,0.7182,0.0113,0.0,0.1379,0.1667,0.2083,0.0306,0.0479,0.0542,0.0039,0.0578,reg oper account,block of flats,0.0604,"Stone, brick",No,0.0,0.0,0.0,0.0,-1034.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2373344,120008,Cash loans,56219.31,900000.0,978408.0,,900000.0,MONDAY,9,Y,1,,,,XNA,Refused,-480,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash Street: high,,,,,,,0,Cash loans,M,Y,Y,0,157500.0,523278.0,26847.0,391500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-16506,-478,-7339.0,-58,7.0,1,1,0,1,0,0,Drivers,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Agriculture,0.3097665566714618,0.3694675323285779,0.6512602186973006,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-480.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1678825,129690,Revolving loans,22500.0,450000.0,450000.0,,450000.0,TUESDAY,11,Y,1,,,,XAP,Approved,-514,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-469.0,-434.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,135000.0,354645.0,17059.5,354645.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-20816,-1806,-7290.0,-3578,,1,1,0,1,0,0,,2.0,2,2,FRIDAY,16,0,0,0,0,0,0,Other,,0.20351928728859525,0.7121551551910698,0.1588,0.0897,0.9876,0.83,0.06,0.16,0.069,0.625,0.0417,0.0636,0.1244,0.2129,0.0232,0.0287,0.1618,0.0931,0.9876,0.8367,0.0606,0.1611,0.069,0.625,0.0417,0.0651,0.1359,0.2218,0.0233,0.0303,0.1603,0.0897,0.9876,0.8323,0.0604,0.16,0.069,0.625,0.0417,0.0647,0.1266,0.2167,0.0233,0.0293,reg oper spec account,block of flats,0.2049,Panel,No,0.0,0.0,0.0,0.0,-787.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2735873,280378,Cash loans,,0.0,0.0,,,SUNDAY,17,Y,1,,,,XNA,Refused,-296,XNA,SCOFR,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,N,Y,1,130500.0,386977.5,30703.5,319500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.009175,-13132,-4917,-3378.0,-1774,,1,1,0,1,1,0,Laborers,3.0,2,2,TUESDAY,17,0,0,0,0,0,0,Business Entity Type 2,,0.5003244303288173,,0.3814,0.0977,0.9836,,,0.4,0.3448,0.3333,,0.1326,,0.2503,,,0.3887,0.1014,0.9836,,,0.4028,0.3448,0.3333,,0.1356,,0.2608,,,0.3851,0.0977,0.9836,,,0.4,0.3448,0.3333,,0.1349,,0.2548,,,,block of flats,0.3077,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1926695,116010,Cash loans,15944.58,135000.0,173839.5,,135000.0,WEDNESDAY,13,Y,1,,,,Car repairs,Approved,-347,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,365243.0,-317.0,193.0,-137.0,-133.0,1.0,0,Cash loans,M,N,N,0,157500.0,900000.0,29034.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.031329,-11191,-253,-10869.0,-3615,,1,1,1,1,0,0,Drivers,1.0,2,2,SUNDAY,10,0,0,0,0,0,0,Self-employed,0.1404221616767317,0.5900173684881325,0.25259869783397665,0.1082,0.0669,0.9846,0.7892,0.0,0.0,0.1034,0.1667,0.2083,0.1298,0.0883,0.0579,0.0,0.0,0.1103,0.0694,0.9846,0.7975,0.0,0.0,0.1034,0.1667,0.2083,0.1328,0.0964,0.0604,0.0,0.0,0.1093,0.0669,0.9846,0.792,0.0,0.0,0.1034,0.1667,0.2083,0.132,0.0898,0.059,0.0,0.0,reg oper account,block of flats,0.0876,"Stone, brick",No,0.0,0.0,0.0,0.0,-1600.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1784606,331758,Cash loans,6065.91,76500.0,84073.5,0.0,76500.0,THURSDAY,8,Y,1,0.0,,,XNA,Refused,-1546,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,202500.0,993082.5,39384.0,913500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-21704,365243,-4145.0,-4662,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,XNA,,0.6392694350890558,0.0005272652387098817,0.0701,,0.9886,,,0.0,0.0345,0.1667,,0.0573,,0.0265,,0.0,0.0714,,0.9886,,,0.0,0.0345,0.1667,,0.0586,,0.0276,,0.0,0.0708,,0.9886,,,0.0,0.0345,0.1667,,0.0583,,0.027000000000000003,,0.0,,block of flats,0.0377,"Stone, brick",No,2.0,0.0,2.0,0.0,-960.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,2.0,2.0 +1699431,249042,Cash loans,,0.0,0.0,,,WEDNESDAY,5,Y,1,,,,XNA,Refused,-293,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,N,0,74250.0,382050.0,30312.0,337500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,With parents,0.008068,-14132,-204,-1224.0,-1224,,1,1,0,1,0,1,Cleaning staff,2.0,3,3,TUESDAY,11,0,0,0,1,1,0,Business Entity Type 2,0.2411402947237991,0.18354042871347848,0.2735646775174348,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-682.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1542258,315284,Consumer loans,3087.945,29430.0,27945.0,1485.0,29430.0,SUNDAY,17,Y,1,0.05495412844036696,,,XAP,Approved,-1616,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,76,Connectivity,12.0,high,POS mobile with interest,365243.0,-1581.0,-1251.0,-1251.0,-1245.0,0.0,0,Cash loans,F,N,Y,0,126000.0,1223010.0,51948.0,1125000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.011656999999999999,-20396,365243,-7170.0,-3216,,1,0,0,1,1,0,,2.0,1,1,SATURDAY,14,0,0,0,0,0,0,XNA,0.7411743290191831,0.7000807675484856,0.8599241760145402,0.0711,0.1594,0.9861,0.8096,0.0212,0.0,0.2069,0.1667,0.2083,0.0,0.0572,0.0698,0.0039,0.1129,0.0725,0.1654,0.9861,0.8171,0.0214,0.0,0.2069,0.1667,0.2083,0.0,0.0624,0.0728,0.0039,0.1195,0.0718,0.1594,0.9861,0.8121,0.0213,0.0,0.2069,0.1667,0.2083,0.0,0.0581,0.0711,0.0039,0.1153,reg oper account,block of flats,0.0911,"Stone, brick",No,7.0,0.0,7.0,0.0,-1953.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2309868,334558,Cash loans,27822.735,270000.0,284256.0,,270000.0,FRIDAY,13,Y,1,,,,XNA,Approved,-109,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-79.0,251.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,126000.0,431122.5,42772.5,409500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.00702,-20666,-3486,-12842.0,-4068,,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,Self-employed,,0.7124639349526579,0.6690566947824041,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +1127763,434057,Consumer loans,14097.105,132341.85,130896.0,13235.85,132341.85,TUESDAY,11,Y,1,0.1000128972818354,,,XAP,Approved,-1812,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,1060,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1781.0,-1451.0,-1451.0,-1422.0,0.0,1,Cash loans,M,N,N,0,90000.0,286704.0,22986.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.008019,-10552,-558,-4227.0,-3038,,1,1,0,1,1,0,Security staff,1.0,2,2,MONDAY,11,0,1,1,0,0,0,Security,0.1435449666241374,0.004660517613032265,0.2851799046358216,0.1227,0.1524,0.9866,,,0.0,0.2759,0.1667,,,,0.122,,,0.125,0.1582,0.9866,,,0.0,0.2759,0.1667,,,,0.1272,,,0.1239,0.1524,0.9866,,,0.0,0.2759,0.1667,,,,0.1242,,,,block of flats,0.096,Panel,No,0.0,0.0,0.0,0.0,-1812.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1793092,267004,Consumer loans,12720.96,117000.0,129357.0,0.0,117000.0,MONDAY,9,Y,1,0.0,,,XAP,Approved,-393,Cash through the bank,XAP,,New,Sport and Leisure,POS,XNA,Stone,123,Industry,12.0,middle,POS other with interest,365243.0,-362.0,-32.0,-32.0,-23.0,0.0,0,Cash loans,M,N,Y,0,135000.0,225000.0,17905.5,225000.0,Family,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.01885,-8693,-110,-666.0,-901,,1,1,1,1,0,0,Security staff,1.0,2,2,TUESDAY,10,0,1,1,0,1,1,Security,,0.0047253766294435605,0.4902575124990026,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,0.0,-122.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2101814,193124,Consumer loans,2812.23,28125.0,25312.5,2812.5,28125.0,MONDAY,10,Y,1,0.1089090909090909,,,XAP,Approved,-2461,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Stone,145,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2428.0,-2158.0,-2158.0,-2154.0,0.0,0,Cash loans,M,N,N,1,90000.0,254700.0,14751.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.016612000000000002,-11002,-2568,-4986.0,-3282,,1,1,1,1,1,0,Laborers,3.0,2,2,FRIDAY,13,0,0,0,0,0,0,Self-employed,,0.27110579190013123,0.5971924268337128,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2655074,395705,Cash loans,26217.945,832500.0,953379.0,,832500.0,THURSDAY,16,Y,1,,,,XNA,Refused,-400,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,90000.0,79632.0,5922.0,63000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008473999999999999,-19232,-4539,-13251.0,-2704,13.0,1,1,0,1,1,0,Sales staff,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,Self-employed,0.6469721933518976,0.5431049600553811,0.25396280933631177,0.0619,0.0497,0.9776,,,0.0,0.1379,0.1667,,,,0.0539,,0.0086,0.063,0.0516,0.9777,,,0.0,0.1379,0.1667,,,,0.0562,,0.0092,0.0625,0.0497,0.9776,,,0.0,0.1379,0.1667,,,,0.0549,,0.0088,,block of flats,0.0486,Panel,No,0.0,0.0,0.0,0.0,-1688.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,2.0,0.0,0.0,2.0 +1395482,425090,Cash loans,44863.875,454500.0,472500.0,,454500.0,TUESDAY,11,Y,1,,,,XNA,Approved,-163,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),2,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-133.0,197.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,126000.0,1057500.0,35077.5,1057500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.008625,-20797,365243,-13014.0,-2539,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,XNA,,0.2356680863239684,0.29708661164720285,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-623.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1009718,386032,Cash loans,37291.815,454500.0,481495.5,,454500.0,FRIDAY,13,Y,1,,,,XNA,Approved,-370,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-340.0,170.0,-40.0,-32.0,1.0,0,Cash loans,F,N,Y,1,117000.0,733500.0,21577.5,733500.0,Family,Working,Higher education,Married,House / apartment,0.019101,-12778,-1068,-4194.0,-4306,,1,1,1,1,1,0,Accountants,3.0,2,2,THURSDAY,14,0,0,0,0,0,0,Other,0.5950908986364858,0.6704938877288138,0.43473324875017305,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-1743.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2308218,265013,Consumer loans,25942.5,198882.0,137884.5,67500.0,198882.0,SATURDAY,16,Y,1,0.3579317639044637,,,XAP,Approved,-1756,XNA,XAP,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Country-wide,2170,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1725.0,-1575.0,-1575.0,-1552.0,0.0,0,Cash loans,M,Y,Y,1,270000.0,213948.0,23170.5,189000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.010276,-12884,-1295,-6528.0,-4153,7.0,1,1,0,1,0,1,Sales staff,3.0,2,2,FRIDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.5437289125431072,0.12140828616312165,,,0.9846,,,,,,,,,0.2691,,,,,0.9846,,,,,,,,,0.2804,,,,,0.9846,,,,,,,,,0.2739,,,,,0.2117,,No,0.0,0.0,0.0,0.0,-1548.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +1652281,406738,Consumer loans,9716.085,57150.0,51435.0,5715.0,57150.0,TUESDAY,15,Y,1,0.1089090909090909,,,XAP,Approved,-1080,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Stone,30,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1046.0,-896.0,-896.0,-893.0,0.0,0,Cash loans,M,N,Y,0,180000.0,323388.0,34956.0,292500.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-18433,-2066,-213.0,-1984,,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,10,0,1,1,0,1,1,Transport: type 2,,0.6714642392606831,0.746300213050371,,,0.9767,,,,,,,,,0.0527,,,,,0.9767,,,,,,,,,0.0549,,,,,0.9767,,,,,,,,,0.0537,,,,,0.0415,,Yes,0.0,0.0,0.0,0.0,-1945.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2714810,348533,Consumer loans,4856.085,23895.0,25312.5,0.0,23895.0,FRIDAY,16,Y,1,0.0,,,XAP,Approved,-175,Cash through the bank,XAP,Children,Repeater,Jewelry,POS,XNA,Stone,50,Jewelry,6.0,middle,POS other with interest,365243.0,-145.0,5.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,1,162000.0,727785.0,26865.0,607500.0,Family,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-21717,-940,-1395.0,-2992,21.0,1,1,0,1,0,0,Laborers,3.0,2,2,FRIDAY,12,0,0,0,0,0,0,Business Entity Type 2,,0.5977490943022675,0.6041125998015721,0.0041,0.0,0.9727,0.626,0.0,,0.1379,0.0,0.0417,0.0174,0.0034,0.0041,0.0,0.0,0.0042,0.0,0.9727,0.6406,0.0,,0.1379,0.0,0.0417,0.0178,0.0037,0.0043,0.0,0.0,0.0042,0.0,0.9727,0.631,0.0,,0.1379,0.0,0.0417,0.0177,0.0034,0.0042,0.0,0.0,,terraced house,0.0032,"Stone, brick",No,8.0,0.0,8.0,0.0,-709.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1509101,151998,Consumer loans,2979.27,15471.0,14611.5,1548.0,15471.0,FRIDAY,9,Y,1,0.10432951064530004,,,XAP,Approved,-1872,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,36,Connectivity,6.0,high,POS mobile with interest,365243.0,-1827.0,-1677.0,-1677.0,-1674.0,0.0,0,Cash loans,F,N,Y,1,90000.0,505066.5,28332.0,468000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.025164,-11443,-3565,-630.0,-3251,,1,1,0,1,1,0,Sales staff,3.0,2,2,MONDAY,8,0,0,0,0,0,0,Self-employed,0.607761352465874,0.28580859066829245,0.6479768603302221,0.1021,0.0564,0.9901,0.8640000000000001,0.0296,0.12,0.1034,0.3333,0.375,0.0785,0.0807,0.1036,0.0116,0.1484,0.104,0.0585,0.9901,0.8693,0.0299,0.1208,0.1034,0.3333,0.375,0.0803,0.0882,0.108,0.0117,0.1571,0.1031,0.0564,0.9901,0.8658,0.0298,0.12,0.1034,0.3333,0.375,0.0799,0.0821,0.1055,0.0116,0.1515,reg oper spec account,block of flats,0.13,Panel,No,3.0,0.0,3.0,0.0,-1077.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1110924,103399,Consumer loans,8505.765,94500.0,75600.0,18900.0,94500.0,THURSDAY,17,Y,1,0.2178181818181818,,,XAP,Approved,-516,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Regional / Local,100,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-476.0,-206.0,-206.0,-198.0,0.0,0,Cash loans,F,Y,N,0,90000.0,163008.0,16006.5,144000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.035792000000000004,-23811,365243,-13221.0,-4876,24.0,1,0,0,1,1,0,,1.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,,0.1024649539368505,0.8357765157975799,0.0165,,0.9816,,,0.0,0.069,0.0417,,0.0084,,0.0092,,0.0185,0.0168,,0.9816,,,0.0,0.069,0.0417,,0.0086,,0.0096,,0.0195,0.0167,,0.9816,,,0.0,0.069,0.0417,,0.0086,,0.0094,,0.0188,,block of flats,0.0113,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1285886,448911,Cash loans,66734.46,1129500.0,1195101.0,,1129500.0,TUESDAY,10,Y,1,,,,XNA,Approved,-702,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-672.0,18.0,-72.0,-67.0,1.0,0,Cash loans,M,Y,Y,1,225000.0,497520.0,52920.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-11943,-896,-1393.0,-4406,1.0,1,1,0,1,0,1,Managers,3.0,2,2,THURSDAY,7,0,0,0,0,0,0,Self-employed,,0.1417764692449237,0.6785676886853644,0.1165,0.0603,0.9816,0.7484,0.0161,0.0,0.2759,0.1667,0.0417,0.0,0.095,0.0717,0.0,0.0857,0.1187,0.0626,0.9816,0.7583,0.0163,0.0,0.2759,0.1667,0.0417,0.0,0.1038,0.0747,0.0,0.0907,0.1176,0.0603,0.9816,0.7518,0.0162,0.0,0.2759,0.1667,0.0417,0.0,0.0966,0.073,0.0,0.0875,reg oper account,block of flats,0.0846,"Stone, brick",No,3.0,0.0,3.0,0.0,-702.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1073235,148976,Cash loans,30442.5,1107000.0,1107000.0,,1107000.0,WEDNESDAY,13,Y,1,,,,XNA,Refused,-181,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,202500.0,675000.0,24930.0,675000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.014519999999999996,-16914,-978,-7832.0,-446,,1,1,0,1,0,0,Medicine staff,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Other,,0.7050842340230212,0.3706496323299817,0.1433,0.1235,0.9816,0.7484,0.0191,0.08,0.2069,0.2221,0.2638,0.1058,0.1165,0.1384,0.0025,0.0023,0.105,0.1107,0.9816,0.7583,0.0,0.0,0.2069,0.1667,0.2083,0.0967,0.0918,0.0962,0.0039,0.0,0.1041,0.1071,0.9816,0.7518,0.0192,0.0,0.2069,0.1667,0.2083,0.0994,0.0855,0.0943,0.0039,0.0027,reg oper account,block of flats,0.1816,Panel,No,0.0,0.0,0.0,0.0,-419.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1078820,201098,Consumer loans,4786.02,47866.5,43078.5,4788.0,47866.5,THURSDAY,11,Y,1,0.1089398070200928,,,XAP,Approved,-2695,XNA,XAP,Unaccompanied,New,Photo / Cinema Equipment,POS,XNA,Country-wide,4000,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2664.0,-2394.0,-2394.0,-2384.0,0.0,0,Cash loans,F,N,N,0,90000.0,178290.0,20245.5,157500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.014464,-10307,-2139,-4973.0,-1057,,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,3,0,0,0,0,0,0,Self-employed,0.19423047046446154,0.5597793628045108,0.5478104658520093,0.0856,,0.9871,,,0.08,0.0345,0.4583,,,,0.0848,,,0.0872,,0.9871,,,0.0806,0.0345,0.4583,,,,0.0883,,,0.0864,,0.9871,,,0.08,0.0345,0.4583,,,,0.0863,,,,block of flats,0.0916,"Stone, brick",No,0.0,0.0,0.0,0.0,-1862.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1078653,274066,Consumer loans,8975.7,137250.0,47250.0,90000.0,137250.0,SUNDAY,17,Y,1,0.7141579731743662,,,XAP,Approved,-1408,Cash through the bank,XAP,Family,New,Construction Materials,POS,XNA,Stone,18,Construction,6.0,middle,POS industry with interest,365243.0,-1375.0,-1225.0,-1225.0,-1219.0,0.0,0,Cash loans,F,N,N,0,67500.0,225000.0,16303.5,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.026392000000000002,-19174,-894,-6893.0,-2711,,1,1,0,1,0,0,,2.0,2,2,MONDAY,11,0,0,0,0,0,0,Security,,0.6765811233898715,0.6347055309763198,0.0842,,0.9896,,,0.04,0.0345,0.5417,,,,0.1027,,0.0099,0.0882,,0.9891,,,0.0403,0.0345,0.5417,,,,0.1024,,0.0,0.0874,,0.9901,,,0.04,0.0345,0.5417,,,,0.1057,,0.0,,block of flats,0.0966,"Stone, brick",No,3.0,2.0,3.0,2.0,-1408.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2160903,236626,Consumer loans,21880.8,182700.0,196947.0,18270.0,182700.0,WEDNESDAY,11,Y,1,0.09245408545370908,,,XAP,Approved,-1575,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Regional / Local,131,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1544.0,-1274.0,-1274.0,-1269.0,0.0,0,Cash loans,F,Y,Y,1,157500.0,693301.5,38844.0,598500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.006629,-16133,-9319,-3752.0,-3765,1.0,1,1,0,1,0,0,High skill tech staff,3.0,2,2,WEDNESDAY,5,0,0,0,0,0,0,Business Entity Type 3,0.6321782142157307,0.7123519276274088,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1754.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1719076,265253,Consumer loans,6810.615,58500.0,58500.0,0.0,58500.0,THURSDAY,9,Y,1,0.0,,,XAP,Approved,-35,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,177,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-5.0,265.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,1,135000.0,269550.0,12001.5,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-10914,-2073,-5340.0,-376,,1,1,1,1,0,0,,3.0,2,2,THURSDAY,13,0,0,0,0,1,1,Business Entity Type 3,,0.4854640384843698,0.5762088360175724,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-661.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2687912,100890,Consumer loans,15449.76,87435.0,87435.0,0.0,87435.0,WEDNESDAY,11,Y,1,0.0,,,XAP,Approved,-1287,Cash through the bank,XAP,Unaccompanied,New,Furniture,POS,XNA,Stone,110,Furniture,6.0,low_normal,POS industry with interest,365243.0,-1254.0,-1104.0,-1104.0,-1101.0,0.0,0,Cash loans,F,N,Y,0,157500.0,553806.0,22090.5,495000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.011656999999999999,-20108,-4695,-10304.0,-3543,,1,1,0,1,1,0,Medicine staff,1.0,1,1,TUESDAY,15,0,0,0,0,0,0,Medicine,,0.7082301081114175,0.6610235391308081,0.2216,0.1515,0.9861,0.8096,0.0335,0.24,0.2069,0.3333,0.375,0.1149,0.1782,0.1555,0.0116,,0.2258,0.1572,0.9861,0.8171,0.0338,0.2417,0.2069,0.3333,0.375,0.1176,0.1947,0.162,0.0117,,0.2238,0.1515,0.9861,0.8121,0.0337,0.24,0.2069,0.3333,0.375,0.1169,0.1813,0.1583,0.0116,,reg oper account,block of flats,0.2245,Panel,No,0.0,0.0,0.0,0.0,-1287.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2238747,415765,Consumer loans,4992.435,94041.0,94041.0,0.0,94041.0,TUESDAY,16,Y,1,0.0,,,XAP,Approved,-1176,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,1329,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-1145.0,-455.0,-875.0,-870.0,0.0,0,Cash loans,F,N,N,0,157500.0,254700.0,14220.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-24335,365243,-8555.0,-4283,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,11,0,0,0,1,0,0,XNA,,0.6437201363678564,0.6940926425266661,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1639.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +1114607,212157,Revolving loans,11250.0,225000.0,225000.0,,225000.0,TUESDAY,18,Y,1,,,,XAP,Refused,-611,XNA,SCOFR,,Repeater,XNA,Cards,walk-in,Country-wide,2160,Consumer electronics,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,Y,N,0,135000.0,165915.0,12204.0,126000.0,Unaccompanied,Commercial associate,Higher education,Married,With parents,0.030755,-10572,-1500,-1941.0,-2813,65.0,1,1,0,1,0,0,,2.0,2,2,THURSDAY,13,0,0,0,1,1,0,Business Entity Type 3,0.12460030473729415,0.5277070323496524,0.1008037063175332,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-802.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2454319,291047,Cash loans,10332.18,135000.0,152820.0,0.0,135000.0,WEDNESDAY,8,Y,1,0.0,,,XNA,Approved,-2641,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,24.0,high,Cash Street: high,365243.0,-2611.0,-1921.0,-1921.0,-1916.0,1.0,0,Cash loans,F,Y,N,0,191250.0,269550.0,11416.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.010966,-19138,-1604,-11201.0,-2646,6.0,1,1,1,1,1,0,Managers,1.0,2,2,THURSDAY,18,0,0,0,0,0,0,Agriculture,,0.7201556437273989,0.4083588531230431,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-3079.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2538675,122544,Consumer loans,35055.54,160650.0,187065.0,0.0,160650.0,THURSDAY,10,Y,1,0.0,,,XAP,Approved,-909,Cash through the bank,XAP,"Spouse, partner",Repeater,Gardening,POS,XNA,Stone,172,Construction,6.0,middle,POS industry with interest,365243.0,-878.0,-728.0,-848.0,-843.0,0.0,0,Cash loans,F,N,N,1,153000.0,307557.0,16681.5,265500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.022625,-9520,-649,-4390.0,-2190,,1,1,1,1,0,0,Core staff,3.0,2,2,TUESDAY,17,0,0,0,0,1,1,Trade: type 3,0.16736202915787407,0.5063322100636571,0.3962195720630885,0.0165,,0.9831,,,,0.069,0.0417,,,,0.0097,,,0.0168,,0.9831,,,,0.069,0.0417,,,,0.0101,,,0.0167,,0.9831,,,,0.069,0.0417,,,,0.0099,,,,block of flats,0.0116,"Stone, brick",No,12.0,0.0,12.0,0.0,-875.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1772200,445411,Consumer loans,32516.55,351000.0,315900.0,35100.0,351000.0,MONDAY,11,Y,1,0.1089090909090909,,,XAP,Approved,-522,XNA,XAP,,Repeater,Tourism,POS,XNA,Stone,15,Industry,12.0,middle,POS other with interest,365243.0,-484.0,-154.0,-454.0,-446.0,0.0,0,Cash loans,M,Y,N,0,292500.0,312768.0,25204.5,270000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.00496,-9442,-1152,-1101.0,-2067,2.0,1,1,1,1,0,0,Managers,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Military,0.20848913897887766,0.6427767207563795,0.4650692149562261,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1041.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2560221,207119,Consumer loans,16915.275,125829.0,139117.5,0.0,125829.0,WEDNESDAY,7,Y,1,0.0,,,XAP,Approved,-657,XNA,XAP,,Repeater,Computers,POS,XNA,Country-wide,40,Connectivity,12.0,high,POS mobile with interest,365243.0,-619.0,-289.0,-319.0,-317.0,0.0,0,Cash loans,M,N,Y,0,315000.0,1113840.0,57001.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.001276,-15330,-1583,-1013.0,-1041,,1,1,0,1,0,0,Drivers,2.0,2,2,TUESDAY,5,0,0,0,0,0,0,Electricity,0.2235609727674233,0.6893590794832514,0.6430255641096323,0.1216,0.0859,0.9851,0.7959999999999999,0.0817,0.0,0.069,0.1667,0.2083,0.0517,0.0992,0.0736,0.0,0.0,0.1239,0.0891,0.9851,0.804,0.0824,0.0,0.069,0.1667,0.2083,0.0529,0.1084,0.0767,0.0,0.0,0.1228,0.0859,0.9851,0.7987,0.0822,0.0,0.069,0.1667,0.2083,0.0526,0.1009,0.0749,0.0,0.0,,block of flats,0.1026,Block,No,1.0,0.0,1.0,0.0,-1105.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2573186,233606,Consumer loans,13985.055,115762.5,125950.5,0.0,115762.5,SATURDAY,18,Y,1,0.0,,,XAP,Approved,-700,Cash through the bank,XAP,Family,Refreshed,Furniture,POS,XNA,Country-wide,463,Furniture,10.0,low_normal,POS industry with interest,365243.0,-666.0,-396.0,-426.0,-407.0,0.0,0,Cash loans,F,Y,N,2,180000.0,452385.0,22131.0,373500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-10279,-683,-4866.0,-2808,10.0,1,1,0,1,0,0,Sales staff,4.0,1,1,SATURDAY,17,0,0,0,0,0,0,Self-employed,,0.7257094688492789,0.4956658291397297,0.0701,0.0778,0.9563,0.4016,0.0138,0.0,0.3103,0.125,0.1667,,0.0572,0.0986,0.0154,0.0261,0.0714,0.0807,0.9563,0.425,0.0139,0.0,0.3103,0.125,0.1667,,0.0624,0.1027,0.0156,0.0276,0.0708,0.0778,0.9563,0.4096,0.0139,0.0,0.3103,0.125,0.1667,,0.0581,0.1004,0.0155,0.0266,reg oper account,block of flats,0.0847,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2282435,227489,Cash loans,,0.0,0.0,,,MONDAY,16,Y,1,,,,XNA,Refused,-127,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,1,Cash loans,M,Y,Y,0,180000.0,1045854.0,37183.5,873000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019101,-18688,-661,-1474.0,-2244,4.0,1,1,0,1,0,0,Drivers,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Trade: type 7,,0.6490881064850222,0.23791607950711405,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-842.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2116427,243327,Consumer loans,8713.71,78426.0,71365.5,7060.5,78426.0,SATURDAY,13,Y,1,0.09804817743651804,,,XAP,Approved,-2477,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,132,Consumer electronics,9.0,low_normal,POS household without interest,365243.0,-2434.0,-2194.0,-2194.0,-2189.0,0.0,0,Cash loans,F,N,Y,0,108000.0,450000.0,22018.5,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.026392000000000002,-18961,365243,-1619.0,-2485,,1,0,0,1,1,0,,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,XNA,,0.5617722256118803,0.4525335592581747,0.1474,,0.9806,,,0.16,0.1379,0.3333,,,,0.1564,,0.0,0.1502,,0.9806,,,0.1611,0.1379,0.3333,,,,0.1629,,0.0,0.1489,,0.9806,,,0.16,0.1379,0.3333,,,,0.1592,,0.0,,block of flats,0.1472,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1063047,421564,Consumer loans,2898.81,22603.5,24840.0,0.0,22603.5,TUESDAY,11,Y,1,0.0,,,XAP,Approved,-2520,XNA,XAP,Unaccompanied,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,25,Connectivity,12.0,high,POS mobile with interest,365243.0,-2489.0,-2159.0,-2159.0,-2151.0,1.0,0,Cash loans,F,N,Y,0,225000.0,145957.5,16636.5,126000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010006000000000001,-10287,-2827,-4388.0,-1063,,1,1,0,1,0,0,Accountants,2.0,2,1,TUESDAY,15,0,0,0,0,0,0,Business Entity Type 1,0.5713057308519995,0.7462918553178124,0.6738300778602003,0.1454,0.1029,0.994,0.9184,0.1302,0.16,0.1379,0.3333,0.375,0.0796,0.0017,0.1672,0.5367,0.0148,0.1481,0.1068,0.994,0.9216,0.1314,0.1611,0.1379,0.3333,0.375,0.0814,0.0018,0.1742,0.5409,0.0156,0.1468,0.1029,0.994,0.9195,0.131,0.16,0.1379,0.3333,0.375,0.0809,0.0017,0.1702,0.5396,0.0151,reg oper account,block of flats,0.1562,Panel,No,5.0,0.0,5.0,0.0,-108.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2749202,332470,Consumer loans,10184.355,202032.0,224869.5,0.0,202032.0,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-626,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Country-wide,1000,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-594.0,96.0,-84.0,-79.0,0.0,0,Cash loans,F,N,Y,0,180000.0,405000.0,19611.0,405000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.026392000000000002,-14790,-8127,-6383.0,-4285,,1,1,1,1,1,0,Laborers,1.0,2,2,TUESDAY,16,0,0,0,0,0,0,Transport: type 4,,0.4637055103934179,0.5280927512030451,0.2598,0.1654,0.9826,0.762,0.1228,0.28,0.2414,0.3333,,0.343,0.2118,0.2912,0.0,0.0,0.2647,0.1717,0.9826,0.7713,0.1239,0.282,0.2414,0.3333,,0.3508,0.2314,0.3034,0.0,0.0,0.2623,0.1654,0.9826,0.7652,0.1235,0.28,0.2414,0.3333,,0.3489,0.2155,0.2964,0.0,0.0,reg oper spec account,block of flats,0.2976,Panel,No,0.0,0.0,0.0,0.0,-626.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2339492,445273,Cash loans,,0.0,0.0,,,WEDNESDAY,10,Y,1,,,,XNA,Refused,-346,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,202500.0,497520.0,56263.5,450000.0,Children,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.04622,-16546,-1995,-10635.0,-94,,1,1,0,1,0,0,Core staff,1.0,1,1,SATURDAY,11,0,1,1,0,0,0,Trade: type 7,0.4455341604477824,0.7062605776761549,0.5919766183185521,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,3.0,0.0,-1426.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,7.0 +1543920,426900,Consumer loans,19070.28,105417.0,110983.5,0.0,105417.0,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-212,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,3446,Consumer electronics,6.0,low_action,POS household without interest,365243.0,-181.0,-31.0,-31.0,-29.0,0.0,0,Cash loans,M,Y,Y,2,135000.0,343800.0,13090.5,225000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.01885,-14324,-1363,-7853.0,-4037,6.0,1,1,0,1,0,0,Managers,4.0,2,2,MONDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.3741885796853073,0.6793121014629264,0.4794489811780563,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-881.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2584372,158747,Consumer loans,9050.715,130783.5,151501.5,0.0,130783.5,SATURDAY,19,Y,1,0.0,,,XAP,Approved,-1002,XNA,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,1400,Consumer electronics,18.0,low_action,POS household without interest,365243.0,-971.0,-461.0,-881.0,-873.0,0.0,0,Cash loans,F,N,Y,0,135000.0,260640.0,25906.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,Rented apartment,0.010643000000000001,-14559,-2599,-2693.0,-3534,,1,1,0,1,0,0,Laborers,2.0,2,2,SUNDAY,16,0,0,0,0,1,1,Business Entity Type 3,,0.6809866363545852,0.363945238612397,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,1.0,-1723.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,1.0,0.0,0.0,0.0,5.0 +1438551,141953,Consumer loans,2773.665,16159.14,15066.0,1804.14,16159.14,SUNDAY,12,Y,1,0.1164704307567852,,,XAP,Approved,-2481,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,600,Consumer electronics,6.0,middle,POS household with interest,365243.0,-2449.0,-2299.0,-2299.0,-2292.0,1.0,0,Cash loans,F,Y,N,0,49500.0,396000.0,24057.0,396000.0,Children,Pensioner,Secondary / secondary special,Married,House / apartment,0.018209,-21808,365243,-11502.0,-4530,17.0,1,0,0,1,0,0,,2.0,3,3,WEDNESDAY,7,0,0,0,0,0,0,XNA,,0.15727043126999882,0.7789040389824382,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1526299,386688,Consumer loans,8618.175,46534.5,46534.5,0.0,46534.5,SATURDAY,7,Y,1,0.0,,,XAP,Approved,-896,XNA,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Regional / Local,320,Consumer electronics,6.0,middle,POS household without interest,365243.0,-865.0,-715.0,-715.0,-705.0,0.0,0,Cash loans,F,N,Y,0,135000.0,163201.5,10917.0,148500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010032,-24940,365243,-7227.0,-5029,,1,0,0,1,1,0,,2.0,2,2,SATURDAY,4,0,0,0,0,0,0,XNA,,0.0988700717202946,0.7544061731797895,0.0619,0.0666,0.9816,0.7484,0.0324,0.0,0.1034,0.1667,0.2083,0.0347,0.0504,0.0396,0.0,0.0,0.063,0.0691,0.9816,0.7583,0.0327,0.0,0.1034,0.1667,0.2083,0.0355,0.0551,0.0413,0.0,0.0,0.0625,0.0666,0.9816,0.7518,0.0326,0.0,0.1034,0.1667,0.2083,0.0353,0.0513,0.0404,0.0,0.0,,block of flats,0.0489,"Stone, brick",No,0.0,0.0,0.0,0.0,-1546.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1945180,179760,Consumer loans,12076.29,120775.5,108697.5,12078.0,120775.5,THURSDAY,12,Y,1,0.10891314877603483,,,XAP,Approved,-1451,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,2163,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1420.0,-1150.0,-1180.0,-1174.0,0.0,0,Cash loans,F,Y,Y,0,81000.0,450000.0,30204.0,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.014519999999999996,-9661,-196,-4176.0,-410,2.0,1,1,0,1,0,0,Sales staff,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Trade: type 7,,0.6076295970131215,0.5567274263630174,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1790.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1155921,136809,Consumer loans,24828.75,1438200.0,848538.0,589662.0,1438200.0,THURSDAY,13,Y,1,0.4465272727272727,,,XAP,Approved,-2323,Cash through the bank,XAP,,New,XNA,Cars,XNA,Car dealer,7000,Industry,48.0,low_action,POS industry with interest,365243.0,-2292.0,-882.0,-1242.0,-1235.0,0.0,0,Cash loans,M,Y,Y,0,261000.0,720000.0,23926.5,720000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-16132,-4597,-9456.0,-4451,2.0,1,1,1,1,1,0,Drivers,2.0,2,2,WEDNESDAY,15,0,0,0,0,1,1,Self-employed,,0.6938598229505442,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-214.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1233721,280639,Consumer loans,23446.125,146520.0,131868.0,14652.0,146520.0,SUNDAY,13,Y,1,0.1089090909090909,,,XAP,Approved,-1024,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Stone,112,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-993.0,-843.0,-843.0,-835.0,0.0,0,Cash loans,F,N,Y,0,184500.0,1204623.0,62505.0,1138500.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.035792000000000004,-22830,365243,-1854.0,-1848,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,12,0,0,0,1,0,0,XNA,,0.07845641501589462,0.7623356180684377,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1775861,335558,Cash loans,22556.475,225000.0,239850.0,,225000.0,THURSDAY,10,Y,1,,,,XNA,Refused,-228,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,94500.0,239850.0,23494.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.04622,-25015,365243,-3562.0,-3614,,1,0,0,1,0,0,,2.0,1,1,MONDAY,11,0,0,0,0,0,0,XNA,,0.7257878133096538,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1830.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2181151,166471,Consumer loans,7255.935,41385.6,34470.0,8279.1,41385.6,TUESDAY,15,Y,1,0.21092122513584016,,,XAP,Approved,-1124,Cash through the bank,XAP,,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,88,Connectivity,5.0,low_normal,POS mobile without interest,365243.0,-1085.0,-965.0,-995.0,-992.0,0.0,0,Cash loans,F,Y,Y,1,171000.0,835380.0,35523.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.00496,-14010,-2894,-3052.0,-4357,64.0,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,14,0,0,0,0,0,0,Business Entity Type 1,,0.7502706479162894,,0.1443,0.1397,0.9791,,,0.0,0.2759,0.1667,,0.0804,,0.0821,,0.004,0.1471,0.145,0.9791,,,0.0,0.2759,0.1667,,0.0823,,0.0856,,0.0042,0.1457,0.1397,0.9791,,,0.0,0.2759,0.1667,,0.0818,,0.0836,,0.004,,block of flats,0.0978,Panel,No,2.0,0.0,2.0,0.0,-1847.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1150726,211219,Revolving loans,2250.0,45000.0,45000.0,,45000.0,MONDAY,13,Y,1,,,,XAP,Approved,-181,XNA,XAP,Unaccompanied,Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,67500.0,187704.0,12672.0,148500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.00733,-15990,-1580,-794.0,-4454,,1,1,0,1,0,0,Medicine staff,1.0,2,2,SUNDAY,10,0,0,0,0,0,0,Medicine,0.7269159797821316,0.6421337607708159,0.4830501881366946,0.2216,0.0775,0.9811,,,0.08,0.0345,0.3333,,0.0,,0.0697,,0.1558,0.2258,0.0805,0.9811,,,0.0806,0.0345,0.3333,,0.0,,0.0726,,0.1649,0.2238,0.0775,0.9811,,,0.08,0.0345,0.3333,,0.0,,0.071,,0.159,,block of flats,0.1113,"Stone, brick",No,0.0,0.0,0.0,0.0,-1748.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1053212,441723,Cash loans,13768.29,180000.0,197820.0,,180000.0,MONDAY,8,Y,1,,,,XNA,Approved,-563,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-533.0,-23.0,-53.0,-46.0,1.0,0,Cash loans,F,N,Y,0,67500.0,675000.0,19867.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.020246,-20216,365243,-2509.0,-2928,,1,0,0,1,0,0,,1.0,3,3,THURSDAY,11,0,0,0,0,0,0,XNA,,0.5702805595164141,0.6023863442690867,0.0082,0.0,0.9712,0.6056,,0.0,0.0,0.0,,0.0441,0.0067,0.0054,0.0,0.0,0.0084,0.0,0.9712,0.621,,0.0,0.0,0.0,,0.0451,0.0073,0.0056,0.0,0.0,0.0083,0.0,0.9712,0.6109,,0.0,0.0,0.0,,0.0448,0.0068,0.0055,0.0,0.0,not specified,block of flats,0.0054,Block,No,3.0,0.0,3.0,0.0,-1785.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,5.0 +2786226,406754,Consumer loans,15518.835,136633.5,136633.5,0.0,136633.5,SATURDAY,12,Y,1,0.0,,,XAP,Refused,-122,Cash through the bank,SCO,,Repeater,Mobile,POS,XNA,Country-wide,60,Connectivity,10.0,low_normal,POS mobile without interest,,,,,,,0,Cash loans,F,N,N,0,128646.0,450000.0,25362.0,450000.0,Unaccompanied,Working,Incomplete higher,Single / not married,With parents,0.035792000000000004,-7699,-242,-2485.0,-370,,1,1,1,1,0,0,Sales staff,1.0,2,2,TUESDAY,12,0,0,0,1,1,0,Trade: type 2,0.1854986478867347,0.07086778025044685,0.2940831009471255,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,11.0,1.0,11.0,1.0,0.0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,2.0,1.0 +2759669,207438,Consumer loans,12542.445,110655.0,122341.5,0.0,110655.0,SATURDAY,9,Y,1,0.0,,,XAP,Approved,-600,XNA,XAP,,New,Mobile,POS,XNA,Regional / Local,380,Consumer electronics,12.0,middle,POS household with interest,365243.0,-569.0,-239.0,-239.0,-235.0,0.0,0,Cash loans,F,N,N,0,234000.0,1096020.0,50917.5,900000.0,Unaccompanied,State servant,Secondary / secondary special,Married,Rented apartment,0.010032,-16050,-1545,-5887.0,-4389,,1,1,0,1,0,1,Cleaning staff,2.0,2,2,THURSDAY,2,0,0,0,0,0,0,Government,0.4337470018447484,0.635423074818843,0.6347055309763198,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-600.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +2264000,355863,Consumer loans,3021.345,24835.5,24385.5,450.0,24835.5,THURSDAY,10,Y,1,0.019733482679668592,,,XAP,Refused,-1310,Cash through the bank,LIMIT,,Repeater,Mobile,POS,XNA,Country-wide,36,Connectivity,12.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,Y,Y,0,54000.0,263686.5,15268.5,238500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.007120000000000001,-16849,-1804,-9061.0,-387,1.0,1,1,0,1,0,0,Laborers,1.0,2,2,FRIDAY,10,0,0,0,0,1,1,Transport: type 4,,0.2962028246127759,0.4956658291397297,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-2646.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2178220,355977,Consumer loans,4203.675,36000.0,36238.5,7200.0,36000.0,TUESDAY,13,Y,1,0.18051853874914053,,,XAP,Approved,-1820,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,high,POS mobile with interest,365243.0,-1789.0,-1459.0,-1459.0,-1451.0,0.0,0,Cash loans,M,N,Y,0,157500.0,225000.0,17905.5,225000.0,Unaccompanied,Working,Incomplete higher,Married,Rented apartment,0.028663,-10649,-464,-558.0,-3308,,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Industry: type 9,,0.3294852854420254,0.4223696523543468,0.1237,0.1127,0.9786,0.7076,0.0132,0.0,0.2069,0.1667,0.2083,0.1002,0.1009,0.1165,0.0,0.0,0.1261,0.117,0.9786,0.7190000000000001,0.0133,0.0,0.2069,0.1667,0.2083,0.1025,0.1102,0.1214,0.0,0.0,0.1249,0.1127,0.9786,0.7115,0.0133,0.0,0.2069,0.1667,0.2083,0.102,0.1026,0.1186,0.0,0.0,org spec account,block of flats,0.0994,Panel,No,2.0,0.0,2.0,0.0,-1820.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1568099,174862,Consumer loans,8764.11,74956.5,77431.5,4500.0,74956.5,TUESDAY,13,Y,1,0.059817153242758776,,,XAP,Approved,-1586,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,3102,Consumer electronics,12.0,high,POS household with interest,365243.0,-1555.0,-1225.0,-1225.0,-1217.0,0.0,0,Cash loans,M,Y,Y,2,135000.0,450000.0,30204.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-10458,-424,-4415.0,-1471,11.0,1,1,0,1,0,0,Laborers,4.0,2,2,SATURDAY,11,0,0,0,1,1,0,Business Entity Type 3,0.21319994921332147,0.4700137213403116,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-269.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +1156638,173500,Consumer loans,10469.745,104197.5,104197.5,0.0,104197.5,THURSDAY,17,Y,1,0.0,,,XAP,Approved,-838,XNA,XAP,Other_B,Refreshed,Computers,POS,XNA,Stone,15,Consumer electronics,12.0,middle,POS household with interest,365243.0,-806.0,-476.0,-476.0,-471.0,0.0,0,Cash loans,M,N,Y,1,157500.0,76410.0,8356.5,67500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-11028,-133,-11019.0,-430,,1,1,1,1,1,0,Security staff,3.0,2,2,TUESDAY,11,1,1,1,1,1,1,Other,,0.13975841962810084,0.3606125659189888,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-328.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1845414,193555,Consumer loans,2221.965,15228.0,16483.5,0.0,15228.0,THURSDAY,11,Y,1,0.0,,,XAP,Approved,-2434,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,840,Consumer electronics,10.0,high,POS household with interest,365243.0,-2403.0,-2133.0,-2133.0,-2130.0,1.0,1,Cash loans,M,N,Y,0,162000.0,729922.5,33822.0,580500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-22338,365243,-5380.0,-4141,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,XNA,,0.33340049998338955,,0.0742,0.0,0.9811,0.7416,0.0157,0.08,0.069,0.3333,0.375,0.0792,0.0605,0.077,0.0,0.0,0.0756,0.0,0.9811,0.7517,0.0159,0.0806,0.069,0.3333,0.375,0.081,0.0661,0.0802,0.0,0.0,0.0749,0.0,0.9811,0.7451,0.0158,0.08,0.069,0.3333,0.375,0.0806,0.0616,0.0784,0.0,0.0,reg oper account,block of flats,0.0605,Panel,No,0.0,0.0,0.0,0.0,-2434.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1770640,244709,Cash loans,74837.25,1327500.0,1404603.0,,1327500.0,THURSDAY,18,Y,1,,,,XNA,Approved,-392,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-362.0,328.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,0,337500.0,755190.0,36459.0,675000.0,Family,Working,Higher education,Single / not married,House / apartment,0.00496,-12392,-3475,-8986.0,-4429,,1,1,0,1,0,0,,1.0,2,2,THURSDAY,14,0,0,0,0,0,0,Government,0.2314978336129305,0.7442035903451272,0.6879328378491735,0.0722,0.0,0.9826,0.762,0.0,0.0,0.2069,0.1667,0.2083,0.1325,0.0588,0.0418,0.0,0.115,0.0735,0.0,0.9826,0.7713,0.0,0.0,0.2069,0.1667,0.2083,0.1146,0.0643,0.0426,0.0,0.1142,0.0729,0.0,0.9826,0.7652,0.0,0.0,0.2069,0.1667,0.2083,0.1348,0.0599,0.0426,0.0,0.1175,reg oper spec account,block of flats,0.0569,"Stone, brick",No,1.0,0.0,1.0,0.0,-1419.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2825889,288812,Consumer loans,3772.935,21960.0,19764.0,2196.0,21960.0,TUESDAY,5,Y,1,0.1089090909090909,,,XAP,Refused,-2388,Cash through the bank,SCO,Other_B,Repeater,Consumer Electronics,POS,XNA,Regional / Local,875,Consumer electronics,6.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,166500.0,790830.0,57676.5,675000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.006305,-15136,-483,-286.0,-4774,,1,1,0,1,0,0,,2.0,3,3,WEDNESDAY,9,0,0,0,0,1,1,Transport: type 2,0.5055339178941789,0.4668882271637336,0.7309873696832169,0.033,0.0411,0.9732,0.6328,0.0028,0.0,0.069,0.125,0.1667,0.0168,,0.0235,,0.0102,0.0336,0.0426,0.9732,0.6472,0.0028,0.0,0.069,0.125,0.1667,0.0172,,0.0245,,0.0108,0.0333,0.0411,0.9732,0.6377,0.0028,0.0,0.069,0.125,0.1667,0.0171,,0.0239,,0.0104,reg oper account,block of flats,0.0222,"Stone, brick",No,0.0,0.0,0.0,0.0,-2505.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1091952,142118,Cash loans,5168.97,45000.0,50940.0,,45000.0,SATURDAY,10,Y,1,,,,XNA,Approved,-198,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-168.0,162.0,365243.0,365243.0,1.0,0,Revolving loans,F,N,Y,0,135000.0,405000.0,20250.0,405000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.00963,-22934,365243,-13095.0,-4217,,1,0,0,1,0,0,,1.0,2,2,MONDAY,11,0,0,0,0,0,0,XNA,,0.5961759664323183,0.7001838506835805,0.0969,0.1167,0.9816,0.7484,0.0134,0.0,0.2069,0.1667,0.2083,0.1404,0.079,0.0906,0.0,0.0,0.0987,0.1211,0.9816,0.7583,0.0136,0.0,0.2069,0.1667,0.2083,0.1436,0.0863,0.0943,0.0,0.0,0.0978,0.1167,0.9816,0.7518,0.0135,0.0,0.2069,0.1667,0.2083,0.1429,0.0804,0.0922,0.0,0.0,reg oper spec account,block of flats,0.0786,"Stone, brick",No,1.0,0.0,1.0,0.0,-1622.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1029719,101832,Consumer loans,12338.055,145143.0,130630.5,14512.5,145143.0,WEDNESDAY,13,Y,1,0.10889558448000804,,,XAP,Approved,-910,Cash through the bank,XAP,,Repeater,Medicine,POS,XNA,Stone,100,Industry,12.0,low_normal,POS industry with interest,365243.0,-871.0,-541.0,-541.0,-535.0,0.0,0,Cash loans,F,N,Y,0,180000.0,760225.5,51138.0,679500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-13617,-1962,-2421.0,-1883,,1,1,0,1,0,0,Sales staff,2.0,1,1,WEDNESDAY,11,0,0,0,0,0,0,Self-employed,0.5019894892213677,0.7125938308557312,,0.0082,0.0,0.9687,0.5716,0.0012,0.0,0.0345,0.0417,0.0833,0.0092,0.0067,0.0083,0.0,0.0,0.0084,0.0,0.9687,0.5884,0.0012,0.0,0.0345,0.0417,0.0833,0.0094,0.0073,0.0086,0.0,0.0,0.0083,0.0,0.9687,0.5773,0.0012,0.0,0.0345,0.0417,0.0833,0.0094,0.0068,0.0084,0.0,0.0,reg oper account,block of flats,0.0071,Block,No,0.0,0.0,0.0,0.0,-209.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2412133,425482,Consumer loans,6367.995,35424.0,31824.0,3600.0,35424.0,SUNDAY,8,Y,1,0.11067997043606796,,,XAP,Approved,-2223,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,25,Connectivity,6.0,high,POS mobile with interest,365243.0,-2169.0,-2019.0,-2019.0,-2013.0,0.0,0,Cash loans,M,N,N,2,157500.0,454500.0,17608.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.025164,-12925,-5875,-7022.0,-5053,,1,1,1,1,1,0,Laborers,4.0,2,2,THURSDAY,9,0,0,0,0,0,0,Other,0.33006085170217364,0.6155563129837203,0.6658549219640212,0.3985,0.2581,0.9896,0.8572,0.2246,0.34,0.2931,0.3542,0.3958,0.0137,0.3223,0.3905,0.0116,0.015,0.1891,0.1417,0.9816,0.7583,0.115,0.2417,0.2069,0.3333,0.375,0.0,0.1653,0.2309,0.0,0.0,0.4023,0.2581,0.9896,0.8591,0.226,0.34,0.2931,0.3542,0.3958,0.0139,0.3279,0.3976,0.0116,0.0153,reg oper account,block of flats,0.2366,Panel,No,0.0,0.0,0.0,0.0,-1058.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1901433,338829,Consumer loans,7497.945,39555.0,37359.0,3960.0,39555.0,SATURDAY,9,Y,1,0.10437813112611627,,,XAP,Approved,-2413,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Stone,41,Connectivity,6.0,high,POS mobile with interest,365243.0,-2378.0,-2228.0,-2258.0,-2251.0,1.0,1,Cash loans,M,Y,Y,0,180000.0,562981.5,20218.5,486000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010276,-16866,-714,-7815.0,-421,14.0,1,1,1,1,1,0,Drivers,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Business Entity Type 1,,0.6917235942138256,0.2176285202779586,0.0082,0.0,0.9776,0.6736,0.0013,0.0,0.0345,0.0417,0.0833,0.0056,0.0067,0.009000000000000001,0.0,0.0,0.0084,0.0,0.9762,0.6864,0.0013,0.0,0.0345,0.0417,0.0833,0.0057,0.0073,0.0076,0.0,0.0,0.0083,0.0,0.9776,0.6779999999999999,0.0013,0.0,0.0345,0.0417,0.0833,0.0056,0.0068,0.0091,0.0,0.0,reg oper account,block of flats,0.0057,"Stone, brick",No,0.0,0.0,0.0,0.0,-1956.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1624176,155250,Consumer loans,9512.145,72112.5,53140.5,21636.0,72112.5,MONDAY,12,Y,1,0.3151200030636752,,,XAP,Approved,-749,Cash through the bank,XAP,Unaccompanied,Repeater,Jewelry,POS,XNA,Stone,31,Industry,6.0,low_normal,POS other with interest,365243.0,-718.0,-568.0,-568.0,-560.0,0.0,0,Cash loans,F,N,N,1,135000.0,450000.0,21109.5,450000.0,Family,Working,Secondary / secondary special,Single / not married,Rented apartment,0.015221,-12168,-307,-1959.0,-1958,,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,9,0,0,0,1,1,0,Self-employed,,0.627591768327591,0.38079968264891495,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-248.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1237916,246276,Consumer loans,5425.92,107640.0,119803.5,0.0,107640.0,WEDNESDAY,10,Y,1,0.0,,,XAP,Approved,-1142,Cash through the bank,XAP,Family,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,2500,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1110.0,-420.0,-900.0,-892.0,0.0,0,Cash loans,F,Y,Y,0,90000.0,117000.0,13360.5,117000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-18040,-1204,-3905.0,-1571,5.0,1,1,0,1,0,0,,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,Government,0.4723258914895272,0.06285962157766149,0.2176285202779586,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1546.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1265266,244086,Consumer loans,8000.37,133920.0,133920.0,0.0,133920.0,SATURDAY,16,Y,1,0.0,,,XAP,Approved,-1188,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,1720,Consumer electronics,18.0,low_action,POS household without interest,365243.0,-1157.0,-647.0,-977.0,-970.0,0.0,0,Cash loans,M,N,N,1,121500.0,307152.0,8230.5,243000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00963,-11892,-4362,-2254.0,-3837,,1,1,0,1,0,0,Laborers,3.0,2,2,SUNDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.1339522996593644,0.5867400085415683,0.0247,0.0,0.9717,,,0.0,0.0345,0.0417,,,,0.009000000000000001,,0.0,0.0252,0.0,0.9717,,,0.0,0.0345,0.0417,,,,0.0094,,0.0,0.025,0.0,0.9717,,,0.0,0.0345,0.0417,,,,0.0092,,0.0,,specific housing,0.0151,"Stone, brick",No,6.0,0.0,6.0,0.0,-1188.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1220117,271656,Cash loans,34063.11,405000.0,489483.0,,405000.0,TUESDAY,9,Y,1,,,,XNA,Approved,-1302,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-1272.0,-762.0,-762.0,-757.0,1.0,0,Revolving loans,F,N,Y,0,135000.0,405000.0,20250.0,405000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006852,-17783,-2267,-3924.0,-1312,,1,1,0,1,0,0,Sales staff,2.0,3,3,TUESDAY,12,0,0,0,0,0,0,Trade: type 7,0.7446588807060972,0.2561407808161128,0.7713615919194317,0.0814,0.0663,0.9786,0.7076,0.0,0.0,0.1379,0.1667,0.2083,0.0153,0.0656,0.069,0.0039,0.0052,0.083,0.0688,0.9786,0.7190000000000001,0.0,0.0,0.1379,0.1667,0.2083,0.0157,0.0716,0.0719,0.0039,0.0055,0.0822,0.0663,0.9786,0.7115,0.0,0.0,0.1379,0.1667,0.2083,0.0156,0.0667,0.0702,0.0039,0.0053,reg oper spec account,block of flats,0.0554,Panel,No,2.0,0.0,2.0,0.0,-1963.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2036620,381884,Revolving loans,11250.0,225000.0,225000.0,,225000.0,TUESDAY,9,Y,1,,,,XAP,Refused,-776,XNA,HC,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,1,Cash loans,M,N,Y,0,180000.0,634482.0,24714.0,454500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.022625,-11591,-3101,-5416.0,-3079,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Transport: type 2,,0.08121929828193576,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,0.0 +2114284,351562,Cash loans,57745.35,585000.0,608166.0,,585000.0,FRIDAY,10,Y,1,,,,XNA,Approved,-789,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-759.0,-429.0,-699.0,-695.0,1.0,0,Cash loans,F,N,Y,0,189000.0,567000.0,18418.5,567000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.0228,-21400,365243,-10661.0,-4899,,1,0,0,1,1,0,,1.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,XNA,,0.6224462184720984,0.5460231970049609,0.1113,0.0678,0.9851,0.7959999999999999,,0.08,0.1034,0.3333,0.375,0.0352,,0.1175,,0.0,0.1134,0.0704,0.9851,0.804,,0.0806,0.1034,0.3333,0.375,0.036000000000000004,,0.1225,,0.0,0.1124,0.0678,0.9851,0.7987,,0.08,0.1034,0.3333,0.375,0.0358,,0.1197,,0.0,reg oper account,block of flats,0.1171,Panel,No,3.0,0.0,3.0,0.0,-1273.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1430045,197428,Consumer loans,6421.41,39645.0,31995.0,7650.0,39645.0,SATURDAY,13,Y,1,0.2101537509028995,,,XAP,Approved,-2629,XNA,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,8,Connectivity,6.0,high,POS mobile with interest,365243.0,-2590.0,-2440.0,-2440.0,-2432.0,0.0,0,Cash loans,M,Y,Y,1,540000.0,1317357.0,50175.0,1129500.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.002506,-11421,-3404,-91.0,-3794,6.0,1,1,0,1,0,0,Core staff,3.0,2,2,WEDNESDAY,5,0,0,0,0,0,0,Military,,0.5378477351349307,0.4776491548517548,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,0.0 +1911177,300245,Consumer loans,6048.495,31405.5,29664.0,3141.0,31405.5,FRIDAY,19,Y,1,0.10427784012969192,,,XAP,Approved,-1435,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Country-wide,56,Connectivity,6.0,high,POS mobile with interest,365243.0,-1392.0,-1242.0,-1242.0,-1237.0,0.0,0,Cash loans,M,N,Y,1,112500.0,88618.5,10647.0,76500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-10896,-1195,-4644.0,-2753,,1,1,0,1,0,0,Drivers,3.0,2,2,FRIDAY,17,0,0,0,0,0,0,Business Entity Type 3,,0.32554077426017364,0.6347055309763198,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1664241,133600,Consumer loans,21892.635,241011.0,216909.0,24102.0,241011.0,TUESDAY,19,Y,1,0.10891315786793587,,,XAP,Approved,-396,Cash through the bank,XAP,Family,New,Tourism,POS,XNA,Stone,50,Tourism,12.0,middle,POS other with interest,365243.0,-366.0,-36.0,-336.0,-328.0,0.0,0,Cash loans,F,N,Y,0,135000.0,243000.0,25029.0,243000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-23732,365243,-10187.0,-4254,,1,0,0,1,1,0,,2.0,2,2,SATURDAY,14,0,0,0,0,0,0,XNA,,0.7597468289134495,0.4382813743111921,0.2557,0.1889,0.9791,,,0.2,0.1724,0.3333,,,,0.2197,,0.14300000000000002,0.2605,0.196,0.9791,,,0.2014,0.1724,0.3333,,,,0.2289,,0.1514,0.2581,0.1889,0.9791,,,0.2,0.1724,0.3333,,,,0.2237,,0.146,,block of flats,0.2039,"Stone, brick",No,2.0,1.0,2.0,1.0,-396.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2511955,333869,Consumer loans,14062.68,80955.0,76707.0,8095.5,80955.0,SUNDAY,14,Y,1,0.10396787187341706,,,XAP,Approved,-232,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,144,Consumer electronics,6.0,middle,POS household with interest,365243.0,-199.0,-49.0,-49.0,-43.0,0.0,0,Cash loans,M,N,Y,0,135000.0,966555.0,51628.5,913500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.00496,-23729,365243,-5043.0,-4443,,1,0,0,1,0,0,,2.0,2,2,MONDAY,15,0,0,0,1,0,0,XNA,,0.5845740713415674,0.5937175866150576,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-980.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2671822,123647,Consumer loans,8973.09,115920.0,149377.5,0.0,115920.0,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-760,Cash through the bank,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Country-wide,1911,Consumer electronics,18.0,low_action,POS household without interest,365243.0,-729.0,-219.0,-219.0,-213.0,0.0,0,Cash loans,F,Y,Y,0,180000.0,1170000.0,34209.0,1170000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-14788,-3781,-8294.0,-1260,18.0,1,1,0,1,0,0,,2.0,3,3,WEDNESDAY,6,0,0,0,0,0,0,Business Entity Type 3,0.5147450580577523,0.30289687150183936,0.5832379256761245,0.2082,0.2481,0.9821,0.7552,,0.0,0.5,0.1667,0.2083,0.19,,0.2055,,0.0,0.1639,0.2206,0.9821,0.7648,,0.0,0.4138,0.1667,0.2083,0.184,,0.1754,,0.0,0.2103,0.2481,0.9821,0.7585,,0.0,0.5,0.1667,0.2083,0.1933,,0.2092,,0.0,reg oper account,block of flats,0.3274,Panel,No,1.0,1.0,1.0,1.0,-1.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,5.0,5.0,0.0,0.0,2.0 +1888017,214061,Consumer loans,8089.2,189000.0,189000.0,0.0,189000.0,FRIDAY,17,Y,1,0.0,,,XAP,Refused,-1262,Cash through the bank,HC,Unaccompanied,Refreshed,Office Appliances,POS,XNA,Stone,84,Consumer electronics,36.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,112500.0,269550.0,16416.0,225000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.008865999999999999,-13035,-361,-2805.0,-5598,,1,1,0,1,1,0,Core staff,2.0,2,2,SUNDAY,14,0,0,0,0,1,1,Government,,0.45517917150901294,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2484.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1013759,117571,Consumer loans,16416.675,165825.0,165825.0,0.0,165825.0,WEDNESDAY,8,Y,1,0.0,,,XAP,Refused,-2490,Cash through the bank,SCO,Unaccompanied,Refreshed,Furniture,POS,XNA,Regional / Local,10,Consumer electronics,12.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,N,0,144000.0,472500.0,44860.5,454500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018029,-15335,-8582,-5047.0,-5998,,1,1,1,1,0,0,Core staff,2.0,3,3,SATURDAY,11,0,0,0,0,0,0,Industry: type 9,,0.4514615863524215,0.7267112092725122,0.0619,0.1062,0.9911,0.8776,0.0499,0.0,0.2069,0.1667,0.2083,0.0,0.0504,0.0797,0.0,0.1255,0.063,0.1102,0.9911,0.8824,0.0503,0.0,0.2069,0.1667,0.2083,0.0,0.0551,0.0831,0.0,0.1328,0.0625,0.1062,0.9911,0.8792,0.0502,0.0,0.2069,0.1667,0.2083,0.0,0.0513,0.0812,0.0,0.1281,reg oper account,block of flats,0.09,"Stone, brick",No,10.0,0.0,10.0,0.0,-2082.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1824057,222268,Consumer loans,4574.385,90747.0,101002.5,0.0,90747.0,FRIDAY,14,Y,1,0.0,,,XAP,Approved,-459,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,30180,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-428.0,262.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,2,103500.0,203760.0,16096.5,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-13322,-1187,-1568.0,-5045,,1,1,1,1,1,0,,4.0,2,2,TUESDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.5916079723295952,0.48754540532637103,0.3876253444214701,0.234,0.156,0.997,0.9524,0.0596,0.24,0.2069,0.375,0.4167,0.1593,0.1908,0.2486,0.0,0.0,0.2384,0.1619,0.997,0.9543,0.0601,0.2417,0.2069,0.375,0.4167,0.163,0.2084,0.259,0.0,0.0,0.2363,0.156,0.997,0.953,0.0599,0.24,0.2069,0.375,0.4167,0.1621,0.1941,0.2531,0.0,0.0,reg oper account,block of flats,0.229,Panel,No,0.0,0.0,0.0,0.0,-2614.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +1043347,342234,Consumer loans,21303.99,193495.5,210096.0,0.0,193495.5,SATURDAY,7,Y,1,0.0,,,XAP,Approved,-100,Cash through the bank,XAP,Unaccompanied,Repeater,Auto Accessories,POS,XNA,Regional / Local,150,Auto technology,12.0,middle,POS other with interest,365243.0,-69.0,261.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,0,135000.0,284400.0,16011.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.020246,-24100,365243,-5284.0,-4380,,1,0,0,1,0,0,,1.0,3,3,MONDAY,12,0,0,0,0,0,0,XNA,,0.4593796331899128,0.6894791426446275,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1560.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1913626,422587,Cash loans,62509.59,1800000.0,2013840.0,,1800000.0,WEDNESDAY,15,Y,1,,,,Repairs,Refused,-404,Cash through the bank,LIMIT,,Repeater,XNA,Cash,walk-in,Channel of corporate sales,-1,Furniture,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,Y,N,0,427500.0,1125000.0,36292.5,1125000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.035792000000000004,-17250,-2026,-3009.0,-435,1.0,1,1,1,1,1,0,Managers,2.0,2,2,MONDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.6355750370244604,0.32173528219668485,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-721.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,5.0,0.0,6.0 +2721135,312534,Cash loans,8055.0,90000.0,90000.0,0.0,90000.0,MONDAY,17,Y,1,0.0,,,XNA,Approved,-2759,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,50,Connectivity,16.0,high,Cash Street: high,365243.0,-2729.0,-2279.0,-2429.0,-2424.0,0.0,0,Cash loans,F,N,Y,0,99000.0,700830.0,20619.0,585000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.006207,-17904,-1446,-8837.0,-1439,,1,1,1,1,1,0,Laborers,1.0,2,2,TUESDAY,16,0,0,0,0,0,0,Self-employed,,0.5670247275623215,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1397.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1531347,313540,Revolving loans,4500.0,0.0,90000.0,,,WEDNESDAY,10,Y,1,,,,XAP,Approved,-2347,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-2342.0,-2300.0,365243.0,-1386.0,-113.0,0.0,0,Cash loans,F,Y,Y,0,157500.0,865953.0,34470.0,774000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.00823,-14752,-3576,-8836.0,-4920,8.0,1,1,1,1,1,0,Core staff,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Self-employed,0.8027058521692121,0.2771144425540659,0.5298898341969072,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2642089,362260,Consumer loans,7421.085,64917.0,71770.5,0.0,64917.0,FRIDAY,10,Y,1,0.0,,,XAP,Approved,-364,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Stone,117,Consumer electronics,12.0,middle,POS household with interest,365243.0,-333.0,-3.0,-93.0,-89.0,0.0,0,Cash loans,F,N,Y,0,45000.0,282690.0,12582.0,202500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.006852,-20738,365243,-5507.0,-4012,,1,0,0,1,0,0,,2.0,3,3,FRIDAY,4,0,0,0,0,0,0,XNA,,0.2766284637237924,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,14.0,0.0,14.0,0.0,-364.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1687861,328568,Consumer loans,7466.625,66177.0,81531.0,0.0,66177.0,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-688,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Regional / Local,1175,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-657.0,-327.0,-417.0,-401.0,0.0,0,Cash loans,M,Y,N,0,157500.0,495000.0,14184.0,495000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.018209,-11800,-766,-999.0,-1025,16.0,1,1,0,1,1,0,Laborers,2.0,3,3,MONDAY,14,0,0,0,0,1,1,Construction,,0.5238304134553231,0.2608559142068693,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-688.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1316977,299982,Consumer loans,5059.935,26055.0,24610.5,2605.5,26055.0,WEDNESDAY,15,Y,1,0.10426316738816734,,,XAP,Approved,-2130,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,25,Connectivity,6.0,high,POS mobile with interest,365243.0,-2094.0,-1944.0,-1944.0,-1937.0,0.0,1,Cash loans,M,N,Y,1,270000.0,450000.0,24543.0,450000.0,Family,State servant,Secondary / secondary special,Single / not married,House / apartment,0.04622,-18878,-2450,-4746.0,-2437,,1,1,0,1,0,0,Drivers,2.0,1,1,FRIDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.5614061172395574,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1789225,104195,Consumer loans,10928.655,95350.5,117009.0,0.0,95350.5,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-1355,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Stone,135,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-1324.0,-994.0,-994.0,-990.0,0.0,0,Cash loans,M,Y,Y,2,171000.0,1056447.0,31018.5,922500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.010966,-14092,-5183,-8209.0,-4324,10.0,1,1,0,1,0,0,Laborers,3.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Housing,,0.6622293413928331,0.7295666907060153,0.1031,0.0944,0.9811,0.7416,0.0113,0.0,0.2069,0.1667,0.2083,0.0,0.0832,0.0904,0.0039,0.0032,0.105,0.098,0.9811,0.7517,0.0114,0.0,0.2069,0.1667,0.2083,0.0,0.0909,0.0942,0.0039,0.0034,0.1041,0.0944,0.9811,0.7451,0.0114,0.0,0.2069,0.1667,0.2083,0.0,0.0847,0.092,0.0039,0.0033,org spec account,block of flats,0.078,Panel,No,0.0,0.0,0.0,0.0,-1355.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2118955,313534,Consumer loans,6600.78,29655.0,31122.0,0.0,29655.0,MONDAY,13,Y,1,0.0,,,XAP,Approved,-1372,Cash through the bank,XAP,"Spouse, partner",Repeater,Mobile,POS,XNA,Country-wide,78,Connectivity,6.0,high,POS mobile with interest,365243.0,-1341.0,-1191.0,-1251.0,-1247.0,0.0,0,Cash loans,F,N,Y,0,112500.0,157500.0,16668.0,157500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.028663,-9906,-493,-1823.0,-2571,,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,8,0,0,0,0,0,0,Self-employed,,0.5538813124558308,,0.0309,0.0362,0.9871,0.8232,,0.0,0.069,0.1667,0.2083,0.0272,,0.0275,,0.0226,0.0315,0.0376,0.9871,0.8301,,0.0,0.069,0.1667,0.2083,0.0278,,0.0287,,0.0239,0.0312,0.0362,0.9871,0.8256,,0.0,0.069,0.1667,0.2083,0.0277,,0.028,,0.0231,,block of flats,0.0226,"Stone, brick",No,9.0,0.0,9.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2610884,163861,Consumer loans,2581.155,21460.5,21226.5,2146.5,21460.5,SUNDAY,15,Y,1,0.10001855287569576,,,XAP,Approved,-2185,Cash through the bank,XAP,"Spouse, partner",New,Audio/Video,POS,XNA,Country-wide,2200,Consumer electronics,12.0,high,POS household with interest,365243.0,-2154.0,-1824.0,-1824.0,-1821.0,0.0,0,Revolving loans,F,N,Y,1,81000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009549,-11054,-2877,-1767.0,-1783,,1,1,0,1,0,0,Laborers,3.0,2,2,MONDAY,13,0,0,0,0,0,0,Self-employed,0.22002141215821652,0.6435395683789991,,0.1639,0.158,0.9786,,,,0.2759,0.1667,,0.0964,,0.1404,,0.0,0.16699999999999998,0.16399999999999998,0.9786,,,,0.2759,0.1667,,0.0986,,0.1462,,0.0,0.1655,0.158,0.9786,,,,0.2759,0.1667,,0.0981,,0.1429,,0.0,,,0.1104,Panel,No,7.0,0.0,7.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2381749,230193,Consumer loans,7095.6,44739.0,44739.0,0.0,44739.0,FRIDAY,14,Y,1,0.0,,,XAP,Refused,-2379,XNA,SCO,"Spouse, partner",New,Mobile,POS,XNA,Country-wide,80,Connectivity,8.0,high,POS mobile with interest,,,,,,,0,Cash loans,M,N,Y,2,225000.0,403330.5,23283.0,333000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.0228,-13478,-3171,-3310.0,-4095,,1,1,0,1,0,0,Laborers,4.0,2,2,THURSDAY,8,0,0,0,0,0,0,Industry: type 9,0.3554878124288225,0.6506653960559723,0.8128226070575616,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1116.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1429089,186693,Cash loans,35613.0,1350000.0,1350000.0,,1350000.0,TUESDAY,13,Y,1,,,,Repairs,Refused,-105,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,60.0,low_action,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,157500.0,768550.5,31432.5,621000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,With parents,0.019688999999999998,-9112,-1320,-3763.0,-1750,,1,1,0,1,0,0,Drivers,1.0,2,2,TUESDAY,16,0,0,0,0,0,0,Trade: type 2,,0.4950381052297352,,0.0381,0.0332,0.9727,0.626,0.0,0.0,0.1034,0.125,0.1667,0.0246,0.0311,0.031,0.0,0.0124,0.0389,0.0345,0.9727,0.6406,0.0,0.0,0.1034,0.125,0.1667,0.0251,0.034,0.0323,0.0,0.0131,0.0385,0.0332,0.9727,0.631,0.0,0.0,0.1034,0.125,0.1667,0.025,0.0316,0.0316,0.0,0.0127,reg oper account,block of flats,0.0345,"Stone, brick",No,0.0,0.0,0.0,0.0,-546.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2341071,349369,Consumer loans,29069.91,292500.0,217426.5,90000.0,292500.0,SATURDAY,9,Y,1,0.3188345240835836,,,XAP,Approved,-1622,Cash through the bank,XAP,Family,Repeater,Clothing and Accessories,POS,XNA,Stone,35,Clothing,10.0,high,POS industry with interest,365243.0,-1590.0,-1320.0,-1320.0,-1313.0,0.0,0,Cash loans,F,N,N,0,360000.0,284400.0,19134.0,225000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.018801,-15861,-2821,-2856.0,-2773,,1,1,0,1,1,0,Core staff,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Medicine,0.549049702854237,0.656556860215251,0.6058362647264226,0.0124,0.0,0.9692,0.5784,0.0224,0.0,0.069,0.0417,0.0833,0.0048,0.0101,0.0168,0.0,0.0,0.0126,0.0,0.9692,0.5949,0.0226,0.0,0.069,0.0417,0.0833,0.0049,0.011,0.0175,0.0,0.0,0.0125,0.0,0.9692,0.584,0.0226,0.0,0.069,0.0417,0.0833,0.0048,0.0103,0.0171,0.0,0.0,reg oper account,block of flats,0.0255,"Stone, brick",No,0.0,0.0,0.0,0.0,-1622.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2378384,451369,Revolving loans,2250.0,0.0,45000.0,,,THURSDAY,17,Y,1,,,,XAP,Approved,-2492,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,1,315000.0,547344.0,28075.5,472500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.031329,-14002,-6269,-1616.0,-4306,,1,1,0,1,0,0,Core staff,3.0,2,2,TUESDAY,15,0,0,0,0,0,0,Police,0.2903416710912465,0.5809105504643897,0.30620229831350426,0.1876,0.0606,0.9965,0.9456,0.097,0.12,0.0345,1.0,1.0,0.3496,0.1429,0.2211,0.0463,0.2661,0.1912,0.0629,0.9965,0.9477,0.0979,0.1208,0.0345,1.0,1.0,0.3576,0.1561,0.2304,0.0467,0.2817,0.1894,0.0606,0.9965,0.9463,0.0976,0.12,0.0345,1.0,1.0,0.3557,0.1454,0.2251,0.0466,0.2716,not specified,block of flats,0.2848,Monolithic,No,0.0,0.0,0.0,0.0,-1831.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2188669,274915,Consumer loans,6785.46,103500.0,103500.0,0.0,103500.0,THURSDAY,11,Y,1,0.0,,,XAP,Approved,-265,Cash through the bank,XAP,Unaccompanied,Repeater,Homewares,POS,XNA,Country-wide,396,Construction,18.0,low_normal,POS other with interest,365243.0,-233.0,277.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,121500.0,177903.0,7965.0,148500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-21172,-1160,-5431.0,-4577,,1,1,0,1,0,0,Medicine staff,2.0,3,3,WEDNESDAY,7,0,0,0,0,0,0,Medicine,0.8926033693194523,0.4047756540526924,0.15193454904964762,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1503.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +2197689,410614,Cash loans,20678.49,450000.0,545040.0,,450000.0,THURSDAY,13,Y,1,,,,XNA,Refused,-146,XNA,HC,Unaccompanied,Refreshed,XNA,Cash,x-sell,Stone,50,Consumer electronics,48.0,middle,Cash X-Sell: middle,,,,,,,1,Cash loans,M,N,N,0,164250.0,521280.0,28278.0,450000.0,Unaccompanied,Working,Lower secondary,Civil marriage,House / apartment,0.019688999999999998,-14198,-5427,-180.0,-4276,,1,1,1,1,1,0,,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Industry: type 13,,0.08153970933955469,0.4135967602644276,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-146.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +1950659,421556,Cash loans,4056.75,67500.0,67500.0,0.0,67500.0,SATURDAY,11,Y,1,0.0,,,XNA,Approved,-487,XNA,XAP,,Repeater,XNA,Cash,walk-in,Country-wide,23,Connectivity,36.0,high,Cash Street: high,365243.0,-457.0,593.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,112500.0,260640.0,27499.5,225000.0,Family,State servant,Higher education,Married,House / apartment,0.04622,-8973,-2123,-7694.0,-1457,,1,1,0,1,0,0,Core staff,3.0,1,1,WEDNESDAY,11,0,0,0,0,0,0,Security Ministries,,0.7125087305985149,,0.0825,0.0,0.9791,0.7144,0.0,0.0,0.1379,0.1667,0.2083,0.0,0.0672,0.0693,0.0,0.0,0.084,0.0,0.9791,0.7256,0.0,0.0,0.1379,0.1667,0.2083,0.0,0.0735,0.0722,0.0,0.0,0.0833,0.0,0.9791,0.7182,0.0,0.0,0.1379,0.1667,0.2083,0.0,0.0684,0.0706,0.0,0.0,reg oper account,block of flats,0.0545,Panel,No,0.0,0.0,0.0,0.0,-1077.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1257065,422194,Consumer loans,2804.175,33246.0,24174.0,11250.0,33246.0,WEDNESDAY,16,Y,1,0.34587490761271256,,,XAP,Approved,-1942,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,60,Connectivity,12.0,high,POS mobile with interest,365243.0,-1911.0,-1581.0,-1611.0,-1602.0,0.0,0,Cash loans,F,N,Y,0,81000.0,252000.0,13801.5,252000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-18842,-2646,-3291.0,-2392,,1,1,0,1,0,0,Core staff,2.0,2,2,SATURDAY,7,0,0,0,0,0,0,Kindergarten,0.6371402142450838,0.7200101894102706,0.6512602186973006,,,0.9707,,,,,0.0417,,,,,,,,,0.9707,,,,,0.0417,,,,,,,,,0.9707,,,,,0.0417,,,,,,,,,0.0116,,No,1.0,1.0,1.0,0.0,-1942.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,1.0 +2407315,157235,Consumer loans,6454.62,137978.055,140224.5,3.555,137978.055,WEDNESDAY,15,Y,1,2.761015391547847e-05,,,XAP,Approved,-1270,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,1780,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1238.0,-548.0,-638.0,-636.0,0.0,0,Cash loans,F,N,N,0,247500.0,781920.0,23836.5,675000.0,Unaccompanied,Pensioner,Higher education,Separated,House / apartment,0.020246,-20864,365243,-361.0,-3853,,1,0,0,1,0,1,,1.0,3,3,WEDNESDAY,14,0,0,0,0,0,0,XNA,0.7577151385576052,0.3600081992242753,0.07958643615986162,0.0794,0.125,0.9767,0.6804,0.0131,0.0,0.2069,0.1667,0.2083,0.0515,0.0572,0.0811,0.0347,0.055,0.0809,0.1297,0.9767,0.6929,0.0133,0.0,0.2069,0.1667,0.2083,0.0527,0.0624,0.0845,0.035,0.0582,0.0802,0.125,0.9767,0.6847,0.0132,0.0,0.2069,0.1667,0.2083,0.0524,0.0581,0.0826,0.0349,0.0562,reg oper account,block of flats,0.083,"Stone, brick",No,0.0,0.0,0.0,0.0,-1427.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2125565,211737,Cash loans,8391.6,180000.0,180000.0,,180000.0,SUNDAY,11,Y,1,,,,XNA,Refused,-183,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,N,N,0,202500.0,247500.0,12168.0,247500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.028663,-13346,-1771,-4338.0,-4346,,1,1,0,1,0,0,Managers,1.0,2,2,MONDAY,10,0,0,0,0,0,0,Construction,,0.18816596648896888,0.4418358231994413,0.1588,0.057,0.9881,,,0.0,0.0345,0.1667,,,,0.0358,,0.0,0.1618,0.0592,0.9881,,,0.0,0.0345,0.1667,,,,0.0373,,0.0,0.1603,0.057,0.9881,,,0.0,0.0345,0.1667,,,,0.0364,,0.0,,specific housing,0.0281,"Stone, brick",No,0.0,0.0,0.0,0.0,-1332.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1806042,266618,Consumer loans,8031.555,178281.0,178281.0,0.0,178281.0,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-977,Cash through the bank,XAP,Family,Refreshed,Consumer Electronics,POS,XNA,Country-wide,150,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-944.0,-254.0,-254.0,-248.0,0.0,0,Cash loans,M,N,N,1,180000.0,540000.0,27571.5,540000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,With parents,0.035792000000000004,-10148,-1450,-7122.0,-2762,,1,1,1,1,0,0,Low-skill Laborers,3.0,2,2,WEDNESDAY,14,0,0,0,1,1,0,Construction,,0.4203926713957015,0.4578995512067301,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +1955236,177589,Cash loans,29781.0,900000.0,1078200.0,,900000.0,SATURDAY,13,Y,1,,,,XNA,Refused,-12,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,N,0,157576.5,1223010.0,46714.5,1125000.0,Unaccompanied,Commercial associate,Higher education,Separated,With parents,0.019688999999999998,-15611,-3787,-6425.0,-5714,8.0,1,1,1,1,1,0,Managers,1.0,2,2,THURSDAY,12,0,0,0,0,0,0,Trade: type 2,0.6315078852351286,0.6671080896964893,,0.0612,0.0675,0.9851,0.7959999999999999,0.0085,0.0664,0.0572,0.3333,0.375,0.1046,0.0499,0.0858,0.0,0.0013,0.0756,0.0796,0.9851,0.804,0.0,0.0806,0.069,0.3333,0.375,0.0136,0.0661,0.0389,0.0,0.0,0.0749,0.0767,0.9851,0.7987,0.0102,0.08,0.069,0.3333,0.375,0.0659,0.0616,0.0778,0.0,0.0008,org spec account,block of flats,0.03,Panel,No,0.0,0.0,0.0,0.0,-429.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1190765,435984,Cash loans,18552.69,229500.0,248130.0,,229500.0,SATURDAY,9,Y,1,,,,XNA,Approved,-333,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-303.0,207.0,-63.0,-52.0,1.0,1,Cash loans,F,N,N,0,90000.0,284400.0,16456.5,225000.0,Family,Pensioner,Secondary / secondary special,Married,Municipal apartment,0.020713,-21559,365243,-55.0,-4607,,1,0,0,1,0,0,,2.0,3,3,WEDNESDAY,11,0,0,0,0,0,0,XNA,,0.1963353127017092,,0.16699999999999998,0.0,0.9841,0.7824,0.0293,0.0664,0.1262,0.2775,0.3192,0.0314,0.1348,0.1049,0.0064,0.0284,0.0893,0.0,0.9821,0.7648,0.0177,0.0,0.069,0.3333,0.375,0.0285,0.0771,0.0822,0.0,0.0,0.0926,0.0,0.9826,0.7652,0.0228,0.08,0.1034,0.3333,0.375,0.0298,0.0761,0.1181,0.0039,0.0138,reg oper spec account,block of flats,0.0745,Panel,No,4.0,0.0,4.0,0.0,-870.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2492457,192476,Consumer loans,12667.005,124335.0,122980.5,12433.5,124335.0,TUESDAY,15,Y,1,0.09999861032228437,,,XAP,Approved,-2229,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Regional / Local,225,Consumer electronics,12.0,middle,POS household with interest,365243.0,-2198.0,-1868.0,-1898.0,-1895.0,0.0,1,Cash loans,F,Y,N,1,270000.0,728460.0,46683.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.04622,-12848,-1337,-6922.0,-5357,10.0,1,1,1,1,1,0,Core staff,3.0,1,1,MONDAY,10,0,0,0,0,1,1,Self-employed,,0.6995570772447768,0.11836432636740067,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-958.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2843908,346642,Cash loans,29898.405,684000.0,900693.0,,684000.0,SUNDAY,14,Y,1,,,,XNA,Refused,-216,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,Y,Y,1,121500.0,586633.5,35577.0,445500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-13857,-2289,-7620.0,-4511,6.0,1,1,1,1,1,0,Low-skill Laborers,3.0,2,2,SATURDAY,11,0,0,0,0,1,1,Business Entity Type 3,0.5977292585106181,0.3993608309952418,0.21640296051521946,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-721.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1621653,309723,Consumer loans,4871.565,53194.5,53194.5,0.0,53194.5,SUNDAY,10,Y,1,0.0,,,XAP,Approved,-683,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Regional / Local,253,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-651.0,-321.0,-321.0,-319.0,0.0,0,Cash loans,F,N,Y,1,135000.0,270000.0,17253.0,270000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.035792000000000004,-13047,-3107,-240.0,-3436,,1,1,1,1,1,0,,3.0,2,2,THURSDAY,13,0,1,1,0,1,1,School,0.5987660402314465,0.653106900921526,0.470456116119975,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-796.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1173556,388862,Cash loans,77617.035,1710000.0,1831887.0,,1710000.0,MONDAY,16,Y,1,,,,XNA,Refused,-501,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,540000.0,497520.0,28692.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.007273999999999998,-10861,-1279,-3420.0,-3062,,1,1,0,1,1,0,Laborers,1.0,2,2,FRIDAY,13,0,0,0,0,0,0,Self-employed,0.5540280874698208,0.5605713562115677,0.7490217048463391,0.0715,0.0882,0.9861,0.8096,0.0096,0.0,0.1493,0.1667,0.0417,0.0661,0.0583,0.0408,0.0064,0.0161,0.0504,0.0736,0.9816,0.7583,0.0089,0.0,0.1034,0.1667,0.0417,0.0523,0.0441,0.0302,0.0078,0.0078,0.0625,0.076,0.9851,0.7987,0.0097,0.0,0.1379,0.1667,0.0417,0.0567,0.0513,0.0342,0.0078,0.0082,reg oper account,block of flats,0.0391,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,1.0 +1046200,203151,Consumer loans,3241.08,26950.5,26653.5,2700.0,26950.5,SATURDAY,13,Y,1,0.10017699608378744,,,XAP,Approved,-2033,Cash through the bank,XAP,Other_A,Repeater,Mobile,POS,XNA,Country-wide,34,Connectivity,12.0,high,POS mobile with interest,365243.0,-2002.0,-1672.0,-1702.0,-1696.0,0.0,0,Cash loans,F,N,N,1,54000.0,91008.0,6210.0,72000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.01885,-10367,-413,-9974.0,-1837,,1,1,0,1,0,0,,3.0,2,2,TUESDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.2733869055947421,0.32679035703650244,0.17982176508970435,0.0124,,0.9811,,,,0.069,0.0417,,0.0386,,0.0114,,,0.0126,,0.9811,,,,0.069,0.0417,,0.0395,,0.0119,,,0.0125,,0.9811,,,,0.069,0.0417,,0.0393,,0.0116,,,,block of flats,0.011,"Stone, brick",No,1.0,0.0,1.0,0.0,-418.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1810485,193324,Consumer loans,4207.95,38205.0,34605.0,3600.0,38205.0,MONDAY,16,Y,1,0.1026234072170468,,,XAP,Approved,-1920,Cash through the bank,XAP,,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,53,Connectivity,12.0,high,POS mobile with interest,365243.0,-1886.0,-1556.0,-1706.0,-1704.0,0.0,0,Cash loans,M,Y,Y,0,270000.0,983160.0,62964.0,900000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.018634,-11470,-1119,-11439.0,-3883,8.0,1,1,0,1,0,0,,1.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Industry: type 11,0.3634353692520646,0.7240916053093676,0.6512602186973006,0.1031,0.0873,0.9776,0.6940000000000001,0.038,0.0,0.2069,0.1667,0.2083,0.0584,0.0841,0.0901,0.0,0.0,0.105,0.0906,0.9777,0.706,0.0384,0.0,0.2069,0.1667,0.2083,0.0597,0.0918,0.0939,0.0,0.0,0.1041,0.0873,0.9776,0.6981,0.0383,0.0,0.2069,0.1667,0.2083,0.0594,0.0855,0.0917,0.0,0.0,reg oper account,block of flats,0.0916,Block,No,0.0,0.0,0.0,0.0,-929.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1152380,353265,Consumer loans,10446.93,56704.5,53725.5,5674.5,56704.5,MONDAY,12,Y,1,0.10404118457300277,,,XAP,Approved,-423,Cash through the bank,XAP,,New,Computers,POS,XNA,Country-wide,30,Connectivity,6.0,high,POS mobile with interest,365243.0,-392.0,-242.0,-242.0,-235.0,0.0,0,Cash loans,M,Y,Y,0,157500.0,117162.0,13216.5,103500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010147,-10811,-584,-4797.0,-2935,5.0,1,1,1,1,1,0,Laborers,2.0,2,2,THURSDAY,15,0,0,0,0,1,1,Business Entity Type 3,,0.044444228989761636,0.6446794549585961,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-30.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2080824,262868,Consumer loans,6165.045,35140.5,35140.5,0.0,35140.5,WEDNESDAY,11,Y,1,0.0,,,XAP,Approved,-26,Cash through the bank,XAP,,Repeater,Gardening,POS,XNA,Regional / Local,25,XNA,6.0,low_action,POS industry without interest,365243.0,365243.0,160.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,180000.0,1056447.0,34209.0,922500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-14856,-282,-7248.0,-3981,3.0,1,1,0,1,0,0,Managers,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.2681344843449854,0.7530673920730478,0.0,0.4942,0.3259,0.6940000000000001,0.3974,0.24,0.1034,0.4583,0.375,0.2025,0.6186,0.4997,,0.5028,0.0,0.5128,0.0005,0.706,0.401,0.0,0.1034,0.4583,0.375,0.2071,0.6758,0.5206,,0.5323,0.0,0.4942,0.0,0.6981,0.3999,0.24,0.1034,0.4583,0.375,0.206,0.6293,0.5086,,0.5133,reg oper account,block of flats,0.0,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2511693,171793,Consumer loans,4336.2,57096.0,66141.0,0.0,57096.0,SATURDAY,12,Y,1,0.0,,,XAP,Refused,-617,Cash through the bank,LIMIT,Family,Repeater,Audio/Video,POS,XNA,Country-wide,3303,Consumer electronics,18.0,low_normal,POS household with interest,,,,,,,0,Cash loans,M,Y,N,1,117000.0,360000.0,16780.5,360000.0,Children,Working,Higher education,Separated,House / apartment,0.015221,-14045,-115,-7971.0,-4969,32.0,1,1,0,1,1,1,Drivers,2.0,2,2,SUNDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.22136077288756856,0.6330235847865322,,0.0825,0.0641,0.9796,0.7212,0.0494,0.0,0.1379,0.1667,0.2083,0.0388,0.0672,0.0702,0.0,0.0,0.084,0.0665,0.9796,0.7321,0.0499,0.0,0.1379,0.1667,0.2083,0.0397,0.0735,0.0731,0.0,0.0,0.0833,0.0641,0.9796,0.7249,0.0497,0.0,0.1379,0.1667,0.2083,0.0394,0.0684,0.0714,0.0,0.0,reg oper account,block of flats,0.0822,Panel,No,0.0,0.0,0.0,0.0,-778.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2729178,289104,Revolving loans,16875.0,337500.0,337500.0,,337500.0,SATURDAY,13,Y,1,,,,XAP,Approved,-223,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-223.0,-178.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,292500.0,646920.0,20997.0,540000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-12660,-3498,-6727.0,-4372,,1,1,0,1,1,0,Laborers,2.0,1,1,FRIDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.2439953872131233,0.7282052454940173,,0.1098,0.0446,0.9826,0.762,0.0947,0.08,0.0345,0.625,0.0417,0.0,0.1664,0.101,0.0,0.0888,0.1103,0.0462,0.9826,0.7713,0.0709,0.0806,0.0345,0.625,0.0417,0.0,0.1791,0.1038,0.0,0.0258,0.1109,0.0446,0.9826,0.7652,0.0953,0.08,0.0345,0.625,0.0417,0.0,0.1693,0.1028,0.0,0.0906,reg oper account,block of flats,0.0836,Block,No,0.0,0.0,0.0,0.0,-2460.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2143997,347424,Cash loans,19868.4,360000.0,360000.0,0.0,360000.0,WEDNESDAY,8,Y,1,0.0,,,XNA,Refused,-2512,Cash through the bank,LIMIT,"Spouse, partner",Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,30.0,middle,Cash Street: middle,,,,,,,0,Cash loans,M,N,Y,0,157500.0,427500.0,21955.5,427500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-19824,365243,-847.0,-2902,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,,0.6226517577753016,0.6706517530862718,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2670267,187000,Cash loans,27023.85,270000.0,284611.5,,270000.0,MONDAY,11,Y,1,,,,XNA,Approved,-497,XNA,XAP,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-467.0,-137.0,-197.0,-190.0,0.0,0,Cash loans,F,N,Y,2,315000.0,907780.5,36130.5,733500.0,Family,Working,Higher education,Married,House / apartment,0.032561,-15063,-1687,-9170.0,-4918,,1,1,0,1,0,0,,4.0,1,1,MONDAY,18,0,0,0,0,0,0,Business Entity Type 1,0.6945139173952388,0.7213967307012487,0.5298898341969072,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-211.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1073399,235719,Cash loans,14455.395,135000.0,182956.5,,135000.0,MONDAY,12,Y,1,,,,Car repairs,Refused,-417,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,high,Cash Street: high,,,,,,,0,Cash loans,F,Y,Y,1,225000.0,1256400.0,40657.5,900000.0,Unaccompanied,Commercial associate,Higher education,Married,With parents,0.007273999999999998,-11485,-127,-3763.0,-3819,18.0,1,1,0,1,0,0,,3.0,2,2,FRIDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.13979914847510586,0.6179443049497693,0.2778856891082046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-787.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1134310,240604,Consumer loans,6193.44,51750.0,56304.0,0.0,51750.0,TUESDAY,9,Y,1,0.0,,,XAP,Approved,-298,Cash through the bank,XAP,,Refreshed,Clothing and Accessories,POS,XNA,Stone,109,Clothing,10.0,low_normal,POS industry with interest,365243.0,-266.0,4.0,-56.0,-48.0,0.0,0,Cash loans,F,Y,Y,0,112500.0,540000.0,15786.0,540000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.018029,-19121,-5637,-2633.0,-2272,13.0,1,1,1,1,1,0,Core staff,2.0,3,3,SATURDAY,6,0,0,0,0,0,0,School,0.8004888812307401,0.6063567558716528,0.6127042441012546,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2045.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2416761,382165,Cash loans,8920.935,45000.0,46485.0,,45000.0,THURSDAY,15,Y,1,,,,XNA,Approved,-791,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),5,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-761.0,-611.0,-761.0,-753.0,1.0,0,Cash loans,M,Y,N,0,180000.0,454500.0,44950.5,454500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.028663,-15558,-3013,-1927.0,-2351,4.0,1,1,0,1,0,0,Drivers,1.0,2,2,THURSDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.6223845480917829,0.39277386060313396,0.0464,0.0214,0.9826,0.762,0.0117,0.04,0.0345,0.3333,0.375,0.0574,0.037000000000000005,0.0408,0.0039,0.066,0.0473,0.0222,0.9826,0.7713,0.0118,0.0403,0.0345,0.3333,0.375,0.0587,0.0404,0.0425,0.0039,0.0699,0.0468,0.0214,0.9826,0.7652,0.0118,0.04,0.0345,0.3333,0.375,0.0584,0.0376,0.0415,0.0039,0.0674,reg oper account,block of flats,0.0545,Panel,No,1.0,0.0,1.0,0.0,-1842.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1767461,187726,Consumer loans,4563.585,30496.5,22558.5,9000.0,30496.5,WEDNESDAY,11,Y,1,0.31059201742219,,,XAP,Approved,-1587,XNA,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,18,Connectivity,6.0,high,POS mobile with interest,365243.0,-1550.0,-1400.0,-1400.0,-1393.0,0.0,0,Cash loans,M,N,N,0,180000.0,296280.0,14251.5,225000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-14940,-7574,-3853.0,-4776,,1,1,1,1,0,0,Core staff,2.0,2,2,SUNDAY,17,0,0,0,0,1,1,Police,0.14209489072944945,0.5682215450964254,0.4614823912998385,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1587.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2124068,168027,Consumer loans,4409.01,44055.0,39649.5,4405.5,44055.0,THURSDAY,16,Y,1,0.1089090909090909,,,XAP,Refused,-2632,Cash through the bank,SCO,Family,Repeater,XNA,POS,XNA,Stone,19,Connectivity,12.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,Y,N,0,135000.0,216000.0,7758.0,216000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-22014,365243,-2267.0,-4053,9.0,1,0,0,1,0,0,,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,XNA,,0.4409843050318048,,0.0247,0.0018,0.9722,,,0.0,0.069,0.0833,,0.0071,,0.019,,0.0,0.0252,0.0019,0.9722,,,0.0,0.069,0.0833,,0.0072,,0.0198,,0.0,0.025,0.0018,0.9722,,,0.0,0.069,0.0833,,0.0072,,0.0194,,0.0,,block of flats,0.0161,"Stone, brick",No,2.0,0.0,2.0,0.0,-1555.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,4.0 +1948626,167607,Cash loans,26565.39,684000.0,819432.0,,684000.0,TUESDAY,15,Y,1,,,,XNA,Approved,-286,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-256.0,1514.0,-166.0,-162.0,1.0,0,Cash loans,M,N,Y,0,202500.0,773680.5,34209.0,679500.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-16893,-3818,-6817.0,-363,,1,1,0,1,0,0,Laborers,2.0,1,1,MONDAY,14,0,0,0,0,1,1,Self-employed,0.358448165791008,0.7184248414115556,,0.0485,0.07,0.9851,0.7959999999999999,0.0075,0.0,0.1379,0.125,0.1667,0.0788,0.0395,0.049,0.0,0.0,0.0494,0.0726,0.9851,0.804,0.0076,0.0,0.1379,0.125,0.1667,0.0806,0.0432,0.051,0.0,0.0,0.0489,0.07,0.9851,0.7987,0.0075,0.0,0.1379,0.125,0.1667,0.0802,0.0402,0.0499,0.0,0.0,reg oper account,block of flats,0.0426,Panel,No,9.0,0.0,9.0,0.0,-766.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2392335,196459,Cash loans,8424.225,247500.0,247500.0,,247500.0,THURSDAY,13,Y,1,,,,XNA,Refused,-307,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,Y,N,0,67500.0,258709.5,17289.0,234000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-11071,-1387,-3788.0,-3579,11.0,1,1,1,1,1,0,Cleaning staff,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,Housing,0.2892010299873704,0.2119398363726516,0.1684161714286957,0.1399,0.1232,0.9866,0.7416,0.0209,0.1732,0.1379,0.3021,0.2083,0.0979,0.0504,0.1836,0.0,0.1177,0.063,0.0552,0.9811,0.7517,0.0211,0.0,0.1379,0.1667,0.2083,0.0278,0.0551,0.0565,0.0,0.0,0.0874,0.1232,0.9831,0.7451,0.0211,0.12,0.1379,0.25,0.2083,0.0804,0.0513,0.0705,0.0,0.0872,reg oper account,block of flats,0.0427,Panel,No,1.0,0.0,1.0,0.0,-174.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +1697920,257803,Consumer loans,3431.115,27850.5,16960.5,13500.0,27850.5,THURSDAY,14,Y,1,0.4826817443156637,,,XAP,Approved,-1422,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,15,Connectivity,6.0,high,POS mobile with interest,365243.0,-1391.0,-1241.0,-1271.0,-1264.0,0.0,0,Cash loans,F,N,Y,0,135000.0,646920.0,19044.0,540000.0,Family,Working,Secondary / secondary special,Widow,House / apartment,0.031329,-19530,-2836,-9443.0,-3069,,1,1,0,1,0,0,Cleaning staff,1.0,2,2,FRIDAY,14,0,0,0,0,0,0,Business Entity Type 2,,0.6438404923326116,0.7992967832109371,0.0742,0.0436,0.9871,,,0.08,0.069,0.3333,,0.071,,0.077,,0.0,0.0756,0.0453,0.9871,,,0.0806,0.069,0.3333,,0.0726,,0.0803,,0.0,0.0749,0.0436,0.9871,,,0.08,0.069,0.3333,,0.0722,,0.0784,,0.0,,block of flats,0.0606,Panel,No,1.0,0.0,1.0,0.0,-1799.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1900137,268164,Consumer loans,13350.555,117540.0,107752.5,18000.0,117540.0,TUESDAY,11,Y,1,0.155890629320581,,,XAP,Approved,-1765,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Regional / Local,273,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1726.0,-1456.0,-1486.0,-1480.0,0.0,0,Cash loans,M,Y,Y,1,180000.0,1042560.0,40702.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009175,-14630,-2086,-3694.0,-4639,8.0,1,1,0,1,0,0,Drivers,3.0,2,2,WEDNESDAY,11,0,0,0,0,1,1,Industry: type 9,0.5172264167155406,0.766126050734293,0.41534714488434,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,3.0,1.0,-1765.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2000466,453969,Consumer loans,5851.53,30869.595,29155.5,3091.095,30869.595,SATURDAY,18,Y,1,0.1043981066415342,,,XAP,Approved,-2488,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,2761,Consumer electronics,6.0,high,POS household with interest,365243.0,-2457.0,-2307.0,-2307.0,-2298.0,1.0,0,Cash loans,M,N,Y,0,157500.0,544491.0,20133.0,454500.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.009656999999999999,-10344,-268,-1257.0,-2982,,1,1,0,1,0,0,Realty agents,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Self-employed,,0.5267858707739439,0.7544061731797895,0.2227,0.17800000000000002,0.9831,0.7688,0.0611,0.24,0.2069,0.3333,0.375,0.2335,0.1816,0.2409,0.0,0.0,0.2269,0.1848,0.9831,0.7779,0.0617,0.2417,0.2069,0.3333,0.375,0.2388,0.1983,0.251,0.0,0.0,0.2248,0.17800000000000002,0.9831,0.7719,0.0615,0.24,0.2069,0.3333,0.375,0.2375,0.1847,0.2452,0.0,0.0,reg oper account,block of flats,0.3159,Panel,No,3.0,1.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1847110,147130,Cash loans,9416.475,67500.0,82111.5,0.0,67500.0,WEDNESDAY,19,Y,1,0.0,,,XNA,Approved,-1503,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-1473.0,-1143.0,-1143.0,-1132.0,1.0,0,Cash loans,F,N,Y,0,157500.0,239850.0,23494.5,225000.0,Family,Working,Secondary / secondary special,Single / not married,House / apartment,0.04622,-12967,-1996,-6935.0,-4309,,1,1,0,1,0,0,,1.0,1,1,MONDAY,19,0,0,0,0,1,1,Trade: type 7,0.8383986867317997,0.3564739210316624,0.6075573001388961,0.0722,,0.9747,,,,0.1207,0.1667,,,,0.0574,,,0.063,,0.9747,,,,0.1034,0.1667,,,,0.0528,,,0.0729,,0.9747,,,,0.1207,0.1667,,,,0.0585,,,,block of flats,0.0434,"Stone, brick",No,5.0,0.0,5.0,0.0,-1488.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2321153,344318,Cash loans,15042.06,202500.0,229230.0,0.0,202500.0,FRIDAY,6,Y,1,0.0,,,XNA,Approved,-2167,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,24.0,middle,Cash Street: middle,365243.0,-2137.0,-1447.0,-1447.0,-1444.0,1.0,0,Cash loans,F,N,Y,0,56250.0,105534.0,10408.5,99000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.020713,-25120,365243,-14784.0,-4595,,1,0,0,1,0,0,,1.0,3,2,TUESDAY,11,0,0,0,0,0,0,XNA,,0.4885070268605387,0.7801436381572275,0.1021,0.1204,0.9786,0.7076,0.0113,0.0,0.2069,0.1667,0.2083,0.0298,0.0824,0.0884,0.0039,0.0059,0.104,0.125,0.9786,0.7190000000000001,0.0114,0.0,0.2069,0.1667,0.2083,0.0305,0.09,0.0921,0.0039,0.0062,0.1031,0.1204,0.9786,0.7115,0.0114,0.0,0.2069,0.1667,0.2083,0.0303,0.0838,0.09,0.0039,0.006,reg oper account,block of flats,0.077,"Stone, brick",No,0.0,0.0,0.0,0.0,-322.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2048525,161761,Revolving loans,2250.0,45000.0,45000.0,,45000.0,TUESDAY,10,Y,1,,,,XAP,Approved,-373,XNA,XAP,,Repeater,XNA,Cards,walk-in,Regional / Local,40,Connectivity,0.0,XNA,Card Street,-356.0,-328.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,157500.0,463284.0,17595.0,382500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.006305,-8931,-1395,-3594.0,-1435,1.0,1,1,0,1,0,0,,1.0,3,3,THURSDAY,6,0,0,0,0,0,0,Business Entity Type 3,0.2459917865384821,0.007619798532708124,0.1293142889822697,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1429.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2495349,339308,Consumer loans,5877.99,113760.0,113760.0,0.0,113760.0,FRIDAY,7,Y,1,0.0,,,XAP,Approved,-412,Cash through the bank,XAP,,Repeater,Construction Materials,POS,XNA,Stone,60,Construction,24.0,low_normal,POS industry with interest,365243.0,-378.0,312.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,270000.0,560664.0,21852.0,468000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018801,-12689,-1412,-1395.0,-3625,,1,1,0,1,0,0,Sales staff,3.0,2,2,THURSDAY,9,0,0,0,0,0,0,Trade: type 3,,0.3625564751246284,0.2636468134452008,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-633.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2226778,395206,Cash loans,30431.655,135000.0,156388.5,,135000.0,MONDAY,12,Y,1,,,,XNA,Approved,-711,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,high,Cash X-Sell: high,365243.0,-681.0,-531.0,-531.0,-523.0,1.0,0,Cash loans,F,N,N,0,135000.0,521280.0,31630.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.035792000000000004,-13046,-2312,-6048.0,-4118,,1,1,0,1,0,0,Sales staff,1.0,2,2,FRIDAY,13,0,0,0,0,0,0,Self-employed,0.6940598747983019,0.5044682182850421,0.6380435278721609,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2964.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1888201,300342,Consumer loans,11372.4,133785.0,120406.5,13378.5,133785.0,SUNDAY,10,Y,1,0.1089090909090909,,,XAP,Refused,-497,Cash through the bank,HC,,Refreshed,Audio/Video,POS,XNA,Country-wide,200,Consumer electronics,12.0,low_normal,POS household with interest,,,,,,,0,Cash loans,F,Y,Y,1,184500.0,225000.0,26703.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018209,-11765,-504,-5778.0,-4098,15.0,1,1,1,1,0,1,,3.0,3,3,SUNDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.3733051266696274,0.21143624980780293,0.5602843280409464,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-151.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1818053,201944,Consumer loans,11323.485,144000.0,166810.5,0.0,144000.0,SUNDAY,9,Y,1,0.0,,,XAP,Approved,-244,XNA,XAP,Family,Repeater,Clothing and Accessories,POS,XNA,Stone,80,Clothing,18.0,low_normal,POS industry with interest,365243.0,-214.0,296.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,135000.0,201469.5,16047.0,153000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-16990,-2079,-8467.0,-536,,1,1,0,1,0,0,Laborers,2.0,3,3,SATURDAY,6,0,0,0,0,0,0,Business Entity Type 2,,0.04277805349362064,0.15474363127259447,0.2144,,0.9881,,,,,,,,,0.239,,0.0189,0.2185,,0.9881,,,,,,,,,0.249,,0.02,0.2165,,0.9881,,,,,,,,,0.2433,,0.0193,,block of flats,0.2734,,No,5.0,0.0,5.0,0.0,-1849.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2675854,278218,Cash loans,48237.795,337500.0,405387.0,,337500.0,WEDNESDAY,13,Y,1,,,,XNA,Approved,-797,Cash through the bank,XAP,Family,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-767.0,-437.0,-647.0,-639.0,1.0,0,Revolving loans,F,N,N,0,225000.0,450000.0,22500.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-19202,-1144,-3031.0,-2737,,1,1,0,1,0,0,Drivers,2.0,1,1,TUESDAY,12,0,0,0,0,1,1,Government,,0.7615900416122556,0.4812493411434029,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,2.0,0.0,2.0,0.0,-2983.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1744559,132691,Consumer loans,11217.15,75465.0,55759.5,22500.0,75465.0,SUNDAY,9,Y,1,0.3131191159481653,,,XAP,Approved,-834,Cash through the bank,XAP,Unaccompanied,Refreshed,Auto Accessories,POS,XNA,Country-wide,601,Industry,6.0,high,POS other with interest,365243.0,-801.0,-651.0,-681.0,-673.0,0.0,0,Cash loans,M,Y,Y,0,157500.0,263686.5,27819.0,238500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.020246,-11291,-2742,-1214.0,-3874,16.0,1,1,0,1,0,0,Laborers,2.0,3,3,MONDAY,7,0,0,0,0,0,0,Other,0.6087807797483263,0.4102878239860223,0.4382813743111921,0.0928,0.1005,0.9806,0.7348,0.0143,0.0,0.2069,0.1667,0.2083,0.0968,0.0756,0.0876,0.0,0.0,0.0945,0.1043,0.9806,0.7452,0.0144,0.0,0.2069,0.1667,0.2083,0.099,0.0826,0.0912,0.0,0.0,0.0937,0.1005,0.9806,0.7383,0.0144,0.0,0.2069,0.1667,0.2083,0.0985,0.077,0.0891,0.0,0.0,reg oper spec account,block of flats,0.0767,Panel,No,0.0,0.0,0.0,0.0,-1656.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +2049205,416541,Consumer loans,14647.365,78750.0,82908.0,0.0,78750.0,FRIDAY,16,Y,1,0.0,,,XAP,Approved,-361,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Stone,50,Furniture,6.0,low_normal,POS industry with interest,365243.0,-329.0,-179.0,-179.0,-177.0,0.0,0,Cash loans,M,Y,Y,1,135000.0,450000.0,22018.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-13190,-1801,-3045.0,-4045,25.0,1,1,0,1,1,0,Laborers,3.0,2,2,TUESDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.7102108834150817,0.7367999653659145,,0.2948,0.1974,0.9826,,,0.32,0.2759,0.3333,,0.2451,,0.3287,,0.0117,0.3004,0.2048,0.9826,,,0.3222,0.2759,0.3333,,0.2507,,0.3425,,0.0124,0.2977,0.1974,0.9826,,,0.32,0.2759,0.3333,,0.2494,,0.3346,,0.012,,block of flats,0.306,Panel,No,3.0,0.0,3.0,0.0,-2607.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1003305,418179,Consumer loans,19493.64,121824.0,109638.0,12186.0,121824.0,SATURDAY,12,Y,1,0.10894127444659356,,,XAP,Approved,-1001,XNA,XAP,Family,Refreshed,Clothing and Accessories,POS,XNA,Stone,46,Clothing,6.0,low_normal,POS industry with interest,365243.0,-968.0,-818.0,-818.0,-811.0,0.0,0,Cash loans,F,N,Y,0,225000.0,590337.0,23539.5,477000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.011703,-16718,-130,-14500.0,-242,,1,1,0,1,1,0,Accountants,2.0,2,2,SATURDAY,10,0,0,0,0,1,1,Postal,,0.4096530658670643,0.8004513396487078,0.1031,0.1129,0.9781,0.7008,0.0114,0.0,0.2069,0.1667,0.0417,0.0623,0.0841,0.0608,0.0,0.0,0.105,0.1171,0.9782,0.7125,0.0115,0.0,0.2069,0.1667,0.0417,0.0637,0.0918,0.0633,0.0,0.0,0.1041,0.1129,0.9781,0.7048,0.0115,0.0,0.2069,0.1667,0.0417,0.0633,0.0855,0.0618,0.0,0.0,reg oper account,block of flats,0.0717,"Stone, brick",No,1.0,0.0,1.0,0.0,-2102.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2293920,246507,Consumer loans,21725.82,105660.0,105660.0,0.0,105660.0,THURSDAY,14,Y,1,0.0,,,XAP,Approved,-820,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,43,Connectivity,6.0,high,POS mobile with interest,365243.0,-789.0,-639.0,-699.0,-691.0,0.0,0,Cash loans,F,N,N,0,247500.0,478498.5,56916.0,454500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.035792000000000004,-16354,-739,-6649.0,-3671,,1,1,0,1,0,0,Sales staff,1.0,2,2,FRIDAY,13,0,0,0,0,0,0,Trade: type 7,,0.6340389809759129,0.5673792367572691,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-820.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1383300,171741,Consumer loans,3825.675,41004.0,41004.0,0.0,41004.0,MONDAY,13,Y,1,0.0,,,XAP,Approved,-795,Cash through the bank,XAP,Unaccompanied,New,Construction Materials,POS,XNA,Regional / Local,9,Construction,12.0,low_normal,POS industry with interest,365243.0,-762.0,-432.0,-492.0,-481.0,0.0,0,Cash loans,F,N,Y,0,112500.0,229500.0,11160.0,229500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-10369,-729,-4330.0,-3047,,1,1,1,1,0,0,Sales staff,2.0,3,3,FRIDAY,6,0,0,0,0,0,0,Business Entity Type 3,0.20536307531277712,0.4039645493769865,0.08963066908713159,0.0959,0.1269,0.9757,0.6668,0.0125,0.0,0.2069,0.1667,0.0417,0.0562,0.0731,0.0773,0.0232,0.0353,0.0977,0.1317,0.9757,0.6798,0.0126,0.0,0.2069,0.1667,0.0417,0.0574,0.0799,0.0805,0.0233,0.0373,0.0968,0.1269,0.9757,0.6713,0.0126,0.0,0.2069,0.1667,0.0417,0.0571,0.0744,0.0786,0.0233,0.036000000000000004,reg oper account,block of flats,0.0753,"Stone, brick",No,1.0,0.0,1.0,0.0,-795.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2096397,448336,Consumer loans,12150.585,79425.0,59742.0,22500.0,79425.0,MONDAY,15,Y,1,0.2979565848902684,,,XAP,Approved,-1508,Cash through the bank,XAP,"Spouse, partner",Repeater,Furniture,POS,XNA,Stone,253,Furniture,6.0,high,POS industry with interest,365243.0,-1477.0,-1327.0,-1327.0,-1320.0,0.0,0,Cash loans,M,N,Y,0,135000.0,225000.0,10426.5,225000.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.01885,-10138,-440,-114.0,-2773,,1,1,0,1,1,0,Sales staff,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Bank,,0.5260608044045831,0.3910549766342248,0.1773,0.114,0.9771,0.6872,0.0276,0.12,0.1034,0.3333,0.375,0.0698,0.1395,0.147,0.0232,0.0424,0.1807,0.1183,0.9772,0.6994,0.0279,0.1208,0.1034,0.3333,0.375,0.0714,0.1524,0.1532,0.0233,0.0449,0.179,0.114,0.9771,0.6914,0.0278,0.12,0.1034,0.3333,0.375,0.071,0.1419,0.1497,0.0233,0.0433,not specified,block of flats,0.14,"Stone, brick",No,0.0,0.0,0.0,0.0,-1.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2357663,387073,Consumer loans,6322.14,87750.0,87750.0,0.0,87750.0,WEDNESDAY,18,Y,1,0.0,,,XAP,Approved,-661,Cash through the bank,XAP,,New,Computers,POS,XNA,Stone,138,Consumer electronics,18.0,middle,POS household with interest,365243.0,-625.0,-115.0,-115.0,-111.0,0.0,1,Revolving loans,F,N,Y,0,117000.0,202500.0,10125.0,202500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.00702,-9997,-151,-8335.0,-2613,,1,1,0,1,0,0,Laborers,1.0,2,2,SATURDAY,12,0,0,0,0,1,1,Bank,0.3277663175336885,0.6485898603376894,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-661.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1581775,225120,Consumer loans,6213.105,29880.0,29799.0,1485.0,29880.0,SATURDAY,9,Y,1,0.05169735327963175,,,XAP,Approved,-1606,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,75,Connectivity,6.0,high,POS mobile with interest,365243.0,-1572.0,-1422.0,-1422.0,-1415.0,0.0,1,Cash loans,F,N,Y,0,144000.0,364896.0,26680.5,315000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.020713,-14449,-4352,-1440.0,-5054,,1,1,1,1,1,0,Core staff,2.0,3,2,TUESDAY,6,0,0,0,0,0,0,Kindergarten,0.18117759174960868,0.14324083314705988,0.09322509537747448,0.1845,0.1431,0.9836,0.7756,0.0425,0.2,0.1724,0.3333,0.375,0.0753,0.1505,0.1949,0.0,0.0,0.188,0.1485,0.9836,0.7844,0.0429,0.2014,0.1724,0.3333,0.375,0.077,0.1644,0.2031,0.0,0.0,0.1863,0.1431,0.9836,0.7786,0.0427,0.2,0.1724,0.3333,0.375,0.0766,0.1531,0.1984,0.0,0.0,not specified,block of flats,0.1765,Panel,No,0.0,0.0,0.0,0.0,-381.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1323188,313600,Consumer loans,4089.915,27000.0,25902.0,2700.0,27000.0,MONDAY,13,Y,1,0.1028090851879398,,,XAP,Approved,-1346,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,42,Connectivity,8.0,high,POS mobile with interest,365243.0,-1315.0,-1105.0,-1135.0,-1130.0,0.0,0,Cash loans,F,N,Y,0,112500.0,239850.0,24705.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.035792000000000004,-17889,-361,-5461.0,-1425,,1,1,0,1,0,0,Managers,1.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,School,0.6206026357726838,0.685671190086988,0.6296742509538716,0.0082,0.0,0.9727,0.626,0.0033,0.0,0.0345,0.0417,0.0833,0.0156,0.0067,0.0067,0.0,0.0,0.0084,0.0,0.9727,0.6406,0.0033,0.0,0.0345,0.0417,0.0833,0.0159,0.0073,0.006999999999999999,0.0,0.0,0.0083,0.0,0.9727,0.631,0.0033,0.0,0.0345,0.0417,0.0833,0.0158,0.0068,0.0068,0.0,0.0,reg oper spec account,block of flats,0.0071,"Stone, brick",No,1.0,1.0,1.0,1.0,-2198.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +1055162,309467,Consumer loans,15624.135,80995.5,85270.5,0.0,80995.5,SUNDAY,11,Y,1,0.0,,,XAP,Approved,-1024,XNA,XAP,Unaccompanied,Refreshed,Audio/Video,POS,XNA,Stone,150,Consumer electronics,6.0,middle,POS household with interest,365243.0,-993.0,-843.0,-873.0,-868.0,0.0,0,Cash loans,M,N,Y,0,135000.0,265851.0,13702.5,229500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.007305,-18526,-4392,-3176.0,-1770,,1,1,1,1,1,0,Laborers,2.0,3,3,TUESDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.5476726944487096,0.1968568511307781,0.7874761977281463,0.0577,0.0815,0.9781,0.7008,0.0094,0.0,0.1379,0.125,0.1667,0.0564,0.0454,0.0486,0.0077,0.0064,0.0588,0.0846,0.9782,0.7125,0.0095,0.0,0.1379,0.125,0.1667,0.0577,0.0496,0.0506,0.0078,0.0068,0.0583,0.0815,0.9781,0.7048,0.0095,0.0,0.1379,0.125,0.1667,0.0574,0.0462,0.0494,0.0078,0.0066,reg oper account,block of flats,0.0447,"Stone, brick",No,1.0,1.0,1.0,1.0,-3102.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1889288,418902,Revolving loans,11250.0,225000.0,225000.0,,225000.0,WEDNESDAY,14,Y,1,,,,XAP,Refused,-834,XNA,HC,,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),5,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,Y,N,0,90000.0,360000.0,13338.0,360000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.031329,-11732,-681,-2054.0,-3823,7.0,1,1,0,1,0,0,Cooking staff,2.0,2,2,MONDAY,8,0,0,0,0,0,0,Medicine,0.5295497694157185,0.09968940979403312,0.6642482627052363,0.0258,0.0,0.9722,0.6192,0.0075,0.0,0.1379,0.0833,0.125,0.0016,0.0177,0.0235,0.0154,0.0367,0.0263,0.0,0.9722,0.6341,0.0076,0.0,0.1379,0.0833,0.125,0.0016,0.0193,0.0245,0.0156,0.0389,0.026,0.0,0.9722,0.6243,0.0076,0.0,0.1379,0.0833,0.125,0.0016,0.018000000000000002,0.0239,0.0155,0.0375,reg oper account,block of flats,0.0306,"Stone, brick",No,16.0,1.0,16.0,1.0,-1126.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1613793,306045,Revolving loans,22500.0,0.0,450000.0,,,SUNDAY,12,Y,1,,,,XAP,Approved,-1087,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,135000.0,675000.0,26284.5,675000.0,Family,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.026392000000000002,-18325,-3281,-8714.0,-1826,,1,1,0,1,1,0,Security staff,1.0,2,2,TUESDAY,12,0,0,0,0,0,0,Kindergarten,,0.5994672367889021,0.5726825047161584,0.066,,0.9767,,,0.0,0.1379,0.1667,,,,0.0517,,0.0993,0.0672,,0.9767,,,0.0,0.1379,0.1667,,,,0.0539,,0.1052,0.0666,,0.9767,,,0.0,0.1379,0.1667,,,,0.0527,,0.1014,,block of flats,0.0623,"Stone, brick",No,0.0,0.0,0.0,0.0,-1506.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2046116,269730,Consumer loans,8465.58,90994.5,90994.5,0.0,90994.5,SUNDAY,15,Y,1,0.0,,,XAP,Approved,-1088,Cash through the bank,XAP,Unaccompanied,Refreshed,Computers,POS,XNA,Regional / Local,142,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-1057.0,-727.0,-757.0,-752.0,0.0,0,Cash loans,F,N,Y,0,103500.0,208854.0,11790.0,184500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.01885,-19803,-803,-967.0,-3343,,1,1,0,1,0,0,,1.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.5866277456386371,0.5424451438613613,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2746048,380904,Consumer loans,6865.335,63426.375,61794.0,6343.875,63426.375,SATURDAY,14,Y,1,0.1013981811277368,,,XAP,Approved,-2505,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,3000,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2474.0,-2204.0,-2234.0,-2224.0,1.0,0,Cash loans,F,N,N,0,112500.0,688090.5,24844.5,594000.0,Unaccompanied,Pensioner,Higher education,Single / not married,House / apartment,0.008473999999999999,-23194,365243,-4836.0,-4827,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,15,0,0,0,0,0,0,XNA,,0.6225181622402651,0.746300213050371,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,3.0,5.0,3.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1982813,135134,Consumer loans,4293.225,22455.0,21222.0,4500.0,22455.0,WEDNESDAY,18,Y,1,0.1905337489662192,,,XAP,Approved,-1788,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,73,Connectivity,6.0,high,POS mobile with interest,365243.0,-1757.0,-1607.0,-1607.0,-1602.0,0.0,0,Cash loans,F,N,N,0,162000.0,247500.0,26118.0,247500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.019101,-18314,-2020,-9758.0,-1844,,1,1,0,1,0,0,Core staff,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,Self-employed,0.4675764372767761,0.7632615504591453,0.4614823912998385,0.0289,0.0195,0.9821,,,0.0,0.069,0.1458,,0.0189,,0.0287,,0.0,0.0126,0.0202,0.9806,,,0.0,0.0345,0.125,,0.0194,,0.0122,,0.0,0.0291,0.0195,0.9821,,,0.0,0.069,0.1458,,0.0193,,0.0292,,0.0,,block of flats,0.0359,"Stone, brick",No,0.0,0.0,0.0,0.0,-1788.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2690460,217894,Revolving loans,22500.0,0.0,450000.0,,,SUNDAY,17,Y,1,,,,XAP,Approved,-309,XNA,XAP,,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),30,XNA,0.0,XNA,Card X-Sell,-306.0,-257.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,2,126000.0,545040.0,20677.5,450000.0,Unaccompanied,State servant,Higher education,Separated,House / apartment,0.04622,-17386,-260,-1929.0,-900,,1,1,0,1,0,0,Core staff,3.0,1,1,MONDAY,13,0,0,0,0,0,0,Postal,,0.27672474202010144,0.7016957740576931,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-282.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2822143,330236,Cash loans,53099.325,454500.0,531418.5,,454500.0,WEDNESDAY,17,Y,1,,,,XNA,Approved,-464,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-434.0,-104.0,-314.0,-306.0,1.0,0,Cash loans,F,Y,Y,0,301500.0,1078200.0,31522.5,900000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.006233,-20242,365243,-14099.0,-3636,1.0,1,0,0,1,1,0,,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,XNA,,0.7814849322625472,0.3893387918468769,0.1206,0.0028,0.9786,0.7076,0.0177,0.0,0.2414,0.2083,0.25,0.0604,0.0983,0.1157,0.0,0.006999999999999999,0.1229,0.0029,0.9786,0.7190000000000001,0.0179,0.0,0.2414,0.2083,0.25,0.0618,0.1074,0.1206,0.0,0.0074,0.1218,0.0028,0.9786,0.7115,0.0178,0.0,0.2414,0.2083,0.25,0.0615,0.1,0.1178,0.0,0.0072,reg oper account,block of flats,0.0925,Mixed,No,0.0,0.0,0.0,0.0,-2443.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1258687,111001,Consumer loans,19199.115,98667.0,105831.0,0.0,98667.0,TUESDAY,11,Y,1,0.0,,,XAP,Approved,-106,Cash through the bank,XAP,Unaccompanied,Repeater,Clothing and Accessories,POS,XNA,Country-wide,290,Clothing,6.0,low_normal,POS industry without interest,365243.0,-76.0,74.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,N,0,135000.0,180000.0,19030.5,180000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.0228,-10721,-3450,-2407.0,-3373,16.0,1,1,1,1,1,0,Core staff,2.0,2,2,TUESDAY,12,0,0,0,0,1,1,Transport: type 1,0.2363768290682944,0.6019534089554641,0.6817058776720116,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1187.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2728913,181457,Cash loans,5693.085,45000.0,47970.0,,45000.0,SUNDAY,9,Y,1,,,,Other,Approved,-441,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),12,XNA,12.0,high,Cash Street: high,365243.0,-411.0,-81.0,-81.0,-77.0,1.0,0,Cash loans,F,N,Y,0,49500.0,76410.0,7573.5,67500.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.030755,-21252,365243,-11650.0,-4637,,1,0,0,1,0,0,,2.0,2,2,SUNDAY,9,0,0,0,0,0,0,XNA,,0.7041876537450665,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-730.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1742355,235469,Consumer loans,8018.01,61024.095,61020.0,4.095,61024.095,WEDNESDAY,11,Y,1,7.308305469712041e-05,,,XAP,Refused,-2584,Cash through the bank,SCO,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,4000,Consumer electronics,10.0,high,POS household with interest,,,,,,,0,Cash loans,F,Y,Y,0,189000.0,341109.0,35082.0,324000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.030755,-22920,-11511,-4845.0,-4843,5.0,1,1,0,1,1,0,Managers,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,School,,0.5650963740376727,0.5797274227921155,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1379.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1660475,332222,Consumer loans,9576.0,88024.14,97317.0,4.14,88024.14,MONDAY,12,Y,1,4.632946514638402e-05,,,XAP,Approved,-822,Cash through the bank,XAP,"Spouse, partner",New,Audio/Video,POS,XNA,Country-wide,700,Consumer electronics,12.0,middle,POS household with interest,365243.0,-791.0,-461.0,-521.0,-515.0,0.0,0,Cash loans,F,N,Y,0,144000.0,1078200.0,31653.0,900000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.020246,-19223,-1255,-6398.0,-2781,,1,1,0,1,0,0,,2.0,3,3,THURSDAY,7,0,0,0,0,0,0,Self-employed,,0.4108646550819314,0.5388627065779676,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-822.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1087059,237429,Consumer loans,7043.535,39550.5,42336.0,0.0,39550.5,MONDAY,15,Y,1,0.0,,,XAP,Approved,-486,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,50,Connectivity,8.0,high,POS mobile with interest,365243.0,-455.0,-245.0,-365.0,-361.0,0.0,0,Cash loans,F,N,N,2,103500.0,50940.0,5616.0,45000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.002042,-11516,-1132,-2843.0,-2926,,1,1,0,1,0,0,Private service staff,4.0,3,3,THURSDAY,13,0,0,0,0,0,0,Self-employed,0.5977101292970061,0.3853377233788362,0.4206109640437848,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-486.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1897476,219288,Consumer loans,26308.53,236587.5,236587.5,0.0,236587.5,TUESDAY,9,Y,1,0.0,,,XAP,Approved,-941,XNA,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Regional / Local,2492,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-910.0,-640.0,-640.0,-633.0,0.0,0,Cash loans,F,N,N,1,135000.0,599472.0,24196.5,517500.0,Unaccompanied,Working,Higher education,Married,Municipal apartment,0.010032,-15502,-2104,-9405.0,-5204,,1,1,0,1,0,0,Core staff,3.0,2,2,FRIDAY,9,0,0,0,0,0,0,Transport: type 1,,0.6710154519449951,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1732.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1463060,110166,Consumer loans,5804.235,59850.0,66168.0,0.0,59850.0,FRIDAY,13,Y,1,0.0,,,XAP,Approved,-482,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,2500,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-451.0,-121.0,-151.0,-144.0,0.0,0,Cash loans,F,N,Y,0,112500.0,755190.0,30078.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.009549,-16771,-2422,-10739.0,-313,,1,1,0,1,1,0,Laborers,2.0,2,2,THURSDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.9180565713021018,0.636152246685287,0.7981372313187245,0.0165,,0.9662,,,0.0,0.069,0.0417,,0.023,,0.0142,,0.0036,0.0168,,0.9662,,,0.0,0.069,0.0417,,0.0235,,0.0142,,0.0039,0.0167,,0.9662,,,0.0,0.069,0.0417,,0.0234,,0.0144,,0.0037,,block of flats,0.0115,Others,No,0.0,0.0,0.0,0.0,-482.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1488159,295409,Consumer loans,4435.65,38160.0,36994.5,4500.0,38160.0,SATURDAY,8,Y,1,0.11810984807406018,,,XAP,Approved,-1675,XNA,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,50,Connectivity,12.0,high,POS mobile with interest,365243.0,-1644.0,-1314.0,-1314.0,-1303.0,0.0,0,Cash loans,M,Y,N,1,193500.0,576072.0,21847.5,405000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.002506,-11765,365243,-1504.0,-4377,21.0,1,0,0,1,0,0,,3.0,2,2,MONDAY,4,0,0,0,0,0,0,XNA,0.2738823597556197,0.5753104667042278,0.7121551551910698,0.0495,,0.9796,,,,0.1034,0.125,,,,,,0.0,0.0504,,0.9796,,,,0.1034,0.125,,,,,,0.0,0.05,,0.9796,,,,0.1034,0.125,,,,,,0.0,,block of flats,0.0328,,No,0.0,0.0,0.0,0.0,-1675.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2831671,427188,Consumer loans,9881.19,40455.0,48055.5,0.0,40455.0,THURSDAY,13,Y,1,0.0,,,XAP,Approved,-511,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,6.0,high,POS mobile with interest,365243.0,-480.0,-330.0,-420.0,-410.0,0.0,0,Cash loans,M,N,Y,0,135000.0,225000.0,20637.0,225000.0,Family,Working,Secondary / secondary special,Single / not married,House / apartment,0.00733,-8150,-1523,-5501.0,-801,,1,1,1,1,1,0,Core staff,1.0,2,2,THURSDAY,15,0,0,0,0,1,1,Trade: type 2,,0.2916374616174127,0.4365064990977374,0.034,0.0647,0.9906,0.8708,,,0.1034,0.0833,,,,0.0367,,0.0152,0.0347,0.0672,0.9906,0.8759,,,0.1034,0.0833,,,,0.0382,,0.0161,0.0344,0.0647,0.9906,0.8725,,,0.1034,0.0833,,,,0.0373,,0.0156,,block of flats,0.0321,Monolithic,No,7.0,0.0,7.0,0.0,-752.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2415029,142894,Consumer loans,11217.015,110533.5,109327.5,11056.5,110533.5,SUNDAY,16,Y,1,0.10002603033927797,,,XAP,Approved,-2507,Cash through the bank,XAP,Other_A,Repeater,Computers,POS,XNA,Stone,42,Consumer electronics,12.0,middle,POS household with interest,365243.0,-2476.0,-2146.0,-2266.0,-2262.0,1.0,0,Cash loans,F,N,Y,2,103500.0,550980.0,33835.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.019101,-14414,-1669,-8504.0,-4731,,1,1,0,1,0,0,Sales staff,3.0,2,2,MONDAY,12,0,0,0,0,0,0,Self-employed,0.4730728065185039,0.5997717298638744,0.8016009030071296,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2733.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1758614,160889,Cash loans,9530.865,81000.0,86346.0,,81000.0,MONDAY,19,Y,1,,,,XNA,Approved,-521,XNA,XAP,,Refreshed,XNA,Cash,x-sell,Contact center,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-490.0,-160.0,-190.0,-186.0,0.0,1,Cash loans,M,N,N,0,99000.0,545040.0,25407.0,450000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.030755,-10673,-2225,-10673.0,-3349,,1,1,0,1,1,0,Laborers,1.0,2,2,WEDNESDAY,17,0,0,0,1,1,0,Business Entity Type 3,0.1961132765212908,0.7497294254698542,0.4632753280912678,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1557.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1936985,368442,Cash loans,9165.825,67500.0,81864.0,,67500.0,SUNDAY,11,Y,1,,,,XNA,Approved,-1004,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),5,XNA,12.0,high,Cash X-Sell: high,365243.0,-974.0,-644.0,-644.0,-640.0,1.0,1,Cash loans,M,Y,Y,0,67500.0,900000.0,32017.5,900000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.030755,-17084,-8410,-608.0,-624,33.0,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,13,0,0,0,0,1,1,Government,0.4819581633866809,0.08367070875499819,0.2735646775174348,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1355.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2582441,170064,Cash loans,21476.88,567000.0,656811.0,,567000.0,FRIDAY,9,Y,1,,,,XNA,Refused,-3,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,139500.0,284400.0,10849.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.015221,-20415,365243,-2518.0,-2215,,1,0,0,1,0,0,,2.0,2,2,MONDAY,13,0,0,0,0,0,0,XNA,0.7973135041210601,0.5752249785331207,0.4543210601605785,0.0495,0.0013,0.9747,0.6532,0.0046,0.0,0.1034,0.125,0.1667,0.0207,0.0403,0.0399,0.0,0.0,0.0504,0.0013,0.9747,0.6668,0.0046,0.0,0.1034,0.125,0.1667,0.0211,0.0441,0.0415,0.0,0.0,0.05,0.0013,0.9747,0.6578,0.0046,0.0,0.1034,0.125,0.1667,0.021,0.041,0.0406,0.0,0.0,reg oper account,block of flats,0.0339,Block,No,0.0,0.0,0.0,0.0,-1950.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2009195,166695,Cash loans,11515.68,90000.0,95940.0,0.0,90000.0,MONDAY,11,Y,1,0.0,,,Other,Refused,-1933,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,,,,,,,1,Cash loans,M,Y,N,1,180000.0,687600.0,18265.5,450000.0,,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-10068,-914,-936.0,-1139,10.0,1,1,0,1,0,0,,3.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Business Entity Type 2,,0.39361552388212695,0.09261717137485452,0.066,0.0716,0.9737,0.6396,0.0308,0.0,0.1379,0.125,0.0,0.0682,0.0538,0.0503,0.0,0.0,0.0672,0.0743,0.9737,0.6537,0.0311,0.0,0.1379,0.125,0.0,0.0698,0.0588,0.0524,0.0,0.0,0.0666,0.0716,0.9737,0.6444,0.031,0.0,0.1379,0.125,0.0,0.0694,0.0547,0.0512,0.0,0.0,reg oper account,block of flats,0.041,Panel,No,0.0,0.0,0.0,0.0,-1804.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1373937,437879,Consumer loans,9375.075,85414.5,83209.5,8545.5,85414.5,THURSDAY,14,Y,1,0.10143127201391056,,,XAP,Approved,-1439,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Stone,350,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1408.0,-1138.0,-1138.0,-1134.0,0.0,0,Cash loans,F,N,N,2,135000.0,463500.0,44136.0,463500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-14132,-2529,-6761.0,-4969,,1,1,0,1,0,0,High skill tech staff,4.0,2,2,MONDAY,16,0,0,0,0,0,0,Industry: type 11,0.6163350892079171,0.6926042188687946,0.4596904504249018,0.132,0.054000000000000006,0.9836,0.7756,0.0281,0.08,0.0345,0.625,0.6667,0.0326,0.1076,0.1123,0.0,0.0,0.1345,0.056,0.9836,0.7844,0.0283,0.0806,0.0345,0.625,0.6667,0.0334,0.1175,0.117,0.0,0.0,0.1332,0.054000000000000006,0.9836,0.7786,0.0282,0.08,0.0345,0.625,0.6667,0.0332,0.1095,0.1143,0.0,0.0,not specified,block of flats,0.1036,Panel,No,0.0,0.0,0.0,0.0,-1439.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2174624,327438,Consumer loans,11657.88,194755.5,175455.0,45000.0,194755.5,THURSDAY,8,Y,1,0.22230881998181445,,,XAP,Approved,-978,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Stone,597,Consumer electronics,24.0,middle,POS household with interest,365243.0,-947.0,-257.0,-287.0,-282.0,0.0,0,Cash loans,M,Y,Y,1,135000.0,225000.0,8613.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006852,-13569,-1667,-7134.0,-4234,13.0,1,1,1,1,0,0,Laborers,3.0,3,3,TUESDAY,10,0,0,0,0,1,1,Business Entity Type 3,,0.12140589228205585,0.7032033049040319,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-978.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2269594,442400,Consumer loans,14273.595,130666.5,127300.5,13068.0,130666.5,MONDAY,19,Y,1,0.10139197896964064,,,XAP,Approved,-1640,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,3063,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1609.0,-1339.0,-1339.0,-1333.0,0.0,0,Cash loans,F,N,N,0,180000.0,1687266.0,64395.0,1575000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006207,-16080,-3051,-3316.0,-4633,,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Self-employed,0.8500434933228419,0.6870974804485539,0.7557400501752248,0.0845,0.0564,0.9871,0.8232,,0.08,0.069,0.375,0.4167,0.1013,0.0672,0.0855,0.0077,0.0,0.0861,0.0586,0.9871,0.8301,,0.0806,0.069,0.375,0.4167,0.1036,0.0735,0.08900000000000001,0.0078,0.0,0.0854,0.0564,0.9871,0.8256,,0.08,0.069,0.375,0.4167,0.1031,0.0684,0.087,0.0078,0.0,reg oper account,block of flats,0.0754,Panel,No,4.0,0.0,4.0,0.0,-1640.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2205261,365587,Consumer loans,10350.45,83758.005,91129.005,0.0,83758.005,THURSDAY,10,Y,1,0.0,,,XAP,Approved,-418,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,25,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-367.0,-97.0,-127.0,-121.0,0.0,0,Cash loans,M,N,Y,0,157500.0,545040.0,43191.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.025164,-20057,-1866,-2577.0,-2577,,1,1,0,1,0,0,Laborers,1.0,2,2,TUESDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.455493721356499,,0.0082,0.0,0.9652,0.524,0.0012,0.0,0.0345,0.0417,0.0833,0.0164,0.0067,0.0094,0.0,0.0,0.0084,0.0,0.9652,0.5426,0.0012,0.0,0.0345,0.0417,0.0833,0.0168,0.0073,0.0098,0.0,0.0,0.0083,0.0,0.9652,0.5304,0.0012,0.0,0.0345,0.0417,0.0833,0.0167,0.0068,0.0096,0.0,0.0,not specified,block of flats,0.008,Block,No,0.0,0.0,0.0,0.0,-3.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1721408,104259,Consumer loans,16856.865,64080.0,64080.0,0.0,64080.0,MONDAY,13,Y,1,0.0,,,XAP,Approved,-130,XNA,XAP,,Repeater,Furniture,POS,XNA,Stone,99,Furniture,4.0,low_normal,POS industry with interest,365243.0,-98.0,-8.0,-8.0,-5.0,0.0,0,Cash loans,F,N,Y,0,103500.0,1187298.0,42192.0,850500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-9549,-606,-7623.0,-1808,,1,1,0,1,0,0,Sales staff,2.0,2,2,FRIDAY,10,0,0,0,1,1,0,Trade: type 1,,0.423283310905604,0.2793353208976285,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,1.0,5.0,0.0,-323.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1482342,324686,Consumer loans,8500.77,99954.0,89955.0,9999.0,99954.0,SUNDAY,16,Y,1,0.10894831622546372,,,XAP,Approved,-1037,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Stone,120,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-995.0,-665.0,-665.0,-658.0,0.0,0,Cash loans,F,N,N,0,90000.0,526491.0,29529.0,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.00963,-19584,365243,-10632.0,-2911,,1,0,0,1,1,0,,1.0,2,2,SUNDAY,15,0,0,0,0,0,0,XNA,,0.7547584907695299,0.5370699579791587,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1037.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1535711,186377,Consumer loans,14750.505,134986.5,154219.5,13500.0,134986.5,SATURDAY,14,Y,1,0.08766259899849017,,,XAP,Approved,-1496,Cash through the bank,XAP,"Spouse, partner",New,Computers,POS,XNA,Country-wide,3700,Consumer electronics,14.0,middle,POS household with interest,365243.0,-1465.0,-1075.0,-1105.0,-1102.0,0.0,0,Cash loans,F,N,N,0,90000.0,364896.0,18760.5,315000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.02461,-9158,-1666,-175.0,-1851,,1,1,0,1,0,0,,1.0,2,2,THURSDAY,11,0,0,0,0,1,1,Other,0.3380285324335461,0.5982117070353347,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2672915,331484,Consumer loans,6395.355,59085.0,57564.0,5908.5,59085.0,WEDNESDAY,9,Y,1,0.10138081273565144,,,XAP,Approved,-2293,XNA,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Stone,123,Consumer electronics,10.0,low_normal,POS other with interest,365243.0,-2260.0,-1990.0,-1990.0,-1988.0,1.0,0,Cash loans,M,N,N,0,58500.0,98910.0,7011.0,90000.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-24270,365243,-7226.0,-4637,,1,0,0,1,0,0,,2.0,2,2,SUNDAY,9,0,0,0,0,0,0,XNA,0.7820370545450313,0.6760497559205869,0.7421816117614419,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,15.0,0.0,15.0,0.0,-1819.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2128198,417577,Consumer loans,11907.09,58716.0,62208.0,5872.5,58716.0,FRIDAY,11,Y,1,0.09394299929695528,,,XAP,Approved,-824,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,2661,Consumer electronics,6.0,middle,POS household with interest,365243.0,-793.0,-643.0,-643.0,-639.0,0.0,0,Cash loans,F,N,Y,2,135000.0,492862.5,17833.5,346500.0,Unaccompanied,State servant,Secondary / secondary special,Civil marriage,House / apartment,0.018634,-14192,-75,-1372.0,-4955,,1,1,0,1,0,0,Laborers,4.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.4455035894804516,0.5257445754491423,0.3876253444214701,0.0825,0.0787,0.9732,0.6328,0.0236,0.0,0.1379,0.1667,0.2083,0.0381,0.0664,0.0618,0.0039,0.0021,0.084,0.0817,0.9732,0.6472,0.0239,0.0,0.1379,0.1667,0.2083,0.039,0.0725,0.0643,0.0039,0.0022,0.0833,0.0787,0.9732,0.6377,0.0238,0.0,0.1379,0.1667,0.2083,0.0388,0.0676,0.0629,0.0039,0.0022,reg oper account,block of flats,0.062,"Stone, brick",No,3.0,0.0,3.0,0.0,-1833.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,0.0 +1325187,315132,Revolving loans,22500.0,765000.0,765000.0,,765000.0,WEDNESDAY,9,N,0,,,,XAP,Refused,-372,XNA,HC,,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),2,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,202500.0,1097131.5,43641.0,886500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00823,-18052,-2399,-10779.0,-1591,,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,9,0,0,0,0,1,1,Business Entity Type 2,,0.4465817473094633,0.5919766183185521,,,0.9757,,,,,,,,,0.0066,,,,,0.9757,,,,,,,,,0.0069,,,,,0.9757,,,,,,,,,0.0067,,,,,0.0052,,No,2.0,0.0,2.0,0.0,-680.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2347858,101397,Cash loans,25791.345,229500.0,258120.0,,229500.0,MONDAY,7,Y,1,,,,XNA,Approved,-610,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-580.0,-250.0,-280.0,-275.0,1.0,0,Cash loans,F,N,Y,0,135000.0,189351.0,14287.5,153000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.0038130000000000004,-15126,-1922,-2605.0,-84,,1,1,0,1,1,1,Laborers,2.0,2,2,TUESDAY,12,0,0,0,0,1,1,Business Entity Type 3,0.5369266088594192,0.6595191261945106,,0.0763,0.1009,0.9836,0.7756,0.1453,0.0,0.2069,0.1667,0.0417,0.0333,0.0605,0.0698,0.0077,0.0332,0.0777,0.1047,0.9836,0.7844,0.1466,0.0,0.2069,0.1667,0.0417,0.034,0.0661,0.0727,0.0078,0.0352,0.077,0.1009,0.9836,0.7786,0.1462,0.0,0.2069,0.1667,0.0417,0.0338,0.0616,0.071,0.0078,0.0339,reg oper account,block of flats,0.0658,Panel,No,0.0,0.0,0.0,0.0,-610.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2646660,453958,Revolving loans,5625.0,0.0,112500.0,,,THURSDAY,7,Y,1,,,,XAP,Approved,-2806,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,2200,Consumer electronics,0.0,XNA,Card Street,-2804.0,-2772.0,365243.0,-2375.0,365243.0,0.0,0,Cash loans,F,N,Y,0,180000.0,388066.5,21798.0,351000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020246,-20833,365243,-10695.0,-4135,,1,0,0,1,0,0,,2.0,3,3,WEDNESDAY,8,0,0,0,0,0,0,XNA,,0.07764603092607869,0.7252764347002191,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1449.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2333052,213414,Consumer loans,13174.65,133200.0,131746.5,13320.0,133200.0,SATURDAY,14,Y,1,0.1000002820023293,,,XAP,Approved,-2375,Cash through the bank,XAP,Unaccompanied,New,Photo / Cinema Equipment,POS,XNA,Country-wide,299,Consumer electronics,12.0,middle,POS household with interest,365243.0,-2344.0,-2014.0,-2014.0,-2003.0,1.0,0,Cash loans,M,Y,Y,0,112500.0,509602.5,26149.5,387000.0,Unaccompanied,Working,Secondary / secondary special,Separated,With parents,0.018634,-13740,-2219,-7315.0,-4630,27.0,1,1,0,1,0,0,Drivers,1.0,2,2,MONDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.273625778221833,0.4003263771136297,,0.0928,0.0935,0.9856,0.8028,0.0399,0.0,0.2069,0.1667,0.2083,0.1516,0.0756,0.0794,0.0,0.0,0.0945,0.097,0.9856,0.8105,0.0403,0.0,0.2069,0.1667,0.2083,0.1551,0.0826,0.0828,0.0,0.0,0.0937,0.0935,0.9856,0.8054,0.0402,0.0,0.2069,0.1667,0.2083,0.1542,0.077,0.0809,0.0,0.0,reg oper account,block of flats,0.0843,Panel,No,0.0,0.0,0.0,0.0,-1684.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1930908,116545,Revolving loans,2250.0,45000.0,45000.0,,45000.0,FRIDAY,12,Y,1,,,,XAP,Approved,-461,XNA,XAP,Unaccompanied,New,XNA,Cards,walk-in,Regional / Local,100,Consumer electronics,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,N,1,180000.0,1024740.0,52321.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-9880,-866,-6735.0,-1473,,1,1,1,1,1,0,Private service staff,3.0,2,2,THURSDAY,12,0,0,0,1,1,0,Business Entity Type 3,0.38858146706324026,0.2858978721410488,0.1206410299309233,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,1.0,5.0,0.0,-461.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,2.0 +1817840,101464,Cash loans,25755.075,225000.0,239850.0,0.0,225000.0,WEDNESDAY,9,Y,1,0.0,,,XNA,Approved,-2511,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,middle,Cash Street: middle,365243.0,-2481.0,-2151.0,-2241.0,-2234.0,1.0,0,Cash loans,M,Y,Y,1,315000.0,323388.0,32116.5,292500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.019688999999999998,-17596,-1223,-2819.0,-1119,7.0,1,1,0,1,1,0,High skill tech staff,3.0,2,2,MONDAY,14,0,0,0,0,0,0,Industry: type 9,0.7847176007456663,0.5405969548573352,0.5370699579791587,0.4299,0.8182,0.998,0.9728,,0.72,0.6207,0.375,0.2917,0.0,0.3076,0.4727,0.1969,0.4794,0.438,0.8491,0.998,0.9739,,0.725,0.6207,0.375,0.2917,0.0,0.3361,0.4925,0.1984,0.5076,0.4341,0.8182,0.998,0.9732,,0.72,0.6207,0.375,0.2917,0.0,0.313,0.4812,0.198,0.4895,org spec account,block of flats,0.4761,"Stone, brick",No,6.0,0.0,6.0,0.0,-1169.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2204603,409991,Cash loans,16118.37,180000.0,197820.0,0.0,180000.0,WEDNESDAY,10,Y,1,0.0,,,XNA,Approved,-2711,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,0,XNA,18.0,high,Cash Street: high,365243.0,-2681.0,-2171.0,-2201.0,-2196.0,1.0,0,Cash loans,F,N,N,0,157500.0,728460.0,44694.0,675000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-19701,-4511,-4903.0,-3220,,1,1,0,1,1,0,Laborers,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Other,0.7642839726461984,0.6553477735596127,0.6161216908872079,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1657.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1119960,104361,Cash loans,8471.88,72000.0,76752.0,,72000.0,FRIDAY,13,Y,1,,,,XNA,Approved,-530,XNA,XAP,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-497.0,-167.0,-497.0,-493.0,0.0,0,Revolving loans,F,N,Y,1,135000.0,382500.0,19125.0,382500.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.019688999999999998,-14686,-1412,-2154.0,-5319,,1,1,0,1,0,0,Core staff,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Services,,0.554313544380871,0.5884877883422673,0.1031,0.1125,0.9771,0.6872,0.0135,0.0,0.2069,0.1667,0.2083,0.0726,0.0841,0.09,0.0,0.0,0.105,0.1168,0.9772,0.6994,0.0136,0.0,0.2069,0.1667,0.2083,0.0742,0.0918,0.0937,0.0,0.0,0.1041,0.1125,0.9771,0.6914,0.0136,0.0,0.2069,0.1667,0.2083,0.0738,0.0855,0.0916,0.0,0.0,reg oper spec account,block of flats,0.0708,"Stone, brick",No,5.0,2.0,5.0,2.0,-904.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2171520,329772,Cash loans,55768.23,1363500.0,1460691.0,,1363500.0,TUESDAY,16,Y,1,,,,XNA,Refused,-185,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,180000.0,1223010.0,51948.0,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.028663,-19921,-444,-4319.0,-3483,,1,1,0,1,1,0,Accountants,2.0,2,2,FRIDAY,8,1,1,0,1,1,0,Business Entity Type 3,,0.5391683102772158,,0.0763,0.0414,0.9911,0.8776,0.0132,0.08,0.069,0.3471,0.3958,0.0477,0.0639,0.0789,0.0,0.0013,0.0735,0.0425,0.9911,0.8824,0.0129,0.0806,0.069,0.3333,0.375,0.0488,0.0661,0.0786,0.0,0.0,0.0749,0.0409,0.9911,0.8792,0.0133,0.08,0.069,0.3333,0.3958,0.0486,0.065,0.078,0.0,0.0,reg oper account,block of flats,0.0672,Panel,No,0.0,0.0,0.0,0.0,-479.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2751607,437508,Cash loans,9989.19,45000.0,52051.5,,45000.0,WEDNESDAY,14,Y,1,,,,XNA,Approved,-680,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-650.0,-500.0,-530.0,-522.0,1.0,0,Cash loans,M,Y,Y,1,225000.0,67765.5,7425.0,58500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-16704,-199,-5225.0,-210,12.0,1,1,0,1,0,0,Laborers,3.0,2,2,THURSDAY,16,0,1,1,0,0,0,Industry: type 11,0.3061044834516328,0.5925962402309594,0.4400578303966329,0.0041,,0.9781,,,,,0.0417,,,,,,,0.0042,,0.9782,,,,,0.0417,,,,,,,0.0042,,0.9781,,,,,0.0417,,,,,,,,block of flats,0.0034,,No,0.0,0.0,0.0,0.0,-2780.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,1.0,0.0,0.0,0.0,2.0 +2373949,178651,Consumer loans,14189.67,72886.5,76734.0,0.0,72886.5,TUESDAY,19,Y,1,0.0,,,XAP,Approved,-548,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,1500,Consumer electronics,6.0,middle,POS household with interest,365243.0,-517.0,-367.0,-397.0,-389.0,0.0,0,Cash loans,F,Y,Y,0,202500.0,835380.0,33259.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-20242,365243,-4647.0,-3627,0.0,1,0,0,1,0,0,,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,XNA,0.7335605170634841,0.7379222045412278,0.622922000268356,0.0742,0.0289,0.9737,,,,0.1379,0.125,,,,0.0571,,,0.0756,0.0299,0.9737,,,,0.1379,0.125,,,,0.0595,,,0.0749,0.0289,0.9737,,,,0.1379,0.125,,,,0.0581,,,,block of flats,0.045,"Stone, brick",No,5.0,1.0,5.0,1.0,-548.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1995271,128456,Consumer loans,5447.745,66591.0,59931.0,6660.0,66591.0,TUESDAY,12,Y,1,0.10892381034292098,,,XAP,Approved,-916,XNA,XAP,Other_B,Repeater,Consumer Electronics,POS,XNA,Country-wide,80,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-885.0,-555.0,-615.0,-602.0,0.0,0,Cash loans,F,N,Y,0,270000.0,1288350.0,37800.0,1125000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.032561,-21022,-6546,-10191.0,-2985,,1,1,0,1,0,0,Medicine staff,2.0,1,1,MONDAY,10,0,0,0,0,0,0,Medicine,,0.6879571937663106,0.633031641417419,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1099.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2120958,396406,Cash loans,10704.555,135000.0,148365.0,,135000.0,MONDAY,17,Y,1,,,,XNA,Approved,-1025,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),6,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-995.0,-485.0,-485.0,-480.0,1.0,0,Cash loans,F,N,Y,1,112500.0,1046142.0,30586.5,913500.0,Unaccompanied,State servant,Lower secondary,Married,House / apartment,0.019101,-19238,-3509,-1053.0,-2773,,1,1,0,1,0,0,Core staff,3.0,2,2,THURSDAY,14,0,0,0,0,0,0,Kindergarten,0.6878385854620642,0.4919279801219599,0.6528965519806539,0.0619,0.0761,0.9901,0.8640000000000001,0.0146,0.0,0.1379,0.1667,0.2083,0.0,0.0504,0.0568,0.0,0.0,0.063,0.079,0.9901,0.8693,0.0147,0.0,0.1379,0.1667,0.2083,0.0,0.0551,0.0591,0.0,0.0,0.0625,0.0761,0.9901,0.8658,0.0146,0.0,0.1379,0.1667,0.2083,0.0,0.0513,0.0578,0.0,0.0,reg oper account,block of flats,0.0526,"Stone, brick",No,0.0,0.0,0.0,0.0,-1754.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1760063,245329,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SATURDAY,14,Y,1,,,,XAP,Refused,-485,XNA,SCOFR,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,N,Y,2,112500.0,451804.5,35824.5,369000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.01885,-10351,-1152,-572.0,-2981,,1,1,0,1,0,1,,4.0,2,2,MONDAY,11,0,0,0,0,1,1,Industry: type 3,0.10594074212669724,0.4401704635253051,0.5937175866150576,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1877065,144284,Consumer loans,13798.89,167076.0,150367.5,16708.5,167076.0,THURSDAY,18,Y,1,0.10891495759142816,,,XAP,Approved,-1666,Cash through the bank,XAP,Unaccompanied,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,482,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-1635.0,-1305.0,-1305.0,-1299.0,0.0,0,Cash loans,F,N,N,0,103500.0,1006920.0,42790.5,900000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.009334,-22193,365243,-10515.0,-4250,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,XNA,,0.3954803910817751,0.4722533429586386,0.0082,,0.9722,,,0.0,0.0345,0.0417,,0.005,,0.0084,,,0.0084,,0.9722,,,0.0,0.0345,0.0417,,0.0052,,0.0087,,,0.0083,,0.9722,,,0.0,0.0345,0.0417,,0.0051,,0.0085,,,,block of flats,0.0072,Wooden,No,5.0,0.0,5.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2827381,452633,Consumer loans,16976.16,124875.0,119803.5,12487.5,124875.0,WEDNESDAY,11,Y,1,0.10280383946959903,,,XAP,Approved,-1115,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,200,Consumer electronics,8.0,middle,POS household with interest,365243.0,-1062.0,-852.0,-882.0,-872.0,0.0,0,Cash loans,M,Y,Y,1,157500.0,302206.5,13441.5,229500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-14217,-1077,-2332.0,-4299,15.0,1,1,0,1,0,0,Laborers,3.0,2,2,FRIDAY,10,0,1,1,0,0,0,Business Entity Type 3,,0.4977003367050018,0.6528965519806539,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1966892,324645,Consumer loans,3892.05,77211.0,85936.5,0.0,77211.0,TUESDAY,11,Y,1,0.0,,,XAP,Refused,-554,Cash through the bank,LIMIT,,Repeater,Audio/Video,POS,XNA,Country-wide,3093,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,0,Cash loans,F,N,Y,0,247500.0,563269.5,27526.5,396000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.005313,-17656,-1225,-987.0,-1051,,1,1,0,1,0,0,Cooking staff,2.0,2,2,WEDNESDAY,11,0,0,0,1,1,0,Other,0.5608514268724794,0.6610397141249311,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-670.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,3.0 +1183612,233355,Consumer loans,18684.18,159552.0,170959.5,0.0,159552.0,MONDAY,7,Y,1,0.0,,,XAP,Approved,-567,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Stone,345,Furniture,10.0,low_action,POS industry without interest,365243.0,-536.0,-266.0,-446.0,-442.0,0.0,0,Cash loans,M,N,Y,0,103500.0,571446.0,16839.0,477000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.007305,-21710,365243,-9516.0,-4458,,1,0,0,1,0,0,,2.0,3,3,MONDAY,8,0,0,0,0,0,0,XNA,0.5886339059581229,0.3949629357268229,0.4614823912998385,0.1026,0.0914,0.9806,0.7348,0.0159,0.02,0.1724,0.2188,0.2604,0.0636,0.0836,0.0916,0.0,0.0,0.0861,0.0565,0.9772,0.6994,0.0126,0.0,0.2069,0.1667,0.2083,0.0318,0.0753,0.0935,0.0,0.0,0.1088,0.1034,0.9776,0.6981,0.0126,0.0,0.2069,0.1667,0.2083,0.0661,0.0894,0.0915,0.0,0.0,reg oper account,block of flats,0.0774,"Stone, brick",No,0.0,0.0,0.0,0.0,-570.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1237176,187214,Consumer loans,18035.955,174429.0,174429.0,0.0,174429.0,WEDNESDAY,12,Y,1,0.0,,,XAP,Approved,-1176,Cash through the bank,XAP,Unaccompanied,Repeater,Construction Materials,POS,XNA,Regional / Local,6,Clothing,12.0,middle,POS industry with interest,365243.0,-1140.0,-810.0,-810.0,-786.0,0.0,0,Cash loans,F,Y,Y,3,67500.0,501435.0,24516.0,414000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-15271,-4378,-9156.0,-4680,16.0,1,1,0,1,0,0,,5.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,School,,0.038318544972032326,0.8245949709919925,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-2343.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2021073,439546,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,13,Y,1,,,,XAP,Refused,-342,XNA,SCOFR,Other_B,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,N,N,0,157500.0,305640.0,36270.0,270000.0,Unaccompanied,State servant,Lower secondary,Married,With parents,0.031329,-10367,-727,-1300.0,-2099,,1,1,1,1,0,0,Laborers,2.0,2,2,MONDAY,10,0,0,0,0,1,1,Business Entity Type 3,0.1578566461097203,0.3540146677283668,0.3233112448967859,0.0887,0.0496,0.9757,0.6668,0.0232,0.0,0.0345,0.1667,0.2083,0.0295,0.0723,0.0239,0.0,0.0,0.0903,0.0514,0.9757,0.6798,0.0234,0.0,0.0345,0.1667,0.2083,0.0302,0.079,0.0249,0.0,0.0,0.0895,0.0496,0.9757,0.6713,0.0234,0.0,0.0345,0.1667,0.2083,0.03,0.0735,0.0243,0.0,0.0,reg oper account,block of flats,0.0315,"Stone, brick",No,0.0,0.0,0.0,0.0,-342.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1811415,348207,Revolving loans,4500.0,0.0,90000.0,,,SATURDAY,8,Y,1,,,,XAP,Approved,-2609,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,15,Connectivity,0.0,XNA,Card Street,-2605.0,-2561.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,85500.0,545040.0,26509.5,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.031329,-19043,365243,-12886.0,-2487,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,10,0,0,0,1,0,0,XNA,0.6575496864680491,0.5552749648111369,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-2205.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2501315,366356,Consumer loans,6014.025,110218.5,133497.0,0.0,110218.5,SATURDAY,20,Y,1,0.0,,,XAP,Refused,-718,Cash through the bank,HC,Family,Repeater,Audio/Video,POS,XNA,Regional / Local,100,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,0,Cash loans,M,Y,Y,1,180000.0,1267735.5,37066.5,1107000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.019101,-11395,-458,-804.0,-4005,6.0,1,1,0,1,0,0,Core staff,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,School,0.14271994807733987,0.5923586455311243,0.07647351918548448,0.1361,,0.9747,,,0.0,0.1034,0.125,,0.0539,,0.0303,,0.0646,0.1387,,0.9747,,,0.0,0.1034,0.125,,0.0551,,0.0316,,0.0684,0.1374,,0.9747,,,0.0,0.1034,0.125,,0.0548,,0.0309,,0.0659,,block of flats,0.0379,"Stone, brick",No,3.0,0.0,3.0,0.0,-480.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1533759,162186,Cash loans,56232.495,270000.0,277308.0,,270000.0,SATURDAY,15,Y,1,,,,Wedding / gift / holiday,Refused,-770,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,N,0,144000.0,1350000.0,39474.0,1350000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.02461,-21279,365243,-2873.0,-3921,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,XNA,,0.6565864451277774,0.25670557243930026,,,0.9762,,,,,,,,,0.0688,,,,,0.9762,,,,,,,,,0.0717,,,,,0.9762,,,,,,,,,0.0701,,,,,0.1241,,No,2.0,1.0,2.0,1.0,-1703.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1843246,346278,Consumer loans,12141.99,121410.0,109269.0,12141.0,121410.0,THURSDAY,8,Y,1,0.1089090909090909,,,XAP,Approved,-330,XNA,XAP,,Repeater,Homewares,POS,XNA,Regional / Local,60,Construction,10.0,low_normal,POS other with interest,365243.0,-286.0,-16.0,-196.0,-194.0,0.0,0,Cash loans,F,Y,Y,1,292500.0,1133748.0,36702.0,990000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.035792000000000004,-14827,-1312,-3768.0,-1425,16.0,1,1,0,1,0,0,Core staff,2.0,2,2,FRIDAY,15,0,0,0,0,1,1,Self-employed,0.2562827304883833,0.5820813150860868,0.2692857999073816,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-532.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2452890,273735,Cash loans,43168.32,450000.0,450000.0,,450000.0,SATURDAY,12,Y,1,,,,XNA,Approved,-198,Cash through the bank,XAP,"Spouse, partner",Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-168.0,162.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,180000.0,432000.0,39753.0,432000.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-23477,365243,-13207.0,-4471,,1,0,0,1,1,0,,2.0,2,2,MONDAY,14,0,0,0,0,0,0,XNA,,0.7191541608448613,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,0.0,9.0,0.0,-198.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1987772,216220,Consumer loans,9447.3,89100.0,88128.0,8910.0,89100.0,THURSDAY,10,Y,1,0.1,,,XAP,Approved,-1726,Cash through the bank,XAP,"Spouse, partner",Refreshed,Furniture,POS,XNA,Stone,50,Furniture,12.0,middle,POS industry with interest,365243.0,-1694.0,-1364.0,-1364.0,-1359.0,0.0,0,Cash loans,F,Y,Y,0,67500.0,339241.5,12312.0,238500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.01885,-17447,-253,-612.0,-973,19.0,1,1,0,1,0,0,Cleaning staff,2.0,2,2,MONDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.7467677080743096,,0.1237,0.085,0.9836,0.7756,0.0466,0.0,0.069,0.1667,0.2083,0.0959,0.1009,0.064,0.0,0.0,0.1261,0.0882,0.9836,0.7844,0.0471,0.0,0.069,0.1667,0.2083,0.0981,0.1102,0.0667,0.0,0.0,0.1249,0.085,0.9836,0.7786,0.0469,0.0,0.069,0.1667,0.2083,0.0976,0.1026,0.0651,0.0,0.0,reg oper account,block of flats,0.0612,"Stone, brick",No,3.0,1.0,3.0,1.0,-1726.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1724845,340821,Cash loans,32758.92,459000.0,486265.5,,459000.0,THURSDAY,11,Y,1,,,,XNA,Approved,-211,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,Y,Y,0,202500.0,101880.0,11101.5,90000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.006296,-12565,-1736,-6408.0,-4339,4.0,1,1,0,1,0,0,Drivers,2.0,3,3,FRIDAY,13,0,0,0,0,1,1,Military,,0.6046904948089322,0.3842068130556564,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1553.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2829422,407261,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,7,Y,1,,,,XAP,Refused,-188,XNA,HC,Unaccompanied,Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,Y,Y,0,189000.0,199152.0,10296.0,135000.0,Unaccompanied,Pensioner,Higher education,Single / not married,House / apartment,0.001276,-22412,365243,-302.0,-715,25.0,1,0,0,1,0,0,,1.0,2,2,TUESDAY,3,0,0,0,0,0,0,XNA,,0.3276761665663512,,0.0722,0.0373,0.9752,0.5920000000000001,0.0,0.0,0.1379,0.1667,0.0417,0.0364,0.0,0.0456,0.0,0.0511,0.0735,0.0387,0.9752,0.608,0.0,0.0,0.1379,0.1667,0.0417,0.0372,0.0,0.0475,0.0,0.054000000000000006,0.0729,0.0373,0.9752,0.5975,0.0,0.0,0.1379,0.1667,0.0417,0.037000000000000005,0.0,0.0464,0.0,0.0521,reg oper spec account,block of flats,0.0477,"Stone, brick",No,0.0,0.0,0.0,0.0,-2698.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1793500,224143,Cash loans,19826.505,225000.0,247275.0,,225000.0,THURSDAY,6,Y,1,,,,XNA,Approved,-161,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),5,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-131.0,379.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,1,171000.0,539100.0,25933.5,450000.0,Unaccompanied,Working,Lower secondary,Married,House / apartment,0.018029,-10708,-2609,-1196.0,-3234,,1,1,1,1,0,0,Drivers,3.0,3,3,THURSDAY,5,0,0,0,0,0,0,Self-employed,0.09278482626202644,0.18372072847968496,0.746300213050371,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-245.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1201667,328492,Consumer loans,5722.74,31216.5,28066.5,3150.0,31216.5,TUESDAY,10,Y,1,0.1098981744794055,,,XAP,Approved,-1642,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,42,Connectivity,6.0,high,POS mobile with interest,365243.0,-1602.0,-1452.0,-1452.0,-1448.0,0.0,0,Cash loans,F,N,Y,0,171000.0,945000.0,39127.5,945000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.018209,-23145,365243,-3642.0,-5024,,1,0,0,1,0,0,,1.0,3,3,SATURDAY,8,0,0,0,0,0,0,XNA,,0.2688001520021928,0.4668640059537032,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2197512,376688,Cash loans,20331.0,450000.0,450000.0,,450000.0,WEDNESDAY,16,Y,1,,,,Repairs,Refused,-1490,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,middle,Cash Street: middle,,,,,,,0,Revolving loans,F,N,Y,1,112500.0,337500.0,16875.0,337500.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.025164,-10236,-811,-1314.0,-697,,1,1,0,1,0,0,Sales staff,3.0,2,2,TUESDAY,14,0,0,0,0,0,0,Trade: type 2,,0.5938363067914445,0.41885428862332175,0.2062,0.1218,0.9906,0.8708,0.0301,0.2,0.1724,0.375,0.0417,0.0702,0.1681,0.1074,0.0,0.0,0.2101,0.1263,0.9906,0.8759,0.0304,0.2014,0.1724,0.375,0.0417,0.0718,0.1837,0.1119,0.0,0.0,0.2082,0.1218,0.9906,0.8725,0.0303,0.2,0.1724,0.375,0.0417,0.0714,0.171,0.1093,0.0,0.0,reg oper account,block of flats,0.1718,Panel,No,1.0,0.0,1.0,0.0,-1418.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2840267,454257,Cash loans,,0.0,0.0,,,FRIDAY,13,Y,1,,,,XNA,Refused,-194,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,189000.0,862560.0,25348.5,720000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.072508,-23086,365243,-438.0,-4295,,1,0,0,1,0,0,,2.0,1,1,WEDNESDAY,12,0,0,0,0,0,0,XNA,,0.7046930279202601,0.3539876078507373,0.2891,0.1213,0.9965,0.9524,0.161,0.512,0.1241,0.9,0.8917,0.0025,0.2328,0.2973,0.0131,0.0342,0.1481,0.056,0.9965,0.9543,0.0896,0.1611,0.0345,0.9583,1.0,0.0,0.1267,0.1758,0.0117,0.0329,0.1468,0.0545,0.9965,0.953,0.0919,0.16,0.0345,0.9583,1.0,0.0,0.118,0.1723,0.0116,0.0324,reg oper spec account,block of flats,0.6408,Panel,No,1.0,0.0,1.0,0.0,-393.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1781640,176373,Consumer loans,14082.75,138442.5,138442.5,0.0,138442.5,SUNDAY,10,Y,1,0.0,,,XAP,Refused,-479,Cash through the bank,LIMIT,,Repeater,Computers,POS,XNA,Country-wide,3268,Consumer electronics,12.0,middle,POS household with interest,,,,,,,1,Cash loans,F,N,Y,1,157500.0,1125000.0,32895.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.019101,-13609,-1497,-3655.0,-1175,,1,1,1,1,1,0,Laborers,2.0,2,2,TUESDAY,21,0,0,0,1,1,0,Business Entity Type 3,0.39281312527628665,0.6571089113091594,0.13765446191826075,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-578.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1828203,129237,Consumer loans,4676.265,33165.0,33165.0,0.0,33165.0,WEDNESDAY,11,Y,1,0.0,,,XAP,Refused,-2687,XNA,SCO,Unaccompanied,Repeater,XNA,POS,XNA,Stone,45,Furniture,8.0,middle,POS industry with interest,,,,,,,0,Cash loans,F,Y,Y,0,135000.0,405000.0,29470.5,405000.0,Family,Working,Higher education,Married,With parents,0.028663,-15222,-1293,-651.0,-2706,3.0,1,1,0,1,1,0,,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.4745645259768479,,0.0186,0.0291,0.9717,0.6124,0.013,0.0,0.069,0.0833,0.125,0.0187,0.0151,0.0176,0.0,0.0,0.0189,0.0302,0.9717,0.6276,0.0131,0.0,0.069,0.0833,0.125,0.0191,0.0165,0.0183,0.0,0.0,0.0187,0.0291,0.9717,0.6176,0.013,0.0,0.069,0.0833,0.125,0.019,0.0154,0.0179,0.0,0.0,reg oper account,block of flats,0.0209,"Stone, brick",No,0.0,0.0,0.0,0.0,-14.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2033536,168119,Cash loans,40389.03,675000.0,744498.0,,675000.0,FRIDAY,12,Y,1,,,,XNA,Approved,-937,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,middle,Cash Street: middle,365243.0,-907.0,143.0,-427.0,-398.0,1.0,0,Cash loans,M,N,Y,0,423000.0,825588.0,44113.5,765000.0,Unaccompanied,Pensioner,Higher education,Single / not married,House / apartment,0.072508,-21058,365243,-4706.0,-995,,1,0,0,1,1,0,,1.0,1,1,THURSDAY,19,0,0,0,0,0,0,XNA,0.4612377313012857,0.7378629936982889,0.7238369900414456,0.3052,0.1551,0.9806,0.7348,0.4283,0.48,0.2069,0.4583,0.5,0.0,0.2412,0.2977,0.0347,0.0038,0.3109,0.1609,0.9806,0.7452,0.4322,0.4834,0.2069,0.4583,0.5,0.0,0.2635,0.3102,0.035,0.004,0.3081,0.1551,0.9806,0.7383,0.431,0.48,0.2069,0.4583,0.5,0.0,0.2454,0.3031,0.0349,0.0039,reg oper account,block of flats,0.219,Panel,No,0.0,0.0,0.0,0.0,-937.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1200163,301864,Revolving loans,2250.0,45000.0,45000.0,,45000.0,THURSDAY,7,Y,1,,,,XAP,Refused,-490,XNA,HC,Unaccompanied,Repeater,XNA,Cards,walk-in,Regional / Local,300,Clothing,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,Y,Y,2,121500.0,616756.5,31621.5,490500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006852,-10644,-903,-1513.0,-3221,16.0,1,1,0,1,0,1,Waiters/barmen staff,4.0,3,3,THURSDAY,5,0,0,0,0,0,0,Other,0.25475590188122205,0.12707489078508566,0.4170996682522097,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2133985,195068,Cash loans,18380.7,90000.0,90000.0,,90000.0,FRIDAY,11,Y,1,,,,Other,Approved,-491,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Country-wide,45,Connectivity,6.0,high,Cash Street: high,365243.0,-461.0,-311.0,-371.0,-363.0,1.0,0,Cash loans,M,Y,N,0,135000.0,364230.0,29200.5,337500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00963,-10466,-832,-1165.0,-3144,12.0,1,1,1,1,1,0,Managers,2.0,2,2,FRIDAY,15,0,1,1,1,1,1,Security,0.4713368058867651,0.2517246074290291,0.31547215492577346,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1065.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2607850,192106,Cash loans,23703.93,315000.0,340573.5,,315000.0,FRIDAY,6,Y,1,,,,XNA,Approved,-838,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-808.0,-298.0,-748.0,-744.0,1.0,0,Cash loans,F,N,Y,0,202500.0,126000.0,12402.0,126000.0,Children,Pensioner,Secondary / secondary special,Married,House / apartment,0.018209,-21948,365243,-11593.0,-4215,,1,0,0,1,0,0,,2.0,3,3,WEDNESDAY,14,0,0,0,0,0,0,XNA,,0.5425568553519121,0.5744466170995097,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1547.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,2.0 +2747046,275635,Revolving loans,,0.0,0.0,,,THURSDAY,17,Y,1,,,,XAP,Refused,-365,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,150,XNA,,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,1,135000.0,770292.0,39460.5,688500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-16755,-5529,-2565.0,-280,,1,1,0,1,0,0,Laborers,3.0,2,2,FRIDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.5950541008888146,0.5424451438613613,0.2062,0.0683,0.9836,0.7756,0.0,0.0,0.069,0.1667,0.2083,0.0181,0.1681,0.0567,0.0,0.0794,0.2101,0.0708,0.9836,0.7844,0.0,0.0,0.069,0.1667,0.2083,0.0185,0.1837,0.059,0.0,0.084,0.2082,0.0683,0.9836,0.7786,0.0,0.0,0.069,0.1667,0.2083,0.0184,0.171,0.0577,0.0,0.081,reg oper account,block of flats,0.0618,Panel,No,0.0,0.0,0.0,0.0,-904.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1717885,132544,Cash loans,26027.865,135000.0,139455.0,,135000.0,FRIDAY,10,Y,1,,,,XNA,Approved,-299,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-269.0,-119.0,-149.0,-143.0,1.0,1,Cash loans,M,Y,Y,0,112500.0,824823.0,24241.5,688500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-22985,365243,-4583.0,-4583,8.0,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,XNA,,0.2653117484731741,,0.0613,0.0,0.9747,0.6464,0.0039,0.0,0.1034,0.1667,0.2083,0.0101,0.0319,0.0464,0.0039,0.043,0.041,0.0,0.9742,0.6602,0.0039,0.0,0.069,0.1667,0.2083,0.0103,0.0349,0.0311,0.0039,0.0054,0.0619,0.0,0.9747,0.6511,0.0039,0.0,0.1034,0.1667,0.2083,0.0103,0.0325,0.0473,0.0039,0.0439,reg oper account,block of flats,0.0246,"Stone, brick",No,0.0,0.0,0.0,0.0,-299.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2770610,348809,Cash loans,41905.035,337500.0,353092.5,,337500.0,THURSDAY,5,Y,1,,,,Repairs,Refused,-265,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,1,202500.0,268659.0,28633.5,243000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.006629,-13830,-1303,-2406.0,-119,,1,1,0,1,0,0,Cooking staff,3.0,2,2,WEDNESDAY,7,0,0,0,0,0,0,Business Entity Type 2,0.591678448431535,0.005332222017297618,0.7801436381572275,,,,,,0.0,,,,,,,,,,,,,,0.0,,,,,,,,,,,,,,0.0,,,,,,,,,reg oper account,,,,No,8.0,2.0,8.0,1.0,-991.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1201470,113471,Consumer loans,5348.16,51655.5,51696.0,10332.0,51655.5,SATURDAY,16,Y,1,0.18140980319738287,,,XAP,Approved,-21,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,40,Connectivity,12.0,middle,POS mobile with interest,365243.0,365243.0,339.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,N,0,225000.0,376920.0,20574.0,270000.0,Family,State servant,Higher education,Married,House / apartment,0.003069,-13818,-3519,-1863.0,-3893,65.0,1,1,0,1,0,0,Core staff,2.0,3,3,SATURDAY,17,0,0,0,0,0,0,Police,,0.17338266259705254,0.248535557339522,0.1144,0.1754,0.9801,0.728,,0.0,0.3103,0.1667,0.0417,0.2094,,0.0961,,0.0838,0.1166,0.182,0.9801,0.7387,,0.0,0.3103,0.1667,0.0417,0.2142,,0.1001,,0.0888,0.1155,0.1754,0.9801,0.7316,,0.0,0.3103,0.1667,0.0417,0.213,,0.0978,,0.0856,reg oper account,block of flats,0.1306,"Stone, brick",No,5.0,0.0,5.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,3.0 +2257777,310876,Cash loans,19626.435,450000.0,553950.0,,450000.0,FRIDAY,9,Y,1,,,,XNA,Approved,-578,XNA,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,middle,Cash X-Sell: middle,365243.0,-548.0,1222.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,81000.0,261648.0,9994.5,207000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-19155,-7386,-4539.0,-2691,,1,1,1,1,0,0,,2.0,3,3,TUESDAY,11,0,0,0,0,0,0,Kindergarten,,0.07303455046735519,0.2707073872651806,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,15.0,0.0,15.0,0.0,-1588.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1450745,172225,Consumer loans,16938.27,126000.0,139306.5,0.0,126000.0,FRIDAY,7,Y,1,0.0,,,XAP,Refused,-319,Cash through the bank,HC,,Repeater,Auto Accessories,POS,XNA,Country-wide,230,Auto technology,12.0,high,POS other with interest,,,,,,,0,Cash loans,M,Y,N,2,63000.0,314100.0,21375.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.002134,-11202,-701,-3373.0,-3009,13.0,1,1,0,1,0,0,,4.0,3,3,TUESDAY,6,0,0,0,0,0,0,School,,0.25028981487571483,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-188.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2430423,124912,Revolving loans,9000.0,180000.0,180000.0,,180000.0,THURSDAY,15,Y,1,,,,XAP,Approved,-621,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-620.0,-595.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,270000.0,333621.0,24408.0,288000.0,Unaccompanied,State servant,Incomplete higher,Single / not married,House / apartment,0.04622,-8904,-2089,-339.0,-1491,,1,1,0,1,0,0,Core staff,1.0,1,1,TUESDAY,17,0,1,1,0,0,0,Military,0.16901667257679606,0.6516240915472951,0.6446794549585961,0.1113,0.0,0.9836,0.7756,0.0526,0.12,0.1034,0.3333,0.375,0.0568,0.0908,0.1187,0.0,0.0,0.1134,0.0,0.9836,0.7844,0.0531,0.1208,0.1034,0.3333,0.375,0.0581,0.0992,0.1236,0.0,0.0,0.1124,0.0,0.9836,0.7786,0.0529,0.12,0.1034,0.3333,0.375,0.0578,0.0923,0.1208,0.0,0.0,reg oper account,block of flats,0.1233,"Stone, brick",No,1.0,0.0,1.0,0.0,-621.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2429907,351708,Cash loans,13236.12,112500.0,119925.0,,112500.0,WEDNESDAY,10,Y,1,,,,XNA,Refused,-1111,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,,,,,,,1,Cash loans,F,N,N,0,247500.0,835380.0,40320.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.018029,-19923,-3229,-11497.0,-3439,,1,1,0,1,0,0,Sales staff,2.0,3,3,MONDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.6970641198870818,0.5457571557904599,0.178760465484575,0.0082,0.0,0.9613,0.4696,0.0019,0.0,0.069,0.0417,0.0417,0.0089,0.0067,0.0114,0.0,0.0,0.0084,0.0,0.9613,0.4904,0.0019,0.0,0.069,0.0417,0.0417,0.0091,0.0073,0.0119,0.0,0.0,0.0083,0.0,0.9613,0.4767,0.0019,0.0,0.069,0.0417,0.0417,0.009000000000000001,0.0068,0.0116,0.0,0.0,not specified,block of flats,0.01,Wooden,No,3.0,1.0,3.0,1.0,-1685.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,6.0,0.0,1.0 +1088041,329616,Consumer loans,1926.27,15021.0,16506.0,0.0,15021.0,TUESDAY,8,Y,1,0.0,,,XAP,Approved,-2290,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,29,Connectivity,12.0,high,POS mobile with interest,365243.0,-2259.0,-1929.0,-1929.0,-1921.0,1.0,1,Cash loans,M,N,Y,0,279000.0,675000.0,24043.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-23601,365243,-9273.0,-4403,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,XNA,,0.07084186673886114,,0.0742,,0.9816,,,0.08,0.069,0.3333,,,,0.0532,,0.0,0.0756,,0.9816,,,0.0806,0.069,0.3333,,,,0.0553,,0.0,0.0749,,0.9816,,,0.08,0.069,0.3333,,,,0.0541,,0.0,,,0.078,,No,13.0,1.0,12.0,1.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1948302,255238,Revolving loans,13500.0,0.0,270000.0,,,WEDNESDAY,8,Y,1,,,,XAP,Approved,-617,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-528.0,-483.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,F,N,Y,0,180000.0,328500.0,12514.5,328500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-21983,365243,-4073.0,-2102,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,8,0,0,0,0,0,0,XNA,,0.6726402139091726,0.3723336657058204,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1616.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,4.0,4.0 +1793367,334855,Cash loans,21179.7,180000.0,191880.0,,180000.0,SATURDAY,15,Y,1,,,,XNA,Approved,-653,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-623.0,-293.0,-473.0,-470.0,1.0,0,Cash loans,F,N,N,1,135000.0,225000.0,11781.0,225000.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,House / apartment,0.006233,-11353,-358,-5954.0,-3926,,1,1,0,1,1,0,Cooking staff,2.0,2,2,SATURDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.32001594681059464,0.6229702565244825,0.475849908720221,0.0619,0.0621,0.9806,0.7348,,0.0,0.1379,0.1667,0.2083,0.1053,,0.0534,,0.0,0.063,0.0644,0.9806,0.7452,,0.0,0.1379,0.1667,0.2083,0.1077,,0.0557,,0.0,0.0625,0.0621,0.9806,0.7383,,0.0,0.1379,0.1667,0.2083,0.1071,,0.0544,,0.0,reg oper account,block of flats,0.042,Panel,No,0.0,0.0,0.0,0.0,-2050.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2549263,402391,Cash loans,32197.5,405000.0,405000.0,0.0,405000.0,TUESDAY,12,Y,1,0.0,,,XNA,Refused,-2363,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,18.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,1,315000.0,1190340.0,63549.0,1125000.0,Family,Working,Higher education,Married,House / apartment,0.031329,-15602,-3417,-1040.0,-3937,,1,1,0,1,0,1,,3.0,2,2,SATURDAY,8,0,0,0,0,0,0,Insurance,0.4928123719636368,0.7679703428553109,0.5797274227921155,0.0835,0.0575,0.996,0.9456,0.0889,0.12,0.0345,0.7917,0.8333,0.0615,0.07400000000000001,0.1798,0.0116,0.4435,0.0851,0.0596,0.996,0.9477,0.0897,0.1208,0.0345,0.7917,0.8333,0.0629,0.0808,0.1873,0.0117,0.4695,0.0843,0.0575,0.996,0.9463,0.0894,0.12,0.0345,0.7917,0.8333,0.0626,0.0752,0.183,0.0116,0.4528,reg oper spec account,block of flats,0.2864,Monolithic,No,0.0,0.0,0.0,0.0,-343.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1317686,355889,Cash loans,26704.755,225000.0,289732.5,,225000.0,TUESDAY,13,Y,1,,,,XNA,Refused,-1293,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,,,,,,,0,Revolving loans,M,N,Y,0,675000.0,765000.0,38250.0,765000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.032561,-16362,-3235,-5372.0,-5437,,1,1,0,1,1,1,Managers,2.0,1,1,SUNDAY,16,1,1,0,0,0,0,Business Entity Type 3,,0.7130370046845943,0.6006575372857061,0.0072,,0.9434,0.2248,,,0.069,0.0833,0.125,0.0121,,0.0138,,0.0168,0.0074,,0.9434,0.2552,,,0.069,0.0833,0.125,0.0123,,0.0144,,0.0177,0.0073,,0.9434,0.2352,,,0.069,0.0833,0.125,0.0123,,0.0141,,0.0171,reg oper account,block of flats,0.0164,"Stone, brick",No,0.0,0.0,0.0,0.0,-1522.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2552672,221418,Consumer loans,2999.88,22950.0,25020.0,3150.0,22950.0,THURSDAY,15,Y,1,0.12178332849259366,,,XAP,Approved,-1913,Cash through the bank,XAP,"Spouse, partner",New,Mobile,POS,XNA,Stone,150,Consumer electronics,12.0,high,POS household with interest,365243.0,-1878.0,-1548.0,-1548.0,-1546.0,0.0,0,Cash loans,F,N,Y,0,148500.0,900000.0,38263.5,900000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-22836,365243,-3130.0,-4313,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,XNA,,0.40525518803926014,0.445396241560834,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-885.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1950114,288672,Consumer loans,2437.515,53820.0,53820.0,0.0,53820.0,MONDAY,11,Y,1,0.0,,,XAP,Approved,-465,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,2148,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-434.0,256.0,365243.0,365243.0,0.0,0,Revolving loans,F,Y,N,0,202500.0,180000.0,9000.0,180000.0,Unaccompanied,State servant,Higher education,Single / not married,With parents,0.010556,-10041,-1721,-777.0,-2717,7.0,1,1,0,1,0,0,High skill tech staff,1.0,3,3,THURSDAY,12,0,0,0,1,0,1,Security Ministries,0.3698663340752039,0.4842078097012266,0.375711009574066,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,2.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2700417,454043,Consumer loans,6146.415,49828.5,54148.5,4986.0,49828.5,SATURDAY,14,Y,1,0.09182807452041147,,,XAP,Approved,-1718,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,402,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1687.0,-1417.0,-1507.0,-1499.0,0.0,0,Cash loans,F,N,N,0,135000.0,1178217.0,34578.0,922500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.00733,-14581,-2216,-2710.0,-2710,,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,13,0,0,0,1,1,0,Business Entity Type 3,0.560611926648652,0.6506753369907216,0.13426542355494275,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1518.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2512476,302878,Cash loans,12046.815,135000.0,178308.0,,135000.0,TUESDAY,16,Y,1,,,,XNA,Approved,-660,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-630.0,60.0,-630.0,-627.0,1.0,0,Cash loans,M,Y,Y,0,270000.0,1435500.0,39604.5,1435500.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.026392000000000002,-12632,-2767,-978.0,-2219,8.0,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,10,0,0,0,0,1,1,Business Entity Type 2,0.25380216835496633,0.5651662377458385,0.4561097392782771,0.0186,,0.9856,,,0.0,0.1034,0.0417,,,,0.0188,,,0.0189,,0.9856,,,0.0,0.1034,0.0417,,,,0.0196,,,0.0187,,0.9856,,,0.0,0.1034,0.0417,,,,0.0191,,,,block of flats,0.0166,"Stone, brick",No,1.0,1.0,1.0,1.0,-1102.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +2678648,219454,Cash loans,36885.6,360000.0,360000.0,0.0,360000.0,TUESDAY,11,Y,1,0.0,,,Everyday expenses,Refused,-2118,Cash through the bank,HC,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,292500.0,202500.0,20155.5,202500.0,Unaccompanied,State servant,Higher education,Single / not married,House / apartment,0.026392000000000002,-24900,-5609,-4644.0,-4018,,1,1,1,1,1,0,Core staff,1.0,2,2,SATURDAY,12,0,0,0,0,0,0,Medicine,,0.6488190938462047,0.19182160241360605,0.1649,,0.9871,,,0.16,0.1379,0.375,,,,0.1721,,0.0,0.1681,,0.9871,,,0.1611,0.1379,0.375,,,,0.1793,,0.0,0.1665,,0.9871,,,0.16,0.1379,0.375,,,,0.1751,,0.0,,block of flats,0.1353,Others,No,0.0,0.0,0.0,0.0,-176.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1987523,129766,Consumer loans,7145.145,62500.5,69102.0,0.0,62500.5,WEDNESDAY,14,Y,1,0.0,,,XAP,Approved,-490,Cash through the bank,XAP,,Refreshed,Consumer Electronics,POS,XNA,Country-wide,501,Consumer electronics,12.0,middle,POS household with interest,365243.0,-458.0,-128.0,-218.0,-213.0,0.0,0,Revolving loans,M,Y,Y,1,270000.0,720000.0,36000.0,720000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.020246,-13788,-4080,-7719.0,-4675,10.0,1,1,0,1,1,0,Laborers,2.0,3,3,WEDNESDAY,13,0,0,0,0,0,0,Industry: type 9,,0.4927040957993086,0.5726825047161584,0.0711,0.0824,0.9816,0.7484,0.0311,0.0,0.1379,0.1667,0.2083,0.0371,0.0572,0.0438,0.0039,0.0081,0.0725,0.0855,0.9816,0.7583,0.0314,0.0,0.1379,0.1667,0.2083,0.0379,0.0624,0.0457,0.0039,0.0086,0.0718,0.0824,0.9816,0.7518,0.0313,0.0,0.1379,0.1667,0.2083,0.0377,0.0581,0.0446,0.0039,0.0083,reg oper account,block of flats,0.0532,Block,No,0.0,0.0,0.0,0.0,-2025.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2379409,222497,Consumer loans,9583.425,134977.5,134977.5,0.0,134977.5,WEDNESDAY,14,Y,1,0.0,,,XAP,Approved,-1780,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Stone,177,Consumer electronics,24.0,high,POS household with interest,365243.0,-1747.0,-1057.0,-1057.0,-1055.0,0.0,1,Cash loans,F,Y,Y,0,270000.0,746280.0,59094.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-13095,-1652,-1836.0,-1844,11.0,1,1,0,1,0,0,High skill tech staff,2.0,2,2,FRIDAY,10,0,0,0,1,1,0,Trade: type 7,0.2308270109242833,0.4926822328869641,0.17146836689679945,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1780.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1920943,376463,Revolving loans,9000.0,0.0,180000.0,,,FRIDAY,11,Y,1,,,,XAP,Approved,-2339,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,0,XNA,0.0,XNA,Card X-Sell,-2336.0,-2301.0,365243.0,-1236.0,-772.0,0.0,1,Cash loans,F,Y,Y,1,135000.0,1800000.0,49630.5,1800000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-14745,-1113,-4182.0,-4450,2.0,1,1,1,1,1,0,Sales staff,3.0,2,2,SATURDAY,9,0,0,0,0,0,0,Business Entity Type 1,0.5557397545795789,0.5358087744828114,0.24318648044201235,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1909.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2472393,380165,Cash loans,26935.02,553500.0,685012.5,,553500.0,MONDAY,8,Y,1,,,,XNA,Refused,-18,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),3,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,Y,Y,1,112500.0,755190.0,29677.5,675000.0,"Spouse, partner",Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.020713,-22782,365243,-12443.0,-1281,22.0,1,0,0,1,1,0,,3.0,3,3,FRIDAY,10,0,0,0,0,0,0,XNA,,0.4285231560949185,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1794.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2546429,250962,Cash loans,19658.385,225000.0,247275.0,0.0,225000.0,FRIDAY,11,Y,1,0.0,,,XNA,Approved,-2742,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,18.0,middle,Cash Street: middle,365243.0,-2712.0,-2202.0,-2262.0,-2257.0,1.0,0,Cash loans,F,N,Y,0,157500.0,1057266.0,47295.0,945000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Municipal apartment,0.011656999999999999,-20867,-1826,-9695.0,-2982,,1,1,0,1,0,0,Laborers,1.0,1,1,WEDNESDAY,14,0,1,1,0,1,1,Other,,0.5959074418102865,0.6023863442690867,0.1031,0.1252,0.9846,,,0.0,0.1724,0.1667,,0.0514,,0.0947,,0.1228,0.105,0.1299,0.9846,,,0.0,0.1724,0.1667,,0.0526,,0.0987,,0.13,0.1041,0.1252,0.9846,,,0.0,0.1724,0.1667,,0.0523,,0.0964,,0.1254,,block of flats,0.0822,Panel,No,0.0,0.0,0.0,0.0,-2606.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1648353,379570,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,13,Y,1,,,,XAP,Approved,-238,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),4,XNA,0.0,XNA,Card Street,-238.0,-198.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,225000.0,1044000.0,30654.0,1044000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-20020,-4573,-7411.0,-3414,,1,1,0,1,0,1,Sales staff,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Self-employed,,0.4657889198575781,0.4489622731076524,0.0742,,0.9851,,,0.08,0.069,0.3333,,,,0.0827,,0.0067,0.0756,,0.9851,,,0.0806,0.069,0.3333,,,,0.085,,0.0,0.0749,,0.9851,,,0.08,0.069,0.3333,,,,0.0844,,0.0049,,block of flats,0.065,"Stone, brick",No,12.0,0.0,12.0,0.0,-979.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,5.0,0.0,4.0 +2618008,215851,Cash loans,36953.595,675000.0,732915.0,,675000.0,THURSDAY,11,Y,1,,,,XNA,Approved,-631,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,365243.0,-601.0,269.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,382500.0,1227901.5,48825.0,1129500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019101,-21545,-852,-2431.0,-2431,,1,1,0,1,1,0,Managers,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,Trade: type 7,0.8385603019004559,0.6990190635601236,0.6785676886853644,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2156.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1600957,336639,Revolving loans,5625.0,0.0,112500.0,,,SATURDAY,10,N,0,,,,XAP,Refused,-2799,XNA,HC,,Repeater,XNA,Cards,x-sell,Contact center,0,XNA,0.0,XNA,Card Street,,,,,,,1,Cash loans,M,Y,Y,1,67500.0,261288.0,12838.5,171000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.030755,-12226,-496,-4292.0,-4668,11.0,1,1,0,1,0,0,Low-skill Laborers,3.0,2,2,FRIDAY,11,0,0,0,0,0,0,Industry: type 11,,0.3153981859754021,0.6706517530862718,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-430.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2426927,231605,Cash loans,38936.61,652500.0,697288.5,,652500.0,WEDNESDAY,7,Y,1,,,,XNA,Approved,-478,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-448.0,242.0,-448.0,-446.0,1.0,0,Revolving loans,F,N,Y,0,157500.0,450000.0,22500.0,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.018209,-23504,365243,-6574.0,-4039,,1,0,0,1,1,0,,2.0,3,3,FRIDAY,6,0,0,0,0,0,0,XNA,,0.5703180712993648,0.7610263695502636,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1742.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1688115,415765,Consumer loans,9882.0,53865.0,48465.0,5400.0,53865.0,MONDAY,12,Y,1,0.10918204602415124,,,XAP,Approved,-1639,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Stone,49,Connectivity,6.0,high,POS mobile with interest,365243.0,-1604.0,-1454.0,-1454.0,-1451.0,0.0,0,Cash loans,F,N,N,0,157500.0,254700.0,14220.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-24335,365243,-8555.0,-4283,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,11,0,0,0,1,0,0,XNA,,0.6437201363678564,0.6940926425266661,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1639.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +2348815,443575,Cash loans,,0.0,0.0,,,THURSDAY,19,Y,1,,,,XNA,Refused,-405,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,1,Cash loans,F,Y,Y,0,225000.0,225000.0,16371.0,225000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.035792000000000004,-14377,-2486,-4375.0,-4376,1.0,1,1,0,1,1,0,Cleaning staff,1.0,2,2,WEDNESDAY,10,0,0,0,1,1,0,Trade: type 7,,0.5730649239073784,0.16048893062734468,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-1655.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1000496,147976,Cash loans,9036.135,67500.0,81864.0,,67500.0,FRIDAY,9,Y,1,,,,XNA,Approved,-634,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-604.0,-274.0,-274.0,-267.0,1.0,0,Revolving loans,F,N,Y,1,45000.0,135000.0,6750.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-11889,-1736,-3018.0,-3883,,1,1,0,1,0,0,Laborers,3.0,2,2,TUESDAY,8,0,0,0,0,1,1,Self-employed,,0.4536232231522255,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1001.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1495763,288591,Consumer loans,4407.03,37161.0,36756.0,3717.0,37161.0,MONDAY,11,Y,1,0.10002102411708813,,,XAP,Approved,-1499,XNA,XAP,,New,Mobile,POS,XNA,Country-wide,42,Connectivity,12.0,high,POS mobile with interest,365243.0,-1451.0,-1121.0,-1121.0,-1108.0,0.0,0,Cash loans,F,N,Y,0,81000.0,657000.0,21190.5,657000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018209,-20414,-2965,-13245.0,-3960,,1,1,0,1,0,0,Sales staff,2.0,3,3,TUESDAY,12,0,0,0,0,0,0,Other,,0.4000009431603862,0.2366108235287817,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,2.0,6.0,1.0,-1499.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2387455,169753,Cash loans,67810.14,1800000.0,1949688.0,,1800000.0,THURSDAY,13,Y,1,,,,XNA,Approved,-750,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,42.0,low_normal,Cash X-Sell: low,365243.0,-716.0,514.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,0,225000.0,1007761.5,42826.5,927000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.010556,-17653,-2147,-1149.0,-1157,3.0,1,1,0,1,0,0,Drivers,2.0,3,3,FRIDAY,15,0,0,0,0,1,1,Transport: type 3,0.2336118260557116,0.4881682637484217,0.5620604831738043,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,4.0,0.0,4.0 +1640148,417007,Revolving loans,6750.0,0.0,135000.0,,,THURSDAY,9,Y,1,,,,XAP,Approved,-2532,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,0,XNA,0.0,XNA,Card Street,-2530.0,-2468.0,365243.0,-1738.0,365243.0,0.0,0,Cash loans,F,N,N,0,166500.0,1061599.5,28134.0,927000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.04622,-16601,-6697,-6088.0,-129,,1,1,0,1,0,0,Core staff,2.0,1,1,THURSDAY,16,0,0,0,0,0,0,School,,0.6777236920587889,0.511891801533151,0.1887,0.1455,0.9896,0.8572,0.0368,0.2,0.1724,0.3333,0.375,0.0999,0.1505,0.2009,0.0154,0.0418,0.1922,0.1509,0.9896,0.8628,0.0372,0.2014,0.1724,0.3333,0.375,0.1022,0.1644,0.2094,0.0156,0.0443,0.1905,0.1455,0.9896,0.8591,0.0371,0.2,0.1724,0.3333,0.375,0.1017,0.1531,0.2045,0.0155,0.0427,reg oper account,block of flats,0.1873,Panel,No,0.0,0.0,0.0,0.0,-2121.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1448638,423616,Cash loans,23402.295,675000.0,767664.0,0.0,675000.0,THURSDAY,13,Y,1,0.0,,,XNA,Approved,-1267,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,low_action,Cash Street: low,365243.0,-1236.0,174.0,-876.0,-872.0,0.0,1,Cash loans,F,Y,Y,0,495000.0,1350000.0,39604.5,1350000.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.022625,-18675,-2867,-1437.0,-2147,5.0,1,1,0,1,0,0,Sales staff,1.0,2,2,THURSDAY,19,0,0,0,0,1,1,Insurance,0.7876965785447484,0.6299397484471323,0.511891801533151,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-1267.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,0.0 +1477012,344485,Revolving loans,11250.0,0.0,225000.0,,0.0,SATURDAY,10,Y,1,,,,XAP,Refused,-1215,XNA,HC,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,N,0,101250.0,284400.0,13963.5,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.020246,-14528,-1811,-6806.0,-4814,,1,1,1,1,1,0,Sales staff,1.0,3,3,TUESDAY,7,0,0,0,0,0,0,Self-employed,0.6179495591449728,0.3683729316320651,0.12610055883623253,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1394.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2140546,186095,Cash loans,6024.6,45000.0,54580.5,,45000.0,WEDNESDAY,17,Y,1,,,,XNA,Approved,-645,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-615.0,-285.0,-585.0,-571.0,1.0,0,Cash loans,F,Y,Y,0,135000.0,781920.0,37746.0,675000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.01885,-10364,-1606,-5188.0,-3043,12.0,1,1,0,1,0,1,,2.0,2,2,THURSDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.7190437319321216,0.2445163919946749,0.0557,0.0334,0.9776,,,,0.0345,0.3333,,,,0.0445,,,0.0567,0.0347,0.9777,,,,0.0345,0.3333,,,,0.0464,,,0.0562,0.0334,0.9776,,,,0.0345,0.3333,,,,0.0453,,,,block of flats,0.035,"Stone, brick",No,11.0,0.0,11.0,0.0,-645.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1021693,275038,Cash loans,19977.795,175500.0,175500.0,0.0,175500.0,THURSDAY,6,Y,1,0.0,,,XNA,Refused,-1884,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,Y,0,112500.0,889515.0,26136.0,742500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.020246,-22672,365243,-12204.0,-4098,,1,0,0,1,0,0,,2.0,3,3,FRIDAY,11,0,0,0,0,0,0,XNA,,0.3982650450905451,0.7062051096536562,0.0278,0.0418,0.9806,0.7348,,0.0,0.1034,0.0833,,,,0.0274,,,0.0284,0.0434,0.9806,0.7452,,0.0,0.1034,0.0833,,,,0.0286,,,0.0281,0.0418,0.9806,0.7383,,0.0,0.1034,0.0833,,,,0.0279,,,reg oper account,block of flats,0.0468,"Stone, brick",No,2.0,1.0,2.0,1.0,-1884.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1688442,430237,Consumer loans,24825.465,1287000.0,1017000.0,270000.0,1287000.0,WEDNESDAY,17,Y,1,0.22848061029879196,,,XAP,Approved,-2526,Cash through the bank,XAP,,Repeater,XNA,Cars,XNA,Car dealer,23,Industry,72.0,low_normal,POS industry with interest,365243.0,-2490.0,-360.0,-1860.0,-1857.0,0.0,0,Cash loans,M,Y,Y,0,157500.0,584766.0,28260.0,472500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.009175,-16495,-282,-5941.0,-53,7.0,1,1,1,1,1,0,,2.0,2,2,TUESDAY,17,0,0,0,0,0,0,Restaurant,,0.7088758643589249,0.3893387918468769,0.1335,0.1113,0.9816,,,0.14,0.1207,0.3333,,0.0572,,0.1359,,0.0,0.0777,0.0442,0.9816,,,0.0806,0.069,0.3333,,0.0526,,0.0813,,0.0,0.1348,0.1113,0.9816,,,0.14,0.1207,0.3333,,0.0582,,0.1383,,0.0,,block of flats,0.1723,Panel,No,1.0,0.0,1.0,0.0,-2526.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2171679,347472,Consumer loans,,94495.5,94495.5,,94495.5,SATURDAY,17,Y,1,,,,XAP,Refused,-1472,Cash through the bank,LIMIT,Other_B,Repeater,Computers,XNA,XNA,Country-wide,1500,Consumer electronics,,XNA,POS household with interest,,,,,,,0,Cash loans,M,N,Y,1,90000.0,273636.0,18414.0,247500.0,Unaccompanied,Commercial associate,Higher education,Separated,Co-op apartment,0.007120000000000001,-11618,-1619,-5621.0,-4287,,1,1,0,1,0,0,Core staff,2.0,2,2,MONDAY,15,0,0,0,0,0,0,Transport: type 4,0.28085390776772,0.04215826596394412,0.0969483170508572,0.1856,,0.9821,,,0.36,0.3103,0.3333,,0.0276,,0.1163,,0.2708,0.1891,,0.9821,,,0.3625,0.3103,0.3333,,0.0282,,0.1212,,0.2866,0.1874,,0.9821,,,0.36,0.3103,0.3333,,0.0281,,0.1184,,0.2764,,block of flats,0.1503,"Stone, brick",No,1.0,1.0,1.0,1.0,-1558.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2569149,441794,Cash loans,9171.045,45000.0,46485.0,,45000.0,SATURDAY,13,Y,1,,,,XNA,Approved,-314,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,6.0,high,Cash X-Sell: high,365243.0,-284.0,-134.0,-164.0,-160.0,1.0,0,Cash loans,F,N,Y,0,157500.0,284400.0,22599.0,225000.0,Family,Working,Higher education,Civil marriage,House / apartment,0.02461,-8434,-504,-6521.0,-1108,,1,1,1,1,1,0,Sales staff,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,Self-employed,0.07306851866076007,0.5265078509926321,0.25670557243930026,0.0619,0.0692,0.9786,0.7076,0.0283,0.0,0.1379,0.1667,0.2083,0.0462,0.0504,0.0599,0.0,0.0,0.063,0.0718,0.9786,0.7190000000000001,0.0285,0.0,0.1379,0.1667,0.2083,0.0472,0.0551,0.0624,0.0,0.0,0.0625,0.0692,0.9786,0.7115,0.0284,0.0,0.1379,0.1667,0.2083,0.047,0.0513,0.061,0.0,0.0,reg oper account,block of flats,0.0626,Panel,No,3.0,0.0,3.0,0.0,-504.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +2628334,368993,Cash loans,25794.0,900000.0,900000.0,,900000.0,WEDNESDAY,10,Y,1,,,,Other,Approved,-668,XNA,XAP,Unaccompanied,Refreshed,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,60.0,low_normal,Cash Street: low,365243.0,-631.0,1139.0,-391.0,-367.0,0.0,0,Cash loans,F,Y,N,1,135000.0,1078200.0,31522.5,900000.0,Family,Working,Higher education,Married,House / apartment,0.020713,-17623,-8832,-4205.0,-744,10.0,1,1,1,1,0,0,Core staff,3.0,3,2,SUNDAY,17,0,0,0,0,0,0,Medicine,,0.7183275118514675,0.6528965519806539,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,0.0,-670.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,4.0,2.0,1.0 +2128928,226333,Cash loans,69225.75,2250000.0,2517300.0,,2250000.0,MONDAY,10,Y,1,,,,Building a house or an annex,Refused,-145,Cash through the bank,SCO,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,1,Cash loans,F,Y,Y,0,202500.0,1442596.5,46665.0,1129500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.02461,-14516,-2007,-3293.0,-2370,10.0,1,1,0,1,0,0,,2.0,2,2,SATURDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.6956359929014844,0.5046813193144684,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-869.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,5.0 +2024530,424892,Consumer loans,8830.935,74115.0,72207.0,7411.5,74115.0,WEDNESDAY,11,Y,1,0.10138092620091146,,,XAP,Approved,-1197,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,80,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1159.0,-889.0,-889.0,-884.0,0.0,0,Cash loans,F,N,N,0,90000.0,454500.0,13288.5,454500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-17729,-7202,-6424.0,-1282,,1,1,1,1,0,0,Medicine staff,2.0,2,2,MONDAY,11,0,0,0,0,0,0,Other,,0.3542247319929012,0.22009464485041005,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1747.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2769858,246701,Cash loans,36670.455,823500.0,921330.0,,823500.0,MONDAY,11,Y,1,,,,XNA,Approved,-63,Non-cash from your account,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-33.0,1017.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,135000.0,328405.5,14593.5,283500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-23615,365243,-3051.0,-4555,,1,0,0,1,0,0,,2.0,2,2,MONDAY,12,0,0,0,0,0,0,XNA,,0.7376556878383229,,0.0309,0.0296,0.9881,,,0.0,0.069,0.1667,,0.0317,,0.0188,,0.0,0.0315,0.0307,0.9881,,,0.0,0.069,0.1667,,0.0324,,0.0196,,0.0,0.0312,0.0296,0.9881,,,0.0,0.069,0.1667,,0.0322,,0.0191,,0.0,,block of flats,0.0275,Panel,No,6.0,0.0,6.0,0.0,-2494.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1537355,440586,Cash loans,26076.915,292500.0,359617.5,0.0,292500.0,FRIDAY,11,Y,1,0.0,,,XNA,Approved,-1750,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-1720.0,-1210.0,-1330.0,-1321.0,1.0,0,Cash loans,F,N,Y,0,315000.0,2085120.0,72607.5,1800000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-21781,365243,-2495.0,-4456,,1,0,0,1,0,0,,2.0,2,1,FRIDAY,16,0,0,0,0,0,0,XNA,0.8463135124355678,0.669367231344753,0.5190973382084597,0.1144,0.1403,0.9816,0.7484,0.0303,0.0,0.2759,0.1667,0.2083,0.1089,0.0916,0.127,0.0077,0.0172,0.1166,0.1456,0.9816,0.7583,0.0305,0.0,0.2759,0.1667,0.2083,0.1114,0.1001,0.1323,0.0078,0.0182,0.1155,0.1403,0.9816,0.7518,0.0304,0.0,0.2759,0.1667,0.2083,0.1108,0.0932,0.1293,0.0078,0.0175,,block of flats,0.1179,Panel,No,2.0,0.0,2.0,0.0,-1750.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1442240,426445,Consumer loans,20723.49,148455.0,142429.5,14845.5,148455.0,SATURDAY,12,Y,1,0.10280145662634932,,,XAP,Approved,-2242,Cash through the bank,XAP,"Spouse, partner",Repeater,Computers,POS,XNA,Stone,96,Consumer electronics,8.0,middle,POS household with interest,365243.0,-2211.0,-2001.0,-2121.0,-2115.0,0.0,0,Cash loans,M,Y,Y,2,405000.0,545040.0,43191.0,450000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.020713,-13150,-2878,-2433.0,-4730,8.0,1,1,0,1,0,0,,4.0,3,1,MONDAY,7,0,0,0,0,0,0,Business Entity Type 2,0.6341266568880672,0.4685595689138781,0.1997705696341145,0.1454,0.1321,0.9861,0.8096,0.0423,0.16,0.1379,0.3333,0.375,0.0976,0.1177,0.1701,0.0039,0.006,0.1103,0.1088,0.9861,0.8171,0.0325,0.1208,0.1034,0.3333,0.375,0.0624,0.0955,0.1395,0.0039,0.0064,0.1468,0.1321,0.9861,0.8121,0.0426,0.16,0.1379,0.3333,0.375,0.0993,0.1197,0.1731,0.0039,0.0062,reg oper account,block of flats,0.1922,Panel,No,0.0,0.0,0.0,0.0,-1692.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1318460,176409,Revolving loans,9000.0,0.0,180000.0,,,SATURDAY,14,Y,1,,,,XAP,Approved,-2417,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,20,Connectivity,0.0,XNA,Card X-Sell,-2389.0,-2345.0,365243.0,-1492.0,-816.0,0.0,0,Cash loans,F,Y,N,0,112500.0,1333395.0,35302.5,1044000.0,,Working,Secondary / secondary special,Married,House / apartment,0.030755,-14813,-8157,-4781.0,-4781,2.0,1,1,0,1,0,0,,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,School,,0.6507250396990759,0.2955826421513093,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-4.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1636453,356178,Consumer loans,7862.04,70560.0,78012.0,0.0,70560.0,WEDNESDAY,19,Y,1,0.0,,,XAP,Approved,-425,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Regional / Local,104,Consumer electronics,12.0,middle,POS household with interest,365243.0,-394.0,-64.0,-94.0,-92.0,0.0,0,Cash loans,M,Y,N,0,247500.0,1305000.0,42228.0,1305000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.030755,-11498,-970,-3568.0,-4140,7.0,1,1,1,1,1,0,Drivers,2.0,2,2,THURSDAY,11,0,1,1,1,1,1,Business Entity Type 3,0.3324164688292226,0.7062378942960025,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2399.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2275537,350947,Cash loans,13297.365,270000.0,313839.0,,270000.0,THURSDAY,13,Y,1,,,,XNA,Approved,-861,Cash through the bank,XAP,Children,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-831.0,219.0,-651.0,-647.0,1.0,0,Cash loans,F,N,N,0,108000.0,512338.5,19444.5,423000.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.019101,-18131,-4756,-9885.0,-1668,,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,Self-employed,,0.6779147100503284,0.7121551551910698,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-1877.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +2533214,339356,Cash loans,25308.315,135000.0,139455.0,,135000.0,SUNDAY,7,Y,1,,,,XNA,Approved,-680,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,low_normal,Cash X-Sell: low,365243.0,-650.0,-500.0,-590.0,-582.0,1.0,0,Cash loans,F,Y,N,0,58500.0,168102.0,16375.5,148500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.018801,-24420,365243,-3548.0,-4863,14.0,1,0,0,1,0,0,,2.0,2,2,MONDAY,9,0,0,0,0,0,0,XNA,,0.15167293965939385,0.8193176922872417,0.1485,0.0754,0.9791,0.7144,0.0373,0.16,0.1379,0.3333,0.375,0.0696,0.121,0.1463,0.0,0.0,0.1513,0.0782,0.9791,0.7256,0.0377,0.1611,0.1379,0.3333,0.375,0.0712,0.1322,0.1524,0.0,0.0,0.1499,0.0754,0.9791,0.7182,0.0376,0.16,0.1379,0.3333,0.375,0.0708,0.1231,0.1489,0.0,0.0,reg oper spec account,block of flats,0.115,Panel,No,4.0,0.0,4.0,0.0,-1517.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +1648986,376668,Cash loans,9170.55,45000.0,46485.0,0.0,45000.0,MONDAY,7,Y,1,0.0,,,XNA,Approved,-1844,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,6.0,high,Cash X-Sell: high,365243.0,-1814.0,-1664.0,-1664.0,-1656.0,1.0,0,Cash loans,F,Y,Y,0,45000.0,512064.0,18522.0,360000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-17811,-2923,-9359.0,-1351,14.0,1,1,1,1,1,0,Cleaning staff,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,School,,0.2653117484731741,0.746300213050371,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1435.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2347302,234334,Consumer loans,12275.775,202320.0,182088.0,20232.0,202320.0,SATURDAY,15,Y,1,0.1089090909090909,,,XAP,Approved,-947,Cash through the bank,XAP,Other_B,New,Homewares,POS,XNA,Country-wide,21,Construction,18.0,low_normal,POS other with interest,365243.0,-911.0,-401.0,-821.0,-813.0,0.0,0,Cash loans,F,N,N,0,180000.0,1078200.0,31027.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009175,-20523,-10640,-9509.0,-4037,,1,1,0,1,0,0,Medicine staff,2.0,2,2,MONDAY,13,0,0,0,0,0,0,Medicine,,0.5766883380567215,0.6910212267577837,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-947.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1051843,210550,Consumer loans,10829.655,134937.0,148270.5,4500.0,134937.0,WEDNESDAY,14,Y,1,0.032080205870302775,,,XAP,Approved,-437,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Stone,150,Consumer electronics,18.0,middle,POS household with interest,365243.0,-404.0,106.0,-164.0,-160.0,0.0,1,Cash loans,M,Y,Y,0,135000.0,755190.0,38556.0,675000.0,Family,State servant,Secondary / secondary special,Married,Municipal apartment,0.002042,-16561,-1192,-1003.0,-101,11.0,1,1,1,1,1,0,,2.0,3,3,SATURDAY,14,0,0,0,0,0,0,Business Entity Type 2,,0.4069165045386122,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-714.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2586764,296091,Cash loans,19377.315,292500.0,384318.0,,292500.0,TUESDAY,13,Y,1,,,,XNA,Approved,-1317,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,365243.0,-1287.0,-417.0,-717.0,-710.0,1.0,0,Cash loans,F,N,Y,0,157500.0,444420.0,19705.5,337500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.018029,-20225,365243,-8666.0,-3675,,1,0,0,1,1,0,,1.0,3,3,WEDNESDAY,9,0,0,0,0,0,0,XNA,,0.5829959970089894,,,,0.9896,,,,0.3103,0.1667,,,,,,,,,0.9896,,,,0.3103,0.1667,,,,,,,,,0.9896,,,,0.3103,0.1667,,,,,,,,block of flats,0.1426,"Stone, brick",No,0.0,0.0,0.0,0.0,-1670.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2271127,122574,Consumer loans,4749.975,27922.5,16672.5,11250.0,27922.5,TUESDAY,18,Y,1,0.4387956926232508,,,XAP,Approved,-2670,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,10,Connectivity,4.0,low_normal,POS mobile with interest,365243.0,-2626.0,-2536.0,-2536.0,-2532.0,0.0,0,Cash loans,F,N,Y,0,315000.0,601470.0,30838.5,450000.0,Unaccompanied,State servant,Secondary / secondary special,Widow,House / apartment,0.007273999999999998,-22143,-3593,-3278.0,-5425,,1,1,0,1,0,0,Core staff,1.0,2,2,FRIDAY,18,0,0,0,0,0,0,Security Ministries,,0.637234721733254,0.7091891096653581,0.0928,0.0954,0.9831,0.7688,0.0206,0.0,0.2069,0.1667,0.0417,0.0814,0.0756,0.0493,0.0,0.0,0.0945,0.099,0.9831,0.7779,0.0208,0.0,0.2069,0.1667,0.0417,0.0833,0.0826,0.0513,0.0,0.0,0.0937,0.0954,0.9831,0.7719,0.0207,0.0,0.2069,0.1667,0.0417,0.0828,0.077,0.0502,0.0,0.0,reg oper account,block of flats,0.0665,Panel,No,0.0,0.0,0.0,0.0,-2670.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2844551,177286,Cash loans,13115.205,252000.0,331834.5,,252000.0,THURSDAY,8,Y,1,,,,Journey,Refused,-176,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,N,0,112500.0,545040.0,26640.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.020246,-11364,-1716,-3853.0,-3853,,1,1,1,1,0,0,Laborers,2.0,3,3,WEDNESDAY,19,0,0,0,0,0,0,Other,0.2733324748943183,0.23400205483495,0.1455428133497032,0.0124,0.0157,0.9722,0.6192,0.0026,0.0,0.069,0.0417,0.0833,0.0235,0.0101,0.0128,0.0,0.0,0.0126,0.0163,0.9722,0.6341,0.0026,0.0,0.069,0.0417,0.0833,0.024,0.011,0.0133,0.0,0.0,0.0125,0.0157,0.9722,0.6243,0.0026,0.0,0.069,0.0417,0.0833,0.0239,0.0103,0.013,0.0,0.0,reg oper account,block of flats,0.0115,"Stone, brick",No,0.0,0.0,0.0,0.0,-176.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1135878,434425,Cash loans,28936.26,337500.0,360891.0,,337500.0,THURSDAY,7,Y,1,,,,Repairs,Approved,-422,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),40,XNA,18.0,middle,Cash Street: middle,365243.0,-392.0,118.0,-32.0,-20.0,1.0,0,Cash loans,F,Y,N,1,99000.0,604152.0,29196.0,540000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.020713,-12174,-3838,-660.0,-1206,7.0,1,1,0,1,0,0,Secretaries,3.0,3,2,SATURDAY,7,0,0,0,0,0,0,Business Entity Type 3,0.5749086612699026,0.5798400999431373,,0.1227,0.0127,0.9806,0.7348,0.004,0.0,0.069,0.1667,0.2083,0.0392,0.1,0.0721,0.0,0.0,0.125,0.0132,0.9806,0.7452,0.004,0.0,0.069,0.1667,0.2083,0.0401,0.1093,0.0751,0.0,0.0,0.1239,0.0127,0.9806,0.7383,0.004,0.0,0.069,0.1667,0.2083,0.0399,0.1018,0.0734,0.0,0.0,reg oper account,block of flats,0.0589,Panel,No,0.0,0.0,0.0,0.0,-1111.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2552412,135932,Consumer loans,2662.695,22905.0,22207.5,2700.0,22905.0,WEDNESDAY,19,Y,1,0.1180586351318058,,,XAP,Approved,-1944,Cash through the bank,XAP,,New,Photo / Cinema Equipment,POS,XNA,Country-wide,35,Connectivity,12.0,high,POS mobile with interest,365243.0,-1899.0,-1569.0,-1569.0,-1562.0,0.0,0,Cash loans,M,Y,Y,0,166500.0,130365.0,8842.5,99000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.019101,-18723,-2095,-7045.0,-1789,3.0,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,13,0,0,0,0,1,1,Government,,0.2437779637443813,0.7047064232963289,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1804.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,0.0,1.0,1.0 +1952362,249658,Consumer loans,13363.605,92376.0,88992.0,9238.5,92376.0,SATURDAY,11,Y,1,0.1024281293858462,,,XAP,Approved,-1037,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,1700,Consumer electronics,8.0,middle,POS household with interest,365243.0,-1006.0,-796.0,-796.0,-790.0,0.0,1,Cash loans,M,N,Y,1,126000.0,152820.0,18265.5,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00823,-9766,-2173,-9763.0,-2140,,1,1,0,1,0,0,Drivers,3.0,2,2,SUNDAY,16,1,1,0,1,1,0,Industry: type 1,0.13278098488593704,0.5359447432048026,0.07546094030670009,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1037.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,4.0 +1415355,136943,Cash loans,9199.755,81000.0,91692.0,,81000.0,FRIDAY,10,Y,1,,,,XNA,Approved,-251,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-221.0,109.0,-161.0,-158.0,1.0,0,Cash loans,F,N,Y,0,135000.0,324000.0,20835.0,324000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0060079999999999995,-18040,-847,-6827.0,-1574,,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,Self-employed,,0.1366693973176136,0.6109913280868294,0.0557,0.0429,0.9896,0.8572,0.0069,0.0,0.1034,0.2083,0.25,0.0271,0.0454,0.0513,0.0,0.0,0.0567,0.0445,0.9896,0.8628,0.0069,0.0,0.1034,0.2083,0.25,0.0277,0.0496,0.0535,0.0,0.0,0.0562,0.0429,0.9896,0.8591,0.0069,0.0,0.1034,0.2083,0.25,0.0276,0.0462,0.0522,0.0,0.0,reg oper account,block of flats,0.0441,"Stone, brick",No,0.0,0.0,0.0,0.0,-251.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1923872,315628,Consumer loans,9449.28,93325.5,103180.5,0.0,93325.5,THURSDAY,18,Y,1,0.0,,,XAP,Approved,-588,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Regional / Local,260,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-557.0,-227.0,-287.0,-284.0,0.0,0,Cash loans,M,Y,Y,0,157500.0,298512.0,31801.5,270000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019101,-17688,-2699,-4738.0,-1239,13.0,1,1,0,1,0,0,Drivers,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,Transport: type 4,,0.511294568153395,0.7503751495159068,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1226.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1017894,334616,Consumer loans,3753.135,34155.0,33781.5,3415.5,34155.0,TUESDAY,12,Y,1,0.1000024195499636,,,XAP,Approved,-1746,XNA,XAP,,New,Mobile,POS,XNA,Country-wide,45,Connectivity,12.0,high,POS mobile with interest,365243.0,-1708.0,-1378.0,-1408.0,-1405.0,0.0,0,Cash loans,F,N,N,1,72000.0,675000.0,21775.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.010147,-16875,-3183,-8893.0,-419,,1,1,1,1,1,0,Sales staff,3.0,2,2,MONDAY,16,0,0,0,0,0,0,Trade: type 7,,0.5203766452303609,0.326475210066026,0.0464,0.0419,0.9846,,,0.0,0.1034,0.1667,,0.0455,,0.0418,,0.0173,0.0473,0.0434,0.9846,,,0.0,0.1034,0.1667,,0.0465,,0.0435,,0.0184,0.0468,0.0419,0.9846,,,0.0,0.1034,0.1667,,0.0463,,0.0425,,0.0177,,block of flats,0.0329,"Stone, brick",No,0.0,0.0,0.0,0.0,-1746.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1792877,220176,Consumer loans,19440.0,216000.0,194400.0,21600.0,216000.0,TUESDAY,13,Y,1,0.1089090909090909,,,XAP,Approved,-1317,Cash through the bank,XAP,Unaccompanied,New,Construction Materials,POS,XNA,Stone,6,Construction,12.0,middle,POS industry with interest,365243.0,-1286.0,-956.0,-1016.0,-1011.0,0.0,0,Cash loans,F,N,Y,0,90000.0,454500.0,18153.0,454500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.02461,-19150,-2717,-9091.0,-2694,,1,1,1,1,1,0,Sales staff,1.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Trade: type 3,0.416741541562672,0.6969492982643302,0.5442347412142162,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-1317.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1942625,229961,Cash loans,30712.635,720000.0,831195.0,,720000.0,MONDAY,14,Y,1,,,,XNA,Refused,-395,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,54.0,middle,Cash X-Sell: middle,,,,,,,1,Cash loans,F,N,Y,0,90000.0,343800.0,16852.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-19159,-10741,-5403.0,-2660,,1,1,0,1,0,0,Cleaning staff,2.0,2,2,THURSDAY,10,0,0,0,0,1,1,Business Entity Type 2,,0.6529632128033492,0.3893387918468769,0.0619,,0.9871,,,0.0,0.1379,0.1667,,,,0.0338,,0.0,0.063,,0.9871,,,0.0,0.1379,0.1667,,,,0.0353,,0.0,0.0625,,0.9871,,,0.0,0.1379,0.1667,,,,0.0344,,0.0,,block of flats,0.0475,"Stone, brick",No,2.0,1.0,2.0,1.0,-607.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1912587,208572,Cash loans,18746.37,450000.0,522765.0,,450000.0,WEDNESDAY,14,Y,1,,,,Repairs,Approved,-764,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,42.0,low_normal,Cash Street: low,365243.0,-733.0,497.0,-283.0,-278.0,0.0,0,Cash loans,M,Y,N,0,112500.0,270000.0,26833.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-19767,-1310,-3993.0,-3305,10.0,1,1,0,1,0,1,Drivers,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Advertising,0.7051567086587702,0.5011772639114913,0.5656079814115492,0.1237,0.1183,0.9911,,,0.0,0.2759,0.1667,,0.0976,,0.1103,,0.0,0.1261,0.1227,0.9911,,,0.0,0.2759,0.1667,,0.0999,,0.1149,,0.0,0.1249,0.1183,0.9911,,,0.0,0.2759,0.1667,,0.0993,,0.1123,,0.0,,block of flats,0.0868,"Stone, brick",No,4.0,0.0,4.0,0.0,-2656.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1368832,288236,Consumer loans,10398.645,55854.0,58617.0,0.0,55854.0,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-1226,XNA,XAP,Family,Repeater,Furniture,POS,XNA,Regional / Local,370,Furniture,6.0,low_normal,POS industry without interest,365243.0,-1195.0,-1045.0,-1075.0,-1072.0,0.0,0,Cash loans,M,Y,N,2,225000.0,1575000.0,52272.0,1575000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-11659,-984,-5935.0,-4121,1.0,1,1,1,1,1,0,Laborers,4.0,2,2,SATURDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.4024929811596796,0.2858978721410488,0.6738300778602003,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1226.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2629307,207422,Consumer loans,12047.76,199017.0,233167.5,0.0,199017.0,WEDNESDAY,8,Y,1,0.0,,,XAP,Approved,-616,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Country-wide,1700,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-584.0,106.0,-434.0,-418.0,0.0,0,Cash loans,F,N,N,1,90000.0,355536.0,13306.5,270000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.020713,-15701,-329,-2280.0,-4640,,1,1,0,1,0,0,Sales staff,3.0,3,3,MONDAY,9,0,0,0,0,0,0,Self-employed,,0.5506586628079545,0.6658549219640212,0.0722,0.0777,0.9846,,,0.0,0.1379,0.1667,,0.0115,,0.0661,,0.0,0.0735,0.0806,0.9846,,,0.0,0.1379,0.1667,,0.0117,,0.0689,,0.0,0.0729,0.0777,0.9846,,,0.0,0.1379,0.1667,,0.0117,,0.0673,,0.0,,block of flats,0.052000000000000005,Panel,No,0.0,0.0,0.0,0.0,-1072.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1563712,409588,Consumer loans,2906.28,64170.0,64170.0,0.0,64170.0,TUESDAY,14,Y,1,0.0,,,XAP,Approved,-1058,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,1108,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1027.0,-337.0,-427.0,-423.0,0.0,0,Cash loans,F,Y,Y,1,225000.0,946764.0,40243.5,765000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.035792000000000004,-16393,-1070,-382.0,-4398,6.0,1,1,0,1,0,0,Core staff,3.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,University,,0.6278983708841968,0.5954562029091491,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1256.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2842982,340295,Cash loans,22017.915,193500.0,206271.0,,193500.0,TUESDAY,7,Y,1,,,,XNA,Approved,-241,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-211.0,119.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,1,112500.0,303489.0,36148.5,274500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.0038130000000000004,-15090,-4221,-4767.0,-5165,17.0,1,1,0,1,0,0,,3.0,2,2,FRIDAY,8,0,0,0,0,1,1,Government,,0.12942678044320938,0.7700870700124128,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,2.0,5.0,2.0,-241.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1260798,243492,Consumer loans,18471.825,110835.0,104184.0,6651.0,110835.0,SUNDAY,15,Y,1,0.06535429815819585,,,XAP,Approved,-1118,Cash through the bank,XAP,Unaccompanied,Refreshed,Consumer Electronics,POS,XNA,Regional / Local,458,Consumer electronics,6.0,low_normal,POS others without interest,365243.0,-1087.0,-937.0,-937.0,-929.0,0.0,0,Cash loans,F,N,Y,0,90000.0,436032.0,24475.5,360000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.011656999999999999,-20794,-3074,-9891.0,-4099,,1,1,0,1,0,0,Security staff,2.0,1,1,FRIDAY,14,0,0,0,0,0,0,Medicine,,0.7835169763232737,0.7366226976503176,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,1.0,-2227.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1975550,106416,Consumer loans,15782.94,350343.0,350343.0,0.0,350343.0,WEDNESDAY,20,Y,1,0.0,,,XAP,Approved,-759,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Regional / Local,200,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-728.0,-38.0,-308.0,-300.0,0.0,0,Revolving loans,M,Y,Y,1,202500.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-11575,-353,-179.0,-4191,40.0,1,1,0,1,0,0,,3.0,2,2,SATURDAY,15,0,0,0,0,1,1,Business Entity Type 3,0.5473135443819053,0.7176323393563041,0.3296550543128238,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-642.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2134360,217057,Revolving loans,11250.0,225000.0,225000.0,,225000.0,THURSDAY,10,Y,1,,,,XAP,Approved,-790,XNA,XAP,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,225000.0,1170000.0,41580.0,1170000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-14467,-2385,-6004.0,-5999,,1,1,0,1,0,1,Laborers,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.6020066065083278,0.6361168152598612,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1483.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1552521,250251,Cash loans,29612.295,337500.0,373140.0,,337500.0,FRIDAY,13,Y,1,,,,XNA,Refused,-6,Cash through the bank,HC,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,Y,2,180000.0,398016.0,31576.5,360000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-15111,-3762,-3747.0,-4390,,1,1,0,1,0,0,High skill tech staff,4.0,2,2,THURSDAY,14,0,0,0,0,1,1,Industry: type 9,0.5070872133395016,0.7195779619427379,0.5406544504453575,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,2.0,6.0,1.0,-3303.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1665221,393219,Cash loans,21687.525,337500.0,368685.0,,337500.0,WEDNESDAY,16,Y,1,,,,XNA,Approved,-1070,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-1040.0,-350.0,-950.0,-947.0,1.0,0,Cash loans,F,Y,Y,0,166500.0,755190.0,33394.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-21549,365243,-9960.0,-4780,19.0,1,0,0,1,1,0,,2.0,2,2,TUESDAY,7,0,0,0,0,0,0,XNA,,0.6495113603941073,0.6413682574954046,0.1237,0.0729,0.9861,0.8096,0.0555,0.12,0.1034,0.375,0.4167,0.0,0.1009,0.1398,0.0,0.0,0.1261,0.0757,0.9861,0.8171,0.056,0.1208,0.1034,0.375,0.4167,0.0,0.1102,0.1456,0.0,0.0,0.1249,0.0729,0.9861,0.8121,0.0559,0.12,0.1034,0.375,0.4167,0.0,0.1026,0.1423,0.0,0.0,reg oper account,block of flats,0.1403,Panel,No,0.0,0.0,0.0,0.0,-1580.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1336336,185808,Consumer loans,8436.555,110745.0,72292.5,44298.0,110745.0,FRIDAY,16,Y,1,0.4137948554205453,,,XAP,Approved,-1271,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,583,Furniture,10.0,middle,POS industry with interest,365243.0,-1240.0,-970.0,-1000.0,-996.0,0.0,0,Cash loans,M,Y,N,1,157500.0,1024740.0,49297.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.04622,-15805,-4827,-7977.0,-4550,3.0,1,1,1,1,0,0,Core staff,3.0,1,1,MONDAY,12,0,0,0,0,0,0,Transport: type 2,,0.7529080778194289,0.8128226070575616,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-3601.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1684830,161795,Cash loans,46524.51,742500.0,793467.0,,742500.0,TUESDAY,13,Y,1,,,,XNA,Approved,-576,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-546.0,144.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,1,247500.0,402696.0,39960.0,382500.0,Unaccompanied,Working,Lower secondary,Married,House / apartment,0.072508,-20950,-196,-12406.0,-3698,7.0,1,1,0,1,1,0,Laborers,3.0,1,1,THURSDAY,17,0,0,0,0,0,0,Construction,,0.7432825232901441,0.7076993447402619,0.344,0.2178,0.9796,0.7212,0.1042,0.3732,0.3217,0.3333,0.0417,0.0,0.2799,0.3205,,0.0107,0.2258,0.1443,0.9796,0.7321,0.0681,0.2417,0.2069,0.3333,0.0417,0.0,0.1974,0.2174,,0.0,0.2946,0.1843,0.9796,0.7249,0.0879,0.32,0.2759,0.3333,0.0417,0.0,0.2411,0.2777,,0.0163,,block of flats,0.1641,Panel,No,0.0,0.0,0.0,0.0,-733.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2443876,195476,Cash loans,44795.97,1129500.0,1129500.0,,1129500.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-540,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-510.0,540.0,-60.0,-53.0,0.0,0,Cash loans,F,N,Y,0,135000.0,439740.0,21285.0,315000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-18685,-1806,-7636.0,-2213,,1,1,0,1,0,0,Managers,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Hotel,,0.3786937234588834,0.4794489811780563,0.0804,0.0222,0.9836,0.7892,0.0587,0.06,0.0862,0.25,0.0417,0.0247,0.0908,0.0596,0.0,0.0,0.0504,0.009000000000000001,0.9826,0.7975,0.0593,0.0,0.0345,0.1667,0.0417,0.0128,0.0992,0.0483,0.0,0.0,0.0812,0.0222,0.9836,0.792,0.0591,0.06,0.0862,0.25,0.0417,0.0251,0.0923,0.0606,0.0,0.0,reg oper account,block of flats,0.0364,Block,No,0.0,0.0,0.0,0.0,-244.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2436561,329936,Consumer loans,10285.83,87192.0,89442.0,0.0,87192.0,THURSDAY,15,Y,1,0.0,,,XAP,Approved,-482,Cash through the bank,XAP,Unaccompanied,New,Furniture,POS,XNA,Stone,100,Furniture,10.0,middle,POS industry with interest,365243.0,-448.0,-178.0,-238.0,-234.0,0.0,0,Cash loans,F,N,Y,0,450000.0,662022.0,33930.0,526500.0,Family,Commercial associate,Incomplete higher,Civil marriage,House / apartment,0.04622,-19383,-462,-4901.0,-2609,,1,1,0,1,0,0,Sales staff,2.0,1,1,WEDNESDAY,18,0,0,0,0,0,0,Self-employed,0.7627165780480614,0.6822015552113555,,0.133,0.1517,0.9786,0.7076,0.0151,0.0,0.2759,0.1667,0.2083,0.0,0.1084,0.1178,0.0,0.0,0.1355,0.1575,0.9786,0.7190000000000001,0.0152,0.0,0.2759,0.1667,0.2083,0.0,0.1185,0.1227,0.0,0.0,0.1343,0.1517,0.9786,0.7115,0.0152,0.0,0.2759,0.1667,0.2083,0.0,0.1103,0.1199,0.0,0.0,reg oper account,block of flats,0.0926,"Stone, brick",No,0.0,0.0,0.0,0.0,-482.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2484212,322715,Consumer loans,9450.765,94500.0,85050.0,9450.0,94500.0,TUESDAY,14,Y,1,0.1089090909090909,,,XAP,Approved,-164,XNA,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Stone,83,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-132.0,138.0,365243.0,365243.0,0.0,0,Revolving loans,F,Y,Y,1,67500.0,157500.0,7875.0,157500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.030755,-9604,-2294,-602.0,-1444,8.0,1,1,1,1,1,0,High skill tech staff,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,Self-employed,0.4725219723697868,0.2826410952002709,0.5136937663039473,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2177269,229866,Consumer loans,2977.245,20025.0,23962.5,1035.0,20025.0,WEDNESDAY,17,Y,1,0.045092872923655984,,,XAP,Approved,-1582,Cash through the bank,XAP,"Spouse, partner",Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,12.0,high,POS mobile with interest,365243.0,-1551.0,-1221.0,-1251.0,-1241.0,0.0,1,Cash loans,F,N,Y,0,135000.0,828837.0,27522.0,715500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010966,-9863,-2284,-9842.0,-2500,,1,1,1,1,1,0,,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Trade: type 7,0.20822815054999386,0.20158368228640064,0.6178261467332483,,,0.9642,,,,0.1034,0.0417,,,,0.0142,,0.0054,,,0.9643,,,,0.1034,0.0417,,,,0.0148,,0.0057,,,0.9642,,,,0.1034,0.0417,,,,0.0144,,0.0055,,,0.0126,"Stone, brick",No,9.0,0.0,9.0,0.0,-1582.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1044366,420838,Consumer loans,9999.99,100012.275,90009.0,10003.275,100012.275,WEDNESDAY,9,Y,1,0.10893138730857148,,,XAP,Approved,-2886,Cash through the bank,XAP,Family,Repeater,Other,POS,XNA,Stone,20,Construction,10.0,low_normal,POS industry with interest,365243.0,-2848.0,-2578.0,-2578.0,-2574.0,0.0,0,Cash loans,F,N,Y,0,99000.0,208854.0,13477.5,184500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-19661,-794,-1747.0,-3181,,1,1,1,1,1,0,,2.0,2,2,FRIDAY,15,0,0,0,0,1,1,Business Entity Type 3,0.5362012491330288,0.5909744618989264,0.7151031019926098,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-1939.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1874676,181073,Consumer loans,8173.665,56601.0,61272.0,0.0,56601.0,SATURDAY,9,Y,1,0.0,,,XAP,Approved,-2524,Cash through the bank,XAP,Children,New,Mobile,POS,XNA,Country-wide,30,Connectivity,10.0,high,POS mobile with interest,365243.0,-2493.0,-2223.0,-2223.0,-2215.0,1.0,0,Cash loans,M,Y,Y,0,76500.0,916470.0,26928.0,765000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-18755,-2592,-9612.0,-2310,15.0,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,12,0,0,0,1,1,0,Transport: type 4,,0.3555614533438121,0.6413682574954046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1773.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,3.0 +1037273,167400,Cash loans,,0.0,0.0,,,THURSDAY,9,Y,1,,,,XNA,Refused,-141,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,135000.0,808650.0,26086.5,675000.0,Children,Working,Secondary / secondary special,Married,House / apartment,0.009656999999999999,-20140,-736,-6540.0,-3493,,1,1,0,1,0,0,Cleaning staff,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,Construction,0.2371019780603671,0.39552744410801904,0.2366108235287817,0.3649,0.2786,0.9846,0.7959999999999999,0.0952,0.4,0.3448,0.3333,0.375,0.212,0.2975,1.0,0.0,0.0047,0.3718,0.28300000000000003,0.9846,0.804,0.0961,0.4028,0.3448,0.3333,0.375,0.2168,0.3251,0.4016,0.0,0.0,0.3685,0.2786,0.9846,0.7987,0.0958,0.4,0.3448,0.3333,0.375,0.2157,0.3027,1.0,0.0,0.0048,reg oper account,block of flats,0.3572,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2519205,386188,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SUNDAY,11,Y,1,,,,XAP,Refused,-176,XNA,HC,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,252000.0,487971.0,52681.5,463500.0,Family,Commercial associate,Higher education,Married,House / apartment,0.04622,-9565,-439,-188.0,-2037,,1,1,0,1,0,0,Sales staff,2.0,1,1,MONDAY,14,0,1,1,0,0,0,Business Entity Type 3,0.3551921773759673,0.5596069155911539,,0.0144,0.0,0.9781,0.7008,0.002,0.0,0.069,0.125,0.1667,0.0,0.0109,0.0146,0.0039,0.0925,0.0147,0.0,0.9782,0.7125,0.002,0.0,0.069,0.125,0.1667,0.0,0.0119,0.0152,0.0039,0.098,0.0146,0.0,0.9781,0.7048,0.002,0.0,0.069,0.125,0.1667,0.0,0.0111,0.0148,0.0039,0.0945,reg oper account,block of flats,0.0327,"Stone, brick",No,0.0,0.0,0.0,0.0,-176.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1440079,184400,Cash loans,10492.02,90000.0,95940.0,0.0,90000.0,FRIDAY,7,Y,1,0.0,,,XNA,Approved,-2415,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,high,Cash Street: high,365243.0,-2385.0,-2055.0,-2055.0,-2049.0,1.0,0,Cash loans,F,N,N,1,90000.0,485901.0,23503.5,369000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.018801,-13839,-2005,-7942.0,-3504,,1,1,0,1,0,0,Core staff,3.0,2,2,FRIDAY,14,0,0,0,0,0,0,School,0.4515227968124017,0.35599248906345243,0.17352743046491467,0.0907,,0.9771,,,0.0,0.2069,0.1667,,,,0.0593,,0.0795,0.0924,,0.9772,,,0.0,0.2069,0.1667,,,,0.0618,,0.0842,0.0916,,0.9771,,,0.0,0.2069,0.1667,,,,0.0604,,0.0812,,block of flats,0.0668,Panel,No,1.0,1.0,1.0,1.0,-957.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2093278,297031,Cash loans,19436.265,184500.0,234256.5,0.0,184500.0,THURSDAY,11,Y,1,0.0,,,XNA,Refused,-1938,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,Y,0,270000.0,531706.5,42138.0,459000.0,Children,Commercial associate,Higher education,Married,House / apartment,0.01885,-15008,-2072,-8409.0,-2367,,1,1,1,1,1,0,,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.6877265930563483,0.5994882387806106,0.25396280933631177,0.1052,0.0827,0.9821,0.7552,0.0287,0.12,0.1034,0.3333,,,0.0857,0.111,0.0154,0.2791,0.1071,0.0858,0.9821,0.7648,0.0289,0.1208,0.1034,0.3333,,,0.0937,0.1156,0.0156,0.2955,0.1062,0.0827,0.9821,0.7585,0.0288,0.12,0.1034,0.3333,,,0.0872,0.113,0.0155,0.285,,block of flats,0.1636,Panel,No,4.0,1.0,4.0,1.0,-1686.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2082405,429252,Cash loans,19404.18,157500.0,189364.5,,157500.0,TUESDAY,9,Y,1,,,,XNA,Approved,-442,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-412.0,-82.0,-82.0,-80.0,1.0,0,Cash loans,M,Y,N,0,171000.0,276277.5,20785.5,238500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010032,-16463,-3314,-5112.0,-12,16.0,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,5,0,0,0,0,1,1,Business Entity Type 2,,0.08399654140022726,0.7981372313187245,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2065537,203580,Consumer loans,10925.64,89100.0,80100.0,9000.0,89100.0,TUESDAY,15,Y,1,0.11000918273645546,,,XAP,Refused,-2061,Cash through the bank,LIMIT,Unaccompanied,Repeater,Mobile,POS,XNA,Stone,7,Connectivity,10.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,1,315000.0,720000.0,48442.5,720000.0,Unaccompanied,Working,Secondary / secondary special,Widow,Office apartment,0.003540999999999999,-16416,-1691,-342.0,-3378,,1,1,0,1,0,0,Laborers,2.0,1,1,FRIDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.5352811656234818,,0.1227,0.0675,0.9955,0.9388,0.0414,0.12,0.1034,0.375,,0.0143,0.1,0.1285,0.0,0.0,0.125,0.07,0.9955,0.9412,0.0417,0.1208,0.1034,0.375,,0.0146,0.1093,0.1339,0.0,0.0,0.1239,0.0675,0.9955,0.9396,0.0416,0.12,0.1034,0.375,,0.0145,0.1018,0.1308,0.0,0.0,reg oper account,block of flats,0.1237,Panel,No,2.0,0.0,2.0,0.0,-2149.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1213977,179572,Consumer loans,6700.86,62325.0,61645.5,6232.5,62325.0,SATURDAY,10,Y,1,0.0999993973144331,,,XAP,Approved,-2276,Cash through the bank,XAP,Children,New,Furniture,POS,XNA,Regional / Local,130,Furniture,12.0,high,POS industry with interest,365243.0,-2245.0,-1915.0,-1915.0,-1911.0,1.0,0,Cash loans,F,N,Y,0,99000.0,308461.5,30177.0,279000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.00702,-21112,365243,-12638.0,-4325,,1,0,0,1,0,0,,2.0,2,2,SUNDAY,13,0,0,0,0,0,0,XNA,0.7001128615880448,0.1880858080478744,0.7267112092725122,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-41.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +2360691,183842,Consumer loans,3640.815,26235.0,28399.5,0.0,26235.0,SUNDAY,10,Y,1,0.0,,,XAP,Approved,-1990,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Stone,550,Consumer electronics,10.0,high,POS household with interest,365243.0,-1959.0,-1689.0,-1719.0,-1710.0,0.0,0,Cash loans,F,N,N,0,72000.0,454500.0,16452.0,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018209,-20529,365243,-2730.0,-3953,,1,0,0,1,0,0,,2.0,3,3,WEDNESDAY,14,0,0,0,0,0,0,XNA,,0.4353050648557213,0.6738300778602003,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1990.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1509230,160449,Consumer loans,3020.4,22405.5,19044.0,3361.5,22405.5,TUESDAY,12,Y,1,0.16339644689514132,,,XAP,Approved,-2596,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,29,Connectivity,8.0,high,POS mobile with interest,365243.0,-2559.0,-2349.0,-2349.0,-2346.0,0.0,1,Cash loans,M,N,Y,0,270000.0,657702.0,21343.5,549000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.020246,-20621,365243,-7651.0,-4051,,1,0,0,1,0,0,,1.0,3,3,MONDAY,7,0,0,0,0,0,0,XNA,,0.04623770249537898,0.3344541255096772,0.1031,0.0236,0.9767,,,0.0,0.2069,0.1667,,0.0716,,0.0885,,0.0,0.105,0.0245,0.9767,,,0.0,0.2069,0.1667,,0.0732,,0.0922,,0.0,0.1041,0.0236,0.9767,,,0.0,0.2069,0.1667,,0.0729,,0.0901,,0.0,,block of flats,0.0763,"Stone, brick",No,2.0,1.0,2.0,1.0,-1986.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1128508,353660,Cash loans,26206.965,225000.0,269010.0,,225000.0,FRIDAY,12,Y,1,,,,Repairs,Approved,-626,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,81000.0,571500.0,32040.0,571500.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.018209,-9316,-801,-2950.0,-1998,,1,1,0,1,0,0,Sales staff,2.0,3,3,THURSDAY,7,0,0,0,0,0,0,Trade: type 7,,0.017085432215296292,0.2301588968634147,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-883.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1745601,398403,Consumer loans,5823.9,51048.0,47898.0,3150.0,51048.0,TUESDAY,16,Y,1,0.06720412873445311,,,XAP,Approved,-490,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,40,Connectivity,12.0,high,POS mobile with interest,365243.0,-418.0,-88.0,-238.0,-233.0,0.0,0,Cash loans,M,N,N,0,157500.0,407520.0,32328.0,360000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.020713,-11579,-614,-636.0,-2348,,1,1,0,1,1,0,Medicine staff,2.0,3,2,MONDAY,17,0,0,0,0,0,0,Construction,,0.02531224053484715,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-99.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2665675,274823,Cash loans,5341.14,54000.0,54000.0,,54000.0,FRIDAY,11,Y,1,,,,XNA,Approved,-17,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Country-wide,1300,Consumer electronics,12.0,middle,Cash X-Sell: middle,365243.0,365243.0,343.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,157500.0,621000.0,20160.0,621000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.032561,-20414,365243,-6719.0,-3272,,1,0,0,1,0,0,,1.0,1,1,MONDAY,16,0,0,0,0,0,0,XNA,0.8446668333495191,0.6846192324272472,0.2851799046358216,0.2448,0.1732,0.9796,0.7212,0.0451,0.26,0.2241,0.3333,0.375,0.08900000000000001,0.1996,0.2492,0.0,0.0,0.188,0.1289,0.9786,0.7190000000000001,0.0251,0.2014,0.1724,0.3333,0.375,0.0731,0.1644,0.1974,0.0,0.0,0.2472,0.1732,0.9796,0.7249,0.0454,0.26,0.2241,0.3333,0.375,0.0905,0.2031,0.2537,0.0,0.0,reg oper account,block of flats,0.1626,Panel,No,0.0,0.0,0.0,0.0,-17.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2539762,181133,Consumer loans,7247.79,66960.0,65236.5,6696.0,66960.0,TUESDAY,17,Y,1,0.10138049876304488,,,XAP,Approved,-2611,Cash through the bank,XAP,Children,Repeater,Audio/Video,POS,XNA,Stone,1400,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2580.0,-2310.0,-2310.0,-2305.0,1.0,0,Cash loans,M,Y,Y,1,315000.0,675000.0,28728.0,675000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.015221,-18043,-710,-7685.0,-1526,2.0,1,1,0,1,1,0,Core staff,3.0,2,2,TUESDAY,13,0,0,0,1,1,0,Government,,0.6050981454443559,0.520897599048938,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2611.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1029881,408914,Consumer loans,5947.425,22455.0,20875.5,2245.5,22455.0,MONDAY,14,Y,1,0.10577196645316538,,,XAP,Approved,-2646,XNA,XAP,Family,New,Mobile,POS,XNA,Country-wide,30,Connectivity,4.0,low_normal,POS mobile with interest,365243.0,-2615.0,-2525.0,-2525.0,-2521.0,1.0,0,Cash loans,F,Y,N,0,315000.0,1350000.0,37125.0,1350000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.010006000000000001,-13970,-402,-2019.0,-4661,11.0,1,1,1,1,0,0,Private service staff,1.0,2,2,SATURDAY,8,0,0,0,0,0,0,Services,0.4410295159478925,0.692324807059288,0.3280631605201915,0.1567,0.0695,0.9791,0.7144,,0.0,0.1034,0.1667,0.2083,0.0385,0.1261,0.0404,0.0077,0.004,0.1597,0.0722,0.9791,0.7256,,0.0,0.1034,0.1667,0.2083,0.0394,0.1377,0.0421,0.0078,0.0042,0.1582,0.0695,0.9791,0.7182,,0.0,0.1034,0.1667,0.2083,0.0392,0.1283,0.0411,0.0078,0.0041,reg oper account,block of flats,0.0468,"Stone, brick",No,1.0,1.0,1.0,1.0,-453.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1075776,227346,Consumer loans,7875.45,37390.5,39240.0,0.0,37390.5,FRIDAY,13,Y,1,0.0,,,XAP,Approved,-2401,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,35,Connectivity,6.0,high,POS mobile with interest,365243.0,-2370.0,-2220.0,-2220.0,-2203.0,1.0,0,Cash loans,F,N,Y,0,67500.0,540000.0,15786.0,540000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0105,-20119,-10888,-9025.0,-3627,,1,1,0,1,0,0,Laborers,2.0,3,3,FRIDAY,11,0,0,0,0,0,0,Industry: type 11,,0.11623445619756588,0.4956658291397297,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,1.0,0.0,-1995.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1530742,191543,Consumer loans,2758.14,52128.0,58018.5,0.0,52128.0,SATURDAY,14,Y,1,0.0,,,XAP,Approved,-510,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,2000,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-479.0,211.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,1,202500.0,1018899.0,29920.5,850500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.007273999999999998,-12273,-896,-630.0,-1876,3.0,1,1,0,1,0,0,Drivers,3.0,2,2,FRIDAY,14,0,0,0,0,0,0,Transport: type 4,0.6000947161154232,0.5894247917621287,0.5460231970049609,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1587.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2173896,120024,Cash loans,51465.195,810000.0,893398.5,,810000.0,TUESDAY,16,Y,1,,,,XNA,Approved,-811,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash X-Sell: high,365243.0,-781.0,269.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,112500.0,927000.0,33120.0,927000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-21132,365243,-10967.0,-4422,,1,0,0,1,0,0,,2.0,2,2,MONDAY,10,0,0,0,0,0,0,XNA,0.7566490024870508,0.5868080289890685,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1369.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1107677,374175,Consumer loans,14948.685,85455.0,80716.5,8545.5,85455.0,SUNDAY,13,Y,1,0.10426414783039098,,,XAP,Approved,-1840,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Regional / Local,178,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1794.0,-1644.0,-1674.0,-1672.0,0.0,0,Cash loans,F,N,N,1,202500.0,168102.0,16623.0,148500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-14176,-2525,-8226.0,-4919,,1,1,0,1,0,0,,3.0,1,1,SATURDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.5107455910240409,0.7032986210595659,0.7252764347002191,0.0351,0.0,0.9752,0.66,0.0,0.0,0.069,0.125,0.1667,0.0,0.0286,0.0271,0.0,0.0,0.0357,0.0,0.9752,0.6733,0.0,0.0,0.069,0.125,0.1667,0.0,0.0312,0.0282,0.0,0.0,0.0354,0.0,0.9752,0.6645,0.0,0.0,0.069,0.125,0.1667,0.0,0.0291,0.0276,0.0,0.0,reg oper spec account,block of flats,0.0213,"Stone, brick",No,0.0,0.0,0.0,0.0,-1840.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1595002,100698,Consumer loans,17311.095,384264.0,384264.0,0.0,384264.0,SATURDAY,8,Y,1,0.0,,,XAP,Approved,-446,Cash through the bank,XAP,,New,Construction Materials,POS,XNA,Regional / Local,26,Construction,24.0,low_action,POS industry without interest,365243.0,-415.0,275.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,157500.0,477000.0,20340.0,477000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.014464,-14590,-2022,-12352.0,-4655,,1,1,0,1,0,0,Managers,1.0,2,2,THURSDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.4460888764824262,0.7026822329103365,,0.1,0.0344,0.9841,0.7824,0.0546,0.08,0.0345,0.4583,0.5,0.0691,0.0815,0.09,0.0,0.0,0.1019,0.0357,0.9841,0.7909,0.0551,0.0806,0.0345,0.4583,0.5,0.0707,0.0891,0.0938,0.0,0.0,0.101,0.0344,0.9841,0.7853,0.0549,0.08,0.0345,0.4583,0.5,0.0703,0.0829,0.0916,0.0,0.0,reg oper account,block of flats,0.1007,"Stone, brick",No,0.0,0.0,0.0,0.0,-446.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1180920,416714,Cash loans,23496.705,225000.0,239850.0,,225000.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-219,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),148,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-189.0,141.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,121500.0,760225.5,32206.5,679500.0,Family,State servant,Secondary / secondary special,Married,House / apartment,0.00702,-15529,-6582,-6234.0,-4437,,1,1,1,1,1,0,Managers,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,Postal,,0.20911584796919708,0.5172965813614878,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-443.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,2.0 +1524436,114826,Cash loans,,0.0,0.0,,,SUNDAY,14,Y,1,,,,XNA,Refused,-397,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,Y,Y,0,90000.0,135000.0,7029.0,135000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-22215,365243,-5775.0,-4241,4.0,1,0,0,1,0,0,,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,XNA,,0.6295930395562729,0.5280927512030451,0.08199999999999999,0.0533,0.9896,0.8572,0.0278,0.08,0.069,0.375,0.2292,0.0152,0.0668,0.0836,0.0019,0.0031,0.083,0.0546,0.9896,0.8628,0.0206,0.0806,0.069,0.375,0.0417,0.0101,0.0725,0.0862,0.0,0.0,0.0828,0.0533,0.9896,0.8591,0.028,0.08,0.069,0.375,0.2292,0.0155,0.068,0.0851,0.0019,0.0031,reg oper account,block of flats,0.0668,Panel,No,2.0,0.0,2.0,0.0,-1331.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1665364,246552,Consumer loans,16489.485,319131.0,319131.0,0.0,319131.0,FRIDAY,7,Y,1,0.0,,,XAP,Approved,-496,XNA,XAP,,Repeater,Construction Materials,POS,XNA,Stone,80,Construction,24.0,low_normal,POS industry with interest,365243.0,-462.0,228.0,-342.0,-340.0,0.0,0,Cash loans,F,N,N,0,162000.0,808650.0,21460.5,675000.0,Family,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.025164,-21442,-1001,-1137.0,-4978,,1,1,0,1,0,0,Laborers,1.0,2,2,MONDAY,16,0,0,0,0,0,0,Self-employed,0.5816860257081193,0.16831505220348875,0.42765737003502935,0.0186,0.0368,0.9652,0.524,0.0023,0.0,0.069,0.0833,0.125,0.0194,0.0151,0.017,0.0,0.0,0.0189,0.0382,0.9652,0.5426,0.0023,0.0,0.069,0.0833,0.125,0.0198,0.0165,0.0177,0.0,0.0,0.0187,0.0368,0.9652,0.5304,0.0023,0.0,0.069,0.0833,0.125,0.0197,0.0154,0.0173,0.0,0.0,reg oper account,block of flats,0.0149,"Stone, brick",No,0.0,0.0,0.0,0.0,-3.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,6.0 +2836465,101447,Revolving loans,3375.0,0.0,67500.0,,,THURSDAY,16,Y,1,,,,XAP,Approved,-951,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card X-Sell,-888.0,-851.0,365243.0,-243.0,-85.0,0.0,0,Cash loans,F,N,N,0,292500.0,336370.5,36225.0,319500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-14034,-1980,-8133.0,-2030,,1,1,1,1,1,0,Sales staff,2.0,2,2,TUESDAY,18,0,0,0,0,0,0,Self-employed,0.28269470008510056,0.2498387187994675,0.5531646987710016,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2051.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,1.0,1.0,0.0,0.0,8.0 +2576526,387823,Consumer loans,,68040.0,68040.0,0.0,68040.0,THURSDAY,8,Y,1,0.0,,,XAP,Refused,-2273,Cash through the bank,SCO,Children,Repeater,Mobile,XNA,XNA,Country-wide,45,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,F,N,N,0,171000.0,508495.5,21672.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.018029,-19870,-2594,-532.0,-3427,,1,1,1,1,1,0,High skill tech staff,1.0,3,2,MONDAY,7,0,0,0,0,0,0,University,,0.4695616257500799,0.1997705696341145,0.0778,0.0588,0.9776,0.6940000000000001,0.0138,0.04,0.1034,0.25,0.2917,0.0537,0.0609,0.0736,0.0116,0.0118,0.0756,0.0526,0.9737,0.6537,0.0081,0.0,0.069,0.1667,0.2083,0.055,0.0661,0.0678,0.0,0.0,0.0786,0.0588,0.9776,0.6981,0.0139,0.04,0.1034,0.25,0.2917,0.0547,0.062,0.0749,0.0116,0.0121,reg oper account,block of flats,0.0633,Panel,No,6.0,1.0,6.0,0.0,-1708.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1362663,453693,Consumer loans,3764.61,21253.5,19003.5,2250.0,21253.5,WEDNESDAY,16,Y,1,0.1152965180066599,,,XAP,Approved,-2303,Non-cash from your account,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,84,Consumer electronics,6.0,high,POS household with interest,365243.0,-2260.0,-2110.0,-2110.0,-2103.0,0.0,0,Cash loans,F,N,N,0,90000.0,254700.0,14350.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.026392000000000002,-21768,365243,-3520.0,-3956,,1,0,0,1,1,0,,1.0,2,2,MONDAY,10,0,0,0,0,0,0,XNA,0.8653632976867011,0.6015289253720622,0.4902575124990026,0.0701,,0.9786,,,0.0,0.1379,0.1667,,,,0.0652,,0.0079,0.0714,,0.9786,,,0.0,0.1379,0.1667,,,,0.0679,,0.0084,0.0708,,0.9786,,,0.0,0.1379,0.1667,,,,0.0664,,0.0081,,block of flats,0.053,"Stone, brick",No,0.0,0.0,0.0,0.0,-2303.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2691546,234385,Consumer loans,11729.745,37800.0,34020.0,3780.0,37800.0,FRIDAY,14,Y,1,0.1089090909090909,,,XAP,Approved,-957,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Stone,181,Consumer electronics,3.0,low_normal,POS household without interest,365243.0,-922.0,-862.0,-862.0,-857.0,0.0,0,Revolving loans,M,Y,Y,2,157500.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-10608,-1049,-1205.0,-2885,8.0,1,1,0,1,0,0,Security staff,4.0,2,2,WEDNESDAY,10,0,1,1,0,0,0,Other,,0.6690090014864627,0.6023863442690867,0.0247,0.0471,0.9876,0.83,0.0393,0.0,0.1034,0.0833,0.0417,0.0155,0.0202,0.0243,0.0,0.009000000000000001,0.0252,0.0489,0.9876,0.8367,0.0396,0.0,0.1034,0.0833,0.0417,0.0158,0.022,0.0253,0.0,0.0095,0.025,0.0471,0.9876,0.8323,0.0395,0.0,0.1034,0.0833,0.0417,0.0158,0.0205,0.0247,0.0,0.0091,reg oper account,block of flats,0.0215,"Stone, brick",No,2.0,1.0,2.0,1.0,-1664.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2350400,378976,Cash loans,26281.845,360000.0,393264.0,,360000.0,MONDAY,15,Y,1,,,,XNA,Approved,-500,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,N,Y,1,180000.0,192874.5,17820.0,166500.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.01885,-14122,-1286,-4551.0,-4000,,1,1,0,1,0,0,Drivers,3.0,2,2,THURSDAY,18,0,0,0,0,0,0,Business Entity Type 3,,0.5313679486842869,0.5406544504453575,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1064.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1375504,285940,Cash loans,21503.97,180000.0,191880.0,0.0,180000.0,TUESDAY,17,Y,1,0.0,,,XNA,Approved,-2192,Cash through the bank,XAP,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,12.0,high,Cash Street: high,365243.0,-2162.0,-1832.0,-1832.0,-1825.0,1.0,0,Cash loans,M,N,N,0,135000.0,539230.5,23881.5,409500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-19820,-1861,-9350.0,-3250,,1,1,0,1,0,0,Cleaning staff,2.0,2,2,FRIDAY,15,0,0,0,0,1,1,Business Entity Type 3,,0.6629822013879798,0.4830501881366946,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1142.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2238967,382869,Consumer loans,8532.585,120825.0,125968.5,12082.5,120825.0,SATURDAY,15,Y,1,0.09531941752751454,,,XAP,Approved,-1091,Cash through the bank,XAP,"Spouse, partner",Refreshed,Furniture,POS,XNA,Stone,36,Furniture,18.0,low_normal,POS industry with interest,365243.0,-1056.0,-546.0,-816.0,-809.0,0.0,0,Cash loans,M,Y,Y,0,180000.0,755190.0,36459.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.019688999999999998,-20528,-4650,-1449.0,-3483,8.0,1,1,1,1,1,0,Drivers,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,Self-employed,,0.25512548094878185,0.5298898341969072,0.0948,0.0869,0.9801,0.728,0.0077,0.0,0.2069,0.1667,0.0,0.0151,0.0756,0.077,0.0077,0.0038,0.0966,0.0902,0.9801,0.7387,0.0078,0.0,0.2069,0.1667,0.0,0.0154,0.0826,0.0803,0.0078,0.004,0.0958,0.0869,0.9801,0.7316,0.0078,0.0,0.2069,0.1667,0.0,0.0153,0.077,0.0784,0.0078,0.0039,reg oper account,block of flats,0.0656,Panel,No,1.0,1.0,1.0,1.0,-2610.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1529403,217099,Consumer loans,,30555.0,30555.0,0.0,30555.0,SUNDAY,12,Y,1,0.0,,,XAP,Refused,-1997,XNA,XNA,,Repeater,Mobile,XNA,XNA,Country-wide,50,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,M,N,N,0,126000.0,590337.0,30271.5,477000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Municipal apartment,0.006207,-10253,-937,-9079.0,-2924,,1,1,0,1,0,0,High skill tech staff,1.0,2,2,TUESDAY,9,1,1,0,1,1,0,Self-employed,,0.5437940127558781,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1852054,258183,Consumer loans,11119.815,137718.0,110173.5,27544.5,137718.0,THURSDAY,10,Y,1,0.21782529912905024,0.1891363481808909,0.8350951374207188,XAP,Approved,-145,XNA,XAP,,Repeater,Computers,POS,XNA,Country-wide,34,Connectivity,12.0,middle,POS mobile with interest,365243.0,-110.0,220.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,2,540000.0,1195587.0,38700.0,1044000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.018029,-13116,-403,-1268.0,-2485,,1,1,0,1,1,0,Core staff,4.0,3,3,TUESDAY,6,0,1,1,0,0,0,Business Entity Type 3,0.31649471143958235,0.6675935361958621,0.4812493411434029,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-714.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2001371,360353,Consumer loans,11496.51,42795.0,42817.5,4279.5,42795.0,TUESDAY,13,Y,1,0.09896096450845156,,,XAP,Approved,-690,Cash through the bank,XAP,,Repeater,Jewelry,POS,XNA,Stone,20,Industry,4.0,middle,POS other with interest,365243.0,-659.0,-569.0,-569.0,-559.0,0.0,0,Cash loans,M,N,Y,0,157500.0,474048.0,28773.0,360000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.02461,-9628,-565,-4414.0,-1632,,1,1,0,1,0,0,Sales staff,1.0,2,2,SATURDAY,14,0,0,0,1,1,0,Self-employed,,0.608406147222984,0.4382813743111921,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1367.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2403549,275343,Consumer loans,33808.5,201825.0,189436.5,20182.5,201825.0,FRIDAY,11,Y,1,0.10485966096931704,,,XAP,Approved,-416,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,234,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-386.0,-236.0,-236.0,-232.0,1.0,0,Cash loans,F,N,Y,0,234000.0,1030680.0,69007.5,900000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.011703,-21364,365243,-1483.0,-1845,,1,0,0,1,1,0,,1.0,2,2,MONDAY,9,0,0,0,0,0,0,XNA,,0.4606398389834561,0.6178261467332483,0.4072,0.2302,0.9836,0.7756,0.0989,0.44,0.3793,0.3333,0.375,0.2874,0.332,0.4533,,0.0049,0.4149,0.2389,0.9836,0.7844,0.0998,0.4431,0.3793,0.3333,0.375,0.2939,0.3627,0.4723,,0.0052,0.4112,0.2302,0.9836,0.7786,0.0995,0.44,0.3793,0.3333,0.375,0.2924,0.3378,0.4615,,0.005,not specified,block of flats,0.4604,Panel,No,0.0,0.0,0.0,0.0,-2013.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2586937,155824,Revolving loans,9000.0,0.0,180000.0,,,THURSDAY,6,Y,1,,,,XAP,Approved,-2772,XNA,XAP,,Repeater,XNA,Cards,x-sell,Stone,148,Consumer electronics,0.0,XNA,Card Street,-2770.0,-2717.0,365243.0,-1317.0,-397.0,0.0,0,Cash loans,F,Y,Y,0,67500.0,447453.0,22977.0,373500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.002134,-18097,-738,-859.0,-1616,20.0,1,1,0,1,0,0,Laborers,2.0,3,3,THURSDAY,13,0,0,0,0,0,0,Other,,0.724672272885164,0.21396685226179807,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-622.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,6.0 +1262191,333758,Consumer loans,10074.06,61690.5,61690.5,0.0,61690.5,TUESDAY,9,Y,1,0.0,,,XAP,Approved,-1493,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,46,Connectivity,8.0,high,POS mobile with interest,365243.0,-1462.0,-1252.0,-1252.0,-1250.0,0.0,0,Cash loans,F,N,N,2,126000.0,263686.5,25816.5,238500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.008068,-13068,-3505,-6596.0,-4247,,1,1,0,1,0,0,Sales staff,4.0,3,3,THURSDAY,10,0,0,0,0,0,0,Self-employed,0.3453493851911211,0.21647074322805213,0.6879328378491735,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2822937,380082,Consumer loans,18997.065,189621.0,185301.0,18963.0,189621.0,SUNDAY,9,Y,1,0.10110656263017907,,,XAP,Refused,-1196,Cash through the bank,HC,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,1800,Consumer electronics,12.0,middle,POS household with interest,,,,,,,0,Cash loans,F,Y,Y,0,360000.0,550980.0,40221.0,450000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.020713,-11043,-1366,-2555.0,-3602,3.0,1,1,0,1,0,0,Managers,1.0,3,2,SATURDAY,8,0,0,0,0,0,0,Business Entity Type 3,,0.4028593435617539,0.2418614865234661,0.1196,0.0323,0.9955,0.9388,0.0311,0.08,0.069,0.375,0.4167,0.0267,0.0975,0.1012,0.0,0.0053,0.1218,0.0335,0.9955,0.9412,0.0313,0.0806,0.069,0.375,0.4167,0.0273,0.1065,0.1054,0.0,0.0056,0.1207,0.0323,0.9955,0.9396,0.0313,0.08,0.069,0.375,0.4167,0.0271,0.0992,0.103,0.0,0.0054,,block of flats,0.1002,Panel,No,0.0,0.0,0.0,0.0,-1196.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1072205,326300,Cash loans,38927.97,1107000.0,1235587.5,,1107000.0,WEDNESDAY,17,Y,1,,,,XNA,Refused,-275,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,Y,N,0,225000.0,540000.0,14242.5,540000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.026392000000000002,-17967,-286,-4196.0,-1515,2.0,1,1,1,1,1,0,Drivers,2.0,2,2,TUESDAY,18,0,0,0,1,1,0,Business Entity Type 3,,0.666952671821014,0.5136937663039473,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1885.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1081430,131704,Consumer loans,6041.61,110722.5,134109.0,0.0,110722.5,TUESDAY,17,Y,1,0.0,,,XAP,Approved,-539,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Regional / Local,100,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-508.0,182.0,-418.0,-415.0,0.0,0,Cash loans,M,N,Y,1,171000.0,278811.0,15255.0,189000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-16224,-925,-3330.0,-4740,,1,1,0,1,0,1,Laborers,3.0,2,2,TUESDAY,14,0,0,0,0,1,1,Business Entity Type 2,0.7026123258299366,0.5816769729895711,0.4400578303966329,0.1691,0.2575,0.9886,0.8436,0.113,0.0,0.4828,0.1667,0.0417,0.2388,0.13699999999999998,0.2012,0.0077,0.121,0.1723,0.2673,0.9886,0.8497,0.114,0.0,0.4828,0.1667,0.0417,0.2443,0.1497,0.2097,0.0078,0.128,0.1707,0.2575,0.9886,0.8457,0.1137,0.0,0.4828,0.1667,0.0417,0.243,0.1394,0.2049,0.0078,0.1235,reg oper spec account,block of flats,0.22,"Stone, brick",No,1.0,0.0,1.0,0.0,-245.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1360694,313886,Consumer loans,10334.7,229405.5,229405.5,0.0,229405.5,WEDNESDAY,12,Y,1,0.0,,,XAP,Approved,-698,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Regional / Local,400,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-667.0,23.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,509400.0,40374.0,450000.0,Family,Working,Higher education,Married,House / apartment,0.030755,-16508,-3648,-131.0,-40,9.0,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,11,0,0,0,0,1,1,Business Entity Type 1,,0.6108000751888881,0.7281412993111438,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-698.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1038205,209934,Cash loans,6191.1,67500.0,67500.0,,67500.0,SUNDAY,17,Y,1,,,,Other,Refused,-650,Cash through the bank,HC,Unaccompanied,Refreshed,XNA,Cash,walk-in,AP+ (Cash loan),2,XNA,18.0,high,Cash Street: high,,,,,,,1,Cash loans,M,N,Y,0,270000.0,255960.0,20353.5,202500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.02461,-13633,-881,-7725.0,-4396,,1,1,0,1,1,0,Laborers,1.0,2,2,SATURDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.6888296764591463,0.15193454904964762,0.1237,0.066,0.9806,0.7348,,0.0,0.069,0.1667,,0.0505,,0.0645,,0.0,0.1261,0.0685,0.9806,0.7452,,0.0,0.069,0.1667,,0.0517,,0.0672,,0.0,0.1249,0.066,0.9806,0.7383,,0.0,0.069,0.1667,,0.0514,,0.0657,,0.0,,block of flats,0.0575,"Stone, brick",No,0.0,0.0,0.0,0.0,-650.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,9.0 +1986148,173983,Cash loans,5168.97,45000.0,50940.0,,45000.0,MONDAY,12,Y,1,,,,XNA,Approved,-98,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,N,1,162000.0,364428.0,9742.5,238500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.030755,-15616,-1296,-4803.0,-4654,,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,University,0.7394341173123833,0.6201051254768856,0.5513812618027899,0.0907,0.0705,0.9613,0.4696,0.0211,0.0,0.2759,0.1667,0.1667,0.0536,0.0689,0.0896,0.0232,0.0533,0.0924,0.0732,0.9613,0.4904,0.0213,0.0,0.2759,0.1667,0.1667,0.0548,0.0753,0.0934,0.0233,0.0564,0.0916,0.0705,0.9613,0.4767,0.0212,0.0,0.2759,0.1667,0.1667,0.0545,0.0701,0.0912,0.0233,0.0544,reg oper account,block of flats,0.0936,"Stone, brick",No,2.0,1.0,2.0,1.0,-114.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2320657,285729,Consumer loans,9994.365,85630.5,83425.5,8563.5,85630.5,WEDNESDAY,12,Y,1,0.1013863614127776,,,XAP,Approved,-2071,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Regional / Local,300,Consumer electronics,10.0,middle,POS household with interest,365243.0,-2040.0,-1770.0,-1800.0,-1794.0,0.0,0,Revolving loans,M,Y,Y,1,157500.0,450000.0,22500.0,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.025164,-20100,365243,-8183.0,-3408,64.0,1,0,0,1,0,0,,3.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,0.5006702022127522,0.7544547903301889,0.7121551551910698,0.0887,0.1005,0.9786,0.7076,0.014,0.0,0.2069,0.1667,,0.0395,,0.0816,,0.0131,0.0903,0.1043,0.9786,0.7190000000000001,0.0141,0.0,0.2069,0.1667,,0.0404,,0.085,,0.0139,0.0895,0.1005,0.9786,0.7115,0.014,0.0,0.2069,0.1667,,0.0402,,0.083,,0.0134,reg oper account,block of flats,0.067,Panel,No,1.0,0.0,1.0,0.0,-1679.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2077462,456190,Consumer loans,12241.26,126400.5,110182.5,26145.0,126400.5,WEDNESDAY,19,Y,1,0.20886674968866745,,,XAP,Approved,-1938,Cash through the bank,XAP,Family,New,Photo / Cinema Equipment,POS,XNA,Country-wide,2217,Consumer electronics,12.0,high,POS household with interest,365243.0,-1907.0,-1577.0,-1577.0,-1570.0,0.0,0,Cash loans,M,Y,N,1,450000.0,545040.0,25407.0,450000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.019101,-11523,-2500,-7.0,-2062,13.0,1,1,0,1,0,0,Core staff,3.0,2,2,TUESDAY,11,0,0,0,0,0,0,Police,,0.2533716311332267,0.7016957740576931,,0.0,,,,,,,,,,,,,,0.0,,,,,,,,,,,,,,0.0,,,,,,,,,,,,,,block of flats,,"Stone, brick",No,5.0,1.0,5.0,0.0,-1938.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2332197,107031,Revolving loans,9000.0,0.0,180000.0,,,SATURDAY,15,Y,1,,,,XAP,Approved,-764,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,-180.0,0.0,0,Cash loans,F,Y,Y,0,157500.0,1198548.0,50913.0,1102500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009656999999999999,-21451,-14387,-3056.0,-4184,26.0,1,1,0,1,1,0,Cleaning staff,2.0,2,2,SUNDAY,16,0,0,0,0,0,0,Telecom,0.7811089888878872,0.5153754116914312,0.2851799046358216,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1091.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1497286,442946,Consumer loans,4603.725,23805.0,19881.0,4761.0,23805.0,FRIDAY,14,Y,1,0.21041968258184468,,,XAP,Approved,-916,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,35,Connectivity,5.0,middle,POS mobile with interest,365243.0,-885.0,-765.0,-765.0,-760.0,0.0,0,Cash loans,F,N,N,0,292500.0,781695.0,22531.5,652500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.00496,-22449,-3276,-11040.0,-3887,,1,1,0,1,0,0,Core staff,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,School,,0.733842099214001,0.25533177083329,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-916.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1446171,280813,Consumer loans,12370.635,97902.0,91363.5,13500.0,97902.0,FRIDAY,19,Y,1,0.14020824474414134,,,XAP,Approved,-1439,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,23,Connectivity,10.0,high,POS mobile with interest,365243.0,-1384.0,-1114.0,-1294.0,-1289.0,0.0,0,Cash loans,M,Y,N,0,72000.0,106974.0,10710.0,94500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.008625,-20428,-3358,-8698.0,-3960,13.0,1,1,1,1,0,0,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Business Entity Type 1,,0.28208277566358725,0.5082869913916046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1243.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1832684,374567,Consumer loans,,39861.0,39861.0,0.0,39861.0,MONDAY,13,Y,1,0.0,,,XAP,Refused,-815,Cash through the bank,XNA,,Repeater,Mobile,XNA,XNA,Country-wide,36,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,0,108000.0,248760.0,24601.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.025164,-23671,365243,-142.0,-4434,,1,0,0,1,0,1,,1.0,2,2,THURSDAY,15,0,0,0,0,0,0,XNA,,0.2398450318543973,0.5100895276257282,0.133,0.0748,0.998,0.9728,0.066,0.16,0.1379,0.375,0.4167,0.0117,0.1084,0.1464,0.0,0.0,0.1355,0.0776,0.998,0.9739,0.0666,0.1611,0.1379,0.375,0.4167,0.012,0.1185,0.1525,0.0,0.0,0.1343,0.0748,0.998,0.9732,0.0664,0.16,0.1379,0.375,0.4167,0.0119,0.1103,0.149,0.0,0.0,reg oper account,block of flats,0.1512,Panel,No,0.0,0.0,0.0,0.0,-1239.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2810761,157196,Cash loans,11726.775,148500.0,168102.0,,148500.0,TUESDAY,14,Y,1,,,,XNA,Refused,-1350,Cash through the bank,LIMIT,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,24.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,Y,N,2,76500.0,343377.0,19840.5,283500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-14395,-3085,-6936.0,-3292,11.0,1,1,0,1,0,0,Accountants,4.0,2,2,MONDAY,9,0,0,0,0,0,0,Agriculture,,0.6011567215620803,0.7826078370261895,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1606.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1964646,405773,Consumer loans,6770.115,37305.0,37305.0,0.0,37305.0,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-121,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Stone,30,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-88.0,62.0,365243.0,365243.0,0.0,1,Revolving loans,F,Y,Y,2,90000.0,270000.0,13500.0,270000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.018029,-13857,-2237,-1186.0,-5598,16.0,1,1,0,1,0,0,High skill tech staff,4.0,3,3,MONDAY,9,0,0,0,0,0,0,Self-employed,0.37889704590533696,0.10635998543158497,0.34741822720026416,,,0.9801,,,,,,,,,0.0538,,,,,0.9801,,,,,,,,,0.056,,,,,0.9801,,,,,,,,,0.0547,,,,block of flats,0.0423,Panel,No,0.0,0.0,0.0,0.0,-387.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2066959,378144,Cash loans,69225.75,2250000.0,2517300.0,,2250000.0,THURSDAY,18,Y,1,,,,Repairs,Refused,-46,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,Y,Y,1,270000.0,254700.0,20119.5,225000.0,Family,Commercial associate,Higher education,Separated,House / apartment,0.04622,-13543,-1417,-7543.0,-4309,10.0,1,1,0,1,0,0,Managers,2.0,1,1,MONDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.4147876322610533,0.7054933127339914,0.5046813193144684,0.0969,0.1053,0.9811,0.7416,0.0574,0.0,0.2069,0.1667,0.2083,0.0254,0.079,0.0906,0.0,0.0,0.0987,0.1093,0.9811,0.7517,0.0579,0.0,0.2069,0.1667,0.2083,0.026,0.0863,0.0944,0.0,0.0,0.0978,0.1053,0.9811,0.7451,0.0577,0.0,0.2069,0.1667,0.2083,0.0259,0.0804,0.0922,0.0,0.0,reg oper spec account,block of flats,0.1026,Panel,No,1.0,0.0,1.0,0.0,-242.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +2463396,152984,Consumer loans,21348.09,266818.5,186772.5,80046.0,266818.5,WEDNESDAY,12,Y,1,0.3267291095223566,,,XAP,Approved,-2641,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Stone,2100,Consumer electronics,10.0,middle,POS household without interest,365243.0,-2610.0,-2340.0,-2340.0,-2336.0,0.0,0,Cash loans,F,Y,N,0,247500.0,1052230.5,43555.5,940500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00823,-20952,-3852,-10216.0,-4483,8.0,1,1,0,1,0,1,Managers,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Trade: type 7,,0.5484446667251984,0.5779691187553125,0.2742,,0.9851,,,0.32,0.2759,0.3333,,,,0.3017,,0.0028,0.2794,,0.9851,,,0.3222,0.2759,0.3333,,,,0.3144,,0.003,0.2769,,0.9851,,,0.32,0.2759,0.3333,,,,0.3071,,0.0029,,block of flats,0.2367,Panel,No,2.0,1.0,2.0,1.0,-2289.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2044585,344373,Consumer loans,8123.715,80954.775,80608.5,16195.275,80954.775,THURSDAY,15,Y,1,0.18220494782075652,,,XAP,Approved,-593,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Country-wide,530,Consumer electronics,12.0,middle,POS household with interest,365243.0,-562.0,-232.0,-412.0,-408.0,0.0,1,Cash loans,F,N,Y,1,112500.0,436032.0,29268.0,360000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.009656999999999999,-14874,-1560,-3144.0,-1663,,1,1,0,1,0,0,Medicine staff,3.0,2,2,TUESDAY,11,0,0,0,0,0,0,Medicine,0.3278500723410189,0.2504498791603146,0.22009464485041005,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,3.0,0.0,3.0,0.0,-748.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1876121,442782,Consumer loans,5578.605,32845.5,27576.0,6570.0,32845.5,TUESDAY,12,Y,1,0.20955096563952647,,,XAP,Refused,-1831,Cash through the bank,SCO,,New,Mobile,POS,XNA,Country-wide,18,Connectivity,6.0,high,POS mobile with interest,,,,,,,0,Cash loans,M,Y,Y,2,76500.0,95940.0,10332.0,90000.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.009549,-15606,-563,-7408.0,-4763,7.0,1,1,0,1,0,0,Laborers,3.0,2,2,SATURDAY,13,0,0,0,0,1,1,Housing,,0.4866385057322799,0.2735646775174348,,,0.9826,,,,,,,,,0.043,,,,,0.9826,,,,,,,,,0.0448,,,,,0.9826,,,,,,,,,0.0438,,,,,0.0434,,No,0.0,0.0,0.0,0.0,-693.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1884614,334347,Cash loans,23496.705,225000.0,239850.0,,225000.0,WEDNESDAY,15,Y,1,,,,XNA,Refused,-177,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,162000.0,254700.0,25321.5,225000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.00733,-24209,-14414,-1151.0,-4556,,1,1,0,1,0,0,Managers,2.0,2,2,FRIDAY,15,0,0,0,0,1,1,Medicine,,0.7209218201233683,0.6041125998015721,0.0495,0.0592,0.9737,0.6396,0.0,0.0,0.1034,0.125,0.0417,0.0,0.0403,0.0409,0.0,0.0,0.0504,0.0614,0.9737,0.6537,0.0,0.0,0.1034,0.125,0.0417,0.0,0.0441,0.0427,0.0,0.0,0.05,0.0592,0.9737,0.6444,0.0,0.0,0.1034,0.125,0.0417,0.0,0.041,0.0417,0.0,0.0,not specified,block of flats,0.0702,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1232259,377177,Cash loans,15867.9,157500.0,157500.0,,157500.0,FRIDAY,11,Y,1,,,,XNA,Approved,-1057,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1027.0,-697.0,-757.0,-745.0,0.0,0,Cash loans,F,N,Y,0,337500.0,1467612.0,58203.0,1350000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.006207,-20048,365243,-4098.0,-3088,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,XNA,,0.38252400477734105,0.746300213050371,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,5.0,1.0,5.0,1.0,-263.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1850174,236212,Cash loans,26833.5,225000.0,225000.0,,225000.0,THURSDAY,12,Y,1,,,,XNA,Approved,-1058,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Country-wide,1600,Connectivity,12.0,high,Cash Street: high,365243.0,-1028.0,-698.0,-698.0,-690.0,0.0,0,Revolving loans,F,N,Y,0,135000.0,405000.0,20250.0,,,Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-22304,365243,-7563.0,-4441,,1,0,0,1,1,0,,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,XNA,,0.6958535566906258,0.7801436381572275,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1835.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2094333,334432,Cash loans,31283.19,517500.0,643158.0,,517500.0,WEDNESDAY,14,Y,1,,,,Repairs,Approved,-847,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,middle,Cash Street: middle,,,,,,,1,Cash loans,F,N,Y,0,180000.0,633730.5,32485.5,504000.0,Family,Working,Higher education,Married,House / apartment,0.025164,-17660,-3933,-1968.0,-1209,,1,1,0,1,0,0,Managers,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.582614921603375,0.41110286794341416,0.2176285202779586,0.1227,,0.9776,,,0.0,0.2759,0.1667,,,,0.1152,,,0.125,,0.9777,,,0.0,0.2759,0.1667,,,,0.12,,,0.1239,,0.9776,,,0.0,0.2759,0.1667,,,,0.1173,,,,block of flats,0.1013,Panel,No,0.0,0.0,0.0,0.0,-1806.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1335279,391330,Consumer loans,4148.91,35545.5,34632.0,3555.0,35545.5,SUNDAY,8,Y,1,0.1013883830051636,,,XAP,Approved,-2125,XNA,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Stone,200,Consumer electronics,10.0,middle,POS household with interest,365243.0,-2083.0,-1813.0,-1813.0,-1810.0,0.0,0,Revolving loans,F,N,N,1,157500.0,450000.0,22500.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.003540999999999999,-13521,-1024,-3549.0,-5298,,1,1,1,1,1,0,Cleaning staff,2.0,1,1,THURSDAY,13,0,0,0,0,0,0,Transport: type 4,0.6882389210773491,0.2858978721410488,0.7180328113294772,1.0,,0.9876,0.83,0.0652,0.0,0.1379,0.1667,0.0417,0.0502,0.1605,0.1295,1.0,0.0521,1.0,,0.9876,0.8367,0.0658,0.0,0.1379,0.1667,0.0417,0.0514,0.1754,0.1349,1.0,0.0552,1.0,,0.9876,0.8323,0.0656,0.0,0.1379,0.1667,0.0417,0.0511,0.1633,0.1318,1.0,0.0532,reg oper account,block of flats,0.1132,Block,No,3.0,1.0,3.0,0.0,-1776.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1479987,336248,Consumer loans,,185674.5,185674.5,,185674.5,THURSDAY,13,Y,1,,,,XAP,Refused,-1302,Cash through the bank,HC,Unaccompanied,Repeater,Audio/Video,XNA,XNA,Country-wide,350,Consumer electronics,,XNA,POS household with interest,,,,,,,0,Cash loans,F,Y,Y,0,270000.0,783927.0,33345.0,688500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0228,-20720,-4351,-43.0,-4226,1.0,1,1,1,1,1,0,Laborers,2.0,2,2,THURSDAY,11,0,0,0,0,1,1,Other,0.32121356364372744,0.4731252158322312,0.2778856891082046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,16.0,0.0,16.0,0.0,-2469.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1960583,226133,Cash loans,21512.745,418500.0,595273.5,,418500.0,SATURDAY,8,Y,1,,,,XNA,Refused,-156,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,1,Cash loans,F,N,Y,0,144000.0,325282.5,17775.0,220500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.025164,-20708,365243,-3930.0,-4212,,1,0,0,1,1,1,,1.0,2,2,MONDAY,15,0,0,0,0,0,0,XNA,,0.1726130314788755,0.1293142889822697,0.066,0.0733,0.9737,0.6396,0.023,0.0,0.1379,0.125,0.1667,0.0662,0.0538,0.0503,0.0,0.0,0.0672,0.076,0.9737,0.6537,0.0233,0.0,0.1379,0.125,0.1667,0.0677,0.0588,0.0524,0.0,0.0,0.0666,0.0733,0.9737,0.6444,0.0232,0.0,0.1379,0.125,0.1667,0.0673,0.0547,0.0512,0.0,0.0,reg oper account,block of flats,0.0552,"Stone, brick",No,1.0,1.0,1.0,1.0,-222.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2436609,101044,Consumer loans,4625.955,35460.0,23049.0,13500.0,35460.0,WEDNESDAY,14,Y,1,0.4022744062143225,,,XAP,Approved,-2589,XNA,XAP,Children,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2558.0,-2408.0,-2408.0,-2403.0,1.0,0,Cash loans,F,N,Y,1,157500.0,1097676.0,32224.5,958500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-15085,-8508,-739.0,-2020,,1,1,0,1,0,0,Laborers,3.0,2,2,TUESDAY,8,0,0,0,0,1,1,Industry: type 5,,0.26525634018619443,0.7352209993926424,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2797984,419905,Cash loans,13201.605,90000.0,110146.5,,90000.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-1417,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-1387.0,-1057.0,-1057.0,-1042.0,1.0,0,Cash loans,F,N,Y,0,202500.0,641173.5,38308.5,553500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.016612000000000002,-14263,-1584,-7491.0,-5059,,1,1,0,1,0,1,Sales staff,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,Self-employed,,0.3013799217161985,0.0005272652387098817,0.033,0.0579,0.9871,0.8232,0.0234,0.0,0.069,0.0833,0.125,0.0809,0.0269,0.0282,0.0,0.0137,0.0336,0.0601,0.9871,0.8301,0.0236,0.0,0.069,0.0833,0.125,0.0827,0.0294,0.0294,0.0,0.0145,0.0333,0.0579,0.9871,0.8256,0.0235,0.0,0.069,0.0833,0.125,0.0823,0.0274,0.0287,0.0,0.014,reg oper account,block of flats,0.0379,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2147760,439908,Consumer loans,9241.74,174901.5,204916.5,0.0,174901.5,SATURDAY,14,Y,1,0.0,,,XAP,Refused,-1154,Cash through the bank,HC,Family,Repeater,Computers,POS,XNA,Regional / Local,300,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,0,Cash loans,F,N,N,0,81000.0,755190.0,36328.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-20286,365243,-9239.0,-3130,,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,,0.5617722256118803,0.6058362647264226,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1804.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2632004,107347,Cash loans,18101.205,292500.0,324162.0,,292500.0,THURSDAY,15,Y,1,,,,XNA,Approved,-935,Cash through the bank,XAP,Family,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),-1,XNA,24.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,157500.0,454500.0,19386.0,454500.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.025164,-13127,-3663,-4063.0,-4778,,1,1,0,1,0,1,Core staff,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,School,,0.26525634018619443,0.3001077565791181,0.1969,0.2974,0.9896,0.8572,0.0353,0.16,0.2069,0.2917,0.3333,0.1186,0.1605,0.2132,0.0,0.0,0.2006,0.3086,0.9896,0.8628,0.0357,0.1611,0.2069,0.2917,0.3333,0.1213,0.1754,0.2221,0.0,0.0,0.1988,0.2974,0.9896,0.8591,0.0356,0.16,0.2069,0.2917,0.3333,0.1207,0.1633,0.217,0.0,0.0,org spec account,block of flats,0.187,Panel,No,2.0,0.0,2.0,0.0,-1352.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2248472,455333,Revolving loans,5625.0,0.0,112500.0,,,MONDAY,16,Y,1,,,,XAP,Approved,-1036,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-1035.0,-1005.0,365243.0,-396.0,-149.0,0.0,0,Revolving loans,M,N,N,0,180000.0,180000.0,9000.0,180000.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,House / apartment,0.006670999999999999,-15209,-7581,-2138.0,-4143,,1,1,0,1,0,0,,1.0,2,2,MONDAY,13,0,0,0,0,0,0,Police,,0.5919519944744336,0.7922644738669378,0.0186,0.0229,0.9657,0.5308,0.0093,0.0,0.069,0.0417,0.0833,0.0,0.0151,0.0102,0.0,0.0,0.0189,0.0237,0.9657,0.5492,0.0094,0.0,0.069,0.0417,0.0833,0.0,0.0165,0.0107,0.0,0.0,0.0187,0.0229,0.9657,0.5371,0.0094,0.0,0.069,0.0417,0.0833,0.0,0.0154,0.0104,0.0,0.0,not specified,block of flats,0.0127,"Stone, brick",No,1.0,0.0,1.0,0.0,-1171.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2571357,362067,Consumer loans,3999.15,31491.0,31491.0,0.0,31491.0,WEDNESDAY,17,Y,1,0.0,,,XAP,Approved,-156,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,1700,Consumer electronics,10.0,middle,POS household with interest,365243.0,-122.0,148.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,135000.0,622575.0,22491.0,463500.0,Unaccompanied,Pensioner,Higher education,Separated,House / apartment,0.009656999999999999,-21914,365243,-7091.0,-4833,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,16,0,0,0,0,0,0,XNA,0.3701960239473021,0.5406621244269372,0.6178261467332483,0.2062,0.1309,0.9901,0.8640000000000001,0.0,0.2,0.1724,0.375,0.4167,0.0978,0.1681,0.1369,0.0,0.3116,0.2101,0.1358,0.9901,0.8693,0.0,0.2014,0.1724,0.375,0.4167,0.1,0.1837,0.1427,0.0,0.3298,0.2082,0.1309,0.9901,0.8658,0.0,0.2,0.1724,0.375,0.4167,0.0995,0.171,0.1394,0.0,0.3181,reg oper spec account,block of flats,0.2004,Panel,No,0.0,0.0,0.0,0.0,-2921.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2060291,359005,Consumer loans,6299.37,63000.0,56700.0,6300.0,63000.0,THURSDAY,14,Y,1,0.1089090909090909,,,XAP,Approved,-2678,Cash through the bank,XAP,Family,Refreshed,Furniture,POS,XNA,Stone,42,Furniture,10.0,low_normal,POS industry without interest,365243.0,-2643.0,-2373.0,-2373.0,-2367.0,0.0,0,Cash loans,F,N,N,0,135000.0,900000.0,48825.0,900000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.035792000000000004,-16870,-957,-4830.0,-411,,1,1,0,1,1,0,Sales staff,2.0,2,2,WEDNESDAY,16,0,0,0,0,1,1,Self-employed,0.4128492560810661,0.5139333920277906,0.0005272652387098817,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1698.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1286131,436254,Revolving loans,5625.0,0.0,112500.0,,,TUESDAY,10,Y,1,,,,XAP,Approved,-1613,XNA,XAP,,Repeater,XNA,Cards,x-sell,Stone,854,Consumer electronics,0.0,XNA,Card X-Sell,-1585.0,-1534.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,90000.0,62554.5,6538.5,54000.0,Other_B,State servant,Secondary / secondary special,Widow,House / apartment,0.002042,-17681,-4369,-6167.0,-1214,,1,1,0,1,0,0,Medicine staff,1.0,3,3,FRIDAY,11,0,0,0,0,0,0,Other,,0.7449604858107184,0.15855489979486306,0.0485,0.0,0.9747,0.6532,0.0114,0.0,0.069,0.125,0.1667,0.0426,0.0387,0.0175,0.0039,0.0315,0.0494,0.0,0.9747,0.6668,0.0115,0.0,0.069,0.125,0.1667,0.0436,0.0422,0.0182,0.0039,0.0334,0.0489,0.0,0.9747,0.6578,0.0115,0.0,0.069,0.125,0.1667,0.0433,0.0393,0.0178,0.0039,0.0322,reg oper account,block of flats,0.0268,"Stone, brick",No,0.0,0.0,0.0,0.0,-1914.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2572900,265310,Consumer loans,9684.63,57550.5,47227.5,12550.5,57550.5,WEDNESDAY,16,Y,1,0.2286566204045878,,,XAP,Approved,-1770,XNA,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,15,Connectivity,6.0,high,POS mobile with interest,365243.0,-1739.0,-1589.0,-1589.0,-1584.0,0.0,0,Cash loans,F,N,Y,0,202500.0,751842.0,33246.0,607500.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.010966,-14399,-3480,-6935.0,-4366,,1,1,0,1,0,0,Core staff,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,Legal Services,0.7535431898047438,0.5934195660041517,0.8396980847302156,,0.0837,0.9841,0.7824,,0.0,0.2069,0.1667,0.2083,,,0.076,0.0077,,,0.0868,0.9841,0.7909,,0.0,0.2069,0.1667,0.2083,,,0.0792,0.0078,,,0.0837,0.9841,0.7853,,0.0,0.2069,0.1667,0.2083,,,0.0774,0.0078,,org spec account,block of flats,0.0639,Others,No,3.0,0.0,3.0,0.0,-1664.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1157568,280335,Revolving loans,11250.0,0.0,225000.0,,,SUNDAY,15,Y,1,,,,XAP,Approved,-1000,XNA,XAP,,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),4,XNA,0.0,XNA,Card X-Sell,-946.0,-922.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,135000.0,981162.0,28687.5,819000.0,Unaccompanied,State servant,Secondary / secondary special,Civil marriage,House / apartment,0.026392000000000002,-11165,-1087,-5285.0,-3403,,1,1,1,1,1,0,Core staff,3.0,2,2,SATURDAY,9,0,0,0,0,0,0,Kindergarten,0.3458451723862782,0.6856900419293415,0.41534714488434,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,2.0,7.0,0.0,-1729.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,1.0 +2827442,249015,Revolving loans,11250.0,225000.0,225000.0,,225000.0,MONDAY,9,Y,1,,,,XAP,Approved,-471,XNA,XAP,,New,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-471.0,-429.0,365243.0,-153.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,90000.0,450000.0,21109.5,450000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.014519999999999996,-10122,-917,-672.0,-2181,14.0,1,1,0,1,0,0,Core staff,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Other,0.4129199682843997,0.34112290759888264,0.5620604831738043,0.0825,0.0813,0.9732,0.6328,0.0676,0.0,0.1379,0.1667,0.2083,0.0141,0.0672,0.0709,0.0,0.0,0.084,0.0844,0.9732,0.6472,0.0683,0.0,0.1379,0.1667,0.2083,0.0144,0.0735,0.0739,0.0,0.0,0.0833,0.0813,0.9732,0.6377,0.0681,0.0,0.1379,0.1667,0.2083,0.0143,0.0684,0.0722,0.0,0.0,reg oper account,block of flats,0.0558,Panel,No,5.0,1.0,4.0,0.0,-471.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1575981,316898,Consumer loans,20591.64,227025.0,204322.5,22702.5,227025.0,THURSDAY,7,Y,1,0.1089090909090909,,,XAP,Approved,-239,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Stone,145,Consumer electronics,12.0,middle,POS household with interest,365243.0,-205.0,125.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,2,202500.0,450000.0,24543.0,450000.0,"Spouse, partner",Working,Secondary / secondary special,Civil marriage,House / apartment,0.018209,-15803,-7563,-8733.0,-4462,,1,1,0,1,0,0,Core staff,4.0,3,3,FRIDAY,11,0,0,0,0,0,0,Agriculture,,0.05262007113139863,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2360438,141781,Consumer loans,12132.72,87880.5,79092.0,8788.5,87880.5,THURSDAY,11,Y,1,0.10891466769699144,,,XAP,Approved,-1812,Cash through the bank,XAP,Children,Repeater,Consumer Electronics,POS,XNA,Country-wide,1870,Consumer electronics,8.0,high,POS household with interest,365243.0,-1781.0,-1571.0,-1601.0,-1599.0,0.0,0,Cash loans,M,N,Y,0,81000.0,1309500.0,38416.5,1309500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.072508,-16466,365243,-9051.0,-15,,1,0,0,1,0,0,,2.0,1,1,WEDNESDAY,13,0,0,0,0,0,0,XNA,0.6936073336182925,0.3768278552034466,0.8500918805995171,0.2258,0.0849,0.9871,0.8232,0.4986,0.28,0.1207,0.6042,0.7083,0.0,0.2286,0.2479,0.0,0.0045,0.1744,0.0691,0.9871,0.8301,0.5031,0.2417,0.1034,0.5417,0.7083,0.0,0.2498,0.1569,0.0,0.0045,0.228,0.0849,0.9871,0.8256,0.5017,0.28,0.1207,0.6042,0.7083,0.0,0.2326,0.2524,0.0,0.0046,reg oper account,block of flats,0.2726,Panel,No,6.0,0.0,6.0,0.0,-526.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1884930,205017,Consumer loans,4852.98,48082.5,48082.5,0.0,48082.5,MONDAY,20,Y,1,0.0,0.19690014734217387,0.8673361522198731,XAP,Approved,-431,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,50,Connectivity,12.0,middle,POS mobile with interest,365243.0,-398.0,-68.0,-128.0,-124.0,0.0,0,Cash loans,F,N,Y,1,157500.0,332946.0,18189.0,238500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.009334,-12093,-388,-2989.0,-1729,,1,1,0,1,0,1,Core staff,3.0,2,2,FRIDAY,14,0,0,0,0,0,0,Self-employed,0.494633022327485,0.6277399723961652,0.6722428897082422,0.0134,0.0,0.9702,0.5988,0.0015,0.0,0.069,0.0417,0.0417,0.005,0.0067,0.0099,0.0,0.0,0.0084,0.0,0.9697,0.6145,0.0016,0.0,0.069,0.0417,0.0417,0.0051,0.0073,0.0103,0.0,0.0,0.0135,0.0,0.9702,0.6042,0.0016,0.0,0.069,0.0417,0.0417,0.005,0.0068,0.01,0.0,0.0,,block of flats,0.0078,Wooden,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1286228,452213,Consumer loans,6428.61,34632.45,32566.5,3600.45,34632.45,SATURDAY,17,Y,1,0.10841990722569536,,,XAP,Approved,-1838,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,4200,Consumer electronics,6.0,high,POS household with interest,365243.0,-1807.0,-1657.0,-1657.0,-1648.0,0.0,0,Cash loans,M,Y,Y,1,315000.0,746280.0,58963.5,675000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.019101,-14741,-3728,-2293.0,-4935,12.0,1,1,0,1,0,0,Core staff,3.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Police,,0.3427713154959965,0.6058362647264226,0.4113,,0.996,,,0.36,0.3103,0.375,,0.0478,,0.3795,,0.1306,0.4191,,0.996,,,0.3625,0.3103,0.375,,0.0489,,0.3954,,0.1383,0.4153,,0.996,,,0.36,0.3103,0.375,,0.0486,,0.3864,,0.1334,,,0.4322,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,0.0 +1621526,124835,Consumer loans,7070.895,77193.0,77193.0,0.0,77193.0,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-1515,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,550,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-1465.0,-1135.0,-1195.0,-1192.0,0.0,0,Cash loans,F,N,Y,0,112500.0,1085058.0,47925.0,891000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-21301,-2478,-2685.0,-2681,,1,1,0,1,0,0,Cooking staff,2.0,2,2,TUESDAY,17,0,0,0,0,0,0,Hotel,,0.7323616761098093,0.34578480246959553,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1515.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1337656,442640,Consumer loans,2290.77,24205.5,21775.5,2430.0,24205.5,SATURDAY,19,Y,1,0.10933427977488212,,,XAP,Approved,-1152,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Country-wide,61,Connectivity,12.0,middle,POS mobile with interest,365243.0,-1115.0,-785.0,-875.0,-870.0,0.0,0,Revolving loans,F,N,Y,0,202500.0,225000.0,11250.0,225000.0,Unaccompanied,Working,Higher education,Widow,House / apartment,0.010966,-22084,-12924,-9827.0,-4292,,1,1,0,1,0,0,HR staff,1.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,Other,,0.6543147560766495,0.6127042441012546,0.0412,0.0406,0.9727,,,0.0,0.069,0.1667,,0.0251,,0.063,,0.0191,0.042,0.0422,0.9727,,,0.0,0.069,0.1667,,0.0257,,0.0656,,0.0203,0.0416,0.0406,0.9727,,,0.0,0.069,0.1667,,0.0256,,0.0641,,0.0195,,block of flats,0.0537,"Stone, brick",No,3.0,0.0,3.0,0.0,-2128.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1721944,453396,Consumer loans,8645.04,60232.5,73543.5,0.0,60232.5,FRIDAY,19,Y,1,0.0,,,XAP,Approved,-581,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Country-wide,1500,Consumer electronics,10.0,middle,POS household with interest,365243.0,-550.0,-280.0,-310.0,-306.0,0.0,0,Cash loans,M,N,Y,1,292500.0,808650.0,26217.0,675000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.04622,-16147,-541,-7512.0,-4040,,1,1,0,1,0,0,Managers,2.0,1,1,FRIDAY,17,0,0,0,0,0,0,Business Entity Type 3,,0.7274731827993444,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-711.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +2812357,309221,Consumer loans,7272.135,73003.5,80712.0,0.0,73003.5,SATURDAY,15,Y,1,0.0,,,XAP,Approved,-477,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Regional / Local,100,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-446.0,-116.0,-116.0,-112.0,0.0,0,Cash loans,F,N,Y,0,495000.0,1546020.0,42511.5,1350000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.008575,-19663,-527,-8006.0,-3218,,1,1,0,1,0,0,Core staff,2.0,2,2,SUNDAY,14,0,1,1,0,1,1,Kindergarten,,0.7230199725963538,0.7922644738669378,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-477.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1325452,114514,Revolving loans,,0.0,0.0,,,FRIDAY,12,Y,1,,,,XAP,Refused,-413,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Card Street,,,,,,,0,Cash loans,F,N,N,0,112500.0,521280.0,31500.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.020246,-15563,-2206,-4075.0,-2608,,1,1,1,1,0,0,Sales staff,2.0,3,3,THURSDAY,15,0,0,0,0,1,1,Self-employed,0.3469819466427681,0.3318083450130531,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1901.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2326838,194391,Revolving loans,12375.0,247500.0,247500.0,,247500.0,TUESDAY,16,Y,1,,,,XAP,Refused,-183,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,157500.0,331834.5,14746.5,252000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-19699,-1703,-10039.0,-3032,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,Self-employed,,0.11296849143027528,0.470456116119975,0.4320000000000001,0.0808,0.9866,,,0.48,0.3448,0.3333,,0.1547,,0.5182,,0.0121,0.4401,0.0839,0.9866,,,0.4834,0.3448,0.3333,,0.1583,,0.5399,,0.0128,0.4361,0.0808,0.9866,,,0.48,0.3448,0.3333,,0.1574,,0.5275,,0.0124,,block of flats,0.4305,Panel,No,7.0,1.0,7.0,1.0,-2300.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2093840,277005,Revolving loans,15750.0,315000.0,315000.0,,315000.0,TUESDAY,8,Y,1,,,,XAP,Refused,-189,XNA,HC,Family,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Revolving loans,M,N,Y,0,157500.0,360000.0,18000.0,360000.0,Family,Working,Secondary / secondary special,Single / not married,House / apartment,0.025164,-21769,-1648,-267.0,-4389,,1,1,0,1,0,0,Drivers,1.0,2,2,TUESDAY,9,0,0,0,0,0,0,Self-employed,,0.4532221834982945,0.05384435347241005,0.0722,0.078,0.9712,0.6056,0.015,0.0,0.2069,0.1667,0.1667,0.0726,0.0555,0.0743,0.0154,0.0991,0.0735,0.081,0.9712,0.621,0.0151,0.0,0.2069,0.1667,0.1667,0.0742,0.0606,0.0775,0.0156,0.1049,0.0729,0.078,0.9712,0.6109,0.0151,0.0,0.2069,0.1667,0.1667,0.0738,0.0564,0.0757,0.0155,0.1011,reg oper account,block of flats,0.0882,"Stone, brick",No,2.0,2.0,2.0,2.0,-761.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2367872,332895,Consumer loans,8452.935,83560.32,75204.0,8356.32,83560.32,WEDNESDAY,19,Y,1,0.108912844582866,,,XAP,Refused,-1253,Cash through the bank,LIMIT,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,300,Consumer electronics,10.0,low_normal,POS household without interest,,,,,,,0,Cash loans,F,N,Y,0,103500.0,375322.5,17388.0,324000.0,Unaccompanied,State servant,Higher education,Single / not married,House / apartment,0.035792000000000004,-9899,-521,-71.0,-2484,,1,1,0,1,0,0,HR staff,1.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Military,,0.4930101794641032,0.2622489709189549,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-63.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,0.0 +1857380,277949,Consumer loans,21787.335,202941.0,196105.5,20295.0,202941.0,MONDAY,15,Y,1,0.10213978248663932,,,XAP,Approved,-1754,Cash through the bank,XAP,"Spouse, partner",Refreshed,Audio/Video,POS,XNA,Country-wide,2221,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1722.0,-1452.0,-1452.0,-1447.0,0.0,0,Cash loans,M,Y,N,1,225000.0,1408113.0,41301.0,1102500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,Municipal apartment,0.072508,-15939,365243,-10005.0,-5651,15.0,1,0,0,1,0,0,,3.0,1,1,FRIDAY,17,0,0,0,0,0,0,XNA,0.5370364982925918,0.7705282971648422,0.3185955240537633,0.1701,0.0416,0.9821,0.7552,0.0,0.24,0.1034,0.4583,0.5,0.0,0.1387,0.0,0.0,0.0,0.1733,0.0432,0.9821,0.7648,0.0,0.2417,0.1034,0.4583,0.5,0.0,0.1515,0.0,0.0,0.0,0.1718,0.0416,0.9821,0.7585,0.0,0.24,0.1034,0.4583,0.5,0.0,0.1411,0.0,0.0,0.0,reg oper account,block of flats,0.1462,Block,No,0.0,0.0,0.0,0.0,-382.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,1.0,2.0,7.0 +2328350,376029,Consumer loans,5119.245,55899.0,55899.0,0.0,55899.0,MONDAY,16,Y,1,0.0,,,XAP,Approved,-702,Cash through the bank,XAP,Unaccompanied,Refreshed,Furniture,POS,XNA,Country-wide,92,Furniture,12.0,low_action,POS industry without interest,365243.0,-671.0,-341.0,-401.0,-395.0,0.0,0,Cash loans,M,Y,N,1,270000.0,957033.0,51120.0,904500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.031329,-12290,-2360,-4326.0,-4396,4.0,1,1,0,1,0,0,Laborers,3.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Transport: type 4,,0.5349003678343283,0.1301285429480269,0.1851,0.1123,0.9821,0.7552,,0.2,0.1724,0.3333,0.375,0.1175,0.211,0.1803,0.0,0.2732,0.1134,0.0587,0.9821,0.7648,,0.1208,0.1034,0.3333,0.375,0.0539,0.2305,0.1126,0.0,0.0515,0.1868,0.1123,0.9821,0.7585,,0.2,0.1724,0.3333,0.375,0.1196,0.2146,0.1835,0.0,0.279,reg oper account,block of flats,0.3068,Panel,No,1.0,1.0,1.0,1.0,-2304.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1083940,399320,Cash loans,9933.93,67500.0,82611.0,,67500.0,THURSDAY,9,Y,1,,,,XNA,Approved,-1339,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-1309.0,-979.0,-979.0,-971.0,1.0,0,Cash loans,M,N,N,0,162000.0,276277.5,10939.5,238500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.031329,-20441,-3763,-3036.0,-3987,,1,1,0,1,0,0,Core staff,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,Self-employed,,0.7194676346654196,0.4329616670974407,0.2536,0.1085,0.9876,0.8436,0.0092,0.2,0.1724,0.3333,0.375,0.1516,0.1025,0.17600000000000002,0.0077,0.0081,0.1303,0.05,0.9866,0.8497,0.0092,0.0806,0.069,0.3333,0.375,0.1042,0.112,0.0693,0.0078,0.0,0.2561,0.1085,0.9876,0.8457,0.0092,0.2,0.1724,0.3333,0.375,0.1543,0.1043,0.1792,0.0078,0.0083,org spec account,block of flats,0.2293,Panel,No,0.0,0.0,0.0,0.0,-1339.0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2484446,214324,Cash loans,28039.68,450000.0,499896.0,0.0,450000.0,TUESDAY,14,Y,1,0.0,,,Repairs,Refused,-1603,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,315000.0,598486.5,21627.0,454500.0,Unaccompanied,State servant,Higher education,Separated,House / apartment,0.032561,-16762,-1107,-5922.0,-278,,1,1,0,1,1,0,Core staff,1.0,1,1,TUESDAY,15,0,0,0,0,0,0,Police,0.5358253204534652,0.7077915985496257,0.36896873825284665,0.3443,,0.9876,0.83,,0.32,0.1379,0.4583,0.5,,0.2791,0.3605,0.0077,0.0044,0.3508,,0.9876,0.8367,,0.3222,0.1379,0.4583,0.5,,0.3049,0.3756,0.0078,0.0047,0.3477,,0.9876,0.8323,,0.32,0.1379,0.4583,0.5,,0.2839,0.3669,0.0078,0.0045,,block of flats,0.2867,Panel,No,1.0,1.0,1.0,0.0,-1726.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1139851,112760,Consumer loans,11166.03,97740.0,95706.0,9774.0,97740.0,MONDAY,9,Y,1,0.10091746819733168,,,XAP,Approved,-509,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Country-wide,90,Consumer electronics,10.0,middle,POS household with interest,365243.0,-476.0,-206.0,-206.0,-202.0,0.0,0,Cash loans,F,N,Y,0,135000.0,450000.0,24543.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.0105,-15324,-907,-602.0,-1809,,1,1,1,1,1,0,Cooking staff,2.0,3,3,SATURDAY,12,0,0,0,0,0,0,Self-employed,,0.02119538269726288,0.3556387169923543,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,4.0,1.0,4.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1766279,264689,Consumer loans,5750.775,34150.5,27319.5,6831.0,34150.5,MONDAY,16,Y,1,0.2178468836473844,,,XAP,Approved,-1366,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,17,Connectivity,5.0,low_normal,POS mobile without interest,365243.0,-1321.0,-1201.0,-1201.0,-1192.0,0.0,0,Cash loans,F,Y,Y,1,247500.0,808650.0,31464.0,675000.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.020246,-11001,-373,-529.0,-2247,9.0,1,1,0,1,0,0,,2.0,3,3,TUESDAY,14,0,0,0,0,0,0,Construction,0.606411906838225,0.2965722095585728,0.178760465484575,0.0763,0.0966,0.998,0.9728,0.0319,0.08,0.069,0.375,0.4167,0.042,0.0605,0.0782,0.0077,0.0492,0.0777,0.1003,0.998,0.9739,0.0322,0.0806,0.069,0.375,0.4167,0.043,0.0661,0.0815,0.0078,0.052000000000000005,0.077,0.0966,0.998,0.9732,0.0321,0.08,0.069,0.375,0.4167,0.0428,0.0616,0.0796,0.0078,0.0502,reg oper account,block of flats,0.0897,Panel,No,3.0,1.0,3.0,1.0,-2377.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1238434,434373,Consumer loans,2446.65,24165.0,21613.5,4500.0,24165.0,THURSDAY,12,Y,1,0.1876772202465808,,,XAP,Approved,-2144,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Stone,49,Consumer electronics,12.0,high,POS household with interest,365243.0,-2113.0,-1783.0,-1783.0,-1777.0,0.0,0,Cash loans,F,N,Y,0,90000.0,1012653.0,43033.5,931500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.00702,-23483,365243,-6644.0,-4798,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,XNA,,0.4914743528196713,0.7713615919194317,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2144.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2813848,216466,Cash loans,70386.165,1309500.0,1385554.5,,1309500.0,THURSDAY,10,Y,1,,,,XNA,Approved,-330,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_action,Cash X-Sell: low,365243.0,-300.0,390.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,1,360000.0,904500.0,29308.5,904500.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.0228,-14192,-3187,-317.0,-2858,,1,1,0,1,0,0,Sales staff,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Trade: type 7,0.519510549495837,0.3259682379356956,,0.1856,0.0791,0.9871,0.8232,0.0296,0.2,0.1724,0.3333,0.375,0.1016,0.1505,0.2031,0.0039,0.032,0.1891,0.0821,0.9871,0.8301,0.0299,0.2014,0.1724,0.3333,0.375,0.1039,0.1644,0.2116,0.0039,0.0339,0.1874,0.0791,0.9871,0.8256,0.0298,0.2,0.1724,0.3333,0.375,0.1033,0.1531,0.2067,0.0039,0.0327,org spec account,block of flats,0.1829,Panel,No,0.0,0.0,0.0,0.0,-330.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,3.0 +2545208,157095,Cash loans,18773.64,382500.0,443088.0,,382500.0,MONDAY,8,Y,1,,,,XNA,Refused,-155,Cash through the bank,HC,Other_B,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,1,110250.0,1074222.0,38056.5,769500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007305,-15120,-4019,-57.0,-1729,21.0,1,1,1,1,0,0,,3.0,3,3,TUESDAY,12,0,0,0,0,1,1,Other,,0.11032046469646456,0.3441550073724169,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1448.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1821811,136209,Consumer loans,22985.73,130495.5,122787.0,13500.0,130495.5,SUNDAY,8,Y,1,0.10788062891344936,,,XAP,Approved,-2056,XNA,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,1170,Consumer electronics,6.0,middle,POS household with interest,365243.0,-2025.0,-1875.0,-1875.0,-1867.0,0.0,0,Cash loans,M,Y,Y,0,157500.0,263686.5,26208.0,238500.0,"Spouse, partner",Working,Secondary / secondary special,Civil marriage,House / apartment,0.018029,-20308,-2752,-6805.0,-3867,17.0,1,1,0,1,0,0,Drivers,2.0,3,3,FRIDAY,7,0,0,0,0,0,0,Self-employed,,0.5265896232306497,,0.1134,0.3142,0.9871,,,0.0,0.2069,0.1667,,0.0077,,0.115,,0.1165,0.1155,0.326,0.9871,,,0.0,0.2069,0.1667,,0.0079,,0.1199,,0.1233,0.1145,0.3142,0.9871,,,0.0,0.2069,0.1667,,0.0078,,0.1171,,0.1189,,block of flats,0.0905,Panel,No,4.0,0.0,4.0,0.0,-2056.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1012232,343240,Consumer loans,6069.915,29700.0,26730.0,2970.0,29700.0,THURSDAY,16,Y,1,0.1089090909090909,,,XAP,Approved,-1451,XNA,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,27,Furniture,5.0,middle,POS industry with interest,365243.0,-1420.0,-1300.0,-1330.0,-1322.0,0.0,0,Cash loans,M,N,Y,1,112500.0,127350.0,13639.5,112500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-11886,-4810,-283.0,-4085,,1,1,1,1,1,1,Laborers,3.0,2,2,SATURDAY,10,0,0,0,0,0,0,Business Entity Type 2,,0.6178358824057777,0.6738300778602003,0.033,0.0333,0.9742,,,0.0,0.069,0.125,,0.0542,,0.0255,,0.0078,0.0336,0.0345,0.9742,,,0.0,0.069,0.125,,0.0555,,0.0265,,0.0083,0.0333,0.0333,0.9742,,,0.0,0.069,0.125,,0.0552,,0.0259,,0.008,,block of flats,0.0274,"Stone, brick",No,3.0,0.0,3.0,0.0,-70.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +1156228,360203,Cash loans,29510.37,135000.0,155925.0,,135000.0,TUESDAY,11,Y,1,,,,XNA,Approved,-519,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,Y,Y,3,315000.0,1125000.0,47664.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-16460,-3141,-2379.0,-7,15.0,1,1,0,1,0,0,Laborers,5.0,2,2,WEDNESDAY,10,0,0,0,0,1,1,Construction,0.2368813962411189,0.6309790701619788,0.40314167665875134,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2216.0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1674549,434346,Cash loans,37267.56,900000.0,978408.0,,900000.0,THURSDAY,13,Y,1,,,,XNA,Refused,-167,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,180000.0,1190434.5,34938.0,1039500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-17689,-466,-1848.0,-736,,1,1,0,1,1,0,Cooking staff,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.3662313974726568,0.4768388336666753,0.14734591802757252,0.0241,0.0607,0.9518,,,0.0,0.1034,0.125,,0.0105,,0.0269,,0.0747,0.0221,0.063,0.9518,,,0.0,0.1034,0.125,,0.0108,,0.0281,,0.0791,0.0229,0.0607,0.9518,,,0.0,0.1034,0.125,,0.0107,,0.0274,,0.0763,,block of flats,0.0322,"Stone, brick",No,5.0,1.0,5.0,1.0,-1524.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1085452,121106,Cash loans,24775.515,450000.0,512370.0,,450000.0,THURSDAY,12,Y,1,,,,XNA,Approved,-1388,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,middle,Cash Street: middle,365243.0,-1357.0,-307.0,-307.0,-301.0,0.0,0,Revolving loans,F,Y,Y,0,135000.0,225000.0,11250.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007114,-16339,-834,-2558.0,-2615,15.0,1,1,1,1,1,0,Cooking staff,2.0,2,2,SUNDAY,13,0,0,0,0,0,0,Kindergarten,0.4726607763231912,0.5811288079196305,0.11612491427195998,0.0041,,0.9687,,,0.0,0.069,0.0,,0.0221,,0.0026,,0.0,0.0042,,0.9687,,,0.0,0.069,0.0,,0.0226,,0.0027,,0.0,0.0042,,0.9687,,,0.0,0.069,0.0,,0.0225,,0.0026,,0.0,,block of flats,0.0027,Wooden,No,0.0,0.0,0.0,0.0,-1931.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,1.0,2.0 +1436450,429946,Cash loans,22544.685,360000.0,401580.0,,360000.0,FRIDAY,13,Y,1,,,,XNA,Approved,-535,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,365243.0,-505.0,365.0,-175.0,-169.0,1.0,0,Cash loans,F,N,N,0,117000.0,398016.0,20349.0,360000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.009549,-24005,365243,-14706.0,-4385,,1,0,0,1,1,0,,1.0,2,2,FRIDAY,12,0,0,0,0,0,0,XNA,,0.24469423112805885,0.6785676886853644,0.2546,0.0777,0.9796,,,,0.6207,0.1667,,0.1727,,0.2482,,0.0341,0.2595,0.0807,0.9796,,,,0.6207,0.1667,,0.1766,,0.2586,,0.0361,0.2571,0.0777,0.9796,,,,0.6207,0.1667,,0.1757,,0.2527,,0.0348,,block of flats,0.2341,Panel,No,0.0,0.0,0.0,0.0,-955.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +1901597,386016,Cash loans,16346.43,207000.0,234324.0,,207000.0,SATURDAY,13,Y,1,,,,XNA,Approved,-1221,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-1191.0,-501.0,-1140.0,-1136.0,1.0,0,Cash loans,M,N,Y,0,225000.0,81000.0,7078.5,81000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007114,-13441,-543,-2896.0,-1838,,1,1,1,1,1,0,Managers,2.0,2,2,TUESDAY,17,0,0,0,0,0,0,Trade: type 7,0.4042012019379629,0.3028045325068522,0.41184855592423975,0.0928,0.0972,0.9851,0.7959999999999999,0.0,0.0,0.2069,0.1667,0.2083,,0.0756,0.0876,0.0,0.0,0.0945,0.1008,0.9851,0.804,0.0,0.0,0.2069,0.1667,0.2083,,0.0826,0.0913,0.0,0.0,0.0937,0.0972,0.9851,0.7987,0.0,0.0,0.2069,0.1667,0.2083,,0.077,0.0892,0.0,0.0,reg oper account,block of flats,0.0689,Panel,No,1.0,0.0,1.0,0.0,-453.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2251602,229717,Revolving loans,11250.0,225000.0,225000.0,,225000.0,WEDNESDAY,10,Y,1,,,,XAP,Refused,-938,XNA,SCO,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,2,225000.0,1185120.0,39298.5,900000.0,Unaccompanied,Working,Higher education,Married,Co-op apartment,0.035792000000000004,-15377,-341,-7184.0,-4311,,1,1,0,1,0,0,Laborers,4.0,2,2,WEDNESDAY,11,0,0,0,0,1,1,Trade: type 7,0.34902570988443743,0.6840949050914525,0.2678689358444539,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1065.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2221489,239902,Revolving loans,13500.0,0.0,270000.0,,,THURSDAY,15,Y,1,,,,XAP,Approved,-819,XNA,XAP,,Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,F,N,N,0,63000.0,95940.0,10071.0,90000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.022625,-22481,365243,-9612.0,-4600,,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,XNA,,0.3846335665817712,0.7490217048463391,0.0495,0.0606,0.9866,,,0.0,0.1379,0.125,,0.0582,,0.0496,,0.0,0.0504,0.0629,0.9866,,,0.0,0.1379,0.125,,0.0595,,0.0517,,0.0,0.05,0.0606,0.9866,,,0.0,0.1379,0.125,,0.0592,,0.0505,,0.0,,block of flats,0.0529,Panel,No,0.0,0.0,0.0,0.0,-642.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1633838,146201,Consumer loans,17576.325,147105.0,145503.0,14710.5,147105.0,SATURDAY,12,Y,1,0.09999826368053764,,,XAP,Refused,-2178,Cash through the bank,HC,Unaccompanied,Repeater,Computers,POS,XNA,Stone,10,Consumer electronics,12.0,high,POS household with interest,,,,,,,0,Cash loans,M,Y,Y,0,225000.0,622413.0,30073.5,495000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-17268,-4052,-1735.0,-796,3.0,1,1,0,1,0,1,Drivers,2.0,2,2,SUNDAY,7,0,0,0,0,1,1,Business Entity Type 3,0.6455252932741157,0.4125648147014418,0.30620229831350426,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1849.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,2.0 +1061840,387483,Consumer loans,3507.165,32400.0,31567.5,3240.0,32400.0,MONDAY,7,Y,1,0.1013762707880355,,,XAP,Approved,-2580,Cash through the bank,XAP,Children,New,Furniture,POS,XNA,Stone,110,Furniture,10.0,low_normal,POS industry without interest,365243.0,-2542.0,-2272.0,-2272.0,-2259.0,1.0,0,Cash loans,F,N,Y,0,99000.0,654498.0,27859.5,585000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-22841,365243,-4126.0,-4104,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,7,0,0,0,0,0,0,XNA,,0.4997668070406733,0.7062051096536562,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-554.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1681897,432528,Consumer loans,5733.09,41499.0,41499.0,0.0,41499.0,THURSDAY,10,Y,1,0.0,,,XAP,Approved,-72,XNA,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,40,Connectivity,10.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,N,0,85500.0,296280.0,15124.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-18064,-2308,-7066.0,-1593,,1,1,1,1,1,0,High skill tech staff,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.442726230990118,0.108924403541012,0.0742,0.0379,0.9811,0.7416,0.0143,0.08,0.069,0.3333,0.375,0.0288,0.058,0.0687,0.0116,0.012,0.0756,0.0393,0.9811,0.7517,0.0145,0.0806,0.069,0.3333,0.375,0.0294,0.0634,0.0716,0.0117,0.0127,0.0749,0.0379,0.9811,0.7451,0.0144,0.08,0.069,0.3333,0.375,0.0293,0.059,0.0699,0.0116,0.0122,reg oper account,block of flats,0.0566,Panel,No,0.0,0.0,0.0,0.0,-1758.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2022781,259641,Consumer loans,27671.04,325350.0,292815.0,32535.0,325350.0,WEDNESDAY,10,Y,1,0.1089090909090909,,,XAP,Approved,-1418,XNA,XAP,Unaccompanied,New,Clothing and Accessories,POS,XNA,Stone,52,Clothing,12.0,low_normal,POS industry with interest,365243.0,-1385.0,-1055.0,-1055.0,-1050.0,0.0,1,Cash loans,F,N,Y,2,225000.0,1354500.0,35860.5,1354500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010032,-15574,-1860,-8160.0,-4667,,1,1,0,1,0,0,Managers,4.0,2,2,SUNDAY,6,0,0,0,0,0,0,Business Entity Type 3,0.2621709412114533,0.4873924283980009,0.5424451438613613,0.0986,0.0814,0.9866,0.8164,0.0257,0.1,0.0862,0.3542,0.4025,0.0308,0.0874,0.0918,0.0025,0.0466,0.0756,0.0616,0.9861,0.8171,0.0173,0.0806,0.069,0.3333,0.4167,0.0222,0.0661,0.0546,0.0,0.0,0.0843,0.0636,0.9861,0.8189,0.02,0.08,0.069,0.3542,0.4167,0.0323,0.0684,0.0821,0.0,0.0438,reg oper account,block of flats,0.0607,Panel,No,1.0,0.0,1.0,0.0,-1418.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,1.0,2.0,4.0 +1500013,106954,Consumer loans,4792.32,20785.5,16821.0,4500.0,20785.5,TUESDAY,16,Y,1,0.22986300318508,,,XAP,Approved,-2346,XNA,XAP,,Repeater,Mobile,POS,XNA,Regional / Local,54,Connectivity,4.0,high,POS household with interest,365243.0,-2314.0,-2224.0,-2224.0,-2194.0,1.0,0,Cash loans,M,N,N,0,247500.0,781920.0,23836.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-24014,365243,-10374.0,-3987,,1,0,0,1,0,0,,2.0,2,2,MONDAY,15,0,0,0,0,0,0,XNA,,0.6600836006771286,0.4083588531230431,0.184,0.119,0.9861,0.8096,0.0229,0.12,0.2414,0.25,0.1042,0.0473,0.1433,0.1573,0.0309,0.095,0.1418,0.1002,0.9856,0.8105,0.0205,0.0,0.2069,0.1667,0.0,0.0397,0.1102,0.0694,0.0039,0.0241,0.1858,0.119,0.9861,0.8121,0.023,0.12,0.2414,0.25,0.1042,0.0481,0.1458,0.1601,0.0311,0.097,org spec account,block of flats,0.2139,"Stone, brick",No,2.0,0.0,2.0,0.0,-1124.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +1843485,199886,Revolving loans,6750.0,135000.0,135000.0,,135000.0,TUESDAY,13,Y,1,,,,XAP,Approved,-313,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,1,99000.0,260640.0,19485.0,225000.0,Unaccompanied,State servant,Secondary / secondary special,Married,Municipal apartment,0.007120000000000001,-19885,-2052,-8651.0,-3441,,1,1,0,0,0,0,,3.0,2,2,SUNDAY,11,0,0,0,0,0,0,Other,0.5886916964795136,0.07476906455170043,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1661.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2427279,195315,Cash loans,13188.915,67500.0,71955.0,,67500.0,THURSDAY,7,Y,1,,,,XNA,Approved,-152,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,low_normal,Cash X-Sell: low,365243.0,-122.0,28.0,-32.0,-23.0,1.0,0,Cash loans,F,N,Y,0,112500.0,119925.0,11988.0,112500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-24738,365243,-7918.0,-4095,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,8,0,0,0,0,0,0,XNA,,0.2632411250133655,0.7700870700124128,0.1227,0.1178,0.9781,0.7008,0.0554,0.0,0.2759,0.1667,0.2083,,0.1,0.1032,0.0,0.0,0.125,0.1223,0.9782,0.7125,0.0559,0.0,0.2759,0.1667,0.2083,,0.1093,0.1075,0.0,0.0,0.1239,0.1178,0.9781,0.7048,0.0557,0.0,0.2759,0.1667,0.2083,,0.1018,0.105,0.0,0.0,reg oper spec account,block of flats,0.0812,"Stone, brick",No,6.0,1.0,6.0,1.0,-152.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,5.0 +1811892,102811,Cash loans,17109.405,180000.0,197820.0,0.0,180000.0,WEDNESDAY,11,Y,1,0.0,,,XNA,Approved,-1826,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-1796.0,-1286.0,-1376.0,-1367.0,1.0,0,Cash loans,F,N,Y,0,90000.0,271066.5,12069.0,234000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.04622,-23479,365243,-8858.0,-4316,,1,0,0,1,0,0,,1.0,1,1,TUESDAY,12,0,0,0,0,0,0,XNA,,0.786149899810698,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1826.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1689252,243745,Consumer loans,5385.285,97258.5,116514.0,0.0,97258.5,THURSDAY,12,Y,1,0.0,,,XAP,Approved,-1125,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Regional / Local,148,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1094.0,-404.0,-404.0,-401.0,0.0,1,Cash loans,F,N,Y,0,112500.0,276277.5,12298.5,238500.0,Children,Working,Secondary / secondary special,Married,House / apartment,0.006296,-17957,-919,-7285.0,-1508,,1,1,1,1,1,0,High skill tech staff,2.0,3,3,TUESDAY,10,0,0,0,0,0,0,Government,0.5523632226925427,0.6434693364701927,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-1125.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2243151,321755,Consumer loans,5951.79,27585.0,28948.5,0.0,27585.0,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-1875,Cash through the bank,XAP,Family,Repeater,Office Appliances,POS,XNA,Country-wide,2334,Consumer electronics,6.0,high,POS household with interest,365243.0,-1844.0,-1694.0,-1694.0,-1686.0,0.0,0,Cash loans,F,N,Y,1,126000.0,45000.0,4738.5,45000.0,"Spouse, partner",State servant,Higher education,Married,House / apartment,0.025164,-17416,-4556,-3445.0,-926,,1,1,1,1,0,0,Managers,3.0,2,2,SATURDAY,8,0,0,0,0,0,0,School,0.8007217140781369,0.6252684964278787,0.2807895743848605,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-1901.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2221638,159072,Cash loans,23683.14,360000.0,409896.0,,360000.0,TUESDAY,9,Y,1,,,,XNA,Approved,-1032,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash X-Sell: high,365243.0,-1002.0,48.0,-942.0,-936.0,1.0,0,Cash loans,M,N,Y,0,202500.0,522000.0,25240.5,522000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.026392000000000002,-18834,-2261,-10709.0,-44,,1,1,0,1,0,0,Security staff,2.0,2,2,FRIDAY,9,0,0,0,1,1,1,Hotel,,0.4801947548516371,0.7338145369642702,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1519.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,1.0,0.0,12.0 +1592550,336301,Consumer loans,3520.17,23616.0,28836.0,0.0,23616.0,WEDNESDAY,15,Y,1,0.0,,,XAP,Approved,-642,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,1700,Consumer electronics,10.0,middle,POS household with interest,365243.0,-611.0,-341.0,-401.0,-393.0,0.0,0,Cash loans,F,N,N,1,40500.0,145957.5,11425.5,126000.0,Family,State servant,Secondary / secondary special,Married,Rented apartment,0.00963,-13052,-1952,-1895.0,-4094,,1,1,0,1,0,0,Cooking staff,3.0,2,2,MONDAY,12,0,0,0,0,0,0,Kindergarten,,0.30345123965252296,0.5226973172821112,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-642.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,0.0 +2070588,316241,Cash loans,9416.475,67500.0,82111.5,0.0,67500.0,THURSDAY,12,Y,1,0.0,,,XNA,Approved,-1662,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,100,XNA,12.0,high,Cash X-Sell: high,365243.0,-1632.0,-1302.0,-1362.0,-1358.0,1.0,0,Cash loans,F,Y,Y,1,180000.0,579195.0,24669.0,468000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,With parents,0.011656999999999999,-12170,-2921,-10620.0,-244,8.0,1,1,0,1,0,0,,2.0,1,1,SUNDAY,11,1,1,0,1,1,1,Business Entity Type 1,,0.7439787335893199,0.38079968264891495,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,11.0,0.0,11.0,0.0,-1662.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1622040,417806,Cash loans,36600.975,315000.0,399051.0,,315000.0,THURSDAY,11,Y,1,,,,XNA,Approved,-1157,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,18.0,high,Cash Street: high,365243.0,-1119.0,-609.0,-939.0,-930.0,0.0,0,Cash loans,M,Y,Y,0,166500.0,536917.5,32976.0,463500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-12595,-1682,-952.0,-2298,32.0,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,13,0,0,0,0,1,1,Self-employed,0.30746927998010826,0.6858973717683748,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2833188,419187,Cash loans,20542.545,202500.0,222547.5,,202500.0,WEDNESDAY,13,Y,1,,,,XNA,Approved,-1084,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,365243.0,-1054.0,-544.0,-664.0,-660.0,1.0,1,Cash loans,F,N,N,0,112500.0,454500.0,21865.5,454500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-18729,-3499,-1688.0,-2274,,1,1,1,1,1,0,,2.0,2,2,MONDAY,14,1,1,0,1,1,0,Industry: type 11,,0.20762251795130826,0.40314167665875134,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1084.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2653177,141708,Cash loans,51813.36,697500.0,832878.0,,697500.0,MONDAY,7,Y,1,,,,XNA,Approved,-499,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,high,Cash X-Sell: high,365243.0,-469.0,401.0,-139.0,-136.0,1.0,0,Cash loans,F,N,N,2,157500.0,450000.0,23692.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-12716,-4494,-5894.0,-4382,,1,1,0,1,0,0,Sales staff,4.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.3617331097783528,0.2622489709189549,0.0278,0.0495,0.9846,0.7892,0.0729,0.0,0.1034,0.0833,0.125,0.0143,0.0227,0.0157,0.0,0.0,0.0284,0.0514,0.9846,0.7975,0.0735,0.0,0.1034,0.0833,0.125,0.0146,0.0248,0.0164,0.0,0.0,0.0281,0.0495,0.9846,0.792,0.0733,0.0,0.1034,0.0833,0.125,0.0145,0.0231,0.016,0.0,0.0,reg oper account,block of flats,0.0313,"Stone, brick",No,9.0,0.0,9.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2661653,217984,Consumer loans,8192.34,88200.0,105340.5,8820.0,88200.0,SATURDAY,20,Y,1,0.08414277984225556,,,XAP,Approved,-465,Cash through the bank,XAP,,New,Mobile,POS,XNA,Regional / Local,200,Consumer electronics,18.0,middle,POS household with interest,365243.0,-434.0,76.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,202500.0,194742.0,13171.5,139500.0,Family,Working,Secondary / secondary special,Married,With parents,0.008575,-8685,-96,-6103.0,-833,,1,1,0,1,0,1,Sales staff,2.0,2,2,TUESDAY,12,1,1,0,0,0,0,Business Entity Type 2,0.273432562362764,0.7469330837450404,0.4525335592581747,,,0.9821,,,,,,,,,0.003,,,,,0.9821,,,,,,,,,0.0031,,,,,0.9821,,,,,,,,,0.0031,,,,,0.0024,,Yes,1.0,1.0,1.0,1.0,-465.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1110174,349114,Consumer loans,11977.2,46080.0,43114.5,4608.0,46080.0,THURSDAY,18,Y,1,0.1051606874973212,,,XAP,Approved,-323,XNA,XAP,,New,Mobile,POS,XNA,Country-wide,25,Connectivity,4.0,high,POS mobile with interest,365243.0,-292.0,-202.0,-202.0,-194.0,0.0,0,Cash loans,F,N,Y,0,360000.0,254700.0,20250.0,225000.0,Unaccompanied,Working,Incomplete higher,Single / not married,House / apartment,0.072508,-8783,-1192,-8745.0,-1373,,1,1,0,1,0,0,Waiters/barmen staff,1.0,1,1,FRIDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.3275676872025151,0.04751656745600555,0.2910973802776635,0.3959,0.0,0.9762,0.6736,0.0884,0.24,0.1034,0.6667,0.7083,0.0,0.3228,0.3404,0.0,0.083,0.4034,0.0,0.9762,0.6864,0.0892,0.2417,0.1034,0.6667,0.7083,0.0,0.3526,0.3547,0.0,0.0879,0.3997,0.0,0.9762,0.6779999999999999,0.08900000000000001,0.24,0.1034,0.6667,0.7083,0.0,0.3284,0.3465,0.0,0.0848,reg oper account,block of flats,0.2858,Panel,No,0.0,0.0,0.0,0.0,-323.0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2697135,237001,Cash loans,27712.62,315000.0,349096.5,,315000.0,WEDNESDAY,12,Y,1,,,,Medicine,Approved,-492,Cash through the bank,XAP,,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,high,Cash Street: high,365243.0,-462.0,228.0,-312.0,-306.0,1.0,0,Cash loans,F,N,Y,0,360000.0,969039.0,38560.5,783000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.04622,-20248,365243,-1401.0,-3513,,1,0,0,1,0,0,,1.0,1,1,FRIDAY,14,0,0,0,0,0,0,XNA,,0.7040190842720415,0.3572932680336494,0.1856,0.1551,0.9771,0.6872,0.1213,0.0,0.4138,0.1667,0.2083,0.1482,0.1505,0.1598,0.0039,0.0044,0.1891,0.1609,0.9772,0.6994,0.1224,0.0,0.4138,0.1667,0.2083,0.1516,0.1644,0.1665,0.0039,0.0046,0.1874,0.1551,0.9771,0.6914,0.1221,0.0,0.4138,0.1667,0.2083,0.1507,0.1531,0.1626,0.0039,0.0045,reg oper account,block of flats,0.193,Panel,No,1.0,0.0,1.0,0.0,-492.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,7.0 +2486519,319864,Revolving loans,45000.0,0.0,900000.0,,,MONDAY,19,Y,1,,,,XAP,Approved,-574,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-567.0,-520.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,157500.0,343800.0,12478.5,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-19692,-1447,-9862.0,-3239,,1,1,0,1,1,0,,2.0,1,1,MONDAY,19,0,1,1,0,0,0,School,,0.7025360178300348,,0.0845,0.0403,0.9866,0.8164,0.0358,0.08,0.0345,0.4583,0.5,0.0782,0.0681,0.0838,0.0039,0.0075,0.0861,0.0419,0.9866,0.8236,0.0361,0.0806,0.0345,0.4583,0.5,0.08,0.0744,0.0873,0.0039,0.0079,0.0854,0.0403,0.9866,0.8189,0.036000000000000004,0.08,0.0345,0.4583,0.5,0.0796,0.0693,0.0853,0.0039,0.0076,reg oper account,block of flats,0.0871,"Stone, brick",No,0.0,0.0,0.0,0.0,-902.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1682792,312853,Consumer loans,5589.72,21105.0,19620.0,2110.5,21105.0,SUNDAY,5,Y,1,0.1057742050866921,,,XAP,Approved,-2543,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,4.0,low_normal,POS mobile with interest,365243.0,-2512.0,-2422.0,-2422.0,-2417.0,1.0,0,Cash loans,M,Y,Y,0,270000.0,1288350.0,37800.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.006305,-20050,-5024,-2626.0,-3598,13.0,1,1,0,1,0,0,Drivers,1.0,3,3,TUESDAY,6,0,0,0,0,1,1,Industry: type 9,,0.656048796510573,0.5172965813614878,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1389.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2842944,306379,Revolving loans,9000.0,180000.0,180000.0,,180000.0,THURSDAY,11,Y,1,,,,XAP,Approved,-107,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,225000.0,1505484.0,78084.0,1395000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018029,-11009,-2127,-4560.0,-3599,,1,1,0,1,0,0,Drivers,2.0,3,3,SATURDAY,9,0,0,0,0,1,1,Self-employed,,0.5433491315948236,0.6313545365850379,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,0.0,9.0,0.0,-834.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2698674,376405,Cash loans,13608.045,135000.0,148365.0,,135000.0,FRIDAY,10,Y,1,,,,Building a house or an annex,Refused,-365,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,292500.0,153576.0,8946.0,121500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010966,-20980,365243,-11526.0,-2798,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,XNA,,0.2007754035972499,0.7688075728291359,0.1,0.0838,0.9841,0.7824,0.0117,0.0,0.2069,0.1667,0.2083,0.0,0.0799,0.0889,0.0077,0.0095,0.1019,0.087,0.9841,0.7909,0.0118,0.0,0.2069,0.1667,0.2083,0.0,0.0872,0.0926,0.0078,0.0101,0.101,0.0838,0.9841,0.7853,0.0118,0.0,0.2069,0.1667,0.2083,0.0,0.0812,0.0905,0.0078,0.0097,org spec account,block of flats,0.0778,Panel,No,2.0,0.0,2.0,0.0,-2265.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2496509,360437,Revolving loans,4725.0,0.0,67500.0,,,WEDNESDAY,12,Y,1,,,,XAP,Approved,-2035,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card X-Sell,-2034.0,-1987.0,365243.0,-1592.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,292500.0,949500.0,40230.0,949500.0,Unaccompanied,Working,Higher education,Married,Office apartment,0.026392000000000002,-14388,-630,-6032.0,-4349,2.0,1,1,0,1,0,1,Managers,2.0,2,2,MONDAY,14,0,0,0,0,1,1,Trade: type 3,0.589074764286729,0.560167316225027,0.2458512138252296,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,1.0,5.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1221080,339262,Consumer loans,,26505.0,26505.0,0.0,26505.0,FRIDAY,12,Y,1,0.0,,,XAP,Refused,-997,Cash through the bank,HC,,Repeater,Mobile,XNA,XNA,Country-wide,30,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,M,N,N,0,90000.0,573628.5,21978.0,463500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.02461,-12720,-1843,-150.0,-2462,,1,1,1,1,0,0,Security staff,2.0,2,2,FRIDAY,12,0,0,0,0,1,1,Security,,0.6673217299277614,0.6512602186973006,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1033.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1911393,259589,Consumer loans,9925.875,124182.0,124182.0,0.0,124182.0,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-341,Cash through the bank,XAP,"Spouse, partner",Repeater,Computers,POS,XNA,Country-wide,2711,Consumer electronics,16.0,middle,POS household with interest,365243.0,-310.0,140.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,1,135000.0,718425.0,31774.5,580500.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.01885,-12927,-1291,-7029.0,-97,7.0,1,1,0,1,0,0,Sales staff,3.0,2,2,THURSDAY,18,0,0,0,0,0,0,Self-employed,,0.645453505951853,,0.132,0.1093,0.9866,0.8164,0.0164,0.16,0.1379,0.3333,,0.0717,0.1076,0.0836,0.0039,0.0985,0.1345,0.1134,0.9866,0.8236,0.0166,0.1611,0.1379,0.3333,,0.0734,0.1175,0.0871,0.0039,0.1042,0.1332,0.1093,0.9866,0.8189,0.0165,0.16,0.1379,0.3333,,0.073,0.1095,0.0851,0.0039,0.1005,reg oper account,block of flats,0.1081,"Stone, brick",No,0.0,0.0,0.0,0.0,-675.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2669692,201357,Cash loans,14885.685,67500.0,77962.5,,67500.0,MONDAY,13,Y,1,,,,XNA,Approved,-400,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-370.0,-220.0,-220.0,-212.0,1.0,0,Cash loans,M,N,Y,0,90000.0,215640.0,15466.5,180000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.00702,-13602,-693,-2432.0,-4750,,1,1,0,1,0,0,Drivers,1.0,2,2,TUESDAY,14,0,0,0,0,0,0,Self-employed,,0.7788521678043813,0.7981372313187245,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1772.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1209118,295598,Cash loans,39858.75,1125000.0,1125000.0,,1125000.0,TUESDAY,7,Y,1,,,,XNA,Approved,-917,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,middle,Cash X-Sell: middle,365243.0,-887.0,883.0,-707.0,-701.0,0.0,0,Cash loans,F,Y,Y,0,382500.0,824823.0,26739.0,688500.0,Unaccompanied,Pensioner,Higher education,Single / not married,House / apartment,0.020713,-21276,365243,-839.0,-3953,11.0,1,0,0,1,1,0,,1.0,3,3,TUESDAY,6,0,0,0,0,0,0,XNA,,0.4806041419138888,0.2608559142068693,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1432.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2476869,361857,Cash loans,75384.0,1350000.0,1350000.0,,1350000.0,WEDNESDAY,13,Y,1,,,,XNA,Approved,-804,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-774.0,-84.0,-84.0,-72.0,0.0,0,Cash loans,F,N,Y,0,74250.0,315000.0,15282.0,315000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.072508,-22381,365243,-12506.0,-831,,1,0,0,1,0,0,,2.0,1,1,TUESDAY,13,0,0,0,0,0,0,XNA,,0.5361350904338075,,0.1485,0.094,0.9826,0.762,0.0,0.16,0.1379,0.3333,0.375,0.0,0.121,0.1408,0.0,0.0,0.1513,0.0976,0.9826,0.7713,0.0,0.1611,0.1379,0.3333,0.375,0.0,0.1322,0.1467,0.0,0.0,0.1499,0.094,0.9826,0.7652,0.0,0.16,0.1379,0.3333,0.375,0.0,0.1231,0.1433,0.0,0.0,org spec account,block of flats,0.1107,Panel,No,0.0,0.0,0.0,0.0,-1197.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1635529,208345,Cash loans,19624.05,315000.0,349096.5,,315000.0,FRIDAY,16,Y,1,,,,XNA,Approved,-816,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-786.0,-96.0,-156.0,-149.0,1.0,0,Cash loans,F,N,Y,1,261000.0,500211.0,52654.5,463500.0,Family,Working,Secondary / secondary special,Married,Municipal apartment,0.018634,-14360,-388,-3952.0,-2675,,1,1,0,1,0,0,,3.0,2,2,TUESDAY,12,0,1,1,0,0,0,Business Entity Type 3,0.6224843932868159,0.676375332307099,0.5316861425197883,0.067,0.0417,0.9771,0.6872,0.0209,0.0,0.1379,0.1667,0.2083,0.0534,0.0488,0.0554,0.027000000000000003,0.0414,0.0683,0.0433,0.9772,0.6994,0.0211,0.0,0.1379,0.1667,0.2083,0.0546,0.0533,0.0577,0.0272,0.0438,0.0677,0.0417,0.9771,0.6914,0.021,0.0,0.1379,0.1667,0.2083,0.0543,0.0496,0.0564,0.0272,0.0423,reg oper account,block of flats,0.064,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2583244,449153,Consumer loans,15686.865,348210.0,348210.0,0.0,348210.0,TUESDAY,15,Y,1,0.0,,,XAP,Approved,-280,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,142,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-250.0,440.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,2,270000.0,188460.0,9751.5,135000.0,Children,State servant,Higher education,Civil marriage,House / apartment,0.035792000000000004,-13331,-4889,-6157.0,-4536,,1,1,0,1,0,0,Accountants,4.0,2,2,TUESDAY,16,0,0,0,0,1,1,Other,,0.6187080921470262,0.501075160239048,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-810.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1107449,106809,Consumer loans,3851.46,33255.0,32890.5,3325.5,33255.0,MONDAY,17,Y,1,0.10000474426170246,,,XAP,Approved,-2401,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,2030,Consumer electronics,12.0,high,POS household with interest,365243.0,-2370.0,-2040.0,-2040.0,-2031.0,1.0,0,Cash loans,M,Y,Y,0,270000.0,312768.0,24709.5,270000.0,Unaccompanied,State servant,Secondary / secondary special,Married,Office apartment,0.019101,-11705,-4228,-3359.0,-3818,16.0,1,1,1,1,1,0,High skill tech staff,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Emergency,0.1791148588628982,0.5481142953576279,0.1510075350878296,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-209.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1338538,350560,Consumer loans,13498.47,294790.86,294790.86,0.0,294790.86,FRIDAY,16,Y,1,0.0,,,XAP,Approved,-91,XNA,XAP,,Repeater,Consumer Electronics,POS,XNA,Country-wide,150,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-58.0,632.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,270000.0,1350000.0,54985.5,1350000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.014519999999999996,-17448,-1101,-3151.0,-987,,1,1,0,1,0,0,Accountants,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,Security,0.6470590027988671,0.6822205187033891,0.6313545365850379,0.001,0.1545,0.9876,0.83,0.0,0.24,0.2069,0.3333,0.375,0.1131,0.1816,0.1543,0.8378,0.055,0.0011,0.1604,0.9876,0.8367,0.0,0.2417,0.2069,0.3333,0.375,0.1157,0.1983,0.1607,0.8444,0.0582,0.001,0.1545,0.9876,0.8323,0.0,0.24,0.2069,0.3333,0.375,0.1151,0.1847,0.157,0.8424,0.0561,reg oper account,block of flats,0.179,Panel,No,0.0,0.0,0.0,0.0,-660.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2733400,372209,Consumer loans,5818.545,44055.0,39555.0,4500.0,44055.0,WEDNESDAY,21,Y,1,0.1112452409694493,,,XAP,Approved,-1496,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,59,Connectivity,8.0,middle,POS mobile with interest,365243.0,-1458.0,-1248.0,-1248.0,-1240.0,0.0,0,Cash loans,M,Y,N,0,157500.0,651600.0,20938.5,562500.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,Office apartment,0.035792000000000004,-21771,365243,-3744.0,-4786,64.0,1,0,0,1,0,0,,1.0,2,2,MONDAY,15,0,0,0,0,0,0,XNA,,0.6849638043342275,0.4974688893052743,0.0742,0.0,0.9821,0.7552,0.014,0.08,0.069,0.3333,0.0417,0.0058,0.0605,0.0769,0.0,0.0,0.0756,0.0,0.9821,0.7648,0.0142,0.0806,0.069,0.3333,0.0417,0.0059,0.0661,0.0801,0.0,0.0,0.0749,0.0,0.9821,0.7585,0.0141,0.08,0.069,0.3333,0.0417,0.0059,0.0616,0.0783,0.0,0.0,reg oper account,block of flats,0.0605,Panel,No,0.0,0.0,0.0,0.0,-1496.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2429983,129468,Cash loans,14028.48,144000.0,144000.0,,144000.0,WEDNESDAY,13,Y,1,,,,XNA,Refused,-414,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,1,157500.0,376920.0,19372.5,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,Municipal apartment,0.032561,-18084,-2046,-3619.0,-1630,,1,1,0,1,0,1,Laborers,3.0,1,1,THURSDAY,14,0,0,0,0,0,0,Transport: type 4,,0.6734967321935519,0.4956658291397297,0.0392,0.009000000000000001,0.9826,0.762,0.069,0.08,0.0345,0.5833,0.625,0.0,0.0294,0.1125,0.0116,0.1296,0.0399,0.0093,0.9826,0.7713,0.0696,0.0806,0.0345,0.5833,0.625,0.0,0.0321,0.1173,0.0117,0.1372,0.0396,0.009000000000000001,0.9826,0.7652,0.0694,0.08,0.0345,0.5833,0.625,0.0,0.0299,0.1146,0.0116,0.1323,reg oper account,terraced house,0.1167,"Stone, brick",No,0.0,0.0,0.0,0.0,-413.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1461130,299599,Consumer loans,3427.785,26221.5,30474.0,2623.5,26221.5,THURSDAY,15,Y,1,0.08632766825288918,,,XAP,Approved,-1878,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,14.0,high,POS mobile with interest,365243.0,-1847.0,-1457.0,-1457.0,-1448.0,0.0,0,Cash loans,F,N,Y,1,112500.0,242950.5,12532.5,184500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.007273999999999998,-15562,-3039,-3389.0,-3381,,1,1,0,1,0,0,,3.0,2,2,SATURDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.13641931315800165,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2130465,298921,Revolving loans,36000.0,720000.0,720000.0,,720000.0,MONDAY,16,Y,1,,,,XAP,Approved,-436,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-435.0,-394.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,M,Y,Y,0,243000.0,315000.0,16213.5,315000.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.025164,-11807,-1867,-5854.0,-4321,11.0,1,1,0,1,1,0,Laborers,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.5413478080255052,0.756249000853457,0.06252447329197086,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,10.0,0.0,10.0,0.0,-436.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +1667250,294987,Consumer loans,24286.05,135000.0,135000.0,0.0,135000.0,THURSDAY,11,Y,1,0.0,,,XAP,Approved,-158,Cash through the bank,XAP,"Spouse, partner",Repeater,Clothing and Accessories,POS,XNA,Stone,50,Clothing,6.0,low_normal,POS industry with interest,365243.0,-128.0,22.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,1,180000.0,571396.5,31126.5,427500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010556,-18003,-2347,-181.0,-1560,,1,1,0,1,0,0,Laborers,3.0,3,3,MONDAY,12,0,1,1,0,1,1,Construction,0.7419366739092964,0.01633039976186387,0.4614823912998385,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1826.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,4.0,4.0 +1721193,269169,Consumer loans,8377.83,70294.5,61182.0,14062.5,70294.5,FRIDAY,15,Y,1,0.20354100178871426,,,XAP,Approved,-1254,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Regional / Local,100,Consumer electronics,10.0,high,POS other with interest,365243.0,-1223.0,-953.0,-1163.0,-1154.0,0.0,0,Cash loans,M,N,Y,1,450000.0,156384.0,15466.5,135000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018634,-16491,-2376,-4026.0,-36,,1,1,1,1,0,0,High skill tech staff,3.0,2,2,SATURDAY,12,0,1,1,1,1,1,Business Entity Type 3,0.6683374479703118,0.5527138810121646,0.7700870700124128,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1254.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1848732,193351,Consumer loans,3023.73,16155.0,15066.0,1800.0,16155.0,SUNDAY,15,Y,1,0.1162316872028718,,,XAP,Approved,-2501,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Stone,42,Connectivity,6.0,high,POS mobile with interest,365243.0,-2466.0,-2316.0,-2316.0,-2312.0,1.0,0,Cash loans,F,N,Y,0,135000.0,765261.0,30474.0,684000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-23171,365243,-7132.0,-4547,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,16,0,0,0,0,0,0,XNA,,0.5618529757715051,0.3360615207658242,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,1.0,-100.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2554693,215160,Cash loans,31412.025,657000.0,747193.5,,657000.0,SATURDAY,6,Y,1,,,,Payments on other loans,Refused,-549,XNA,LIMIT,,Repeater,XNA,Cash,walk-in,Contact center,-1,XNA,48.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,N,0,135000.0,254700.0,16582.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.020713,-17249,-7978,-9136.0,-803,,1,1,1,1,0,0,,2.0,3,3,MONDAY,15,0,0,0,0,1,1,Business Entity Type 1,,0.3359519577721808,0.3280631605201915,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-783.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2318332,452130,Cash loans,8942.13,157500.0,185868.0,,157500.0,MONDAY,6,Y,1,,,,XNA,Approved,-835,XNA,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-805.0,245.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,2,225000.0,610335.0,22050.0,463500.0,Family,State servant,Secondary / secondary special,Married,House / apartment,0.018209,-16304,-3306,-7490.0,-4534,27.0,1,1,0,1,1,0,,4.0,3,3,WEDNESDAY,7,0,0,0,0,0,0,Culture,,0.4908403913609307,0.7751552674785404,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,0.0,0.0,-845.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,0.0,0.0,3.0 +2033905,283378,Consumer loans,5966.19,73890.0,59112.0,14778.0,73890.0,SATURDAY,15,Y,1,0.2178181818181818,,,XAP,Approved,-119,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Stone,65,Connectivity,12.0,middle,POS mobile with interest,365243.0,-86.0,244.0,365243.0,365243.0,0.0,1,Revolving loans,F,N,Y,1,112500.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00496,-13820,-255,-7491.0,-5072,,1,1,0,1,0,0,Cooking staff,3.0,2,2,SATURDAY,16,0,0,0,0,0,0,Industry: type 4,,0.2811095389276847,0.09141199381412644,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-916.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2553505,455504,Revolving loans,13500.0,270000.0,270000.0,,270000.0,THURSDAY,15,Y,1,,,,XAP,Approved,-305,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,-67.0,0.0,0,Revolving loans,M,N,Y,0,99000.0,315000.0,15750.0,315000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-22178,365243,-9252.0,-3842,,1,0,0,1,0,0,,2.0,2,2,MONDAY,16,0,0,0,0,0,0,XNA,,0.20534377628589007,0.4776491548517548,0.2454,0.19,0.9856,0.8028,0.0582,0.28,0.2414,0.3333,0.0417,0.2094,0.1958,0.2674,0.0347,0.0251,0.25,0.1971,0.9856,0.8105,0.0588,0.282,0.2414,0.3333,0.0417,0.2142,0.214,0.2786,0.035,0.0266,0.2477,0.19,0.9856,0.8054,0.0586,0.28,0.2414,0.3333,0.0417,0.213,0.1992,0.2722,0.0349,0.0256,reg oper spec account,block of flats,0.2529,Panel,No,14.0,1.0,14.0,0.0,-99.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1377970,138467,Cash loans,18868.23,229500.0,279292.5,,229500.0,SATURDAY,10,Y,1,,,,XNA,Approved,-686,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-656.0,-146.0,-176.0,-167.0,1.0,0,Cash loans,F,N,N,0,117000.0,545040.0,30564.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.011656999999999999,-20681,-1688,-528.0,-4089,,1,1,0,1,1,0,Accountants,2.0,1,1,SATURDAY,10,0,0,0,0,0,0,Other,0.7220958948643224,0.6757815061529483,0.6658549219640212,0.1227,0.1504,0.9806,0.7348,0.2528,0.0,0.2759,0.1667,0.2083,0.0,0.1,0.1269,0.0,0.1765,0.125,0.156,0.9806,0.7452,0.2551,0.0,0.2759,0.1667,0.2083,0.0,0.1093,0.1322,0.0,0.1868,0.1239,0.1504,0.9806,0.7383,0.2544,0.0,0.2759,0.1667,0.2083,0.0,0.1018,0.1292,0.0,0.1802,reg oper spec account,block of flats,0.1382,Panel,No,1.0,1.0,1.0,1.0,-994.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,4.0 +2321504,263590,Cash loans,8921.565,67500.0,81625.5,,67500.0,MONDAY,15,Y,1,,,,XNA,Approved,-1067,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1037.0,-707.0,-707.0,-704.0,1.0,0,Cash loans,F,N,N,1,153000.0,318528.0,23305.5,252000.0,Unaccompanied,Working,Higher education,Married,Municipal apartment,0.009175,-11749,-3684,-5378.0,-3088,,1,1,0,1,1,1,Accountants,3.0,2,2,THURSDAY,14,0,0,0,0,0,0,Restaurant,0.7465986525369614,0.6506107185732342,0.5531646987710016,0.0237,0.0,0.9816,,,0.0,0.1034,0.0417,,0.0149,,0.0187,,0.0,0.0242,0.0,0.9816,,,0.0,0.1034,0.0417,,0.0152,,0.0195,,0.0,0.0239,0.0,0.9816,,,0.0,0.1034,0.0417,,0.0151,,0.0191,,0.0,,block of flats,0.0155,"Stone, brick",No,5.0,0.0,5.0,0.0,-293.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1216439,154457,Cash loans,36913.995,585000.0,631332.0,,585000.0,SATURDAY,15,Y,1,,,,XNA,Approved,-492,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-462.0,228.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,292500.0,834048.0,27693.0,720000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.00496,-21758,365243,-8249.0,-4756,,1,0,0,1,1,0,,1.0,2,2,MONDAY,15,0,0,0,0,0,0,XNA,0.874065518640203,0.4493829413829232,0.43473324875017305,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-2056.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1357834,226830,Cash loans,30219.93,315000.0,413487.0,0.0,315000.0,THURSDAY,10,Y,1,0.0,,,Repairs,Refused,-1854,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,high,Cash Street: high,,,,,,,0,Cash loans,F,Y,N,0,225000.0,679500.0,24201.0,679500.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.028663,-15915,-1501,-10015.0,-4489,5.0,1,1,0,1,0,0,Accountants,1.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.8092723635313419,0.6752878166649398,0.6610235391308081,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-826.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1627143,268170,Cash loans,17477.505,247500.0,280989.0,,247500.0,TUESDAY,11,Y,1,,,,XNA,Approved,-1099,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,30.0,high,Cash X-Sell: high,365243.0,-1069.0,-199.0,-1009.0,-1003.0,1.0,0,Cash loans,M,Y,Y,0,135000.0,101880.0,6507.0,90000.0,Unaccompanied,Working,Secondary / secondary special,Married,Rented apartment,0.02461,-10306,-353,-4668.0,-2952,17.0,1,1,1,1,1,0,Drivers,2.0,2,2,TUESDAY,15,0,0,0,1,1,1,Business Entity Type 3,,0.5780116803963544,0.28961123838200553,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1582.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1085483,446255,Cash loans,6786.9,171000.0,216144.0,,171000.0,MONDAY,9,Y,1,,,,XNA,Approved,-207,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-177.0,1233.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,157500.0,417024.0,18499.5,360000.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.031329,-23212,365243,-2191.0,-4133,,1,0,0,1,1,0,,1.0,2,2,FRIDAY,9,0,0,0,0,0,0,XNA,,0.6068629363597443,0.6195277080511546,0.067,0.0236,0.9871,0.8232,0.0149,0.04,0.0345,0.3333,0.375,0.058,0.0546,0.0373,0.0,0.0,0.0683,0.0245,0.9871,0.8301,0.0151,0.0403,0.0345,0.3333,0.375,0.0593,0.0597,0.0389,0.0,0.0,0.0677,0.0236,0.9871,0.8256,0.015,0.04,0.0345,0.3333,0.375,0.059,0.0556,0.038,0.0,0.0,reg oper account,block of flats,0.0375,Panel,No,0.0,0.0,0.0,0.0,-207.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2598223,373887,Revolving loans,38250.0,765000.0,765000.0,,765000.0,TUESDAY,12,Y,1,,,,XAP,Approved,-536,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,Y,Y,0,171000.0,927000.0,30033.0,927000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.031329,-12517,-1252,-2116.0,-2441,5.0,1,1,0,1,0,0,High skill tech staff,2.0,2,2,SATURDAY,10,0,0,0,0,1,1,Business Entity Type 2,0.3615478848405592,0.5937571891667928,0.470456116119975,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1570.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1483861,276231,Cash loans,51440.67,450000.0,528030.0,,450000.0,SATURDAY,12,Y,1,,,,XNA,Refused,-212,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,12.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,1,135000.0,225000.0,24003.0,225000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.026392000000000002,-9917,-3024,-4360.0,-2579,1.0,1,1,0,1,1,0,,3.0,2,2,MONDAY,9,0,0,0,0,0,0,Business Entity Type 1,0.12636474285180366,0.5188919437082175,0.1385128770585923,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-550.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1729253,325613,Cash loans,26704.755,225000.0,289732.5,,225000.0,MONDAY,14,Y,1,,,,Urgent needs,Refused,-398,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,,,,,,,0,Cash loans,M,Y,Y,1,135000.0,364896.0,19233.0,315000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00702,-12279,-1522,-2776.0,-2776,16.0,1,1,0,1,0,0,Drivers,3.0,2,2,SUNDAY,11,0,0,0,1,1,0,Trade: type 3,,0.4192634876688892,0.5495965024956946,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,1.0 +2355894,131188,Cash loans,,0.0,0.0,,,MONDAY,11,Y,1,,,,XNA,Refused,-378,XNA,SCOFR,,Repeater,XNA,XNA,XNA,Contact center,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,N,Y,0,225000.0,369720.0,29340.0,292500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.04622,-10428,-745,-4248.0,-2825,,1,1,0,1,0,0,Sales staff,1.0,1,1,MONDAY,11,0,0,0,0,1,1,Self-employed,0.4736170950468617,0.425163456530667,0.1301285429480269,0.3567,0.2073,0.9831,0.7688,,0.4,0.3448,0.3333,0.375,,,0.368,,0.2164,0.3634,0.2151,0.9831,0.7779,,0.4028,0.3448,0.3333,0.375,,,0.3834,,0.2291,0.3602,0.2073,0.9831,0.7719,,0.4,0.3448,0.3333,0.375,,,0.3746,,0.2209,,block of flats,0.3703,"Stone, brick",No,4.0,0.0,4.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +2107338,314339,Consumer loans,21510.72,115650.0,121756.5,0.0,115650.0,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-506,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Stone,350,Furniture,6.0,low_normal,POS industry with interest,365243.0,-474.0,-324.0,-324.0,-316.0,0.0,0,Cash loans,F,N,Y,2,112500.0,696150.0,33619.5,562500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-13185,-2072,-1959.0,-2330,,1,1,0,1,0,0,,4.0,2,2,MONDAY,14,0,0,0,1,1,0,Self-employed,0.3576984237007836,0.5977333203410725,0.3842068130556564,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2072019,189737,Cash loans,14662.17,454500.0,454500.0,,454500.0,WEDNESDAY,10,Y,1,,,,XNA,Refused,-266,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,229500.0,719946.0,31842.0,643500.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.030755,-20734,365243,-6560.0,-3942,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,,0.6774370537128747,0.5064842396679806,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-3004.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1614311,343699,Cash loans,43551.0,1350000.0,1350000.0,,1350000.0,TUESDAY,11,Y,1,,,,XNA,Approved,-928,XNA,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,148500.0,296280.0,15124.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0038179999999999998,-17631,-2667,-1446.0,-1185,,1,1,0,1,1,0,Security staff,2.0,2,2,SATURDAY,6,0,0,0,0,0,0,Business Entity Type 3,,0.5850466262840944,0.28961123838200553,0.0299,0.0,0.9727,0.626,0.037000000000000005,0.0,0.069,0.125,0.1667,0.0334,0.0244,0.0227,0.0,0.011,0.0305,0.0,0.9727,0.6406,0.0374,0.0,0.069,0.125,0.1667,0.0341,0.0266,0.0236,0.0,0.0117,0.0302,0.0,0.9727,0.631,0.0373,0.0,0.069,0.125,0.1667,0.0339,0.0248,0.0231,0.0,0.0113,reg oper spec account,block of flats,0.0202,"Stone, brick",No,0.0,0.0,0.0,0.0,-1898.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2688989,268320,Revolving loans,3375.0,67500.0,67500.0,,67500.0,MONDAY,10,Y,1,,,,XAP,Refused,-484,XNA,HC,,New,XNA,Cards,walk-in,AP+ (Cash loan),10,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,45000.0,127350.0,13842.0,112500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0105,-19599,-651,-4344.0,-3060,,1,1,1,1,0,0,Laborers,2.0,3,3,TUESDAY,11,0,0,0,0,0,0,Trade: type 7,,0.4346117690781384,,0.0082,0.0,0.9781,0.7008,0.0056,0.0,0.069,0.1667,0.0417,0.0248,0.0042,0.0336,0.0116,0.0134,0.0084,0.0,0.9782,0.7125,0.0056,0.0,0.069,0.1667,0.0417,0.0254,0.0046,0.035,0.0117,0.0141,0.0083,0.0,0.9781,0.7048,0.0056,0.0,0.069,0.1667,0.0417,0.0253,0.0043,0.0342,0.0116,0.0136,not specified,block of flats,0.0324,"Stone, brick",No,0.0,0.0,0.0,0.0,-484.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2592726,106604,Consumer loans,51962.22,257175.0,231457.5,25717.5,257175.0,FRIDAY,19,Y,1,0.1089090909090909,,,XAP,Approved,-1287,Cash through the bank,XAP,Unaccompanied,Repeater,Clothing and Accessories,POS,XNA,Stone,54,Clothing,5.0,middle,POS industry without interest,365243.0,-1255.0,-1135.0,-1135.0,-1131.0,0.0,0,Cash loans,F,Y,Y,1,540000.0,1365192.0,49167.0,1206000.0,Children,Working,Higher education,Separated,House / apartment,0.02461,-16013,-920,-58.0,-5546,65.0,1,1,0,1,0,1,Managers,2.0,2,2,THURSDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.4147983607659677,0.5415743513745471,0.2910973802776635,,0.0136,0.9742,0.6464,0.0028,0.0,0.069,0.125,0.1667,0.0251,,0.0245,0.0039,0.0053,,0.0142,0.9742,0.6602,0.0028,0.0,0.069,0.125,0.1667,0.0257,,0.0255,0.0039,0.0056,,0.0136,0.9742,0.6511,0.0028,0.0,0.069,0.125,0.1667,0.0256,,0.0249,0.0039,0.0054,,block of flats,0.0365,"Stone, brick",No,0.0,0.0,0.0,0.0,-1287.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1920359,364786,Consumer loans,4037.175,15745.5,14170.5,1575.0,15745.5,SUNDAY,12,Y,1,0.1089402166852867,,,XAP,Approved,-2706,Cash through the bank,XAP,"Spouse, partner",New,Mobile,POS,XNA,Country-wide,45,Connectivity,4.0,low_normal,POS mobile with interest,365243.0,-2675.0,-2585.0,-2585.0,-2580.0,0.0,0,Cash loans,F,N,Y,0,315000.0,528687.0,20061.0,436500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.005084,-19870,-2368,-9696.0,-3403,,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,9,0,0,0,1,1,0,Self-employed,,0.49090597224944105,0.3077366963789207,0.0082,,0.9796,,,,0.069,0.0417,,,,0.0092,,,0.0084,,0.9796,,,,0.069,0.0417,,,,0.0096,,,0.0083,,0.9796,,,,0.069,0.0417,,,,0.0094,,,,block of flats,0.0072,"Stone, brick",Yes,0.0,0.0,0.0,0.0,-1546.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +1286688,300830,Consumer loans,2370.645,24210.0,21789.0,2421.0,24210.0,TUESDAY,10,Y,1,0.1089090909090909,,,XAP,Approved,-2347,Cash through the bank,XAP,Unaccompanied,Repeater,Clothing and Accessories,POS,XNA,Country-wide,2000,Clothing,12.0,high,POS industry with interest,,,,,,,0,Cash loans,F,N,Y,0,234000.0,140746.5,14548.5,121500.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.032561,-21892,-8577,-1121.0,-1560,,1,1,0,1,0,0,Laborers,1.0,1,1,THURSDAY,9,0,0,0,0,0,0,Government,0.7361113722025062,0.5916561691175296,0.4776491548517548,0.0436,0.0474,0.9732,0.6328,0.0051,0.0,0.0803,0.1525,0.1667,0.0087,0.0395,0.0346,0.0,0.0011,0.042,0.0415,0.9732,0.6472,0.0052,0.0,0.069,0.1667,0.1667,0.0072,0.0432,0.0332,0.0,0.0011,0.0416,0.0402,0.9732,0.6377,0.0052,0.0,0.069,0.1667,0.1667,0.0074,0.0402,0.0326,0.0,0.0011,reg oper spec account,block of flats,0.0251,"Stone, brick",No,0.0,0.0,0.0,0.0,-2347.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2103418,263394,Consumer loans,15031.935,122670.0,134815.5,0.0,122670.0,SUNDAY,10,Y,1,0.0,,,XAP,Approved,-1177,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,230,Consumer electronics,12.0,high,POS household with interest,365243.0,-1146.0,-816.0,-816.0,-813.0,0.0,0,Cash loans,F,N,Y,1,112500.0,1056447.0,31018.5,922500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-16597,-3159,-3597.0,-149,,1,1,1,1,1,0,Sales staff,3.0,3,3,MONDAY,7,0,0,0,0,0,0,Self-employed,,0.5153481030154216,0.2707073872651806,0.1031,0.1141,0.9791,0.7144,0.0114,0.0,0.2069,0.1667,0.2083,0.1072,0.0832,0.0902,0.0039,0.0077,0.105,0.1184,0.9791,0.7256,0.0115,0.0,0.2069,0.1667,0.2083,0.1097,0.0909,0.094,0.0039,0.0081,0.1041,0.1141,0.9791,0.7182,0.0115,0.0,0.2069,0.1667,0.2083,0.1091,0.0847,0.0918,0.0039,0.0078,,block of flats,0.0788,Panel,No,0.0,0.0,0.0,0.0,-1177.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1467240,338881,Consumer loans,24477.255,132498.0,139495.5,0.0,132498.0,FRIDAY,15,Y,1,0.0,,,XAP,Approved,-327,Cash through the bank,XAP,,New,Clothing and Accessories,POS,XNA,Stone,100,Clothing,6.0,low_action,POS industry with interest,365243.0,-296.0,-146.0,-146.0,-143.0,0.0,0,Revolving loans,F,N,Y,0,135000.0,270000.0,13500.0,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018801,-8572,-593,-8572.0,-155,,1,1,0,1,0,0,Medicine staff,2.0,2,2,WEDNESDAY,13,0,0,0,1,1,0,Business Entity Type 3,,0.5008820528099263,0.5513812618027899,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,0.0,-131.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2154390,363737,Consumer loans,19660.32,190141.65,190138.5,3.15,190141.65,FRIDAY,18,Y,1,1.8042529680563744e-05,,,XAP,Approved,-656,Cash through the bank,XAP,Unaccompanied,Repeater,Gardening,POS,XNA,Stone,467,Construction,12.0,middle,POS industry with interest,365243.0,-619.0,-289.0,-289.0,-283.0,0.0,0,Cash loans,F,Y,Y,0,157500.0,1125000.0,32895.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0105,-19088,-4477,-896.0,-2630,10.0,1,1,0,1,1,0,,2.0,3,3,WEDNESDAY,11,0,0,0,0,0,0,Other,,0.6815706751850761,0.5762088360175724,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1483.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1918943,147365,Consumer loans,6417.36,38610.0,31077.0,9000.0,38610.0,TUESDAY,14,Y,1,0.2445746483473857,,,XAP,Approved,-1680,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,49,Connectivity,6.0,high,POS mobile with interest,365243.0,-1649.0,-1499.0,-1499.0,-1493.0,0.0,1,Cash loans,M,Y,Y,2,126000.0,243000.0,24165.0,243000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-13607,-1650,-69.0,-156,64.0,1,1,0,1,1,0,Managers,4.0,2,2,TUESDAY,15,0,0,0,0,0,0,Self-employed,0.6331416872135568,0.7454130855213177,,0.0309,0.0889,0.9722,,,0.0,0.1379,0.0833,,0.0394,,0.035,,0.022,0.0315,0.0923,0.9722,,,0.0,0.1379,0.0833,,0.0403,,0.0365,,0.0233,0.0312,0.0889,0.9722,,,0.0,0.1379,0.0833,,0.0401,,0.0357,,0.0224,,block of flats,0.0323,"Stone, brick",No,5.0,0.0,5.0,0.0,-1869.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2623750,402776,Consumer loans,2398.365,28345.5,32836.5,0.0,28345.5,THURSDAY,10,Y,1,0.0,,,XAP,Approved,-571,Cash through the bank,XAP,Unaccompanied,Refreshed,Consumer Electronics,POS,XNA,Country-wide,1539,Consumer electronics,18.0,middle,POS household with interest,365243.0,-540.0,-30.0,-90.0,-85.0,0.0,0,Cash loans,F,Y,Y,0,180000.0,1467612.0,54517.5,1350000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.025164,-19229,-1417,-1503.0,-2677,13.0,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,8,0,0,0,0,0,0,Business Entity Type 3,0.6161490403625427,0.5092344200299864,0.11465249430297055,0.0,0.1011,0.9856,0.8028,0.0,0.24,0.2069,0.3333,0.375,0.0,0.1782,0.2313,0.0,0.0271,0.0,0.1049,0.9856,0.8105,0.0,0.2417,0.2069,0.3333,0.375,0.0,0.1947,0.241,0.0,0.0287,0.0,0.1011,0.9856,0.8054,0.0,0.24,0.2069,0.3333,0.375,0.0,0.1813,0.2355,0.0,0.0277,reg oper account,block of flats,0.1878,Block,No,4.0,0.0,4.0,0.0,-571.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1798397,369977,Consumer loans,3479.355,22680.0,24678.0,0.0,22680.0,MONDAY,15,Y,1,0.0,,,XAP,Approved,-625,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,10.0,high,POS mobile with interest,365243.0,-590.0,-320.0,-530.0,-521.0,0.0,0,Cash loans,F,N,Y,0,193500.0,490536.0,28291.5,405000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.011656999999999999,-16808,-4291,-9388.0,-356,,1,1,0,1,0,0,Drivers,1.0,1,1,WEDNESDAY,17,0,0,0,0,0,0,Self-employed,0.5259367436398527,0.7222003068817233,0.7380196196295241,0.0825,0.0785,0.9757,0.6668,0.0078,0.0,0.1379,0.1667,0.2083,0.0,0.0672,0.0696,0.0,0.0,0.084,0.0815,0.9757,0.6798,0.0079,0.0,0.1379,0.1667,0.2083,0.0,0.0735,0.0726,0.0,0.0,0.0833,0.0785,0.9757,0.6713,0.0079,0.0,0.1379,0.1667,0.2083,0.0,0.0684,0.0709,0.0,0.0,reg oper account,block of flats,0.0591,Panel,No,0.0,0.0,0.0,0.0,-2500.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2518018,349625,Consumer loans,3275.64,72711.0,72711.0,0.0,72711.0,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-325,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Regional / Local,150,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-294.0,396.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,2,225000.0,679500.0,21919.5,679500.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.019101,-11840,-2148,-1610.0,-3793,,1,1,0,1,0,0,Laborers,4.0,2,2,TUESDAY,18,0,0,0,0,0,0,Military,0.7442519233009286,0.6943751836476442,0.7789040389824382,0.0186,,0.995,,,0.0,0.0345,0.0833,,,,0.0103,,0.0564,0.0189,,0.995,,,0.0,0.0345,0.0833,,,,0.0107,,0.0597,0.0187,,0.995,,,0.0,0.0345,0.0833,,,,0.0105,,0.0576,,block of flats,0.0315,"Stone, brick",No,0.0,0.0,0.0,0.0,-325.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1956139,287970,Consumer loans,9752.265,86040.0,95125.5,0.0,86040.0,SATURDAY,10,Y,1,0.0,,,XAP,Approved,-598,Cash through the bank,XAP,,New,Construction Materials,POS,XNA,Regional / Local,1450,Construction,12.0,middle,POS industry with interest,,,,,,,0,Cash loans,F,N,N,3,202500.0,509922.0,37237.5,472500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0228,-12124,-555,-4281.0,-3881,,1,1,0,1,1,0,Sales staff,5.0,2,2,TUESDAY,13,0,0,0,0,0,0,Trade: type 7,0.6421767725542517,0.4753661447957678,0.2608559142068693,0.16699999999999998,0.0818,0.993,0.9048,0.0416,0.16,0.1379,0.375,0.0417,0.0299,0.1362,0.2327,0.0193,0.0551,0.1702,0.0849,0.993,0.9085,0.042,0.1611,0.1379,0.375,0.0417,0.0305,0.1488,0.2424,0.0195,0.0583,0.1686,0.0818,0.993,0.9061,0.0419,0.16,0.1379,0.375,0.0417,0.0304,0.1385,0.2368,0.0194,0.0562,reg oper account,block of flats,0.2177,Panel,No,8.0,0.0,8.0,0.0,-598.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2000877,237959,Cash loans,31573.8,540000.0,540000.0,,540000.0,SATURDAY,10,Y,1,,,,XNA,Approved,-767,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Regional / Local,1000,Consumer electronics,24.0,middle,Cash X-Sell: middle,365243.0,-737.0,-47.0,-47.0,-38.0,0.0,0,Cash loans,F,N,Y,0,81000.0,513000.0,22725.0,513000.0,Children,Pensioner,Secondary / secondary special,Married,House / apartment,0.009175,-20892,365243,-4513.0,-2007,,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,XNA,,0.6630115168970956,0.6127042441012546,0.0701,0.0827,0.9776,,,0.0,0.1379,0.1667,,0.0513,,0.0638,,0.0076,0.0714,0.0858,0.9777,,,0.0,0.1379,0.1667,,0.0525,,0.0665,,0.008,0.0708,0.0827,0.9776,,,0.0,0.1379,0.1667,,0.0522,,0.065,,0.0078,,block of flats,0.0519,"Stone, brick",No,0.0,0.0,0.0,0.0,-345.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,7.0 +2791059,341000,Consumer loans,4680.135,40545.0,40104.0,4054.5,40545.0,THURSDAY,14,Y,1,0.09999703547242526,,,XAP,Approved,-2310,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,1000,Consumer electronics,12.0,high,POS household with interest,365243.0,-2279.0,-1949.0,-1949.0,-1943.0,1.0,0,Cash loans,M,Y,N,2,268578.0,2025000.0,59269.5,2025000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.028663,-12382,-5548,-2929.0,-4108,3.0,1,1,1,1,0,0,Managers,4.0,2,2,TUESDAY,13,0,0,0,0,0,0,Police,,0.758847588485793,,0.2113,,0.9801,0.728,,0.0,0.4483,0.1667,0.1667,0.1777,,0.2316,,0.1366,0.2153,,0.9801,0.7387,,0.0,0.4483,0.1667,0.1667,0.1817,,0.2414,,0.1447,0.2134,,0.9801,0.7316,,0.0,0.4483,0.1667,0.1667,0.1807,,0.2358,,0.1395,,block of flats,0.1526,"Stone, brick",No,2.0,0.0,1.0,0.0,-2310.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0.0,2.0,2.0,1.0,0.0,0.0 +2684480,173884,Consumer loans,33691.635,307881.0,277092.0,30789.0,307881.0,TUESDAY,17,Y,1,0.1089122745476336,,,XAP,Refused,-6,XNA,HC,,New,Mobile,POS,XNA,Country-wide,15,Connectivity,12.0,high,POS mobile with interest,,,,,,,0,Cash loans,M,Y,Y,0,270000.0,234576.0,21645.0,202500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-17177,-3017,-8377.0,-642,5.0,1,1,0,1,1,1,Drivers,2.0,1,1,MONDAY,15,0,0,0,0,0,0,Other,0.5344751621044735,0.7270481086692214,,0.0825,0.0318,0.9776,0.6940000000000001,0.0,0.08,0.0345,0.4583,0.5,,0.0672,0.0524,0.0,0.0981,0.084,0.033,0.9767,0.6929,0.0,0.0806,0.0345,0.4583,0.5,,0.0735,0.0456,0.0,0.0954,0.0833,0.0318,0.9781,0.7048,0.0,0.08,0.0345,0.4583,0.5,,0.0684,0.0451,0.0,0.1002,reg oper account,block of flats,0.0542,Panel,No,0.0,0.0,0.0,0.0,-6.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2597375,202888,Revolving loans,14625.0,0.0,292500.0,,,TUESDAY,11,Y,1,,,,XAP,Approved,-710,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,135000.0,414612.0,21298.5,297000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-10182,-153,-10182.0,-302,,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.36602625140997935,0.5467707124974629,,0.0722,,0.9856,,,,0.1379,0.1667,,,,0.0665,,0.0203,0.0735,,0.9856,,,,0.1379,0.1667,,,,0.0693,,0.0215,0.0729,,0.9856,,,,0.1379,0.1667,,,,0.0677,,0.0207,,block of flats,0.0568,"Stone, brick",No,1.0,1.0,1.0,1.0,-710.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1818862,269651,Revolving loans,11250.0,225000.0,225000.0,,225000.0,THURSDAY,7,Y,1,,,,XAP,Approved,-736,XNA,XAP,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,0,405000.0,1804500.0,49621.5,1804500.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.018801,-18251,365243,-3250.0,-1787,8.0,1,0,0,1,1,0,,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,XNA,,0.5497332457484636,0.6817058776720116,0.0423,0.0652,0.9617,0.4764,0.0296,0.0,0.1724,0.125,0.0417,0.0614,0.0345,0.0489,0.0,0.0,0.0431,0.0677,0.9618,0.4969,0.0299,0.0,0.1724,0.125,0.0417,0.0628,0.0376,0.051,0.0,0.0,0.0427,0.0652,0.9617,0.4834,0.0298,0.0,0.1724,0.125,0.0417,0.0625,0.0351,0.0498,0.0,0.0,reg oper account,block of flats,0.0547,"Stone, brick",No,0.0,0.0,0.0,0.0,-3216.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,1.0 +2617233,231527,Consumer loans,5447.925,26995.5,28422.0,0.0,26995.5,THURSDAY,12,Y,1,0.0,,,XAP,Approved,-441,Cash through the bank,XAP,,Refreshed,Audio/Video,POS,XNA,Country-wide,939,Consumer electronics,6.0,middle,POS household with interest,365243.0,-410.0,-260.0,-290.0,-284.0,0.0,0,Cash loans,F,N,Y,0,76500.0,254700.0,24939.0,225000.0,Family,Working,Higher education,Married,House / apartment,0.030755,-17581,-7671,-8436.0,-1129,,1,1,0,1,0,0,,2.0,2,2,THURSDAY,17,0,0,0,0,0,0,Government,0.6461197355051822,0.6867024262942291,0.6658549219640212,0.134,0.1164,0.9831,0.7688,0.0224,0.1,0.1897,0.25,0.2917,0.0573,0.1088,0.1342,0.0019,0.0119,0.084,0.1019,0.9816,0.7583,0.0,0.0,0.1724,0.1667,0.2083,0.0479,0.0735,0.0882,0.0,0.0,0.1353,0.1164,0.9831,0.7719,0.0226,0.1,0.1897,0.25,0.2917,0.0582,0.1107,0.1366,0.0019,0.0121,reg oper account,block of flats,0.0666,"Stone, brick",No,10.0,2.0,10.0,0.0,-441.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2396521,450442,Consumer loans,9581.67,108648.0,108648.0,0.0,108648.0,SUNDAY,11,Y,1,0.0,,,XAP,Approved,-116,Cash through the bank,XAP,Family,Refreshed,Clothing and Accessories,POS,XNA,Regional / Local,140,Clothing,12.0,low_action,POS industry without interest,365243.0,-86.0,244.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,157500.0,450000.0,46242.0,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-22860,365243,-1956.0,-5656,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,XNA,0.7069417557765076,0.5755081408370083,0.1510075350878296,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1487912,119574,Consumer loans,6327.36,58455.0,56952.0,5845.5,58455.0,MONDAY,9,Y,1,0.10137793557213112,,,XAP,Approved,-2206,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,478,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-2175.0,-1905.0,-1905.0,-1899.0,0.0,0,Cash loans,M,N,Y,2,54000.0,99504.0,10575.0,90000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0105,-12491,-5261,-272.0,-4296,,1,1,1,1,0,0,Drivers,4.0,3,3,TUESDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.1776741510668169,0.43204506245601176,0.6075573001388961,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1810.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2438797,298041,Consumer loans,14301.0,143050.5,128745.0,14305.5,143050.5,TUESDAY,18,Y,1,0.10891251690836452,,,XAP,Approved,-638,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,45,Connectivity,12.0,high,POS mobile with interest,365243.0,-607.0,-277.0,-277.0,-269.0,0.0,0,Cash loans,F,N,Y,0,103500.0,95940.0,9828.0,90000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.006233,-24674,365243,-12992.0,-4445,,1,0,0,1,1,0,,1.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,XNA,,0.7250255410280007,,0.1278,0.1142,0.9762,,,,0.2759,0.1667,,0.1128,,0.0761,,0.0,0.1303,0.1185,0.9762,,,,0.2759,0.1667,,0.1153,,0.0792,,0.0,0.1291,0.1142,0.9762,,,,0.2759,0.1667,,0.1147,,0.0774,,0.0,,block of flats,0.0905,Panel,No,0.0,0.0,0.0,0.0,-1897.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2319697,187922,Cash loans,17920.71,360000.0,419877.0,0.0,360000.0,MONDAY,11,Y,1,0.0,,,XNA,Approved,-1799,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-1769.0,-719.0,-719.0,-715.0,1.0,0,Cash loans,F,Y,N,0,315000.0,1546020.0,42511.5,1350000.0,Unaccompanied,Working,Higher education,Married,Municipal apartment,0.072508,-15681,-3828,-6131.0,-4744,2.0,1,1,1,1,1,1,,2.0,1,1,SUNDAY,16,0,0,0,0,0,0,Industry: type 11,0.4478281416493312,0.6732418221460874,0.7032033049040319,0.1148,0.1158,0.9652,,,0.22,0.1493,0.2358,,,,0.1392,,0.0828,0.0042,0.0,0.9518,,,0.2014,0.069,0.2917,,,,0.2055,,0.0876,0.1665,0.135,0.9697,,,0.22,0.1724,0.2917,,,,0.2008,,0.0845,,block of flats,0.1746,"Stone, brick",No,0.0,0.0,0.0,0.0,-964.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,6.0,0.0,2.0 +1779738,132310,Cash loans,12606.84,67500.0,69727.5,,67500.0,SATURDAY,9,Y,1,,,,XNA,Approved,-1052,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,low_normal,Cash X-Sell: low,365243.0,-1022.0,-872.0,-872.0,-869.0,1.0,0,Cash loans,F,N,Y,0,202500.0,1574532.0,60102.0,1350000.0,Family,Commercial associate,Secondary / secondary special,Widow,Municipal apartment,0.04622,-23253,-6607,-13628.0,-4210,,1,1,0,1,1,0,Cleaning staff,1.0,1,1,MONDAY,15,0,0,0,0,0,0,Government,,0.4948139855963687,0.6594055320683344,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,2.0,2.0,1.0,-2250.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2127273,287041,Cash loans,8206.56,90000.0,98910.0,,90000.0,THURSDAY,3,Y,1,,,,XNA,Approved,-985,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Regional / Local,125,Consumer electronics,18.0,high,Cash X-Sell: high,365243.0,-955.0,-445.0,-445.0,-443.0,1.0,0,Cash loans,M,N,N,0,121500.0,195543.0,15579.0,148500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014464,-13883,-2280,-2221.0,-4871,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,2,0,0,0,0,1,1,Government,0.3338912859743061,0.6270396251344414,0.2405414172860865,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2817.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2161568,138109,Cash loans,14064.345,247500.0,274288.5,,247500.0,SATURDAY,10,Y,1,,,,XNA,Refused,-225,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,N,0,225000.0,733315.5,69754.5,679500.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.072508,-19501,365243,-5409.0,-3044,4.0,1,0,0,1,0,0,,2.0,1,1,SUNDAY,14,0,0,0,0,0,0,XNA,,0.7559586523110856,,0.0299,0.0539,0.9627,0.49,0.0,0.08,0.069,0.3333,0.375,0.0,0.0244,0.0467,0.0,0.2225,0.0305,0.0559,0.9628,0.51,0.0,0.0806,0.069,0.3333,0.375,0.0,0.0266,0.0486,0.0,0.2356,0.0302,0.0539,0.9627,0.4968,0.0,0.08,0.069,0.3333,0.375,0.0,0.0248,0.0475,0.0,0.2272,reg oper account,block of flats,0.0851,"Stone, brick",No,1.0,1.0,1.0,1.0,-2506.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1975513,188617,Cash loans,15737.985,135000.0,143910.0,0.0,135000.0,FRIDAY,14,Y,1,0.0,,,XNA,Approved,-2413,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,high,Cash Street: high,365243.0,-2383.0,-2053.0,-2053.0,-2047.0,1.0,0,Cash loans,F,Y,Y,0,180000.0,1223010.0,51948.0,1125000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.01885,-15219,-2932,-1062.0,-4246,6.0,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.4271157934495258,0.5380325393520664,0.6528965519806539,0.3979,0.2735,0.998,0.9728,0.1558,0.36,0.2759,0.5417,0.4167,0.3503,0.3194,0.4046,0.0232,0.1551,0.4055,0.2838,0.998,0.9739,0.1572,0.3625,0.2759,0.5417,0.4167,0.3583,0.3489,0.4215,0.0233,0.1642,0.4018,0.2735,0.998,0.9732,0.1567,0.36,0.2759,0.5417,0.4167,0.3564,0.3249,0.4119,0.0233,0.1583,not specified,block of flats,0.5276,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1976048,106398,Consumer loans,11847.24,73453.5,72553.5,900.0,73453.5,THURSDAY,10,Y,1,0.013344249330281305,,,XAP,Approved,-272,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,8.0,high,POS mobile with interest,365243.0,-241.0,-31.0,-31.0,-24.0,0.0,0,Cash loans,F,N,Y,1,67500.0,808650.0,23773.5,675000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.008625,-16261,-2061,-5962.0,-4442,,1,1,1,1,0,0,Core staff,3.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Postal,,0.3575682492694533,0.5549467685334323,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1431.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1204902,414176,Cash loans,12069.0,135000.0,135000.0,,135000.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-2682,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,15.0,middle,Cash Street: middle,365243.0,-2652.0,-2232.0,-2232.0,-2223.0,0.0,0,Cash loans,F,N,N,0,90000.0,700830.0,20619.0,585000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Municipal apartment,0.022625,-19639,-1087,-3739.0,-3016,,1,1,1,1,0,0,Medicine staff,1.0,2,2,THURSDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.5464076106429163,0.7726311345553628,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1912760,153322,Consumer loans,14979.6,118125.0,100737.0,23625.0,118125.0,THURSDAY,10,Y,1,0.20689416966012705,,,XAP,Approved,-1772,Cash through the bank,XAP,Other_B,Repeater,Computers,POS,XNA,Regional / Local,135,Consumer electronics,8.0,middle,POS household with interest,365243.0,-1741.0,-1531.0,-1531.0,-1524.0,0.0,0,Cash loans,M,N,Y,0,270000.0,526491.0,32337.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.020246,-10993,-4146,-3027.0,-3108,,1,1,0,1,1,0,,1.0,3,3,FRIDAY,8,0,0,0,1,1,0,Business Entity Type 1,0.1374936632973632,0.20475207169344525,0.8050196619153701,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1999.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1239562,212476,Consumer loans,16684.425,67801.5,63031.5,6781.5,67801.5,WEDNESDAY,11,Y,1,0.10579218770143092,,,XAP,Approved,-2475,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,2222,Consumer electronics,4.0,low_normal,POS household without interest,365243.0,-2444.0,-2354.0,-2354.0,-2352.0,1.0,0,Cash loans,F,N,Y,0,171000.0,296280.0,21559.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-15111,-2019,-1179.0,-4535,,1,1,1,1,1,0,Sales staff,2.0,2,1,SUNDAY,11,0,0,0,0,0,0,Self-employed,0.3956756513535876,0.3326330700361759,0.646329897706246,0.068,0.1276,0.9811,0.7416,0.0197,0.0,0.1034,0.1667,0.2083,0.07400000000000001,0.0521,0.0924,0.0154,0.0907,0.0693,0.1324,0.9811,0.7517,0.0199,0.0,0.1034,0.1667,0.2083,0.0757,0.0569,0.0962,0.0156,0.096,0.0687,0.1276,0.9811,0.7451,0.0198,0.0,0.1034,0.1667,0.2083,0.0753,0.053,0.094,0.0155,0.0926,reg oper account,block of flats,0.1031,"Stone, brick",No,0.0,0.0,0.0,0.0,-969.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,7.0 +2748324,258676,Revolving loans,11250.0,225000.0,225000.0,,225000.0,THURSDAY,12,Y,1,,,,XAP,Refused,-715,XNA,HC,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,N,0,225000.0,1200744.0,35109.0,1048500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.016612000000000002,-17437,-4960,-9807.0,-851,,1,1,0,1,1,0,Sales staff,1.0,2,2,THURSDAY,18,0,0,0,0,0,0,Self-employed,,0.5759461432935643,0.8027454758994178,0.0928,0.0609,0.9806,0.7348,0.0351,0.0,0.2069,0.1667,0.2083,0.0437,0.0756,0.0876,0.0,0.0,0.0945,0.0632,0.9806,0.7452,0.0354,0.0,0.2069,0.1667,0.2083,0.0447,0.0826,0.0913,0.0,0.0,0.0937,0.0609,0.9806,0.7383,0.0353,0.0,0.2069,0.1667,0.2083,0.0445,0.077,0.0892,0.0,0.0,reg oper account,block of flats,0.0881,Panel,No,0.0,0.0,0.0,0.0,-1248.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1180582,371125,Cash loans,96981.525,508500.0,526959.0,,508500.0,SUNDAY,19,Y,1,,,,XNA,Approved,-328,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-298.0,-148.0,-148.0,-146.0,1.0,0,Cash loans,F,N,Y,0,337500.0,1275921.0,37435.5,999000.0,Other_B,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.032561,-14632,-1056,-8724.0,-4835,,1,1,0,1,0,0,,1.0,1,1,SATURDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.5257251615782533,0.7694322449550536,,0.1155,0.0958,0.9876,,,0.16,0.1034,0.375,,0.0829,,0.1244,,0.0051,0.1176,0.0994,0.9876,,,0.1611,0.1034,0.375,,0.0848,,0.1296,,0.0054,0.1166,0.0958,0.9876,,,0.16,0.1034,0.375,,0.0844,,0.1266,,0.0052,,block of flats,0.0989,"Stone, brick",No,0.0,0.0,0.0,0.0,-3379.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2736938,178921,Consumer loans,36110.385,179055.0,134055.0,45000.0,179055.0,SATURDAY,13,Y,1,0.27370970321460386,,,XAP,Approved,-146,Cash through the bank,XAP,Unaccompanied,New,Construction Materials,POS,XNA,Stone,100,Consumer electronics,4.0,middle,POS household with interest,365243.0,-99.0,-9.0,-9.0,-5.0,0.0,0,Cash loans,F,N,Y,0,157500.0,148365.0,10678.5,135000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-21854,365243,-9943.0,-4053,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,XNA,,0.3356544404930529,0.4776491548517548,0.232,,0.9861,,,0.28,0.2414,0.3333,,0.1423,,0.2617,,0.0007,0.2363,,0.9861,,,0.282,0.2414,0.3333,,0.1456,,0.2727,,0.0008,0.2342,,0.9861,,,0.28,0.2414,0.3333,,0.1448,,0.2664,,0.0007,,block of flats,0.2327,Panel,No,1.0,1.0,1.0,1.0,-146.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1437032,375966,Consumer loans,4454.55,22275.0,20047.5,2227.5,22275.0,THURSDAY,11,Y,1,0.1089090909090909,,,XAP,Approved,-2918,XNA,XAP,,Repeater,Consumer Electronics,POS,XNA,Country-wide,700,Consumer electronics,5.0,middle,POS household without interest,365243.0,-2883.0,-2763.0,-2763.0,-2635.0,0.0,0,Cash loans,M,N,Y,1,225000.0,1762110.0,46611.0,1575000.0,Family,Working,Higher education,Married,House / apartment,0.025164,-17187,-9784,-6634.0,-659,,1,1,0,1,0,0,Laborers,3.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Transport: type 2,,0.6630799148748365,0.8193176922872417,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1311.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1551267,175230,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SUNDAY,8,Y,1,,,,XAP,Approved,-260,XNA,XAP,,Repeater,XNA,Cards,walk-in,Stone,200,Construction,0.0,XNA,Card Street,-259.0,-220.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,90000.0,305221.5,17041.5,252000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.006852,-19775,365243,-12025.0,-3339,,1,0,0,1,0,0,,2.0,3,3,MONDAY,7,0,0,0,0,0,0,XNA,,0.4561500514560334,0.7032033049040319,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2315893,107211,Consumer loans,3587.355,17446.5,17446.5,0.0,17446.5,THURSDAY,11,Y,1,0.0,,,XAP,Approved,-131,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,52,Connectivity,6.0,high,POS mobile with interest,,,,,,,1,Cash loans,M,Y,Y,0,121500.0,283500.0,13765.5,283500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018209,-12311,-729,-159.0,-1601,39.0,1,1,0,1,0,1,,2.0,3,3,TUESDAY,7,0,0,0,0,0,0,Business Entity Type 3,,0.4391091807636513,0.3723336657058204,0.1794,0.1082,0.9801,0.728,0.004,0.0,0.069,0.1667,0.2083,0.027000000000000003,0.1454,0.0572,0.0039,0.0049,0.1828,0.1123,0.9801,0.7387,0.004,0.0,0.069,0.1667,0.2083,0.0276,0.1589,0.0596,0.0039,0.0052,0.1811,0.1082,0.9801,0.7316,0.004,0.0,0.069,0.1667,0.2083,0.0275,0.1479,0.0582,0.0039,0.005,reg oper account,specific housing,0.0482,"Stone, brick",No,0.0,0.0,0.0,0.0,-395.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2595464,372235,Cash loans,48482.64,765000.0,843763.5,,765000.0,MONDAY,9,Y,1,,,,XNA,Approved,-438,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash X-Sell: high,365243.0,-408.0,642.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,N,0,223200.0,539230.5,29380.5,409500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0228,-17120,-2119,-7255.0,-669,9.0,1,1,0,1,0,0,Cleaning staff,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.4118318285777385,0.6270038266257447,0.248535557339522,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-1109.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2520117,298371,Consumer loans,89235.0,2250000.0,2250000.0,0.0,2250000.0,MONDAY,13,Y,1,0.0,,,XAP,Refused,-229,Cash through the bank,LIMIT,Unaccompanied,Refreshed,Furniture,POS,XNA,Stone,20,Furniture,36.0,low_normal,POS industry with interest,,,,,,,1,Cash loans,M,Y,N,0,90000.0,545040.0,26640.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010556,-19567,-4202,-1509.0,-3110,16.0,1,1,0,1,0,0,Laborers,2.0,3,3,SATURDAY,13,0,0,0,0,1,1,Business Entity Type 2,,0.1472284763516864,0.326475210066026,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1467232,385846,Cash loans,40279.185,675000.0,721332.0,,675000.0,SATURDAY,9,Y,1,,,,XNA,Approved,-712,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-682.0,8.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,0,162000.0,1035832.5,30415.5,904500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.009175,-18251,-3019,-9977.0,-1806,3.0,1,1,0,1,1,0,Managers,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Trade: type 7,,0.7526924005314164,,0.0371,0.0636,0.9866,,,0.04,0.0345,0.3333,,0.0111,,0.0385,,0.0066,0.0378,0.066,0.9866,,,0.0403,0.0345,0.3333,,0.0114,,0.0401,,0.006999999999999999,0.0375,0.0636,0.9866,,,0.04,0.0345,0.3333,,0.0113,,0.0392,,0.0068,,block of flats,0.0317,Panel,No,4.0,0.0,4.0,0.0,-1654.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1620065,215239,Consumer loans,18395.1,101250.0,101250.0,0.0,101250.0,TUESDAY,14,Y,1,0.0,,,XAP,Approved,-506,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Stone,63,Consumer electronics,6.0,middle,POS household with interest,365243.0,-475.0,-325.0,-355.0,-347.0,0.0,0,Cash loans,F,N,Y,0,130500.0,312768.0,13905.0,270000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018634,-23848,365243,-6534.0,-4420,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,XNA,,0.6571680344729315,0.326475210066026,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1956.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2834515,208818,Consumer loans,6629.13,122535.0,122535.0,0.0,122535.0,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-1529,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Regional / Local,180,Consumer electronics,20.0,low_action,POS household without interest,365243.0,-1495.0,-925.0,-925.0,-919.0,0.0,0,Cash loans,M,Y,N,0,270000.0,900000.0,38133.0,900000.0,Family,Working,Higher education,Married,House / apartment,0.035792000000000004,-20253,-7978,-7925.0,-2398,14.0,1,1,1,1,1,0,Security staff,2.0,2,2,THURSDAY,9,0,0,0,0,1,1,Industry: type 9,,0.7124280954388265,0.5136937663039473,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1967.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1964463,342359,Cash loans,14856.525,157500.0,173092.5,0.0,157500.0,MONDAY,13,Y,1,0.0,,,XNA,Approved,-1743,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,18.0,high,Cash X-Sell: high,365243.0,-1713.0,-1203.0,-1203.0,-1198.0,1.0,0,Revolving loans,F,N,Y,0,180000.0,225000.0,11250.0,337500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.02461,-22757,-1896,-15295.0,-4603,,1,1,0,1,1,0,Cleaning staff,1.0,2,2,MONDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.5928390700637751,0.7001838506835805,0.1227,0.1154,0.9786,,,0.0,0.2759,0.1667,,0.0901,,0.1138,,0.0,0.125,0.1197,0.9786,,,0.0,0.2759,0.1667,,0.0922,,0.1186,,0.0,0.1239,0.1154,0.9786,,,0.0,0.2759,0.1667,,0.0917,,0.1159,,0.0,,block of flats,0.0985,Panel,No,5.0,3.0,5.0,2.0,-1377.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +1885051,399714,Consumer loans,7512.975,166770.0,166770.0,0.0,166770.0,SATURDAY,9,Y,1,0.0,,,XAP,Approved,-662,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Regional / Local,142,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-630.0,60.0,-90.0,-87.0,0.0,0,Cash loans,M,N,Y,0,112500.0,728460.0,43506.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.0031219999999999998,-15280,-393,-4.0,-2752,,1,1,0,1,1,0,Laborers,1.0,3,3,WEDNESDAY,10,0,0,0,0,0,0,Trade: type 7,0.41535420759598335,0.6423598598245288,0.7713615919194317,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1906253,155507,Consumer loans,28431.0,285736.5,304596.0,0.0,285736.5,SATURDAY,18,Y,1,0.0,,,XAP,Approved,-706,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,2390,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-675.0,-345.0,-345.0,-340.0,0.0,0,Cash loans,M,Y,Y,2,360000.0,807984.0,33966.0,697500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-10218,-470,-2705.0,-2839,13.0,1,1,0,1,0,0,Laborers,4.0,2,2,FRIDAY,9,0,0,0,1,1,0,Business Entity Type 3,0.21118147221869568,0.5426436907224289,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,0.0,-706.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1818236,403610,Consumer loans,15088.005,150291.0,132133.5,30060.0,150291.0,THURSDAY,18,Y,1,0.2018457751221393,,,XAP,Approved,-1874,Cash through the bank,XAP,Other_A,New,Computers,POS,XNA,Country-wide,1751,Consumer electronics,12.0,high,POS household with interest,365243.0,-1843.0,-1513.0,-1513.0,-1507.0,0.0,0,Cash loans,F,N,Y,0,90000.0,675000.0,19867.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.032561,-16479,-5093,-10616.0,-13,,1,1,0,1,0,0,,2.0,1,1,TUESDAY,18,0,0,0,0,0,0,Other,,0.6725150079803073,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1874.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2369593,365667,Consumer loans,29247.075,292500.0,263250.0,29250.0,292500.0,FRIDAY,5,Y,1,0.1089090909090909,,,XAP,Approved,-1820,XNA,XAP,,Repeater,Clothing and Accessories,POS,XNA,Stone,29,Clothing,10.0,low_normal,POS industry with interest,365243.0,-1786.0,-1516.0,-1516.0,-1510.0,0.0,0,Cash loans,F,N,Y,0,157500.0,760131.0,24651.0,634500.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.018029,-22822,365243,-4349.0,-1535,,1,0,0,1,0,0,,1.0,3,2,FRIDAY,9,0,0,0,0,0,0,XNA,,0.3471492255894252,0.8050196619153701,0.0619,0.0627,0.9762,0.6736,0.0277,0.0,0.1379,0.1667,0.2083,0.0482,0.0496,0.053,0.0039,0.0044,0.063,0.0651,0.9762,0.6864,0.028,0.0,0.1379,0.1667,0.2083,0.0493,0.0542,0.0553,0.0039,0.0047,0.0625,0.0627,0.9762,0.6779999999999999,0.0279,0.0,0.1379,0.1667,0.2083,0.049,0.0504,0.054000000000000006,0.0039,0.0045,reg oper account,block of flats,0.0578,Panel,No,1.0,0.0,1.0,0.0,-1820.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,0.0 +2626761,305769,Consumer loans,19416.645,727218.0,436329.0,290889.0,727218.0,SATURDAY,8,Y,1,0.4356390593392154,,,XAP,Refused,-1230,Cash through the bank,LIMIT,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Regional / Local,183,Consumer electronics,36.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,270000.0,215865.0,21159.0,202500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.010032,-24619,365243,-6601.0,-4577,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,11,0,0,0,0,0,0,XNA,,0.6410727651325572,0.7165702448010511,0.1072,0.083,0.9881,0.8096,0.0352,0.0,0.2414,0.1667,0.2083,0.07200000000000001,0.0748,0.0974,0.0039,0.0175,0.0945,0.0862,0.9861,0.8171,0.0356,0.0,0.2069,0.1667,0.2083,0.0737,0.0817,0.0887,0.0039,0.0051,0.1083,0.083,0.9881,0.8121,0.0355,0.0,0.2414,0.1667,0.2083,0.0733,0.0761,0.0992,0.0039,0.0179,reg oper account,block of flats,0.067,"Stone, brick",No,0.0,0.0,0.0,0.0,-2698.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1377706,170681,Consumer loans,9320.535,100350.0,100350.0,0.0,100350.0,SUNDAY,10,Y,1,0.0,,,XAP,Approved,-61,XNA,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Regional / Local,320,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-31.0,299.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,1,135000.0,544491.0,16047.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-15717,-878,-7235.0,-1259,1.0,1,1,0,1,0,0,Cooking staff,3.0,2,2,FRIDAY,10,0,0,0,0,0,0,Business Entity Type 2,,0.6035399281062399,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-2462.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +2623676,295298,Consumer loans,5983.155,37971.0,36639.0,3600.0,37971.0,SUNDAY,18,Y,1,0.09743600170797664,,,XAP,Approved,-2054,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Country-wide,21,Connectivity,8.0,high,POS mobile with interest,365243.0,-2018.0,-1808.0,-1868.0,-1865.0,0.0,0,Cash loans,F,N,Y,0,211500.0,1256400.0,36864.0,900000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.019101,-21762,365243,-10248.0,-4018,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,XNA,,0.3743201014382227,0.5937175866150576,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,1.0,7.0,1.0,-2054.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1956521,273677,Consumer loans,4514.355,24840.0,22140.0,2700.0,24840.0,FRIDAY,13,Y,1,0.11837944664031615,,,XAP,Approved,-1661,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,20,Connectivity,6.0,high,POS mobile with interest,365243.0,-1583.0,-1433.0,-1463.0,-1456.0,0.0,0,Revolving loans,M,Y,N,0,180000.0,405000.0,20250.0,405000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-19883,-1095,-8394.0,-3414,15.0,1,1,0,1,0,0,Sales staff,2.0,2,2,SUNDAY,10,0,0,0,0,0,0,Self-employed,,0.4584511061544818,0.816092360478441,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1661.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2181010,370896,Cash loans,29971.035,450000.0,640080.0,,450000.0,TUESDAY,17,Y,1,,,,XNA,Approved,-16,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,1,Cash loans,F,N,Y,0,112500.0,640080.0,29970.0,450000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.007273999999999998,-9513,-521,-6950.0,-2197,,1,1,0,1,0,0,Core staff,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Kindergarten,0.3246402450934008,0.5812139729527519,0.1852020815902493,,,0.9851,,,0.0,0.2069,0.1667,,,,,,0.0,,,0.9851,,,0.0,0.2069,0.1667,,,,,,0.0,,,0.9851,,,0.0,0.2069,0.1667,,,,,,0.0,,block of flats,0.0595,"Stone, brick",No,5.0,0.0,5.0,0.0,-16.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1434524,182197,Consumer loans,5083.335,17271.9,17842.5,0.9,17271.9,SATURDAY,13,Y,1,5.493245783773373e-05,,,XAP,Approved,-2845,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,-1,Consumer electronics,4.0,high,POS household with interest,365243.0,-2814.0,-2724.0,-2724.0,-2718.0,1.0,0,Cash loans,F,N,Y,0,112500.0,477000.0,27382.5,477000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00702,-19318,-324,-13234.0,-2847,,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,13,0,1,1,0,1,1,Housing,,0.5852908069048889,0.746300213050371,0.0124,0.0437,0.9717,,,,0.069,0.0417,,,,0.0196,,0.0,0.0126,0.0454,0.9717,,,,0.069,0.0417,,,,0.0205,,0.0,0.0125,0.0437,0.9717,,,,0.069,0.0417,,,,0.02,,0.0,,block of flats,0.0168,"Stone, brick",No,0.0,0.0,0.0,0.0,-135.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1255858,145661,Consumer loans,3133.125,49945.5,66577.5,0.0,49945.5,MONDAY,15,Y,1,0.0,,,XAP,Approved,-1514,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,2160,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1483.0,-793.0,-823.0,-814.0,0.0,1,Cash loans,F,Y,N,2,540000.0,841500.0,42966.0,841500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-15397,-949,-174.0,-3504,8.0,1,1,0,1,0,0,Sales staff,4.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Self-employed,0.6336404677120989,0.4563507779505511,0.11911906455945008,0.0768,0.0564,0.994,,,0.08,0.0517,0.4792,,0.0108,,0.0966,,0.0269,0.0725,0.0583,0.9921,,,0.0806,0.0345,0.375,,0.0111,,0.0958,,0.0285,0.0775,0.0564,0.994,,,0.08,0.0517,0.4792,,0.011,,0.0983,,0.0274,,block of flats,0.0747,"Stone, brick",No,0.0,0.0,0.0,0.0,-1514.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,1.0,0.0,1.0,0.0,2.0 +1664184,429045,Consumer loans,4665.51,41161.5,45508.5,0.0,41161.5,FRIDAY,14,Y,1,0.0,,,XAP,Approved,-1127,Cash through the bank,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Country-wide,2160,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1095.0,-765.0,-795.0,-789.0,0.0,0,Cash loans,M,N,Y,0,157500.0,450000.0,23107.5,450000.0,"Spouse, partner",Pensioner,Higher education,Married,House / apartment,0.030755,-19972,365243,-7233.0,-3502,,1,0,0,1,1,0,,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,XNA,,0.15426542413276212,0.3656165070113335,0.1624,0.08800000000000001,0.9826,0.762,0.173,0.1,0.0862,0.3333,0.375,0.0358,0.1324,0.0769,0.0,0.0,0.1513,0.0666,0.9821,0.7648,0.1265,0.0403,0.0345,0.3333,0.375,0.0308,0.1322,0.052000000000000005,0.0,0.0,0.1639,0.08800000000000001,0.9826,0.7652,0.1741,0.1,0.0862,0.3333,0.375,0.0365,0.1347,0.0782,0.0,0.0,reg oper account,block of flats,0.0685,Panel,No,4.0,0.0,4.0,0.0,-228.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1672252,414208,Cash loans,18740.835,229500.0,279297.0,,229500.0,FRIDAY,13,Y,1,,,,XNA,Approved,-650,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-620.0,-110.0,-500.0,-494.0,1.0,0,Cash loans,F,N,Y,0,135000.0,276277.5,11835.0,238500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.031329,-18907,-1735,-7989.0,-2439,,1,1,0,1,0,0,,2.0,2,2,THURSDAY,8,0,0,0,0,0,0,Business Entity Type 3,0.7809321083962271,0.5220901529791279,0.4561097392782771,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1262.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2727740,132663,Consumer loans,3508.2,19305.0,18234.0,1930.5,19305.0,SATURDAY,12,Y,1,0.1042669047087703,,,XAP,Approved,-2821,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,250,Consumer electronics,6.0,high,POS household with interest,365243.0,-2784.0,-2634.0,-2634.0,-2596.0,1.0,0,Revolving loans,F,Y,Y,0,135000.0,180000.0,9000.0,180000.0,Family,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-22051,365243,-225.0,-4350,8.0,1,0,0,1,1,0,,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,XNA,,0.7093585012891732,0.1694287272664794,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-2717.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1923405,418494,Consumer loans,7563.465,193864.5,164781.0,29083.5,193864.5,SUNDAY,13,Y,1,0.16338512442734715,,,XAP,Approved,-2533,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,3500,Consumer electronics,36.0,middle,POS household without interest,365243.0,-2502.0,-1452.0,-1962.0,-1959.0,0.0,0,Cash loans,F,N,Y,1,193500.0,891072.0,45625.5,720000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-12558,-3627,-1353.0,-4482,,1,1,0,1,0,0,,3.0,2,2,SATURDAY,9,0,0,0,0,0,0,Police,0.5156259857927702,0.4539755373914655,0.7922644738669378,0.1402,0.1605,0.9806,,,0.0,0.2759,0.1667,,0.13699999999999998,,0.1365,,0.0112,0.1429,0.1665,0.9806,,,0.0,0.2759,0.1667,,0.1401,,0.1422,,0.0119,0.1416,0.1605,0.9806,,,0.0,0.2759,0.1667,,0.1394,,0.1389,,0.0115,,block of flats,0.1099,"Stone, brick",No,7.0,0.0,7.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +2778477,379310,Cash loans,30284.1,540000.0,540000.0,,540000.0,SATURDAY,15,Y,1,,,,XNA,Approved,-108,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-78.0,612.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,315000.0,409500.0,43128.0,409500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.026392000000000002,-14374,-3379,-1022.0,-2847,4.0,1,1,1,1,1,0,,2.0,2,2,TUESDAY,10,0,0,0,1,1,0,Services,0.21175632679695566,0.5070537108529705,0.34578480246959553,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1929.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2380343,326222,Consumer loans,46164.015,502659.0,502659.0,0.0,502659.0,SUNDAY,13,Y,1,0.0,,,XAP,Refused,-474,XNA,HC,,Repeater,Furniture,POS,XNA,Country-wide,210,Furniture,12.0,low_action,POS industry without interest,,,,,,,0,Revolving loans,F,Y,N,0,225000.0,427500.0,21375.0,427500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.022625,-15754,-5455,-9684.0,-4486,7.0,1,1,1,1,1,1,,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.8598545418581648,0.6884592692166412,0.34578480246959553,0.1485,0.0,0.9806,0.7348,0.2163,0.16,0.1379,0.3333,0.375,0.0,0.121,0.1025,0.0,0.0012,0.1513,0.0,0.9806,0.7452,0.2183,0.1611,0.1379,0.3333,0.375,0.0,0.1322,0.1068,0.0,0.0013,0.1499,0.0,0.9806,0.7383,0.2177,0.16,0.1379,0.3333,0.375,0.0,0.1231,0.1043,0.0,0.0013,reg oper account,block of flats,0.1182,Panel,No,0.0,0.0,0.0,0.0,-2566.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1411230,427517,Cash loans,31544.37,675000.0,744498.0,,675000.0,MONDAY,10,Y,1,,,,XNA,Approved,-463,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-433.0,617.0,-43.0,-37.0,1.0,0,Cash loans,M,N,Y,0,135000.0,1223010.0,51948.0,1125000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010556,-17979,365243,-10867.0,-1523,,1,0,0,1,0,0,,2.0,3,3,TUESDAY,12,0,0,0,0,0,0,XNA,,0.12776538722031036,0.3539876078507373,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-964.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +1043757,345024,Cash loans,23844.78,454500.0,526491.0,,454500.0,THURSDAY,12,Y,1,,,,XNA,Refused,-328,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Revolving loans,F,N,N,0,202500.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0038130000000000004,-21787,-4399,-8815.0,-4298,,1,1,0,1,1,0,Managers,2.0,2,2,WEDNESDAY,7,0,0,0,0,0,0,Kindergarten,,0.5336597752305375,0.445396241560834,0.0639,0.0564,0.9786,0.7076,0.1064,0.0,0.1379,0.1667,0.0417,0.0134,0.0504,0.0544,0.0077,0.026,0.0651,0.0586,0.9786,0.7190000000000001,0.1074,0.0,0.1379,0.1667,0.0417,0.0137,0.0551,0.0567,0.0078,0.0276,0.0645,0.0564,0.9786,0.7115,0.1071,0.0,0.1379,0.1667,0.0417,0.0136,0.0513,0.0554,0.0078,0.0266,reg oper account,block of flats,0.0485,Panel,No,1.0,0.0,1.0,0.0,-2504.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1413468,290469,Cash loans,27578.61,315000.0,349096.5,,315000.0,TUESDAY,12,Y,1,,,,XNA,Approved,-809,Cash through the bank,XAP,Family,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,high,Cash Street: high,365243.0,-779.0,-89.0,-119.0,-111.0,1.0,1,Cash loans,F,N,N,0,144000.0,755190.0,35122.5,675000.0,"Spouse, partner",Working,Secondary / secondary special,Married,Municipal apartment,0.0038130000000000004,-11031,-951,-2438.0,-2508,,1,1,0,1,0,1,Cooking staff,2.0,2,2,SATURDAY,9,0,0,0,0,1,1,Self-employed,0.2680797463985959,0.02304032322297408,,0.0247,0.0408,0.9742,0.6464,0.0513,0.0,0.1034,0.0417,0.0417,0.0254,0.0202,0.0162,0.0,0.0058,0.0252,0.0423,0.9742,0.6602,0.0517,0.0,0.1034,0.0417,0.0417,0.026,0.022,0.0169,0.0,0.0061,0.025,0.0408,0.9742,0.6511,0.0516,0.0,0.1034,0.0417,0.0417,0.0258,0.0205,0.0165,0.0,0.0059,reg oper account,block of flats,0.014,"Stone, brick",No,1.0,0.0,1.0,0.0,-809.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2461943,123983,Consumer loans,37337.175,407700.0,407700.0,0.0,407700.0,TUESDAY,7,Y,1,0.0,,,XAP,Approved,-790,XNA,XAP,,New,Construction Materials,POS,XNA,Regional / Local,100,Construction,12.0,low_action,POS industry without interest,365243.0,-758.0,-428.0,-428.0,-421.0,0.0,0,Cash loans,F,Y,Y,0,189000.0,1971072.0,68643.0,1800000.0,Unaccompanied,Working,Higher education,Married,Office apartment,0.010032,-11680,-422,-67.0,-2268,9.0,1,1,0,1,0,0,,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.6748625469218285,0.5850147735551227,0.5971924268337128,0.1433,0.1165,0.9826,0.762,0.0769,0.16,0.1379,0.3333,0.375,0.1007,0.1168,0.1477,0.0116,0.0398,0.146,0.1209,0.9826,0.7713,0.0776,0.1611,0.1379,0.3333,0.375,0.103,0.1276,0.1539,0.0117,0.0421,0.1447,0.1165,0.9826,0.7652,0.0774,0.16,0.1379,0.3333,0.375,0.1024,0.1189,0.1503,0.0116,0.0406,reg oper account,block of flats,0.1248,"Stone, brick",No,0.0,0.0,0.0,0.0,-790.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1775916,147706,Consumer loans,12025.8,89986.5,98896.5,0.0,89986.5,TUESDAY,15,Y,1,0.0,,,XAP,Refused,-1347,Cash through the bank,HC,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Country-wide,1600,Consumer electronics,12.0,high,POS household with interest,,,,,,,1,Cash loans,F,Y,N,1,180000.0,808650.0,26086.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.04622,-15339,-5056,-14818.0,-4475,2.0,1,1,0,1,1,0,Managers,3.0,1,1,THURSDAY,13,0,0,0,1,1,0,Self-employed,,0.7274645119563982,0.7252764347002191,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1477.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,2.0 +2633869,292056,Consumer loans,2788.74,27810.0,14170.5,14310.0,27810.0,MONDAY,15,Y,1,0.5472126861919878,,,XAP,Approved,-2083,XNA,XAP,Family,New,Mobile,POS,XNA,Regional / Local,26,Connectivity,6.0,high,POS mobile with interest,365243.0,-2046.0,-1896.0,-1956.0,-1951.0,0.0,0,Cash loans,F,N,Y,1,112500.0,269550.0,19300.5,225000.0,Family,Commercial associate,Higher education,Civil marriage,House / apartment,0.011703,-10258,-285,-9093.0,-2914,,1,1,0,1,0,0,Cooking staff,3.0,2,2,FRIDAY,13,0,0,0,0,0,0,Restaurant,,0.5180348116800951,0.6363761710860439,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1038345,420648,Cash loans,,0.0,0.0,,,SATURDAY,10,Y,1,,,,XNA,Refused,-229,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,N,1,157500.0,254700.0,20250.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019101,-16723,-1311,-5536.0,-275,,1,1,0,1,0,0,,3.0,2,2,THURSDAY,11,0,0,0,0,0,0,Self-employed,,0.3731326759807616,0.3539876078507373,,,0.9334,,,,,,,,,0.0037,,,,,0.9335,,,,,,,,,0.0038,,,,,0.9334,,,,,,,,,0.0038,,,,block of flats,0.0032,,Yes,0.0,0.0,0.0,0.0,-338.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +1240378,202086,Cash loans,42310.98,225000.0,232425.0,,225000.0,MONDAY,9,Y,1,,,,XNA,Approved,-126,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,low_normal,Cash X-Sell: low,365243.0,-96.0,54.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,0,225000.0,254700.0,24939.0,225000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.04622,-24470,-5144,-10098.0,-700,,1,1,0,1,0,0,Managers,2.0,1,1,MONDAY,9,0,0,0,0,1,1,Security,0.8708343132078442,0.7740316859664761,0.7016957740576931,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2375.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2273062,292403,Consumer loans,11552.445,134995.5,156379.5,0.0,134995.5,SATURDAY,18,Y,1,0.0,,,XAP,Approved,-356,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,1400,Consumer electronics,18.0,middle,POS household with interest,365243.0,-326.0,184.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,1,270000.0,675000.0,80109.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-15595,-1108,-7595.0,-4494,,1,1,0,1,1,0,,3.0,2,2,FRIDAY,17,1,1,0,1,1,0,Business Entity Type 3,,0.3776806678600279,0.5460231970049609,0.0619,0.0,0.9727,0.626,0.0056,0.0,0.1379,0.125,0.1667,0.0124,0.0504,0.0479,0.0,0.0,0.063,0.0,0.9727,0.6406,0.0057,0.0,0.1379,0.125,0.1667,0.0127,0.0551,0.0499,0.0,0.0,0.0625,0.0,0.9727,0.631,0.0056,0.0,0.1379,0.125,0.1667,0.0126,0.0513,0.0487,0.0,0.0,not specified,block of flats,0.045,"Stone, brick",No,0.0,0.0,0.0,0.0,-356.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2680604,183569,Cash loans,11781.585,135000.0,148365.0,,135000.0,MONDAY,15,Y,1,,,,Urgent needs,Refused,-212,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,148500.0,524866.5,19917.0,369000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.008625,-21987,365243,-6314.0,-4680,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,XNA,,0.6050093109466619,0.12850437737240394,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-973.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,5.0 +2095430,165019,Consumer loans,7991.505,36294.75,29992.5,7260.75,36294.75,WEDNESDAY,20,Y,1,0.21226649535763492,,,XAP,Approved,-1280,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,37,Connectivity,4.0,middle,POS mobile without interest,365243.0,-1241.0,-1151.0,-1151.0,-1143.0,0.0,0,Cash loans,M,Y,Y,1,292500.0,1255680.0,41499.0,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-14645,-3881,-4143.0,-4116,13.0,1,1,1,1,1,0,Laborers,3.0,2,2,TUESDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.7248293156878483,0.6832688314232291,0.0732,0.0834,0.9836,0.7756,0.0117,0.04,0.0345,0.3333,0.375,0.0403,0.0588,0.0632,0.0039,0.0579,0.0746,0.0865,0.9836,0.7844,0.0118,0.0403,0.0345,0.3333,0.375,0.0412,0.0643,0.0659,0.0039,0.0613,0.0739,0.0834,0.9836,0.7786,0.0118,0.04,0.0345,0.3333,0.375,0.041,0.0599,0.0644,0.0039,0.0592,reg oper account,block of flats,0.0623,"Stone, brick",No,7.0,0.0,7.0,0.0,-1844.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2045792,350015,Consumer loans,3536.82,20317.5,21658.5,0.0,20317.5,THURSDAY,10,Y,1,0.0,,,XAP,Approved,-1488,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Stone,90,Furniture,8.0,high,POS industry with interest,365243.0,-1439.0,-1229.0,-1259.0,-1254.0,0.0,0,Revolving loans,M,Y,Y,2,117000.0,225000.0,11250.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-13562,-1605,-5152.0,-4305,6.0,1,1,1,1,0,0,Laborers,4.0,2,2,MONDAY,12,0,0,0,0,0,0,Agriculture,,0.16214456766623808,0.5549467685334323,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2070.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2406972,288342,Cash loans,46173.015,720000.0,824544.0,,720000.0,SATURDAY,11,Y,1,,,,XNA,Refused,-17,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,270000.0,679500.0,28917.0,679500.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.032561,-21089,-9728,-8169.0,-4479,,1,1,1,1,1,0,Managers,1.0,1,1,MONDAY,18,0,0,0,0,0,0,Business Entity Type 2,,0.7021199922121956,0.5136937663039473,,0.1577,0.9856,0.8028,0.0779,0.32,0.1379,0.5417,0.5833,0.0,,0.3338,,0.0,,0.1637,0.9856,0.8105,0.0786,0.3222,0.1379,0.5417,0.5833,0.0,,0.3477,,0.0,,0.1577,0.9856,0.8054,0.0784,0.32,0.1379,0.5417,0.5833,0.0,,0.3397,,0.0,reg oper account,block of flats,0.3051,Panel,No,1.0,0.0,1.0,0.0,-3479.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1014712,231764,Cash loans,14813.82,180000.0,227520.0,,180000.0,FRIDAY,15,Y,1,,,,Journey,Refused,-249,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,382500.0,971280.0,56920.5,900000.0,Unaccompanied,State servant,Higher education,Single / not married,House / apartment,0.011656999999999999,-14686,-1469,-1296.0,-4519,,1,1,0,1,0,0,Managers,1.0,1,1,TUESDAY,18,0,0,0,0,0,0,School,0.6530091438095146,0.6348909946147137,0.7366226976503176,,,0.9901,,,,,,,,,0.1552,,,,,0.9901,,,,,,,,,0.1617,,,,,0.9901,,,,,,,,,0.158,,,,,0.1221,,No,0.0,0.0,0.0,0.0,-999.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2690272,140503,Cash loans,30141.45,405000.0,433066.5,,405000.0,TUESDAY,11,Y,1,,,,XNA,Approved,-591,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-561.0,-51.0,-261.0,-250.0,1.0,0,Cash loans,F,N,Y,0,202500.0,755190.0,33394.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.010966,-22549,365243,-11644.0,-4424,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,XNA,,0.5219155510948477,0.3774042489507649,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-31.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +1169051,340553,Cash loans,8539.605,67500.0,71955.0,,67500.0,FRIDAY,6,Y,1,,,,Urgent needs,Approved,-540,Cash through the bank,XAP,,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-510.0,-180.0,-300.0,-293.0,1.0,0,Revolving loans,M,N,Y,0,135000.0,202500.0,10125.0,202500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-21047,-3950,-3021.0,-183,,1,1,0,1,0,0,,2.0,3,3,SATURDAY,5,0,0,0,0,0,0,Business Entity Type 3,,0.3359275662073994,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-540.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,8.0 +2641436,126230,Cash loans,10742.31,112500.0,123637.5,0.0,112500.0,SATURDAY,11,Y,1,0.0,,,XNA,Approved,-1670,Cash through the bank,XAP,Other_A,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-1640.0,-1130.0,-1430.0,-1424.0,1.0,0,Cash loans,F,N,N,2,67500.0,148500.0,10759.5,148500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.01885,-12357,-2706,-2849.0,-246,,1,1,1,1,1,0,Core staff,4.0,2,2,TUESDAY,13,0,0,0,0,0,0,School,0.5890662052900002,0.637487436555786,,0.1268,0.0,0.9727,0.626,0.0117,0.0,0.1034,0.125,0.1667,0.0054,0.1034,0.0293,0.0,0.0,0.1292,0.0,0.9727,0.6406,0.0118,0.0,0.1034,0.125,0.1667,0.0055,0.1129,0.0305,0.0,0.0,0.128,0.0,0.9727,0.631,0.0117,0.0,0.1034,0.125,0.1667,0.0055,0.1052,0.0298,0.0,0.0,reg oper account,block of flats,0.0302,"Stone, brick",No,3.0,1.0,3.0,1.0,-1670.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2700912,162899,Consumer loans,6678.27,76725.0,58432.5,23017.5,76725.0,MONDAY,8,Y,1,0.30777348066298343,,,XAP,Approved,-359,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Regional / Local,370,Consumer electronics,10.0,middle,POS household with interest,365243.0,-328.0,-58.0,-58.0,-52.0,0.0,0,Cash loans,M,Y,N,1,90000.0,677664.0,27337.5,585000.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.018029,-8197,-739,-1777.0,-853,18.0,1,1,1,1,1,0,IT staff,3.0,3,3,FRIDAY,13,0,0,0,0,0,0,Other,,0.3452485740271838,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-123.0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1040619,398604,Consumer loans,3880.53,82800.0,82800.0,0.0,82800.0,TUESDAY,19,Y,1,0.0,,,XAP,Refused,-994,Cash through the bank,LIMIT,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,1100,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,0,Cash loans,M,Y,N,2,225000.0,1718473.5,55566.0,1345500.0,Unaccompanied,Working,Secondary / secondary special,Married,Rented apartment,0.010556,-11161,-1413,-1286.0,-2042,10.0,1,1,0,1,0,0,,4.0,3,3,TUESDAY,10,0,0,0,1,1,0,Business Entity Type 3,0.2889902938652561,0.4762606174827518,0.25396280933631177,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1118.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1818964,115996,Consumer loans,34665.3,360000.0,360000.0,0.0,360000.0,TUESDAY,7,Y,1,0.0,,,XAP,Approved,-38,XNA,XAP,,Refreshed,Medicine,POS,XNA,Country-wide,300,MLM partners,12.0,low_normal,POS industry with interest,365243.0,365243.0,325.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,135000.0,291915.0,21370.5,252000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018029,-21577,365243,-8806.0,-4558,,1,0,0,1,0,0,,2.0,3,3,FRIDAY,7,0,0,0,0,0,0,XNA,,0.1996688602813548,0.6006575372857061,0.0979,0.0909,0.9876,0.83,0.0029,0.12,0.1034,0.3333,0.0417,0.0256,0.0799,0.1099,0.0,0.0,0.0998,0.0943,0.9876,0.8367,0.0029,0.1208,0.1034,0.3333,0.0417,0.0261,0.0872,0.1145,0.0,0.0,0.0989,0.0909,0.9876,0.8323,0.0029,0.12,0.1034,0.3333,0.0417,0.026,0.0812,0.1119,0.0,0.0,reg oper account,block of flats,0.0891,Panel,No,0.0,0.0,0.0,0.0,-1820.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,1.0 +2705781,302326,Consumer loans,3602.025,20385.0,20385.0,0.0,20385.0,THURSDAY,12,Y,1,0.0,,,XAP,Approved,-1463,Cash through the bank,XAP,Other_B,Refreshed,Clothing and Accessories,POS,XNA,Stone,173,Clothing,6.0,low_normal,POS industry with interest,,,,,,,0,Cash loans,F,N,N,0,225000.0,1288350.0,37669.5,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0105,-19712,-370,-1305.0,-3145,,1,1,1,1,1,0,Managers,2.0,3,3,SUNDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.4645848437464054,0.6030165634350843,0.43473324875017305,,,0.9841,,,0.08,0.069,0.3333,,,,,,,,,0.9841,,,0.0806,0.069,0.3333,,,,,,,,,0.9841,,,0.08,0.069,0.3333,,,,,,,,block of flats,0.0546,"Stone, brick",No,0.0,0.0,0.0,0.0,-1463.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1276438,139153,Consumer loans,14214.915,129541.5,143221.5,0.0,129541.5,SATURDAY,15,Y,1,0.0,,,XAP,Approved,-683,Cash through the bank,XAP,,Repeater,Jewelry,POS,XNA,Regional / Local,20,Industry,12.0,middle,POS other with interest,365243.0,-652.0,-322.0,-592.0,-572.0,0.0,0,Revolving loans,F,N,Y,0,90000.0,180000.0,9000.0,180000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.015221,-20848,365243,-1059.0,-4326,,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,XNA,,0.6426863355048417,0.4920600938649263,0.0495,0.0643,0.9752,,,0.0,0.1034,0.1667,,0.0513,,0.0397,,0.0,0.0504,0.0667,0.9752,,,0.0,0.1034,0.1667,,0.0525,,0.0414,,0.0,0.05,0.0643,0.9752,,,0.0,0.1034,0.1667,,0.0522,,0.0405,,0.0,,block of flats,0.0346,"Stone, brick",No,1.0,0.0,1.0,0.0,-927.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,4.0,4.0 +2137263,410265,Consumer loans,6804.225,54265.14,59634.0,4.14,54265.14,SUNDAY,17,Y,1,7.560323584263966e-05,,,XAP,Approved,-2594,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,2914,Consumer electronics,12.0,high,POS household with interest,365243.0,-2563.0,-2233.0,-2233.0,-2230.0,1.0,0,Cash loans,M,Y,N,0,90000.0,787131.0,26014.5,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-18472,-1661,-8373.0,-2028,12.0,1,1,1,1,0,0,Drivers,2.0,2,2,TUESDAY,19,0,0,0,0,0,0,Business Entity Type 3,0.5540127988932688,0.3577893035253431,0.2678689358444539,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-253.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,6.0,0.0,3.0 +1282471,297910,Revolving loans,16875.0,337500.0,337500.0,,337500.0,TUESDAY,13,Y,1,,,,XAP,Approved,-275,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-274.0,-235.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,F,N,Y,1,180000.0,532345.5,29853.0,481500.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.0105,-15703,-480,-9820.0,-4201,,1,1,0,1,0,0,,2.0,3,3,THURSDAY,12,0,0,0,0,0,0,Self-employed,0.6414777401652237,0.25474750218545217,,0.0825,,0.9767,,,0.0,0.1379,0.1667,,0.0553,,0.0699,,0.0,0.084,,0.9767,,,0.0,0.1379,0.1667,,0.0566,,0.0729,,0.0,0.0833,,0.9767,,,0.0,0.1379,0.1667,,0.0563,,0.0712,,0.0,,block of flats,0.055,Panel,No,1.0,0.0,1.0,0.0,-566.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,3.0 +1439916,122742,Consumer loans,2076.84,21195.0,18346.5,4500.0,21195.0,THURSDAY,12,Y,1,0.21451465611402573,,,XAP,Approved,-1357,Cash through the bank,XAP,Children,Refreshed,Consumer Electronics,POS,XNA,Country-wide,129,Consumer electronics,12.0,high,POS household with interest,365243.0,-1326.0,-996.0,-996.0,-990.0,0.0,0,Cash loans,F,N,Y,0,130500.0,157500.0,8172.0,157500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0105,-14986,-2219,-5794.0,-4586,,1,1,0,1,0,0,Sales staff,2.0,3,3,WEDNESDAY,15,0,0,0,0,0,0,Self-employed,0.43935661384985997,0.13205354806964067,0.6041125998015721,0.0258,0.0096,0.9712,0.6056,0.0,0.0,0.1034,0.0833,0.125,0.0279,0.0202,0.0202,0.0039,0.0248,0.0263,0.01,0.9712,0.621,0.0,0.0,0.1034,0.0833,0.125,0.0286,0.022,0.021,0.0039,0.0263,0.026,0.0096,0.9712,0.6109,0.0,0.0,0.1034,0.0833,0.125,0.0284,0.0205,0.0205,0.0039,0.0253,reg oper account,block of flats,0.0213,"Stone, brick",No,0.0,0.0,0.0,0.0,-121.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2795016,343986,Consumer loans,25554.87,327554.64,246838.5,98270.64,327554.64,WEDNESDAY,16,Y,1,0.3101212000775912,,,XAP,Approved,-1351,Cash through the bank,XAP,Unaccompanied,Refreshed,Audio/Video,POS,XNA,Country-wide,1000,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1320.0,-990.0,-1110.0,-1102.0,0.0,0,Cash loans,M,N,N,2,202500.0,450000.0,20979.0,450000.0,Family,Working,Higher education,Civil marriage,House / apartment,0.028663,-13835,-3238,-1086.0,-4531,,1,1,1,1,1,0,Managers,4.0,2,2,MONDAY,12,0,0,0,0,0,0,Construction,0.8503530910934208,0.6623467244369105,0.4578995512067301,0.0722,0.132,0.9712,,,0.0,0.1379,0.1667,,0.0,,0.0903,,0.0728,0.0735,0.13699999999999998,0.9712,,,0.0,0.1379,0.1667,,0.0,,0.0941,,0.0771,0.0729,0.132,0.9712,,,0.0,0.1379,0.1667,,0.0,,0.0919,,0.0744,,block of flats,0.1127,"Stone, brick",No,0.0,0.0,0.0,0.0,-1483.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +2167797,412417,Consumer loans,11866.5,107985.15,107985.15,0.0,107985.15,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-433,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-394.0,-124.0,-124.0,-120.0,0.0,0,Cash loans,M,Y,N,0,202500.0,814041.0,23800.5,679500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018209,-19313,-1691,-5732.0,-2842,1.0,1,1,1,1,0,0,Core staff,2.0,3,3,SUNDAY,17,0,0,0,0,0,0,Housing,0.20652383498450155,0.5777983133154552,0.6690566947824041,0.2227,0.092,0.9801,,,0.24,0.2069,0.3333,,0.0893,,0.1363,,0.0052,0.2269,0.0955,0.9801,,,0.2417,0.2069,0.3333,,0.0914,,0.142,,0.0055,0.2248,0.092,0.9801,,,0.24,0.2069,0.3333,,0.0909,,0.1388,,0.0053,,block of flats,0.1612,Panel,No,2.0,0.0,2.0,0.0,-1270.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2426967,344623,Cash loans,44938.26,855000.0,941904.0,,855000.0,TUESDAY,4,Y,1,,,,XNA,Approved,-854,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,42.0,middle,Cash X-Sell: middle,365243.0,-824.0,406.0,-734.0,-715.0,1.0,1,Cash loans,M,Y,Y,1,180000.0,359725.5,17626.5,297000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.006852,-14073,-675,-4823.0,-4828,14.0,1,1,0,1,0,1,,3.0,3,3,TUESDAY,7,0,0,0,0,1,1,Business Entity Type 3,0.6510938840813353,0.04058010958261385,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-941.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2566505,438323,Consumer loans,2425.185,19665.0,19138.5,2250.0,19665.0,SATURDAY,11,Y,1,0.11456878909014405,,,XAP,Approved,-1934,Cash through the bank,XAP,Family,New,Construction Materials,POS,XNA,Stone,15,Construction,12.0,high,POS industry with interest,365243.0,-1903.0,-1573.0,-1573.0,-1569.0,0.0,1,Cash loans,M,N,N,0,99000.0,284400.0,10345.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,Municipal apartment,0.019688999999999998,-21267,365243,-11707.0,-3833,,1,0,0,1,0,0,,2.0,2,2,MONDAY,16,0,0,0,0,0,0,XNA,,0.17254745667104174,0.5919766183185521,0.0124,0.0,0.9786,0.6328,0.0025,0.0,0.069,0.0417,0.0417,0.0079,0.0101,0.0119,0.0,0.0,0.0126,0.0,0.9732,0.6472,0.0025,0.0,0.069,0.0417,0.0417,0.0081,0.011,0.0107,0.0,0.0,0.0125,0.0,0.9786,0.6377,0.0025,0.0,0.069,0.0417,0.0417,0.008,0.0103,0.0121,0.0,0.0,not specified,block of flats,0.0107,Block,No,0.0,0.0,0.0,0.0,-198.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2673891,203556,Consumer loans,2790.99,18000.0,17271.0,1800.0,18000.0,THURSDAY,10,Y,1,0.10279291260886354,,,XAP,Approved,-2097,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,37,Connectivity,8.0,high,POS mobile with interest,365243.0,-2061.0,-1851.0,-1941.0,-1933.0,0.0,0,Cash loans,F,N,Y,0,157500.0,238896.0,13468.5,189000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.035792000000000004,-19342,-1817,-9439.0,-2889,,1,1,0,1,0,0,Laborers,1.0,2,2,MONDAY,16,0,0,0,0,0,0,Self-employed,,0.7037000168095279,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2097.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +1636093,201836,Consumer loans,24652.17,320850.0,249012.0,96255.0,320850.0,MONDAY,15,Y,1,0.3036213870846198,,,XAP,Approved,-862,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Country-wide,500,Furniture,12.0,middle,POS industry with interest,365243.0,-831.0,-501.0,-501.0,-485.0,0.0,0,Cash loans,M,Y,Y,0,450000.0,122256.0,14638.5,108000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.022625,-12744,-4968,-438.0,-4015,1.0,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,16,0,1,1,0,1,1,Industry: type 9,0.572545787137977,0.6788403031961303,,0.0,,0.0,,,0.0,,,,,,,,,0.0,,0.0005,,,0.0,,,,,,,,,0.0,,0.0,,,0.0,,,,,,,,,,block of flats,0.0,,No,0.0,0.0,0.0,0.0,-218.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2469382,421046,Consumer loans,10586.61,103036.5,101911.5,10305.0,103036.5,MONDAY,16,Y,1,0.10001275942648198,,,XAP,Approved,-1429,Cash through the bank,XAP,Family,Refreshed,Audio/Video,POS,XNA,Country-wide,1720,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1398.0,-1068.0,-1068.0,-1065.0,0.0,0,Cash loans,M,N,Y,0,297000.0,1807420.5,47808.0,1615500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,Municipal apartment,0.00963,-21153,365243,-7704.0,-4628,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,16,0,0,0,0,0,0,XNA,,0.5909057432691832,0.33125086459090186,0.2887,0.1818,0.9911,,,0.28,0.2414,0.375,,0.1133,,0.3062,,0.0,0.2941,0.1887,0.9911,,,0.282,0.2414,0.375,,0.1159,,0.3191,,0.0,0.2915,0.1818,0.9911,,,0.28,0.2414,0.375,,0.1152,,0.3117,,0.0,,block of flats,0.27,Panel,No,5.0,0.0,5.0,0.0,-1429.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1065428,220097,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SATURDAY,14,Y,1,,,,XAP,Approved,-269,XNA,XAP,Family,Repeater,XNA,Cards,walk-in,Country-wide,50,Connectivity,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,112500.0,528633.0,22527.0,472500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.015221,-19355,-1627,-11768.0,-1932,,1,1,1,1,0,0,Core staff,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Agriculture,,0.2416477272917257,0.25396280933631177,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-823.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,1.0,2.0 +2783195,344180,Consumer loans,10803.42,108045.0,97240.5,10804.5,108045.0,MONDAY,13,Y,1,0.1089090909090909,,,XAP,Refused,-2093,Cash through the bank,SCO,Unaccompanied,Repeater,Computers,POS,XNA,Stone,16,Consumer electronics,10.0,low_normal,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,157500.0,522000.0,16969.5,522000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.035792000000000004,-20702,-902,-10195.0,-4080,,1,1,1,1,1,0,Sales staff,1.0,2,2,MONDAY,12,0,0,0,0,0,0,Trade: type 7,,0.607494035675777,0.7001838506835805,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-2093.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2001158,185590,Cash loans,21791.025,229500.0,229500.0,,229500.0,SUNDAY,11,Y,1,,,,XNA,Approved,-259,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,AP+ (Cash loan),5,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-229.0,101.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,72000.0,562500.0,27189.0,562500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00963,-18743,-1992,-9972.0,-2293,,1,1,1,1,1,0,Sales staff,2.0,2,2,SUNDAY,14,0,0,0,0,0,0,Self-employed,,0.4071487319366001,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-260.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1894437,381085,Consumer loans,8726.49,64395.0,54918.0,12879.0,64395.0,SATURDAY,10,Y,1,0.2068882372108178,,,XAP,Approved,-1481,Cash through the bank,XAP,Family,Refreshed,Furniture,POS,XNA,Stone,4,Furniture,8.0,high,POS industry with interest,365243.0,-1450.0,-1240.0,-1240.0,-1235.0,0.0,0,Cash loans,F,N,N,1,72000.0,1125000.0,33025.5,1125000.0,Family,Working,Secondary / secondary special,Married,With parents,0.025164,-11364,-214,-5459.0,-1862,,1,1,0,1,0,0,,3.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,Other,0.5524200486687304,0.5133871105774191,,0.0629,0.0727,0.9861,0.8096,0.0133,0.0,0.1379,0.1667,0.2083,0.0457,0.0513,0.0645,0.0,0.0,0.0641,0.0755,0.9861,0.8171,0.0134,0.0,0.1379,0.1667,0.2083,0.0467,0.056,0.0672,0.0,0.0,0.0635,0.0727,0.9861,0.8121,0.0133,0.0,0.1379,0.1667,0.2083,0.0465,0.0522,0.0656,0.0,0.0,org spec account,block of flats,0.0579,Panel,No,0.0,0.0,0.0,0.0,-1481.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1043782,333404,Cash loans,74334.105,1575000.0,1668555.0,,1575000.0,SATURDAY,13,Y,1,,,,XNA,Refused,-822,Cash through the bank,SCO,Unaccompanied,Refreshed,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,30.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,Y,N,1,180000.0,521280.0,19984.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,With parents,0.00702,-12891,-2629,-5718.0,-4736,10.0,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,14,0,0,0,0,1,1,Industry: type 9,,0.3361764012115637,0.7801436381572275,0.0775,,0.9901,0.8640000000000001,,0.048,0.131,0.225,0.2396,,0.0546,0.0997,0.0,0.0,0.063,,0.9901,0.8693,,0.0,0.1034,0.2083,0.25,,0.0551,0.0839,0.0,0.0,0.0625,,0.9901,0.8658,,0.0,0.1034,0.2083,0.25,,0.0513,0.08199999999999999,0.0,0.0,reg oper account,block of flats,0.0634,Panel,No,0.0,0.0,0.0,0.0,-2122.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1134359,219878,Consumer loans,3485.745,69363.0,62424.0,6939.0,69363.0,TUESDAY,13,Y,1,0.10895148448281963,,,XAP,Approved,-171,Cash through the bank,XAP,Unaccompanied,Repeater,Auto Accessories,POS,XNA,Regional / Local,15,Auto technology,24.0,low_normal,POS other with interest,,,,,,,0,Cash loans,M,Y,Y,1,157500.0,900000.0,26446.5,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.008865999999999999,-16968,-1594,-8760.0,-519,13.0,1,1,0,1,1,0,Laborers,3.0,2,2,FRIDAY,18,0,0,0,0,0,0,Business Entity Type 3,0.7261379467743734,0.7404096667760139,0.16146308000577247,0.1845,0.1351,0.9866,0.8164,0.0319,0.2,0.1724,0.3333,0.375,0.142,0.1505,0.1899,,0.0169,0.188,0.1402,0.9866,0.8236,0.0322,0.2014,0.1724,0.3333,0.375,0.1452,0.1644,0.1979,,0.0179,0.1863,0.1351,0.9866,0.8189,0.0321,0.2,0.1724,0.3333,0.375,0.1444,0.1531,0.1933,,0.0172,reg oper account,block of flats,0.1858,Panel,No,0.0,0.0,0.0,0.0,-1626.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,1.0 +1999465,395251,Consumer loans,25730.1,233910.0,233910.0,0.0,233910.0,FRIDAY,11,Y,1,0.0,,,XAP,Approved,-216,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,80,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-186.0,84.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,675000.0,1800000.0,70564.5,1800000.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.026392000000000002,-14383,-2588,-7197.0,-3005,,1,1,1,1,1,0,Core staff,1.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Trade: type 7,,0.5847970942349758,0.41184855592423975,0.4351,0.2793,0.9916,0.7959999999999999,0.3901,0.46,0.4138,0.3542,0.375,0.3719,0.6438,0.488,0.1081,0.0785,0.0525,0.0282,0.9851,0.804,0.3937,0.0,0.0345,0.3333,0.375,0.0474,0.7034,0.0548,0.1089,0.0227,0.4393,0.2793,0.9916,0.7987,0.3926,0.46,0.4138,0.3542,0.375,0.3783,0.655,0.4967,0.1087,0.0801,reg oper account,block of flats,0.0603,"Stone, brick",No,4.0,1.0,3.0,1.0,-344.0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,7.0 +2640884,272294,Consumer loans,3775.095,67455.0,80811.0,0.0,67455.0,SATURDAY,14,Y,1,0.0,,,XAP,Approved,-1503,Cash through the bank,XAP,"Spouse, partner",New,Mobile,POS,XNA,Country-wide,2000,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1472.0,-782.0,-1292.0,-1285.0,0.0,0,Cash loans,M,Y,Y,0,180000.0,855000.0,22554.0,855000.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.025164,-11963,-130,-5903.0,-4472,14.0,1,1,1,1,1,0,,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.5498287275379681,0.6210370937515888,0.7091891096653581,0.1237,0.0639,0.9891,0.8504,0.0474,0.16,0.1379,0.375,0.4167,0.0292,0.1009,0.1415,0.0,0.0,0.1261,0.0663,0.9891,0.8563,0.0479,0.1611,0.1379,0.375,0.4167,0.0299,0.1102,0.1475,0.0,0.0,0.1249,0.0639,0.9891,0.8524,0.0477,0.16,0.1379,0.375,0.4167,0.0297,0.1026,0.1441,0.0,0.0,reg oper account,block of flats,0.1372,Panel,No,7.0,0.0,7.0,0.0,-1503.0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,1.0,0.0,0.0 +1987447,421798,Consumer loans,9882.135,90891.0,100489.5,0.0,90891.0,FRIDAY,14,Y,1,0.0,,,XAP,Approved,-444,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Regional / Local,50,Consumer electronics,12.0,middle,POS household with interest,365243.0,-412.0,-82.0,-292.0,-288.0,0.0,0,Cash loans,F,Y,Y,2,90000.0,1223010.0,48631.5,1125000.0,Family,Working,Higher education,Married,House / apartment,0.010147,-12582,-200,-4707.0,-4728,1.0,1,1,0,1,0,0,Cleaning staff,4.0,2,2,MONDAY,10,0,0,0,0,0,0,Trade: type 7,0.5174846609009897,0.7438579236913677,0.6956219298394389,0.0082,,0.9806,,,,0.0345,0.0417,,,,,,,0.0084,,0.9806,,,,0.0345,0.0417,,,,,,,0.0083,,0.9806,,,,0.0345,0.0417,,,,,,,,,0.0058,"Stone, brick",No,1.0,0.0,1.0,0.0,-1866.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2287092,399062,Cash loans,10704.555,135000.0,148365.0,,135000.0,SATURDAY,6,Y,1,,,,XNA,Approved,-1225,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,10,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-1195.0,-685.0,-685.0,-678.0,1.0,0,Cash loans,F,N,Y,0,130500.0,269550.0,13095.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.008068,-23328,-5456,-10273.0,-4264,,1,1,1,1,1,0,Laborers,1.0,3,3,SATURDAY,6,0,0,0,0,0,0,Business Entity Type 3,,0.24028785543002634,0.6801388218428291,0.2361,0.1956,0.9856,0.8028,0.0554,0.32,0.2759,0.3333,0.375,0.19,0.1883,0.2813,0.0347,0.024,0.2405,0.203,0.9856,0.8105,0.0559,0.3222,0.2759,0.3333,0.375,0.1943,0.2057,0.2931,0.035,0.0254,0.2384,0.1956,0.9856,0.8054,0.0557,0.32,0.2759,0.3333,0.375,0.1933,0.1915,0.2863,0.0349,0.0245,reg oper account,block of flats,0.2567,Panel,No,0.0,0.0,0.0,0.0,-2004.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1004590,394915,Consumer loans,8754.57,45909.0,48181.5,0.0,45909.0,TUESDAY,10,Y,1,0.0,,,XAP,Approved,-1246,XNA,XAP,"Spouse, partner",Repeater,Construction Materials,POS,XNA,Stone,36,Construction,6.0,middle,POS industry with interest,365243.0,-1215.0,-1065.0,-1185.0,-1178.0,0.0,0,Cash loans,F,N,Y,0,112500.0,360000.0,19660.5,360000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-18012,-4778,-9435.0,-1552,,1,1,0,1,0,0,Core staff,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Self-employed,0.7088025686994558,0.3342855969861764,0.36896873825284665,0.1979,0.1487,0.9851,0.7892,0.0599,0.0664,0.1607,0.2617,0.2083,0.0713,0.1589,0.1138,0.0116,0.026,0.1954,0.0773,0.9816,0.7583,0.0604,0.0,0.069,0.3333,0.0417,0.0458,0.1653,0.0539,0.0,0.0,0.1999,0.1487,0.9851,0.7987,0.0603,0.04,0.1552,0.3333,0.2083,0.0737,0.1616,0.1086,0.0116,0.0043,reg oper account,block of flats,0.2072,"Stone, brick",No,0.0,0.0,0.0,0.0,-28.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2160120,398594,Consumer loans,5611.725,31486.5,33565.5,0.0,31486.5,FRIDAY,13,Y,1,0.0,,,XAP,Refused,-1614,Cash through the bank,LIMIT,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,421,Consumer electronics,8.0,high,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,180000.0,690048.0,22387.5,576000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.009334,-20416,365243,-3014.0,-3916,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,12,0,0,0,0,0,0,XNA,,0.2585270811859432,0.2807895743848605,0.067,0.02,0.9702,,,0.0,0.069,0.125,,0.0627,,0.0225,,0.0148,0.0683,0.0207,0.9702,,,0.0,0.069,0.125,,0.0641,,0.0234,,0.0157,0.0677,0.02,0.9702,,,0.0,0.069,0.125,,0.0638,,0.0229,,0.0151,,block of flats,0.0209,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2037914,267666,Consumer loans,5827.95,23310.0,20979.0,2331.0,23310.0,SUNDAY,10,Y,1,0.1089090909090909,,,XAP,Approved,-415,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Regional / Local,16,Connectivity,4.0,high,POS mobile with interest,365243.0,-384.0,-294.0,-294.0,-289.0,0.0,0,Cash loans,F,N,Y,2,180000.0,727785.0,23607.0,607500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.019101,-13687,-464,-1238.0,-4211,,1,1,0,1,0,0,Core staff,4.0,2,2,TUESDAY,10,0,0,0,1,1,0,Kindergarten,0.3077498009888771,0.3564789374765911,0.5442347412142162,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2641467,439579,Consumer loans,21763.98,183546.0,196668.0,0.0,183546.0,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-117,Cash through the bank,XAP,Family,New,Gardening,POS,XNA,Country-wide,150,Construction,10.0,low_normal,POS industry with interest,365243.0,-87.0,183.0,365243.0,365243.0,1.0,0,Revolving loans,F,N,Y,0,135000.0,360000.0,18000.0,360000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-20885,365243,-7898.0,-590,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,XNA,,0.6753357647890695,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-117.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1097928,245704,Revolving loans,2250.0,45000.0,45000.0,,45000.0,TUESDAY,19,Y,1,,,,XAP,Refused,-391,XNA,SCOFR,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,Y,Y,0,112500.0,550980.0,40221.0,450000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.018634,-19142,-2819,-1490.0,-2673,22.0,1,1,0,1,0,1,,2.0,2,2,MONDAY,14,0,0,0,0,1,1,Agriculture,0.7108290449320465,0.3309120213593958,0.5028782772082183,0.0866,0.0475,0.9776,0.6940000000000001,0.0093,0.0,0.1379,0.2083,0.25,0.0307,0.0706,0.0803,0.0,0.0,0.0882,0.0492,0.9777,0.706,0.0094,0.0,0.1379,0.2083,0.25,0.0314,0.0771,0.0836,0.0,0.0,0.0874,0.0475,0.9776,0.6981,0.0094,0.0,0.1379,0.2083,0.25,0.0312,0.0718,0.0817,0.0,0.0,,block of flats,0.0682,"Stone, brick",No,0.0,0.0,0.0,0.0,-2008.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,6.0 +2605689,127003,Consumer loans,5305.32,46710.0,46710.0,0.0,46710.0,THURSDAY,18,Y,1,0.0,,,XAP,Approved,-265,XNA,XAP,,New,Mobile,POS,XNA,Country-wide,10,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-224.0,46.0,365243.0,365243.0,0.0,1,Cash loans,F,N,Y,0,157500.0,620878.5,30330.0,436500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.02461,-10991,-581,-529.0,-510,,1,1,1,1,1,0,,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.2378494893846563,0.2517987560110147,0.17249546677733105,0.0742,0.0773,0.9886,,,0.08,0.069,0.3333,,0.0515,,0.0763,,0.0,0.0756,0.0802,0.9886,,,0.0806,0.069,0.3333,,0.0527,,0.0795,,0.0,0.0749,0.0773,0.9886,,,0.08,0.069,0.3333,,0.0524,,0.0777,,0.0,,block of flats,0.0675,"Stone, brick",No,0.0,0.0,0.0,0.0,-135.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2531323,339175,Cash loans,21260.88,324000.0,324000.0,0.0,324000.0,THURSDAY,17,Y,1,0.0,,,XNA,Refused,-2507,Cash through the bank,LIMIT,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,Y,N,0,121500.0,454500.0,26091.0,454500.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.011656999999999999,-20721,-4313,-1534.0,-4175,7.0,1,1,1,1,0,0,,2.0,1,1,FRIDAY,11,0,1,1,0,1,1,Business Entity Type 2,0.4727092485417945,0.7141632386772676,0.5919766183185521,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1575.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2762987,299277,Consumer loans,23968.215,128160.0,134928.0,0.0,128160.0,SUNDAY,15,Y,1,0.0,,,XAP,Approved,-899,Cash through the bank,XAP,Unaccompanied,Refreshed,Audio/Video,POS,XNA,Regional / Local,1328,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-868.0,-718.0,-718.0,-709.0,0.0,0,Cash loans,M,Y,N,0,315000.0,284256.0,30613.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.032561,-17120,-2414,-5685.0,-632,14.0,1,1,1,1,0,0,Waiters/barmen staff,1.0,1,1,WEDNESDAY,14,0,0,0,0,1,1,Business Entity Type 3,0.5168533811272321,0.6978122939490571,0.5691487713619409,0.0474,0.115,0.9816,0.7484,,0.12,0.0345,0.5833,,0.091,,0.1204,,0.0357,0.0483,0.1193,0.9816,0.7583,,0.1208,0.0345,0.5833,,0.093,,0.1226,,0.0378,0.0479,0.115,0.9816,0.7518,,0.12,0.0345,0.5833,,0.0925,,0.1226,,0.0364,,block of flats,0.1046,"Stone, brick",No,0.0,0.0,0.0,0.0,-537.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2538557,239892,Cash loans,22619.52,229500.0,241920.0,,229500.0,SATURDAY,10,Y,1,,,,XNA,Approved,-326,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-296.0,34.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,135000.0,526491.0,29529.0,454500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.007114,-19988,-776,-11119.0,-3505,,1,1,0,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Trade: type 7,,0.4915344713099084,0.6528965519806539,0.1216,0.1513,0.9846,,,,0.2069,0.1667,,,,0.1303,,0.003,0.1239,0.157,0.9846,,,,0.2069,0.1667,,,,0.1357,,0.0032,0.1228,0.1513,0.9846,,,,0.2069,0.1667,,,,0.1326,,0.0031,,block of flats,0.1031,Panel,No,0.0,0.0,0.0,0.0,-680.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2057678,391296,Consumer loans,21395.385,170820.0,119574.0,51246.0,170820.0,TUESDAY,16,Y,1,0.3267272727272727,,,XAP,Approved,-282,XNA,XAP,,New,Furniture,POS,XNA,Stone,100,Furniture,6.0,low_normal,POS industry with interest,365243.0,-250.0,-100.0,-100.0,365243.0,0.0,0,Cash loans,F,N,Y,0,225000.0,1928304.0,71590.5,1800000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-21799,365243,-3136.0,-4175,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,17,0,0,0,0,0,0,XNA,,0.6637781598399469,0.3910549766342248,0.134,0.1724,0.9896,,,0.0,0.2069,0.1667,,0.1252,,0.0772,,0.0024,0.1366,0.1789,0.9896,,,0.0,0.2069,0.1667,,0.1281,,0.0804,,0.0025,0.1353,0.1724,0.9896,,,0.0,0.2069,0.1667,,0.1274,,0.0786,,0.0024,,block of flats,0.1067,Panel,No,0.0,0.0,0.0,0.0,-282.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1929312,204243,Revolving loans,4500.0,202500.0,202500.0,,202500.0,FRIDAY,14,N,0,,,,XAP,Refused,-364,XNA,HC,Family,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,1,Cash loans,F,Y,Y,0,135000.0,612000.0,44662.5,612000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-14520,-2535,-4881.0,-4875,10.0,1,1,0,1,1,0,Laborers,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.5383260304310618,0.04118592960940065,0.132,0.119,0.9881,,,0.16,0.1379,0.3333,,0.1793,,0.1381,,,0.1345,0.1235,0.9881,,,0.1611,0.1379,0.3333,,0.1834,,0.1439,,,0.1332,0.119,0.9881,,,0.16,0.1379,0.3333,,0.1825,,0.1406,,,,block of flats,0.1676,Panel,No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1186323,241618,Consumer loans,15795.36,100305.0,84483.0,20061.0,100305.0,SATURDAY,14,Y,1,0.2089861945905334,,,XAP,Refused,-506,Cash through the bank,HC,,New,Consumer Electronics,POS,XNA,Stone,50,Consumer electronics,6.0,middle,POS household with interest,,,,,,,0,Cash loans,M,N,Y,0,112500.0,301500.0,16483.5,301500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.019688999999999998,-8145,365243,-8125.0,-795,,1,0,0,1,0,0,,1.0,2,2,MONDAY,13,0,0,0,1,0,0,XNA,0.047447259295308165,0.5675239446810828,0.4206109640437848,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,15.0,3.0,15.0,3.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2127131,342961,Consumer loans,6814.26,54850.5,33952.5,22500.0,54850.5,TUESDAY,14,Y,1,0.4340736983224032,,,XAP,Approved,-2561,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,10,Connectivity,6.0,high,POS mobile with interest,365243.0,-2480.0,-2330.0,-2360.0,-2353.0,1.0,0,Cash loans,M,Y,N,2,315000.0,509922.0,52380.0,472500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-14501,-800,-2827.0,-2820,3.0,1,1,0,1,0,0,Managers,4.0,2,2,MONDAY,7,0,0,0,0,0,0,Industry: type 3,0.4370716783434658,0.4218426549858548,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-2561.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2477487,343729,Consumer loans,15042.465,134910.0,134910.0,0.0,134910.0,THURSDAY,8,Y,1,0.0,,,XAP,Approved,-1974,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Stone,80,Consumer electronics,12.0,high,POS household with interest,365243.0,-1943.0,-1613.0,-1613.0,-1607.0,0.0,0,Cash loans,F,N,Y,1,117000.0,1006920.0,42790.5,900000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-15081,-2061,-7709.0,-3657,,1,1,0,1,1,0,Medicine staff,3.0,2,2,THURSDAY,10,0,0,0,0,0,0,Medicine,0.6888663693834125,0.4222693784963809,0.5370699579791587,0.1227,0.0603,0.9866,0.8164,0.0493,0.0,0.2759,0.1667,0.0417,0.098,0.0992,0.121,0.0039,0.0027,0.125,0.0626,0.9866,0.8236,0.0498,0.0,0.2759,0.1667,0.0417,0.1003,0.1084,0.126,0.0039,0.0029,0.1239,0.0603,0.9866,0.8189,0.0496,0.0,0.2759,0.1667,0.0417,0.0998,0.1009,0.1231,0.0039,0.0028,reg oper account,block of flats,0.1227,Panel,No,0.0,0.0,0.0,0.0,-1990.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2110657,285031,Consumer loans,28918.71,510030.0,510030.0,0.0,510030.0,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-961,Cash through the bank,XAP,Children,New,Furniture,POS,XNA,Stone,80,Furniture,24.0,middle,POS industry with interest,365243.0,-925.0,-235.0,-385.0,-372.0,0.0,0,Cash loans,F,N,Y,0,189000.0,787131.0,26014.5,679500.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.018029,-17269,-1687,-9736.0,-810,,1,1,0,1,0,0,Medicine staff,2.0,3,3,MONDAY,13,0,0,0,0,0,0,Kindergarten,,0.4573274863091141,0.7826078370261895,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-779.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,5.0,0.0,1.0 +2101640,335630,Cash loans,56459.565,900000.0,1117197.0,,900000.0,MONDAY,10,Y,1,,,,XNA,Approved,-1192,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,365243.0,-1162.0,-292.0,-622.0,-612.0,1.0,0,Cash loans,M,Y,N,0,270000.0,1174090.5,52375.5,1080000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-19484,-6339,-11235.0,-3011,14.0,1,1,0,1,1,0,Security staff,2.0,1,1,TUESDAY,18,0,0,0,0,0,0,Business Entity Type 3,,0.6762317166988221,0.6363761710860439,0.1481,0.0764,0.9791,0.7144,0.0444,0.16,0.1379,0.3333,0.1525,0.0,0.1205,0.1417,0.0013,0.0003,0.0756,0.04,0.9791,0.7256,0.0225,0.0806,0.069,0.3333,0.0417,0.0,0.0661,0.0798,0.0,0.0,0.0749,0.0391,0.9791,0.7182,0.0226,0.08,0.069,0.3333,0.0417,0.0,0.0616,0.0784,0.0,0.0,reg oper account,block of flats,0.2137,Panel,No,0.0,0.0,0.0,0.0,-2933.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1586432,405464,Consumer loans,4762.08,27855.0,23355.0,4500.0,27855.0,MONDAY,15,Y,1,0.1759436040534586,,,XAP,Approved,-1367,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,6.0,high,POS mobile with interest,365243.0,-1327.0,-1177.0,-1207.0,-1199.0,0.0,0,Cash loans,M,Y,Y,1,135000.0,900000.0,26446.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.030755,-11560,-1221,-4970.0,-2449,7.0,1,1,0,1,0,0,Drivers,3.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Transport: type 3,,0.5641932882935721,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1416.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1374692,347593,Consumer loans,10684.62,94455.0,53104.5,49500.0,94455.0,FRIDAY,17,Y,1,0.5254155519494756,,,XAP,Approved,-1772,Cash through the bank,XAP,Unaccompanied,New,Clothing and Accessories,POS,XNA,Stone,1352,Clothing,6.0,high,POS industry with interest,365243.0,-1741.0,-1591.0,-1591.0,-1588.0,0.0,0,Cash loans,F,N,Y,0,360000.0,1249740.0,66712.5,1125000.0,Unaccompanied,State servant,Secondary / secondary special,Married,Municipal apartment,0.04622,-21363,-14441,-9858.0,-4798,,1,1,0,1,0,0,High skill tech staff,2.0,1,1,SATURDAY,17,0,0,0,0,0,0,Government,,0.7349425958656413,0.6690566947824041,0.2093,0.0858,0.9866,,,0.24,0.1034,0.6667,,,,0.2192,,0.0035,0.2132,0.0891,0.9866,,,0.2417,0.1034,0.6667,,,,0.2284,,0.0037,0.2113,0.0858,0.9866,,,0.24,0.1034,0.6667,,,,0.2231,,0.0035,,,0.1732,,No,0.0,0.0,0.0,0.0,-1772.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +1776232,275262,Revolving loans,38250.0,0.0,765000.0,,,WEDNESDAY,8,Y,1,,,,XAP,Approved,-645,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-617.0,-569.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,1,270000.0,700830.0,20619.0,585000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.020713,-13271,-3169,-107.0,-4300,,1,1,0,1,0,0,Managers,3.0,3,2,THURSDAY,6,0,0,0,0,0,0,Business Entity Type 3,0.6388958966505606,0.5723157350874052,,0.1186,0.1271,0.9776,0.6940000000000001,0.04,0.0,0.2759,0.1667,0.2083,0.1328,0.0967,0.1106,0.0,0.0,0.1208,0.1319,0.9777,0.706,0.0403,0.0,0.2759,0.1667,0.2083,0.1359,0.1056,0.1153,0.0,0.0,0.1197,0.1271,0.9776,0.6981,0.0402,0.0,0.2759,0.1667,0.2083,0.1351,0.0983,0.1126,0.0,0.0,reg oper spec account,block of flats,0.0956,Panel,No,5.0,0.0,5.0,0.0,-22.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,5.0 +2005552,220839,Revolving loans,11025.0,0.0,157500.0,,0.0,THURSDAY,13,Y,1,,,,XAP,Refused,-1337,XNA,HC,,Repeater,XNA,Cards,walk-in,Regional / Local,135,Consumer electronics,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,103500.0,647046.0,19048.5,463500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.01885,-19286,-11942,-4854.0,-2361,,1,1,0,1,0,0,Medicine staff,2.0,2,2,THURSDAY,16,0,0,0,0,1,1,Medicine,0.770323793162341,0.028888781740821445,0.6263042766749393,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,0.0,8.0,0.0,-1735.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1503688,211587,Consumer loans,6598.08,35955.0,32359.5,3595.5,35955.0,WEDNESDAY,9,Y,1,0.1089090909090909,,,XAP,Approved,-1743,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,35,Connectivity,6.0,high,POS mobile with interest,365243.0,-1696.0,-1546.0,-1546.0,-1543.0,0.0,0,Cash loans,M,Y,N,1,157500.0,1288350.0,37800.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-15937,-1621,-6841.0,-3949,20.0,1,1,1,1,1,0,Laborers,3.0,3,3,TUESDAY,15,0,0,0,0,0,0,Business Entity Type 1,,0.4839620486517566,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1386.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2079609,412148,Consumer loans,7345.395,80190.0,80190.0,0.0,80190.0,TUESDAY,15,Y,1,0.0,,,XAP,Approved,-1477,Cash through the bank,XAP,,Refreshed,Consumer Electronics,POS,XNA,Stone,223,Furniture,12.0,low_action,POS industry without interest,365243.0,-1438.0,-1108.0,-1108.0,-1101.0,0.0,1,Cash loans,M,Y,N,1,202500.0,900000.0,26316.0,900000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.028663,-12841,-2070,-2197.0,-4367,18.0,1,1,0,1,1,0,Managers,3.0,2,2,SUNDAY,9,0,0,0,0,1,1,Other,,0.27935847355313265,0.475849908720221,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1187.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2123129,269582,Consumer loans,15635.475,146430.0,158994.0,0.0,146430.0,THURSDAY,11,Y,1,0.0,,,XAP,Approved,-795,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Stone,141,Consumer electronics,12.0,middle,POS household with interest,365243.0,-762.0,-432.0,-432.0,-428.0,0.0,0,Cash loans,F,N,Y,2,180000.0,1006920.0,51543.0,900000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.00496,-14953,-776,-3202.0,-3498,,1,1,0,1,0,0,,4.0,2,2,MONDAY,17,0,0,0,0,0,0,Agriculture,0.5407178445815962,0.4672692508160343,0.6430255641096323,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-795.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1561770,277704,Consumer loans,8098.29,82350.0,82350.0,0.0,82350.0,WEDNESDAY,12,Y,1,0.0,,,XAP,Approved,-271,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Stone,20,Furniture,12.0,middle,POS industry with interest,365243.0,-240.0,90.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,2,76500.0,197820.0,14197.5,180000.0,"Spouse, partner",State servant,Secondary / secondary special,Married,House / apartment,0.01885,-12824,-5472,-4358.0,-3191,,1,1,1,1,1,0,Managers,4.0,2,2,MONDAY,11,0,0,0,0,0,0,Postal,0.3059298989261505,0.17484801128500993,0.7838324335199619,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1261.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1984631,178310,Consumer loans,18338.085,95310.0,89919.0,9900.0,95310.0,TUESDAY,14,Y,1,0.10801550806960596,,,XAP,Approved,-811,Cash through the bank,XAP,Family,Refreshed,Mobile,POS,XNA,Country-wide,30,Connectivity,6.0,high,POS mobile with interest,365243.0,-780.0,-630.0,-660.0,-652.0,0.0,0,Cash loans,M,Y,Y,1,202500.0,323460.0,25159.5,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.011703,-13394,-3839,-6514.0,-3427,19.0,1,1,0,1,0,0,Laborers,3.0,2,2,MONDAY,11,0,1,1,0,0,0,Business Entity Type 3,0.15796831328866032,0.5411508517176281,0.052036407096232806,0.0804,0.0672,0.9811,0.7416,0.0123,0.0,0.2069,0.1667,0.0417,0.0624,0.0656,0.0742,0.0,0.0,0.0819,0.0697,0.9811,0.7517,0.0125,0.0,0.2069,0.1667,0.0417,0.0639,0.0716,0.0773,0.0,0.0,0.0812,0.0672,0.9811,0.7451,0.0124,0.0,0.2069,0.1667,0.0417,0.0635,0.0667,0.0755,0.0,0.0,reg oper account,block of flats,0.0651,"Stone, brick",No,3.0,0.0,3.0,0.0,-1760.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1834898,145621,Cash loans,15234.3,450000.0,450000.0,0.0,450000.0,FRIDAY,10,Y,1,0.0,,,XNA,Refused,-2388,Cash through the bank,VERIF,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,54.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,126000.0,225000.0,8212.5,225000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.028663,-14616,-5936,-8725.0,-4173,,1,1,0,1,0,0,,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,Other,,0.638406676110761,0.2225807646753351,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1249.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,5.0 +1436756,391538,Cash loans,30889.215,372979.98,398827.98,,372979.98,THURSDAY,16,Y,1,,,,XNA,Approved,-725,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash Street: middle,365243.0,-695.0,-185.0,-185.0,-176.0,1.0,0,Cash loans,F,N,Y,1,157500.0,343800.0,13090.5,225000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.008865999999999999,-16108,-706,-5543.0,-2308,,1,1,0,1,0,0,Core staff,3.0,2,2,MONDAY,15,0,0,0,1,1,0,Kindergarten,0.8160224449977178,0.7492695940612055,0.4543210601605785,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2316.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2518879,414301,Consumer loans,12880.665,67342.5,70897.5,0.0,67342.5,SUNDAY,14,Y,1,0.0,,,XAP,Approved,-380,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,400,Furniture,6.0,middle,POS industry with interest,365243.0,-350.0,-200.0,-200.0,-198.0,1.0,1,Revolving loans,M,N,Y,1,99000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.007120000000000001,-9855,-1480,-5804.0,-2472,,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Self-employed,,0.0634534978076101,0.3539876078507373,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-123.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1712152,230925,Consumer loans,13590.855,124335.0,122994.0,12420.0,124335.0,FRIDAY,8,Y,1,0.0998900341981559,,,XAP,Approved,-1189,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,80,Connectivity,12.0,high,POS mobile with interest,365243.0,-1153.0,-823.0,-823.0,-816.0,0.0,0,Cash loans,F,Y,N,1,157500.0,971280.0,51876.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.010032,-14575,-1429,-6987.0,-430,64.0,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,3,0,0,0,1,1,0,Business Entity Type 3,,0.4614603305702333,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2529150,101520,Cash loans,37043.73,540000.0,593460.0,,540000.0,THURSDAY,12,Y,1,,,,XNA,Approved,-905,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,high,Cash X-Sell: high,365243.0,-875.0,-5.0,-665.0,-657.0,1.0,0,Cash loans,M,N,Y,0,157500.0,516069.0,26347.5,445500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-10305,-2834,-459.0,-2983,,1,1,1,1,1,1,Laborers,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Self-employed,0.283013867397372,0.5659936562921726,0.2650494299443805,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1252.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +2290163,275640,Consumer loans,15372.675,173700.0,156330.0,17370.0,173700.0,SATURDAY,16,Y,1,0.1089090909090909,,,XAP,Approved,-1137,Cash through the bank,XAP,Family,New,Furniture,POS,XNA,Stone,155,Furniture,12.0,middle,POS industry with interest,365243.0,-1106.0,-776.0,-866.0,-863.0,0.0,0,Cash loans,M,Y,Y,2,180000.0,1512000.0,41580.0,1512000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.026392000000000002,-12248,-2610,-3003.0,-4743,1.0,1,1,1,1,1,1,Core staff,4.0,2,2,TUESDAY,18,0,0,0,0,0,0,Business Entity Type 3,,0.6099575989492284,0.6801388218428291,0.2371,0.14,0.996,0.9456,0.093,0.24,0.2069,0.375,0.0417,0.1652,0.1933,0.273,0.0,0.0,0.2416,0.1453,0.996,0.9477,0.0939,0.2417,0.2069,0.375,0.0417,0.16899999999999998,0.2112,0.2844,0.0,0.0,0.2394,0.14,0.996,0.9463,0.0936,0.24,0.2069,0.375,0.0417,0.1681,0.1967,0.2779,0.0,0.0,reg oper account,block of flats,0.2656,Panel,No,1.0,0.0,1.0,0.0,-211.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,2.0 +2791266,360166,Consumer loans,6741.585,149481.0,149481.0,0.0,149481.0,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-1294,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,800,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1263.0,-573.0,-573.0,-565.0,0.0,0,Cash loans,F,Y,N,0,225000.0,697500.0,25051.5,697500.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,With parents,0.007120000000000001,-9753,-1179,-2632.0,-2434,2.0,1,1,0,1,1,0,Managers,2.0,2,2,SATURDAY,16,1,1,0,1,1,1,Business Entity Type 3,0.3657678365520936,0.7336797647518334,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1213.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1041759,258914,Consumer loans,4576.545,33934.5,32836.5,3600.0,33934.5,SUNDAY,12,Y,1,0.10760438770812984,,,XAP,Approved,-2123,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Stone,60,Connectivity,10.0,high,POS mobile with interest,365243.0,-2092.0,-1822.0,-1852.0,-1850.0,0.0,0,Cash loans,F,N,Y,1,202500.0,481495.5,36130.5,454500.0,Family,Commercial associate,Higher education,Civil marriage,With parents,0.030755,-14267,-1765,-4444.0,-4847,,1,1,1,1,0,0,Private service staff,3.0,2,2,TUESDAY,10,0,0,0,0,0,0,Other,0.4858125831496802,0.7091240077547242,0.7062051096536562,0.0072,0.0029,0.9518,0.3404,0.0003,0.0,0.0345,0.0417,0.0833,0.0,0.0059,0.0053,0.0,0.0,0.0074,0.003,0.9518,0.3662,0.0003,0.0,0.0345,0.0417,0.0833,0.0,0.0064,0.0054,0.0,0.0,0.0073,0.0029,0.9518,0.3492,0.0003,0.0,0.0345,0.0417,0.0833,0.0,0.006,0.0054,0.0,0.0,reg oper account,block of flats,0.0046,"Stone, brick",No,5.0,0.0,5.0,0.0,-2715.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2332614,115379,Consumer loans,10545.885,56700.0,59692.5,0.0,56700.0,WEDNESDAY,15,Y,1,0.0,,,XAP,Approved,-866,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Stone,52,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-835.0,-685.0,-745.0,-736.0,0.0,0,Revolving loans,F,N,N,1,67500.0,135000.0,6750.0,135000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,With parents,0.007120000000000001,-12562,-538,-3014.0,-2057,,1,1,0,1,0,0,Laborers,3.0,2,2,MONDAY,8,0,0,0,0,0,0,Business Entity Type 2,0.3033664011427417,0.5949118213807982,0.6380435278721609,,,0.9821,,,,,,,,,0.1052,,,,,0.9821,,,,,,,,,0.1096,,,,,0.9821,,,,,,,,,0.1071,,,,,0.0907,,Yes,0.0,0.0,0.0,0.0,-13.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1813350,284950,Cash loans,,0.0,0.0,,,THURSDAY,11,Y,1,,,,XNA,Refused,-442,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,N,Y,0,144000.0,302076.0,24349.5,270000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-23079,365243,-12519.0,-2971,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,XNA,,0.6711650824441279,0.6626377922738201,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1477.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2559659,224595,Revolving loans,22500.0,0.0,450000.0,,,MONDAY,13,Y,1,,,,XAP,Approved,-1200,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,-289.0,0.0,0,Cash loans,F,N,Y,0,405000.0,1800000.0,62698.5,1800000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.04622,-13292,-3569,-7237.0,-4676,,1,1,1,1,1,0,Core staff,1.0,1,1,THURSDAY,9,0,1,1,0,1,1,Trade: type 7,0.5014547051643246,0.6930137674339959,0.34578480246959553,0.1423,0.1042,0.9816,0.7484,0.036000000000000004,0.16,0.1379,0.3333,0.375,0.157,0.1152,0.1414,0.0039,0.1136,0.145,0.1081,0.9816,0.7583,0.0363,0.1611,0.1379,0.3333,0.375,0.1606,0.1258,0.1473,0.0039,0.1203,0.1436,0.1042,0.9816,0.7518,0.0362,0.16,0.1379,0.3333,0.375,0.1597,0.1171,0.1439,0.0039,0.116,reg oper account,block of flats,0.1556,Panel,No,0.0,0.0,0.0,0.0,-1637.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1442285,416583,Consumer loans,5204.97,23638.5,19534.5,4729.5,23638.5,SUNDAY,17,Y,1,0.21228385486916648,,,XAP,Approved,-1432,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,4.0,middle,POS mobile without interest,365243.0,-1392.0,-1302.0,-1302.0,-1299.0,0.0,0,Cash loans,F,Y,N,1,135000.0,225000.0,23755.5,225000.0,Unaccompanied,Commercial associate,Incomplete higher,Single / not married,Rented apartment,0.0105,-12415,-2251,-5075.0,-5075,2.0,1,1,0,1,0,0,Realty agents,2.0,3,3,THURSDAY,10,0,0,0,1,1,0,Services,0.7317095579703221,0.481930732091844,0.5902333386185574,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-2070.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1153259,337290,Cash loans,13765.5,225000.0,225000.0,,225000.0,THURSDAY,10,Y,1,,,,XNA,Approved,-785,Cash through the bank,XAP,Other_B,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-755.0,-65.0,-65.0,-61.0,0.0,0,Cash loans,F,N,Y,0,112500.0,254700.0,15579.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.008625,-24333,365243,-11903.0,-4454,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,XNA,,0.30888148597012555,0.4135967602644276,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,2.0,0.0,-2461.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2345195,335216,Consumer loans,13473.675,113791.5,130306.5,0.0,113791.5,SATURDAY,14,Y,1,0.0,,,XAP,Approved,-465,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,2586,Consumer electronics,12.0,middle,POS household with interest,365243.0,-434.0,-104.0,-374.0,-365.0,0.0,0,Cash loans,F,N,N,0,144000.0,948582.0,27864.0,679500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.010643000000000001,-19606,-3295,-5428.0,-3142,,1,1,0,1,0,0,,1.0,2,2,TUESDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.7688381547097404,0.6058362647264226,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,2.0,0.0,2.0,0.0,-2547.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +2531984,331917,Consumer loans,6073.875,60745.5,54670.5,6075.0,60745.5,TUESDAY,10,Y,1,0.10891715884678327,,,XAP,Refused,-2409,Cash through the bank,SCO,Children,Repeater,Consumer Electronics,POS,XNA,Country-wide,540,Consumer electronics,10.0,low_normal,POS household without interest,,,,,,,0,Cash loans,F,N,N,0,103500.0,808650.0,24601.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.018801,-21060,-2908,-12826.0,-4412,,1,1,1,1,1,0,Sales staff,1.0,2,2,TUESDAY,13,0,0,0,0,0,0,Self-employed,,0.5932876579583403,0.5726825047161584,0.3299,0.2374,0.9821,0.7552,0.1613,0.36,0.3103,0.3333,0.375,0.2566,0.269,0.3314,1.0,0.2177,0.3361,0.2463,0.9821,0.7648,0.1627,0.3625,0.3103,0.3333,0.375,0.2625,0.2938,0.3453,1.0,0.2305,0.3331,0.2374,0.9821,0.7585,0.1623,0.36,0.3103,0.3333,0.375,0.2611,0.2736,0.3374,1.0,0.2223,reg oper spec account,block of flats,0.4287,Panel,No,1.0,0.0,1.0,0.0,-2409.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1057824,125600,Consumer loans,4446.495,35620.65,39148.65,0.0,35620.65,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-258,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,34,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-212.0,58.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,157500.0,454500.0,13288.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.030755,-16126,-648,-8802.0,-4684,,1,1,0,1,1,0,,2.0,2,2,SATURDAY,9,0,0,0,0,0,0,Business Entity Type 1,,0.5178873959718876,0.7338145369642702,0.0946,0.0839,0.9771,0.6804,0.0353,0.0,0.1897,0.1667,0.2083,0.0286,0.0737,0.0796,0.0051,0.024,0.0693,0.0717,0.9782,0.7125,0.0234,0.0,0.2069,0.1667,0.2083,0.0177,0.0588,0.0527,0.0078,0.0,0.1036,0.0895,0.9781,0.7048,0.0411,0.0,0.2069,0.1667,0.2083,0.0207,0.0847,0.0908,0.0078,0.0109,reg oper account,block of flats,0.0703,"Stone, brick",No,0.0,0.0,0.0,0.0,-1791.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2680923,332146,Revolving loans,2250.0,45000.0,45000.0,,45000.0,MONDAY,11,Y,1,,,,XAP,Refused,-80,XNA,SCOFR,Unaccompanied,Repeater,XNA,Cards,walk-in,Regional / Local,270,Consumer electronics,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,N,Y,0,157500.0,225000.0,21037.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.006629,-8562,-658,-5228.0,-908,,1,1,1,1,0,0,Sales staff,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,Trade: type 2,0.1383786906170342,0.2318064128862408,,0.0124,0.0,0.9816,0.7484,0.0186,0.0,0.069,0.0417,0.0833,0.0269,0.0101,0.0099,0.0,0.0031,0.0126,0.0,0.9816,0.7583,0.0188,0.0,0.069,0.0417,0.0833,0.0268,0.011,0.0101,0.0,0.0032,0.0125,0.0,0.9816,0.7518,0.0187,0.0,0.069,0.0417,0.0833,0.0274,0.0103,0.0101,0.0,0.0032,not specified,block of flats,0.0083,Wooden,Yes,7.0,0.0,7.0,0.0,-890.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1901944,397677,Consumer loans,4924.44,23314.5,23314.5,0.0,23314.5,MONDAY,11,Y,1,0.0,,,XAP,Approved,-310,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,30,Connectivity,6.0,high,POS mobile with interest,365243.0,-280.0,-130.0,-130.0,-122.0,0.0,0,Cash loans,M,Y,Y,0,162000.0,808650.0,26217.0,675000.0,"Spouse, partner",Pensioner,Secondary / secondary special,Civil marriage,Co-op apartment,0.030755,-20242,365243,-4138.0,-2849,6.0,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,XNA,,0.6497801289821522,0.7394117535524816,0.0629,0.0,0.9771,0.6872,0.0055,0.0,0.1379,0.125,0.0417,0.0475,0.0454,0.044,0.0309,0.0248,0.0641,0.0,0.9772,0.6994,0.0056,0.0,0.1379,0.125,0.0417,0.0486,0.0496,0.0459,0.0311,0.0262,0.0635,0.0,0.9771,0.6914,0.0056,0.0,0.1379,0.125,0.0417,0.0484,0.0462,0.0448,0.0311,0.0253,reg oper account,block of flats,0.0482,"Stone, brick",No,5.0,0.0,5.0,0.0,-310.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,3.0 +1227249,280059,Consumer loans,11632.725,98100.0,98100.0,0.0,98100.0,TUESDAY,15,Y,1,0.0,,,XAP,Approved,-899,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Stone,138,Consumer electronics,10.0,middle,POS household with interest,365243.0,-866.0,-596.0,-596.0,-593.0,0.0,0,Cash loans,F,N,Y,0,72000.0,143910.0,14364.0,135000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.00702,-21901,365243,-1304.0,-5002,,1,0,0,1,1,0,,1.0,2,2,FRIDAY,10,0,0,0,0,0,0,XNA,0.8299934710527348,0.10482758938654388,0.4223696523543468,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1189.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1457762,450709,Cash loans,37500.84,882000.0,882000.0,,882000.0,MONDAY,19,Y,1,,,,XNA,Refused,-1003,Cash through the bank,LIMIT,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,36.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,157500.0,521280.0,28408.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.026392000000000002,-12009,-1912,-6160.0,-4479,,1,1,0,1,1,0,Sales staff,1.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.4745736073755878,0.6190330399599243,0.1595195404777181,0.1485,,0.9836,,,0.04,0.0345,0.3333,,,,0.1113,,0.0,0.1513,,0.9836,,,0.0403,0.0345,0.3333,,,,0.116,,0.0,0.1499,,0.9836,,,0.04,0.0345,0.3333,,,,0.1133,,0.0,,block of flats,0.0875,"Stone, brick",No,1.0,0.0,1.0,0.0,-1224.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,11.0,1.0,2.0 +2534851,346564,Cash loans,14363.19,112500.0,119925.0,,112500.0,THURSDAY,15,Y,1,,,,Urgent needs,Refused,-633,Cash through the bank,SCO,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,N,0,126000.0,522396.0,29299.5,472500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.025164,-23561,365243,-5784.0,-6229,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,12,0,0,0,0,0,0,XNA,0.7264665398899345,0.18828959549835905,0.5154953751603267,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1139.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2397324,422861,Revolving loans,4500.0,0.0,90000.0,,,WEDNESDAY,14,Y,1,,,,XAP,Approved,-1289,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-1262.0,-1219.0,365243.0,-792.0,-38.0,0.0,0,Cash loans,F,Y,Y,0,135000.0,247275.0,17586.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006670999999999999,-20011,-1109,-1297.0,-3374,12.0,1,1,1,1,1,0,Sales staff,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,Self-employed,0.8577019217271011,0.6964178879084649,0.7850520263728172,0.1608,0.1237,0.998,,,0.2,0.1724,0.3333,,0.0828,,0.1552,,0.065,0.1639,0.1283,0.998,,,0.2014,0.1724,0.3333,,0.0846,,0.1617,,0.0688,0.1624,0.1237,0.998,,,0.2,0.1724,0.3333,,0.0842,,0.1579,,0.0663,,block of flats,0.1639,"Stone, brick",No,0.0,0.0,0.0,0.0,-1325.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2638789,328459,Consumer loans,14208.84,125100.0,125100.0,0.0,125100.0,WEDNESDAY,5,Y,1,0.0,,,XAP,Refused,-149,Cash through the bank,SCO,,Repeater,Mobile,POS,XNA,Country-wide,96,Connectivity,10.0,low_normal,POS mobile without interest,,,,,,,0,Cash loans,F,N,N,1,112500.0,163008.0,10741.5,144000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.018029,-11287,-188,-5068.0,-3881,,1,1,0,1,0,0,Laborers,2.0,3,3,FRIDAY,11,0,0,0,0,0,0,Transport: type 1,,0.3608096847828225,0.4578995512067301,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-820.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2717394,352392,Consumer loans,9756.09,85896.0,85896.0,0.0,85896.0,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-282,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,40,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-246.0,24.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,112500.0,1618767.0,58275.0,1336500.0,Family,Working,Higher education,Married,House / apartment,0.035792000000000004,-18188,-5111,-6806.0,-1745,4.0,1,1,0,1,0,1,Laborers,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Hotel,0.8583383352209112,0.6436900445390453,0.7421816117614419,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-282.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,1.0,0.0,2.0 +2670814,234978,Revolving loans,4500.0,0.0,90000.0,,,FRIDAY,14,Y,1,,,,XAP,Approved,-476,XNA,XAP,,Repeater,XNA,Cards,x-sell,Regional / Local,15,Clothing,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,2,90000.0,865953.0,34470.0,774000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.025164,-13886,-2537,-718.0,-1535,2.0,1,1,0,1,1,0,Core staff,4.0,2,2,FRIDAY,10,0,0,0,0,0,0,Kindergarten,0.7975048565746172,0.6082967336657287,0.4507472818545589,0.168,0.0377,0.9985,0.9796,0.0005,0.16,0.1379,0.4167,0.4167,0.0216,0.1336,0.1548,0.0154,0.0306,0.1712,0.0391,0.9985,0.9804,0.0005,0.1611,0.1379,0.4167,0.4167,0.0221,0.146,0.1613,0.0156,0.0324,0.1697,0.0377,0.9985,0.9799,0.0005,0.16,0.1379,0.4167,0.4167,0.022,0.136,0.1576,0.0155,0.0312,reg oper account,block of flats,0.1218,Panel,No,1.0,0.0,1.0,0.0,-1888.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2735974,103113,Cash loans,18235.08,225000.0,269550.0,,225000.0,WEDNESDAY,10,Y,1,,,,XNA,Refused,-861,Cash through the bank,LIMIT,Family,Repeater,XNA,Cash,walk-in,Country-wide,36,Connectivity,36.0,high,Cash Street: high,,,,,,,1,Revolving loans,M,Y,N,4,45000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-12449,-4636,-909.0,-4717,5.0,1,1,1,1,1,0,Laborers,6.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Agriculture,,0.4994497273014801,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1097.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2222844,251647,Cash loans,,0.0,0.0,,,THURSDAY,12,Y,1,,,,XNA,Refused,-293,XNA,HC,,Repeater,XNA,XNA,XNA,AP+ (Cash loan),299,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,N,Y,0,157500.0,1051245.0,37372.5,877500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.00702,-22419,365243,-12116.0,-4554,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,XNA,,0.4451662063936159,0.21518240418475384,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-329.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1180238,211059,Consumer loans,7194.78,71955.0,64759.5,7195.5,71955.0,TUESDAY,10,Y,1,0.1089090909090909,,,XAP,Approved,-1900,XNA,XAP,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Regional / Local,260,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1869.0,-1599.0,-1599.0,-1594.0,0.0,0,Cash loans,M,Y,Y,0,270000.0,1258650.0,53455.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010032,-15186,-4089,-2965.0,-511,12.0,1,1,0,1,0,0,Medicine staff,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,Other,0.2929823446225418,0.5743163897605512,0.5656079814115492,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-501.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1604192,216561,Consumer loans,7195.05,78566.715,78565.5,1.215,78566.715,MONDAY,11,Y,1,1.6842316170982254e-05,,,XAP,Approved,-511,Cash through the bank,XAP,,Refreshed,Consumer Electronics,POS,XNA,Regional / Local,140,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-479.0,-149.0,-179.0,-176.0,0.0,0,Cash loans,F,N,Y,1,337500.0,1831887.0,69903.0,1710000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-15010,-4630,-4728.0,-4951,,1,1,0,1,0,0,Laborers,3.0,2,2,MONDAY,14,0,0,0,0,0,0,Self-employed,0.499364165117572,0.6989270405209734,0.25670557243930026,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-2813.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,4.0 +1101131,132016,Consumer loans,11638.62,116955.0,116374.5,11695.5,116955.0,WEDNESDAY,18,Y,1,0.0994570369897144,,,XAP,Approved,-209,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Regional / Local,1,Consumer electronics,12.0,middle,POS household with interest,365243.0,-179.0,151.0,-119.0,-114.0,1.0,0,Cash loans,F,Y,Y,0,247500.0,1133748.0,36702.0,990000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.0060079999999999995,-17838,-4196,-1161.0,-1351,1.0,1,1,0,1,0,0,Accountants,2.0,2,2,TUESDAY,13,0,0,0,0,1,1,Industry: type 9,,0.7240129605103759,0.2314393514998941,0.1113,,0.9985,0.9796,,0.16,0.1034,0.3333,0.375,,,0.1815,,0.1201,0.1134,,0.9985,0.9804,,0.1611,0.1034,0.3333,0.375,,,0.1891,,0.1272,0.1124,,0.9985,0.9799,,0.16,0.1034,0.3333,0.375,,,0.1848,,0.1226,,block of flats,0.1689,"Stone, brick",No,0.0,0.0,0.0,0.0,-209.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,4.0,0.0,2.0 +1112422,119759,Consumer loans,4025.925,22500.0,22500.0,0.0,22500.0,MONDAY,16,Y,1,0.0,,,XAP,Approved,-134,Cash through the bank,XAP,,Repeater,Direct Sales,POS,XNA,Stone,55,MLM partners,6.0,low_normal,POS other with interest,365243.0,-103.0,47.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,Y,0,157500.0,247500.0,12375.0,247500.0,Family,Commercial associate,Higher education,Married,House / apartment,0.019688999999999998,-19984,-13189,-13935.0,-3505,,1,1,0,1,0,0,High skill tech staff,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Business Entity Type 2,,0.6078850328851987,0.6092756673894402,0.0602,0.0321,0.9762,0.7008,0.02,0.0352,0.0997,0.1908,0.215,0.0364,0.0526,0.0516,0.0035,0.0222,0.0084,0.0,0.9732,0.6472,0.0,0.0,0.069,0.1667,0.375,0.0,0.0147,0.07,0.0,0.0,0.051,0.0171,0.9742,0.6847,0.0128,0.0,0.069,0.1667,0.1875,0.0232,0.0504,0.0439,0.0,0.0,reg oper account,block of flats,0.0528,"Stone, brick",No,0.0,0.0,0.0,0.0,-756.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2117043,105898,Consumer loans,4419.72,33070.5,36346.5,0.0,33070.5,FRIDAY,11,Y,1,0.0,,,XAP,Approved,-2216,Cash through the bank,XAP,Unaccompanied,Repeater,Photo / Cinema Equipment,POS,XNA,Stone,140,Consumer electronics,12.0,high,POS household with interest,365243.0,-2185.0,-1855.0,-1855.0,-1850.0,0.0,0,Cash loans,M,N,N,0,135000.0,225000.0,16303.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Separated,With parents,0.01885,-12532,-1572,-5151.0,-1713,,1,1,1,1,0,0,Cleaning staff,1.0,2,2,TUESDAY,9,0,1,1,0,1,1,Business Entity Type 3,,0.2529003273335212,0.7557400501752248,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1790.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1990695,224401,Cash loans,10648.575,157500.0,157500.0,0.0,157500.0,TUESDAY,17,Y,1,0.0,,,XNA,Refused,-2315,XNA,LIMIT,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,24.0,high,Cash Street: high,,,,,,,0,Cash loans,F,Y,N,0,337500.0,454500.0,19255.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.072508,-18121,-2700,-6669.0,-1584,14.0,1,1,1,1,1,0,Managers,2.0,1,1,SATURDAY,19,0,0,0,0,0,0,Self-employed,,0.7641179169658966,0.7121551551910698,0.1314,0.0728,0.9886,0.8436,0.049,0.2264,0.0976,0.5417,0.5833,0.0,0.1063,0.1557,0.0039,0.0055,0.1166,0.0448,0.9886,0.8497,0.0009,0.1611,0.069,0.5417,0.5833,0.0,0.101,0.1018,0.0039,0.0,0.126,0.0632,0.9886,0.8457,0.033,0.2,0.0862,0.5417,0.5833,0.0,0.1026,0.1406,0.0039,0.0028,org spec account,block of flats,0.241,Panel,No,0.0,0.0,0.0,0.0,-2315.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,4.0,2.0,1.0 +2300077,395870,Consumer loans,5707.17,31140.0,27990.0,3150.0,31140.0,SUNDAY,12,Y,1,0.11016815554387804,,,XAP,Approved,-1766,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Regional / Local,133,Consumer electronics,6.0,high,POS household with interest,365243.0,-1735.0,-1585.0,-1615.0,-1612.0,0.0,0,Cash loans,M,N,Y,1,270000.0,1683000.0,62500.5,1683000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.032561,-16605,-4068,-9211.0,-166,,1,1,0,1,1,1,Managers,3.0,1,1,TUESDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.7687891241583478,0.18664412154390572,0.18848953379516772,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1675.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1759119,328731,Consumer loans,16245.09,82651.5,87016.5,0.0,82651.5,MONDAY,13,Y,1,0.0,,,XAP,Refused,-182,Cash through the bank,HC,Unaccompanied,Repeater,Jewelry,POS,XNA,Country-wide,70,Jewelry,6.0,middle,POS others without interest,,,,,,,0,Cash loans,F,Y,Y,2,121500.0,545040.0,26640.0,450000.0,Unaccompanied,State servant,Incomplete higher,Married,With parents,0.002042,-10943,-490,-3940.0,-3357,64.0,1,1,0,1,0,0,Managers,4.0,3,3,MONDAY,9,0,0,0,0,0,0,Postal,0.3166840510685245,0.21759295419059765,0.33285056416487313,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-500.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1045248,439190,Cash loans,10814.67,247500.0,301077.0,,247500.0,WEDNESDAY,12,Y,1,,,,XNA,Refused,-309,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,N,0,144000.0,675000.0,32472.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Rented apartment,0.020713,-15264,-671,-1188.0,-1213,12.0,1,1,1,1,0,0,Sales staff,2.0,3,2,TUESDAY,12,0,0,0,0,0,0,Self-employed,,0.5592134666067347,0.3723336657058204,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-886.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1219555,358011,Consumer loans,8351.775,73395.0,71505.0,7339.5,73395.0,WEDNESDAY,10,Y,1,0.10138161478952533,,,XAP,Approved,-2337,Cash through the bank,XAP,Family,New,Sport and Leisure,POS,XNA,Regional / Local,14,Consumer electronics,10.0,middle,POS household with interest,365243.0,-2306.0,-2036.0,-2036.0,-2018.0,1.0,0,Cash loans,F,Y,N,1,180000.0,1089931.5,36018.0,976500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0038179999999999998,-14479,-3820,-4045.0,-4673,6.0,1,1,1,1,1,0,,3.0,2,2,MONDAY,7,0,0,0,0,0,0,Business Entity Type 3,0.5072330353701244,0.12850805620326572,0.4920600938649263,0.0021,,0.9881,,,,,0.0,,0.0162,,0.0015,,,0.0021,,0.9881,,,,,0.0,,0.0166,,0.0016,,,0.0021,,0.9881,,,,,0.0,,0.0165,,0.0016,,,,block of flats,0.0018,Wooden,No,0.0,0.0,0.0,0.0,-7.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2713993,256042,Consumer loans,3676.905,31675.5,18175.5,13500.0,31675.5,SUNDAY,7,Y,1,0.4641671725064251,,,XAP,Approved,-2120,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,43,Connectivity,6.0,high,POS mobile with interest,365243.0,-2085.0,-1935.0,-1935.0,-1931.0,0.0,1,Cash loans,F,N,N,1,103500.0,1096020.0,59589.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018029,-14601,-2991,-716.0,-428,,1,1,0,1,0,0,Managers,3.0,3,3,SATURDAY,6,0,0,0,0,0,0,Business Entity Type 3,,0.09374771790034414,0.2250868621163805,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2120.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1939030,303459,Revolving loans,22500.0,450000.0,450000.0,,450000.0,MONDAY,9,Y,1,,,,XAP,Refused,-425,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,Y,N,0,135000.0,545040.0,25407.0,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.018209,-12124,-667,-6162.0,-3861,12.0,1,1,1,1,1,0,,2.0,3,3,FRIDAY,13,0,1,1,0,1,1,Hotel,0.2798997306843377,0.05285494163769285,0.5190973382084597,0.0742,0.0464,0.9871,0.8232,0.0,0.08,0.069,0.3333,0.0417,0.062,0.0605,0.0773,0.0,0.0,0.0756,0.0481,0.9871,0.8301,0.0,0.0806,0.069,0.3333,0.0417,0.0634,0.0661,0.0805,0.0,0.0,0.0749,0.0464,0.9871,0.8256,0.0,0.08,0.069,0.3333,0.0417,0.0631,0.0616,0.0787,0.0,0.0,reg oper account,block of flats,0.0608,Panel,No,1.0,0.0,1.0,0.0,-425.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1381927,451458,Consumer loans,3210.39,24709.14,24066.0,2479.14,24709.14,FRIDAY,19,Y,1,0.10171386688349113,,,XAP,Approved,-2469,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,1405,Consumer electronics,10.0,high,POS household with interest,365243.0,-2438.0,-2168.0,-2168.0,-2138.0,1.0,0,Cash loans,M,Y,Y,1,225000.0,270000.0,11893.5,270000.0,Unaccompanied,State servant,Incomplete higher,Married,House / apartment,0.035792000000000004,-11703,-1795,-1749.0,-2969,15.0,1,1,0,1,0,0,Managers,3.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Military,0.3865672459001976,0.6194764474533561,0.3108182544189319,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-2628.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1602440,438985,Cash loans,26676.855,112500.0,130918.5,,112500.0,SUNDAY,12,Y,1,,,,XNA,Approved,-676,Cash through the bank,XAP,"Spouse, partner",New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,365243.0,-646.0,-496.0,-496.0,-487.0,1.0,0,Cash loans,M,N,N,0,157500.0,310671.0,14481.0,256500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.072508,-11066,-963,-5693.0,-3324,,1,1,0,1,1,0,Laborers,1.0,1,1,THURSDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.30913943157956203,0.7051888078008892,,0.1222,0.0841,0.9786,0.728,0.0,0.12,0.0862,0.4792,0.0417,0.0559,0.079,0.145,0.0,0.0392,0.0987,0.0773,0.9772,0.7387,0.0,0.0806,0.0345,0.3333,0.0417,0.0,0.0863,0.14800000000000002,0.0,0.0,0.1233,0.0841,0.9786,0.7316,0.0,0.12,0.0862,0.4792,0.0417,0.0569,0.0804,0.1476,0.0,0.04,reg oper account,terraced house,0.1117,"Stone, brick",No,0.0,0.0,0.0,0.0,-676.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2322021,121048,Revolving loans,6750.0,135000.0,135000.0,,135000.0,FRIDAY,14,Y,1,,,,XAP,Refused,-486,XNA,LIMIT,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,Y,Y,1,225000.0,163008.0,17685.0,144000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.031329,-10190,-716,-5025.0,-2848,13.0,1,1,0,1,0,0,Laborers,3.0,2,2,MONDAY,15,0,0,0,0,0,0,Business Entity Type 2,0.3857416937188548,0.5684790523905501,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,2.0,4.0,1.0,-486.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2032192,108202,Revolving loans,6750.0,0.0,135000.0,,,MONDAY,8,Y,1,,,,XAP,Approved,-1121,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-1075.0,-1040.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,99000.0,373311.0,15943.5,283500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.020713,-22416,365243,-210.0,-4109,,1,0,0,1,0,0,,2.0,3,3,TUESDAY,6,0,0,0,0,0,0,XNA,,0.2782987484092134,0.6658549219640212,0.0082,0.0,0.9732,,,0.0,0.069,0.0417,,0.0543,,0.0067,,0.0,0.0084,0.0,0.9732,,,0.0,0.069,0.0417,,0.0556,,0.0069,,0.0,0.0083,0.0,0.9732,,,0.0,0.069,0.0417,,0.0553,,0.0068,,0.0,,block of flats,0.0052,Wooden,No,1.0,1.0,1.0,1.0,-1630.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2573238,143252,Consumer loans,6818.805,37755.0,33975.0,3780.0,37755.0,WEDNESDAY,10,Y,1,0.1090388991223318,,,XAP,Refused,-2873,Cash through the bank,SCO,,Repeater,XNA,POS,XNA,Stone,15,Connectivity,6.0,high,POS mobile with interest,,,,,,,0,Cash loans,M,N,Y,0,180000.0,450000.0,48595.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.028663,-19136,-5400,-13270.0,-2682,,1,1,0,1,0,0,,1.0,2,2,SATURDAY,9,0,0,0,0,0,0,Business Entity Type 2,,0.07911187887965275,,0.0825,0.08,0.9762,,,0.0,0.1379,0.1667,,,,0.0481,,0.0,0.084,0.083,0.9762,,,0.0,0.1379,0.1667,,,,0.0501,,0.0,0.0833,0.08,0.9762,,,0.0,0.1379,0.1667,,,,0.049,,0.0,,block of flats,0.0737,Mixed,No,3.0,0.0,3.0,0.0,-170.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2636205,229821,Consumer loans,15464.25,109800.0,76860.0,32940.0,109800.0,TUESDAY,16,Y,1,0.3267272727272727,,,XAP,Approved,-1331,Cash through the bank,XAP,Unaccompanied,Repeater,Auto Accessories,POS,XNA,Stone,25,Consumer electronics,6.0,high,POS household with interest,365243.0,-1300.0,-1150.0,-1210.0,-1207.0,0.0,0,Cash loans,M,Y,Y,2,202500.0,454500.0,23206.5,454500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.0031219999999999998,-16481,-1433,-9021.0,-13,2.0,1,1,0,1,0,0,Laborers,4.0,3,3,WEDNESDAY,9,1,1,0,1,1,0,Business Entity Type 3,,0.3960974619302415,0.5971924268337128,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,3.0,3.0,2.0,-707.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1540317,414736,Consumer loans,11592.81,306688.5,306688.5,0.0,306688.5,TUESDAY,11,Y,1,0.0,,,XAP,Approved,-1020,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,3063,Consumer electronics,36.0,low_normal,POS household with interest,365243.0,-989.0,61.0,-209.0,-203.0,0.0,0,Cash loans,F,N,Y,0,94500.0,101880.0,10053.0,90000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006207,-21930,-3143,-5283.0,-4286,,1,1,1,1,0,0,Medicine staff,2.0,2,2,SUNDAY,10,0,0,0,0,0,0,Medicine,,0.25292098638825883,0.6496203111237195,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1892.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2007910,438171,Consumer loans,3244.86,25866.0,32197.5,0.0,25866.0,SATURDAY,14,Y,1,0.0,,,XAP,Approved,-384,Cash through the bank,XAP,,Refreshed,Consumer Electronics,POS,XNA,Country-wide,3063,Consumer electronics,12.0,middle,POS household with interest,365243.0,-353.0,-23.0,-23.0,-19.0,0.0,0,Cash loans,F,N,Y,1,202500.0,1288350.0,37800.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006207,-14585,-5176,-6149.0,-4826,,1,1,0,1,0,0,Medicine staff,3.0,2,2,FRIDAY,14,0,0,0,0,1,1,Medicine,0.44827190404920775,0.538179288199501,0.25946765482111994,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2003340,391360,Consumer loans,8204.67,42525.0,39906.0,4500.0,42525.0,SATURDAY,9,Y,1,0.11036592106717764,,,XAP,Approved,-1367,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Stone,31,Consumer electronics,6.0,high,POS household with interest,365243.0,-1332.0,-1182.0,-1182.0,-1176.0,0.0,0,Revolving loans,F,N,N,0,135000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Municipal apartment,0.018029,-20373,-2473,-3806.0,-3828,,1,1,1,1,0,0,,1.0,3,3,MONDAY,7,0,0,0,0,1,1,Medicine,,0.4342840204294891,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1367.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1458409,279660,Cash loans,13129.245,162000.0,194076.0,,162000.0,TUESDAY,7,Y,1,,,,Repairs,Refused,-545,Cash through the bank,LIMIT,,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),5,XNA,36.0,high,Cash Street: high,,,,,,,1,Cash loans,F,N,N,0,49500.0,284400.0,13963.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.018801,-21277,365243,-11421.0,-4554,,1,0,0,1,1,0,,1.0,2,2,FRIDAY,17,0,0,0,0,0,0,XNA,,0.31719044049342565,0.0938365970374978,0.0165,0.0711,0.9841,0.7824,0.0,0.0,0.069,0.0417,0.0417,,0.0134,0.014,0.0,0.0,0.0168,0.0738,0.9841,0.7909,0.0,0.0,0.069,0.0417,0.0417,,0.0147,0.0146,0.0,0.0,0.0167,0.0711,0.9841,0.7853,0.0,0.0,0.069,0.0417,0.0417,,0.0137,0.0142,0.0,0.0,reg oper account,block of flats,0.0122,"Stone, brick",No,3.0,1.0,3.0,1.0,-620.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1430292,425238,Consumer loans,4131.63,24439.5,26050.5,0.0,24439.5,SATURDAY,10,Y,1,0.0,,,XAP,Approved,-2538,Cash through the bank,XAP,Family,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,42,Connectivity,8.0,high,POS mobile with interest,365243.0,-2507.0,-2297.0,-2297.0,-2292.0,1.0,0,Cash loans,F,Y,Y,0,135000.0,339241.5,16627.5,238500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-11134,-2559,-924.0,-3190,11.0,1,1,0,1,0,0,Medicine staff,2.0,2,2,WEDNESDAY,8,0,0,0,1,1,0,Medicine,0.12392791144563894,0.16040532147836672,0.4170996682522097,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2168.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,5.0,3.0,0.0 +2428889,174498,Cash loans,18235.08,225000.0,269550.0,,225000.0,WEDNESDAY,6,Y,1,,,,Payments on other loans,Approved,-590,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,high,Cash Street: high,365243.0,-560.0,490.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,47304.0,446931.0,16978.5,369000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,With parents,0.002134,-19957,365243,-227.0,-2478,,1,0,0,1,0,0,,2.0,3,3,FRIDAY,7,0,0,0,0,0,0,XNA,,0.010446280126888993,0.13094715293601816,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,1.0,5.0,0.0,-590.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1306401,169604,Cash loans,8903.88,135000.0,152820.0,,135000.0,SATURDAY,15,Y,1,,,,XNA,Approved,-132,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-102.0,588.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,90000.0,269550.0,16285.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.010643000000000001,-15029,-7798,-9149.0,-4515,,1,1,1,1,0,0,Core staff,2.0,2,2,THURSDAY,18,0,0,0,0,0,0,Kindergarten,,0.576335971969047,0.5172965813614878,0.0495,0.0833,0.9732,0.6328,0.0089,0.0,0.1034,0.1667,0.2083,0.0186,0.0328,0.0332,0.0347,0.0594,0.0504,0.0864,0.9732,0.6472,0.0089,0.0,0.1034,0.1667,0.2083,0.019,0.0358,0.0346,0.035,0.0629,0.05,0.0833,0.9732,0.6377,0.0089,0.0,0.1034,0.1667,0.2083,0.0189,0.0333,0.0338,0.0349,0.0607,reg oper spec account,block of flats,0.0439,"Stone, brick",No,0.0,0.0,0.0,0.0,-132.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1661288,207804,Consumer loans,13070.385,37057.5,38034.0,0.0,37057.5,THURSDAY,11,Y,1,0.0,,,XAP,Approved,-489,Cash through the bank,XAP,,Repeater,Construction Materials,POS,XNA,Stone,89,Construction,3.0,low_action,POS industry without interest,365243.0,-458.0,-398.0,-398.0,-395.0,0.0,0,Cash loans,F,N,Y,0,90000.0,505066.5,28201.5,468000.0,"Spouse, partner",Commercial associate,Lower secondary,Married,House / apartment,0.031329,-14391,-6107,-7418.0,-4499,,1,1,1,1,1,0,Laborers,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Business Entity Type 1,,0.4945133405969258,0.7934490301648944,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1434.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,3.0 +2130531,133070,Consumer loans,6782.265,66375.0,65529.0,6750.0,66375.0,FRIDAY,15,Y,1,0.10170815363194886,,,XAP,Approved,-2071,XNA,XAP,Other_B,New,Computers,POS,XNA,Stone,3,Consumer electronics,12.0,middle,POS household with interest,365243.0,-2036.0,-1706.0,-1706.0,-1698.0,0.0,0,Cash loans,F,Y,Y,1,103500.0,1042560.0,58347.0,900000.0,"Spouse, partner",Working,Higher education,Married,House / apartment,0.004849,-10517,-937,-475.0,-822,3.0,1,1,0,1,0,0,Accountants,3.0,2,2,THURSDAY,15,0,0,0,0,0,0,Transport: type 4,0.5032888604928183,0.3778091692600722,0.6738300778602003,0.1108,0.1149,0.997,,,0.0,0.1379,0.1667,,0.0816,,0.08800000000000001,,0.0009,0.0788,0.0925,0.997,,,0.0,0.1034,0.1667,,0.0659,,0.0696,,0.0008,0.1119,0.1149,0.997,,,0.0,0.1379,0.1667,,0.083,,0.0895,,0.0009,reg oper spec account,block of flats,0.0601,Panel,No,1.0,0.0,1.0,0.0,-2071.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2599052,275591,Consumer loans,12935.25,88416.0,89455.5,4500.0,88416.0,FRIDAY,10,Y,1,0.0521620244787063,,,XAP,Approved,-1381,XNA,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,1500,Consumer electronics,8.0,middle,POS household with interest,365243.0,-1350.0,-1140.0,-1230.0,-1225.0,0.0,0,Cash loans,F,N,N,0,99000.0,450000.0,21888.0,450000.0,Family,Working,Secondary / secondary special,Married,With parents,0.022625,-9595,-2991,-1395.0,-2201,,1,1,0,1,0,0,Accountants,2.0,2,2,SUNDAY,9,0,0,0,0,0,0,Transport: type 2,0.6507102435051982,0.6265434362086529,0.3962195720630885,0.0835,0.0643,0.9732,0.6328,0.0313,0.0,0.1034,0.125,0.1667,0.0201,0.0672,0.0654,0.0039,0.0,0.0851,0.0667,0.9732,0.6472,0.0315,0.0,0.1034,0.125,0.1667,0.0205,0.0735,0.0682,0.0039,0.0,0.0843,0.0643,0.9732,0.6377,0.0315,0.0,0.1034,0.125,0.1667,0.0204,0.0684,0.0666,0.0039,0.0,reg oper account,block of flats,0.0685,Block,No,4.0,0.0,4.0,0.0,-415.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1134032,415285,Consumer loans,4435.875,54360.0,35487.0,21744.0,54360.0,SATURDAY,13,Y,1,0.4137826130466482,,,XAP,Approved,-889,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,150,Furniture,10.0,high,POS industry with interest,365243.0,-857.0,-587.0,-587.0,-579.0,0.0,0,Cash loans,F,N,Y,0,118350.0,634360.5,25285.5,567000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.031329,-20669,-1165,-1961.0,-3810,,1,1,0,1,0,0,Sales staff,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.692948632312379,0.5602843280409464,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1778.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2174330,161365,Consumer loans,11012.895,101745.0,99126.0,10174.5,101745.0,SATURDAY,9,Y,1,0.101380647431123,,,XAP,Approved,-2691,XNA,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Country-wide,47,Furniture,10.0,low_normal,POS industry without interest,365243.0,-2660.0,-2390.0,-2480.0,-2473.0,1.0,0,Cash loans,F,N,Y,0,40500.0,104256.0,11074.5,90000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-20345,365243,-10317.0,-3536,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,8,0,0,0,0,0,0,XNA,0.7767680574962534,0.14619369151283745,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,3.0,7.0,2.0,-274.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1165393,306619,Revolving loans,6750.0,0.0,135000.0,,,WEDNESDAY,6,Y,1,,,,XAP,Approved,-2319,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,2089,Consumer electronics,0.0,XNA,Card X-Sell,-2319.0,-2277.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,292500.0,257391.0,29241.0,238500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.020246,-19640,-1395,-9520.0,-3161,,1,1,0,1,0,1,High skill tech staff,2.0,3,3,FRIDAY,5,0,0,0,0,0,0,Business Entity Type 3,,0.2373502208289825,0.10278201441992896,0.0876,0.0808,0.9801,0.728,0.0056,0.04,0.1466,0.2188,0.2604,0.1775,0.0714,0.0938,0.0,0.0,0.063,0.0311,0.9727,0.6406,0.0,0.0,0.1379,0.1667,0.2083,0.2073,0.0551,0.0587,0.0,0.0,0.0729,0.0853,0.9786,0.7115,0.0,0.0,0.1379,0.1667,0.2083,0.2062,0.0599,0.0751,0.0,0.0,reg oper account,block of flats,0.0443,"Stone, brick",No,0.0,0.0,0.0,0.0,-1732.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,3.0 +2206690,211702,Consumer loans,3973.095,16155.0,13945.5,2655.0,16155.0,WEDNESDAY,17,Y,1,0.17418369107173656,,,XAP,Approved,-2568,Cash through the bank,XAP,Children,Repeater,Consumer Electronics,POS,XNA,Stone,1918,Consumer electronics,4.0,low_normal,POS household with interest,365243.0,-2537.0,-2447.0,-2447.0,-2438.0,1.0,0,Cash loans,M,Y,Y,0,144000.0,379008.0,37485.0,360000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-22640,365243,-12124.0,-4488,11.0,1,0,0,1,0,0,,2.0,2,2,TUESDAY,7,0,0,0,0,0,0,XNA,,0.6641343311138171,0.7194907850918436,0.0619,0.0647,0.9836,0.7756,,0.0,0.1379,0.1667,0.2083,0.0278,0.0504,0.0637,0.0,0.0,0.063,0.0672,0.9836,0.7844,,0.0,0.1379,0.1667,0.2083,0.0284,0.0551,0.0664,0.0,0.0,0.0625,0.0647,0.9836,0.7786,,0.0,0.1379,0.1667,0.2083,0.0282,0.0513,0.0648,0.0,0.0,reg oper account,block of flats,0.0655,Panel,No,0.0,0.0,0.0,0.0,-2568.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2793654,376400,Consumer loans,23138.865,130950.0,130950.0,0.0,130950.0,THURSDAY,11,Y,1,0.0,,,XAP,Approved,-1174,Cash through the bank,XAP,"Spouse, partner",New,Clothing and Accessories,POS,XNA,Stone,50,Clothing,6.0,low_normal,POS industry with interest,365243.0,-1142.0,-992.0,-992.0,-975.0,0.0,1,Cash loans,F,N,Y,0,184500.0,1288350.0,37800.0,1125000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.010147,-20950,365243,-9209.0,-4290,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,XNA,,0.6269475690142163,0.6127042441012546,0.1113,0.0599,0.9876,,,0.12,0.1034,0.3333,,0.0477,,0.1168,,0.0728,0.1134,0.0622,0.9876,,,0.1208,0.1034,0.3333,,0.0487,,0.1217,,0.0771,0.1124,0.0599,0.9876,,,0.12,0.1034,0.3333,,0.0485,,0.1189,,0.0743,,block of flats,0.0919,Panel,No,2.0,0.0,1.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2645716,182927,Consumer loans,3841.65,23053.5,21667.5,1386.0,23053.5,SATURDAY,12,Y,1,0.06547725941830959,,,XAP,Approved,-2818,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Stone,100,Consumer electronics,6.0,low_normal,POS household without interest,365243.0,-2782.0,-2632.0,-2632.0,-2558.0,0.0,0,Revolving loans,F,N,Y,1,90000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.031329,-16477,-657,-3674.0,-6,,1,1,1,1,1,0,Accountants,2.0,2,2,WEDNESDAY,10,0,0,0,0,1,1,Government,0.6493770358205766,0.6270293971311535,,0.0186,0.038,0.9846,0.7892,0.0022,0.0,0.1034,0.0417,0.0417,0.0156,0.0151,0.017,0.0,0.0,0.0189,0.0394,0.9846,0.7975,0.0022,0.0,0.1034,0.0417,0.0417,0.016,0.0165,0.0177,0.0,0.0,0.0187,0.038,0.9846,0.792,0.0022,0.0,0.1034,0.0417,0.0417,0.0159,0.0154,0.0173,0.0,0.0,reg oper account,block of flats,0.0145,Panel,No,1.0,0.0,1.0,0.0,-2818.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1061173,241753,Cash loans,17367.3,360000.0,409896.0,,360000.0,SATURDAY,12,Y,1,,,,XNA,Approved,-461,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-431.0,619.0,-281.0,-278.0,1.0,0,Cash loans,F,N,Y,0,135000.0,578979.0,23089.5,517500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.020246,-22855,365243,-5895.0,-4238,,1,0,0,1,0,0,,1.0,3,3,FRIDAY,10,0,0,0,0,0,0,XNA,,0.7645197080793688,0.722392890081304,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-1785.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1331896,208560,Cash loans,26136.0,337500.0,337500.0,,337500.0,FRIDAY,16,Y,1,,,,XNA,Approved,-1368,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,AP+ (Cash loan),-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-1338.0,-828.0,-1008.0,-1002.0,0.0,0,Cash loans,F,N,Y,0,135000.0,450000.0,32877.0,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.026392000000000002,-10953,-2361,-10915.0,-1706,,1,1,0,1,0,1,Accountants,2.0,2,2,MONDAY,17,0,0,0,0,0,0,Business Entity Type 3,,0.5355096245834279,0.5567274263630174,0.2299,0.1957,0.9816,,,0.0,0.5172,0.1667,,0.2037,,0.2065,,0.0004,0.2342,0.2031,0.9816,,,0.0,0.5172,0.1667,,0.2083,,0.2152,,0.0005,0.2321,0.1957,0.9816,,,0.0,0.5172,0.1667,,0.2072,,0.2102,,0.0004,,block of flats,0.1856,Panel,No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,3.0 +2407988,424449,Cash loans,37633.05,360000.0,376632.0,,360000.0,MONDAY,9,Y,1,,,,XNA,Approved,-885,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-855.0,-525.0,-585.0,-578.0,1.0,0,Cash loans,F,N,Y,0,121500.0,824823.0,24246.0,688500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-21103,-1490,-13279.0,-4316,,1,1,0,1,0,0,Sales staff,2.0,3,3,THURSDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.4989959760945157,,0.0495,0.0336,0.9816,,,0.0,0.1379,0.1667,,0.0509,,0.0433,,0.0748,0.0504,0.0349,0.9816,,,0.0,0.1379,0.1667,,0.052000000000000005,,0.0451,,0.0792,0.05,0.0336,0.9816,,,0.0,0.1379,0.1667,,0.0518,,0.044,,0.0763,,block of flats,0.055,Panel,No,0.0,0.0,0.0,0.0,-2323.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2778080,380097,Consumer loans,24413.445,556605.0,528772.5,27832.5,556605.0,WEDNESDAY,12,Y,1,0.05445894795640127,,,XAP,Refused,-672,Cash through the bank,LIMIT,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,4500,Consumer electronics,36.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,225000.0,971280.0,51876.0,900000.0,Group of people,Commercial associate,Secondary / secondary special,Married,House / apartment,0.007305,-18814,-2276,-58.0,-2319,,1,1,0,1,0,0,Sales staff,2.0,3,3,WEDNESDAY,9,0,0,0,0,0,0,Trade: type 3,0.686765216127481,0.7354917519731662,0.6832688314232291,0.168,0.1156,0.9975,0.966,0.0692,0.24,0.1034,0.5417,0.5833,0.0216,0.13699999999999998,0.1663,0.0,0.0,0.1712,0.12,0.9975,0.9673,0.0698,0.2417,0.1034,0.5417,0.5833,0.0221,0.1497,0.1733,0.0,0.0,0.1697,0.1156,0.9975,0.9665,0.0696,0.24,0.1034,0.5417,0.5833,0.022,0.1394,0.1693,0.0,0.0,not specified,block of flats,0.1836,"Stone, brick",No,0.0,0.0,0.0,0.0,-672.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1420698,352019,Cash loans,42909.66,1170000.0,1288917.0,,1170000.0,TUESDAY,10,Y,1,,,,XNA,Approved,-888,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,42.0,low_action,Cash X-Sell: low,365243.0,-858.0,372.0,365243.0,365243.0,1.0,1,Cash loans,M,Y,Y,0,225000.0,268659.0,17298.0,243000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.022625,-18191,-1281,-8413.0,-1703,9.0,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.6729491467782778,0.5040254317167355,0.6075573001388961,0.2907,0.229,0.9886,0.8436,0.133,0.08,0.069,0.3333,0.375,0.1477,0.237,0.1946,0.0,0.0109,0.2962,0.2377,0.9886,0.8497,0.1342,0.0806,0.069,0.3333,0.375,0.151,0.259,0.2028,0.0,0.0115,0.2935,0.229,0.9886,0.8457,0.1338,0.08,0.069,0.3333,0.375,0.1502,0.2411,0.1981,0.0,0.0111,not specified,block of flats,0.2282,"Stone, brick",No,2.0,0.0,2.0,0.0,-1347.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1782433,240812,Cash loans,29653.92,328500.0,355819.5,0.0,328500.0,TUESDAY,9,Y,1,0.0,,,XNA,Approved,-2123,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,18.0,high,Cash Street: high,365243.0,-2093.0,-1583.0,-1583.0,-1572.0,1.0,0,Cash loans,F,Y,Y,1,315000.0,401386.5,27283.5,346500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.025164,-16710,-3092,-3335.0,-258,3.0,1,1,0,1,0,0,Managers,3.0,2,2,THURSDAY,8,0,0,0,0,0,0,Business Entity Type 3,0.7607368021205771,0.5571426035671366,0.3296550543128238,0.0639,0.0584,0.9747,0.6532,0.0182,0.0,0.1034,0.1667,0.2083,0.0105,0.0488,0.0497,0.0154,0.0146,0.0651,0.0606,0.9747,0.6668,0.0183,0.0,0.1034,0.1667,0.2083,0.0107,0.0533,0.0518,0.0156,0.0155,0.0645,0.0584,0.9747,0.6578,0.0183,0.0,0.1034,0.1667,0.2083,0.0107,0.0496,0.0506,0.0155,0.0149,,block of flats,0.0522,Block,No,0.0,0.0,0.0,0.0,-579.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1815242,154079,Consumer loans,2658.915,46917.0,32841.0,14076.0,46917.0,SATURDAY,13,Y,1,0.3267481645536508,,,XAP,Approved,-969,XNA,XAP,Unaccompanied,Repeater,Jewelry,POS,XNA,Stone,10,Industry,18.0,middle,POS industry with interest,365243.0,-938.0,-428.0,-428.0,-422.0,0.0,0,Cash loans,M,N,Y,1,135000.0,450000.0,21109.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,Office apartment,0.028663,-12803,-1404,-6836.0,-3958,,1,1,0,1,0,0,Low-skill Laborers,3.0,2,2,TUESDAY,13,0,0,0,0,0,0,Transport: type 4,,0.5502907023341835,0.25396280933631177,0.1031,,0.9771,,,0.0,0.2069,0.1667,,,,,,0.0,0.105,,0.9772,,,0.0,0.2069,0.1667,,,,,,0.0,0.1041,,0.9771,,,0.0,0.2069,0.1667,,,,,,0.0,,,0.1108,,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2249158,385021,Consumer loans,3063.96,43605.0,23089.5,22275.0,43605.0,MONDAY,11,Y,1,0.5347683761531593,,,XAP,Approved,-2088,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Stone,130,Consumer electronics,10.0,high,POS household with interest,365243.0,-2057.0,-1787.0,-1787.0,-1774.0,0.0,0,Cash loans,M,Y,Y,0,180000.0,269982.0,28480.5,238500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.020713,-17031,-1694,-8184.0,-559,14.0,1,1,0,1,0,0,Core staff,2.0,3,3,WEDNESDAY,11,0,0,0,0,0,0,School,,0.4005941387381219,0.6738300778602003,,,0.9786,,,,,,,,,0.0874,,,,,0.9786,,,,,,,,,0.091,,,,,0.9786,,,,,,,,,0.0889,,,,,0.0687,,No,0.0,0.0,0.0,0.0,-1127.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1158084,424351,Consumer loans,13228.65,107955.0,118642.5,0.0,107955.0,WEDNESDAY,15,Y,1,0.0,,,XAP,Approved,-1526,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Stone,600,Consumer electronics,12.0,high,POS household with interest,365243.0,-1495.0,-1165.0,-1165.0,-1158.0,0.0,0,Cash loans,F,N,Y,0,202500.0,358344.0,23031.0,283500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-8745,-1772,-2799.0,-1429,,1,1,0,1,0,1,Laborers,2.0,2,2,WEDNESDAY,15,1,1,0,1,1,0,Business Entity Type 1,0.1990802590478155,0.3795996845736501,0.3490552510751822,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1526.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1214595,214746,Cash loans,13738.545,135000.0,148365.0,,135000.0,SATURDAY,11,Y,1,,,,Other,Approved,-639,Cash through the bank,XAP,,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,365243.0,-609.0,-99.0,-99.0,-92.0,1.0,0,Cash loans,F,N,Y,1,76500.0,640080.0,31261.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.030755,-15299,-8347,-7101.0,-4034,,1,1,0,1,0,0,,2.0,2,2,MONDAY,11,0,0,0,0,0,0,Industry: type 5,0.4123800754152941,0.3527554672203646,,0.0155,0.021,0.9727,0.626,,0.0,0.069,0.0417,0.0833,0.0107,,0.0122,,0.0,0.0158,0.0218,0.9727,0.6406,,0.0,0.069,0.0417,0.0833,0.0109,,0.0127,,0.0,0.0156,0.021,0.9727,0.631,,0.0,0.069,0.0417,0.0833,0.0109,,0.0124,,0.0,reg oper account,block of flats,0.0096,"Stone, brick",No,0.0,0.0,0.0,0.0,-1059.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1137719,131284,Cash loans,12088.26,247500.0,301077.0,,247500.0,WEDNESDAY,10,Y,1,,,,Urgent needs,Refused,-194,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,135000.0,640080.0,24259.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.007273999999999998,-22843,-4233,-5568.0,-4879,,1,1,0,1,0,0,Laborers,1.0,2,2,MONDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.3763504074800427,0.2940831009471255,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-801.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1112027,199301,Cash loans,25153.11,450000.0,593653.5,,450000.0,THURSDAY,13,Y,1,,,,XNA,Approved,-579,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-549.0,501.0,-159.0,-156.0,1.0,0,Cash loans,F,N,N,0,135000.0,610335.0,19291.5,463500.0,Unaccompanied,Working,Higher education,Married,With parents,0.025164,-9963,-383,-3910.0,-309,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.09382352388612132,0.594358360789718,0.06337536230998861,0.0625,0.0506,0.9881,0.8436,0.0454,0.04,0.0803,0.2221,0.2917,0.0234,0.0597,0.0644,0.0019,0.0274,0.041,0.0436,0.9886,0.8497,0.0347,0.0,0.069,0.1667,0.2083,0.0118,0.0367,0.0426,0.0,0.0,0.0416,0.0506,0.9886,0.8457,0.0457,0.0,0.069,0.1667,0.2917,0.0238,0.0607,0.0431,0.0019,0.0,reg oper account,block of flats,0.0321,Panel,No,0.0,0.0,0.0,0.0,-749.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1412660,385416,Consumer loans,6202.53,31941.0,30168.0,3195.0,31941.0,SATURDAY,12,Y,1,0.10429653971601638,,,XAP,Approved,-1727,Cash through the bank,XAP,"Spouse, partner",New,Mobile,POS,XNA,Country-wide,4500,Consumer electronics,6.0,high,POS household with interest,365243.0,-1696.0,-1546.0,-1546.0,-1544.0,0.0,0,Cash loans,F,Y,Y,0,202500.0,1030500.0,30258.0,1030500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.072508,-15428,-3382,-8786.0,-2892,17.0,1,1,0,1,1,0,Cleaning staff,2.0,1,1,THURSDAY,11,0,0,0,0,0,0,Restaurant,,0.7237944299668687,0.4848514754962666,0.0582,0.1151,0.9712,,,0.0,0.1034,0.1667,,0.0098,,0.0769,,0.1053,0.0588,0.1164,0.9707,,,0.0,0.1034,0.1667,,0.0,,0.0782,,0.1082,0.0588,0.1151,0.9712,,,0.0,0.1034,0.1667,,0.0099,,0.0783,,0.1075,,block of flats,0.0826,"Stone, brick",No,2.0,1.0,2.0,1.0,-1727.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1158923,295712,Consumer loans,3317.265,17550.0,16528.5,1800.0,17550.0,SUNDAY,9,Y,1,0.10695712340691467,,,XAP,Approved,-2640,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Stone,6,Connectivity,6.0,high,POS household with interest,365243.0,-2594.0,-2444.0,-2444.0,-2437.0,1.0,0,Cash loans,F,N,Y,0,162000.0,454500.0,19386.0,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-21156,365243,-634.0,-4578,,1,0,0,1,0,0,,2.0,2,2,MONDAY,11,0,0,0,0,0,0,XNA,,0.11290715023140205,0.7394117535524816,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2118304,373273,Cash loans,13764.285,315000.0,383193.0,,315000.0,TUESDAY,11,Y,1,,,,XNA,Approved,-241,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Revolving loans,M,Y,Y,0,135000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.010643000000000001,-11162,-456,-5401.0,-2901,23.0,1,1,0,1,0,0,Drivers,1.0,2,2,FRIDAY,14,0,0,0,0,0,0,Transport: type 3,,0.6239045902276712,,0.0742,0.0561,0.9811,,,0.08,0.069,0.3333,,0.0305,,0.078,,0.0,0.0756,0.0582,0.9811,,,0.0806,0.069,0.3333,,0.0312,,0.0813,,0.0,0.0749,0.0561,0.9811,,,0.08,0.069,0.3333,,0.031,,0.0794,,0.0,,block of flats,0.0614,Panel,No,0.0,0.0,0.0,0.0,-245.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2057702,431891,Revolving loans,11250.0,0.0,225000.0,,,THURSDAY,15,Y,1,,,,XAP,Approved,-1036,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-1034.0,-991.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,F,N,Y,0,81000.0,755190.0,38686.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-19988,-2454,-1184.0,-3523,,1,1,0,1,1,0,Security staff,2.0,2,2,THURSDAY,17,0,0,0,0,1,1,Security,,0.5757218154317708,0.3280631605201915,0.0165,0.0217,0.998,,,0.0,0.0345,0.0833,,,,0.0165,,,0.0168,0.0225,0.998,,,0.0,0.0345,0.0833,,,,0.0172,,,0.0167,0.0217,0.998,,,0.0,0.0345,0.0833,,,,0.0168,,,,block of flats,0.0156,"Stone, brick",No,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2640932,280910,Revolving loans,9000.0,0.0,180000.0,,,WEDNESDAY,17,Y,1,,,,XAP,Approved,-1236,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-1235.0,-1184.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,157500.0,566055.0,18387.0,472500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-20548,365243,-1964.0,-4015,15.0,1,0,0,1,0,0,,2.0,2,2,SUNDAY,9,0,0,0,0,0,0,XNA,0.4770605132923936,0.6455836056691096,0.7032033049040319,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1530.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1956423,446119,Revolving loans,22500.0,0.0,450000.0,,,FRIDAY,8,Y,1,,,,XAP,Approved,-1231,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-1220.0,-1182.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,382500.0,402214.5,31905.0,328500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010147,-18901,-2159,-29.0,-2379,25.0,1,1,1,1,0,0,Managers,2.0,2,2,THURSDAY,12,0,0,0,0,1,1,Business Entity Type 3,0.4029735133580065,0.3395175608443345,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1443.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1899318,373581,Consumer loans,5275.935,28750.5,25875.0,2875.5,28750.5,WEDNESDAY,19,Y,1,0.10892613725294896,,,XAP,Approved,-1106,Cash through the bank,XAP,"Spouse, partner",Repeater,Mobile,POS,XNA,Country-wide,10,Connectivity,6.0,high,POS mobile with interest,365243.0,-1074.0,-924.0,-924.0,-920.0,0.0,0,Cash loans,F,N,N,3,157500.0,505246.5,49221.0,486000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Rented apartment,0.020246,-12462,-1779,-2500.0,-2500,,1,1,1,1,0,0,Sales staff,5.0,3,3,WEDNESDAY,13,1,1,0,1,1,0,Business Entity Type 3,,0.6854590646760802,0.5388627065779676,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1395.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,3.0,2.0 +2301997,132966,Consumer loans,4338.0,42525.0,42313.5,4252.5,42525.0,WEDNESDAY,10,Y,1,0.09945795410619533,,,XAP,Refused,-830,Cash through the bank,LIMIT,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,189,Consumer electronics,12.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,Y,1,81000.0,113760.0,7731.0,90000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.018634,-8472,-785,-8437.0,-1145,,1,1,0,1,0,0,Sales staff,2.0,2,2,SUNDAY,10,0,0,0,0,0,0,Self-employed,,0.3131267691827595,0.7407990879702335,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,3.0,0.0,-1061.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1433761,195437,Cash loans,,0.0,0.0,,,TUESDAY,11,Y,1,,,,XNA,Refused,-190,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,Y,N,0,76500.0,270000.0,10692.0,270000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.031329,-16705,-1672,-4261.0,-241,3.0,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Trade: type 7,0.6110184892817357,0.4649673768350752,0.2392262794694045,0.0722,0.0793,0.9781,0.7008,0.0079,0.0,0.1379,0.1667,0.2083,0.0873,0.0588,0.0633,0.0,0.0,0.0735,0.0823,0.9782,0.7125,0.008,0.0,0.1379,0.1667,0.2083,0.0893,0.0643,0.0659,0.0,0.0,0.0729,0.0793,0.9781,0.7048,0.0079,0.0,0.1379,0.1667,0.2083,0.0888,0.0599,0.0644,0.0,0.0,reg oper account,block of flats,0.0498,"Stone, brick",No,2.0,1.0,2.0,1.0,-1705.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1767590,244123,Cash loans,27375.3,135000.0,135000.0,,135000.0,TUESDAY,9,Y,1,,,,XNA,Approved,-1176,Cash through the bank,XAP,"Spouse, partner",New,XNA,Cash,walk-in,Country-wide,100,Connectivity,6.0,high,Cash Street: high,365243.0,-1146.0,-996.0,-996.0,-989.0,0.0,0,Cash loans,F,N,Y,0,157500.0,1711764.0,47200.5,1530000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-21364,365243,-9149.0,-4323,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,XNA,,0.6221686705774901,0.21885908222837447,0.2474,0.173,0.9851,,,0.2,0.1724,0.3333,,0.1872,,0.2074,,0.6875,0.2521,0.1795,0.9851,,,0.2014,0.1724,0.3333,,0.1915,,0.2161,,0.7279,0.2498,0.173,0.9851,,,0.2,0.1724,0.3333,,0.1905,,0.2111,,0.7020000000000001,,block of flats,0.3126,Panel,No,3.0,0.0,3.0,0.0,-1176.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1845584,321340,Consumer loans,5595.075,101997.0,123538.5,0.0,101997.0,THURSDAY,15,Y,1,0.0,,,XAP,Approved,-307,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,1775,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-276.0,414.0,-126.0,-122.0,0.0,0,Cash loans,F,N,Y,0,112500.0,405000.0,22099.5,405000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.014519999999999996,-14363,-1043,-8331.0,-5045,,1,1,0,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.4156154673083873,0.4561097392782771,0.1082,0.0714,0.9901,0.8572,0.0464,0.12,0.0862,0.3958,0.4375,0.0633,0.0878,0.1148,0.0097,0.0633,0.0704,0.0379,0.9811,0.7517,0.0152,0.0806,0.0345,0.3333,0.375,0.0193,0.0606,0.0855,0.0039,0.036000000000000004,0.1093,0.0714,0.9901,0.8591,0.0467,0.12,0.0862,0.3958,0.4375,0.0644,0.0894,0.1169,0.0097,0.0647,reg oper spec account,block of flats,0.1043,"Stone, brick",No,2.0,1.0,2.0,1.0,-307.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2836203,405809,Cash loans,29129.805,337500.0,368685.0,,337500.0,MONDAY,12,Y,1,,,,Urgent needs,Approved,-546,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,high,Cash Street: high,365243.0,-516.0,174.0,-276.0,-274.0,1.0,0,Cash loans,M,Y,Y,0,315000.0,961146.0,31135.5,688500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-23022,-2824,-2992.0,-2999,13.0,1,1,0,1,0,0,Drivers,2.0,2,2,MONDAY,11,0,0,0,0,0,0,Self-employed,,0.6052496706232333,0.34741822720026416,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-546.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1716851,260885,Consumer loans,6594.75,54859.455,53442.0,5489.955,54859.455,MONDAY,13,Y,1,0.10145701227488857,,,XAP,Approved,-2047,Cash through the bank,XAP,Other_A,Repeater,Consumer Electronics,POS,XNA,Stone,546,Consumer electronics,10.0,middle,POS household with interest,365243.0,-2007.0,-1737.0,-1737.0,-1733.0,0.0,0,Revolving loans,F,N,Y,0,90000.0,180000.0,9000.0,180000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.026392000000000002,-17642,-1521,-6621.0,-1158,,1,1,0,1,1,0,Laborers,1.0,2,2,THURSDAY,10,0,0,0,0,1,1,Cleaning,,0.6703296045786646,0.6279908192952864,0.1309,0.1504,0.9911,,,0.08,0.1724,0.375,,,,0.1531,,,0.1334,0.1561,0.9911,,,0.0806,0.1724,0.375,,,,0.1595,,,0.1322,0.1504,0.9911,,,0.08,0.1724,0.375,,,,0.1559,,,,block of flats,0.1405,"Stone, brick",No,0.0,0.0,0.0,0.0,-2074.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1193050,190234,Consumer loans,4156.11,41049.0,45382.5,0.0,41049.0,FRIDAY,8,Y,1,0.0,,,XAP,Approved,-763,XNA,XAP,Family,Refreshed,Consumer Electronics,POS,XNA,Country-wide,300,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-732.0,-402.0,-672.0,-663.0,0.0,0,Cash loans,F,N,N,3,67500.0,208854.0,16632.0,184500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018209,-12164,-1360,-4333.0,-4839,,1,1,1,1,1,0,Cooking staff,5.0,3,3,WEDNESDAY,17,0,0,0,0,0,0,School,0.1894233702640701,0.2966223934900004,0.4101025731788671,0.1278,0.0574,0.9771,0.6872,0.0113,0.0,0.0345,0.125,0.1667,0.0343,0.1042,0.0357,0.0,0.0,0.1303,0.0595,0.9772,0.6994,0.0114,0.0,0.0345,0.125,0.1667,0.0351,0.1139,0.0372,0.0,0.0,0.1291,0.0574,0.9771,0.6914,0.0113,0.0,0.0345,0.125,0.1667,0.0349,0.106,0.0363,0.0,0.0,not specified,block of flats,0.0441,"Stone, brick",No,0.0,0.0,0.0,0.0,-745.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1156087,285551,Cash loans,24096.33,225000.0,239850.0,,225000.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-1226,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1196.0,-866.0,-866.0,-858.0,1.0,0,Cash loans,F,N,Y,0,112500.0,328405.5,25920.0,283500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-16781,-635,-1438.0,-320,,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,10,0,0,0,0,1,1,Self-employed,,0.2622583692422573,0.6610235391308081,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,0.0,8.0,0.0,-3184.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2370606,384330,Cash loans,40537.62,495000.0,561852.0,,495000.0,THURSDAY,17,Y,1,,,,XNA,Approved,-575,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-545.0,-35.0,-65.0,-61.0,1.0,0,Cash loans,F,N,Y,4,202500.0,936000.0,31063.5,936000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-14681,-3512,-8795.0,-4692,,1,1,0,1,1,0,,6.0,2,2,FRIDAY,13,0,0,0,0,0,0,Kindergarten,,0.22224465438395447,0.8128226070575616,0.1969,,0.9816,,,0.2,0.1724,0.375,,,,0.2036,,0.1415,0.2006,,0.9816,,,0.2014,0.1724,0.375,,,,0.2121,,0.1498,0.1988,,0.9816,,,0.2,0.1724,0.375,,,,0.2073,,0.1445,,block of flats,0.1909,"Stone, brick",No,4.0,0.0,4.0,0.0,-17.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1874663,392755,Cash loans,5246.01,45000.0,47970.0,,45000.0,FRIDAY,9,Y,1,,,,XNA,Approved,-2632,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-2602.0,-2272.0,-2512.0,-2504.0,1.0,0,Cash loans,M,N,Y,0,225000.0,878733.0,28476.0,733500.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.016612000000000002,-12313,-765,-953.0,-3006,,1,1,0,1,0,1,High skill tech staff,1.0,2,2,FRIDAY,11,0,0,0,0,1,1,Business Entity Type 3,0.6976666928679043,0.6745585530163888,0.8027454758994178,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-1506.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,4.0,0.0,5.0 +2585790,428702,Consumer loans,9937.26,41400.0,37260.0,4140.0,41400.0,FRIDAY,12,Y,1,0.1089090909090909,,,XAP,Approved,-1522,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Stone,150,Consumer electronics,4.0,middle,POS household with interest,365243.0,-1486.0,-1396.0,-1396.0,-1393.0,0.0,0,Cash loans,M,Y,Y,1,450000.0,370912.5,25384.5,337500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.019101,-13945,-780,-24.0,-4772,8.0,1,1,0,1,0,0,Managers,3.0,2,2,MONDAY,18,0,0,0,0,1,1,Business Entity Type 3,0.2036991177541036,0.4944313471856546,0.7001838506835805,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,2.0,5.0 +1136845,323963,Consumer loans,9054.0,53554.5,57087.0,0.0,53554.5,MONDAY,13,Y,1,0.0,,,XAP,Approved,-2340,Cash through the bank,XAP,Other_A,Repeater,Mobile,POS,XNA,Country-wide,4000,Consumer electronics,8.0,high,POS household with interest,365243.0,-2309.0,-2099.0,-2099.0,-2089.0,1.0,0,Cash loans,F,N,Y,0,112500.0,1067940.0,31356.0,765000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010966,-9895,-2827,-786.0,-1563,,1,1,0,1,0,0,Drivers,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Government,0.4229056501765191,0.6850959149400206,0.14111510044661266,0.1031,0.097,0.9781,0.7008,0.0115,0.0,0.2069,0.1667,0.2083,0.1138,0.0841,0.0942,0.0,0.0,0.105,0.1007,0.9782,0.7125,0.0116,0.0,0.2069,0.1667,0.2083,0.1164,0.0918,0.0982,0.0,0.0,0.1041,0.097,0.9781,0.7048,0.0115,0.0,0.2069,0.1667,0.2083,0.1158,0.0855,0.0959,0.0,0.0,reg oper account,block of flats,0.0804,Panel,No,1.0,1.0,1.0,1.0,-1454.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1982101,401871,Cash loans,8180.055,90000.0,101880.0,,90000.0,FRIDAY,16,Y,1,,,,XNA,Refused,-17,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,63,Connectivity,24.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,Y,0,202500.0,254700.0,20250.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.009175,-8181,-612,-8154.0,-857,,1,1,0,1,0,0,Sales staff,1.0,2,2,MONDAY,17,0,0,0,0,1,1,Self-employed,0.2600153885985629,0.6719030723820248,,0.1485,0.1161,0.9831,0.7688,0.0346,0.16,0.1379,0.3333,0.375,0.1058,0.121,0.1227,0.0,0.0,0.1134,0.1021,0.9816,0.7583,0.0349,0.1208,0.1034,0.3333,0.375,0.0956,0.0992,0.1177,0.0,0.0,0.1499,0.1161,0.9831,0.7719,0.0348,0.16,0.1379,0.3333,0.375,0.1077,0.1231,0.125,0.0,0.0,reg oper spec account,block of flats,0.1699,"Stone, brick",No,1.0,1.0,1.0,1.0,-1002.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2455941,449706,Consumer loans,7136.55,123705.0,111334.5,12370.5,123705.0,MONDAY,15,Y,1,0.1089090909090909,,,XAP,Refused,-2278,Cash through the bank,LIMIT,Children,Repeater,Computers,POS,XNA,Country-wide,1700,Consumer electronics,24.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,Y,1,202500.0,521280.0,28408.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.009656999999999999,-18322,-3283,-5454.0,-1823,,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,17,0,0,0,0,0,0,Business Entity Type 3,,0.5398637020389203,0.7992967832109371,0.5722,0.39,0.9831,0.7688,0.2712,0.56,0.4828,0.3333,0.375,0.2246,0.4665,0.5371,0.0154,0.0161,0.583,0.4047,0.9831,0.7779,0.2737,0.5639,0.4828,0.3333,0.375,0.2298,0.5096,0.5596,0.0156,0.0171,0.5777,0.39,0.9831,0.7719,0.2729,0.56,0.4828,0.3333,0.375,0.2285,0.4746,0.5467,0.0155,0.0165,reg oper account,block of flats,0.5742,Panel,No,1.0,0.0,1.0,0.0,-1336.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2260200,250612,Consumer loans,11670.21,125635.5,87286.5,45000.0,125635.5,MONDAY,8,Y,1,0.3704768884889307,,,XAP,Approved,-1967,Cash through the bank,XAP,Unaccompanied,Refreshed,Computers,POS,XNA,Stone,100,Consumer electronics,10.0,high,POS household with interest,365243.0,-1933.0,-1663.0,-1663.0,-1660.0,0.0,0,Cash loans,F,N,Y,0,180000.0,679500.0,36333.0,679500.0,Unaccompanied,State servant,Higher education,Separated,House / apartment,0.025164,-15867,-9204,-1099.0,-2971,,1,1,0,1,0,0,Core staff,1.0,2,2,MONDAY,11,0,0,0,0,0,0,Government,0.7552269022935421,0.6034928349724464,0.6528965519806539,0.0464,0.0423,0.9911,0.8776,0.0347,0.0,0.1034,0.2083,0.25,0.04,0.0378,0.0558,0.0,0.0,0.0473,0.0439,0.9911,0.8824,0.035,0.0,0.1034,0.2083,0.25,0.041,0.0413,0.0582,0.0,0.0,0.0468,0.0423,0.9911,0.8792,0.0349,0.0,0.1034,0.2083,0.25,0.0407,0.0385,0.0568,0.0,0.0,reg oper account,block of flats,0.0439,"Stone, brick",No,0.0,0.0,0.0,0.0,-2501.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1503244,447712,Consumer loans,4666.05,46667.7,41998.5,4669.2,46667.7,FRIDAY,8,Y,1,0.10896580017286624,,,XAP,Refused,-2450,Cash through the bank,SCO,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,100,Consumer electronics,10.0,low_normal,POS household without interest,,,,,,,0,Cash loans,F,N,Y,0,135000.0,625536.0,20803.5,540000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.025164,-23732,365243,-2151.0,-4538,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,9,0,0,0,0,0,0,XNA,,0.16040532147836672,0.7352209993926424,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-366.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +1541582,420334,Consumer loans,9350.055,130707.0,158314.5,0.0,130707.0,TUESDAY,11,Y,1,0.0,,,XAP,Approved,-907,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,4200,Consumer electronics,24.0,middle,POS household with interest,365243.0,-876.0,-186.0,-186.0,-181.0,0.0,0,Cash loans,F,N,Y,0,157500.0,1213339.5,54256.5,1084500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.019101,-17490,-8274,-151.0,-1040,,1,1,0,1,1,0,Laborers,2.0,2,2,SATURDAY,16,0,0,0,0,0,0,Agriculture,,0.6190949227079867,0.36896873825284665,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-907.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2103613,363787,Consumer loans,3449.745,15840.0,16915.5,1584.0,15840.0,MONDAY,10,Y,1,0.09325225006081243,,,XAP,Approved,-844,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,10,Connectivity,6.0,high,POS mobile with interest,365243.0,-813.0,-663.0,-663.0,-655.0,0.0,0,Cash loans,M,Y,Y,0,90000.0,85500.0,4158.0,85500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.01885,-16351,-1695,-1894.0,-1689,10.0,1,1,0,1,1,1,Drivers,1.0,2,2,FRIDAY,9,0,0,0,0,0,0,Self-employed,0.20987244141347275,0.13694829541909834,0.19294222771695085,0.0629,0.0551,0.9826,0.762,0.0259,0.0,0.1379,0.1667,0.0417,0.0417,0.0504,0.0548,0.0039,0.0192,0.0641,0.0572,0.9826,0.7713,0.0261,0.0,0.1379,0.1667,0.0417,0.0427,0.0551,0.0571,0.0039,0.0204,0.0635,0.0551,0.9826,0.7652,0.0261,0.0,0.1379,0.1667,0.0417,0.0425,0.0513,0.0558,0.0039,0.0196,reg oper account,block of flats,0.0614,"Stone, brick",No,2.0,0.0,2.0,0.0,-844.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +2752002,276489,Consumer loans,6491.61,57154.5,57154.5,0.0,57154.5,WEDNESDAY,14,Y,1,0.0,,,XAP,Refused,-244,Cash through the bank,HC,,New,Photo / Cinema Equipment,POS,XNA,Country-wide,30,Connectivity,10.0,low_normal,POS mobile without interest,,,,,,,0,Cash loans,F,N,Y,0,180000.0,545040.0,43191.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.032561,-20140,-1979,-13066.0,-2897,,1,1,0,1,1,0,Managers,1.0,1,1,TUESDAY,17,0,0,0,0,0,0,Postal,0.27788557177173395,0.6275559913372901,0.221335206354466,0.0426,0.0379,0.9732,0.6328,0.0046,0.0,0.0803,0.1388,0.1804,0.0287,0.0347,0.0336,0.0,0.0,0.0336,0.0131,0.9732,0.6472,0.0034,0.0,0.069,0.125,0.1667,0.0246,0.0294,0.0262,0.0,0.0,0.0333,0.0395,0.9732,0.6377,0.0039,0.0,0.069,0.125,0.1667,0.0245,0.0274,0.0262,0.0,0.0,reg oper spec account,block of flats,0.0198,"Stone, brick",No,0.0,0.0,0.0,0.0,-244.0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1878020,314425,Consumer loans,9652.14,57303.0,54292.5,5733.0,57303.0,TUESDAY,13,Y,1,0.10401842853151044,,,XAP,Refused,-674,Cash through the bank,LIMIT,,Repeater,Furniture,POS,XNA,Country-wide,280,Furniture,6.0,low_normal,POS industry with interest,,,,,,,0,Cash loans,F,N,Y,0,225000.0,573408.0,29407.5,495000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.005084,-15515,-1234,-8702.0,-4112,,1,1,0,1,0,0,Sales staff,1.0,2,2,THURSDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.5607060183954793,0.4614823912998385,0.1608,0.0,0.9752,,,0.0,0.1034,0.1667,,,,0.0397,,,0.1639,0.0,0.9752,,,0.0,0.1034,0.1667,,,,0.0414,,,0.1624,0.0,0.9752,,,0.0,0.1034,0.1667,,,,0.0404,,,,block of flats,0.0449,"Stone, brick",No,2.0,0.0,2.0,0.0,-764.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +2715661,125606,Consumer loans,29139.885,246298.095,265149.0,4.095,246298.095,MONDAY,9,Y,1,1.6819819782708066e-05,,,XAP,Approved,-2307,Cash through the bank,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Country-wide,2880,Consumer electronics,12.0,high,POS household with interest,365243.0,-2276.0,-1946.0,-1946.0,-1944.0,0.0,0,Cash loans,F,N,N,0,225000.0,770292.0,32764.5,688500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.022625,-14867,-6902,-4510.0,-4280,,1,1,0,1,0,0,Sales staff,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Self-employed,,0.4578213919993965,0.4223696523543468,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1634.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2017514,212893,Consumer loans,22371.39,124330.5,117189.0,24867.0,124330.5,THURSDAY,8,Y,1,0.1906461088328802,,,XAP,Approved,-810,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Regional / Local,430,Consumer electronics,6.0,middle,POS household with interest,365243.0,-779.0,-629.0,-629.0,-625.0,0.0,0,Cash loans,M,Y,N,0,337500.0,770913.0,24997.5,643500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.006629,-17004,-2527,-1009.0,-553,4.0,1,1,0,1,0,0,Drivers,2.0,2,2,TUESDAY,7,0,0,0,0,0,0,Business Entity Type 3,,0.1309521591043678,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-810.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1740445,326813,Consumer loans,5485.5,67561.47,54049.5,13511.97,67561.47,SUNDAY,9,Y,1,0.2178129589381209,0.1607163096452454,0.715644820295983,XAP,Approved,-306,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,12.0,middle,POS mobile with interest,365243.0,-270.0,60.0,-180.0,-173.0,0.0,0,Cash loans,F,Y,Y,2,112500.0,315000.0,15318.0,315000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.026392000000000002,-15034,-258,-984.0,-3927,64.0,1,1,0,1,0,0,Sales staff,4.0,2,2,FRIDAY,9,0,0,0,0,0,0,Self-employed,,0.6014083651352106,0.3001077565791181,0.0577,0.0954,0.9821,,,0.0,0.1379,0.1667,,0.1229,,0.0552,,0.1106,0.0588,0.0978,0.9821,,,0.0,0.1379,0.1667,,0.1257,,0.0574,,0.021,0.0583,0.0954,0.9821,,,0.0,0.1379,0.1667,,0.125,,0.0561,,0.1129,,block of flats,0.0663,"Stone, brick",No,0.0,0.0,0.0,0.0,-736.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,3.0 +1305276,214860,Consumer loans,16272.045,85837.5,81076.5,8586.0,85837.5,FRIDAY,11,Y,1,0.10429036158320976,,,XAP,Approved,-2344,XNA,XAP,,New,Mobile,POS,XNA,Country-wide,46,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2300.0,-2150.0,-2150.0,-2146.0,1.0,1,Cash loans,M,N,Y,1,225000.0,755190.0,36459.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.009656999999999999,-15176,-412,-7839.0,-3926,,1,1,0,1,0,0,Sales staff,3.0,2,2,THURSDAY,13,0,0,0,0,1,1,Transport: type 4,0.31893397165900444,0.2924874814907581,0.3344541255096772,0.133,0.1248,0.9796,0.7212,0.0529,0.0,0.2759,0.1667,0.2083,0.115,0.1084,0.1221,0.0,0.0,0.1355,0.1295,0.9796,0.7321,0.0534,0.0,0.2759,0.1667,0.2083,0.1176,0.1185,0.1272,0.0,0.0,0.1343,0.1248,0.9796,0.7249,0.0532,0.0,0.2759,0.1667,0.2083,0.117,0.1103,0.1243,0.0,0.0,reg oper account,block of flats,0.0961,Block,No,0.0,0.0,0.0,0.0,-184.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1728182,109087,Consumer loans,18195.84,83452.5,87858.0,0.0,83452.5,SUNDAY,17,Y,1,0.0,,,XAP,Approved,-383,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,10,Connectivity,6.0,high,POS mobile with interest,365243.0,-349.0,-199.0,-199.0,-194.0,0.0,0,Cash loans,F,N,Y,1,265500.0,720000.0,39190.5,720000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-15067,-968,-1087.0,-1081,,1,1,0,1,0,0,Waiters/barmen staff,3.0,2,2,FRIDAY,14,0,0,0,1,1,0,Other,,0.5727224789701607,0.15759499866631024,0.0412,,0.9806,,,0.0,0.069,0.1667,,,,0.0678,,0.0138,0.042,,0.9806,,,0.0,0.069,0.1667,,,,0.0706,,0.0146,0.0416,,0.9806,,,0.0,0.069,0.1667,,,,0.069,,0.0141,,block of flats,0.0563,"Stone, brick",No,0.0,0.0,0.0,0.0,-129.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1656248,337226,Consumer loans,35984.07,253210.5,202567.5,50643.0,253210.5,TUESDAY,14,Y,1,0.21782205283387096,,,XAP,Approved,-587,Cash through the bank,XAP,,New,Furniture,POS,XNA,Stone,1483,Furniture,6.0,low_normal,POS industry without interest,365243.0,-556.0,-406.0,-406.0,-400.0,0.0,0,Cash loans,M,N,Y,0,67500.0,239850.0,22900.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.072508,-22824,365243,-11098.0,-4898,,1,0,0,1,0,0,,2.0,1,1,MONDAY,15,0,0,0,0,0,0,XNA,,0.736816927766123,0.8435435389318647,0.0753,0.07400000000000001,0.9732,0.6328,0.0,0.16,0.1379,0.25,0.2917,0.0,0.0614,0.1,0.0,0.0627,0.0767,0.0768,0.9732,0.6472,0.0,0.1611,0.1379,0.25,0.2917,0.0,0.067,0.1042,0.0,0.0664,0.076,0.07400000000000001,0.9732,0.6377,0.0,0.16,0.1379,0.25,0.2917,0.0,0.0624,0.1018,0.0,0.064,reg oper account,block of flats,0.0923,"Stone, brick",No,0.0,0.0,0.0,0.0,-587.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1198565,318601,Consumer loans,3722.805,19642.5,18549.0,1966.5,19642.5,MONDAY,13,Y,1,0.10439410556541504,,,XAP,Approved,-2543,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,60,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2509.0,-2359.0,-2419.0,-2411.0,1.0,0,Cash loans,F,N,Y,0,67500.0,138474.0,9976.5,126000.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.019101,-16839,-107,-10919.0,-375,,1,1,0,1,0,0,Laborers,1.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Self-employed,0.537741902312209,0.6901873257196594,0.633031641417419,0.0124,0.0233,0.9732,0.6328,0.0012,0.0,0.0345,0.0833,0.125,0.0138,0.0101,0.0106,0.0,0.0,0.0126,0.0241,0.9732,0.6472,0.0012,0.0,0.0345,0.0833,0.125,0.0142,0.011,0.011,0.0,0.0,0.0125,0.0233,0.9732,0.6377,0.0012,0.0,0.0345,0.0833,0.125,0.0141,0.0103,0.0108,0.0,0.0,reg oper account,block of flats,0.009000000000000001,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2543143,298550,Cash loans,24941.115,450000.0,522765.0,,450000.0,FRIDAY,12,Y,1,,,,XNA,Approved,-1330,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,42.0,middle,Cash X-Sell: middle,365243.0,-1300.0,-70.0,-70.0,-68.0,1.0,0,Cash loans,F,N,Y,0,117000.0,603792.0,23526.0,504000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-20791,365243,-4119.0,-4164,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,XNA,,0.5937308155436184,0.6706517530862718,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-607.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1166980,226099,Cash loans,40441.41,450000.0,487422.0,0.0,450000.0,SATURDAY,17,Y,1,0.0,,,XNA,Refused,-1764,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,18.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,Y,Y,0,135000.0,247500.0,25987.5,247500.0,Family,State servant,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-16709,-4681,-3997.0,-254,3.0,1,1,0,1,0,0,High skill tech staff,2.0,2,2,SATURDAY,17,0,0,0,0,0,0,School,,0.6522145936001167,0.4223696523543468,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1764.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2694353,215125,Cash loans,17620.92,450000.0,533160.0,,450000.0,TUESDAY,11,Y,1,,,,XNA,Refused,-233,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,1,Cash loans,M,N,Y,1,301500.0,295668.0,14377.5,193500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.02461,-16998,-1292,-3284.0,-554,,1,1,0,1,0,0,Managers,3.0,2,2,THURSDAY,11,0,0,0,0,0,0,Restaurant,0.5386997786867438,0.09337680755642863,0.21155076420525776,0.0041,0.0,0.9513,0.3336,0.0,0.0,0.0345,0.0417,0.0833,0.0015,0.0034,0.0021,0.0,0.0,0.0042,0.0,0.9513,0.3597,0.0,0.0,0.0345,0.0417,0.0833,0.0015,0.0037,0.0021,0.0,0.0,0.0042,0.0,0.9513,0.3425,0.0,0.0,0.0345,0.0417,0.0833,0.0015,0.0034,0.0021,0.0,0.0,reg oper account,block of flats,0.0016,Mixed,No,5.0,2.0,5.0,2.0,-710.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,5.0 +1254857,425739,Consumer loans,4070.34,16560.0,19795.5,0.0,16560.0,FRIDAY,9,Y,1,0.0,,,XAP,Approved,-404,Cash through the bank,XAP,Unaccompanied,Refreshed,Mobile,POS,XNA,Country-wide,34,Connectivity,6.0,high,POS mobile with interest,365243.0,-373.0,-223.0,-223.0,-220.0,0.0,0,Cash loans,F,N,Y,1,112500.0,130500.0,14854.5,130500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.028663,-11671,-1801,-3162.0,-163,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Business Entity Type 2,0.22915825517790744,0.2049230367801034,0.6738300778602003,0.0918,0.1429,0.9831,0.7688,0.0166,0.0,0.2759,0.1667,0.2083,0.0261,0.07400000000000001,0.1071,0.0039,0.1675,0.0935,0.1483,0.9831,0.7779,0.0167,0.0,0.2759,0.1667,0.2083,0.0267,0.0808,0.1115,0.0039,0.1773,0.0926,0.1429,0.9831,0.7719,0.0167,0.0,0.2759,0.1667,0.2083,0.0265,0.0752,0.109,0.0039,0.171,reg oper account,block of flats,0.0906,"Stone, brick",No,1.0,0.0,1.0,0.0,-266.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1910511,439758,Consumer loans,10202.58,57739.5,57739.5,0.0,57739.5,TUESDAY,13,Y,1,0.0,,,XAP,Approved,-1210,Cash through the bank,XAP,Family,Refreshed,Furniture,POS,XNA,Stone,52,Furniture,6.0,low_normal,POS industry with interest,365243.0,-1172.0,-1022.0,-1082.0,-1079.0,0.0,0,Cash loans,F,Y,Y,0,126000.0,389844.0,20034.0,315000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.015221,-11868,-5036,-4500.0,-4506,4.0,1,1,1,1,1,0,Medicine staff,2.0,2,2,MONDAY,9,0,0,0,0,0,0,Medicine,0.5222835067154029,0.1625728169859186,0.6754132910917112,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +2313238,194142,Consumer loans,3967.65,20412.0,21492.0,0.0,20412.0,TUESDAY,9,Y,1,0.0,,,XAP,Approved,-787,XNA,XAP,Family,New,Computers,POS,XNA,Country-wide,943,Consumer electronics,6.0,middle,POS household with interest,365243.0,-756.0,-606.0,-696.0,-690.0,0.0,1,Cash loans,F,N,Y,0,135000.0,121500.0,6039.0,121500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.014464,-16757,-1595,-8638.0,-291,,1,1,0,1,0,0,Core staff,1.0,2,2,FRIDAY,5,0,0,0,0,0,0,Self-employed,,0.6876472820108157,0.3556387169923543,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-787.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1010481,181172,Revolving loans,22500.0,0.0,450000.0,,,WEDNESDAY,15,Y,1,,,,XAP,Approved,-433,XNA,XAP,,Repeater,XNA,Cards,x-sell,Stone,200,Consumer electronics,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,135000.0,416052.0,15075.0,292500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.035792000000000004,-20655,365243,-4399.0,-4171,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,16,0,0,0,0,0,0,XNA,,0.7034719896077178,0.6347055309763198,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-744.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1391060,358871,Cash loans,13201.605,90000.0,110146.5,,90000.0,FRIDAY,9,Y,1,,,,XNA,Approved,-1329,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-1299.0,-969.0,-1029.0,-1026.0,1.0,0,Cash loans,F,N,Y,2,90000.0,139230.0,11290.5,112500.0,"Spouse, partner",State servant,Secondary / secondary special,Married,House / apartment,0.009549,-9975,-176,-9911.0,-723,,1,1,0,1,0,1,Core staff,4.0,2,2,THURSDAY,14,0,0,0,0,0,0,Kindergarten,0.475697857543137,0.5915822023932055,0.4365064990977374,0.0861,0.097,0.9816,0.7484,0.015,0.0,0.2069,0.1667,0.2083,0.0906,0.0689,0.0872,0.0116,0.0014,0.0578,0.058,0.9816,0.7583,0.0101,0.0,0.1379,0.1667,0.2083,0.0748,0.0505,0.0574,0.0117,0.0,0.0869,0.097,0.9816,0.7518,0.0151,0.0,0.2069,0.1667,0.2083,0.0922,0.0701,0.0888,0.0116,0.0014,reg oper spec account,block of flats,0.0436,Block,No,0.0,0.0,0.0,0.0,-1329.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +2540640,128355,Consumer loans,11800.125,67455.0,63715.5,6745.5,67455.0,SATURDAY,10,Y,1,0.1042628223736922,,,XAP,Refused,-1906,XNA,HC,Unaccompanied,New,Consumer Electronics,POS,XNA,Stone,7,Consumer electronics,6.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,N,0,157500.0,900000.0,41836.5,900000.0,Family,Working,Higher education,Married,House / apartment,0.028663,-14629,-4886,-8674.0,-2611,,1,1,1,1,1,0,High skill tech staff,2.0,2,2,FRIDAY,16,0,0,0,0,0,0,Other,,0.6782536205566551,0.13510601574017175,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1906.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0.0,1.0,0.0,0.0,0.0,0.0 +1810661,112277,Cash loans,26834.355,697500.0,807984.0,,697500.0,WEDNESDAY,9,Y,1,,,,XNA,Approved,-172,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-142.0,1268.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,112500.0,314055.0,16164.0,238500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.025164,-18296,-2542,-1896.0,-1620,,1,1,0,1,0,0,,2.0,2,2,SUNDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.5470795808864736,,0.1485,0.1546,0.9866,0.8164,0.0441,0.08,0.069,0.375,0.4167,0.0163,0.1202,0.1128,0.0039,0.0043,0.1513,0.1605,0.9866,0.8236,0.0445,0.0806,0.069,0.375,0.4167,0.0167,0.1313,0.1175,0.0039,0.0046,0.1499,0.1546,0.9866,0.8189,0.0443,0.08,0.069,0.375,0.4167,0.0166,0.1223,0.1148,0.0039,0.0044,reg oper account,block of flats,0.1205,Mixed,No,0.0,0.0,0.0,0.0,-1274.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2467813,191411,Consumer loans,5055.39,82800.0,111622.5,0.0,82800.0,SUNDAY,14,Y,1,0.0,,,XAP,Approved,-762,Cash through the bank,XAP,Children,New,Computers,POS,XNA,Country-wide,2200,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-731.0,-41.0,-281.0,-279.0,0.0,1,Cash loans,F,N,Y,1,315000.0,523597.5,39276.0,468000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.008019,-14309,-1633,-3399.0,-5020,,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,11,0,0,0,1,1,0,Business Entity Type 3,0.33400728867409263,0.7494913686474208,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,1.0,5.0,1.0,-61.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1890002,313707,Consumer loans,5750.37,62955.0,56659.5,6295.5,62955.0,TUESDAY,14,Y,1,0.1089090909090909,,,XAP,Approved,-546,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,20,Connectivity,12.0,middle,POS mobile with interest,365243.0,-509.0,-179.0,-179.0,-177.0,0.0,0,Cash loans,M,N,Y,0,382500.0,474048.0,28773.0,360000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.009549,-11248,-3073,-1896.0,-2645,,1,1,0,1,0,0,Core staff,1.0,2,2,TUESDAY,14,0,0,0,0,0,0,Self-employed,,0.6025872283629173,0.1301285429480269,0.2223,0.0,0.9831,,,0.08,0.0345,0.3333,,0.0663,,0.061,,0.0039,0.2195,0.0,0.9821,,,0.0806,0.0345,0.3333,,0.052000000000000005,,0.0619,,0.0,0.2259,0.0,0.9831,,,0.08,0.0345,0.3333,,0.0721,,0.0627,,0.0021,,block of flats,0.0874,"Stone, brick",No,0.0,0.0,0.0,0.0,-466.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1249670,237571,Cash loans,11963.7,126000.0,126000.0,,126000.0,TUESDAY,10,Y,1,,,,XNA,Approved,-242,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-212.0,118.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,279000.0,1125000.0,39987.0,1125000.0,Unaccompanied,Working,Incomplete higher,Single / not married,Municipal apartment,0.028663,-13196,-4706,-6636.0,-4628,,1,1,0,1,0,0,Secretaries,1.0,2,2,SATURDAY,12,0,0,0,0,0,0,Business Entity Type 2,,0.6056780115918751,0.4884551844437485,,0.0584,0.9801,,,0.08,0.069,0.3333,,,,0.0763,,0.0,,0.0606,0.9801,,,0.0806,0.069,0.3333,,,,0.0795,,0.0,,0.0584,0.9801,,,0.08,0.069,0.3333,,,,0.0777,,0.0,,,0.0858,Mixed,No,4.0,1.0,4.0,1.0,-3293.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1384804,216400,Cash loans,29840.31,675000.0,808650.0,,675000.0,THURSDAY,10,Y,1,,,,XNA,Approved,-200,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,middle,Cash X-Sell: middle,365243.0,-170.0,1600.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,202500.0,121500.0,13707.0,121500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.0038179999999999998,-16814,-178,-4702.0,-362,,1,1,1,1,0,0,Security staff,1.0,2,2,FRIDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.4164042499714589,0.18439067530095185,0.7001838506835805,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-883.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2726344,111871,Consumer loans,3512.43,22680.0,16717.5,6750.0,22680.0,SATURDAY,17,Y,1,0.3132572125860716,,,XAP,Approved,-1312,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,15,Connectivity,6.0,high,POS mobile with interest,365243.0,-1281.0,-1131.0,-1191.0,-1185.0,0.0,1,Cash loans,M,Y,Y,0,189000.0,1078200.0,34911.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.02461,-16392,-6752,-3129.0,-229,4.0,1,1,0,1,0,0,Managers,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Self-employed,,0.7147521115964561,0.4543210601605785,0.0928,0.1012,0.9796,0.7212,0.0,0.0,0.2069,0.1667,0.2083,0.0651,0.0756,0.0879,0.0,0.0295,0.0945,0.105,0.9796,0.7321,0.0,0.0,0.2069,0.1667,0.2083,0.0666,0.0826,0.0916,0.0,0.0312,0.0937,0.1012,0.9796,0.7249,0.0,0.0,0.2069,0.1667,0.2083,0.0662,0.077,0.0895,0.0,0.0301,org spec account,block of flats,0.0692,Panel,No,1.0,0.0,1.0,0.0,-1312.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,2.0 +2703211,426316,Cash loans,10041.75,225000.0,225000.0,,225000.0,FRIDAY,16,Y,1,,,,XNA,Approved,-78,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,N,Y,0,112500.0,227520.0,8577.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009549,-17176,-3744,-9641.0,-704,,1,1,1,1,1,0,Laborers,2.0,2,2,SATURDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.7029836705246194,0.33928769990891394,0.0876,0.0979,0.9836,,,,0.2069,0.1667,,0.1471,,0.0827,,,0.0893,0.1016,0.9836,,,,0.2069,0.1667,,0.1505,,0.0861,,,0.0885,0.0979,0.9836,,,,0.2069,0.1667,,0.1497,,0.0842,,,,block of flats,0.0755,Panel,No,5.0,0.0,5.0,0.0,-2165.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +2607495,324831,Consumer loans,2760.93,15331.5,13756.5,1575.0,15331.5,MONDAY,14,Y,1,0.11188195426528266,,,XAP,Approved,-2369,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,36,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2329.0,-2179.0,-2179.0,-2174.0,0.0,0,Revolving loans,F,N,Y,0,220500.0,450000.0,22500.0,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.011703,-19690,365243,-8357.0,-2667,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,XNA,,0.4138320239362173,0.363945238612397,0.0082,0.0219,0.9786,0.7076,0.0077,0.0,0.0345,0.0417,0.0833,0.0134,0.0067,0.0076,0.0,0.0,0.0084,0.0227,0.9786,0.7190000000000001,0.0078,0.0,0.0345,0.0417,0.0833,0.0137,0.0073,0.0079,0.0,0.0,0.0083,0.0219,0.9786,0.7115,0.0078,0.0,0.0345,0.0417,0.0833,0.0136,0.0068,0.0077,0.0,0.0,reg oper account,block of flats,0.0102,Panel,No,4.0,0.0,4.0,0.0,-926.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1243124,394882,Consumer loans,5022.72,46651.5,37651.5,9000.0,46651.5,MONDAY,15,Y,1,0.2101072458938765,,,XAP,Approved,-2550,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,-1,Consumer electronics,10.0,high,POS household with interest,365243.0,-2519.0,-2249.0,-2249.0,-2243.0,0.0,1,Cash loans,M,N,Y,1,202500.0,325908.0,22176.0,247500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Rented apartment,0.010966,-12532,-2256,-3627.0,-3632,,1,1,0,1,0,0,Managers,3.0,2,2,WEDNESDAY,12,0,0,0,1,1,0,Business Entity Type 3,0.14660145953112336,0.5920259404129851,0.3296550543128238,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-760.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,3.0 +2780276,286145,Consumer loans,7096.32,36850.5,34803.0,3690.0,36850.5,SUNDAY,12,Y,1,0.10440198099772567,,,XAP,Approved,-2078,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Stone,26,Connectivity,6.0,high,POS mobile with interest,365243.0,-2036.0,-1886.0,-1946.0,-1938.0,0.0,0,Cash loans,M,N,Y,0,157500.0,263686.5,29952.0,238500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019101,-13144,-1436,-781.0,-4492,,1,1,1,1,1,0,,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.5728853998639784,0.7048886686561411,0.7062051096536562,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2078.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,1.0,0.0,0.0,0.0,2.0 +2810036,289909,Cash loans,10086.3,90000.0,90000.0,0.0,90000.0,SATURDAY,9,Y,1,0.0,,,XNA,Refused,-2278,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,F,Y,Y,0,180000.0,781879.5,45715.5,724500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-11444,-4631,-5338.0,-2943,3.0,1,1,0,1,1,0,Sales staff,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.6974663400220183,,0.2948,,0.9901,,,0.28,0.2414,0.375,,,,0.2945,,0.0246,0.3004,,0.9901,,,0.282,0.2414,0.375,,,,0.3068,,0.026,0.2977,,0.9901,,,0.28,0.2414,0.375,,,,0.2997,,0.0251,,block of flats,0.2369,Panel,No,1.0,0.0,1.0,0.0,-199.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1404474,385979,Consumer loans,6458.4,112320.0,112320.0,0.0,112320.0,SATURDAY,15,Y,1,0.0,,,XAP,Refused,-2262,XNA,LIMIT,Family,Repeater,Furniture,POS,XNA,Stone,200,Furniture,24.0,middle,POS industry with interest,,,,,,,0,Cash loans,M,Y,Y,0,67500.0,876019.5,34870.5,783000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010966,-19998,-2131,-12386.0,-3280,4.0,1,1,0,1,0,0,Core staff,2.0,2,2,SUNDAY,12,0,0,0,0,1,1,Government,,0.3146243409982624,0.6006575372857061,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,12.0,0.0,12.0,0.0,-1986.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,1.0,2.0 +2605909,122174,Consumer loans,6957.99,31455.0,33484.5,3150.0,31455.0,THURSDAY,12,Y,1,0.09364496208864216,,,XAP,Approved,-1830,Cash through the bank,XAP,"Spouse, partner",Repeater,Mobile,POS,XNA,Country-wide,35,Connectivity,6.0,high,POS mobile with interest,365243.0,-1799.0,-1649.0,-1709.0,-1701.0,0.0,0,Cash loans,F,Y,N,2,67500.0,980937.0,41692.5,805500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-15008,-202,-6878.0,-5283,33.0,1,1,0,1,0,0,High skill tech staff,4.0,3,3,SUNDAY,7,0,0,0,0,0,0,School,0.6898355581321951,0.5001494897108876,,0.1021,0.1299,0.9781,0.7008,0.0548,0.0,0.2759,0.1667,0.2083,0.0782,0.0824,0.0954,0.0039,0.0611,0.104,0.1348,0.9782,0.7125,0.0553,0.0,0.2759,0.1667,0.2083,0.08,0.09,0.0994,0.0039,0.0647,0.1031,0.1299,0.9781,0.7048,0.0551,0.0,0.2759,0.1667,0.2083,0.0796,0.0838,0.0971,0.0039,0.0624,reg oper spec account,block of flats,0.0883,Panel,No,5.0,0.0,5.0,0.0,-1830.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,3.0 +2623143,160785,Revolving loans,2250.0,45000.0,45000.0,,45000.0,TUESDAY,16,Y,1,,,,XAP,Approved,-403,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-401.0,-359.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,135000.0,278811.0,14364.0,189000.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.022625,-19811,-3243,-9612.0,-3348,,1,1,0,1,0,0,Managers,1.0,2,2,SATURDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.7375888365459017,0.6214693065593958,0.445396241560834,0.0825,0.0,0.9876,,,0.0,0.1379,0.1667,,0.0593,,0.063,,0.0,0.084,0.0,0.9876,,,0.0,0.1379,0.1667,,0.0606,,0.0656,,0.0,0.0833,0.0,0.9876,,,0.0,0.1379,0.1667,,0.0603,,0.0641,,0.0,,block of flats,0.0532,"Stone, brick",No,3.0,1.0,3.0,1.0,-1754.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1778289,417293,Consumer loans,11258.28,94068.0,102348.0,0.0,94068.0,MONDAY,8,Y,1,0.0,,,XAP,Approved,-579,Non-cash from your account,XAP,,Repeater,Furniture,POS,XNA,Stone,68,Furniture,10.0,low_normal,POS industry with interest,365243.0,-547.0,-277.0,-337.0,-328.0,0.0,0,Cash loans,F,N,Y,0,112500.0,187704.0,10611.0,148500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.007120000000000001,-24456,365243,-15213.0,-4471,,1,0,0,1,0,0,,1.0,2,2,SATURDAY,9,0,0,0,0,0,0,XNA,,0.025529485624695203,0.8347841592331774,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2217741,298750,Revolving loans,11250.0,225000.0,225000.0,,225000.0,WEDNESDAY,9,Y,1,,,,XAP,Refused,-202,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,198000.0,694773.0,33552.0,621000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.009549,-14580,-4030,-7098.0,-1643,,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,Other,,0.7588555918396279,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-876.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1474529,381610,Consumer loans,14532.165,66672.0,70047.0,0.0,66672.0,TUESDAY,14,Y,1,0.0,,,XAP,Approved,-1010,Cash through the bank,XAP,Unaccompanied,New,Sport and Leisure,POS,XNA,Stone,569,Industry,6.0,high,POS industry with interest,365243.0,-979.0,-829.0,-829.0,-823.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,640080.0,24259.5,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.035792000000000004,-19191,-1236,-1660.0,-1678,3.0,1,1,0,1,0,0,Security staff,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,Self-employed,0.4183753873054247,0.21501666373637948,,0.068,0.0297,0.9747,0.6532,0.0071,0.0,0.1379,0.1667,0.2083,0.0439,0.0546,0.0505,0.0039,0.0654,0.0693,0.0308,0.9747,0.6668,0.0071,0.0,0.1379,0.1667,0.2083,0.0449,0.0597,0.0526,0.0039,0.0693,0.0687,0.0297,0.9747,0.6578,0.0071,0.0,0.1379,0.1667,0.2083,0.0447,0.0556,0.0514,0.0039,0.0668,reg oper account,block of flats,0.0539,"Stone, brick",No,0.0,0.0,0.0,0.0,-687.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2644566,180801,Consumer loans,5760.18,44118.0,48001.5,0.0,44118.0,MONDAY,7,Y,1,0.0,,,XAP,Approved,-523,Cash through the bank,XAP,,Refreshed,Consumer Electronics,POS,XNA,Country-wide,1200,Consumer electronics,10.0,middle,POS household with interest,365243.0,-492.0,-222.0,-372.0,-363.0,0.0,0,Cash loans,F,N,Y,0,33750.0,47970.0,4801.5,45000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.018209,-19517,365243,-8614.0,-3041,,1,0,0,1,0,0,,2.0,3,3,SATURDAY,12,0,0,0,0,0,0,XNA,,0.5158068764797473,0.807273923277881,0.0165,0.0,0.9806,0.7348,0.0017,0.0,0.069,0.0417,0.0833,0.0433,0.0134,0.0132,0.0,0.0,0.0168,0.0,0.9806,0.7452,0.0017,0.0,0.069,0.0417,0.0833,0.0443,0.0147,0.0137,0.0,0.0,0.0167,0.0,0.9806,0.7383,0.0017,0.0,0.069,0.0417,0.0833,0.044,0.0137,0.0134,0.0,0.0,reg oper account,block of flats,0.0113,Panel,No,0.0,0.0,0.0,0.0,-273.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2398157,378222,Consumer loans,2935.71,19071.0,24142.5,0.0,19071.0,SATURDAY,9,Y,1,0.0,,,XAP,Approved,-1654,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,911,Consumer electronics,12.0,high,POS household with interest,365243.0,-1623.0,-1293.0,-1293.0,-1288.0,0.0,0,Cash loans,F,N,Y,0,90000.0,119448.0,5940.0,94500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-21773,365243,-9021.0,-4329,,1,0,0,1,0,0,,2.0,2,2,MONDAY,9,0,0,0,0,0,0,XNA,,0.16318703546427088,0.07905969599457675,0.0825,0.051,0.9717,0.6124,0.0228,0.0,0.1379,0.1667,0.2083,0.0145,0.0672,0.0635,0.0,0.0,0.084,0.0529,0.9717,0.6276,0.023,0.0,0.1379,0.1667,0.2083,0.0148,0.0735,0.0662,0.0,0.0,0.0833,0.051,0.9717,0.6176,0.0229,0.0,0.1379,0.1667,0.2083,0.0147,0.0684,0.0646,0.0,0.0,reg oper account,block of flats,0.0624,"Stone, brick",No,0.0,0.0,0.0,0.0,-1654.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,6.0 +2210807,373406,Consumer loans,4617.945,48206.52,48204.0,2.52,48206.52,THURSDAY,17,Y,1,5.6932321414387343e-05,,,XAP,Approved,-2552,Cash through the bank,XAP,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Country-wide,3235,Consumer electronics,16.0,high,POS household with interest,,,,,,,0,Cash loans,M,N,Y,0,135000.0,316125.0,15372.0,261000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-14840,365243,-8980.0,-4637,,1,0,0,1,1,0,,2.0,2,2,MONDAY,16,0,0,0,0,0,0,XNA,,0.28303586707030165,0.4920600938649263,0.0722,0.0,0.9702,0.7008,,0.0,0.1379,0.1667,0.2083,0.0483,0.0588,0.0369,,0.0,0.0735,0.0,0.9623,0.7125,,0.0,0.1379,0.1667,0.2083,0.0494,0.0643,0.0078,,0.0,0.0729,0.0,0.9702,0.7048,,0.0,0.1379,0.1667,0.2083,0.0491,0.0599,0.0375,,0.0,,block of flats,0.0521,"Stone, brick",Yes,0.0,0.0,0.0,0.0,-1017.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2826394,432199,Cash loans,15400.8,135000.0,143910.0,,135000.0,SUNDAY,9,Y,1,,,,Urgent needs,Refused,-299,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,144000.0,948582.0,27864.0,679500.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.010147,-22087,365243,-5016.0,-5094,,1,0,0,1,1,0,,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,XNA,,0.5933298699977649,0.21518240418475384,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-411.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1986558,343128,Cash loans,,0.0,0.0,,,SUNDAY,18,Y,1,,,,XNA,Refused,-268,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,157500.0,290088.0,17874.0,229500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010147,-15929,-4040,-6685.0,-4467,,1,1,0,1,0,1,Sales staff,2.0,2,2,TUESDAY,9,0,0,0,1,0,1,Self-employed,,0.3760732898815869,0.11392239629221085,0.1464,0.0872,0.9886,0.8436,0.0281,0.08,0.0345,0.3333,0.375,0.0,0.1194,0.1533,0.0,0.0262,0.1492,0.0905,0.9886,0.8497,0.0283,0.0806,0.0345,0.3333,0.375,0.0,0.1304,0.1597,0.0,0.0277,0.1478,0.0872,0.9886,0.8457,0.0283,0.08,0.0345,0.3333,0.375,0.0,0.1214,0.156,0.0,0.0267,reg oper spec account,block of flats,0.1205,"Stone, brick",No,7.0,0.0,7.0,0.0,-1205.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,7.0 +1374420,403891,Cash loans,48950.685,1215000.0,1320849.0,,1215000.0,MONDAY,4,Y,1,,,,XNA,Approved,-940,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_action,Cash X-Sell: low,365243.0,-910.0,140.0,-610.0,-605.0,1.0,1,Cash loans,M,Y,Y,0,292500.0,795465.0,40743.0,711000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.010032,-20728,-3935,-484.0,-2463,23.0,1,1,0,1,1,0,Laborers,2.0,2,2,WEDNESDAY,3,0,0,0,0,0,0,Construction,,0.33337134090735937,0.7180328113294772,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-2397.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1431481,122312,Cash loans,70184.745,1035000.0,1095111.0,,1035000.0,FRIDAY,10,Y,1,,,,XNA,Approved,-981,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-951.0,-261.0,-741.0,-734.0,1.0,0,Cash loans,F,Y,Y,1,135000.0,323194.5,15678.0,279000.0,Family,State servant,Higher education,Married,House / apartment,0.0060079999999999995,-17250,-2744,-11327.0,-799,1.0,1,1,0,1,0,0,Core staff,3.0,2,2,SATURDAY,17,0,0,0,0,0,0,School,,0.7174240281178357,0.5832379256761245,0.2619,0.1912,0.9821,0.7552,0.0523,0.28,0.2414,0.3333,0.375,0.0964,0.2118,0.2765,0.0077,0.0051,0.2668,0.1984,0.9821,0.7648,0.0528,0.282,0.2414,0.3333,0.375,0.0986,0.2314,0.2881,0.0078,0.0054,0.2644,0.1912,0.9821,0.7585,0.0526,0.28,0.2414,0.3333,0.375,0.0981,0.2155,0.2815,0.0078,0.0052,reg oper account,block of flats,0.2472,Panel,No,0.0,0.0,0.0,0.0,-1987.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1315536,421131,Consumer loans,11997.405,107145.0,105984.0,10710.0,107145.0,SUNDAY,9,Y,1,0.09995512739612693,,,XAP,Approved,-1692,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,2334,Consumer electronics,12.0,high,POS household with interest,365243.0,-1661.0,-1331.0,-1361.0,-1356.0,0.0,0,Cash loans,M,Y,N,0,180000.0,900000.0,29034.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-16282,-557,-809.0,-4039,22.0,1,1,1,1,1,0,Laborers,2.0,2,2,MONDAY,11,0,0,0,0,1,1,Construction,0.6363162299485955,0.17193326236807752,0.2925880073368475,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1265.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,1.0,0.0,0.0,0.0,3.0 +1134898,202113,Cash loans,17240.715,90000.0,92970.0,,90000.0,WEDNESDAY,12,Y,1,,,,XNA,Approved,-959,Cash through the bank,XAP,Other_A,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-929.0,-779.0,-779.0,-772.0,1.0,0,Cash loans,F,N,Y,0,126000.0,590337.0,23229.0,477000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.010556,-21492,365243,-12375.0,-4925,,1,0,0,1,0,0,,2.0,3,3,WEDNESDAY,9,0,0,0,0,0,0,XNA,,0.14391305581663852,0.6144143775673561,0.1082,0.0475,0.9831,0.7688,0.0528,0.08,0.0345,0.625,0.6667,0.0082,0.0883,0.1,0.0,0.0206,0.1103,0.0493,0.9831,0.7779,0.0533,0.0806,0.0345,0.625,0.6667,0.0084,0.0964,0.1042,0.0,0.0219,0.1093,0.0475,0.9831,0.7719,0.0532,0.08,0.0345,0.625,0.6667,0.0084,0.0898,0.1018,0.0,0.0211,reg oper account,block of flats,0.1121,Panel,No,0.0,0.0,0.0,0.0,-714.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2081588,103468,Cash loans,25528.86,904500.0,904500.0,,904500.0,THURSDAY,9,Y,1,,,,XNA,Refused,-6,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,130500.0,503266.5,24210.0,503266.5,Unaccompanied,Pensioner,Higher education,Widow,House / apartment,0.028663,-22881,365243,-3700.0,-4723,,1,0,0,1,0,0,,1.0,2,2,MONDAY,15,0,0,0,0,0,0,XNA,,0.6441864144746369,0.39277386060313396,0.1206,0.1414,0.9881,0.8368,0.0212,0.0,0.2759,0.2083,0.25,0.0607,0.0975,0.1269,0.0039,0.0038,0.1229,0.1467,0.9881,0.8432,0.0214,0.0,0.2759,0.2083,0.25,0.0621,0.1065,0.1322,0.0039,0.004,0.1218,0.1414,0.9881,0.8390000000000001,0.0214,0.0,0.2759,0.2083,0.25,0.0617,0.0992,0.1292,0.0039,0.0039,reg oper account,block of flats,0.1123,"Stone, brick",No,1.0,0.0,1.0,0.0,-217.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1456629,271257,Cash loans,16244.82,315000.0,357619.5,,315000.0,FRIDAY,11,Y,1,,,,XNA,Approved,-1090,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,low_normal,Cash X-Sell: low,365243.0,-1060.0,-190.0,-820.0,-814.0,1.0,0,Cash loans,F,N,Y,0,162000.0,922666.5,30622.5,796500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.0060079999999999995,-15538,365243,-8317.0,-4909,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,XNA,,0.2743805969004784,0.8327850252992314,0.0825,0.0649,0.9776,0.6940000000000001,0.0284,0.0,0.1379,0.1667,0.2083,0.0579,0.0672,0.071,0.0,0.0,0.084,0.0674,0.9777,0.706,0.0287,0.0,0.1379,0.1667,0.2083,0.0593,0.0735,0.0739,0.0,0.0,0.0833,0.0649,0.9776,0.6981,0.0286,0.0,0.1379,0.1667,0.2083,0.0589,0.0684,0.0722,0.0,0.0,reg oper account,block of flats,0.0602,Panel,No,3.0,1.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,1.0,3.0 +1856390,169096,Cash loans,52477.29,900000.0,1004544.0,,900000.0,MONDAY,8,Y,1,,,,XNA,Approved,-235,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,high,Cash X-Sell: high,,,,,,,1,Cash loans,M,Y,Y,1,202500.0,675000.0,21906.0,675000.0,Unaccompanied,Commercial associate,Incomplete higher,Separated,House / apartment,0.015221,-13229,-1178,-5365.0,-1388,23.0,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.17623419513719946,0.17456426555726348,0.2227,0.1213,0.9861,,,0.24,0.2069,0.3333,,0.1496,,0.2206,,,0.2269,0.1259,0.9861,,,0.2417,0.2069,0.3333,,0.1531,,0.2298,,,0.2248,0.1213,0.9861,,,0.24,0.2069,0.3333,,0.1522,,0.2246,,,,block of flats,0.2059,Panel,No,1.0,1.0,1.0,1.0,-1280.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +1523120,177882,Consumer loans,5162.175,23503.5,22023.0,2353.5,23503.5,THURSDAY,10,Y,1,0.10514944534881764,,,XAP,Approved,-2783,XNA,XAP,Family,New,Mobile,POS,XNA,Country-wide,68,Connectivity,5.0,low_normal,POS mobile with interest,365243.0,-2752.0,-2632.0,-2632.0,-2626.0,1.0,0,Cash loans,F,N,Y,0,135000.0,878733.0,25821.0,733500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-13945,-317,-4287.0,-3584,,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,12,0,0,0,0,0,0,School,0.3684562242895525,0.5584371304216363,0.511891801533151,0.6139,0.1773,0.9856,0.8028,0.1243,0.34,0.2931,0.3333,0.375,0.076,0.5001,0.3343,0.0097,0.0126,0.3015,0.1778,0.9851,0.804,0.1183,0.3222,0.2759,0.3333,0.375,0.0626,0.2626,0.3247,0.0039,0.0084,0.6199,0.1773,0.9856,0.8054,0.1251,0.34,0.2931,0.3333,0.375,0.0773,0.5088,0.3403,0.0097,0.0128,reg oper account,block of flats,0.2468,Panel,No,5.0,1.0,5.0,1.0,-2783.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1110876,272052,Cash loans,8694.9,45000.0,45000.0,0.0,45000.0,FRIDAY,16,Y,1,0.0,,,XNA,Approved,-2470,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,6.0,high,Cash Street: high,365243.0,-2440.0,-2290.0,-2290.0,-2286.0,0.0,0,Revolving loans,F,N,N,0,112500.0,225000.0,11250.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-22276,365243,-9736.0,-4422,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,XNA,,0.6668020761202584,0.646329897706246,0.1041,0.0909,0.9796,0.7212,0.0112,0.0,0.2069,0.1667,0.2083,0.1194,0.0849,0.0928,0.0,0.0,0.1061,0.0943,0.9796,0.7321,0.0113,0.0,0.2069,0.1667,0.2083,0.1221,0.0927,0.0967,0.0,0.0,0.1051,0.0909,0.9796,0.7249,0.0113,0.0,0.2069,0.1667,0.2083,0.1215,0.0864,0.0944,0.0,0.0,reg oper account,block of flats,0.073,Panel,No,0.0,0.0,0.0,0.0,-685.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1069541,161372,Cash loans,15349.095,229500.0,326439.0,,229500.0,FRIDAY,17,Y,1,,,,XNA,Refused,-213,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,135000.0,432661.5,26275.5,373500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.035792000000000004,-17165,-4615,-9582.0,-691,,1,1,0,1,0,0,Private service staff,1.0,2,2,MONDAY,13,0,0,0,0,0,0,Self-employed,,0.7351555335582762,0.2353105173615833,0.2969,0.1575,0.9816,0.7484,0.0662,0.32,0.2759,0.3333,0.375,0.2193,0.2421,0.2855,0.0,0.0,0.3025,0.1634,0.9816,0.7583,0.0668,0.3222,0.2759,0.3333,0.375,0.2243,0.2645,0.2975,0.0,0.0,0.2998,0.1575,0.9816,0.7518,0.0666,0.32,0.2759,0.3333,0.375,0.2231,0.2463,0.2907,0.0,0.0,reg oper account,block of flats,0.2246,Panel,No,0.0,0.0,0.0,0.0,-1574.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1895154,121670,Consumer loans,12536.55,93834.0,91876.5,9387.0,93834.0,THURSDAY,14,Y,1,0.10095736730052156,,,XAP,Approved,-459,XNA,XAP,Family,Refreshed,Mobile,POS,XNA,Country-wide,34,Connectivity,10.0,high,POS mobile with interest,365243.0,-427.0,-157.0,-157.0,-155.0,0.0,0,Cash loans,F,N,N,0,135000.0,729792.0,31050.0,630000.0,Family,Working,Secondary / secondary special,Separated,House / apartment,0.030755,-19973,-7379,-3069.0,-3499,,1,1,0,1,0,0,,1.0,2,2,MONDAY,10,0,0,0,0,0,0,Trade: type 7,,0.4943165569140841,,0.0093,0.0,0.9687,0.5716,0.0006,0.0,0.0345,0.0,0.0417,0.04,0.0076,0.0064,0.0,0.0,0.0095,0.0,0.9687,0.5884,0.0006,0.0,0.0345,0.0,0.0417,0.0409,0.0083,0.0066,0.0,0.0,0.0094,0.0,0.9687,0.5773,0.0006,0.0,0.0345,0.0,0.0417,0.0407,0.0077,0.0065,0.0,0.0,reg oper account,block of flats,0.0053,"Stone, brick",No,1.0,1.0,1.0,1.0,-2118.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +1607399,333864,Revolving loans,9000.0,180000.0,180000.0,,180000.0,THURSDAY,13,Y,1,,,,XAP,Approved,-242,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-240.0,-195.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,1,225000.0,315000.0,16002.0,315000.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.009334,-13024,-105,-2145.0,-4549,2.0,1,1,0,1,0,0,Managers,2.0,2,2,WEDNESDAY,14,0,0,0,0,1,1,Self-employed,,0.6642026166188671,0.17982176508970435,0.0252,0.0252,0.9657,0.5648,0.004,0.0,0.0862,0.0571,0.0625,0.0116,0.024,0.0165,0.0,0.0,0.0084,0.0,0.9633,0.5165,0.0013,0.0,0.069,0.0417,0.0833,0.0066,0.0073,0.0042,0.0,0.0,0.0083,0.0,0.9632,0.5035,0.0013,0.0,0.069,0.0417,0.0833,0.0065,0.0068,0.0082,0.0,0.0,reg oper account,block of flats,0.0064,Wooden,No,0.0,0.0,0.0,0.0,-1116.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1762157,206569,Cash loans,9765.99,90000.0,121968.0,0.0,90000.0,MONDAY,12,Y,1,0.0,,,Other,Approved,-1648,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,high,Cash Street: high,365243.0,-1617.0,-927.0,-927.0,-922.0,0.0,0,Cash loans,F,N,Y,2,202500.0,450000.0,22018.5,450000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.026392000000000002,-12652,-4439,-3697.0,-3451,,1,1,0,1,0,0,Core staff,4.0,2,2,FRIDAY,13,0,0,0,0,0,0,School,,0.5822355744712915,0.3859146722745145,0.0165,,0.9791,,,0.0,0.069,0.0417,,0.0066,,0.0132,,0.0,0.0168,,0.9791,,,0.0,0.069,0.0417,,0.0067,,0.0137,,0.0,0.0167,,0.9791,,,0.0,0.069,0.0417,,0.0067,,0.0134,,0.0,,block of flats,0.0104,Panel,No,5.0,0.0,5.0,0.0,-1501.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1435519,103176,Consumer loans,4117.635,27159.75,26077.5,2697.75,27159.75,SUNDAY,15,Y,1,0.10210493392759402,,,XAP,Approved,-1370,Cash through the bank,XAP,,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,39,Connectivity,8.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,N,2,180000.0,640764.0,24957.0,459000.0,Unaccompanied,Working,Secondary / secondary special,Separated,With parents,0.035792000000000004,-12679,-2638,-6418.0,-3682,,1,1,0,1,0,0,Core staff,3.0,2,2,FRIDAY,14,0,0,0,0,0,0,Kindergarten,0.06859832432974715,0.6371639479854374,0.470456116119975,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-529.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1058477,372724,Cash loans,15675.21,243000.0,243000.0,,243000.0,MONDAY,7,Y,1,,,,XNA,Approved,-1484,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-1454.0,-764.0,-764.0,-756.0,1.0,0,Cash loans,F,N,Y,1,130500.0,132444.0,14391.0,117000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.025164,-13554,-2529,-3213.0,-4351,,1,1,0,1,0,0,Core staff,3.0,2,2,MONDAY,9,0,0,0,0,1,1,Postal,,0.26651977539251576,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1613.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1990923,283474,Cash loans,13095.855,225000.0,269550.0,,225000.0,FRIDAY,13,Y,1,,,,XNA,Refused,-1027,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,1,247500.0,1236816.0,40027.5,1080000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.025164,-11232,-461,-37.0,-2209,,1,1,0,1,1,0,Accountants,3.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.6001753233842388,0.456969321416186,0.5226973172821112,0.0928,0.0924,0.9791,0.7144,0.0121,0.0,0.2069,0.1667,0.2083,0.0936,0.0756,0.0787,0.0,0.0,0.0945,0.0958,0.9791,0.7256,0.0122,0.0,0.2069,0.1667,0.2083,0.0958,0.0826,0.08199999999999999,0.0,0.0,0.0937,0.0924,0.9791,0.7182,0.0122,0.0,0.2069,0.1667,0.2083,0.0952,0.077,0.0801,0.0,0.0,reg oper account,block of flats,0.0685,Panel,No,0.0,0.0,0.0,0.0,-2676.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,5.0 +1893100,431414,Cash loans,14791.005,180000.0,197820.0,,180000.0,SATURDAY,14,Y,1,,,,XNA,Refused,-285,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,100,XNA,18.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,157500.0,284400.0,16011.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.032561,-24197,365243,-6743.0,-4336,,1,0,0,1,1,0,,1.0,1,1,THURSDAY,14,0,0,0,0,0,0,XNA,0.3076123467580969,0.6119327335600919,0.326475210066026,,,0.9831,0.7688,0.1691,,,,,0.1972,,0.7104,,0.0,,,0.9831,0.7779,0.1706,,,,,0.2017,,0.7401,,0.0,,,0.9831,0.7719,0.1702,,,,,0.2006,,0.7231,,0.0,,block of flats,0.6512,"Stone, brick",No,1.0,0.0,1.0,0.0,-885.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2805920,112546,Cash loans,22306.905,180000.0,216418.5,,180000.0,FRIDAY,16,Y,1,,,,XNA,Approved,-946,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-916.0,-586.0,-586.0,-580.0,1.0,0,Cash loans,F,N,N,2,202500.0,1078200.0,38331.0,900000.0,Unaccompanied,Working,Higher education,Married,Municipal apartment,0.005002,-11592,-2283,-1604.0,-1615,,1,1,0,1,0,0,Laborers,4.0,3,3,SATURDAY,13,0,0,0,1,1,0,Trade: type 7,,0.405339520426045,0.6545292802242897,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-407.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1719598,379896,Consumer loans,7764.3,76927.5,76927.5,0.0,76927.5,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-346,Cash through the bank,XAP,Unaccompanied,Refreshed,Clothing and Accessories,POS,XNA,Country-wide,128,Clothing,12.0,middle,POS industry with interest,365243.0,-316.0,14.0,-226.0,-219.0,0.0,0,Revolving loans,F,N,Y,0,67500.0,450000.0,22500.0,450000.0,Unaccompanied,Pensioner,Higher education,Single / not married,House / apartment,0.031329,-17822,365243,-1148.0,-1362,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,11,0,0,0,0,0,0,XNA,,0.5429530206355017,0.5334816299804352,0.0639,0.0357,0.9732,0.6328,0.0179,0.0,0.1034,0.1667,0.2083,0.0488,0.0504,0.0523,0.0077,0.0127,0.0651,0.037000000000000005,0.9732,0.6472,0.018000000000000002,0.0,0.1034,0.1667,0.2083,0.0499,0.0551,0.0545,0.0078,0.0134,0.0645,0.0357,0.9732,0.6377,0.018000000000000002,0.0,0.1034,0.1667,0.2083,0.0497,0.0513,0.0532,0.0078,0.013,reg oper account,block of flats,0.0536,Block,No,0.0,0.0,0.0,0.0,-998.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1802440,274312,Consumer loans,4522.41,24921.0,26896.5,0.0,24921.0,THURSDAY,17,Y,1,0.0,,,XAP,Approved,-277,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,8.0,high,POS mobile with interest,365243.0,-245.0,-35.0,-35.0,-29.0,0.0,0,Cash loans,F,N,Y,0,126000.0,180000.0,11848.5,180000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.00702,-19450,-1308,-4206.0,-2965,,1,1,1,1,1,0,Laborers,2.0,2,2,MONDAY,16,0,0,0,0,1,1,Transport: type 2,,0.5489861666323443,0.3280631605201915,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1872.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1552033,158876,Cash loans,18615.87,270000.0,355536.0,,270000.0,MONDAY,11,Y,1,,,,XNA,Refused,-97,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,N,Y,0,135000.0,159264.0,10773.0,126000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.004849,-15245,-2197,-7961.0,-4173,,1,1,0,1,0,0,Low-skill Laborers,2.0,2,2,SUNDAY,17,0,0,0,0,1,1,Business Entity Type 3,,0.4676775328021562,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-748.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2253193,418128,Cash loans,9614.16,117000.0,128583.0,,117000.0,SATURDAY,15,Y,1,,,,XNA,Approved,-371,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,40,Connectivity,18.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,1,135000.0,1078200.0,31653.0,900000.0,Family,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.031329,-14264,-5224,-6079.0,-3827,,1,1,0,1,0,0,Sales staff,2.0,2,2,SATURDAY,15,0,0,0,0,0,0,Self-employed,0.5024159873526057,0.7554984550204015,0.7151031019926098,0.0237,0.0,0.9583,0.4288,0.0028,0.0,0.069,0.0417,0.0417,0.041,0.0193,0.0062,0.0,0.0,0.0242,0.0,0.9583,0.4512,0.0028,0.0,0.069,0.0417,0.0417,0.042,0.0211,0.0064,0.0,0.0,0.0239,0.0,0.9583,0.4364,0.0028,0.0,0.069,0.0417,0.0417,0.0418,0.0197,0.0063,0.0,0.0,reg oper account,block of flats,0.0076,Wooden,No,0.0,0.0,0.0,0.0,-425.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,2.0 +1693064,245551,Cash loans,19593.0,315000.0,315000.0,0.0,315000.0,MONDAY,11,Y,1,0.0,,,XNA,Approved,-1748,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,30.0,high,Cash X-Sell: high,365243.0,-1718.0,-848.0,-848.0,-839.0,0.0,0,Revolving loans,F,N,Y,1,117000.0,337500.0,16875.0,337500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,Municipal apartment,0.009334,-20736,365243,-9994.0,-4131,,1,0,0,1,1,0,,3.0,2,2,SATURDAY,11,0,0,0,0,0,0,XNA,,0.6303678509245384,0.7136313997323308,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1748.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2585861,133121,Consumer loans,5651.235,42525.0,41431.5,4252.5,42525.0,SUNDAY,12,Y,1,0.10137814313346223,,,XAP,Approved,-2020,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Stone,4,Connectivity,10.0,high,POS household with interest,365243.0,-1984.0,-1714.0,-1774.0,-1768.0,0.0,0,Cash loans,F,Y,N,0,202500.0,1305000.0,36018.0,1305000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.028663,-19823,-759,-3345.0,-3349,4.0,1,1,0,1,0,0,,2.0,2,2,THURSDAY,9,0,0,0,0,1,1,Business Entity Type 3,,0.6407003345895662,0.3556387169923543,0.0309,0.0364,0.9876,0.83,0.0122,0.0,0.069,0.1667,0.0417,0.0068,0.0252,0.0273,0.0,0.0,0.0315,0.0377,0.9876,0.8367,0.0123,0.0,0.069,0.1667,0.0417,0.0069,0.0275,0.0285,0.0,0.0,0.0312,0.0364,0.9876,0.8323,0.0122,0.0,0.069,0.1667,0.0417,0.0069,0.0257,0.0278,0.0,0.0,reg oper account,block of flats,0.0215,"Stone, brick",No,0.0,0.0,0.0,0.0,-1728.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1972625,132783,Consumer loans,19464.84,210964.5,189864.0,21100.5,210964.5,SATURDAY,11,Y,1,0.1089299987783382,,,XAP,Approved,-306,Cash through the bank,XAP,Family,New,Construction Materials,POS,XNA,Stone,600,Construction,12.0,middle,POS industry with interest,365243.0,-275.0,55.0,-125.0,-123.0,0.0,0,Cash loans,F,N,Y,0,135000.0,813195.0,27004.5,702000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.00733,-20279,365243,-8588.0,-3599,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,14,0,0,0,0,0,0,XNA,0.7068080510713307,0.28232640421904515,0.4722533429586386,0.2227,0.162,0.9886,0.8436,0.0953,0.12,0.1034,0.3333,0.375,0.1338,0.1816,0.2407,0.0,0.0,0.2269,0.1681,0.9886,0.8497,0.0962,0.1208,0.1034,0.3333,0.375,0.1368,0.1983,0.2508,0.0,0.0,0.2248,0.162,0.9886,0.8457,0.0959,0.12,0.1034,0.3333,0.375,0.1361,0.1847,0.245,0.0,0.0,reg oper account,block of flats,0.2344,Panel,No,0.0,0.0,0.0,0.0,-306.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2453620,213702,Cash loans,,0.0,0.0,,,MONDAY,11,Y,1,,,,XNA,Refused,-269,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,Y,Y,0,270000.0,679671.0,50949.0,607500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.004849,-16219,-5135,-3772.0,-729,7.0,1,1,0,1,1,0,Managers,2.0,2,2,THURSDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.5687058687654571,0.4979190083288546,0.6347055309763198,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1073.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1758373,306221,Cash loans,17185.41,373500.0,452385.0,,373500.0,FRIDAY,10,Y,1,,,,XNA,Refused,-100,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,N,Y,0,270000.0,717003.0,23130.0,598500.0,Family,Working,Higher education,Married,House / apartment,0.010643000000000001,-21945,-1481,-118.0,-4430,,1,1,0,1,1,0,,2.0,2,2,SUNDAY,11,0,0,0,0,1,1,Business Entity Type 3,,0.3638208723209208,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-201.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2402937,199322,Cash loans,18692.955,180000.0,191880.0,,180000.0,MONDAY,14,Y,1,,,,XNA,Approved,-20,XNA,XAP,"Spouse, partner",Refreshed,XNA,Cash,x-sell,Contact center,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,365243.0,340.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,112500.0,672174.0,19782.0,481500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-22525,365243,-6248.0,-4274,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,XNA,,0.670976831989264,0.6347055309763198,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1119.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2684564,387298,Consumer loans,5672.295,78012.0,98608.5,0.0,78012.0,TUESDAY,16,Y,1,0.0,,,XAP,Refused,-912,Cash through the bank,SCO,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,250,Consumer electronics,30.0,middle,POS household with interest,,,,,,,0,Cash loans,M,Y,Y,0,225000.0,1056447.0,34209.0,922500.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,House / apartment,0.0060079999999999995,-8837,-891,-1997.0,-988,17.0,1,1,0,1,0,0,Laborers,1.0,2,2,THURSDAY,12,0,0,0,0,1,1,Business Entity Type 3,0.2569504912317952,0.09191725116590496,0.29708661164720285,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-912.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1644040,448717,Cash loans,62453.835,1035000.0,1110141.0,,1035000.0,SUNDAY,13,Y,1,,,,XNA,Approved,-658,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,365243.0,-628.0,242.0,-388.0,-385.0,1.0,0,Cash loans,F,Y,Y,0,112500.0,145557.0,10260.0,121500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00702,-19990,-5053,-5569.0,-3501,9.0,1,1,0,1,0,0,Sales staff,2.0,2,2,SUNDAY,10,0,0,0,0,0,0,Trade: type 7,,0.6518821834877028,0.4170996682522097,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1598.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1045786,398944,Consumer loans,8370.99,39060.0,46075.5,0.0,39060.0,SUNDAY,17,Y,1,0.0,,,XAP,Approved,-342,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Stone,300,Consumer electronics,6.0,middle,POS household with interest,365243.0,-311.0,-161.0,-161.0,-153.0,0.0,0,Cash loans,M,N,N,1,225000.0,225000.0,13045.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.032561,-11603,-1169,-5254.0,-3958,,1,1,0,1,1,0,Managers,3.0,1,1,SATURDAY,17,0,0,0,0,0,0,Business Entity Type 3,,0.7876460167215711,0.6058362647264226,0.4897,0.2842,0.9921,0.9592,0.0608,0.48,0.2414,0.75,0.0417,0.2247,0.0967,0.5216,0.0579,0.1062,0.1366,0.1236,0.9866,0.9608,0.0613,0.1208,0.0345,0.625,0.0417,0.2298,0.1056,0.1387,0.0584,0.0607,0.4944,0.2842,0.9921,0.9597,0.0612,0.48,0.2414,0.75,0.0417,0.2286,0.0983,0.531,0.0582,0.1084,reg oper account,block of flats,0.7283,"Stone, brick",No,0.0,0.0,0.0,0.0,-2217.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2786691,332399,Cash loans,36292.5,1125000.0,1125000.0,,1125000.0,SATURDAY,14,Y,1,,,,XNA,Refused,-198,XNA,LIMIT,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,135000.0,1125000.0,36292.5,1125000.0,Unaccompanied,Working,Higher education,Single / not married,Municipal apartment,0.04622,-8962,-2077,-7188.0,-445,,1,1,1,1,0,0,Laborers,1.0,1,1,SUNDAY,13,0,1,1,0,1,1,Other,,0.6177481031797063,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-439.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1011702,455924,Consumer loans,12255.525,143415.0,129073.5,14341.5,143415.0,FRIDAY,12,Y,1,0.1089090909090909,,,XAP,Approved,-249,Cash through the bank,XAP,Unaccompanied,Refreshed,Furniture,POS,XNA,Country-wide,100,Furniture,12.0,low_normal,POS industry with interest,365243.0,-215.0,115.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,225000.0,1827549.0,50386.5,1525500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.072508,-18772,365243,-798.0,-48,6.0,1,0,0,1,1,0,,2.0,1,1,TUESDAY,14,0,0,0,0,0,0,XNA,0.6734780959523818,0.7748872876777765,,0.2093,0.0612,0.9985,0.9728,0.0,0.22,0.0862,0.7708,0.7083,0.0,0.2177,0.2176,0.0,0.1013,0.1544,0.0298,0.998,0.9739,0.0,0.1208,0.0345,0.6667,0.7083,0.0,0.2378,0.1515,0.0,0.0665,0.2113,0.0612,0.9985,0.9732,0.0,0.22,0.0862,0.7708,0.7083,0.0,0.2215,0.2215,0.0,0.1034,reg oper account,block of flats,0.2548,"Stone, brick",No,1.0,0.0,1.0,0.0,-2056.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2801102,325408,Consumer loans,11463.12,53991.0,56664.0,0.0,53991.0,MONDAY,19,Y,1,0.0,,,XAP,Approved,-2363,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,36,Connectivity,6.0,high,POS mobile with interest,365243.0,-2332.0,-2182.0,-2182.0,-2175.0,1.0,1,Cash loans,M,Y,Y,2,135000.0,450000.0,27324.0,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.026392000000000002,-10920,-1831,-4697.0,-3604,8.0,1,1,0,1,0,0,,4.0,2,2,FRIDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.1632784493110616,0.685213845537127,0.13510601574017175,0.0742,0.0432,0.9856,,,0.08,0.069,0.3333,,0.0182,,0.0724,,0.0,0.0756,0.0448,0.9856,,,0.0806,0.069,0.3333,,0.0186,,0.0754,,0.0,0.0749,0.0432,0.9856,,,0.08,0.069,0.3333,,0.0185,,0.0737,,0.0,,block of flats,0.0569,Panel,No,0.0,0.0,0.0,0.0,-442.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1714394,146741,Consumer loans,15624.9,173610.0,156249.0,17361.0,173610.0,WEDNESDAY,17,Y,1,0.1089090909090909,,,XAP,Approved,-2380,Cash through the bank,XAP,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Stone,450,Consumer electronics,12.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,166500.0,631332.0,43938.0,585000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.031329,-17012,-6337,-6567.0,-406,,1,1,0,1,0,0,Managers,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Postal,0.7587101332866956,0.594300365300401,0.4938628816996244,0.0804,0.0804,0.9752,0.66,0.0075,0.0,0.1379,0.1667,0.2083,0.0108,0.0639,0.0647,0.0077,0.0141,0.0819,0.0834,0.9752,0.6733,0.0076,0.0,0.1379,0.1667,0.2083,0.0111,0.0698,0.0674,0.0078,0.0149,0.0812,0.0804,0.9752,0.6645,0.0076,0.0,0.1379,0.1667,0.2083,0.011,0.065,0.0658,0.0078,0.0144,reg oper account,block of flats,0.0581,Block,No,2.0,0.0,2.0,0.0,-2380.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1546783,451604,Revolving loans,27000.0,0.0,540000.0,,,SATURDAY,14,Y,1,,,,XAP,Refused,-628,XNA,HC,,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),4,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,N,0,135000.0,373140.0,27040.5,337500.0,Unaccompanied,Working,Secondary / secondary special,Separated,Municipal apartment,0.005002,-10401,-624,-4321.0,-2635,,1,1,1,1,1,0,,1.0,3,3,THURSDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.6323578590584609,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1463.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2226364,248710,Consumer loans,5286.915,29205.0,25929.0,4500.0,29205.0,FRIDAY,14,Y,1,0.1610604716194778,,,XAP,Approved,-1832,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,17,Connectivity,6.0,high,POS mobile with interest,365243.0,-1767.0,-1617.0,-1647.0,-1641.0,0.0,0,Cash loans,F,Y,N,0,90000.0,225000.0,23755.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-15478,-4264,-5489.0,-5573,11.0,1,1,1,1,1,0,Sales staff,2.0,3,3,TUESDAY,14,0,0,0,0,0,0,Trade: type 7,0.5230289116803568,0.183415938108124,0.4740512892789932,0.1124,0.14800000000000002,0.9836,0.7756,0.024,0.0,0.2414,0.1667,0.2083,0.0478,0.0916,0.1229,0.0,0.0,0.1145,0.1536,0.9836,0.7844,0.0242,0.0,0.2414,0.1667,0.2083,0.0489,0.1001,0.1281,0.0,0.0,0.1135,0.14800000000000002,0.9836,0.7786,0.0242,0.0,0.2414,0.1667,0.2083,0.0486,0.0932,0.1251,0.0,0.0,reg oper account,block of flats,0.0967,Panel,No,1.0,0.0,1.0,0.0,-1832.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,3.0 +1012548,439195,Cash loans,40057.335,630000.0,694863.0,,630000.0,FRIDAY,14,Y,1,,,,XNA,Approved,-818,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash X-Sell: high,365243.0,-787.0,263.0,-277.0,-270.0,0.0,0,Cash loans,M,Y,Y,2,135000.0,450000.0,30204.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.015221,-16067,-274,-2106.0,-4353,24.0,1,1,0,1,0,0,Sales staff,4.0,2,2,THURSDAY,9,0,0,0,0,0,0,Trade: type 7,,0.6093487352815194,0.5334816299804352,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2122426,205620,Cash loans,16538.4,270000.0,270000.0,,270000.0,FRIDAY,12,Y,1,,,,XNA,Refused,-40,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,M,Y,Y,1,135000.0,315000.0,19165.5,315000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-17067,-3375,-9555.0,-609,17.0,1,1,0,1,0,0,Drivers,3.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Self-employed,,0.2299502970627464,0.248535557339522,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-1898.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,8.0 +2508433,198002,Cash loans,31754.97,765000.0,896274.0,,765000.0,SUNDAY,7,Y,1,,,,XNA,Approved,-580,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,middle,Cash X-Sell: middle,365243.0,-550.0,1220.0,-340.0,-335.0,1.0,0,Cash loans,F,N,N,0,148500.0,238896.0,8707.5,189000.0,Family,Working,Higher education,Married,House / apartment,0.018801,-20652,-5066,-5108.0,-4047,,1,1,0,1,1,0,Cooking staff,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Other,0.7910255003627719,0.5385923234270861,0.6512602186973006,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1695.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1187735,372857,Cash loans,14983.47,67500.0,78079.5,,67500.0,TUESDAY,12,Y,1,,,,XNA,Approved,-1035,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-1005.0,-855.0,-945.0,-939.0,1.0,0,Cash loans,F,Y,N,0,225000.0,1575000.0,54747.0,1575000.0,Unaccompanied,Working,Higher education,Married,With parents,0.018029,-13115,-3224,-5295.0,-742,21.0,1,1,0,1,0,1,Managers,2.0,3,3,SUNDAY,15,0,0,0,0,0,0,Other,0.5727794134433148,0.6084165669938029,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,0.0,8.0,0.0,-1035.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2070573,258778,Cash loans,17626.05,270000.0,299223.0,,270000.0,FRIDAY,15,Y,1,,,,XNA,Approved,-783,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-753.0,-63.0,-513.0,-508.0,1.0,0,Cash loans,F,N,Y,0,247500.0,1035000.0,30393.0,1035000.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.019688999999999998,-17965,-643,-11869.0,-835,,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Self-employed,,0.6429825603430621,0.5691487713619409,0.0495,0.0638,0.9752,0.66,0.0048,0.0,0.1379,0.125,0.1667,0.0111,0.0403,0.0268,0.0,0.0498,0.0504,0.0662,0.9752,0.6733,0.0049,0.0,0.1379,0.125,0.1667,0.0113,0.0441,0.0279,0.0,0.0527,0.05,0.0638,0.9752,0.6645,0.0049,0.0,0.1379,0.125,0.1667,0.0113,0.041,0.0273,0.0,0.0508,reg oper account,block of flats,0.0319,"Stone, brick",No,1.0,0.0,1.0,0.0,-783.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,3.0 +2584902,118609,Consumer loans,3670.65,31401.0,26901.0,4500.0,31401.0,TUESDAY,14,Y,1,0.15607493681440365,,,XAP,Approved,-100,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,10,Connectivity,10.0,high,POS mobile with interest,365243.0,-60.0,210.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,1,112500.0,728460.0,43506.0,675000.0,Other_B,State servant,Secondary / secondary special,Civil marriage,House / apartment,0.01885,-20360,-439,-8617.0,-3921,,1,1,1,1,1,0,Core staff,3.0,2,2,THURSDAY,13,0,0,0,1,1,0,Emergency,,0.627637765261628,0.4776491548517548,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-498.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1581749,175813,Cash loans,20793.375,184500.0,196677.0,,184500.0,SUNDAY,16,Y,1,,,,XNA,Approved,-901,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-871.0,-541.0,-841.0,-838.0,1.0,0,Cash loans,M,N,Y,0,270000.0,536917.5,19413.0,463500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009175,-21823,-1498,-3254.0,-4104,,1,1,0,1,0,1,,2.0,2,2,FRIDAY,18,0,1,1,0,0,0,School,0.7146098716793337,0.7095162706305912,,0.267,0.0249,0.9846,,,0.28,0.2414,0.3333,,0.0848,,0.1748,,,0.2721,0.0258,0.9846,,,0.282,0.2414,0.3333,,0.0867,,0.1821,,,0.2696,0.0249,0.9846,,,0.28,0.2414,0.3333,,0.0863,,0.1779,,,,block of flats,0.2157,Panel,No,3.0,1.0,3.0,0.0,-2124.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1858331,289736,Cash loans,,0.0,0.0,,,MONDAY,17,Y,1,,,,XNA,Refused,-247,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,0,XNA,,XNA,Cash,,,,,,,1,Cash loans,M,N,N,0,171000.0,108072.0,7960.5,85500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-17871,-1028,-3061.0,-1364,,1,1,0,1,0,0,Drivers,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Self-employed,,0.07626669588928142,,0.1856,0.1311,0.9866,0.8164,0.0706,0.16,0.0345,0.4583,0.5,0.0936,0.1513,0.1488,0.0,0.0,0.1891,0.136,0.9866,0.8236,0.0712,0.1611,0.0345,0.4583,0.5,0.0957,0.1653,0.1548,0.0,0.0,0.1874,0.1311,0.9866,0.8189,0.071,0.16,0.0345,0.4583,0.5,0.0952,0.1539,0.1515,0.0,0.0,reg oper account,block of flats,0.1172,"Stone, brick",No,1.0,1.0,1.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1419485,263721,Cash loans,11718.99,103500.0,117162.0,,103500.0,WEDNESDAY,15,Y,1,,,,XNA,Approved,-150,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-120.0,210.0,-90.0,-83.0,1.0,0,Cash loans,M,N,N,0,157500.0,278460.0,21676.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.02461,-16830,-590,-8859.0,-354,,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.4852760317330109,0.7065871048769996,0.7583930617144343,0.2598,0.1889,0.9851,0.7959999999999999,0.1286,0.28,0.2414,0.3333,0.375,0.1529,0.2118,0.2709,0.0,0.0,0.2647,0.196,0.9851,0.804,0.1298,0.282,0.2414,0.3333,0.375,0.1564,0.2314,0.2823,0.0,0.0,0.2623,0.1889,0.9851,0.7987,0.1294,0.28,0.2414,0.3333,0.375,0.1555,0.2155,0.2758,0.0,0.0,reg oper account,block of flats,0.2834,Panel,No,3.0,2.0,3.0,2.0,-1695.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1187794,133982,Cash loans,37675.845,540000.0,572076.0,,540000.0,SATURDAY,11,Y,1,,,,XNA,Approved,-406,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-376.0,134.0,365243.0,365243.0,1.0,0,Cash loans,M,N,N,0,225000.0,177489.0,21190.5,166500.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.00702,-18499,-173,-6973.0,-1992,,1,1,1,1,0,0,,2.0,2,2,SATURDAY,10,0,0,0,0,1,1,Construction,,0.3138656518974671,0.6092756673894402,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-659.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2179152,427742,Consumer loans,4357.71,14805.0,15295.5,0.0,14805.0,TUESDAY,17,Y,1,0.0,,,XAP,Approved,-2610,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,2000,Consumer electronics,4.0,high,POS household with interest,365243.0,-2578.0,-2488.0,-2488.0,-2479.0,1.0,0,Cash loans,M,N,Y,0,90000.0,900000.0,46084.5,900000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-16520,-203,-216.0,-66,,1,1,0,1,0,1,Laborers,2.0,2,2,MONDAY,16,0,0,0,0,0,0,Industry: type 11,0.5588605473685643,0.4664854727365485,,0.2144,0.1944,0.9965,,,0.0,0.2759,0.25,,0.1146,,0.2013,,0.0,0.2185,0.2017,0.9965,,,0.0,0.2759,0.25,,0.1172,,0.2098,,0.0,0.2165,0.1944,0.9965,,,0.0,0.2759,0.25,,0.1165,,0.205,,0.0,,block of flats,0.1584,"Stone, brick",No,1.0,1.0,1.0,1.0,-67.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2430232,306447,Consumer loans,9283.095,89955.0,99454.5,0.0,89955.0,SUNDAY,15,Y,1,0.0,,,XAP,Approved,-272,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Stone,100,Furniture,12.0,low_normal,POS industry with interest,365243.0,-242.0,88.0,365243.0,365243.0,1.0,0,Revolving loans,F,Y,Y,0,180000.0,180000.0,9000.0,180000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.025164,-8761,-610,-7479.0,-1429,2.0,1,1,0,1,0,1,Accountants,1.0,2,2,SATURDAY,11,0,0,0,0,0,0,Industry: type 12,0.29630379972493026,0.12732008857663496,0.3706496323299817,0.0742,0.07,0.9757,0.6668,0.0298,0.0,0.1379,0.1667,0.2083,0.0449,0.0588,0.0646,0.0077,0.0129,0.0756,0.0727,0.9757,0.6798,0.0301,0.0,0.1379,0.1667,0.2083,0.0459,0.0643,0.0673,0.0078,0.0137,0.0749,0.07,0.9757,0.6713,0.03,0.0,0.1379,0.1667,0.2083,0.0456,0.0599,0.0658,0.0078,0.0132,reg oper account,block of flats,0.0699,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2445568,282172,Cash loans,10079.46,90000.0,95940.0,,90000.0,MONDAY,10,Y,1,,,,XNA,Approved,-1504,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,middle,Cash X-Sell: middle,365243.0,-1474.0,-1144.0,-1144.0,-1141.0,1.0,0,Cash loans,M,N,Y,0,157500.0,142632.0,9661.5,126000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020246,-23262,365243,-7584.0,-5193,,1,0,0,1,0,0,,2.0,3,3,SUNDAY,13,0,0,0,0,0,0,XNA,,0.515107782732612,0.3572932680336494,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1426.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +2195911,332339,Cash loans,16097.04,180000.0,203760.0,,180000.0,THURSDAY,12,Y,1,,,,XNA,Refused,-1120,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,157500.0,216144.0,12199.5,171000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.0228,-21310,365243,-9977.0,-4143,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,XNA,,0.14780321655463735,0.5460231970049609,0.068,0.063,0.9771,0.6872,,0.0,0.1379,0.1667,0.2083,0.0219,,0.0622,,0.0145,0.0693,0.0654,0.9772,0.6994,,0.0,0.1379,0.1667,0.2083,0.0224,,0.0648,,0.0154,0.0687,0.063,0.9771,0.6914,,0.0,0.1379,0.1667,0.2083,0.0223,,0.0633,,0.0149,reg oper account,block of flats,0.0638,"Stone, brick",No,0.0,0.0,0.0,0.0,-119.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +1231089,122265,Consumer loans,10158.165,135432.0,152860.5,0.0,135432.0,WEDNESDAY,14,Y,1,0.0,,,XAP,Approved,-1171,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,2078,Consumer electronics,18.0,low_normal,POS household with interest,365243.0,-1140.0,-630.0,-990.0,-985.0,0.0,0,Revolving loans,M,Y,N,0,207000.0,180000.0,9000.0,180000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.018634,-10377,-259,-9380.0,-2683,10.0,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,11,0,1,1,0,0,0,Construction,0.13169462936096007,0.4927532874539839,0.2622489709189549,0.2144,0.1079,0.9796,0.7212,,0.0,0.1034,0.1667,0.0,,0.1748,0.0611,,,0.2185,0.112,0.9796,0.7321,,0.0,0.1034,0.1667,0.0,,0.191,0.0636,,,0.2165,0.1079,0.9796,0.7249,,0.0,0.1034,0.1667,0.0,,0.1779,0.0622,,,reg oper account,block of flats,0.048,"Stone, brick",No,2.0,0.0,2.0,0.0,-1171.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1664605,295610,Consumer loans,5838.885,44991.0,48951.0,0.0,44991.0,FRIDAY,13,Y,1,0.0,,,XAP,Approved,-1057,Cash through the bank,XAP,"Spouse, partner",Repeater,Computers,POS,XNA,Country-wide,2078,Consumer electronics,10.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,N,0,270000.0,904500.0,29308.5,904500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-11790,-2478,-2552.0,-2564,,1,1,1,1,0,1,Sales staff,2.0,2,2,FRIDAY,11,1,1,0,1,1,0,Self-employed,0.30862993783901005,0.10643483317795634,0.3876253444214701,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-919.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2116739,158206,Consumer loans,4784.625,41805.0,40999.5,4500.0,41805.0,MONDAY,10,Y,1,0.10771347137680826,,,XAP,Approved,-2447,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,73,Connectivity,12.0,low_normal,POS mobile with interest,365243.0,-2409.0,-2079.0,-2079.0,-2077.0,1.0,0,Cash loans,F,N,N,0,202500.0,1971072.0,68643.0,1800000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.0105,-12023,-3492,-2367.0,-4635,,1,1,0,1,0,0,Accountants,2.0,3,3,THURSDAY,12,0,0,0,0,0,0,Self-employed,0.6823943033281396,0.6751391541226308,0.5867400085415683,0.0825,0.1371,0.9776,0.6940000000000001,0.008,0.0,0.1379,0.1667,0.2083,0.0632,0.0672,0.0512,0.0,0.0,0.084,0.1423,0.9777,0.706,0.0081,0.0,0.1379,0.1667,0.2083,0.0646,0.0735,0.0534,0.0,0.0,0.0833,0.1371,0.9776,0.6981,0.0081,0.0,0.1379,0.1667,0.2083,0.0643,0.0684,0.0521,0.0,0.0,reg oper account,block of flats,0.0559,Panel,No,0.0,0.0,0.0,0.0,-1943.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2678737,178990,Cash loans,9733.5,270000.0,270000.0,,270000.0,FRIDAY,14,Y,1,,,,Repairs,Refused,-323,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,36.0,low_action,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,1,58500.0,246357.0,23161.5,234000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010966,-10169,-805,-1712.0,-2488,,1,1,0,1,0,0,Sales staff,3.0,2,2,SATURDAY,11,0,0,0,0,1,1,Business Entity Type 3,,0.5267695171272786,0.6430255641096323,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-662.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2354444,336043,Consumer loans,6273.45,34110.0,30510.0,3600.0,34110.0,SUNDAY,5,Y,1,0.1149436315663228,,,XAP,Approved,-881,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,40,Connectivity,6.0,high,POS mobile with interest,365243.0,-848.0,-698.0,-728.0,-718.0,0.0,1,Cash loans,F,N,Y,1,157500.0,521280.0,35392.5,450000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.006305,-11958,-1131,-2721.0,-4203,,1,1,0,1,0,0,Sales staff,3.0,3,3,SATURDAY,7,0,0,0,0,1,1,Self-employed,,0.5979278517165019,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-881.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1392433,393122,Consumer loans,24548.85,113400.0,119389.5,0.0,113400.0,WEDNESDAY,16,Y,1,0.0,,,XAP,Approved,-573,Cash through the bank,XAP,,Refreshed,Auto Accessories,POS,XNA,Stone,90,Auto technology,6.0,high,POS other with interest,365243.0,-542.0,-392.0,-392.0,-387.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,288873.0,22950.0,238500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.035792000000000004,-11971,-2497,-5498.0,-2525,7.0,1,1,0,1,1,0,Laborers,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Construction,,0.6662966031553155,0.3979463219016906,0.0474,0.0891,0.9945,0.8572,0.0131,0.0,0.1207,0.1458,0.2083,0.0344,0.0538,0.043,0.0,0.0144,0.0294,0.0925,0.9901,0.8628,0.0132,0.0,0.0345,0.125,0.2083,0.0071,0.0588,0.014,0.0,0.0,0.0479,0.0891,0.9945,0.8591,0.0132,0.0,0.1207,0.1458,0.2083,0.035,0.0547,0.0437,0.0,0.0147,reg oper account,block of flats,0.0211,"Stone, brick",No,5.0,1.0,5.0,0.0,-399.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1177171,328039,Consumer loans,8062.92,53955.0,39622.5,16200.0,53955.0,TUESDAY,14,Y,1,0.31606023963944146,,,XAP,Approved,-1505,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,6.0,high,POS mobile with interest,365243.0,-1474.0,-1324.0,-1354.0,-1346.0,0.0,0,Cash loans,F,N,N,0,85500.0,1339884.0,36846.0,1170000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.028663,-22145,365243,-4936.0,-1223,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,XNA,,0.28701082530043426,0.4311917977993083,0.0165,0.0,0.9727,,,0.0,0.069,0.0417,,0.0211,,0.01,,0.0,0.0168,0.0,0.9727,,,0.0,0.069,0.0417,,0.0215,,0.0105,,0.0,0.0167,0.0,0.9727,,,0.0,0.069,0.0417,,0.0214,,0.0102,,0.0,,block of flats,0.0086,Mixed,No,1.0,0.0,1.0,0.0,-1594.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2639022,237959,Revolving loans,6750.0,135000.0,135000.0,,135000.0,SATURDAY,15,Y,1,,,,XAP,Refused,-200,XNA,HC,Family,Repeater,XNA,Cards,x-sell,Regional / Local,1000,Consumer electronics,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,81000.0,513000.0,22725.0,513000.0,Children,Pensioner,Secondary / secondary special,Married,House / apartment,0.009175,-20892,365243,-4513.0,-2007,,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,XNA,,0.6630115168970956,0.6127042441012546,0.0701,0.0827,0.9776,,,0.0,0.1379,0.1667,,0.0513,,0.0638,,0.0076,0.0714,0.0858,0.9777,,,0.0,0.1379,0.1667,,0.0525,,0.0665,,0.008,0.0708,0.0827,0.9776,,,0.0,0.1379,0.1667,,0.0522,,0.065,,0.0078,,block of flats,0.0519,"Stone, brick",No,0.0,0.0,0.0,0.0,-345.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,7.0 +1992263,238719,Cash loans,11501.145,58500.0,60430.5,,58500.0,MONDAY,6,Y,1,,,,Urgent needs,Refused,-210,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,135000.0,675000.0,19867.5,675000.0,Unaccompanied,Pensioner,Lower secondary,Widow,House / apartment,0.014519999999999996,-21058,365243,-7832.0,-3890,,1,0,0,1,0,0,,1.0,2,2,MONDAY,7,0,0,0,0,0,0,XNA,,0.16664421102091134,0.4101025731788671,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-214.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1385500,340115,Consumer loans,6593.085,34020.0,25515.0,8505.0,34020.0,SATURDAY,15,Y,1,0.2722727272727272,,,XAP,Approved,-2837,Cash through the bank,XAP,,Repeater,Other,POS,XNA,Stone,30,Industry,4.0,low_action,POS industry with interest,365243.0,-2803.0,-2713.0,-2743.0,-2570.0,0.0,0,Cash loans,M,Y,Y,0,180000.0,219042.0,12361.5,193500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.02461,-17828,-1052,-7052.0,-1371,3.0,1,1,0,1,0,0,Drivers,2.0,2,2,MONDAY,17,0,1,1,0,1,1,Business Entity Type 2,0.5989656470184856,0.5509021356078,0.7738956942145427,0.0938,0.0993,0.9781,0.7008,0.0429,0.0,0.2069,0.1667,0.2083,0.0823,0.07400000000000001,0.0846,0.0116,0.0077,0.0956,0.1031,0.9782,0.7125,0.0433,0.0,0.2069,0.1667,0.2083,0.0842,0.0808,0.0882,0.0117,0.0081,0.0947,0.0993,0.9781,0.7048,0.0432,0.0,0.2069,0.1667,0.2083,0.0837,0.0752,0.0861,0.0116,0.0078,reg oper account,block of flats,0.0917,Panel,No,3.0,0.0,3.0,0.0,-857.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +2594498,332851,Cash loans,17079.255,135000.0,143910.0,,135000.0,THURSDAY,16,Y,1,,,,Other,Approved,-630,Cash through the bank,XAP,Family,New,XNA,Cash,walk-in,Country-wide,40,Connectivity,12.0,high,Cash Street: high,365243.0,-600.0,-270.0,-270.0,-263.0,1.0,1,Cash loans,F,N,Y,0,135000.0,414792.0,22630.5,315000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.022625,-17439,-1377,-7069.0,-660,,1,1,0,1,0,0,Laborers,1.0,2,2,THURSDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.5891111394212997,0.7402835563168844,0.7850520263728172,0.1856,0.1256,0.9856,0.8028,0.0793,0.24,0.2069,0.3333,0.375,0.1368,0.1513,0.2145,0.0,0.0,0.1891,0.1304,0.9856,0.8105,0.08,0.2417,0.2069,0.3333,0.375,0.1399,0.1653,0.2235,0.0,0.0,0.1874,0.1256,0.9856,0.8054,0.0798,0.24,0.2069,0.3333,0.375,0.1392,0.1539,0.2184,0.0,0.0,,block of flats,0.2121,Panel,No,0.0,0.0,0.0,0.0,-630.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2613868,146701,Consumer loans,3582.225,29461.5,29461.5,0.0,29461.5,MONDAY,11,Y,1,0.0,,,XAP,Approved,-595,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,54,Connectivity,12.0,high,POS mobile with interest,365243.0,-546.0,-216.0,-216.0,-211.0,0.0,0,Cash loans,F,N,Y,0,49500.0,112500.0,4896.0,112500.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.01885,-19590,365243,-8419.0,-3136,,1,0,0,1,1,0,,1.0,2,2,MONDAY,9,0,0,0,0,0,0,XNA,,0.3404842574496232,0.633031641417419,0.0165,,0.9801,,,0.0,0.069,0.0417,,,,0.0158,,0.0042,0.0168,,0.9801,,,0.0,0.069,0.0417,,,,0.0164,,0.0045,0.0167,,0.9801,,,0.0,0.069,0.0417,,,,0.0161,,0.0043,,block of flats,0.0133,"Stone, brick",No,3.0,0.0,3.0,0.0,-1090.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2537515,114453,Revolving loans,15750.0,315000.0,315000.0,,315000.0,FRIDAY,11,Y,1,,,,XAP,Approved,-245,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-201.0,-175.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,202500.0,823621.5,26302.5,711000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.030755,-22826,365243,-3570.0,-4272,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,XNA,,0.2631435910213423,,0.2062,0.1342,0.9906,0.8708,0.0307,0.2,0.1724,0.375,0.4167,0.0767,0.1681,0.2155,0.0,0.0,0.2101,0.1393,0.9906,0.8759,0.0309,0.2014,0.1724,0.375,0.4167,0.0785,0.1837,0.2246,0.0,0.0,0.2082,0.1342,0.9906,0.8725,0.0309,0.2,0.1724,0.375,0.4167,0.0781,0.171,0.2194,0.0,0.0,reg oper spec account,block of flats,0.1695,"Stone, brick",No,1.0,0.0,1.0,0.0,-408.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1011084,146746,Consumer loans,6783.03,67734.0,74884.5,0.0,67734.0,MONDAY,11,Y,1,0.0,,,XAP,Approved,-270,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,10,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-240.0,90.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,49500.0,1045854.0,30708.0,873000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010556,-20210,365243,-5659.0,-2267,,1,0,0,1,0,0,,2.0,3,3,FRIDAY,16,0,0,0,0,0,0,XNA,0.7361886338906858,0.4964484611294883,,0.0753,0.0515,0.9871,0.8232,0.0108,0.0,0.0345,0.1667,0.2083,0.0496,0.0614,0.0224,0.0,0.0,0.0767,0.0534,0.9871,0.8301,0.0109,0.0,0.0345,0.1667,0.2083,0.0507,0.067,0.0233,0.0,0.0,0.076,0.0515,0.9871,0.8256,0.0109,0.0,0.0345,0.1667,0.2083,0.0505,0.0624,0.0228,0.0,0.0,reg oper spec account,specific housing,0.0303,"Stone, brick",No,0.0,0.0,0.0,0.0,-1949.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2403178,368093,Consumer loans,5371.785,22455.0,18855.0,3600.0,22455.0,FRIDAY,11,Y,1,0.17460375296046635,,,XAP,Approved,-2796,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,25,Connectivity,4.0,low_normal,POS mobile with interest,365243.0,-2765.0,-2675.0,-2675.0,-2668.0,0.0,0,Cash loans,F,N,Y,0,121500.0,582804.0,25803.0,463500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-23744,365243,-1643.0,-4001,,1,0,0,1,0,1,,2.0,2,2,MONDAY,12,0,0,0,0,0,0,XNA,0.8124203692848959,0.4083897376780011,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2803171,162086,Cash loans,33001.425,292500.0,328972.5,,292500.0,MONDAY,13,Y,1,,,,XNA,Approved,-1473,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1443.0,-1113.0,-1113.0,-1109.0,1.0,0,Cash loans,F,N,Y,0,135000.0,808650.0,23643.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.072508,-20089,-3342,-9144.0,-2170,,1,1,1,1,1,0,Laborers,1.0,1,1,THURSDAY,13,0,0,0,0,0,0,Business Entity Type 3,,,,0.1467,0.0922,0.9771,0.6872,0.0508,0.16,0.1379,0.3333,0.375,0.0,0.1188,0.14300000000000002,0.0039,0.0073,0.1513,0.0896,0.9772,0.6994,0.0499,0.1611,0.1379,0.3333,0.375,0.0,0.1313,0.1443,0.0039,0.0011,0.1499,0.0944,0.9771,0.6914,0.0513,0.16,0.1379,0.3333,0.375,0.0,0.1223,0.1477,0.0039,0.001,reg oper account,block of flats,0.1133,Panel,No,0.0,0.0,0.0,0.0,-1782.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2174080,260483,Consumer loans,8735.985,45360.0,42844.5,4536.0,45360.0,SATURDAY,13,Y,1,0.1042647579412704,,,XAP,Approved,-2007,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,60,Connectivity,6.0,high,POS mobile with interest,365243.0,-1967.0,-1817.0,-1817.0,-1810.0,0.0,0,Cash loans,F,Y,Y,2,157500.0,166500.0,17190.0,166500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-15901,-3711,-2836.0,-4186,2.0,1,1,0,1,0,0,Cleaning staff,4.0,2,1,THURSDAY,15,0,0,0,0,0,0,Housing,,0.5199782117863206,0.6363761710860439,0.068,0.1276,0.9811,0.7416,0.0197,0.0,0.1034,0.1667,0.2083,0.07400000000000001,0.0521,0.0924,0.0154,0.0907,0.0693,0.1324,0.9811,0.7517,0.0199,0.0,0.1034,0.1667,0.2083,0.0757,0.0569,0.0962,0.0156,0.096,0.0687,0.1276,0.9811,0.7451,0.0198,0.0,0.1034,0.1667,0.2083,0.0753,0.053,0.094,0.0155,0.0926,reg oper account,block of flats,0.1031,"Stone, brick",No,1.0,1.0,1.0,1.0,-1652.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1298353,314304,Consumer loans,4642.515,27895.5,25105.5,2790.0,27895.5,FRIDAY,20,Y,1,0.10892665972517558,,,XAP,Approved,-117,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,100,Consumer electronics,6.0,middle,POS mobile with interest,365243.0,-86.0,64.0,-26.0,-24.0,0.0,0,Cash loans,F,Y,Y,1,342000.0,715095.0,49900.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.04622,-13471,-1291,-7509.0,-4299,1.0,1,1,0,1,0,0,Sales staff,3.0,1,1,WEDNESDAY,12,0,0,0,0,1,1,Trade: type 7,0.513011642162848,0.5083818491872376,0.41534714488434,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2050.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1563322,318444,Cash loans,13700.925,225000.0,254700.0,,225000.0,WEDNESDAY,17,Y,1,,,,XNA,Approved,-172,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-142.0,548.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,0,135000.0,254700.0,16582.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.04622,-24476,-1734,-2642.0,-4755,,1,1,0,1,0,0,,2.0,1,1,SUNDAY,10,0,0,0,0,0,0,Other,,0.7316109205611494,0.8224987619370829,0.1072,0.0659,0.9851,0.7959999999999999,0.0661,0.12,0.1034,0.3333,0.375,0.0751,0.0874,0.0685,0.0,0.0,0.1092,0.0684,0.9851,0.804,0.0667,0.1208,0.1034,0.3333,0.375,0.0768,0.0955,0.0714,0.0,0.0,0.1083,0.0659,0.9851,0.7987,0.0665,0.12,0.1034,0.3333,0.375,0.0764,0.0889,0.0698,0.0,0.0,reg oper spec account,block of flats,0.09,Panel,No,7.0,1.0,7.0,1.0,-1226.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2349025,275556,Revolving loans,,0.0,0.0,,,FRIDAY,14,Y,1,,,,XAP,Refused,-179,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Card Street,,,,,,,0,Cash loans,M,N,Y,0,180000.0,388512.0,31279.5,360000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.011703,-15994,-3532,-8126.0,-924,,1,1,0,1,1,0,Drivers,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Construction,,0.6055578835260735,0.1595195404777181,0.1242,0.064,0.9851,0.728,0.0257,0.13,0.0948,0.4062,0.375,0.0999,0.0902,0.1076,0.0013,0.0021,0.1134,0.0586,0.9801,0.7387,0.0256,0.1208,0.1034,0.3333,0.375,0.0928,0.0983,0.1158,0.0,0.0,0.1124,0.0584,0.9801,0.7316,0.0255,0.12,0.1034,0.3333,0.375,0.0923,0.0915,0.1131,0.0,0.0021,reg oper account,block of flats,0.1088,Panel,No,1.0,0.0,1.0,0.0,-565.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1362016,333976,Consumer loans,15272.64,150508.8,155304.0,13501.8,150508.8,THURSDAY,18,Y,1,0.08711008529543203,,,XAP,Approved,-1108,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Stone,245,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1077.0,-747.0,-747.0,-739.0,0.0,0,Cash loans,F,N,Y,0,126000.0,284400.0,16011.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.010276,-24284,365243,-11460.0,-4082,,1,0,0,1,0,0,,1.0,2,2,SATURDAY,12,0,0,0,0,0,0,XNA,,0.7837690913925398,0.5567274263630174,0.1258,0.1318,0.9846,0.7892,0.1719,0.0,0.2759,0.1667,0.0417,0.081,0.1,0.1101,0.0116,0.0339,0.1282,0.1368,0.9846,0.7975,0.1735,0.0,0.2759,0.1667,0.0417,0.0829,0.1093,0.1147,0.0117,0.0359,0.127,0.1318,0.9846,0.792,0.173,0.0,0.2759,0.1667,0.0417,0.0824,0.1018,0.1121,0.0116,0.0346,reg oper account,block of flats,0.1017,"Stone, brick",No,2.0,0.0,2.0,0.0,-1627.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2526987,203708,Consumer loans,14981.4,154773.0,148509.0,18000.0,154773.0,SATURDAY,12,Y,1,0.117733193783137,,,XAP,Approved,-1137,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,2226,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1106.0,-776.0,-986.0,-982.0,0.0,0,Cash loans,F,N,Y,0,202500.0,1006920.0,42790.5,900000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-22524,365243,-13293.0,-5061,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,XNA,0.7577832889323158,0.5108683597774165,0.5902333386185574,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2413.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2148700,109867,Consumer loans,6611.49,122368.5,146596.5,0.0,122368.5,SUNDAY,17,Y,1,0.0,,,XAP,Approved,-1488,Cash through the bank,XAP,"Spouse, partner",New,Computers,POS,XNA,Country-wide,1000,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1457.0,-767.0,-767.0,-760.0,0.0,0,Cash loans,M,Y,N,0,225000.0,906660.0,32697.0,675000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.008625,-15280,-494,-9309.0,-4222,9.0,1,1,0,1,0,1,Managers,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.8294602132994886,0.6141788697129917,0.5495965024956946,0.0835,0.077,0.9757,0.6668,0.0316,0.0,0.1379,0.1667,0.2083,0.0969,0.0672,0.0603,0.0039,0.0043,0.0851,0.0799,0.9757,0.6798,0.0319,0.0,0.1379,0.1667,0.2083,0.0991,0.0735,0.0629,0.0039,0.0046,0.0843,0.077,0.9757,0.6713,0.0318,0.0,0.1379,0.1667,0.2083,0.0986,0.0684,0.0614,0.0039,0.0044,reg oper account,block of flats,0.0657,"Stone, brick",No,0.0,0.0,0.0,0.0,-1488.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,1.0 +1230492,205698,Consumer loans,6172.11,133960.5,133960.5,0.0,133960.5,THURSDAY,18,Y,1,0.0,,,XAP,Approved,-1598,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,1350,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1567.0,-877.0,-907.0,-902.0,0.0,0,Cash loans,F,N,Y,0,202500.0,957033.0,53568.0,904500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.005144,-15274,-3393,-6498.0,-4441,,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,Business Entity Type 1,0.2847839824860617,0.5868027268695049,0.6956219298394389,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1598.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1539264,374285,Consumer loans,3260.7,34605.0,30870.0,6930.0,34605.0,FRIDAY,7,Y,1,0.19966666666666646,,,XAP,Approved,-1890,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Country-wide,35,Connectivity,14.0,high,POS mobile with interest,365243.0,-1859.0,-1469.0,-1589.0,-1580.0,0.0,0,Cash loans,F,N,Y,0,90000.0,1236816.0,36292.5,1080000.0,Unaccompanied,Commercial associate,Lower secondary,Married,House / apartment,0.007120000000000001,-16040,-3896,-4568.0,-4071,,1,1,0,1,0,0,Sales staff,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.6437514371754128,0.1942664499695638,0.6528965519806539,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1570.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1946429,163947,Consumer loans,7629.795,55228.5,55228.5,0.0,55228.5,MONDAY,13,Y,1,0.0,,,XAP,Approved,-458,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,10.0,high,POS mobile with interest,365243.0,-420.0,-150.0,-150.0,-144.0,0.0,0,Cash loans,F,Y,N,0,90000.0,343800.0,12960.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00733,-12798,-1388,-6658.0,-4993,12.0,1,1,0,1,1,0,Accountants,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Self-employed,0.5749691478952637,0.28354645942656703,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-645.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1324866,175933,Cash loans,10760.22,90000.0,115893.0,,90000.0,SUNDAY,15,Y,1,,,,XNA,Refused,-1066,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,,,,,,,0,Revolving loans,M,Y,Y,0,72000.0,135000.0,6750.0,135000.0,Unaccompanied,Working,Incomplete higher,Married,Office apartment,0.019101,-11498,-201,-5403.0,-4081,10.0,1,1,1,1,1,0,High skill tech staff,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Telecom,0.3856935218342558,0.4924034832366161,0.4776491548517548,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1232.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2839913,206380,Cash loans,13258.71,225000.0,284400.0,,225000.0,SATURDAY,17,Y,1,,,,XNA,Refused,-123,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,Y,Y,0,157500.0,497520.0,33246.0,450000.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.016612000000000002,-9432,-786,-9256.0,-575,20.0,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.5439133592582852,,0.1031,0.0,0.9831,0.7688,0.0134,0.0,0.2069,0.1667,0.2083,0.1101,0.0841,0.0885,0.0,0.0,0.105,0.0,0.9831,0.7779,0.0135,0.0,0.2069,0.1667,0.2083,0.1126,0.0918,0.0922,0.0,0.0,0.1041,0.0,0.9831,0.7719,0.0135,0.0,0.2069,0.1667,0.2083,0.112,0.0855,0.0901,0.0,0.0,reg oper account,block of flats,0.077,"Stone, brick",No,1.0,1.0,1.0,1.0,-1241.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2563320,396447,Consumer loans,8767.35,95989.5,86386.5,9603.0,95989.5,FRIDAY,10,Y,1,0.10895504195771412,,,XAP,Approved,-621,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,48,Connectivity,12.0,middle,POS mobile with interest,365243.0,-579.0,-249.0,-489.0,-486.0,0.0,0,Cash loans,F,N,N,0,256500.0,610483.5,21928.5,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.005144,-22641,365243,-5964.0,-4814,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,XNA,0.6155049237779175,0.4568119599787386,0.3723336657058204,0.0052,0.0444,0.9707,,,0.0,0.069,0.0417,,0.0153,,0.012,,0.0,0.0053,0.0461,0.9707,,,0.0,0.069,0.0417,,0.0157,,0.0125,,0.0,0.0052,0.0444,0.9707,,,0.0,0.069,0.0417,,0.0156,,0.0122,,0.0,,block of flats,0.0153,Wooden,No,0.0,0.0,0.0,0.0,-730.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +2174182,339115,Cash loans,41858.91,1129500.0,1293502.5,,1129500.0,SUNDAY,11,Y,1,,,,XNA,Approved,-367,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-337.0,1433.0,-187.0,-178.0,1.0,0,Cash loans,F,N,Y,0,112500.0,508495.5,21672.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00702,-16247,-5315,-204.0,-4759,,1,1,0,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Self-employed,,0.3763247450406224,0.3360615207658242,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1434.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2369370,256858,Consumer loans,10010.79,89910.0,87583.5,9000.0,89910.0,SATURDAY,17,Y,1,0.10148543158839947,,,XAP,Approved,-2148,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Stone,2500,Consumer electronics,10.0,middle,POS household with interest,365243.0,-2115.0,-1845.0,-1845.0,-1839.0,0.0,0,Cash loans,F,N,Y,0,292500.0,555273.0,18040.5,463500.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.00702,-23509,-15066,-11595.0,-4327,,1,1,0,1,0,0,Core staff,1.0,2,2,FRIDAY,11,0,0,0,0,0,0,School,0.917373714827974,0.6361269386749477,0.5884877883422673,0.1366,0.1842,0.9851,,,0.0,0.2986,0.1667,,0.1414,,0.0604,,0.0,0.1208,0.1342,0.9841,,,0.0,0.2759,0.1667,,0.1446,,0.0604,,0.0,0.1379,0.1842,0.9846,,,0.0,0.2759,0.1667,,0.1438,,0.0615,,0.0,,block of flats,0.0927,"Stone, brick",No,2.0,1.0,2.0,0.0,-1892.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1528949,138184,Cash loans,6074.595,58500.0,62361.0,,58500.0,MONDAY,10,Y,1,,,,XNA,Refused,-1076,XNA,LIMIT,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,low_normal,Cash X-Sell: low,,,,,,,1,Cash loans,F,N,Y,0,103500.0,101880.0,5845.5,90000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.020246,-23610,365243,-9766.0,-4786,,1,0,0,1,1,0,,1.0,3,3,SATURDAY,10,0,0,0,0,0,0,XNA,,0.03822517860385693,0.5082869913916046,0.0928,0.099,0.9776,0.6940000000000001,0.0119,0.0,0.1724,0.2083,0.0417,0.054000000000000006,0.0748,0.0876,0.0039,0.0696,0.0945,0.1027,0.9777,0.706,0.012,0.0,0.1724,0.2083,0.0417,0.0552,0.0817,0.0912,0.0039,0.0737,0.0937,0.099,0.9776,0.6981,0.012,0.0,0.1724,0.2083,0.0417,0.0549,0.0761,0.0891,0.0039,0.0711,reg oper spec account,block of flats,0.0905,Panel,No,4.0,0.0,4.0,0.0,-1512.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1069721,133764,Consumer loans,10060.155,117558.0,139144.5,11758.5,117558.0,FRIDAY,6,Y,1,0.0848629613363913,,,XAP,Refused,-1175,Cash through the bank,HC,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,333,Furniture,18.0,middle,POS industry with interest,,,,,,,0,Cash loans,M,N,Y,0,315000.0,256500.0,20394.0,256500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.008068,-14025,-1680,-1897.0,-4460,,1,1,0,1,1,0,,1.0,3,3,THURSDAY,4,0,0,0,0,0,0,Business Entity Type 3,0.08767479427616545,0.1876254061645208,0.4884551844437485,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1175.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1762549,107261,Consumer loans,12743.73,58455.0,61348.5,0.0,58455.0,SATURDAY,15,Y,1,0.0,,,XAP,Approved,-1245,Non-cash from your account,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,51,Connectivity,6.0,high,POS mobile with interest,365243.0,-1214.0,-1064.0,-1064.0,-1055.0,0.0,0,Cash loans,F,Y,Y,0,117000.0,755190.0,36459.0,675000.0,Unaccompanied,Working,Higher education,Married,With parents,0.003069,-12434,-1140,-898.0,-584,0.0,1,1,0,1,0,0,,2.0,3,3,FRIDAY,16,0,0,0,0,0,0,Other,,0.6441262649035617,0.5744466170995097,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,2.0,5.0,2.0,-493.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2560497,201214,Consumer loans,12504.375,100246.5,105309.0,4995.0,100246.5,TUESDAY,14,Y,1,0.049318330168525985,,,XAP,Approved,-182,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,35,Connectivity,12.0,high,POS mobile with interest,365243.0,-146.0,184.0,365243.0,365243.0,0.0,0,Revolving loans,M,Y,Y,0,90000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.031329,-8557,-157,-2211.0,-1181,64.0,1,1,0,1,1,0,Laborers,1.0,2,2,TUESDAY,9,0,0,0,0,1,1,Other,0.22638143060341315,0.5954650407968981,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,0.0,0.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1223695,213951,Revolving loans,6750.0,0.0,135000.0,,,FRIDAY,11,Y,1,,,,XAP,Approved,-2565,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,1678,Consumer electronics,0.0,XNA,Card Street,-2562.0,-2510.0,365243.0,-229.0,-38.0,0.0,0,Cash loans,M,Y,N,0,135000.0,339241.5,16627.5,238500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-19439,-3211,-10119.0,-2723,12.0,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,9,0,0,0,0,1,1,Business Entity Type 1,,0.5079172865445812,0.4920600938649263,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-825.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1252247,371842,Cash loans,10751.985,90000.0,95940.0,0.0,90000.0,WEDNESDAY,13,Y,1,0.0,,,XNA,Approved,-2334,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-2304.0,-1974.0,-1974.0,-1959.0,1.0,0,Cash loans,F,N,N,0,180000.0,1350000.0,39474.0,1350000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.01885,-12939,-1284,-7038.0,-291,,1,1,1,1,1,0,Sales staff,2.0,2,2,SATURDAY,14,0,0,0,0,1,1,Self-employed,,0.2618989003221852,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1531.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2429042,225749,Consumer loans,8459.145,155232.0,187564.5,0.0,155232.0,MONDAY,16,Y,1,0.0,,,XAP,Approved,-1354,Cash through the bank,XAP,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Country-wide,765,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1323.0,-633.0,-633.0,-620.0,0.0,0,Cash loans,F,Y,Y,2,90000.0,808650.0,29839.5,675000.0,Family,Commercial associate,Higher education,Married,Co-op apartment,0.025164,-12877,-806,-3150.0,-49,17.0,1,1,0,1,0,0,Sales staff,4.0,2,2,THURSDAY,9,0,0,0,0,0,0,Self-employed,0.35622332788365685,0.16219210595922867,0.3606125659189888,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-432.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,1.0 +1335350,198341,Consumer loans,10272.24,99540.0,110052.0,0.0,99540.0,SATURDAY,16,Y,1,0.0,,,XAP,Approved,-658,Cash through the bank,XAP,Family,Repeater,Office Appliances,POS,XNA,Stone,60,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-623.0,-293.0,-293.0,-286.0,0.0,0,Cash loans,F,N,Y,0,157500.0,1185282.0,38236.5,1035000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-15683,-617,-6850.0,-4673,,1,1,1,1,0,0,Sales staff,2.0,2,2,SATURDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.7390319802224811,0.6743040710694362,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-1400.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2104760,296886,Consumer loans,9693.225,70425.0,77863.5,0.0,70425.0,MONDAY,19,Y,1,0.0,,,XAP,Approved,-773,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,35,Connectivity,12.0,high,POS mobile with interest,365243.0,-733.0,-403.0,-403.0,-396.0,0.0,0,Revolving loans,F,N,Y,0,112500.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.030755,-8240,-1462,-3081.0,-934,,1,1,0,1,0,0,Realty agents,1.0,2,2,THURSDAY,10,0,0,0,1,1,0,Self-employed,0.4102461483266373,0.6514403949970855,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2174961,136694,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,18,Y,1,,,,XAP,Approved,-253,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,157500.0,423000.0,15192.0,423000.0,Family,Commercial associate,Higher education,Civil marriage,House / apartment,0.01885,-16659,-2378,-8261.0,-203,2.0,1,1,0,1,1,0,,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.8603809874672058,0.7208470205003754,0.31703177858344445,0.1485,,0.9816,,,0.04,0.1379,0.3333,,,,0.1541,,0.0,0.1513,,0.9816,,,0.0403,0.1379,0.3333,,,,0.1606,,0.0,0.1499,,0.9816,,,0.04,0.1379,0.3333,,,,0.1569,,0.0,,,0.1212,,No,0.0,0.0,0.0,0.0,-1999.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1900771,163607,Consumer loans,10084.14,80514.0,56358.0,24156.0,80514.0,THURSDAY,15,Y,1,0.3267516208361277,,,XAP,Refused,-371,Cash through the bank,LIMIT,Unaccompanied,Repeater,Vehicles,POS,XNA,Stone,148,Consumer electronics,6.0,low_normal,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,301500.0,450000.0,24412.5,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.00702,-23453,365243,-12698.0,-4521,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,17,0,0,0,0,0,0,XNA,,0.7717439758363657,0.5744466170995097,0.0278,,0.9811,,,,0.1034,0.0833,,0.0277,,0.0256,,,0.0284,,0.9811,,,,0.1034,0.0833,,0.0283,,0.0266,,,0.0281,,0.9811,,,,0.1034,0.0833,,0.0282,,0.026,,,,block of flats,0.0202,"Stone, brick",No,0.0,0.0,0.0,0.0,-513.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1159000,350615,Consumer loans,8090.955,88348.5,88348.5,0.0,88348.5,WEDNESDAY,13,Y,1,0.0,,,XAP,Approved,-472,Cash through the bank,XAP,,Refreshed,Audio/Video,POS,XNA,Regional / Local,100,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-431.0,-101.0,-161.0,-153.0,0.0,0,Cash loans,F,N,Y,0,90000.0,201024.0,8644.5,144000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.035792000000000004,-23199,-4153,-1471.0,-4280,,1,1,0,1,0,0,Laborers,1.0,2,2,SATURDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.7241134486249947,0.7700870700124128,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2587742,356008,Cash loans,31754.7,679500.0,749461.5,,679500.0,WEDNESDAY,15,Y,1,,,,XNA,Refused,-429,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,N,0,67500.0,814041.0,23800.5,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-19588,-1156,-2846.0,-3119,12.0,1,1,1,1,0,0,Cooking staff,2.0,2,2,SATURDAY,9,0,0,0,0,1,1,Transport: type 4,,0.7435161210829838,0.5744466170995097,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-429.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1184949,408643,Consumer loans,5949.81,95071.5,115150.5,0.0,95071.5,MONDAY,16,Y,1,0.0,,,XAP,Approved,-928,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,1610,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-897.0,-207.0,-207.0,-201.0,0.0,0,Cash loans,F,N,Y,0,225000.0,504000.0,30964.5,504000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.018209,-16079,-627,-3371.0,-4983,,1,1,0,1,0,0,Sales staff,2.0,3,3,FRIDAY,15,0,0,0,0,0,0,Trade: type 7,,0.4559439147469835,0.6212263380626669,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2843047,266318,Consumer loans,7096.815,57078.0,51370.2,5707.8,57078.0,MONDAY,13,Y,1,0.1089090909090909,,,XAP,Approved,-380,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,55,Connectivity,10.0,high,POS mobile with interest,365243.0,-338.0,-68.0,-278.0,-276.0,0.0,0,Cash loans,F,N,Y,2,112500.0,675000.0,34596.0,675000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.009334,-10747,-3889,-3855.0,-1954,,1,1,1,1,0,0,High skill tech staff,4.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Police,,0.7316967886486759,0.4311917977993083,0.0928,0.1006,0.9781,0.7008,0.012,0.0,0.2069,0.1667,0.0417,0.0634,0.0756,0.0873,0.0,0.0,0.0945,0.1044,0.9782,0.7125,0.0121,0.0,0.2069,0.1667,0.0417,0.0648,0.0826,0.0909,0.0,0.0,0.0937,0.1006,0.9781,0.7048,0.0121,0.0,0.2069,0.1667,0.0417,0.0645,0.077,0.0888,0.0,0.0,not specified,block of flats,0.0752,Panel,No,0.0,0.0,0.0,0.0,-1884.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2470821,165060,Consumer loans,6672.42,145215.0,145215.0,0.0,145215.0,SUNDAY,20,Y,1,0.0,,,XAP,Refused,-73,Cash through the bank,HC,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,100,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,0,Cash loans,F,N,N,0,129451.5,225000.0,14679.0,225000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,With parents,0.032561,-9775,-690,-6700.0,-2340,,1,1,1,1,1,0,Sales staff,1.0,1,1,MONDAY,17,0,0,0,0,1,1,Trade: type 2,,0.6312590720447346,0.43473324875017305,0.0515,0.0573,0.9771,0.6872,,0.0,0.1724,0.1667,,0.0387,,0.0482,,0.0357,0.0525,0.0595,0.9772,0.6994,,0.0,0.1724,0.1667,,0.0396,,0.0502,,0.0378,0.052000000000000005,0.0573,0.9771,0.6914,,0.0,0.1724,0.1667,,0.0394,,0.0491,,0.0364,,block of flats,0.0457,Others,No,0.0,0.0,0.0,0.0,-41.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2589444,354047,Consumer loans,9416.88,143550.0,143550.0,0.0,143550.0,TUESDAY,13,Y,1,0.0,,,XAP,Approved,-1084,Cash through the bank,XAP,Other_B,New,Clothing and Accessories,POS,XNA,Country-wide,146,Clothing,18.0,low_normal,POS industry with interest,365243.0,-1053.0,-543.0,-543.0,-540.0,0.0,0,Cash loans,F,N,Y,1,90000.0,1048500.0,30784.5,1048500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.0228,-11264,-3224,-4112.0,-2103,,1,1,0,1,0,0,Sales staff,3.0,2,2,MONDAY,13,0,0,0,1,1,0,Business Entity Type 3,,0.542155208207202,0.5262949398096192,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1084.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2089381,212036,Consumer loans,9092.7,73989.0,77260.5,3690.0,73989.0,FRIDAY,9,Y,1,0.04964447970729588,,,XAP,Approved,-1977,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Regional / Local,122,Connectivity,12.0,high,POS mobile with interest,365243.0,-1946.0,-1616.0,-1616.0,-1611.0,0.0,0,Cash loans,F,N,N,1,135000.0,143910.0,15268.5,135000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.020713,-9495,-1553,-9495.0,-2174,,1,1,0,1,1,0,Sales staff,3.0,3,2,SATURDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.5616894537676761,0.2998718920956366,0.4668640059537032,0.099,0.1176,0.9821,0.7552,0.2321,0.16,0.1379,0.3333,0.375,0.1232,0.0765,0.1239,0.0193,0.1354,0.1008,0.122,0.9821,0.7648,0.2342,0.1611,0.1379,0.3333,0.375,0.126,0.0836,0.1291,0.0195,0.1434,0.0999,0.1176,0.9821,0.7585,0.2336,0.16,0.1379,0.3333,0.375,0.1254,0.0778,0.1261,0.0194,0.1383,reg oper account,block of flats,0.1269,Panel,No,0.0,0.0,0.0,0.0,-685.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1375650,109118,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SUNDAY,20,Y,1,,,,XAP,Refused,-217,XNA,SCOFR,Unaccompanied,Repeater,XNA,Cards,walk-in,Country-wide,1500,Consumer electronics,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,Y,Y,1,270000.0,473760.0,53581.5,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.030755,-11028,-1986,-2285.0,-3630,8.0,1,1,0,1,0,0,High skill tech staff,3.0,2,2,SUNDAY,14,1,1,0,1,1,0,Construction,0.7214533032341641,0.6804733526660429,0.2822484337007223,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-609.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2367359,165237,Cash loans,15270.3,135000.0,143910.0,,135000.0,TUESDAY,13,Y,1,,,,Repairs,Refused,-288,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,N,0,112500.0,1125000.0,36292.5,1125000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-19685,365243,-3428.0,-3249,,1,0,0,1,0,0,,2.0,2,2,MONDAY,11,0,0,0,0,0,0,XNA,0.8795940988984055,0.6494466426639232,0.13510601574017175,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-322.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,6.0 +2630964,312840,Consumer loans,8396.82,64800.0,70501.5,0.0,64800.0,SUNDAY,16,Y,1,0.0,,,XAP,Approved,-1012,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Stone,600,Consumer electronics,10.0,middle,POS household with interest,365243.0,-981.0,-711.0,-711.0,-703.0,0.0,0,Revolving loans,F,N,N,1,157500.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.002042,-9718,-2916,-1458.0,-1455,,1,1,0,1,0,0,Core staff,3.0,3,3,THURSDAY,15,0,0,0,0,0,0,Kindergarten,,0.4462791153548389,0.6610235391308081,0.1072,0.08900000000000001,0.9796,0.7212,0.0431,0.0,0.2069,0.1667,0.0417,0.0312,0.0841,0.0946,0.0154,0.0405,0.1092,0.0924,0.9796,0.7321,0.0435,0.0,0.2069,0.1667,0.0417,0.0319,0.0918,0.0986,0.0156,0.0429,0.1083,0.08900000000000001,0.9796,0.7249,0.0434,0.0,0.2069,0.1667,0.0417,0.0318,0.0855,0.0963,0.0155,0.0414,reg oper account,block of flats,0.1068,"Stone, brick",No,7.0,0.0,7.0,0.0,-1004.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2140111,386657,Consumer loans,17187.165,156105.0,156105.0,0.0,156105.0,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-1459,Cash through the bank,XAP,"Spouse, partner",Repeater,Furniture,POS,XNA,Stone,110,Furniture,10.0,low_normal,POS industry with interest,365243.0,-1427.0,-1157.0,-1157.0,-1150.0,0.0,0,Cash loans,F,Y,Y,0,405000.0,1686591.0,44622.0,1507500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.011656999999999999,-20799,-5626,-7735.0,-4295,7.0,1,1,0,1,1,0,High skill tech staff,2.0,1,1,TUESDAY,12,0,0,0,0,0,0,Medicine,,0.7266704001454548,,0.0722,0.0617,0.9762,,0.0103,0.0,0.2414,0.1667,0.2083,0.0796,,0.0628,,,0.0735,0.0641,0.9762,,0.0104,0.0,0.2414,0.1667,0.2083,0.0814,,0.0655,,,0.0729,0.0617,0.9762,,0.0103,0.0,0.2414,0.1667,0.2083,0.081,,0.064,,,reg oper account,block of flats,0.0656,Panel,No,0.0,0.0,0.0,0.0,-2379.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2242554,282781,Cash loans,14363.19,112500.0,119925.0,,112500.0,TUESDAY,13,Y,1,,,,Urgent needs,Approved,-303,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,walk-in,Country-wide,28,Connectivity,12.0,high,Cash Street: high,365243.0,-273.0,57.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,1,112500.0,508495.5,21541.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.004849,-16812,-1226,-9805.0,-365,,1,1,1,1,1,0,Laborers,2.0,2,2,WEDNESDAY,13,0,0,0,0,1,1,Self-employed,0.3462852642065439,0.5449275995743299,0.4471785780453068,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-303.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1547326,158742,Consumer loans,6791.4,33570.0,37377.0,0.0,33570.0,FRIDAY,8,Y,1,0.0,,,XAP,Approved,-1126,XNA,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,1132,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1095.0,-945.0,-945.0,-942.0,0.0,0,Cash loans,F,Y,Y,1,135000.0,305221.5,20394.0,252000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.010032,-13670,-1281,-1799.0,-4252,14.0,1,1,0,1,0,0,Medicine staff,2.0,2,2,THURSDAY,7,0,0,0,0,0,0,Medicine,,0.5149166138765732,,0.0722,0.0,0.9811,0.7416,0.008,0.0,0.1379,0.1667,0.2083,,0.0546,0.0619,0.0193,0.019,0.0735,0.0,0.9811,0.7517,0.0081,0.0,0.1379,0.1667,0.2083,,0.0597,0.0645,0.0195,0.0201,0.0729,0.0,0.9811,0.7451,0.0081,0.0,0.1379,0.1667,0.2083,,0.0556,0.0631,0.0194,0.0194,reg oper account,block of flats,0.0572,"Stone, brick",No,1.0,0.0,1.0,0.0,-560.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2428436,190042,Cash loans,47810.205,1192500.0,1331019.0,,1192500.0,THURSDAY,12,Y,1,,,,XNA,Approved,-733,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-703.0,707.0,-223.0,-219.0,1.0,0,Cash loans,M,Y,Y,0,135000.0,749349.0,22041.0,625500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.011656999999999999,-21786,365243,-2349.0,-4990,12.0,1,0,0,1,0,0,,2.0,1,1,TUESDAY,11,0,0,0,0,0,0,XNA,,0.6977984600988109,0.6195277080511546,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1862.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1747027,221117,Consumer loans,3847.275,20965.5,18868.5,2097.0,20965.5,WEDNESDAY,16,Y,1,0.10893246697496536,,,XAP,Approved,-1224,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,15,Connectivity,6.0,high,POS mobile with interest,365243.0,-1184.0,-1034.0,-1154.0,-1149.0,0.0,0,Cash loans,M,N,Y,0,225000.0,152820.0,9765.0,135000.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.022625,-19453,365243,-10430.0,-2975,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,,0.4634662428230205,,0.0443,0.0189,0.9727,0.626,0.0519,0.0,0.1034,0.0833,0.125,0.0285,0.0361,0.0354,0.0,0.0023,0.0452,0.0196,0.9727,0.6406,0.0524,0.0,0.1034,0.0833,0.125,0.0292,0.0395,0.0369,0.0,0.0024,0.0448,0.0189,0.9727,0.631,0.0522,0.0,0.1034,0.0833,0.125,0.029,0.0368,0.0361,0.0,0.0023,reg oper account,block of flats,0.0284,"Stone, brick",No,0.0,0.0,0.0,0.0,-2569.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2578678,184031,Consumer loans,32943.375,352939.5,352939.5,0.0,352939.5,TUESDAY,14,Y,1,0.0,,,XAP,Approved,-389,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,1600,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-358.0,-28.0,-28.0,-20.0,0.0,0,Cash loans,F,Y,Y,0,225000.0,679500.0,38070.0,679500.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.04622,-19206,-2962,-10782.0,-2759,65.0,1,1,0,1,0,0,Laborers,1.0,1,1,SATURDAY,17,0,0,0,0,0,0,Other,,0.7853326187589895,0.6610235391308081,0.0588,0.0506,0.9737,0.6396,0.0075,0.0,0.1379,0.125,0.1667,,0.0479,0.0447,0.0,0.0,0.0599,0.0525,0.9737,0.6537,0.0076,0.0,0.1379,0.125,0.1667,,0.0523,0.0466,0.0,0.0,0.0593,0.0506,0.9737,0.6444,0.0076,0.0,0.1379,0.125,0.1667,,0.0487,0.0455,0.0,0.0,reg oper account,block of flats,0.0421,"Stone, brick",No,1.0,1.0,1.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1234649,305867,Consumer loans,11341.845,61713.0,40765.5,22500.0,61713.0,SATURDAY,15,Y,1,0.3873287250483353,,,XAP,Approved,-204,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,3500,Consumer electronics,4.0,middle,POS household with interest,365243.0,-174.0,-84.0,-84.0,-77.0,1.0,0,Cash loans,M,N,Y,0,135000.0,253737.0,24849.0,229500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.019688999999999998,-18722,-1335,-3819.0,-30,,1,1,1,1,0,0,Drivers,1.0,2,2,SUNDAY,9,0,0,0,0,1,1,Self-employed,,0.3319247143854074,0.7407990879702335,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1283.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2726110,200050,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,12,Y,1,,,,XAP,Approved,-299,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Stone,519,Consumer electronics,0.0,XNA,Card Street,-297.0,-249.0,365243.0,-190.0,-123.0,0.0,1,Revolving loans,F,N,Y,1,180000.0,225000.0,11250.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.019688999999999998,-15314,-527,-1462.0,-2985,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,9,0,0,0,0,0,0,Business Entity Type 1,,0.6071289805322637,0.0395105215047467,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-360.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,2.0 +1112059,105024,Consumer loans,2692.845,29189.115,26266.5,2922.615,29189.115,FRIDAY,13,Y,1,0.10904727420727643,,,XAP,Approved,-370,XNA,XAP,,New,Construction Materials,POS,XNA,Stone,20,Construction,12.0,middle,POS industry with interest,365243.0,-339.0,-9.0,-309.0,-298.0,0.0,0,Cash loans,F,N,N,0,135000.0,454500.0,17739.0,454500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010966,-9916,-1845,-1823.0,-875,,1,1,1,1,1,0,Sales staff,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Self-employed,,0.20468086750589826,0.3441550073724169,,,0.9856,,,,,,,,,0.0634,,,,,0.9856,,,,,,,,,0.066,,,,,0.9856,,,,,,,,,0.0645,,,,,0.0548,,No,0.0,0.0,0.0,0.0,-680.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1051116,315832,Cash loans,28768.905,913500.0,1046142.0,,913500.0,WEDNESDAY,14,Y,1,,,,XNA,Approved,-252,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,180000.0,1260702.0,41796.0,1129500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019101,-14536,-1811,-7911.0,-1111,,1,1,0,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.4912885335982796,0.2103502286944494,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-252.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2221747,226260,Cash loans,12046.815,135000.0,178308.0,,135000.0,WEDNESDAY,14,Y,1,,,,XNA,Approved,-664,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,2,270000.0,315000.0,16083.0,315000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.032561,-12940,-1277,-1036.0,-3936,,1,1,0,1,1,0,Core staff,3.0,1,1,TUESDAY,11,0,0,0,0,0,0,Trade: type 3,0.6333592973901918,0.7403508201774227,0.4884551844437485,0.1835,0.1242,0.9781,0.7008,0.0333,0.2,0.1724,0.3333,0.375,0.1674,0.1496,0.1868,0.0,0.0,0.187,0.1289,0.9782,0.7125,0.0336,0.2014,0.1724,0.3333,0.375,0.1712,0.1635,0.1946,0.0,0.0,0.1853,0.1242,0.9781,0.7048,0.0336,0.2,0.1724,0.3333,0.375,0.1703,0.1522,0.1902,0.0,0.0,reg oper account,block of flats,0.1652,Panel,No,0.0,0.0,0.0,0.0,-2456.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +1544193,184804,Consumer loans,9797.625,114255.0,132354.0,0.0,114255.0,FRIDAY,12,Y,1,0.0,,,XAP,Approved,-249,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Regional / Local,100,Consumer electronics,18.0,middle,POS household with interest,365243.0,-218.0,292.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,112500.0,333337.5,26334.0,301500.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.04622,-22296,365243,-11016.0,-4043,,1,0,0,1,0,0,,1.0,1,1,TUESDAY,14,0,0,0,0,0,0,XNA,,0.6483954565000762,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,1.0,-249.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1367398,334207,Consumer loans,13292.01,67716.0,71293.5,0.0,67716.0,MONDAY,12,Y,1,0.0,,,XAP,Approved,-1018,Cash through the bank,XAP,Family,Refreshed,Consumer Electronics,POS,XNA,Country-wide,3446,Consumer electronics,6.0,middle,POS household with interest,365243.0,-986.0,-836.0,-836.0,-821.0,0.0,0,Cash loans,F,Y,Y,0,135000.0,301500.0,35910.0,301500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.01885,-16295,-1451,-4865.0,-4867,21.0,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,11,0,0,0,0,1,1,Self-employed,0.5389392034139053,0.5747119551733777,0.7076993447402619,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1639731,205854,Cash loans,31446.36,450000.0,491580.0,,450000.0,THURSDAY,12,Y,1,,,,XNA,Approved,-965,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-935.0,-245.0,-365.0,-360.0,1.0,1,Cash loans,F,Y,N,2,90000.0,364896.0,26680.5,315000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-12777,-1231,-1212.0,-1757,15.0,1,1,0,1,0,0,Sales staff,4.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.4777882861784372,0.5207695952948629,0.5226973172821112,0.4134,0.0187,0.9826,,,0.48,0.4138,0.3333,,0.4301,,0.4029,,0.1772,0.4212,0.0,0.9826,,,0.4834,0.4138,0.3333,,0.4399,,0.4194,,0.1598,0.4174,0.0187,0.9826,,,0.48,0.4138,0.3333,,0.4376,,0.4102,,0.1809,,block of flats,0.3494,Block,No,0.0,0.0,0.0,0.0,-846.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2024488,141517,Consumer loans,5264.91,51975.0,40365.0,11610.0,51975.0,SUNDAY,15,Y,1,0.24327744982290425,,,XAP,Approved,-1368,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,127,Connectivity,10.0,high,POS mobile with interest,365243.0,-1320.0,-1050.0,-1080.0,-1074.0,0.0,0,Cash loans,M,Y,Y,1,157500.0,283500.0,13918.5,283500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0228,-9454,-2703,-4207.0,-2098,13.0,1,1,1,1,1,0,Drivers,3.0,2,2,WEDNESDAY,10,0,0,0,0,1,1,Self-employed,,0.3418457687462621,0.2405414172860865,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1368.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +2689801,320065,Consumer loans,4923.585,47245.5,52749.0,0.0,47245.5,SATURDAY,3,Y,1,0.0,,,XAP,Approved,-873,XNA,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Regional / Local,30,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-842.0,-512.0,-512.0,-508.0,0.0,1,Cash loans,M,N,Y,0,112500.0,542133.0,29538.0,468000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010032,-12111,-1446,-2681.0,-4439,,1,1,0,1,0,0,Security staff,2.0,2,2,THURSDAY,6,0,0,0,0,1,1,Security,0.1729863094287938,0.2659259961898265,0.4241303111942548,0.0619,0.0499,0.9806,0.7348,0.0245,0.0,0.1379,0.1667,0.2083,0.0429,0.0504,0.0366,0.0,0.0,0.063,0.0518,0.9806,0.7452,0.0247,0.0,0.1379,0.1667,0.2083,0.0439,0.0551,0.0381,0.0,0.0,0.0625,0.0499,0.9806,0.7383,0.0247,0.0,0.1379,0.1667,0.2083,0.0436,0.0513,0.0373,0.0,0.0,,block of flats,0.0422,"Stone, brick",No,0.0,0.0,0.0,0.0,-1596.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1161206,111647,Consumer loans,17093.97,159867.0,159867.0,0.0,159867.0,FRIDAY,15,Y,1,0.0,,,XAP,Approved,-165,Cash through the bank,XAP,Family,Repeater,Jewelry,POS,XNA,Stone,15,Jewelry,12.0,middle,POS other with interest,365243.0,-135.0,195.0,-75.0,-72.0,0.0,0,Revolving loans,F,N,Y,1,90000.0,180000.0,9000.0,180000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.009175,-7989,-542,-2738.0,-332,,1,1,0,1,1,0,Core staff,3.0,2,2,TUESDAY,17,0,0,0,1,1,0,Bank,,0.2877004517508649,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-46.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1180390,376314,Consumer loans,4634.055,27850.5,23089.5,5850.0,27850.5,THURSDAY,14,Y,1,0.2201552140908383,,,XAP,Approved,-2608,Cash through the bank,XAP,Children,New,Mobile,POS,XNA,Country-wide,44,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2577.0,-2427.0,-2427.0,-2423.0,1.0,0,Cash loans,F,N,N,0,112500.0,432661.5,19188.0,373500.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.018634,-24246,365243,-275.0,-4415,,1,0,0,1,0,0,,1.0,2,2,MONDAY,9,0,0,0,0,0,0,XNA,,0.4657671547154467,0.6848276586890367,0.067,0.0724,0.9891,0.8504,0.0079,0.0,0.0345,0.1667,0.2083,0.0099,0.0546,0.0496,0.0,0.0,0.0683,0.0751,0.9891,0.8563,0.008,0.0,0.0345,0.1667,0.2083,0.0101,0.0597,0.0517,0.0,0.0,0.0677,0.0724,0.9891,0.8524,0.008,0.0,0.0345,0.1667,0.2083,0.0101,0.0556,0.0505,0.0,0.0,not specified,block of flats,0.0434,"Stone, brick",No,9.0,0.0,9.0,0.0,-763.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1847083,129041,Cash loans,46022.22,675000.0,709749.0,0.0,675000.0,WEDNESDAY,17,Y,1,0.0,,,XNA,Approved,-1405,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,low_action,Cash Street: low,365243.0,-1375.0,-865.0,-865.0,-862.0,1.0,0,Cash loans,M,Y,Y,1,225000.0,544491.0,17694.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-12065,-593,-4737.0,-4753,4.0,1,1,0,1,0,0,Managers,3.0,2,2,MONDAY,8,0,0,0,1,1,0,Self-employed,,0.7282528518005728,0.5549467685334323,0.0639,,0.9831,,,0.0,0.0345,0.0417,,,,0.0188,,,0.0651,,0.9831,,,0.0,0.0345,0.0417,,,,0.0196,,,0.0645,,0.9831,,,0.0,0.0345,0.0417,,,,0.0192,,,,specific housing,0.0191,"Stone, brick",No,8.0,0.0,7.0,0.0,-2536.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,3.0 +1150699,295440,Cash loans,10588.995,90000.0,95940.0,0.0,90000.0,WEDNESDAY,12,Y,1,0.0,,,XNA,Approved,-2164,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-2134.0,-1804.0,-1804.0,-1796.0,1.0,0,Cash loans,F,N,N,0,157500.0,513531.0,22747.5,459000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,Municipal apartment,0.01885,-19941,365243,-1678.0,-3459,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,XNA,0.7725044151309453,0.7115402192529164,0.656158373001177,0.0021,,0.9687,,,0.0,0.0345,0.0,,,,,,,0.0021,,0.9687,,,0.0,0.0345,0.0,,,,,,,0.0021,,0.9687,,,0.0,0.0345,0.0,,,,,,,,block of flats,0.002,,No,7.0,0.0,7.0,0.0,-275.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1206030,111718,Consumer loans,4871.565,44775.0,49207.5,0.0,44775.0,SUNDAY,10,Y,1,0.0,,,XAP,Approved,-2395,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Stone,3185,Furniture,12.0,middle,POS industry with interest,365243.0,-2363.0,-2033.0,-2033.0,-1954.0,1.0,0,Cash loans,M,N,N,2,180000.0,740704.5,27580.5,598500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.020713,-16472,-1805,-8704.0,-14,,1,1,0,1,0,0,Laborers,4.0,3,2,SATURDAY,10,0,0,0,0,0,0,Business Entity Type 2,,0.6457737126667824,0.7826078370261895,0.0732,0.0689,0.9771,0.6872,0.0684,0.0,0.1379,0.1667,0.2083,0.0362,0.0597,0.0666,0.0,0.0,0.0746,0.0715,0.9772,0.6994,0.069,0.0,0.1379,0.1667,0.2083,0.037000000000000005,0.0652,0.0694,0.0,0.0,0.0739,0.0689,0.9771,0.6914,0.0688,0.0,0.1379,0.1667,0.2083,0.0368,0.0607,0.0678,0.0,0.0,reg oper account,block of flats,0.0898,"Stone, brick",No,0.0,0.0,0.0,0.0,-2.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2838954,423646,Cash loans,9529.92,225000.0,284400.0,,225000.0,TUESDAY,12,Y,1,,,,XNA,Refused,-219,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,Y,Y,0,135000.0,284400.0,13963.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.00733,-21447,365243,-7698.0,-4560,14.0,1,0,0,1,0,0,,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,XNA,,0.5272819039144376,0.4974688893052743,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-410.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2335462,374522,Consumer loans,8221.32,179397.0,179397.0,0.0,179397.0,MONDAY,10,Y,1,0.0,,,XAP,Approved,-1040,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Regional / Local,80,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1009.0,-319.0,-319.0,-313.0,0.0,0,Cash loans,M,Y,N,0,40500.0,85320.0,6313.5,67500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-22187,-1636,-10503.0,-4627,14.0,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,Trade: type 7,,0.6649971491683929,0.5779691187553125,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1844682,326104,Consumer loans,12337.965,55917.0,46305.0,11187.0,55917.0,SATURDAY,19,Y,1,0.21191922354414525,,,XAP,Approved,-847,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,110,Connectivity,4.0,middle,POS mobile without interest,365243.0,-814.0,-724.0,-724.0,-719.0,0.0,0,Revolving loans,F,N,Y,2,157500.0,247500.0,12375.0,247500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00496,-14141,-1900,-5552.0,-4141,,1,1,0,1,0,0,Cooking staff,4.0,2,2,SATURDAY,12,0,0,0,0,0,0,Restaurant,,0.5823685437880264,0.7544061731797895,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-368.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1866836,364665,Consumer loans,9316.575,92016.0,101731.5,0.0,92016.0,SATURDAY,14,Y,1,0.0,,,XAP,Refused,-354,Cash through the bank,HC,,New,Computers,POS,XNA,Stone,149,Consumer electronics,12.0,low_action,POS household without interest,,,,,,,0,Cash loans,F,N,N,1,202500.0,521280.0,28278.0,450000.0,Unaccompanied,Commercial associate,Higher education,Separated,With parents,0.030755,-12247,-4448,-6403.0,-4811,,1,1,0,1,1,0,Sales staff,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Self-employed,,0.26651977539251576,0.3296550543128238,,,0.9737,,,,,,,,,0.0411,,,,,0.9737,,,,,,,,,0.0428,,,,,0.9737,,,,,,,,,0.0418,,,,,0.0492,,No,0.0,0.0,0.0,0.0,-1369.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2574999,401289,Consumer loans,8534.07,68058.9,74794.5,0.9,68058.9,WEDNESDAY,14,Y,1,1.3104840915107315e-05,,,XAP,Approved,-2242,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,356,Consumer electronics,12.0,high,POS household with interest,365243.0,-2211.0,-1881.0,-1881.0,-1874.0,1.0,0,Cash loans,F,N,N,0,180000.0,343800.0,16852.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-11780,-164,-5294.0,-4308,,1,1,0,1,0,0,Cooking staff,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,Self-employed,,0.6111794937389836,0.7449321846094795,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-2057.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2511099,294065,Consumer loans,9544.995,49900.5,52537.5,0.0,49900.5,SATURDAY,10,Y,1,0.0,,,XAP,Approved,-606,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,15,Consumer electronics,6.0,middle,POS household with interest,365243.0,-575.0,-425.0,-425.0,-423.0,0.0,0,Cash loans,M,Y,Y,0,63000.0,101880.0,10053.0,90000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-21603,365243,-4837.0,-5025,11.0,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,,0.5884083428119181,0.7688075728291359,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +2806328,356628,Consumer loans,8851.815,86625.0,53968.5,36000.0,86625.0,MONDAY,13,Y,1,0.4357888897477752,,,XAP,Approved,-1782,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Regional / Local,75,Consumer electronics,8.0,high,POS household with interest,365243.0,-1751.0,-1541.0,-1541.0,-1538.0,0.0,0,Cash loans,M,Y,N,1,315000.0,343377.0,10912.5,283500.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.018634,-12833,-4595,-3686.0,-4095,3.0,1,1,0,1,0,0,Core staff,3.0,2,2,THURSDAY,10,0,0,0,0,0,0,Military,0.24250165285705616,0.5351397312223216,0.3425288720742255,0.0928,0.1036,0.9811,0.7416,0.0121,0.0,0.2069,0.1667,0.2083,0.041,0.0756,0.0836,0.0,0.0,0.0945,0.1075,0.9811,0.7517,0.0122,0.0,0.2069,0.1667,0.2083,0.0419,0.0826,0.0872,0.0,0.0,0.0937,0.1036,0.9811,0.7451,0.0122,0.0,0.2069,0.1667,0.2083,0.0417,0.077,0.0852,0.0,0.0,reg oper spec account,block of flats,0.0724,Panel,No,2.0,0.0,2.0,0.0,-1782.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2643311,225076,Revolving loans,5625.0,0.0,112500.0,,,TUESDAY,11,Y,1,,,,XAP,Approved,-2514,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,14,Connectivity,0.0,XNA,Card Street,-2512.0,-2462.0,365243.0,-2125.0,-43.0,0.0,0,Cash loans,M,N,Y,0,270000.0,729000.0,21442.5,729000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-16116,-1000,-2843.0,-3561,,1,1,0,1,1,0,Laborers,2.0,2,2,WEDNESDAY,12,0,1,1,0,0,0,Construction,0.30618334632412914,0.5721444452220305,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1630.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +1624054,313942,Consumer loans,9548.595,80995.5,78331.5,9000.0,80995.5,SATURDAY,16,Y,1,0.11223691545225008,,,XAP,Approved,-1056,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,3560,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1025.0,-755.0,-785.0,-781.0,0.0,0,Cash loans,M,Y,N,1,103500.0,269550.0,14751.0,225000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.018209,-10180,-1255,-4266.0,-2157,14.0,1,1,0,1,1,0,Laborers,3.0,3,3,THURSDAY,9,0,0,0,0,0,0,Business Entity Type 2,0.12736838281486138,0.44290427874328697,0.4561097392782771,0.1206,0.13,0.9801,0.728,0.0569,0.0,0.2759,0.1667,0.2083,0.0821,0.0958,0.114,0.0116,0.0081,0.1229,0.1349,0.9801,0.7387,0.0574,0.0,0.2759,0.1667,0.2083,0.084,0.1047,0.1188,0.0117,0.0085,0.1218,0.13,0.9801,0.7316,0.0573,0.0,0.2759,0.1667,0.2083,0.0836,0.0975,0.1161,0.0116,0.0082,reg oper account,block of flats,0.1208,Panel,No,0.0,0.0,0.0,0.0,-1056.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1817930,118627,Consumer loans,9712.08,148050.0,148050.0,0.0,148050.0,TUESDAY,9,Y,1,0.0,,,XAP,Approved,-1389,Cash through the bank,XAP,,Refreshed,Clothing and Accessories,POS,XNA,Stone,60,Clothing,18.0,low_normal,POS industry with interest,365243.0,-1350.0,-840.0,-900.0,-894.0,0.0,0,Cash loans,F,N,Y,0,60750.0,225000.0,12564.0,225000.0,Unaccompanied,Pensioner,Higher education,Single / not married,House / apartment,0.018209,-24254,365243,-3301.0,-4963,,1,0,0,1,0,0,,1.0,3,3,FRIDAY,10,0,0,0,0,0,0,XNA,,0.17224170158921548,0.7764098512142026,0.1278,0.1527,0.9786,,,0.0,0.2759,0.1667,,,,0.1167,,0.0106,0.1303,0.1585,0.9786,,,0.0,0.2759,0.1667,,,,0.1216,,0.0112,0.1291,0.1527,0.9786,,,0.0,0.2759,0.1667,,,,0.1188,,0.0108,,block of flats,0.0941,"Stone, brick",No,1.0,0.0,1.0,0.0,-1389.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +1364298,290879,Consumer loans,24497.865,90531.0,93717.0,0.0,90531.0,FRIDAY,17,Y,1,0.0,,,XAP,Approved,-500,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Regional / Local,5,Industry,4.0,low_action,POS household with interest,365243.0,-469.0,-379.0,-379.0,-372.0,0.0,0,Revolving loans,M,N,N,0,112500.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.015221,-9349,-1506,-4108.0,-2026,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,16,0,0,0,0,0,0,Business Entity Type 2,,0.6704890564657174,0.470456116119975,0.0784,,0.9767,,,,0.1379,0.1667,,0.0223,,0.061,,0.0117,0.0798,,0.9767,,,,0.1379,0.1667,,0.0228,,0.0635,,0.0124,0.0791,,0.9767,,,,0.1379,0.1667,,0.0227,,0.0621,,0.0119,,block of flats,0.0505,Block,No,0.0,0.0,0.0,0.0,-1370.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2138637,301976,Cash loans,41455.125,900000.0,978408.0,,900000.0,TUESDAY,11,Y,1,,,,XNA,Approved,-476,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-446.0,604.0,-386.0,-380.0,1.0,0,Cash loans,F,N,Y,0,90000.0,675000.0,35964.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0228,-19824,-3825,-7333.0,-3344,,1,1,1,1,1,0,Cooking staff,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Kindergarten,,0.5515945467219681,0.7194907850918436,0.1089,0.0393,0.9921,0.9252,0.0432,0.128,0.069,0.4304,0.55,0.0097,0.1076,0.08900000000000001,0.0,0.0009,0.1345,0.0408,0.9995,0.9935,0.0102,0.1611,0.069,0.625,0.6667,0.0099,0.1175,0.1331,0.0,0.0,0.1332,0.0393,0.9995,0.9933,0.0435,0.16,0.069,0.625,0.6667,0.0099,0.1095,0.13,0.0,0.0,reg oper spec account,block of flats,0.106,"Stone, brick",No,0.0,0.0,0.0,0.0,-476.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,2.0 +2547603,141878,Consumer loans,4551.12,38376.0,37957.5,3838.5,38376.0,FRIDAY,8,Y,1,0.10002094589303888,,,XAP,Approved,-1543,Cash through the bank,XAP,"Spouse, partner",Repeater,Mobile,POS,XNA,Country-wide,44,Connectivity,12.0,high,POS mobile with interest,365243.0,-1512.0,-1182.0,-1392.0,-1387.0,0.0,0,Cash loans,M,Y,Y,0,180000.0,1125000.0,33025.5,1125000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.018209,-17410,-2571,-6237.0,-966,30.0,1,1,0,1,0,0,Laborers,2.0,3,3,MONDAY,12,0,0,0,0,1,1,Transport: type 2,,0.5182859571238239,0.6832688314232291,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1962.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1389146,353386,Consumer loans,24430.815,113850.0,118827.0,13500.0,113850.0,SATURDAY,9,Y,1,0.11110905010109252,,,XAP,Approved,-1417,XNA,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,57,Consumer electronics,6.0,high,POS household with interest,365243.0,-1386.0,-1236.0,-1236.0,-1234.0,0.0,0,Cash loans,M,N,Y,0,180000.0,264888.0,27945.0,234000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.006629,-18436,-9592,-9008.0,-1975,,1,1,0,1,0,1,Core staff,2.0,2,2,TUESDAY,6,0,0,0,0,0,0,Culture,0.6427595147106245,0.6434241841277697,0.7981372313187245,0.099,0.0,0.9806,0.7348,,0.0,0.2069,0.125,0.1667,0.0262,0.079,0.098,0.0077,0.0051,0.1008,0.0,0.9806,0.7452,,0.0,0.2069,0.125,0.1667,0.0268,0.0863,0.1021,0.0078,0.0054,0.0999,0.0,0.9806,0.7383,,0.0,0.2069,0.125,0.1667,0.0266,0.0804,0.0998,0.0078,0.0052,reg oper account,block of flats,0.0895,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1401092,345083,Cash loans,35560.125,1125000.0,1288350.0,,1125000.0,TUESDAY,9,Y,1,,,,XNA,Refused,-190,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,135000.0,625536.0,19093.5,540000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.010006000000000001,-22234,365243,-6181.0,-4912,,1,0,0,1,0,1,,1.0,2,2,MONDAY,8,1,0,0,1,0,0,XNA,0.803302929167611,0.7194764618220678,0.6279908192952864,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-792.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1454064,184288,Consumer loans,16966.305,169681.5,152712.0,16969.5,169681.5,MONDAY,14,Y,1,0.10891775580613196,,,XAP,Refused,-2390,Cash through the bank,SCO,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,-1,Consumer electronics,10.0,low_normal,POS household without interest,,,,,,,0,Cash loans,M,Y,Y,0,450000.0,1125000.0,43915.5,1125000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.018209,-23341,365243,-4592.0,-4587,6.0,1,0,0,1,1,0,,2.0,3,3,THURSDAY,12,0,0,0,0,0,0,XNA,,0.5370105512334555,0.5902333386185574,0.1639,0.0778,0.9935,,,0.16,0.1379,0.375,,0.0849,,0.0308,,0.0164,0.16699999999999998,0.0807,0.9935,,,0.1611,0.1379,0.375,,0.0869,,0.0321,,0.0173,0.1655,0.0778,0.9935,,,0.16,0.1379,0.375,,0.0864,,0.0314,,0.0167,,block of flats,0.1334,Panel,No,0.0,0.0,0.0,0.0,-3129.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1375350,423905,Consumer loans,9065.655,89955.0,89955.0,0.0,89955.0,SUNDAY,17,Y,1,0.0,,,XAP,Approved,-295,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,100,Consumer electronics,12.0,middle,POS mobile with interest,365243.0,-265.0,65.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,292500.0,225000.0,22252.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.032561,-21662,365243,-9355.0,-3954,,1,0,0,1,1,0,,2.0,1,1,MONDAY,11,0,0,0,0,0,0,XNA,,0.6962652992166207,0.5316861425197883,0.2464,0.1286,0.9871,0.8232,0.1023,0.24,0.1034,0.625,0.0417,0.1514,0.1992,0.1732,0.0077,0.0042,0.2511,0.1335,0.9871,0.8301,0.1032,0.2417,0.1034,0.625,0.0417,0.1549,0.2176,0.1805,0.0078,0.0045,0.2488,0.1286,0.9871,0.8256,0.1029,0.24,0.1034,0.625,0.0417,0.1541,0.2027,0.1764,0.0078,0.0043,reg oper account,block of flats,0.228,Panel,No,0.0,0.0,0.0,0.0,-295.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2813426,439043,Cash loans,33752.52,522000.0,522000.0,,522000.0,FRIDAY,20,Y,1,,,,XNA,Approved,-344,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_action,Cash X-Sell: low,365243.0,-314.0,196.0,-224.0,-216.0,0.0,0,Cash loans,F,N,N,0,360000.0,675000.0,17806.5,675000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.072508,-9550,-417,-39.0,-2222,,1,1,0,1,1,0,Core staff,1.0,1,1,WEDNESDAY,20,0,0,0,0,0,0,Bank,0.20012954024399385,0.5460769824174717,0.3441550073724169,,,0.9687,,,,,,,,,0.0625,,0.042,,,0.9687,,,,,,,,,0.0651,,0.0445,,,0.9687,,,,,,,,,0.0636,,0.0429,,block of flats,0.0596,,No,5.0,0.0,5.0,0.0,-443.0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1.0,0.0,0.0,9.0,0.0,5.0 +1105037,339549,Consumer loans,8745.66,79506.0,79506.0,0.0,79506.0,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-1062,Cash through the bank,XAP,Family,Repeater,Clothing and Accessories,POS,XNA,Stone,200,Clothing,10.0,low_normal,POS industry with interest,365243.0,-1031.0,-761.0,-791.0,-782.0,0.0,0,Cash loans,F,N,Y,0,135000.0,1303812.0,35982.0,1138500.0,Family,State servant,Secondary / secondary special,Married,House / apartment,0.025164,-17341,-5216,-5091.0,-893,,1,1,0,1,0,0,High skill tech staff,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,Medicine,,0.5161236331323307,0.8327850252992314,0.133,0.1513,0.9786,0.7076,0.0151,0.0,0.2759,0.1667,0.2083,0.0,0.1084,0.111,0.0,0.0,0.1355,0.157,0.9786,0.7190000000000001,0.0152,0.0,0.2759,0.1667,0.2083,0.0,0.1185,0.1157,0.0,0.0,0.1343,0.1513,0.9786,0.7115,0.0152,0.0,0.2759,0.1667,0.2083,0.0,0.1103,0.113,0.0,0.0,reg oper account,block of flats,0.0956,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2637455,375176,Consumer loans,12313.035,128475.0,102780.0,25695.0,128475.0,WEDNESDAY,10,Y,1,0.2178181818181818,,,XAP,Refused,-2337,Cash through the bank,SCO,"Spouse, partner",Repeater,Computers,POS,XNA,Stone,1740,Consumer electronics,10.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,Y,2,157500.0,630000.0,32166.0,630000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.018029,-13027,-120,-392.0,-1686,,1,1,1,1,0,0,Sales staff,4.0,3,3,TUESDAY,9,0,0,0,0,0,0,Self-employed,0.1798164671405215,0.017199278482403768,0.39277386060313396,0.1,0.0655,0.9866,,,0.0,0.0345,0.1667,,0.0165,,0.0379,,0.0086,0.0683,0.0679,0.9866,,,0.0,0.0345,0.1667,,0.0124,,0.027000000000000003,,0.0091,0.101,0.0655,0.9866,,,0.0,0.0345,0.1667,,0.0168,,0.0386,,0.0088,,block of flats,0.0204,Panel,No,1.0,0.0,1.0,0.0,-1236.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +1352462,229717,Cash loans,26123.04,337500.0,384277.5,,337500.0,TUESDAY,10,Y,1,,,,XNA,Refused,-1065,Cash through the bank,HC,Family,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),1,Industry,36.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,2,225000.0,1185120.0,39298.5,900000.0,Unaccompanied,Working,Higher education,Married,Co-op apartment,0.035792000000000004,-15377,-341,-7184.0,-4311,,1,1,0,1,0,0,Laborers,4.0,2,2,WEDNESDAY,11,0,0,0,0,1,1,Trade: type 7,0.34902570988443743,0.6840949050914525,0.2678689358444539,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1065.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1230845,300507,Consumer loans,3209.625,22495.5,15952.5,8995.5,22495.5,THURSDAY,12,Y,1,0.3926934933753116,,,XAP,Approved,-1717,Cash through the bank,XAP,"Spouse, partner",Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,1099,Consumer electronics,6.0,high,POS household with interest,365243.0,-1685.0,-1535.0,-1535.0,-1532.0,0.0,0,Cash loans,M,Y,N,1,135000.0,1054773.0,34987.5,945000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.022625,-13185,-1473,-7297.0,-5182,7.0,1,1,0,1,0,0,Drivers,3.0,2,2,SATURDAY,13,0,0,0,0,0,0,Industry: type 3,,0.6694882105983296,0.5585066276769286,0.0928,0.0893,0.9806,0.7348,0.0397,0.0,0.2069,0.1667,0.2083,0.09,0.0756,0.0906,0.0,0.0,0.0945,0.0927,0.9806,0.7452,0.04,0.0,0.2069,0.1667,0.2083,0.092,0.0826,0.0944,0.0,0.0,0.0937,0.0893,0.9806,0.7383,0.0399,0.0,0.2069,0.1667,0.2083,0.0915,0.077,0.0922,0.0,0.0,,block of flats,0.093,Panel,No,3.0,2.0,3.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1906935,151484,Consumer loans,7956.36,105156.0,114628.5,10516.5,105156.0,WEDNESDAY,12,Y,1,0.09152123173482396,,,XAP,Approved,-353,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,33,Connectivity,24.0,high,POS mobile with interest,365243.0,-322.0,368.0,-202.0,-195.0,0.0,1,Cash loans,M,N,Y,0,157500.0,970380.0,28503.0,810000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-17758,-714,-5895.0,-1305,,1,1,0,1,0,0,Security staff,2.0,3,3,SATURDAY,7,0,0,0,1,1,0,Business Entity Type 1,0.17137988378655805,0.02715377913405521,0.15380258630671767,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1033.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1834926,401944,Cash loans,20678.49,450000.0,545040.0,,450000.0,MONDAY,9,Y,1,,,,XNA,Refused,-21,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),2,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,54000.0,161730.0,11632.5,135000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.018209,-21028,365243,-5625.0,-4570,,1,0,0,1,0,0,,1.0,3,3,MONDAY,6,0,0,0,0,0,0,XNA,,0.3186699418715588,0.5656079814115492,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,0.0,-304.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2282078,182638,Consumer loans,14194.8,141475.5,140643.0,13500.0,141475.5,WEDNESDAY,12,Y,1,0.09538368445357408,,,XAP,Approved,-1146,Cash through the bank,XAP,Family,New,Construction Materials,POS,XNA,Stone,2037,Construction,12.0,middle,POS industry with interest,365243.0,-1113.0,-783.0,-783.0,-778.0,0.0,0,Cash loans,F,N,Y,0,135000.0,254700.0,14751.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.00496,-24427,365243,-1151.0,-4561,,1,0,0,1,1,0,,2.0,2,2,MONDAY,11,0,0,0,0,0,0,XNA,,0.6129137398441811,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1146.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2188946,138400,Revolving loans,13500.0,270000.0,270000.0,,270000.0,THURSDAY,17,Y,1,,,,XAP,Approved,-264,XNA,XAP,Family,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-262.0,-222.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,225000.0,247500.0,13423.5,247500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018634,-15588,-215,-2533.0,-1831,,1,1,1,1,1,0,Managers,2.0,2,2,MONDAY,21,0,0,0,0,0,0,Industry: type 9,,0.33913517665879195,0.35895122857839673,0.2784,0.2215,0.9861,0.8096,0.1199,0.32,0.2759,0.3333,0.0417,0.1898,0.2269,0.3043,0.0,0.0,0.2836,0.2298,0.9861,0.8171,0.121,0.3222,0.2759,0.3333,0.0417,0.1942,0.2479,0.317,0.0,0.0,0.281,0.2215,0.9861,0.8121,0.1207,0.32,0.2759,0.3333,0.0417,0.1932,0.2309,0.3097,0.0,0.0,org spec account,block of flats,0.3049,Panel,No,1.0,1.0,1.0,1.0,-472.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,0.0 +2162051,167101,Consumer loans,9522.495,102019.5,102019.5,0.0,102019.5,SUNDAY,7,Y,1,0.0,,,XAP,Approved,-762,XNA,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Regional / Local,1050,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-731.0,-401.0,-461.0,-454.0,0.0,0,Cash loans,F,N,N,0,198000.0,203760.0,19980.0,180000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.006629,-19703,-114,-989.0,-3100,,1,1,0,1,0,0,Laborers,1.0,2,2,SATURDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.8930550315851403,0.7628068470781508,0.0005272652387098817,0.1124,,0.9975,0.966,0.0519,0.08,0.069,0.3333,0.0417,0.0204,0.0857,0.0929,0.027000000000000003,0.0051,0.1145,,0.9975,0.9673,0.0524,0.0806,0.069,0.3333,0.0417,0.0209,0.0937,0.0968,0.0272,0.0054,0.1135,,0.9975,0.9665,0.0522,0.08,0.069,0.3333,0.0417,0.0208,0.0872,0.0946,0.0272,0.0052,,block of flats,0.1026,Panel,No,0.0,0.0,0.0,0.0,-1053.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2759151,447432,Cash loans,34869.24,337500.0,441382.5,,337500.0,SATURDAY,13,Y,1,,,,XNA,Approved,-999,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-969.0,-279.0,-309.0,-305.0,1.0,0,Cash loans,M,Y,Y,0,315000.0,1024740.0,43546.5,900000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.04622,-10220,-818,-1596.0,-2863,7.0,1,1,0,1,0,1,Core staff,1.0,1,1,THURSDAY,18,0,1,1,0,0,0,Telecom,0.6050840706614732,0.697724673501031,0.3556387169923543,0.1237,0.0805,0.995,0.932,0.0417,0.12,0.1034,0.375,0.4167,0.0716,0.0983,0.162,0.0116,0.1416,0.1261,0.0836,0.995,0.9347,0.0421,0.1208,0.1034,0.375,0.4167,0.0733,0.1074,0.1688,0.0117,0.1499,0.1249,0.0805,0.995,0.9329,0.042,0.12,0.1034,0.375,0.4167,0.0729,0.1,0.1649,0.0116,0.1446,reg oper spec account,block of flats,0.181,"Stone, brick",No,1.0,0.0,1.0,0.0,-1370.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1625527,108272,Revolving loans,5625.0,112500.0,112500.0,,112500.0,THURSDAY,14,Y,1,,,,XAP,Refused,-655,XNA,HC,,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),4,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,N,N,2,180000.0,1288350.0,37669.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0228,-11639,-821,-5359.0,-3623,,1,1,1,1,1,0,Drivers,4.0,2,2,MONDAY,10,0,0,0,0,0,0,Self-employed,,0.5835222124251309,0.6956219298394389,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2522.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1250582,179136,Cash loans,14613.21,450000.0,553950.0,,450000.0,SATURDAY,9,Y,1,,,,Repairs,Refused,-464,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,60.0,low_action,Cash Street: low,,,,,,,0,Cash loans,F,Y,Y,0,166500.0,450000.0,35685.0,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.008575,-9405,-1114,-87.0,-2030,2.0,1,1,1,1,1,0,Sales staff,2.0,2,2,MONDAY,15,1,1,0,1,1,0,Business Entity Type 1,0.5771861456716872,0.20070523330623075,0.4920600938649263,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-627.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2001026,187231,Consumer loans,6040.71,28341.0,22671.0,5670.0,28341.0,TUESDAY,10,Y,1,0.21788735240624726,,,XAP,Approved,-1127,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,100,Connectivity,4.0,middle,POS mobile without interest,365243.0,-1096.0,-1006.0,-1006.0,-1003.0,0.0,0,Cash loans,F,N,N,1,157500.0,149256.0,17842.5,135000.0,Unaccompanied,Working,Higher education,Single / not married,Rented apartment,0.000938,-10358,-1731,-2974.0,-2091,,1,1,1,1,0,0,,2.0,3,3,SUNDAY,9,1,1,0,1,1,0,Trade: type 6,0.22821027374579464,0.2515351824474196,0.6690566947824041,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,1.0,5.0,0.0,-1367.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2013040,234614,Cash loans,31031.73,900000.0,1078200.0,,900000.0,SATURDAY,12,Y,1,,,,XNA,Refused,-24,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,157500.0,1078200.0,31653.0,900000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.015221,-22297,365243,-4836.0,-4849,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,,0.6085311779492899,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-805.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2498023,288037,Consumer loans,,71114.4,71114.4,0.0,71114.4,THURSDAY,19,Y,1,0.0,,,XAP,Refused,-1673,Cash through the bank,HC,,Repeater,Computers,XNA,XNA,Country-wide,50,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,M,N,Y,0,189000.0,573628.5,27724.5,463500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.018634,-17303,-3018,-155.0,-857,,1,1,0,1,0,0,Security staff,2.0,2,2,THURSDAY,11,0,1,1,0,0,0,Security,0.3229506190606755,0.4739047882467746,0.470456116119975,0.0412,0.0,0.9791,,,0.0,0.069,0.1667,,0.0082,,0.0356,,0.0,0.042,0.0,0.9791,,,0.0,0.069,0.1667,,0.0084,,0.0371,,0.0,0.0416,0.0,0.9791,,,0.0,0.069,0.1667,,0.0083,,0.0362,,0.0,,block of flats,0.0316,"Stone, brick",No,6.0,2.0,6.0,2.0,-1673.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1005712,101809,Consumer loans,7895.79,64575.0,62914.5,6457.5,64575.0,SATURDAY,7,Y,1,0.10137814313346223,,,XAP,Approved,-1327,Cash through the bank,XAP,Other_A,New,Computers,POS,XNA,Regional / Local,200,Consumer electronics,10.0,high,POS household with interest,365243.0,-1296.0,-1026.0,-1056.0,-1053.0,0.0,0,Cash loans,M,N,Y,0,180000.0,805536.0,41130.0,720000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,With parents,0.018801,-9303,-2126,-3038.0,-1975,,1,1,0,1,0,0,Core staff,1.0,2,2,WEDNESDAY,14,0,0,0,1,1,0,Bank,,0.4824439680249709,0.34090642641523844,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2434659,402985,Cash loans,38133.0,900000.0,900000.0,,900000.0,SATURDAY,10,Y,1,,,,XNA,Refused,-172,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Revolving loans,M,Y,Y,2,270000.0,810000.0,40500.0,810000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.028663,-11707,-3394,-2225.0,-5,6.0,1,1,0,1,0,1,Managers,4.0,2,2,WEDNESDAY,10,0,0,0,1,0,1,Kindergarten,0.6807790077598028,0.5992834537802756,0.5744466170995097,0.0412,0.0853,0.997,0.9592,0.0433,0.0,0.1034,0.0833,0.0417,0.0145,0.0336,0.0544,0.0,0.0,0.042,0.0885,0.997,0.9608,0.0437,0.0,0.1034,0.0833,0.0417,0.0148,0.0367,0.0566,0.0,0.0,0.0416,0.0853,0.997,0.9597,0.0436,0.0,0.1034,0.0833,0.0417,0.0147,0.0342,0.0553,0.0,0.0,reg oper account,block of flats,0.0665,"Stone, brick",No,0.0,0.0,0.0,0.0,-1974.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1195104,184821,Cash loans,69891.255,675000.0,698166.0,,675000.0,WEDNESDAY,7,Y,1,,,,XNA,Approved,-923,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-893.0,-563.0,-563.0,-555.0,1.0,0,Cash loans,M,Y,Y,0,67500.0,360000.0,35604.0,360000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.028663,-18539,-2194,-5485.0,-2071,3.0,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.6479616091378922,,0.0887,0.1007,0.9816,,,0.0,0.2069,0.1667,,0.0,,0.085,,0.0,0.0903,0.1045,0.9816,,,0.0,0.2069,0.1667,,0.0,,0.0886,,0.0,0.0895,0.1007,0.9816,,,0.0,0.2069,0.1667,,0.0,,0.0865,,0.0,,block of flats,0.0942,Mixed,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2558438,377502,Consumer loans,11684.835,107955.0,105174.0,10795.5,107955.0,WEDNESDAY,9,Y,1,0.1013825265185321,,,XAP,Approved,-1211,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Regional / Local,130,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1180.0,-910.0,-910.0,-906.0,0.0,0,Cash loans,F,Y,Y,0,337500.0,1288350.0,37669.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018029,-16139,-2958,-4461.0,-4492,13.0,1,1,0,1,0,0,Managers,2.0,3,3,WEDNESDAY,7,0,0,0,0,0,0,Business Entity Type 3,0.5838052862539521,0.09707480396011846,0.5531646987710016,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,2.0,0.0,0.0,0.0 +2088604,163054,Consumer loans,5154.21,38250.0,43308.0,3825.0,38250.0,SUNDAY,15,Y,1,0.08838335618935197,,,XAP,Approved,-1788,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,204,Connectivity,12.0,high,POS mobile with interest,365243.0,-1757.0,-1427.0,-1427.0,-1424.0,0.0,0,Cash loans,F,N,Y,0,112500.0,900000.0,26446.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.028663,-19220,-756,-1591.0,-2678,,1,1,0,1,0,0,High skill tech staff,1.0,2,2,WEDNESDAY,12,0,0,0,1,1,0,Business Entity Type 3,0.5391302909975789,0.4629496998958202,0.3376727217405312,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-194.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1081264,421176,Consumer loans,4408.425,25199.64,24142.5,2195.64,25199.64,MONDAY,19,Y,1,0.09079044927380456,,,XAP,Approved,-2437,Cash through the bank,XAP,Family,Refreshed,Audio/Video,POS,XNA,Country-wide,3100,Consumer electronics,6.0,middle,POS household without interest,365243.0,-2406.0,-2256.0,-2256.0,-2249.0,1.0,0,Cash loans,M,Y,Y,1,405000.0,720000.0,25861.5,720000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.028663,-14835,-505,-2853.0,-4561,1.0,1,1,0,1,0,0,Managers,3.0,2,2,TUESDAY,10,0,0,0,1,1,1,Business Entity Type 3,0.2684597564154908,0.4976347353855857,0.6161216908872079,0.1227,0.1143,0.9826,0.762,0.0519,0.0,0.2759,0.1667,0.2083,0.1003,0.1,0.1095,0.0,0.1304,0.125,0.1187,0.9826,0.7713,0.0523,0.0,0.2759,0.1667,0.2083,0.1026,0.1093,0.1141,0.0,0.1381,0.1239,0.1143,0.9826,0.7652,0.0522,0.0,0.2759,0.1667,0.2083,0.102,0.1018,0.1115,0.0,0.1332,reg oper account,block of flats,0.1145,"Stone, brick",No,1.0,1.0,1.0,1.0,-1776.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2356162,399154,Consumer loans,3268.035,25146.0,24498.0,2515.5,25146.0,WEDNESDAY,9,Y,1,0.1014162615661866,,,XAP,Approved,-2687,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,-1,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-2656.0,-2386.0,-2386.0,-2193.0,1.0,0,Cash loans,F,N,N,0,81000.0,942300.0,27549.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.007305,-17704,-4579,-6354.0,-34,,1,1,0,1,0,0,Laborers,2.0,3,3,TUESDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.6469333652795382,,0.0361,,0.9682,,,,0.069,0.0833,,,,0.0146,,,0.0368,,0.9682,,,,0.069,0.0833,,,,0.0152,,,0.0364,,0.9682,,,,0.069,0.0833,,,,0.0148,,,,block of flats,0.0155,"Stone, brick",No,0.0,0.0,0.0,0.0,-737.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2129353,265031,Revolving loans,22500.0,0.0,450000.0,,,FRIDAY,15,Y,1,,,,XAP,Refused,-865,XNA,SCO,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,144000.0,1102828.5,32373.0,963000.0,Family,State servant,Secondary / secondary special,Widow,House / apartment,0.00702,-17569,-2338,-6531.0,-1111,,1,1,0,1,0,0,Managers,1.0,2,2,TUESDAY,17,0,0,0,0,0,0,Transport: type 2,0.6664891240726774,0.3433429951734154,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-1103.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1041013,429893,Cash loans,15944.58,135000.0,173839.5,,135000.0,SUNDAY,9,Y,1,,,,Repairs,Refused,-245,Cash through the bank,HC,Unaccompanied,New,XNA,Cash,walk-in,AP+ (Cash loan),5,XNA,18.0,high,Cash Street: high,,,,,,,1,Cash loans,F,N,N,1,90000.0,118602.0,9441.0,99000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014464,-19736,-10912,-13866.0,-2292,,1,1,0,1,0,0,,3.0,2,2,SUNDAY,7,0,0,0,0,0,0,Other,,0.2212596764520791,0.6380435278721609,0.0619,0.0091,0.9806,0.7348,,0.0,0.1379,0.1667,,0.0284,,0.0556,,0.0302,0.063,0.0094,0.9806,0.7452,,0.0,0.1379,0.1667,,0.029,,0.0579,,0.0319,0.0625,0.0091,0.9806,0.7383,,0.0,0.1379,0.1667,,0.0289,,0.0566,,0.0308,,block of flats,0.0503,"Stone, brick",No,2.0,0.0,2.0,0.0,-245.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1756554,160062,Consumer loans,3123.945,34488.0,34488.0,0.0,34488.0,SATURDAY,10,Y,1,0.0,,,XAP,Approved,-283,XNA,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,60,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-253.0,77.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,288000.0,415107.0,21195.0,346500.0,Family,Working,Secondary / secondary special,Single / not married,House / apartment,0.01885,-19275,-699,-2770.0,-2799,20.0,1,1,0,1,0,0,Security staff,1.0,2,2,TUESDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.7062061358451194,0.7726311345553628,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,4.0 +1850032,112331,Revolving loans,36000.0,0.0,720000.0,,,THURSDAY,13,Y,1,,,,XAP,Approved,-480,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,247500.0,630000.0,18549.0,630000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.008019,-19459,-276,-5351.0,-3003,,1,1,0,1,0,0,Core staff,1.0,2,2,MONDAY,13,0,0,0,0,0,0,Government,0.7029299120116701,0.543864536297835,0.5262949398096192,0.0814,0.0548,0.9752,0.66,0.0444,0.0,0.1379,0.1667,0.2083,0.0515,0.0656,0.0757,0.0039,0.0052,0.083,0.0569,0.9752,0.6733,0.0448,0.0,0.1379,0.1667,0.2083,0.0527,0.0716,0.0788,0.0039,0.0055,0.0822,0.0548,0.9752,0.6645,0.0447,0.0,0.1379,0.1667,0.2083,0.0524,0.0667,0.077,0.0039,0.0053,not specified,block of flats,0.0849,"Stone, brick",No,0.0,0.0,0.0,0.0,-1637.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1886932,239047,Consumer loans,2587.41,57370.5,57370.5,0.0,57370.5,THURSDAY,6,Y,1,0.0,,,XAP,Approved,-1737,Cash through the bank,XAP,Unaccompanied,New,Photo / Cinema Equipment,POS,XNA,Country-wide,1500,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1706.0,-1016.0,-1256.0,-1251.0,0.0,0,Revolving loans,F,N,Y,0,225000.0,315000.0,15750.0,315000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.018209,-22886,365243,-10258.0,-4958,,1,0,0,1,0,0,,2.0,3,3,FRIDAY,14,0,0,0,0,0,0,XNA,,0.11910636297436833,0.3706496323299817,0.1113,0.0811,0.9861,0.8096,0.0423,0.12,0.1034,0.3333,0.0417,0.0935,0.0908,0.1019,0.0,0.0,0.1134,0.0842,0.9861,0.8171,0.0427,0.1208,0.1034,0.3333,0.0417,0.0957,0.0992,0.1061,0.0,0.0,0.1124,0.0811,0.9861,0.8121,0.0425,0.12,0.1034,0.3333,0.0417,0.0952,0.0923,0.1037,0.0,0.0,reg oper account,block of flats,0.1032,Panel,No,0.0,0.0,0.0,0.0,-1737.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2368990,167792,Consumer loans,42263.775,397333.35,380412.0,39736.35,397333.35,SATURDAY,8,Y,1,0.10300289777516572,,,XAP,Approved,-2570,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Regional / Local,150,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-2539.0,-2269.0,-2269.0,-2261.0,1.0,0,Cash loans,F,N,N,0,144000.0,572076.0,37120.5,540000.0,Family,Pensioner,Higher education,Married,House / apartment,0.006852,-24079,365243,-7423.0,-4106,,1,0,0,1,0,0,,2.0,3,3,FRIDAY,9,0,0,0,0,0,0,XNA,,0.07002151472167567,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1275145,198451,Cash loans,13149.495,297000.0,345222.0,,297000.0,WEDNESDAY,8,Y,1,,,,XNA,Refused,-280,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,1500,Consumer electronics,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,202500.0,540000.0,17977.5,540000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.018209,-21714,365243,-705.0,-349,,1,0,0,1,0,0,,1.0,3,3,WEDNESDAY,11,0,0,0,0,0,0,XNA,0.6810478866456141,0.5712984487452639,0.3656165070113335,0.0722,0.0764,0.9831,0.7688,0.0,0.0,0.1379,0.1667,0.0417,0.0135,0.0588,0.0666,0.0,0.0,0.0735,0.0792,0.9831,0.7779,0.0,0.0,0.1379,0.1667,0.0417,0.0138,0.0643,0.0694,0.0,0.0,0.0729,0.0764,0.9831,0.7719,0.0,0.0,0.1379,0.1667,0.0417,0.0137,0.0599,0.0678,0.0,0.0,reg oper account,block of flats,0.0524,Panel,No,0.0,0.0,0.0,0.0,-308.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1809854,248177,Cash loans,42628.05,675000.0,941224.5,,675000.0,TUESDAY,18,Y,1,,,,XNA,Refused,-647,XNA,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,1,Cash loans,F,N,N,0,90000.0,312768.0,18900.0,270000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.035792000000000004,-20431,365243,-5667.0,-3524,,1,0,0,1,1,0,,1.0,2,2,FRIDAY,11,0,0,0,0,0,0,XNA,,0.6022520277728114,0.5797274227921155,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1441.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1894574,108302,Consumer loans,4854.915,37962.0,41301.0,0.0,37962.0,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-640,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Stone,200,Consumer electronics,10.0,middle,POS household with interest,365243.0,-609.0,-339.0,-339.0,-332.0,0.0,0,Cash loans,F,N,Y,1,63000.0,364500.0,33561.0,364500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.031329,-10223,-775,-183.0,-181,,1,1,0,1,0,0,Laborers,3.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Postal,0.2827771606257863,0.6230524325228005,0.445396241560834,0.0247,0.0071,0.9801,0.7959999999999999,0.0103,0.0,0.069,0.0417,0.0417,0.0377,0.0202,0.0225,0.0,0.0,0.0252,0.0,0.9851,0.804,0.0091,0.0,0.069,0.0417,0.0417,0.0271,0.022,0.0231,0.0,0.0,0.025,0.0,0.9851,0.7987,0.0104,0.0,0.069,0.0417,0.0417,0.0383,0.0205,0.0226,0.0,0.0,reg oper account,block of flats,0.0181,"Stone, brick",No,5.0,0.0,5.0,0.0,-175.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1061088,307544,Cash loans,23430.69,679500.0,772780.5,,679500.0,TUESDAY,14,Y,1,,,,XNA,Approved,-197,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_action,Cash X-Sell: low,365243.0,-167.0,1243.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,0,225000.0,691020.0,19935.0,495000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-23135,365243,-6589.0,-4927,1.0,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,XNA,,0.7006498027026112,0.7490217048463391,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-3281.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1410298,304178,Consumer loans,16848.765,151110.0,151110.0,0.0,151110.0,SATURDAY,7,Y,1,0.0,,,XAP,Approved,-955,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Stone,84,Consumer electronics,12.0,high,POS household with interest,365243.0,-904.0,-574.0,-574.0,-568.0,0.0,0,Cash loans,F,N,Y,0,99000.0,760225.5,30280.5,679500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020713,-21019,365243,-12338.0,-4204,,1,0,0,1,1,0,,2.0,3,3,TUESDAY,8,0,0,0,0,0,0,XNA,0.6097529847877032,0.08667263686686806,0.7136313997323308,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2352023,122917,Consumer loans,3170.7,28480.5,23521.5,6750.0,28480.5,WEDNESDAY,16,Y,1,0.2428476830141761,,,XAP,Refused,-1724,Cash through the bank,LIMIT,,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,10.0,high,POS mobile with interest,,,,,,,0,Cash loans,M,Y,N,2,112500.0,808650.0,26217.0,675000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.019101,-11684,-3835,-2388.0,-4329,14.0,1,1,0,1,0,0,Security staff,4.0,2,2,FRIDAY,11,0,0,0,0,0,0,Security Ministries,,0.5313352762757125,0.656158373001177,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1806.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1405123,211587,Cash loans,42443.595,814500.0,814500.0,,814500.0,THURSDAY,12,Y,1,,,,XNA,Approved,-923,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),-1,XNA,48.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,M,Y,N,1,157500.0,1288350.0,37800.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-15937,-1621,-6841.0,-3949,20.0,1,1,1,1,1,0,Laborers,3.0,3,3,TUESDAY,15,0,0,0,0,0,0,Business Entity Type 1,,0.4839620486517566,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1386.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1433260,434533,Cash loans,12545.37,117000.0,117000.0,,117000.0,FRIDAY,15,Y,1,,,,Urgent needs,Refused,-191,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,135000.0,450000.0,24543.0,450000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.015221,-8956,-1149,-3982.0,-810,,1,1,0,1,0,0,,2.0,2,2,SUNDAY,14,0,0,0,0,1,1,Services,,0.3712523116545938,0.1419915427739129,0.0358,0.0609,0.9737,0.6328,,0.0,0.1121,0.0938,0.0417,0.0344,,0.0328,,0.0034,0.0504,0.0542,0.9747,0.6276,,0.0,0.1034,0.125,0.0417,0.0145,,0.0157,,0.0,0.039,0.0628,0.9747,0.6377,,0.0,0.1034,0.1042,0.0417,0.0406,,0.0389,,0.0,reg oper account,block of flats,0.0335,Block,No,0.0,0.0,0.0,0.0,-279.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1645469,147811,Consumer loans,7645.86,53550.0,53550.0,0.0,53550.0,MONDAY,7,Y,1,0.0,,,XAP,Approved,-201,Cash through the bank,XAP,,Repeater,Construction Materials,POS,XNA,Stone,14,Construction,8.0,middle,POS industry with interest,365243.0,-170.0,40.0,-20.0,-13.0,0.0,0,Cash loans,F,N,Y,0,94500.0,284400.0,19134.0,225000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.010032,-10359,-195,-2819.0,-2877,,1,1,0,1,0,0,Sales staff,2.0,2,2,SATURDAY,9,0,0,0,0,0,0,Other,0.3042170583335349,0.49410337658003,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-640.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2454147,416972,Consumer loans,7067.745,76995.0,76995.0,0.0,76995.0,SATURDAY,16,Y,1,0.0,,,XAP,Approved,-1269,Cash through the bank,XAP,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Country-wide,2400,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-1237.0,-907.0,-907.0,-904.0,0.0,0,Cash loans,F,N,N,0,112500.0,1078200.0,31653.0,900000.0,Unaccompanied,Commercial associate,Incomplete higher,Married,Municipal apartment,0.032561,-15063,-1191,-2265.0,-2265,,1,1,0,1,0,0,Accountants,2.0,1,1,MONDAY,15,0,0,0,0,0,0,Trade: type 3,0.6950687617099136,0.5120267336026023,,0.1711,0.1312,0.9811,0.7416,,0.2132,0.1607,0.4167,0.4583,,0.1395,0.2004,0.009000000000000001,0.0103,0.0336,0.0765,0.9806,0.7452,,0.1208,0.0345,0.3333,0.375,,0.0294,0.1215,0.0,0.0,0.2238,0.1487,0.9806,0.7383,,0.24,0.2069,0.3333,0.375,,0.1838,0.2292,0.0,0.0,reg oper account,block of flats,0.177,Panel,No,0.0,0.0,0.0,0.0,-1864.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1874413,439778,Cash loans,15119.19,135000.0,143910.0,,135000.0,SATURDAY,15,Y,1,,,,XNA,Approved,-1479,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,middle,Cash X-Sell: middle,365243.0,-1449.0,-1119.0,-1119.0,-1107.0,1.0,0,Cash loans,F,N,Y,0,189000.0,804096.0,26068.5,576000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.004849,-20366,365243,-9141.0,-2547,,1,0,0,1,0,0,,2.0,2,2,MONDAY,10,0,0,0,0,0,0,XNA,,0.2219612944300028,0.0005272652387098817,0.1082,0.1181,0.9767,0.6804,0.0502,0.0,0.2414,0.1667,0.2083,0.038,0.0883,0.0676,0.0,0.0,0.1103,0.1226,0.9767,0.6929,0.0506,0.0,0.2414,0.1667,0.2083,0.0389,0.0964,0.0704,0.0,0.0,0.1093,0.1181,0.9767,0.6847,0.0505,0.0,0.2414,0.1667,0.2083,0.0386,0.0898,0.0688,0.0,0.0,reg oper account,block of flats,0.0809,Panel,No,0.0,0.0,0.0,0.0,-1761.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1560440,178705,Consumer loans,19274.85,157500.0,171360.0,0.0,157500.0,THURSDAY,13,Y,1,0.0,,,XAP,Approved,-8,Cash through the bank,XAP,Unaccompanied,Repeater,Clothing and Accessories,POS,XNA,Stone,50,Clothing,10.0,low_normal,POS industry with interest,365243.0,365243.0,292.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,135000.0,675000.0,23202.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.026392000000000002,-20648,-6975,-8990.0,-4175,,1,1,0,1,0,0,Secretaries,1.0,2,2,FRIDAY,14,0,0,0,0,0,0,Medicine,,0.7228798147996307,0.7062051096536562,0.0938,,0.9881,,,0.08,0.0345,0.5417,,,,0.1016,,0.0499,0.0956,,0.9881,,,0.0806,0.0345,0.5417,,,,0.1059,,0.0528,0.0947,,0.9881,,,0.08,0.0345,0.5417,,,,0.1034,,0.051,,block of flats,0.0914,"Stone, brick",No,5.0,0.0,5.0,0.0,-2504.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2745524,244313,Consumer loans,5471.73,27355.5,25713.0,1642.5,27355.5,FRIDAY,10,Y,1,0.06539203517324915,,,XAP,Approved,-2324,Cash through the bank,XAP,Family,Repeater,Clothing and Accessories,POS,XNA,Regional / Local,43,Clothing,5.0,low_normal,POS industry without interest,365243.0,-2289.0,-2169.0,-2169.0,-2154.0,0.0,0,Cash loans,M,Y,Y,1,225000.0,760225.5,30150.0,679500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018029,-10150,-2637,-4694.0,-2804,16.0,1,1,1,1,1,0,Laborers,3.0,3,3,FRIDAY,10,0,0,0,0,1,1,Business Entity Type 2,,0.550398931733869,0.6496203111237195,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1903.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2622287,341815,Consumer loans,32248.89,382743.0,344466.0,38277.0,382743.0,SATURDAY,14,Y,1,0.10891677372877548,,,XAP,Approved,-509,Cash through the bank,XAP,,Repeater,Jewelry,POS,XNA,Country-wide,50,Industry,12.0,low_normal,POS other with interest,365243.0,-478.0,-148.0,-238.0,-235.0,0.0,0,Cash loans,F,N,Y,0,225000.0,1256400.0,36864.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.032561,-18754,-1325,-1248.0,-2312,,1,1,0,1,0,0,,1.0,1,1,THURSDAY,18,0,0,0,0,0,0,Business Entity Type 3,,0.5211843480286474,0.4436153084085652,0.0536,0.0714,0.9831,0.7688,,0.12,0.0345,0.5833,0.625,,0.0454,0.1255,0.0039,0.0048,0.0546,0.0741,0.9831,0.7779,,0.1208,0.0345,0.5833,0.625,,0.0496,0.1308,0.0039,0.0051,0.0541,0.0714,0.9831,0.7719,,0.12,0.0345,0.5833,0.625,,0.0462,0.1278,0.0039,0.0049,reg oper account,block of flats,0.0925,"Stone, brick",No,0.0,0.0,0.0,0.0,-35.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1572338,183471,Consumer loans,1787.13,19260.0,16173.0,4545.0,19260.0,TUESDAY,14,Y,1,0.2389187267988311,,,XAP,Approved,-2046,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,58,Connectivity,12.0,high,POS mobile with interest,365243.0,-2015.0,-1685.0,-1685.0,-1677.0,0.0,0,Cash loans,F,Y,Y,0,202500.0,717003.0,20677.5,598500.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.018209,-22176,365243,-4630.0,-4098,19.0,1,0,0,1,0,0,,2.0,3,3,THURSDAY,13,0,0,0,0,0,0,XNA,,0.5574555193754559,0.7238369900414456,0.1021,0.1064,0.9796,0.7212,0.1315,0.0,0.2069,0.1667,0.2083,0.0,0.0832,0.0914,0.0,0.008,0.104,0.1104,0.9796,0.7321,0.1327,0.0,0.2069,0.1667,0.2083,0.0,0.0909,0.0952,0.0,0.0085,0.1031,0.1064,0.9796,0.7249,0.1323,0.0,0.2069,0.1667,0.2083,0.0,0.0847,0.093,0.0,0.0082,reg oper account,block of flats,0.0736,Panel,No,0.0,0.0,0.0,0.0,-8.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1925916,451344,Consumer loans,12341.25,123426.0,111082.5,12343.5,123426.0,SUNDAY,17,Y,1,0.1089170323624166,,,XAP,Approved,-2817,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,1578,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-2786.0,-2516.0,-2516.0,-2509.0,0.0,0,Cash loans,F,Y,Y,0,157500.0,1354500.0,35860.5,1354500.0,"Spouse, partner",State servant,Secondary / secondary special,Married,House / apartment,0.030755,-20139,-8738,-7174.0,-3241,4.0,1,1,0,1,1,0,,2.0,2,2,WEDNESDAY,18,0,0,0,0,0,0,Military,,0.6192238326751902,0.5971924268337128,,,0.9856,,,,,,,,,0.4154,,,,,0.9856,,,,,,,,,0.4328,,,,,0.9856,,,,,,,,,0.4229,,,,,0.429,,No,0.0,0.0,0.0,0.0,-1281.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2027387,454658,Revolving loans,2250.0,45000.0,45000.0,,45000.0,FRIDAY,14,Y,1,,,,XAP,Approved,-305,XNA,XAP,"Spouse, partner",Repeater,XNA,Cards,walk-in,Country-wide,100,Connectivity,0.0,XNA,Card Street,-305.0,-260.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,1,148500.0,781920.0,32868.0,675000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-10597,-1014,-5038.0,-3172,,1,1,1,1,0,1,Drivers,3.0,2,2,TUESDAY,14,0,0,0,0,0,0,Emergency,0.2303957031098693,0.6295828402112009,0.5549467685334323,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-958.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2468935,171223,Consumer loans,21359.43,128520.0,120240.0,25704.0,128520.0,SATURDAY,11,Y,1,0.1918132484190698,,,XAP,Approved,-1170,Cash through the bank,XAP,"Spouse, partner",Repeater,Computers,POS,XNA,Country-wide,1187,Consumer electronics,6.0,low_normal,POS mobile without interest,365243.0,-1139.0,-989.0,-1019.0,-1007.0,0.0,0,Cash loans,F,N,Y,0,202500.0,900000.0,50386.5,900000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-15608,-3311,-1410.0,-5514,,1,1,0,1,0,0,Laborers,2.0,1,1,SUNDAY,14,0,0,0,0,0,0,Construction,,0.5741453049485672,0.6263042766749393,0.3670000000000001,0.2337,0.9821,0.7552,0.0,0.4,0.3448,0.3333,0.375,0.0,0.0,0.3431,0.0,0.0,0.3739,0.2426,0.9821,0.7648,0.0,0.4028,0.3448,0.3333,0.375,0.0,0.0,0.3575,0.0,0.0,0.3706,0.2337,0.9821,0.7585,0.0,0.4,0.3448,0.3333,0.375,0.0,0.0,0.3493,0.0,0.0,reg oper account,block of flats,0.2699,Panel,No,4.0,2.0,4.0,2.0,-278.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1109584,225334,Consumer loans,16735.77,147348.0,147348.0,0.0,147348.0,FRIDAY,15,Y,1,0.0,,,XAP,Approved,-97,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,42,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-63.0,207.0,-3.0,365243.0,0.0,0,Cash loans,M,N,Y,0,585000.0,1379376.0,38061.0,1080000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.072508,-17249,-5520,-9925.0,-801,,1,1,0,1,0,0,Managers,2.0,1,1,THURSDAY,14,0,0,0,0,0,0,Other,0.6621228683789279,0.6974663400220183,0.3539876078507373,0.1294,0.0699,0.9796,0.7212,0.0455,0.14,0.1207,0.3333,0.2917,0.0,0.1055,0.1141,0.0,0.0002,0.0746,0.04,0.9796,0.7321,0.0226,0.0806,0.069,0.3333,0.375,0.0,0.0652,0.0801,0.0,0.0,0.1124,0.0665,0.9796,0.7249,0.0453,0.12,0.1034,0.3333,0.375,0.0,0.0923,0.0888,0.0,0.0,reg oper account,block of flats,0.1614,Block,No,0.0,0.0,0.0,0.0,-505.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2385229,328096,Revolving loans,2250.0,45000.0,45000.0,,45000.0,TUESDAY,14,Y,1,,,,XAP,Refused,-174,XNA,SCOFR,Family,Repeater,XNA,Cards,walk-in,Regional / Local,200,Consumer electronics,0.0,XNA,Card Street,,,,,,,1,Cash loans,M,N,Y,0,135000.0,450000.0,24412.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018029,-8673,-1051,-8645.0,-1102,,1,1,1,1,0,0,Laborers,2.0,3,3,MONDAY,6,0,0,0,1,1,0,Business Entity Type 3,,0.01971293458311616,0.21155076420525776,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-230.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1547970,161301,Consumer loans,3002.31,19755.0,21384.0,0.0,19755.0,MONDAY,6,Y,1,0.0,,,XAP,Approved,-1843,Cash through the bank,XAP,Unaccompanied,Refreshed,Mobile,POS,XNA,Country-wide,39,Connectivity,10.0,high,POS mobile with interest,365243.0,-1812.0,-1542.0,-1602.0,-1599.0,0.0,1,Cash loans,F,N,N,1,67500.0,254700.0,16276.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018029,-12412,-3488,-4405.0,-4405,,1,1,1,1,1,0,,3.0,3,3,SATURDAY,9,0,0,0,0,0,0,Postal,0.25559256152365284,0.0022042692265471786,0.28812959991785075,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,1.0,5.0,0.0,-1843.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1491627,131535,Consumer loans,,0.0,0.0,,,TUESDAY,13,Y,1,,,,XAP,Refused,-371,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,POS other with interest,,,,,,,0,Cash loans,F,Y,Y,0,135000.0,101880.0,10053.0,90000.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.020246,-19812,-11369,-4102.0,-3354,15.0,1,1,0,1,1,0,Core staff,1.0,3,3,TUESDAY,12,0,0,0,0,0,0,School,0.8737996472769232,0.36671579754965306,0.5028782772082183,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1614.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,7.0 +1113955,230910,Consumer loans,9358.695,92655.0,70155.0,22500.0,92655.0,FRIDAY,16,Y,1,0.26447083756457224,,,XAP,Refused,-2581,Cash through the bank,SCO,Unaccompanied,New,Mobile,POS,XNA,Country-wide,2370,Consumer electronics,10.0,high,POS household with interest,,,,,,,0,Cash loans,M,Y,Y,1,292500.0,746280.0,50004.0,675000.0,Unaccompanied,Working,Academic degree,Separated,House / apartment,0.016612000000000002,-10107,-1186,-1.0,-2764,1.0,1,1,0,1,0,1,,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.4891032174725424,0.4670624046389842,0.5172965813614878,0.4351,0.2336,0.999,0.9864,0.2673,0.24,0.1034,0.6667,0.7083,0.8569,0.3547,0.4528,0.0,0.0,0.4433,0.2425,0.999,0.9869,0.2698,0.2417,0.1034,0.6667,0.7083,0.8765,0.3875,0.4718,0.0,0.0,0.4393,0.2336,0.999,0.9866,0.269,0.24,0.1034,0.6667,0.7083,0.8719,0.3608,0.461,0.0,0.0,reg oper account,block of flats,0.5023,Mixed,No,3.0,0.0,3.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1104915,264911,Revolving loans,22500.0,0.0,450000.0,,,MONDAY,17,Y,1,,,,XAP,Approved,-846,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-845.0,-798.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,0,202500.0,260640.0,22369.5,225000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.072508,-10212,-1076,-2429.0,-2788,,1,1,0,1,1,1,Core staff,1.0,1,1,SATURDAY,21,0,0,0,0,0,0,Bank,0.31214158413472737,0.7402036657918208,,0.0577,0.1224,0.9702,0.5920000000000001,0.0151,0.0,0.1379,0.1667,0.2083,0.0,0.0471,0.0805,0.0,0.1606,0.0588,0.127,0.9702,0.608,0.0152,0.0,0.1379,0.1667,0.2083,0.0,0.0514,0.0839,0.0,0.17,0.0583,0.1224,0.9702,0.5975,0.0152,0.0,0.1379,0.1667,0.2083,0.0,0.0479,0.08199999999999999,0.0,0.16399999999999998,reg oper account,block of flats,0.0978,"Stone, brick",No,0.0,0.0,0.0,0.0,-1149.0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1568786,280499,Consumer loans,5517.225,28930.5,27058.5,3150.0,28930.5,TUESDAY,14,Y,1,0.11356526684993835,,,XAP,Approved,-1872,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,17,Connectivity,6.0,high,POS mobile with interest,365243.0,-1833.0,-1683.0,-1683.0,-1545.0,0.0,0,Revolving loans,F,N,Y,0,90000.0,135000.0,6750.0,135000.0,Family,Pensioner,Secondary / secondary special,Separated,House / apartment,0.030755,-23280,365243,-9614.0,-4711,,1,0,0,1,1,0,,1.0,2,2,FRIDAY,16,0,0,0,0,0,0,XNA,,0.2858978721410488,0.7713615919194317,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1872.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +2783864,444094,Revolving loans,13500.0,0.0,270000.0,,,WEDNESDAY,10,Y,1,,,,XAP,Approved,-797,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-760.0,-722.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,202500.0,521280.0,19318.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-14653,-3485,-929.0,-4564,,1,1,0,1,1,0,Sales staff,2.0,2,2,MONDAY,16,0,0,0,0,0,0,Self-employed,0.478922034299249,0.4923542926071984,0.11104240226943142,0.1299,0.0918,0.9935,0.9116,0.0797,0.12,0.1034,0.3333,0.0417,0.1246,0.1059,0.1497,0.0,0.0,0.1324,0.0953,0.9935,0.9151,0.0804,0.1208,0.1034,0.3333,0.0417,0.1274,0.1157,0.156,0.0,0.0,0.1312,0.0918,0.9935,0.9128,0.0802,0.12,0.1034,0.3333,0.0417,0.1268,0.1077,0.1524,0.0,0.0,reg oper spec account,block of flats,0.1613,"Stone, brick",No,0.0,0.0,0.0,0.0,-1889.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +1897661,374685,Consumer loans,11972.25,63666.0,67027.5,0.0,63666.0,FRIDAY,12,Y,1,0.0,,,XAP,Approved,-944,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,4000,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-913.0,-763.0,-793.0,-788.0,0.0,0,Cash loans,F,N,Y,0,292500.0,1042560.0,34587.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Rented apartment,0.008575,-12238,-2090,-611.0,-4543,,1,1,0,1,0,0,Sales staff,1.0,2,2,THURSDAY,17,0,0,0,1,1,0,Self-employed,0.4546572859292663,0.5821823833957755,0.6144143775673561,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1188933,315888,Cash loans,45315.45,990000.0,1090624.5,,990000.0,WEDNESDAY,9,Y,1,,,,XNA,Approved,-472,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Stone,150,Consumer electronics,42.0,middle,Cash X-Sell: middle,365243.0,-442.0,788.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,2,54000.0,332842.5,12676.5,234000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018029,-13658,365243,-7704.0,-1964,,1,0,0,1,1,1,,4.0,3,3,SATURDAY,6,0,0,0,0,0,0,XNA,0.4324491552147473,0.45015681750395936,0.4400578303966329,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2304125,343825,Consumer loans,5268.285,26730.0,25267.5,2655.0,26730.0,THURSDAY,14,Y,1,0.1035557834590872,,,XAP,Approved,-1023,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,120,Connectivity,6.0,high,POS mobile with interest,365243.0,-981.0,-831.0,-831.0,-824.0,0.0,0,Cash loans,F,N,Y,0,45000.0,900000.0,35158.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-17667,-9649,-4039.0,-1218,,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,8,0,0,0,0,0,0,Business Entity Type 3,0.8819186623132939,0.5357707022857987,0.8425892767430772,0.2124,0.0927,0.9851,0.7959999999999999,0.0425,0.08,0.069,0.3333,0.375,0.0,0.1731,0.0733,0.0,0.0,0.2164,0.0962,0.9851,0.804,0.0429,0.0806,0.069,0.3333,0.375,0.0,0.1892,0.0763,0.0,0.0,0.2144,0.0927,0.9851,0.7987,0.0428,0.08,0.069,0.3333,0.375,0.0,0.1761,0.0746,0.0,0.0,reg oper account,block of flats,0.0999,Panel,No,0.0,0.0,0.0,0.0,-1023.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1933866,361583,Consumer loans,7636.68,71019.0,71019.0,0.0,71019.0,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-415,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Stone,10,Consumer electronics,10.0,low_action,POS household without interest,365243.0,-383.0,-113.0,-113.0,-95.0,0.0,0,Cash loans,M,Y,Y,0,112500.0,107820.0,7420.5,90000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-17300,-1235,-2456.0,-827,12.0,1,1,0,1,0,0,Drivers,2.0,2,2,THURSDAY,10,0,0,0,0,1,1,Transport: type 4,,0.6956591421460606,0.09322509537747448,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-415.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2458760,356266,Revolving loans,13500.0,270000.0,270000.0,,270000.0,MONDAY,15,Y,1,,,,XAP,Approved,-307,XNA,XAP,Unaccompanied,Refreshed,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,144000.0,454500.0,30627.0,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.026392000000000002,-22313,365243,-9381.0,-4618,,1,0,0,1,0,0,,1.0,2,2,SUNDAY,12,0,0,0,0,0,0,XNA,,0.7322244946991993,,0.099,,0.9866,,,0.08,0.0345,0.5417,,,,0.0905,,0.0232,0.1008,,0.9866,,,0.0806,0.0345,0.5417,,,,0.0943,,0.0246,0.0999,,0.9866,,,0.08,0.0345,0.5417,,,,0.0921,,0.0237,,block of flats,0.0762,"Stone, brick",No,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,2.0 +1661549,212919,Consumer loans,5813.145,129037.5,129037.5,0.0,129037.5,TUESDAY,13,Y,1,0.0,,,XAP,Approved,-13,Non-cash from your account,XAP,Family,Refreshed,Consumer Electronics,POS,XNA,Regional / Local,100,Consumer electronics,24.0,low_action,POS household without interest,365243.0,365243.0,707.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,1,157500.0,1127074.5,37377.0,922500.0,Children,Working,Secondary / secondary special,Married,House / apartment,0.019101,-14262,-1921,-4331.0,-4338,,1,1,0,1,0,0,Core staff,3.0,2,2,MONDAY,10,0,0,0,0,0,0,School,0.46987672122866,0.6516538759316698,0.622922000268356,0.0804,0.0688,0.9871,0.8232,0.0363,0.08,0.069,0.3333,0.375,0.006,0.0496,0.0812,0.0,0.0422,0.0368,0.0208,0.9876,0.8367,0.018000000000000002,0.0403,0.0345,0.3333,0.375,0.0,0.0321,0.0395,0.0,0.0,0.0739,0.0454,0.9876,0.8323,0.0348,0.08,0.069,0.3333,0.375,0.0065,0.0599,0.0741,0.0,0.0,reg oper spec account,block of flats,0.2035,Panel,No,0.0,0.0,0.0,0.0,-1805.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2634697,231960,Revolving loans,11250.0,0.0,225000.0,,,FRIDAY,15,Y,1,,,,XAP,Refused,-717,XNA,HC,,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),4,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,Y,N,0,135000.0,900000.0,29164.5,900000.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.0228,-19954,-878,-922.0,-3307,6.0,1,1,0,1,1,0,Medicine staff,2.0,2,2,WEDNESDAY,15,0,0,0,0,1,1,Medicine,,0.5128626502772061,0.2405414172860865,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-30.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1978489,418267,Consumer loans,4376.25,22945.5,20650.5,2295.0,22945.5,MONDAY,17,Y,1,0.10893044982082048,,,XAP,Approved,-1220,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,6.0,high,POS mobile with interest,365243.0,-1189.0,-1039.0,-1039.0,-1032.0,0.0,0,Cash loans,M,N,Y,0,202500.0,1125000.0,33025.5,1125000.0,Unaccompanied,Working,Higher education,Single / not married,With parents,0.028663,-11809,-178,-526.0,-2557,,1,1,0,1,0,0,Drivers,1.0,2,2,WEDNESDAY,8,0,0,0,1,1,0,Transport: type 4,0.4847902942564408,0.5914078358515342,0.7751552674785404,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1223154,382278,Cash loans,66813.12,1170000.0,1254942.0,,1170000.0,WEDNESDAY,18,Y,1,,,,XNA,Approved,-812,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,365243.0,-782.0,88.0,-242.0,-234.0,1.0,0,Cash loans,F,Y,N,1,360000.0,1321020.0,35554.5,1125000.0,Unaccompanied,Commercial associate,Higher education,Separated,Municipal apartment,0.032561,-13715,-419,-7588.0,-4549,14.0,1,1,0,1,0,1,Managers,2.0,1,1,WEDNESDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.7695679975685968,0.8038850611746273,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-636.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1251430,180031,Consumer loans,6373.17,84244.5,102037.5,0.0,84244.5,THURSDAY,11,Y,1,0.0,,,XAP,Approved,-54,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,2400,Consumer electronics,24.0,middle,POS household with interest,365243.0,-23.0,667.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,Y,0,180000.0,270000.0,13500.0,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.009656999999999999,-18427,-3143,-9267.0,-1958,,1,1,0,1,0,0,Managers,1.0,2,2,TUESDAY,11,0,0,0,0,0,0,Self-employed,,0.4495939743692048,0.6674577419214722,0.3134,0.2034,0.9871,0.8232,0.2046,0.28,0.2414,0.375,0.4167,0.1067,0.2555,0.3241,0.0,0.0,0.3193,0.211,0.9871,0.8301,0.2064,0.282,0.2414,0.375,0.4167,0.1092,0.2792,0.3377,0.0,0.0,0.3164,0.2034,0.9871,0.8256,0.2059,0.28,0.2414,0.375,0.4167,0.1086,0.2599,0.3299,0.0,0.0,reg oper account,block of flats,0.3668,Panel,No,0.0,0.0,0.0,0.0,-940.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2368563,153327,Cash loans,13237.335,112500.0,119925.0,,112500.0,FRIDAY,8,Y,1,,,,XNA,Approved,-837,Non-cash from your account,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,39,Connectivity,12.0,high,Cash X-Sell: high,365243.0,-807.0,-477.0,-477.0,-471.0,1.0,0,Cash loans,F,Y,Y,0,135000.0,180000.0,16636.5,180000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.006629,-13561,-1873,-3988.0,-4913,14.0,1,1,1,1,1,0,Drivers,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Self-employed,,0.5243212932263874,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-387.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1683051,435293,Cash loans,5831.145,45000.0,54261.0,,45000.0,FRIDAY,10,Y,1,,,,XNA,Approved,-1459,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1429.0,-1099.0,-1219.0,-1197.0,1.0,0,Cash loans,M,N,Y,0,112500.0,147888.0,10012.5,117000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.010966,-13543,-264,-1329.0,-3898,,1,1,0,1,0,0,Laborers,1.0,2,2,MONDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.011857270319573815,,0.0825,0.0806,0.9771,,0.0095,0.0,0.1724,0.1667,0.2083,0.043,0.0672,0.0686,0.0,0.0,0.084,0.0836,0.9772,,0.0096,0.0,0.1724,0.1667,0.2083,0.044,0.0735,0.0715,0.0,0.0,0.0833,0.0806,0.9771,,0.0095,0.0,0.1724,0.1667,0.2083,0.0438,0.0684,0.0698,0.0,0.0,reg oper spec account,block of flats,0.06,Panel,No,1.0,0.0,1.0,0.0,-166.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1063676,357358,Consumer loans,13216.14,135202.5,123862.5,22500.0,135202.5,FRIDAY,9,Y,1,0.16742366012158472,,,XAP,Refused,-1545,Cash through the bank,LIMIT,"Spouse, partner",Repeater,Computers,POS,XNA,Country-wide,88,Consumer electronics,12.0,middle,POS household with interest,,,,,,,0,Cash loans,M,N,N,0,225000.0,746280.0,58963.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0038130000000000004,-11489,-2637,-3040.0,-3787,,1,1,0,1,1,0,Laborers,2.0,2,2,WEDNESDAY,10,0,0,0,0,1,1,Business Entity Type 2,0.2018842224287908,0.5238304134553231,0.22888341670067305,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1584.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2088680,378801,Consumer loans,17141.31,92160.0,97024.5,0.0,92160.0,SATURDAY,14,Y,1,0.0,,,XAP,Approved,-565,Cash through the bank,XAP,,Refreshed,Computers,POS,XNA,Country-wide,400,Consumer electronics,6.0,low_normal,POS mobile with interest,365243.0,-534.0,-384.0,-384.0,-382.0,0.0,0,Cash loans,F,N,Y,0,135000.0,675000.0,36774.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.026392000000000002,-19873,-2421,-13818.0,-3432,,1,1,0,1,0,0,Sales staff,1.0,2,2,THURSDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.4931522915321545,0.8482442999507556,0.0825,0.0818,0.9762,,,0.0,0.1379,0.1667,,,,0.0731,,0.0,0.084,0.0849,0.9762,,,0.0,0.1379,0.1667,,,,0.0761,,0.0,0.0833,0.0818,0.9762,,,0.0,0.1379,0.1667,,,,0.0744,,0.0,,block of flats,0.0575,Panel,No,7.0,1.0,7.0,0.0,-20.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1473803,353357,Consumer loans,3857.04,27117.0,29353.5,0.0,27117.0,MONDAY,13,Y,1,0.0,,,XAP,Approved,-2311,Cash through the bank,XAP,Family,New,Furniture,POS,XNA,Stone,910,Consumer electronics,10.0,high,POS household with interest,365243.0,-2277.0,-2007.0,-2007.0,-1983.0,1.0,0,Cash loans,F,N,Y,0,112500.0,171000.0,7375.5,171000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-22227,365243,-10658.0,-4719,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,XNA,,0.229002990241038,0.7016957740576931,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1546.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1994591,273562,Consumer loans,2514.96,14076.0,11853.0,2817.0,14076.0,SUNDAY,16,Y,1,0.20913218070273284,,,XAP,Approved,-847,Cash through the bank,XAP,Unaccompanied,New,Auto Accessories,POS,XNA,Country-wide,2000,Consumer electronics,6.0,high,POS household with interest,365243.0,-815.0,-665.0,-695.0,-692.0,0.0,1,Cash loans,F,Y,Y,1,112500.0,454500.0,27936.0,454500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.022625,-9441,-1801,-4162.0,-1726,6.0,1,1,1,1,1,0,Laborers,3.0,2,2,SUNDAY,9,0,0,0,1,1,0,Business Entity Type 1,0.2399936959154164,0.352006911593545,0.3201633668633456,0.0186,,0.9871,,,0.0,0.1034,0.0417,,,,0.0166,,,0.0189,,0.9871,,,0.0,0.1034,0.0417,,,,0.0173,,,0.0187,,0.9871,,,0.0,0.1034,0.0417,,,,0.0169,,,,block of flats,0.0463,Panel,No,1.0,1.0,1.0,0.0,-847.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1751322,228112,Consumer loans,3750.165,18540.0,20641.5,0.0,18540.0,TUESDAY,5,Y,1,0.0,,,XAP,Approved,-1051,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Regional / Local,100,Construction,6.0,middle,POS household with interest,365243.0,-1020.0,-870.0,-900.0,-892.0,0.0,0,Cash loans,F,N,Y,0,112500.0,241618.5,24885.0,229500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-13849,-1881,-6092.0,-6095,,1,1,1,1,0,0,Sales staff,2.0,3,3,WEDNESDAY,5,0,0,0,0,0,0,Self-employed,0.3034467354545029,0.3722737690416974,0.722392890081304,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1051.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1044137,141791,Consumer loans,10345.905,91089.0,91089.0,0.0,91089.0,TUESDAY,19,Y,1,0.0,,,XAP,Refused,-401,XNA,HC,,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,10.0,low_normal,POS mobile without interest,,,,,,,0,Cash loans,M,Y,Y,0,360000.0,616923.0,41355.0,558000.0,Family,Working,Secondary / secondary special,Single / not married,House / apartment,0.030755,-14259,-2902,-7488.0,-5101,6.0,1,1,0,1,0,0,Sales staff,1.0,2,2,THURSDAY,13,0,0,0,0,0,0,Self-employed,,0.7701065764564263,,0.0103,0.0,0.9488,0.2996,0.0,0.0,0.069,0.0417,,0.0087,,0.0047,,0.0255,0.0105,0.0,0.9489,0.327,0.0,0.0,0.069,0.0417,,0.0089,,0.0049,,0.0269,0.0104,0.0,0.9488,0.309,0.0,0.0,0.069,0.0417,,0.0089,,0.0048,,0.026,reg oper spec account,block of flats,0.0037,"Stone, brick",No,0.0,0.0,0.0,0.0,-612.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2347693,165592,Consumer loans,5316.57,49455.0,48910.5,4950.0,49455.0,TUESDAY,16,Y,1,0.10009190408555428,,,XAP,Approved,-2452,Cash through the bank,XAP,"Spouse, partner",New,Photo / Cinema Equipment,POS,XNA,Stone,10,Connectivity,12.0,high,POS mobile with interest,365243.0,-2421.0,-2091.0,-2091.0,-2083.0,1.0,0,Revolving loans,F,N,Y,0,135000.0,202500.0,10125.0,202500.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.015221,-22934,365243,-8346.0,-4153,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,XNA,0.5559819892930655,0.6099940158487603,0.6212263380626669,0.0722,0.1562,0.9776,0.6940000000000001,0.0496,0.0,0.1379,0.1667,0.2083,0.0339,0.0588,0.066,0.0,0.0,0.0735,0.1621,0.9777,0.706,0.05,0.0,0.1379,0.1667,0.2083,0.0347,0.0643,0.0688,0.0,0.0,0.0729,0.1562,0.9776,0.6981,0.0499,0.0,0.1379,0.1667,0.2083,0.0345,0.0599,0.0672,0.0,0.0,reg oper account,block of flats,0.0791,"Stone, brick",No,0.0,0.0,0.0,0.0,-131.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2342928,245886,Consumer loans,14711.4,128686.5,142276.5,0.0,128686.5,SUNDAY,15,Y,1,0.0,,,XAP,Refused,-535,Cash through the bank,HC,,Repeater,Computers,POS,XNA,Country-wide,4601,Consumer electronics,12.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,Y,1,157500.0,331920.0,16947.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.022625,-14232,-2281,-397.0,-5096,,1,1,1,1,1,0,Sales staff,2.0,2,2,WEDNESDAY,10,0,0,0,1,1,0,Self-employed,,0.7215021989953875,0.6817058776720116,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1380.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2387147,372204,Consumer loans,6056.73,32805.0,29704.5,4500.0,32805.0,FRIDAY,19,Y,1,0.14328258243532546,,,XAP,Approved,-1545,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,28,Connectivity,6.0,high,POS mobile with interest,365243.0,-1495.0,-1345.0,-1375.0,-1368.0,0.0,0,Revolving loans,F,N,N,1,81000.0,180000.0,9000.0,180000.0,Unaccompanied,Commercial associate,Higher education,Separated,With parents,0.006296,-9741,-1256,-2926.0,-121,,1,1,0,1,0,0,,2.0,3,3,WEDNESDAY,12,0,0,0,0,0,0,Legal Services,,0.4404399120736562,,0.0247,0.052000000000000005,0.9727,0.626,,0.0,0.1034,0.0417,,0.0044,,0.0157,,0.0151,0.0252,0.054000000000000006,0.9727,0.6406,,0.0,0.1034,0.0417,,0.0046,,0.0164,,0.016,0.025,0.052000000000000005,0.9727,0.631,,0.0,0.1034,0.0417,,0.0045,,0.016,,0.0154,,block of flats,0.0156,Block,No,0.0,0.0,0.0,0.0,-294.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1620315,370620,Consumer loans,3003.885,25560.0,26644.5,2560.5,25560.0,MONDAY,18,Y,1,0.0954842414904048,,,XAP,Approved,-60,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,20,Connectivity,12.0,high,POS mobile with interest,365243.0,-22.0,308.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,2,135000.0,468000.0,22644.0,468000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.026392000000000002,-10891,-1022,-1858.0,-3548,65.0,1,1,0,1,1,0,,4.0,2,2,FRIDAY,12,0,0,0,0,0,0,Kindergarten,,0.6848080641297013,0.5549467685334323,0.0928,,0.9901,,,0.12,0.1034,0.3333,,0.6599,,0.1169,,0.0,0.0945,,0.9901,,,0.1208,0.1034,0.3333,,0.675,,0.1218,,0.0,0.0937,,0.9901,,,0.12,0.1034,0.3333,,0.6714,,0.119,,0.0,,block of flats,0.092,Panel,No,0.0,0.0,0.0,0.0,-1899.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,0.0 +1335094,311633,Consumer loans,5618.205,80739.0,93528.0,0.0,80739.0,THURSDAY,11,Y,1,0.0,,,XAP,Approved,-404,Cash through the bank,XAP,,Refreshed,Computers,POS,XNA,Country-wide,1500,Consumer electronics,18.0,low_action,POS household without interest,365243.0,-373.0,137.0,365243.0,365243.0,0.0,1,Cash loans,F,N,Y,0,202500.0,717003.0,20961.0,598500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.02461,-22901,-425,-4402.0,-4396,,1,1,1,1,0,0,,2.0,2,2,TUESDAY,18,0,0,0,0,0,0,Cleaning,,0.1118253448191324,,0.1227,0.115,0.9786,,,0.0,0.2759,0.1667,,0.1163,,0.113,,0.0203,0.125,0.1194,0.9786,,,0.0,0.2759,0.1667,,0.119,,0.1177,,0.0215,0.1239,0.115,0.9786,,,0.0,0.2759,0.1667,,0.1183,,0.115,,0.0208,,block of flats,0.1022,Panel,No,4.0,1.0,4.0,1.0,-1791.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1451635,308561,Consumer loans,28662.84,437400.0,437400.0,0.0,437400.0,MONDAY,12,Y,1,0.0,,,XAP,Refused,-603,Cash through the bank,LIMIT,,Repeater,Clothing and Accessories,POS,XNA,Stone,25,Construction,18.0,low_normal,POS industry with interest,,,,,,,0,Revolving loans,F,Y,Y,0,67500.0,225000.0,11250.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009175,-10765,-1483,-682.0,-1140,6.0,1,1,1,1,0,0,High skill tech staff,2.0,2,2,TUESDAY,10,0,0,0,1,1,1,Transport: type 3,0.4837019064451,0.7737140709056252,0.746300213050371,,,0.9786,,,,,,,,,,,,,,0.9786,,,,,,,,,,,,,,0.9786,,,,,,,,,,,,,block of flats,,,No,1.0,0.0,1.0,0.0,-1095.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1382758,126166,Consumer loans,11237.49,108895.5,120393.0,0.0,108895.5,MONDAY,12,Y,1,0.0,,,XAP,Approved,-946,Cash through the bank,XAP,"Spouse, partner",New,Audio/Video,POS,XNA,Country-wide,3000,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-915.0,-585.0,-585.0,-576.0,0.0,0,Revolving loans,F,N,Y,0,292500.0,337500.0,16875.0,337500.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.028663,-18014,-482,-32.0,-1534,,1,1,0,1,0,0,Managers,1.0,2,2,TUESDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.7566522577336215,0.6299754314688756,0.10211878786358386,0.4515,,0.999,,,0.32,0.2759,0.4583,,,,0.1554,,0.211,0.4601,,0.999,,,0.3222,0.2759,0.4583,,,,0.1619,,0.2234,0.4559,,0.999,,,0.32,0.2759,0.4583,,,,0.1581,,0.2155,,block of flats,0.2147,Monolithic,No,1.0,0.0,1.0,0.0,-946.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2465482,285724,Consumer loans,6896.745,46620.0,42678.0,9000.0,46620.0,FRIDAY,10,Y,1,0.18967100471802667,,,XAP,Approved,-1824,XNA,XAP,Family,Repeater,Mobile,POS,XNA,Stone,44,Connectivity,8.0,high,POS mobile with interest,365243.0,-1788.0,-1578.0,-1578.0,-1570.0,0.0,0,Cash loans,F,N,Y,0,67500.0,270000.0,11439.0,270000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010966,-19564,365243,-4346.0,-3093,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,8,0,0,0,0,0,0,XNA,,0.6071029005783376,0.6610235391308081,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2742211,345735,Consumer loans,2058.48,45693.0,45693.0,0.0,45693.0,WEDNESDAY,14,Y,1,0.0,,,XAP,Approved,-995,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,1810,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-964.0,-274.0,-274.0,-270.0,0.0,0,Cash loans,F,N,Y,1,157500.0,483930.0,29736.0,427500.0,"Spouse, partner",Working,Secondary / secondary special,Civil marriage,House / apartment,0.030755,-14703,-2543,-2491.0,-1868,,1,1,0,1,0,0,,3.0,2,2,THURSDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.4059669175250837,0.42589289800515295,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-445.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +1561850,117930,Consumer loans,4467.96,34839.0,38286.0,0.0,34839.0,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-2911,Cash through the bank,XAP,Other_A,Repeater,Mobile,POS,XNA,Country-wide,28,Connectivity,12.0,high,POS mobile with interest,365243.0,-2880.0,-2550.0,-2550.0,-2546.0,1.0,0,Revolving loans,M,N,Y,2,112500.0,337500.0,16875.0,337500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-14985,-3158,-2.0,-4508,,1,1,0,1,0,0,Laborers,4.0,2,2,FRIDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.716758582407892,0.08904388274986882,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-286.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1864906,334516,Consumer loans,7034.49,77580.0,68616.0,15516.0,77580.0,FRIDAY,13,Y,1,0.2008550200334539,,,XAP,Approved,-502,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,50,Connectivity,12.0,middle,POS mobile with interest,365243.0,-471.0,-141.0,-381.0,-374.0,0.0,0,Cash loans,F,Y,Y,2,243000.0,774000.0,39519.0,774000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-13864,-1254,-1694.0,-5355,1.0,1,1,0,1,0,0,High skill tech staff,4.0,2,2,WEDNESDAY,9,1,1,0,1,1,0,Other,,0.7569134995087636,0.4436153084085652,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-998.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1155367,315888,Consumer loans,2933.055,21330.0,14580.0,6750.0,21330.0,THURSDAY,9,Y,1,0.3446490218642117,,,XAP,Approved,-142,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,42,Connectivity,6.0,high,POS mobile with interest,365243.0,-112.0,38.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,2,54000.0,332842.5,12676.5,234000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018029,-13658,365243,-7704.0,-1964,,1,0,0,1,1,1,,4.0,3,3,SATURDAY,6,0,0,0,0,0,0,XNA,0.4324491552147473,0.45015681750395936,0.4400578303966329,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2514474,366626,Revolving loans,2250.0,45000.0,45000.0,,45000.0,FRIDAY,10,Y,1,,,,XAP,Refused,-311,XNA,HC,Unaccompanied,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),6,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,Y,N,0,173250.0,521280.0,31630.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,With parents,0.00702,-9842,-1441,-4193.0,-2427,6.0,1,1,0,1,0,0,Security staff,1.0,2,2,MONDAY,11,0,1,1,0,1,1,Security,,0.16198717733027707,0.3656165070113335,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-432.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1255541,174358,Cash loans,9686.34,45000.0,51898.5,,45000.0,TUESDAY,8,Y,1,,,,XNA,Approved,-623,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-593.0,-443.0,-443.0,-436.0,1.0,0,Cash loans,M,N,Y,0,135000.0,239850.0,25960.5,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.031329,-18384,-446,-4143.0,-831,,1,1,0,1,0,0,Drivers,1.0,2,2,TUESDAY,11,0,0,0,0,0,0,Transport: type 3,,0.5949381706416392,,0.0619,0.0604,0.9786,0.7076,0.0234,0.0,0.1379,0.1667,0.2083,0.244,0.0504,0.0513,0.0,0.0,0.063,0.0627,0.9786,0.7190000000000001,0.0236,0.0,0.1379,0.1667,0.2083,0.2496,0.0551,0.0535,0.0,0.0,0.0625,0.0604,0.9786,0.7115,0.0236,0.0,0.1379,0.1667,0.2083,0.2482,0.0513,0.0522,0.0,0.0,reg oper account,block of flats,0.0404,Panel,No,0.0,0.0,0.0,0.0,-3276.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2180219,354902,Cash loans,16770.375,202500.0,222547.5,,202500.0,FRIDAY,12,Y,1,,,,XNA,Approved,-564,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-534.0,-24.0,-54.0,-51.0,1.0,0,Cash loans,F,N,N,0,270000.0,202500.0,19854.0,202500.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-24351,365243,-1372.0,-3031,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,XNA,,0.6719030723820248,0.5691487713619409,0.0619,0.0336,0.9975,,,0.0,0.1379,0.1667,,0.0131,,0.0644,,0.0,0.063,0.0349,0.9975,,,0.0,0.1379,0.1667,,0.0134,,0.0671,,0.0,0.0625,0.0336,0.9975,,,0.0,0.1379,0.1667,,0.0133,,0.0656,,0.0,,block of flats,0.0507,"Stone, brick",No,2.0,0.0,2.0,0.0,-905.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1288600,437915,Cash loans,20320.74,229500.0,281646.0,,229500.0,MONDAY,16,Y,1,,,,XNA,Approved,-1065,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-1035.0,-525.0,-645.0,-639.0,1.0,0,Cash loans,F,N,Y,0,121500.0,473841.0,27333.0,387000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.011656999999999999,-18466,-685,-8083.0,-2029,,1,1,0,1,0,0,Laborers,2.0,1,1,TUESDAY,16,0,0,0,0,0,0,Other,0.7478625231248321,0.7110597295463856,0.7106743858828587,0.0918,0.1063,0.9836,0.7756,0.0144,0.0,0.2069,0.1667,0.2083,0.0,0.0748,0.0928,0.0,0.0,0.0935,0.1103,0.9836,0.7844,0.0146,0.0,0.2069,0.1667,0.2083,0.0,0.0817,0.0966,0.0,0.0,0.0926,0.1063,0.9836,0.7786,0.0145,0.0,0.2069,0.1667,0.2083,0.0,0.0761,0.0944,0.0,0.0,reg oper account,block of flats,0.0809,Panel,No,1.0,0.0,1.0,0.0,-1405.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2452603,421242,Consumer loans,13799.25,147838.5,147838.5,0.0,147838.5,FRIDAY,12,Y,1,0.0,,,XAP,Approved,-480,Cash through the bank,XAP,,Repeater,Construction Materials,POS,XNA,Stone,140,Construction,12.0,low_normal,POS industry with interest,365243.0,-449.0,-119.0,-119.0,-114.0,0.0,0,Cash loans,M,N,Y,0,202500.0,598500.0,27864.0,598500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.0228,-19033,-4243,-623.0,-2588,,1,1,0,1,0,0,Drivers,1.0,2,2,TUESDAY,15,0,0,0,0,0,0,Kindergarten,,0.5695247937267994,0.5638350489514956,0.0278,0.0829,0.9856,0.8028,0.0045,0.0,0.1034,0.0833,0.0417,0.0,0.0227,0.0307,0.0,0.0,0.0284,0.086,0.9856,0.8105,0.0045,0.0,0.1034,0.0833,0.0417,0.0,0.0248,0.032,0.0,0.0,0.0281,0.0829,0.9856,0.8054,0.0045,0.0,0.1034,0.0833,0.0417,0.0,0.0231,0.0312,0.0,0.0,reg oper account,block of flats,0.0266,"Stone, brick",No,8.0,0.0,8.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,0.0 +1292981,384104,Consumer loans,18628.56,133510.5,120145.5,13365.0,133510.5,WEDNESDAY,13,Y,1,0.10902288584043957,,,XAP,Approved,-812,Cash through the bank,XAP,,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,75,Connectivity,8.0,high,POS mobile with interest,365243.0,-774.0,-564.0,-564.0,-556.0,0.0,0,Cash loans,F,N,Y,0,121500.0,675000.0,29731.5,675000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.00963,-17866,-2062,-3449.0,-1401,,1,1,0,1,0,0,High skill tech staff,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Construction,0.818917530331562,0.6170455931358985,0.5832379256761245,0.0082,0.0,0.9677,0.5579999999999999,0.0012,0.0,0.069,0.0417,0.0833,0.0073,0.0067,0.0076,0.0,0.0,0.0084,0.0,0.9677,0.5753,0.0012,0.0,0.069,0.0417,0.0833,0.0075,0.0073,0.0079,0.0,0.0,0.0083,0.0,0.9677,0.5639,0.0012,0.0,0.069,0.0417,0.0833,0.0074,0.0068,0.0077,0.0,0.0,reg oper account,block of flats,0.0066,Others,No,0.0,0.0,0.0,0.0,-1207.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1109509,294053,Revolving loans,11250.0,225000.0,225000.0,,225000.0,FRIDAY,16,Y,1,,,,XAP,Approved,-909,XNA,XAP,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,2,180000.0,450000.0,35685.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,Rented apartment,0.02461,-9931,-864,-2121.0,-2562,,1,1,1,1,1,0,Sales staff,4.0,2,2,THURSDAY,14,0,0,0,0,0,0,Trade: type 2,0.2262034498754311,0.2185998061053863,0.2176285202779586,0.1711,0.0295,0.9786,0.7076,0.0392,0.0,0.069,0.1667,0.2083,0.0211,0.1395,0.0523,0.0,0.0,0.1744,0.0306,0.9786,0.7190000000000001,0.0395,0.0,0.069,0.1667,0.2083,0.0216,0.1524,0.0545,0.0,0.0,0.1728,0.0295,0.9786,0.7115,0.0394,0.0,0.069,0.1667,0.2083,0.0214,0.1419,0.0532,0.0,0.0,reg oper account,block of flats,0.0692,"Stone, brick",No,3.0,1.0,3.0,1.0,-437.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1777627,230418,Consumer loans,14927.22,107145.0,107145.0,0.0,107145.0,WEDNESDAY,10,Y,1,0.0,,,XAP,Approved,-975,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Stone,149,Consumer electronics,10.0,high,POS household with interest,365243.0,-944.0,-674.0,-764.0,-760.0,0.0,0,Cash loans,F,N,Y,0,153000.0,640080.0,31261.5,450000.0,Family,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.003069,-17534,365243,-29.0,-1088,,1,0,0,1,0,0,,1.0,3,3,FRIDAY,14,0,0,0,0,0,0,XNA,0.7972877897886408,0.5696802615025489,0.6594055320683344,,,0.9851,,,,,,,,,0.0268,,,,,0.9851,,,,,,,,,0.0279,,,,,0.9851,,,,,,,,,0.0272,,,,,0.0283,,No,0.0,0.0,0.0,0.0,-975.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1004286,223580,Consumer loans,5049.495,42192.0,45904.5,0.0,42192.0,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-802,Cash through the bank,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Country-wide,1512,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-771.0,-501.0,-561.0,-556.0,0.0,0,Cash loans,M,Y,Y,0,180000.0,314055.0,16186.5,238500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.0105,-21835,365243,-13279.0,-4731,28.0,1,0,0,1,0,0,,2.0,3,3,WEDNESDAY,15,0,0,0,0,0,0,XNA,,0.5730488733628251,0.4329616670974407,0.1758,0.1405,0.9821,0.7552,0.0339,0.2,0.1724,0.3333,0.375,0.0913,0.142,0.155,0.0058,0.078,0.1355,0.1288,0.9811,0.7517,0.0282,0.1611,0.1379,0.3333,0.375,0.0678,0.1175,0.1227,0.0039,0.0642,0.1775,0.1405,0.9821,0.7585,0.0341,0.2,0.1724,0.3333,0.375,0.0929,0.1445,0.1578,0.0058,0.0796,reg oper account,block of flats,0.1861,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2038910,451043,Consumer loans,5493.465,27472.5,24723.0,2749.5,27472.5,THURSDAY,13,Y,1,0.10899828754374204,,,XAP,Approved,-2618,XNA,XAP,,New,Furniture,POS,XNA,Stone,35,Furniture,5.0,middle,POS industry without interest,365243.0,-2563.0,-2443.0,-2443.0,-2433.0,0.0,0,Cash loans,F,N,Y,0,135000.0,188460.0,9751.5,135000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.005084,-16950,-1267,-9000.0,-493,,1,1,1,1,0,0,Laborers,2.0,2,2,THURSDAY,12,0,0,0,0,1,1,Business Entity Type 3,,0.07921230385089195,0.33285056416487313,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1881.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1520843,146348,Consumer loans,4920.075,31500.0,26532.0,6300.0,31500.0,FRIDAY,11,Y,1,0.208981259968102,,,XAP,Approved,-918,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Stone,15,Consumer electronics,6.0,middle,POS household with interest,365243.0,-887.0,-737.0,-737.0,-718.0,0.0,0,Cash loans,F,Y,N,0,360000.0,1957500.0,59481.0,1957500.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-23138,365243,-4596.0,-4589,19.0,1,0,0,1,0,0,,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,XNA,0.8416651466110527,0.7378460747305174,0.6894791426446275,0.0619,,0.9886,,,0.0,0.1379,0.1667,,0.0136,,0.0558,,0.0,0.063,,0.9886,,,0.0,0.1379,0.1667,,0.014,,0.0582,,0.0,0.0625,,0.9886,,,0.0,0.1379,0.1667,,0.0139,,0.0568,,0.0,,block of flats,0.0439,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2020921,394952,Cash loans,49367.52,427500.0,447250.5,,427500.0,THURSDAY,12,Y,1,,,,XNA,Refused,-407,Cashless from the account of the employer,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,Y,Y,1,315000.0,450000.0,20979.0,450000.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.008019,-16416,-3833,-4132.0,-4132,10.0,1,1,0,1,1,0,Accountants,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Self-employed,,0.5745783288824574,0.4543210601605785,0.0825,0.0586,0.9891,0.8504,0.0078,0.0,0.2069,0.1667,0.2083,0.07200000000000001,0.0672,0.0826,0.0,0.0,0.084,0.0608,0.9891,0.8563,0.0078,0.0,0.2069,0.1667,0.2083,0.0737,0.0735,0.086,0.0,0.0,0.0833,0.0586,0.9891,0.8524,0.0078,0.0,0.2069,0.1667,0.2083,0.0733,0.0684,0.084,0.0,0.0,reg oper spec account,block of flats,0.0793,"Stone, brick",No,0.0,0.0,0.0,0.0,-771.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1430896,182396,Consumer loans,5531.355,29655.0,26482.5,4500.0,29655.0,SATURDAY,13,Y,1,0.1581831385752954,,,XAP,Approved,-719,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Stone,20,Connectivity,6.0,high,POS mobile with interest,365243.0,-688.0,-538.0,-688.0,-681.0,0.0,0,Cash loans,M,Y,Y,1,225000.0,956574.0,38065.5,855000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008865999999999999,-14523,-926,-8452.0,-4476,1.0,1,1,0,1,0,0,Managers,3.0,2,2,THURSDAY,12,0,0,0,0,0,0,Transport: type 4,,0.6096037710392994,0.4048783643353997,0.0593,0.0523,0.9801,0.728,0.0234,0.0,0.1207,0.1667,,0.0,0.0479,0.0536,0.0019,0.0076,0.0147,0.0142,0.9791,0.7256,0.0069,0.0,0.0345,0.1667,,0.0,0.0129,0.0132,0.0,0.0,0.0599,0.0523,0.9801,0.7316,0.0236,0.0,0.1207,0.1667,,0.0,0.0487,0.0546,0.0019,0.0077,not specified,block of flats,0.0777,"Stone, brick",No,2.0,0.0,2.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2538474,431220,Consumer loans,15278.895,119466.0,129978.0,0.0,119466.0,WEDNESDAY,9,Y,1,0.0,,,XAP,Approved,-405,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,150,Consumer electronics,10.0,middle,POS household with interest,365243.0,-375.0,-105.0,-195.0,-191.0,1.0,0,Cash loans,F,N,Y,1,121500.0,274941.0,21406.5,229500.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.006629,-19486,-1115,-1425.0,-1420,,1,1,0,1,0,0,Sales staff,3.0,2,2,TUESDAY,5,0,0,0,0,0,0,Business Entity Type 3,0.4917253724087018,0.6515992703217056,0.4014074137749511,0.0918,0.0947,0.9856,0.8028,0.0198,0.0,0.069,0.1667,0.0417,0.0429,0.0748,0.0595,0.0,0.0442,0.0893,0.1015,0.9846,0.7975,0.019,0.0,0.069,0.1667,0.0417,0.0371,0.0781,0.0606,0.0,0.0419,0.0932,0.0978,0.9856,0.8054,0.0197,0.0,0.069,0.1667,0.0417,0.0439,0.0765,0.0606,0.0,0.0447,reg oper account,block of flats,0.0649,Block,No,1.0,0.0,1.0,0.0,-999.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +2647309,301672,Cash loans,,0.0,0.0,,,MONDAY,11,Y,1,,,,XNA,Refused,-268,XNA,SCOFR,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,112500.0,948582.0,27864.0,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-18592,-1213,-3302.0,-2134,,1,1,0,1,0,0,Cooking staff,2.0,3,3,WEDNESDAY,10,0,0,0,0,0,0,Government,,0.4603844974965088,0.1293142889822697,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1800.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1137013,213026,Consumer loans,2886.075,24336.0,24070.5,2434.5,24336.0,TUESDAY,8,Y,1,0.1000336471677728,,,XAP,Approved,-2201,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,3268,Consumer electronics,12.0,high,POS household with interest,365243.0,-2170.0,-1840.0,-1840.0,-1818.0,0.0,0,Cash loans,M,Y,Y,0,360000.0,900000.0,48955.5,900000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018209,-19059,365243,-7178.0,-2605,19.0,1,0,0,1,1,0,,2.0,3,3,FRIDAY,10,0,0,0,0,0,0,XNA,,0.5491431799633754,0.722392890081304,0.2227,0.3295,0.9871,0.8232,0.0,0.24,0.2069,0.3333,0.0417,0.1965,0.1816,0.1624,0.0,0.0,0.2269,0.342,0.9871,0.8301,0.0,0.2417,0.2069,0.3333,0.0417,0.201,0.1983,0.1692,0.0,0.0,0.2248,0.3295,0.9871,0.8256,0.0,0.24,0.2069,0.3333,0.0417,0.1999,0.1847,0.1654,0.0,0.0,org spec account,block of flats,0.19,Panel,No,2.0,1.0,2.0,1.0,-2201.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2015211,194447,Consumer loans,4862.52,23350.5,21883.5,2335.5,23350.5,SUNDAY,19,Y,1,0.10502381676294714,,,XAP,Approved,-1801,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,1512,Consumer electronics,5.0,middle,POS household with interest,365243.0,-1770.0,-1650.0,-1650.0,-1640.0,0.0,0,Cash loans,M,N,Y,0,112500.0,276277.5,19777.5,238500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,With parents,0.0105,-8876,-1584,-2302.0,-1489,,1,1,0,1,0,0,,1.0,3,3,TUESDAY,16,0,0,0,0,0,0,Business Entity Type 2,0.10960299844621392,0.24571007962531424,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1801.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1690730,395791,Cash loans,30511.035,697500.0,769315.5,,697500.0,SUNDAY,11,Y,1,,,,XNA,Approved,-332,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-302.0,748.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,2,135000.0,1042560.0,34587.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-13936,-2787,-138.0,-5062,,1,1,0,1,0,0,,4.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.525996249419867,0.4076449930083697,0.7636399214572418,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1891.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2569940,383751,Consumer loans,7600.005,91125.0,63787.5,27337.5,91125.0,WEDNESDAY,14,Y,1,0.3267272727272727,,,XAP,Approved,-1892,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Stone,20,Consumer electronics,12.0,high,POS household with interest,365243.0,-1861.0,-1531.0,-1741.0,-1734.0,0.0,0,Cash loans,M,Y,N,2,112500.0,355536.0,15790.5,270000.0,Family,Commercial associate,Incomplete higher,Separated,House / apartment,0.003069,-11650,-1867,-1484.0,-3123,20.0,1,1,0,1,0,0,Laborers,3.0,3,3,FRIDAY,14,0,0,0,0,0,0,Self-employed,0.1881967703842541,0.6881918635005273,0.6577838002083306,0.0928,0.07200000000000001,0.9856,,,0.0,0.069,0.1667,,0.0555,,0.0372,,0.0,0.0945,0.0747,0.9856,,,0.0,0.069,0.1667,,0.0568,,0.0388,,0.0,0.0937,0.07200000000000001,0.9856,,,0.0,0.069,0.1667,,0.0565,,0.0379,,0.0,,block of flats,0.0562,Panel,No,1.0,0.0,1.0,0.0,-1892.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1616132,417032,Consumer loans,9805.455,77130.0,51682.5,30852.0,77130.0,WEDNESDAY,12,Y,1,0.4071101506312236,,,XAP,Refused,-1377,Cash through the bank,HC,Family,Repeater,Furniture,POS,XNA,Stone,72,Furniture,6.0,middle,POS industry with interest,,,,,,,0,Cash loans,M,Y,Y,0,184500.0,254700.0,27153.0,225000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.00733,-12298,-1200,-6375.0,-4604,8.0,1,1,0,1,0,0,Drivers,2.0,2,2,MONDAY,12,0,1,1,0,0,0,Construction,,0.07798498265549733,0.5884877883422673,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-822.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1607415,376300,Cash loans,26605.125,225000.0,239850.0,,225000.0,WEDNESDAY,16,Y,1,,,,XNA,Approved,-733,Cashless from the account of the employer,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-703.0,-373.0,-373.0,-365.0,1.0,0,Cash loans,M,Y,Y,0,175500.0,260640.0,31059.0,225000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.011703,-19791,-2166,-521.0,-2120,14.0,1,1,0,1,0,0,,2.0,2,2,MONDAY,17,0,0,0,0,0,0,Self-employed,0.4108772030119637,0.7725672743303069,0.3539876078507373,0.0557,0.0238,0.9786,0.7076,0.0097,0.04,0.0345,0.3333,0.375,0.0348,0.0454,0.0468,0.0,0.0,0.0567,0.0247,0.9786,0.7190000000000001,0.0098,0.0403,0.0345,0.3333,0.375,0.0355,0.0496,0.0488,0.0,0.0,0.0562,0.0238,0.9786,0.7115,0.0098,0.04,0.0345,0.3333,0.375,0.0354,0.0462,0.0476,0.0,0.0,,block of flats,0.0443,"Stone, brick",No,0.0,0.0,0.0,0.0,-1808.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,4.0 +1954515,111907,Consumer loans,8268.165,76392.0,74421.0,7641.0,76392.0,SUNDAY,8,Y,1,0.10140800414764004,,,XAP,Approved,-2668,XNA,XAP,Other_B,New,Audio/Video,POS,XNA,Country-wide,1533,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2633.0,-2363.0,-2363.0,-2360.0,1.0,0,Cash loans,M,Y,Y,0,126000.0,439740.0,21285.0,315000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-20885,-8236,-11538.0,-1344,29.0,1,1,0,1,0,0,Laborers,2.0,3,3,MONDAY,11,0,0,0,0,1,1,Transport: type 2,,0.6304035168860764,0.7281412993111438,0.0062,,0.9617,,,,,0.0,,,,0.0042,,,0.0063,,0.9618,,,,,0.0,,,,0.0044,,,0.0062,,0.9617,,,,,0.0,,,,0.0043,,,,block of flats,0.0033,Wooden,No,0.0,0.0,0.0,0.0,-1945.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2146988,245492,Revolving loans,18000.0,360000.0,360000.0,,360000.0,SATURDAY,12,Y,1,,,,XAP,Refused,-628,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,157500.0,521280.0,26743.5,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-20889,365243,-2953.0,-4126,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,XNA,,0.4759115365335943,0.21640296051521946,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-133.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1543682,373476,Cash loans,8102.97,67500.0,86922.0,,67500.0,THURSDAY,11,Y,1,,,,Urgent needs,Approved,-733,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,365243.0,-703.0,-193.0,-373.0,-366.0,1.0,0,Cash loans,F,N,Y,0,112500.0,238500.0,12307.5,238500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.001417,-14655,-1884,-4745.0,-3501,,1,1,0,1,0,1,Sales staff,1.0,2,2,TUESDAY,12,0,0,0,1,1,0,Trade: type 7,0.5457931853894008,0.4383122375448041,0.5797274227921155,0.1691,0.0759,0.9861,0.8096,0.0704,0.0,0.0345,0.1667,0.2083,0.0629,0.1353,0.0589,0.0116,0.0264,0.1723,0.0787,0.9861,0.8171,0.071,0.0,0.0345,0.1667,0.2083,0.0644,0.1478,0.0614,0.0117,0.0279,0.1707,0.0759,0.9861,0.8121,0.0708,0.0,0.0345,0.1667,0.2083,0.064,0.1377,0.0599,0.0116,0.0269,reg oper account,specific housing,0.0904,Block,No,0.0,0.0,0.0,0.0,-2300.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2437713,340691,Cash loans,8063.55,72000.0,76752.0,,72000.0,SATURDAY,6,Y,1,,,,XNA,Approved,-266,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-236.0,94.0,-206.0,-202.0,1.0,0,Cash loans,F,N,Y,0,90000.0,125136.0,7312.5,99000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.006852,-24111,-2349,-9105.0,-3946,,1,1,0,1,0,0,,2.0,3,3,SATURDAY,7,0,0,0,0,0,0,Business Entity Type 3,0.41081087496195534,0.02469494483402696,0.3001077565791181,0.1505,0.1005,0.9851,,,0.0,0.1379,0.1667,,,,0.0647,,,0.1534,0.1043,0.9851,,,0.0,0.1379,0.1667,,,,0.0674,,,0.152,0.1005,0.9851,,,0.0,0.1379,0.1667,,,,0.0658,,,,block of flats,0.0509,"Stone, brick",No,0.0,0.0,0.0,0.0,-724.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2630697,141899,Consumer loans,10073.97,97380.0,108517.5,0.0,97380.0,TUESDAY,14,Y,1,0.0,,,XAP,Approved,-597,Cash through the bank,XAP,,New,Furniture,POS,XNA,Regional / Local,432,Furniture,12.0,low_action,POS industry with interest,365243.0,-566.0,-236.0,-566.0,-557.0,0.0,0,Cash loans,F,N,Y,0,157500.0,819432.0,24088.5,684000.0,Family,State servant,Higher education,Married,With parents,0.00702,-11257,-1687,-10103.0,-1493,,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,Government,0.489043579263874,0.7623515422737072,,0.1856,0.1435,0.9856,0.8028,0.0444,0.2,0.1724,0.3333,0.0417,0.1058,0.1513,0.1959,0.0,0.0,0.1891,0.1467,0.9851,0.804,0.0334,0.2014,0.1724,0.3333,0.0417,0.0856,0.1653,0.2009,0.0,0.0,0.1874,0.1435,0.9856,0.8054,0.0446,0.2,0.1724,0.3333,0.0417,0.1076,0.1539,0.1994,0.0,0.0,reg oper account,block of flats,0.1746,Panel,No,1.0,0.0,1.0,0.0,-597.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2240276,190374,Consumer loans,6759.18,32089.5,33678.0,0.0,32089.5,MONDAY,11,Y,1,0.0,,,XAP,Approved,-2254,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,53,Connectivity,6.0,high,POS mobile with interest,365243.0,-2223.0,-2073.0,-2133.0,-2115.0,1.0,0,Cash loans,F,N,N,1,247500.0,2013840.0,53122.5,1800000.0,Unaccompanied,State servant,Higher education,Separated,House / apartment,0.007305,-15522,-6790,-1291.0,-5253,,1,1,1,1,1,0,Core staff,2.0,3,3,FRIDAY,8,0,0,0,0,0,0,Police,0.5590130895072447,0.6445422062532797,0.7352209993926424,0.2804,0.06,0.998,,,0.32,0.1379,0.6667,,,,0.3113,,,0.2857,0.0623,0.998,,,0.3222,0.1379,0.6667,,,,0.3244,,,0.2831,0.06,0.998,,,0.32,0.1379,0.6667,,,,0.3169,,,,block of flats,0.3094,Panel,No,0.0,0.0,0.0,0.0,-1420.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,1.0,0.0,0.0,0.0,1.0 +1552054,327569,Consumer loans,2164.185,21442.5,21442.5,0.0,21442.5,WEDNESDAY,11,Y,1,0.0,,,XAP,Refused,-180,Cash through the bank,LIMIT,,Repeater,Mobile,POS,XNA,Country-wide,63,Connectivity,12.0,middle,POS mobile with interest,,,,,,,0,Cash loans,M,Y,Y,0,157500.0,521280.0,28278.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.002042,-11949,-506,-89.0,-2214,0.0,1,1,0,1,0,0,Laborers,2.0,3,3,MONDAY,16,0,0,0,0,1,1,Industry: type 1,0.171075063937849,0.39430991921542335,0.31547215492577346,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-293.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1010392,119330,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,9,Y,1,,,,XAP,Approved,-199,XNA,XAP,Unaccompanied,New,XNA,Cards,walk-in,Regional / Local,250,Furniture,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,58500.0,675000.0,35964.0,675000.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.014464,-19783,365243,-8180.0,-901,17.0,1,0,0,1,1,0,,2.0,2,2,SATURDAY,6,0,0,0,1,0,0,XNA,,0.7114684005401529,0.4014074137749511,0.0619,0.0715,0.9896,0.8572,0.0,0.0,0.1379,0.1667,0.0,0.0514,0.0496,0.059,0.0039,0.0,0.063,0.0742,0.9896,0.8628,0.0,0.0,0.1379,0.1667,0.0,0.0526,0.0542,0.0615,0.0039,0.0,0.0625,0.0715,0.9896,0.8591,0.0,0.0,0.1379,0.1667,0.0,0.0523,0.0504,0.0601,0.0039,0.0,reg oper spec account,block of flats,0.0516,Panel,No,0.0,0.0,0.0,0.0,-199.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1590691,362196,Cash loans,27814.23,247500.0,260896.5,,247500.0,TUESDAY,16,Y,1,,,,XNA,Approved,-264,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-234.0,96.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,1,180000.0,740704.5,35761.5,598500.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.01885,-11223,-1365,-7558.0,-3435,,1,1,1,1,1,0,Laborers,3.0,2,2,SUNDAY,10,0,0,0,0,0,0,Industry: type 9,,0.5588954192127111,0.8193176922872417,0.0825,0.0729,0.9781,0.7008,0.0114,0.0,0.2069,0.1667,0.2083,0.0328,0.0672,0.0775,0.0,0.0,0.084,0.0756,0.9782,0.7125,0.0115,0.0,0.2069,0.1667,0.2083,0.0335,0.0735,0.0807,0.0,0.0,0.0833,0.0729,0.9781,0.7048,0.0115,0.0,0.2069,0.1667,0.2083,0.0334,0.0684,0.0789,0.0,0.0,reg oper account,block of flats,0.0672,Panel,No,0.0,0.0,0.0,0.0,-264.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2082559,253924,Cash loans,5860.89,45000.0,54418.5,,45000.0,FRIDAY,10,Y,1,,,,XNA,Approved,-665,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-635.0,-305.0,-395.0,-390.0,1.0,0,Cash loans,F,Y,Y,0,247500.0,219249.0,17451.0,166500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-19751,-2847,-1831.0,-3243,32.0,1,1,0,1,0,1,,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,Other,0.487155206276568,0.2749382281368317,0.6496203111237195,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,10.0,2.0,10.0,2.0,-2531.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2399144,442418,Consumer loans,2218.77,23512.5,19012.5,4500.0,23512.5,SATURDAY,9,Y,1,0.2084384515006525,,,XAP,Approved,-2884,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,high,POS mobile with interest,365243.0,-2850.0,-2520.0,-2520.0,-2512.0,0.0,0,Cash loans,F,N,Y,0,207000.0,112068.0,11214.0,99000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.030755,-19207,-3059,-7556.0,-2704,,1,1,1,1,1,0,Laborers,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.6889702741652596,0.7295666907060153,0.0722,0.0527,0.9771,0.6872,0.0322,0.0,0.1379,0.1667,0.2083,0.0462,0.0588,0.045,0.0,0.0,0.0735,0.0547,0.9772,0.6994,0.0325,0.0,0.1379,0.1667,0.2083,0.0473,0.0643,0.0469,0.0,0.0,0.0729,0.0527,0.9771,0.6914,0.0324,0.0,0.1379,0.1667,0.2083,0.047,0.0599,0.0458,0.0,0.0,reg oper account,block of flats,0.053,"Stone, brick",No,5.0,0.0,5.0,0.0,-2695.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2211162,291147,Cash loans,4276.125,90000.0,107820.0,,90000.0,TUESDAY,12,Y,1,,,,XNA,Approved,-407,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,264,Consumer electronics,36.0,low_normal,Cash X-Sell: low,365243.0,-377.0,673.0,-317.0,-311.0,1.0,0,Cash loans,F,N,Y,0,112500.0,79659.0,4450.5,54000.0,Unaccompanied,Working,Higher education,Widow,House / apartment,0.025164,-14414,-601,-4051.0,-4051,,1,1,0,1,0,0,Core staff,1.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,School,0.6423270669228134,0.5546268612058701,0.5585066276769286,0.0722,0.0636,0.9891,,,0.0,0.0345,0.1667,,0.1259,,0.0262,,0.0461,0.0735,0.066,0.9891,,,0.0,0.0345,0.1667,,0.1288,,0.0273,,0.0488,0.0729,0.0636,0.9891,,,0.0,0.0345,0.1667,,0.1281,,0.0267,,0.0471,,block of flats,0.0466,"Stone, brick",No,9.0,0.0,9.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +2355425,239605,Consumer loans,28620.855,170523.0,142272.0,34105.5,170523.0,THURSDAY,15,Y,1,0.2105936981757876,,,XAP,Refused,-209,Cash through the bank,HC,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,38,Connectivity,6.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,N,2,157500.0,1078200.0,34911.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.035792000000000004,-14695,-704,-8727.0,-4353,,1,1,0,1,0,0,Realty agents,4.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Self-employed,0.6694807346616354,0.6944726296665962,0.7338145369642702,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-603.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2054283,316552,Consumer loans,6553.035,142407.0,142407.0,0.0,142407.0,SUNDAY,16,Y,1,0.0,,,XAP,Approved,-1569,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,1690,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1538.0,-848.0,-1208.0,-1205.0,0.0,0,Cash loans,M,Y,N,1,360000.0,573628.5,27724.5,463500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009656999999999999,-19385,-2316,-5332.0,-2819,3.0,1,1,0,1,0,0,Drivers,3.0,2,2,MONDAY,9,0,0,0,0,0,0,Trade: type 7,,0.6513361147619012,0.29708661164720285,0.0619,0.0485,0.9762,0.6736,0.0044,0.0,0.1034,0.1667,0.2083,0.0693,0.0504,0.031,0.0,0.0,0.063,0.0503,0.9762,0.6864,0.0045,0.0,0.1034,0.1667,0.2083,0.0708,0.0551,0.0323,0.0,0.0,0.0625,0.0485,0.9762,0.6779999999999999,0.0045,0.0,0.1034,0.1667,0.2083,0.0705,0.0513,0.0316,0.0,0.0,reg oper spec account,block of flats,0.0401,Block,No,0.0,0.0,0.0,0.0,-75.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,3.0 +1775999,145177,Consumer loans,2267.775,20950.02,20412.0,2095.02,20950.02,SATURDAY,15,Y,1,0.10137580347658802,,,XAP,Approved,-2589,XNA,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Regional / Local,149,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2556.0,-2286.0,-2286.0,-2280.0,1.0,0,Cash loans,F,N,N,0,90000.0,900000.0,32328.0,900000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.031329,-14980,-1088,-2967.0,-4648,,1,1,1,1,0,0,High skill tech staff,2.0,2,2,WEDNESDAY,14,0,0,0,0,1,1,Self-employed,0.5114281074491552,0.5583292832665239,0.22383131747015547,0.0825,0.077,0.9821,0.7552,0.0124,0.0,0.2069,0.1667,0.2083,0.0694,0.0664,0.0762,0.0039,0.0045,0.084,0.08,0.9821,0.7648,0.0125,0.0,0.2069,0.1667,0.2083,0.071,0.0725,0.0794,0.0039,0.0048,0.0833,0.077,0.9821,0.7585,0.0125,0.0,0.2069,0.1667,0.2083,0.0706,0.0676,0.0775,0.0039,0.0046,reg oper spec account,block of flats,0.0677,Panel,No,4.0,0.0,4.0,0.0,-1807.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1134077,344587,Cash loans,26273.205,180000.0,220297.5,,180000.0,MONDAY,16,Y,1,,,,XNA,Approved,-1121,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-1090.0,-760.0,-760.0,-744.0,0.0,0,Cash loans,M,Y,Y,1,166500.0,234324.0,25366.5,207000.0,Unaccompanied,Working,Higher education,Married,With parents,0.018634,-10467,-1066,-764.0,-186,6.0,1,1,0,1,0,0,Security staff,3.0,2,2,TUESDAY,14,0,0,0,1,1,1,Business Entity Type 3,0.18593844646532254,0.6022520277728114,0.5352762504724826,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-162.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1846926,331614,Consumer loans,4428.495,34735.5,31261.5,3474.0,34735.5,TUESDAY,15,Y,1,0.10892320013190587,,,XAP,Approved,-775,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,34,Connectivity,8.0,middle,POS mobile with interest,365243.0,-736.0,-526.0,-526.0,-518.0,0.0,0,Cash loans,F,N,Y,0,144000.0,663093.0,21519.0,553500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-15225,-4622,-446.0,-1160,,1,1,1,1,0,0,Sales staff,2.0,2,2,SUNDAY,11,0,0,0,0,1,1,Business Entity Type 3,,0.5205840387149974,0.7826078370261895,0.0165,,0.9737,,,,0.069,0.0417,,,,0.0085,,,0.0168,,0.9737,,,,0.069,0.0417,,,,0.0088,,,0.0167,,0.9737,,,,0.069,0.0417,,,,0.0086,,,,block of flats,0.0132,"Stone, brick",No,26.0,2.0,25.0,2.0,-1316.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2062601,194136,Cash loans,14605.65,157500.0,209340.0,,157500.0,SUNDAY,13,Y,1,,,,XNA,Refused,-962,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,M,Y,Y,0,270000.0,1280794.5,42457.5,1147500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.019101,-16757,-2329,-9835.0,-313,2.0,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,Self-employed,0.3219927001966222,0.4538617077334849,0.6754132910917112,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1773.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1310651,395261,Consumer loans,1802.16,14922.0,16398.0,0.0,14922.0,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-2223,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,1000,Consumer electronics,12.0,high,POS household with interest,365243.0,-2191.0,-1861.0,-1921.0,-1915.0,0.0,0,Revolving loans,F,N,Y,0,72000.0,225000.0,11250.0,225000.0,Family,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.026392000000000002,-20342,365243,-6302.0,-3766,,1,0,0,1,1,0,,1.0,2,2,THURSDAY,9,0,0,0,0,0,0,XNA,0.8237543144251458,0.7004617224121608,0.8224987619370829,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-420.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +1287961,451917,Consumer loans,3112.02,62100.0,69079.5,0.0,62100.0,THURSDAY,14,Y,1,0.0,,,XAP,Approved,-1057,Cash through the bank,XAP,Unaccompanied,Refreshed,Consumer Electronics,POS,XNA,Country-wide,5000,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1024.0,-334.0,-454.0,-445.0,0.0,0,Cash loans,F,N,Y,0,292500.0,945000.0,40036.5,945000.0,Unaccompanied,State servant,Secondary / secondary special,Separated,House / apartment,0.026392000000000002,-16711,-4617,-10827.0,-243,,1,1,0,1,1,0,Core staff,1.0,2,2,THURSDAY,11,0,0,0,0,0,0,Medicine,,0.6664910611458312,0.646329897706246,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1057.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2219323,264803,Revolving loans,9000.0,180000.0,180000.0,,180000.0,FRIDAY,13,Y,1,,,,XAP,Refused,-206,XNA,HC,Family,Repeater,XNA,Cards,x-sell,Country-wide,3093,Consumer electronics,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,Y,N,1,135000.0,346500.0,27373.5,346500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.005313,-11494,-559,-2044.0,-2811,14.0,1,1,1,1,0,0,Low-skill Laborers,3.0,2,2,SUNDAY,19,0,0,0,0,0,0,Government,,0.389177514951814,0.6769925032909132,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-854.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,1.0,0.0,3.0 +1689106,354856,Consumer loans,4185.315,30091.5,28944.0,3150.0,30091.5,SATURDAY,16,Y,1,0.10689338703920874,,,XAP,Approved,-2466,XNA,XAP,Children,Repeater,Mobile,POS,XNA,Country-wide,25,Connectivity,9.0,low_normal,POS mobile with interest,365243.0,-2435.0,-2195.0,-2195.0,-2171.0,1.0,0,Cash loans,F,Y,Y,0,225000.0,1164667.5,34051.5,1017000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.007114,-14800,-1635,-59.0,-4023,1.0,1,1,1,1,1,0,,2.0,2,2,MONDAY,16,0,0,0,0,0,0,Medicine,,0.5755295095679599,0.511891801533151,0.1124,,0.9856,,,0.0,0.1034,0.1667,,,,0.0767,,,0.1145,,0.9856,,,0.0,0.1034,0.1667,,,,0.08,,,0.1135,,0.9856,,,0.0,0.1034,0.1667,,,,0.0781,,,,block of flats,0.0919,"Stone, brick",No,0.0,0.0,0.0,0.0,-2466.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2092647,179892,Consumer loans,13755.33,69907.5,69682.5,3510.0,69907.5,MONDAY,14,Y,1,0.05222815303356343,,,XAP,Approved,-1376,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,1750,Consumer electronics,6.0,high,POS household with interest,365243.0,-1345.0,-1195.0,-1195.0,-1187.0,0.0,0,Cash loans,F,N,Y,0,148500.0,808650.0,24732.0,675000.0,Family,Working,Secondary / secondary special,Widow,House / apartment,0.01885,-19770,-2745,-6884.0,-3312,,1,1,0,1,0,0,Laborers,1.0,2,2,FRIDAY,13,0,0,0,0,0,0,Housing,,0.2910460204942072,0.5867400085415683,0.1649,0.0984,0.9901,0.8640000000000001,0.3161,0.16,0.1379,0.375,0.4167,0.0785,0.1345,0.1281,0.0,0.0,0.1681,0.1021,0.9901,0.8693,0.319,0.1611,0.1379,0.375,0.4167,0.0803,0.1469,0.1335,0.0,0.0,0.1665,0.0984,0.9901,0.8658,0.3181,0.16,0.1379,0.375,0.4167,0.0798,0.1368,0.1304,0.0,0.0,reg oper spec account,block of flats,0.1552,Panel,No,4.0,0.0,4.0,0.0,-1376.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1076818,107633,Consumer loans,5660.865,28350.0,32724.0,1440.0,28350.0,SUNDAY,13,Y,1,0.045904780151355455,,,XAP,Approved,-1892,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Regional / Local,44,Connectivity,8.0,high,POS mobile with interest,365243.0,-1861.0,-1651.0,-1651.0,-1647.0,0.0,0,Cash loans,F,N,N,0,112500.0,385749.0,23440.5,333000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,With parents,0.008625,-10841,-1374,-4919.0,-3491,,1,1,0,1,0,0,Core staff,2.0,2,2,TUESDAY,12,0,0,0,0,1,1,Self-employed,,0.37788627834225136,0.4206109640437848,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2174278,181159,Consumer loans,28894.635,248985.0,262678.5,0.0,248985.0,WEDNESDAY,12,Y,1,0.0,,,XAP,Approved,-583,XNA,XAP,,New,Consumer Electronics,POS,XNA,Regional / Local,80,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-550.0,-280.0,-460.0,-453.0,0.0,0,Cash loans,F,N,Y,0,144000.0,239850.0,25317.0,225000.0,Unaccompanied,Working,Lower secondary,Married,House / apartment,0.018209,-19364,-952,-3692.0,-2796,,1,1,1,1,0,0,Sales staff,2.0,3,3,FRIDAY,8,0,0,0,0,1,1,Self-employed,,0.5479626352655883,0.42765737003502935,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-583.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2645695,140559,Consumer loans,8494.83,96390.0,81207.0,22500.0,96390.0,TUESDAY,13,Y,1,0.2362863206393536,,,XAP,Approved,-1792,Cash through the bank,XAP,Family,Refreshed,Computers,POS,XNA,Country-wide,1765,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1761.0,-1431.0,-1431.0,-1423.0,0.0,0,Cash loans,F,N,N,0,108000.0,900000.0,29745.0,900000.0,Unaccompanied,Pensioner,Higher education,Single / not married,House / apartment,0.01885,-23268,365243,-8449.0,-5092,,1,0,0,1,0,0,,1.0,2,2,SUNDAY,17,0,0,0,0,0,0,XNA,,0.7329827202421165,0.7597121819739279,0.1371,0.1045,0.9707,,,0.0,0.2414,0.1667,,0.2341,,0.1551,,0.1289,0.1397,0.1084,0.9707,,,0.0,0.2414,0.1667,,0.2394,,0.1616,,0.1365,0.1384,0.1045,0.9707,,,0.0,0.2414,0.1667,,0.2382,,0.1579,,0.1316,,block of flats,0.1667,"Stone, brick",No,0.0,0.0,0.0,0.0,-1603.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1417062,119902,Consumer loans,14213.97,125145.0,125145.0,0.0,125145.0,FRIDAY,14,Y,1,0.0,,,XAP,Approved,-7,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,50,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,365243.0,298.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,225000.0,1350000.0,35743.5,1350000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.010006000000000001,-16739,-760,-457.0,-281,,1,1,0,1,0,0,High skill tech staff,1.0,2,2,FRIDAY,8,0,0,0,0,0,0,Business Entity Type 2,,0.7303208131544141,0.6363761710860439,0.0722,0.0688,0.9801,0.728,,0.0,0.1379,0.1667,0.2083,0.0602,0.0588,0.0469,0.0,0.0,0.0735,0.0714,0.9801,0.7387,,0.0,0.1379,0.1667,0.2083,0.0616,0.0643,0.0488,0.0,0.0,0.0729,0.0688,0.9801,0.7316,,0.0,0.1379,0.1667,0.2083,0.0612,0.0599,0.0477,0.0,0.0,reg oper account,block of flats,0.0534,Block,No,1.0,0.0,0.0,0.0,-233.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1613298,156587,Consumer loans,5852.43,41283.0,29160.0,13500.0,41283.0,MONDAY,17,Y,1,0.3446490218642117,,,XAP,Approved,-2762,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,36,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2731.0,-2581.0,-2581.0,-2553.0,1.0,0,Cash loans,M,N,N,0,202500.0,1162498.5,31302.0,990000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,Municipal apartment,0.019688999999999998,-20915,365243,-9527.0,-4007,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,11,0,0,0,0,0,0,XNA,,0.2765803323341534,0.3859146722745145,0.0825,0.0574,0.9767,0.6804,,0.0,0.1379,0.1667,0.0417,0.124,,0.0627,,0.0,0.084,0.0595,0.9767,0.6929,,0.0,0.1379,0.1667,0.0417,0.1268,,0.0653,,0.0,0.0833,0.0574,0.9767,0.6847,,0.0,0.1379,0.1667,0.0417,0.1261,,0.0638,,0.0,,block of flats,0.0541,"Stone, brick",No,1.0,0.0,1.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,1.0,0.0,0.0,0.0,1.0 +2004984,427320,Consumer loans,3774.285,72711.0,80883.0,0.0,72711.0,SUNDAY,17,Y,1,0.0,,,XAP,Approved,-507,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Regional / Local,100,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-476.0,214.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,112500.0,724905.0,26167.5,598500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-17444,-1603,-327.0,-986,,1,1,0,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Industry: type 4,,0.3086621258389041,0.3139166772114369,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,1.0,6.0,1.0,-507.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1083604,366201,Consumer loans,3509.64,19125.0,17212.5,1912.5,19125.0,SATURDAY,13,Y,1,0.1089090909090909,,,XAP,Approved,-1377,Cash through the bank,XAP,,New,Mobile,POS,XNA,Regional / Local,35,Connectivity,6.0,high,POS other with interest,365243.0,-1334.0,-1184.0,-1184.0,-1180.0,0.0,0,Cash loans,F,N,N,1,81000.0,143910.0,16236.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-14290,-1308,-2903.0,-5056,,1,1,0,1,1,0,Cooking staff,3.0,2,2,MONDAY,17,0,0,0,0,1,1,Trade: type 7,,0.05875728177677416,0.3979463219016906,0.0,,0.0,,,,,,,,,,,,0.0,,0.0,,,,,,,,,,,,0.0,,0.0,,,,,,,,,,,,,block of flats,0.0,,No,2.0,0.0,1.0,0.0,-1377.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2528271,199479,Consumer loans,10821.96,69052.5,58522.5,13810.5,69052.5,SATURDAY,9,Y,1,0.20793952967525184,,,XAP,Approved,-138,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,300,Furniture,6.0,middle,POS industry with interest,365243.0,-108.0,42.0,365243.0,365243.0,1.0,0,Revolving loans,F,Y,N,1,123750.0,360000.0,18000.0,360000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-13243,-5165,-7387.0,-4681,64.0,1,1,0,1,1,0,Core staff,3.0,2,2,THURSDAY,13,0,0,0,0,0,0,Kindergarten,,0.5163803057565927,0.17456426555726348,0.1289,,0.9871,,,0.0,0.3103,0.1667,,,,0.1376,,0.0,0.1313,,0.9871,,,0.0,0.3103,0.1667,,,,0.1433,,0.0,0.1301,,0.9871,,,0.0,0.3103,0.1667,,,,0.14,,0.0,,block of flats,0.1082,Mixed,No,0.0,0.0,0.0,0.0,-1134.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1443555,282302,Consumer loans,15181.38,124857.0,124857.0,0.0,124857.0,MONDAY,13,Y,1,0.0,,,XAP,Approved,-59,XNA,XAP,,Repeater,Computers,POS,XNA,Country-wide,52,Connectivity,12.0,high,POS mobile with interest,365243.0,365243.0,340.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,90000.0,545040.0,20677.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019101,-18715,-3036,-11368.0,-2270,,1,1,0,1,0,0,Security staff,2.0,2,2,THURSDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.35089042176347995,0.1997705696341145,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-30.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2203555,407719,Consumer loans,6193.8,54900.0,53487.0,5490.0,54900.0,TUESDAY,14,Y,1,0.10138035320394542,,,XAP,Approved,-2373,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Stone,42,Consumer electronics,10.0,middle,POS household with interest,365243.0,-2336.0,-2066.0,-2216.0,-2214.0,1.0,0,Cash loans,F,N,Y,0,112500.0,765261.0,32553.0,684000.0,Unaccompanied,Working,Lower secondary,Widow,House / apartment,0.018634,-19911,-356,-10721.0,-3456,,1,1,1,1,1,0,,1.0,2,2,TUESDAY,12,0,0,0,0,1,1,Self-employed,,0.5090595379199632,0.6940926425266661,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2373.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2452045,288158,Cash loans,29533.5,450000.0,450000.0,,450000.0,WEDNESDAY,12,Y,1,,,,XNA,Refused,-341,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,225000.0,450000.0,34825.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-18135,-1957,-8699.0,-1694,,1,1,0,1,1,0,,2.0,1,1,MONDAY,12,0,0,0,0,0,0,Industry: type 3,,0.7821190895322617,0.5989262182569273,0.0784,0.0883,0.9722,0.6192,0.0139,0.0,0.1724,0.1667,0.2083,,0.063,0.0737,0.0039,0.0098,0.0788,0.0913,0.9722,0.6341,0.014,0.0,0.1724,0.1667,0.2083,,0.0689,0.0767,0.0,0.0,0.0791,0.0883,0.9722,0.6243,0.014,0.0,0.1724,0.1667,0.2083,,0.0641,0.0749,0.0039,0.0011,reg oper account,block of flats,0.0578,Panel,No,0.0,0.0,0.0,0.0,-1787.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1630692,277124,Consumer loans,13650.975,132282.0,146250.0,0.0,132282.0,SUNDAY,12,Y,1,0.0,,,XAP,Refused,-278,Cash through the bank,SCO,,Refreshed,Audio/Video,POS,XNA,Country-wide,3093,Consumer electronics,12.0,low_normal,POS household with interest,,,,,,,0,Cash loans,F,N,N,0,135000.0,1067418.0,34564.5,891000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.005313,-21686,-492,-497.0,-4282,,1,1,0,1,0,0,Medicine staff,1.0,2,2,FRIDAY,10,0,0,0,0,0,0,Medicine,,0.7534284374930617,,0.0247,0.0,0.9727,0.626,0.0,0.0,0.069,0.0833,0.125,0.0227,0.0202,0.0146,0.0,0.0,0.0252,0.0,0.9727,0.6406,0.0,0.0,0.069,0.0833,0.125,0.0232,0.022,0.0152,0.0,0.0,0.025,0.0,0.9727,0.631,0.0,0.0,0.069,0.0833,0.125,0.0231,0.0205,0.0149,0.0,0.0,reg oper account,block of flats,0.0115,"Stone, brick",No,1.0,0.0,0.0,0.0,-278.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1161247,183203,Consumer loans,14097.42,162562.5,130050.0,32512.5,162562.5,TUESDAY,13,Y,1,0.2178181818181818,,,XAP,Approved,-1579,Cash through the bank,XAP,"Spouse, partner",Repeater,Construction Materials,POS,XNA,Stone,131,Construction,12.0,high,POS industry with interest,365243.0,-1543.0,-1213.0,-1213.0,-1209.0,0.0,0,Cash loans,M,N,N,2,112500.0,819792.0,36238.5,720000.0,"Spouse, partner",Working,Lower secondary,Married,House / apartment,0.020246,-14443,-3137,-8538.0,-4785,,1,1,0,1,1,0,Laborers,4.0,3,3,SATURDAY,6,0,0,0,0,0,0,Business Entity Type 3,0.3286375127346669,0.7140025104888047,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1579.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1251608,430868,Consumer loans,11639.025,62577.0,65880.0,0.0,62577.0,TUESDAY,13,Y,1,0.0,,,XAP,Approved,-634,XNA,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Regional / Local,80,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-601.0,-451.0,-481.0,-475.0,0.0,0,Cash loans,F,N,Y,0,270000.0,711000.0,32260.5,711000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018209,-21432,-2333,-1606.0,-2824,,1,1,1,1,0,0,Cleaning staff,2.0,3,3,SATURDAY,7,0,1,1,0,1,1,Construction,0.6641961525547687,0.5926173576661049,0.2225807646753351,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-267.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1632580,127915,Cash loans,10704.555,135000.0,148365.0,,135000.0,MONDAY,14,Y,1,,,,XNA,Refused,-1248,Cash through the bank,LIMIT,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,18.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,N,2,76500.0,562491.0,27058.5,454500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.00702,-15379,-3512,-301.0,-4940,,1,1,1,1,1,0,,4.0,2,2,WEDNESDAY,13,0,0,0,0,1,1,Military,,0.037904100803147774,0.3046721837533529,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1268.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1070427,307953,Consumer loans,6757.65,38250.0,38250.0,0.0,38250.0,TUESDAY,12,Y,1,0.0,,,XAP,Refused,-308,XNA,SCO,,Repeater,Audio/Video,POS,XNA,Stone,93,Consumer electronics,6.0,low_normal,POS household with interest,,,,,,,0,Cash loans,F,N,N,1,108000.0,126000.0,8419.5,126000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.028663,-11292,-882,-3850.0,-3862,,1,1,0,1,1,0,Sales staff,3.0,2,2,TUESDAY,7,0,0,0,0,0,0,Self-employed,,0.4707655069212561,0.5954562029091491,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2681067,165621,Cash loans,53250.75,1350000.0,1528200.0,,1350000.0,THURSDAY,16,Y,1,,,,Repairs,Refused,-3,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,1,414000.0,1528200.0,53248.5,1350000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-14650,-2118,-3162.0,-5266,,1,1,0,1,0,0,Sales staff,3.0,1,1,FRIDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.6483035465309676,0.6250071489380951,0.15286622915504153,0.0825,,0.9851,,,,0.2069,0.1667,,0.0456,,0.0836,,,0.084,,0.9851,,,,0.2069,0.1667,,0.0467,,0.0871,,,0.0833,,0.9851,,,,0.2069,0.1667,,0.0464,,0.0851,,,,block of flats,0.0741,"Stone, brick",No,0.0,0.0,0.0,0.0,-1505.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2305148,377223,Consumer loans,8831.7,89307.0,84807.0,4500.0,89307.0,SATURDAY,12,Y,1,0.05487709911775215,,,XAP,Approved,-1620,Cash through the bank,XAP,Other_B,Repeater,Consumer Electronics,POS,XNA,Country-wide,2300,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1589.0,-1259.0,-1319.0,-1311.0,0.0,0,Cash loans,F,Y,N,1,171000.0,157500.0,11902.5,157500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-16198,-4646,-8593.0,-4485,12.0,1,1,0,1,0,0,Medicine staff,3.0,2,2,TUESDAY,13,0,0,0,0,0,0,Medicine,0.35445964138467706,0.6794121328339936,0.5849900404894085,0.1856,0.1046,0.9851,,,0.16,0.1724,0.3333,,0.0245,,0.199,,0.0013,0.1891,0.1086,0.9851,,,0.1611,0.1724,0.3333,,0.0251,,0.2074,,0.0013,0.1874,0.1046,0.9851,,,0.16,0.1724,0.3333,,0.0249,,0.2026,,0.0013,,block of flats,0.1796,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2588528,383270,Revolving loans,33750.0,0.0,675000.0,,,SATURDAY,10,Y,1,,,,XAP,Approved,-626,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-460.0,-433.0,365243.0,-37.0,-40.0,0.0,0,Revolving loans,M,N,Y,0,157500.0,337500.0,16875.0,337500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.026392000000000002,-17153,-1095,-2960.0,-670,,1,1,1,1,1,0,Core staff,2.0,2,2,TUESDAY,18,0,0,0,0,0,0,Security Ministries,,0.6983791724947916,0.6313545365850379,0.0649,,0.9786,,,0.08,0.0345,0.3333,,,,0.0537,,0.0105,0.0662,,0.9786,,,0.0806,0.0345,0.3333,,,,0.056,,0.0111,0.0656,,0.9786,,,0.08,0.0345,0.3333,,,,0.0547,,0.0107,,block of flats,0.047,Block,No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2428614,435000,Cash loans,6635.655,81000.0,95107.5,,81000.0,FRIDAY,8,Y,1,,,,XNA,Approved,-654,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-624.0,66.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,N,1,67500.0,431280.0,23395.5,360000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.018801,-15510,-698,-2631.0,-979,15.0,1,1,0,1,1,0,Sales staff,3.0,2,2,FRIDAY,13,0,0,0,0,0,0,Self-employed,0.3714375646753096,0.5021230262659658,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1291.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1261096,404939,Consumer loans,7009.56,69111.0,48375.0,20736.0,69111.0,MONDAY,14,Y,1,0.3267698208810331,,,XAP,Approved,-1500,Cash through the bank,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Stone,186,Consumer electronics,8.0,middle,POS household without interest,365243.0,-1469.0,-1259.0,-1289.0,-1284.0,0.0,1,Cash loans,F,Y,Y,0,180000.0,450000.0,17095.5,450000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.030755,-10089,-1861,-99.0,-1141,3.0,1,1,1,1,1,0,Managers,2.0,2,2,WEDNESDAY,12,0,0,0,1,1,1,Trade: type 2,,0.4338166751124452,0.5656079814115492,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2202104,315530,Cash loans,42604.965,1129500.0,1244304.0,,1129500.0,MONDAY,15,Y,1,,,,XNA,Refused,-408,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,42.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,157500.0,1303812.0,35982.0,1138500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.018801,-21260,365243,-331.0,-4564,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,7,0,0,0,0,0,0,XNA,,0.5466840061151887,0.4956658291397297,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1893.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1925055,358158,Revolving loans,,0.0,0.0,,,TUESDAY,12,Y,1,,,,XAP,Refused,-348,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Card Street,,,,,,,0,Cash loans,M,Y,Y,0,135000.0,454500.0,24655.5,454500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0228,-10616,-365,-5185.0,-3243,12.0,1,1,1,1,1,0,Drivers,2.0,2,2,SUNDAY,12,0,0,0,0,1,1,Construction,,0.4738884322608505,0.35895122857839673,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-672.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1912848,404550,Cash loans,14379.3,117000.0,117000.0,,117000.0,WEDNESDAY,12,Y,1,,,,XNA,Approved,-2647,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,10.0,middle,Cash Street: middle,365243.0,-2617.0,-2347.0,-2347.0,-2342.0,0.0,0,Cash loans,F,Y,Y,0,67500.0,257391.0,18040.5,238500.0,"Spouse, partner",Working,Higher education,Married,House / apartment,0.007305,-22300,-8449,-4777.0,-4945,3.0,1,1,0,1,1,0,Core staff,2.0,3,3,THURSDAY,14,0,0,0,0,0,0,School,,0.6850251451238711,0.8128226070575616,0.1402,0.0478,1.0,1.0,0.0574,0.16,0.069,0.6667,,0.0564,0.1143,0.151,0.0,0.0,0.1429,0.0497,1.0,1.0,0.0579,0.1611,0.069,0.6667,,0.0577,0.1249,0.1573,0.0,0.0,0.1416,0.0478,1.0,1.0,0.0578,0.16,0.069,0.6667,,0.0574,0.1163,0.1537,0.0,0.0,reg oper spec account,block of flats,0.1501,Panel,No,0.0,0.0,0.0,0.0,-1560.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1965743,452691,Cash loans,13723.47,157500.0,173092.5,,157500.0,MONDAY,15,Y,1,,,,XNA,Refused,-191,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,18.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,N,0,67500.0,170640.0,11403.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.009175,-9324,-519,-7956.0,-1993,,1,1,1,1,0,0,Sales staff,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Self-employed,0.31360865697080725,0.5889272501252611,0.4489622731076524,0.3515,0.181,0.9881,,,0.4,0.3793,0.1667,,0.0653,,0.3971,,0.0892,0.3582,0.1878,0.9881,,,0.4028,0.3793,0.1667,,0.0668,,0.4138,,0.0944,0.355,0.181,0.9881,,,0.4,0.3793,0.1667,,0.0665,,0.4043,,0.091,,block of flats,0.3718,"Stone, brick",No,0.0,0.0,0.0,0.0,-677.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1924001,158559,Consumer loans,9754.515,79942.5,78475.5,7996.5,79942.5,SATURDAY,13,Y,1,0.10071370448868366,,,XAP,Approved,-2205,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Country-wide,3268,Consumer electronics,11.0,high,POS household with interest,365243.0,-2174.0,-1874.0,-1874.0,-1854.0,1.0,1,Cash loans,F,N,Y,1,180000.0,1724220.0,47542.5,1350000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.019101,-16648,-1919,-9888.0,-198,,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.6926465613918811,0.5595206865870543,0.7726311345553628,,0.0,0.9816,,,0.0,,,,,,0.0663,,0.0,,0.0,0.9816,,,0.0,,,,,,0.0691,,0.0,,0.0,0.9816,,,0.0,,,,,,0.0675,,0.0,,,0.0521,Panel,No,0.0,0.0,0.0,0.0,-2565.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2245232,329246,Consumer loans,,24975.0,24975.0,,24975.0,TUESDAY,15,Y,1,,,,XAP,Refused,-843,Cash through the bank,XNA,Other_B,Repeater,Mobile,XNA,XNA,Country-wide,4232,Consumer electronics,,XNA,POS household with interest,,,,,,,0,Cash loans,F,N,N,0,81000.0,284400.0,16456.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.00496,-24242,365243,-3878.0,-4348,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,XNA,,0.640841274223709,0.8214433128935934,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-330.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1748614,159066,Consumer loans,4540.95,44406.0,38911.5,9000.0,44406.0,SUNDAY,10,Y,1,0.2045817430432816,,,XAP,Approved,-2494,XNA,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,31,Connectivity,12.0,low_normal,POS mobile with interest,365243.0,-2451.0,-2121.0,-2121.0,-2116.0,1.0,0,Cash loans,F,N,N,0,202500.0,634482.0,20596.5,454500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.008019,-12183,-1799,-1630.0,-4248,,1,1,0,1,0,0,Cooking staff,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Other,0.4990326842965485,0.4790922728416222,0.5172965813614878,0.0124,0.0,0.9702,0.5920000000000001,0.0016,0.0,0.069,0.0417,0.0833,0.0585,0.0101,0.0161,0.0,0.0,0.0126,0.0,0.9702,0.608,0.0016,0.0,0.069,0.0417,0.0833,0.0599,0.011,0.0168,0.0,0.0,0.0125,0.0,0.9702,0.5975,0.0016,0.0,0.069,0.0417,0.0833,0.0595,0.0103,0.0164,0.0,0.0,reg oper account,block of flats,0.013,"Stone, brick",No,4.0,0.0,4.0,0.0,-927.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1154777,326270,Consumer loans,5630.85,112221.0,124852.5,0.0,112221.0,TUESDAY,7,Y,1,0.0,,,XAP,Approved,-1403,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,30200,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1372.0,-682.0,-682.0,-676.0,0.0,0,Cash loans,M,N,Y,0,225000.0,1125000.0,33025.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.014519999999999996,-14300,-467,-8122.0,-3461,,1,1,0,1,0,0,Core staff,1.0,2,2,FRIDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.2574419191522256,0.2663445441482756,0.6212263380626669,0.1591,0.122,0.9881,0.8368,0.0315,0.1732,0.1493,0.3608,0.4025,0.1071,0.1297,0.1739,0.0025,0.0024,0.1155,0.0892,0.9881,0.8432,0.0255,0.1208,0.1034,0.375,0.4167,0.0645,0.101,0.1323,0.0039,0.0,0.1561,0.1144,0.9881,0.8390000000000001,0.0332,0.16,0.1379,0.375,0.4167,0.122,0.1283,0.1714,0.0039,0.0011,reg oper account,block of flats,0.1836,Panel,No,0.0,0.0,0.0,0.0,-1403.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,0.0 +1033612,365603,Consumer loans,17138.655,95760.0,90733.5,9576.0,95760.0,THURSDAY,13,Y,1,0.10396955966737484,,,XAP,Approved,-481,Cash through the bank,XAP,,Refreshed,Computers,POS,XNA,Country-wide,440,Consumer electronics,6.0,middle,POS household with interest,365243.0,-450.0,-300.0,-300.0,-296.0,0.0,0,Cash loans,M,Y,N,0,180000.0,675000.0,34510.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-13084,-1087,-3423.0,-4432,7.0,1,1,0,1,0,0,,2.0,2,2,SUNDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.15867978296398874,0.5650372565725367,0.4400578303966329,0.0412,0.0,0.9831,0.7688,0.0046,0.0,0.069,0.1667,0.2083,0.0206,0.0336,0.0364,0.0,0.0234,0.042,0.0,0.9831,0.7779,0.0046,0.0,0.069,0.1667,0.2083,0.0211,0.0367,0.0379,0.0,0.0248,0.0416,0.0,0.9831,0.7719,0.0046,0.0,0.069,0.1667,0.2083,0.0209,0.0342,0.037000000000000005,0.0,0.0239,reg oper account,block of flats,0.0337,Block,No,2.0,0.0,2.0,0.0,-325.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2393181,256626,Revolving loans,13500.0,0.0,270000.0,,,FRIDAY,9,Y,1,,,,XAP,Approved,-1327,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-1321.0,-1284.0,365243.0,-1010.0,365243.0,0.0,0,Cash loans,M,Y,N,0,180000.0,527373.0,32391.0,477000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-16810,-7516,-4941.0,-369,9.0,1,1,0,1,0,1,Laborers,2.0,2,2,TUESDAY,11,0,1,1,0,1,1,Industry: type 9,0.2660501622338168,0.6578623659764453,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1156.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1517170,238912,Cash loans,15216.255,67500.0,78196.5,,67500.0,SUNDAY,12,Y,1,,,,XNA,Approved,-844,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,high,Cash X-Sell: high,365243.0,-814.0,-664.0,-664.0,-662.0,1.0,0,Cash loans,M,Y,Y,1,157500.0,1528200.0,53248.5,1350000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.018634,-10957,-1052,-5416.0,-3643,12.0,1,1,0,1,0,1,Sales staff,3.0,2,2,THURSDAY,11,0,0,0,1,1,0,Business Entity Type 3,0.3924631991695216,0.7259357592974596,0.4418358231994413,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1211.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1435686,440635,Revolving loans,2250.0,45000.0,45000.0,,45000.0,TUESDAY,14,Y,1,,,,XAP,Approved,-339,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-308.0,-263.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,157500.0,299772.0,14710.5,247500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008575,-14075,-166,-2452.0,-5089,,1,1,0,1,0,0,Cleaning staff,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,Housing,,0.4435032740614661,0.31703177858344445,0.0515,0.0518,0.9752,0.66,0.0069,0.0,0.1034,0.1667,0.0417,0.062,0.0672,0.0543,0.0,0.0,0.021,0.0538,0.9752,0.6733,0.006999999999999999,0.0,0.069,0.1667,0.0417,0.0634,0.0735,0.0465,0.0,0.0,0.052000000000000005,0.0518,0.9752,0.6645,0.006999999999999999,0.0,0.1034,0.1667,0.0417,0.0631,0.0684,0.0552,0.0,0.0,reg oper account,block of flats,0.046,"Stone, brick",No,5.0,0.0,5.0,0.0,-36.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1215272,187305,Cash loans,28620.0,360000.0,360000.0,0.0,360000.0,SATURDAY,13,Y,1,0.0,,,XNA,Refused,-2300,Cash through the bank,LIMIT,Children,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,Y,N,0,180000.0,1007761.5,39564.0,927000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018634,-18564,-228,-2632.0,-2108,12.0,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,16,0,0,0,1,1,0,Trade: type 7,,0.3351474987361848,0.2707073872651806,0.2062,0.133,0.9866,,,0.2,0.1724,0.375,,0.1632,,0.2147,,0.2751,0.2101,0.138,0.9866,,,0.2014,0.1724,0.375,,0.1669,,0.2237,,0.2912,0.2082,0.133,0.9866,,,0.2,0.1724,0.375,,0.166,,0.2186,,0.2809,,block of flats,0.2287,Panel,No,0.0,0.0,0.0,0.0,-1055.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2433245,214546,Revolving loans,11250.0,0.0,225000.0,,,THURSDAY,11,Y,1,,,,XAP,Refused,-555,XNA,SCOFR,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,1,135000.0,585000.0,18999.0,585000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018209,-10627,-546,-1870.0,-1881,,1,1,1,1,1,1,High skill tech staff,3.0,3,3,SATURDAY,6,0,0,0,1,1,0,Other,0.4946219742136901,0.5229467144639035,0.2608559142068693,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-877.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1890132,358629,Cash loans,19403.325,585000.0,700830.0,,585000.0,THURSDAY,11,Y,1,,,,XNA,Approved,-118,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-87.0,1683.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,N,1,90000.0,467257.5,17743.5,328500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-13998,-2179,-3864.0,-4572,20.0,1,1,0,1,0,0,,3.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Military,0.4532790549988999,0.6248021195109672,0.4206109640437848,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-295.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1347872,235003,Cash loans,26211.735,238500.0,263686.5,,238500.0,FRIDAY,17,Y,1,,,,XNA,Approved,-237,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-207.0,123.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,N,0,162000.0,539100.0,26064.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.008019,-18709,-442,-8555.0,-1987,4.0,1,1,1,1,1,0,Laborers,2.0,2,2,TUESDAY,20,0,0,0,0,0,0,Self-employed,,0.3980606807565938,0.5154953751603267,0.1031,,0.9876,,,0.0,,0.1667,,,,,,,0.105,,0.9876,,,0.0,,0.1667,,,,,,,0.1041,,0.9876,,,0.0,,0.1667,,,,,,,,block of flats,0.08800000000000001,Panel,No,0.0,0.0,0.0,0.0,-1664.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,5.0 +1505400,285966,Revolving loans,12375.0,0.0,247500.0,,,FRIDAY,11,Y,1,,,,XAP,Refused,-1138,XNA,LIMIT,,Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Revolving loans,F,N,Y,0,126000.0,202500.0,10125.0,202500.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.010556,-21322,365243,-10485.0,-4696,,1,0,0,1,0,0,,1.0,3,3,TUESDAY,14,0,0,0,0,0,0,XNA,,0.5549185309538609,,0.1845,0.1348,0.9856,,,0.2,0.1724,0.3333,,,,0.1872,,0.2208,0.188,0.1399,0.9856,,,0.2014,0.1724,0.3333,,,,0.1951,,0.2338,0.1863,0.1348,0.9856,,,0.2,0.1724,0.3333,,,,0.1906,,0.2255,,block of flats,0.1953,Panel,No,0.0,0.0,0.0,0.0,-2249.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2353172,428026,Cash loans,15364.08,459000.0,568057.5,,459000.0,WEDNESDAY,15,Y,1,,,,XNA,Approved,-124,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,72.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,292500.0,1291500.0,51349.5,1188000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,Municipal apartment,0.072508,-23195,365243,-10411.0,-5050,,1,0,0,1,1,0,,1.0,1,1,MONDAY,11,0,0,0,0,0,0,XNA,,0.6847419799749898,0.5352762504724826,0.4897,0.2033,0.9856,0.8028,0.1933,0.56,0.2414,0.6667,0.0417,0.0,0.3892,0.5053,0.0463,0.0489,0.4989,0.2109,0.9856,0.8105,0.1951,0.5639,0.2414,0.6667,0.0417,0.0,0.4252,0.5265,0.0467,0.0518,0.4944,0.2033,0.9856,0.8054,0.1945,0.56,0.2414,0.6667,0.0417,0.0,0.3959,0.5144,0.0466,0.0499,reg oper account,block of flats,0.4081,Panel,No,6.0,0.0,6.0,0.0,-427.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2727041,124981,Cash loans,50325.84,270000.0,277308.0,,270000.0,FRIDAY,10,Y,1,,,,XNA,Approved,-525,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,low_normal,Cash X-Sell: low,365243.0,-495.0,-345.0,-405.0,-397.0,1.0,0,Cash loans,F,N,Y,0,129600.0,1350000.0,126355.5,1350000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,Municipal apartment,0.010556,-22908,365243,-9884.0,-3985,,1,0,0,1,0,0,,2.0,3,3,FRIDAY,10,0,0,0,0,0,0,XNA,,0.5688384277317892,0.4525335592581747,0.1515,0.1094,0.9866,0.8164,0.0262,0.0,0.3448,0.1667,0.2083,0.1374,0.1219,0.1545,0.0077,0.0089,0.1544,0.1135,0.9866,0.8236,0.0265,0.0,0.3448,0.1667,0.2083,0.1405,0.1331,0.161,0.0078,0.0094,0.153,0.1094,0.9866,0.8189,0.0264,0.0,0.3448,0.1667,0.2083,0.1398,0.124,0.1573,0.0078,0.0091,reg oper spec account,block of flats,0.1235,Panel,No,2.0,1.0,2.0,0.0,-1038.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,7.0 +2824497,442953,Consumer loans,12576.285,151042.5,158791.5,9000.0,151042.5,MONDAY,11,Y,1,0.05841665508573547,,,XAP,Approved,-1511,Cash through the bank,XAP,"Spouse, partner",Repeater,Computers,POS,XNA,Country-wide,875,Consumer electronics,16.0,middle,POS household with interest,365243.0,-1480.0,-1030.0,-1060.0,-1057.0,0.0,0,Cash loans,F,Y,N,0,99000.0,900000.0,26316.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-13123,-2362,-4629.0,-4638,6.0,1,1,1,1,1,0,Sales staff,2.0,2,2,THURSDAY,17,0,0,0,0,0,0,Self-employed,0.2485237659430031,0.6260265027456444,0.3376727217405312,0.0227,0.0,0.9801,0.728,0.0023,0.0,0.1034,0.0417,0.0833,0.0264,0.0185,0.0182,0.0,0.0,0.0231,0.0,0.9801,0.7387,0.0023,0.0,0.1034,0.0417,0.0833,0.027000000000000003,0.0202,0.019,0.0,0.0,0.0229,0.0,0.9801,0.7316,0.0023,0.0,0.1034,0.0417,0.0833,0.0269,0.0188,0.0186,0.0,0.0,reg oper account,block of flats,0.0156,"Stone, brick",No,3.0,1.0,3.0,0.0,-2338.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2578276,428104,Cash loans,8806.005,45000.0,46485.0,,45000.0,FRIDAY,15,Y,1,,,,XNA,Approved,-1060,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-1030.0,-880.0,-940.0,-931.0,1.0,0,Cash loans,F,N,Y,0,225000.0,178038.0,12789.0,162000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,Rented apartment,0.011703,-21475,365243,-14040.0,-4147,,1,0,0,1,0,0,,1.0,2,2,MONDAY,15,0,0,0,0,0,0,XNA,,0.3790488009362253,0.4974688893052743,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1443073,381229,Cash loans,21699.72,202500.0,215865.0,,202500.0,SATURDAY,10,Y,1,,,,XNA,Approved,-795,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-765.0,-435.0,-435.0,-430.0,1.0,0,Cash loans,F,Y,Y,0,180000.0,167895.0,16483.5,157500.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.011703,-24417,365243,-7511.0,-4543,15.0,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,XNA,,0.6954692891095018,,0.0371,0.044,0.9871,0.8232,0.0051,0.0,0.1034,0.125,0.1667,0.0368,0.0303,0.0349,0.0,0.0,0.0378,0.0456,0.9871,0.8301,0.0052,0.0,0.1034,0.125,0.1667,0.0376,0.0331,0.0364,0.0,0.0,0.0375,0.044,0.9871,0.8256,0.0051,0.0,0.1034,0.125,0.1667,0.0374,0.0308,0.0355,0.0,0.0,not specified,block of flats,0.0303,"Stone, brick",No,3.0,0.0,3.0,0.0,-1199.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,13.0 +2070752,304393,Consumer loans,7391.205,64552.14,40770.0,25825.14,64552.14,WEDNESDAY,13,Y,1,0.4223420087411784,,,XAP,Approved,-870,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,563,Consumer electronics,6.0,low_normal,POS household without interest,365243.0,-839.0,-689.0,-689.0,-684.0,0.0,0,Cash loans,F,Y,Y,0,315000.0,810000.0,43285.5,810000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.026392000000000002,-13648,-1400,-569.0,-1920,3.0,1,1,1,1,1,0,Managers,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.5971337602060466,0.6610235391308081,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1114.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2220992,361502,Consumer loans,2798.595,20979.0,20979.0,0.0,20979.0,FRIDAY,11,Y,1,0.0,,,XAP,Approved,-2866,XNA,XAP,Unaccompanied,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,48,Connectivity,10.0,high,POS mobile with interest,365243.0,-2835.0,-2565.0,-2565.0,-2563.0,0.0,1,Cash loans,F,Y,Y,0,315000.0,1483231.5,51687.0,1354500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-15653,-5500,-7223.0,-4471,3.0,1,1,0,1,0,1,Core staff,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Self-employed,0.5718274003458297,0.4824166672989368,0.2940831009471255,0.1392,0.1364,0.9796,,,0.0,0.3448,0.1667,,0.0,,0.1324,,0.0151,0.1418,0.1415,0.9796,,,0.0,0.3448,0.1667,,0.0,,0.1379,,0.016,0.1405,0.1364,0.9796,,,0.0,0.3448,0.1667,,0.0,,0.1347,,0.0154,,block of flats,0.14400000000000002,Panel,No,6.0,1.0,6.0,1.0,-1719.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1238052,298960,Revolving loans,6750.0,0.0,135000.0,,,SUNDAY,17,Y,1,,,,XAP,Approved,-2699,XNA,XAP,,Repeater,XNA,Cards,x-sell,Stone,563,Consumer electronics,0.0,XNA,Card Street,-2659.0,-2610.0,365243.0,-1270.0,-146.0,0.0,0,Cash loans,F,Y,N,0,202500.0,199152.0,8901.0,135000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-20415,-7205,-6435.0,-3008,29.0,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,Self-employed,0.5862645506382751,0.4943821512823873,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1955.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1521211,341532,Cash loans,32681.25,225000.0,275373.0,,225000.0,WEDNESDAY,10,Y,1,,,,Journey,Refused,-653,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,M,Y,Y,0,202500.0,956574.0,64314.0,855000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.004849,-15145,-861,-5653.0,-4047,22.0,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,16,0,1,1,0,1,1,Construction,,0.4921684626844603,,0.0278,0.0473,0.9826,0.762,0.0042,0.0,0.1034,0.0833,0.125,0.0089,0.0227,0.0251,0.0,0.0,0.0284,0.0491,0.9826,0.7713,0.0043,0.0,0.1034,0.0833,0.125,0.0091,0.0248,0.0261,0.0,0.0,0.0281,0.0473,0.9826,0.7652,0.0043,0.0,0.1034,0.0833,0.125,0.0091,0.0231,0.0255,0.0,0.0,reg oper spec account,block of flats,0.0197,Panel,No,0.0,0.0,0.0,0.0,-1439.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1721623,414932,Consumer loans,22945.185,233325.0,233325.0,0.0,233325.0,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-641,Cash through the bank,XAP,,New,Construction Materials,POS,XNA,Stone,426,Construction,12.0,middle,POS industry with interest,365243.0,-608.0,-278.0,-278.0,-269.0,0.0,1,Cash loans,F,N,N,0,234000.0,521280.0,28408.5,450000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.00496,-14260,-3647,-6256.0,-172,,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Police,,0.3243703412001071,,0.0613,0.0545,0.9851,0.7959999999999999,,0.12,0.1034,0.25,,,0.0832,0.0661,,,0.021,0.033,0.9851,0.804,,0.1208,0.1034,0.1667,,,0.0909,0.0255,,,0.0619,0.0545,0.9851,0.7987,,0.12,0.1034,0.25,,,0.0847,0.0673,,,,block of flats,0.0192,"Stone, brick",No,0.0,0.0,0.0,0.0,-2.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1283709,215178,Cash loans,10239.39,135000.0,175122.0,,135000.0,WEDNESDAY,15,Y,1,,,,XNA,Approved,-1462,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-1432.0,-742.0,-742.0,-737.0,1.0,0,Cash loans,M,Y,N,0,202500.0,278460.0,19507.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.018634,-18080,-5707,-4059.0,-1621,13.0,1,1,0,1,0,0,Laborers,1.0,2,2,TUESDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.2955358013564952,0.7561401475902012,0.6161216908872079,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1971.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,1.0,0.0,1.0 +1768503,376591,Consumer loans,14358.69,121477.5,138784.5,0.0,121477.5,MONDAY,11,Y,1,0.0,,,XAP,Approved,-961,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,2000,Consumer electronics,12.0,middle,POS household with interest,365243.0,-930.0,-600.0,-600.0,-591.0,0.0,0,Cash loans,M,N,Y,0,157500.0,1062000.0,42115.5,1062000.0,Other_B,Commercial associate,Higher education,Single / not married,House / apartment,0.011656999999999999,-20694,-7665,-4019.0,-4240,,1,1,1,1,0,0,,1.0,1,1,WEDNESDAY,18,0,0,0,0,1,1,Other,0.6864989383561234,0.7195382471735445,,0.1031,0.0894,0.9796,0.7212,0.0432,0.0,0.2069,0.1667,0.2083,0.0368,0.0841,0.1083,0.0232,0.1086,0.105,0.0927,0.9796,0.7321,0.0436,0.0,0.2069,0.1667,0.2083,0.0376,0.0918,0.1128,0.0233,0.115,0.1041,0.0894,0.9796,0.7249,0.0435,0.0,0.2069,0.1667,0.2083,0.0374,0.0855,0.1103,0.0233,0.1109,reg oper account,block of flats,0.1088,"Stone, brick",No,0.0,0.0,0.0,0.0,-961.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2428772,158502,Cash loans,9072.0,81000.0,81000.0,0.0,81000.0,WEDNESDAY,12,Y,1,0.0,,,Other,Approved,-2291,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,130500.0,675000.0,29731.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.028663,-19650,-12562,-10976.0,-3184,,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,16,0,0,0,0,0,0,Industry: type 9,0.7219184745476908,0.5049929932346781,0.4830501881366946,0.0572,0.0353,0.9846,,,0.0664,0.0517,0.3542,,,,0.0579,,0.0023,0.0378,0.0171,0.9846,,,0.0806,0.0345,0.3333,,,,0.035,,0.0,0.0609,0.0307,0.9846,,,0.08,0.0517,0.3333,,,,0.065,,0.0,,block of flats,0.0304,Panel,No,2.0,0.0,2.0,0.0,-14.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,3.0 +2402555,103777,Cash loans,9660.6,135000.0,135000.0,0.0,135000.0,FRIDAY,8,Y,1,0.0,,,Other,Refused,-2170,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,24.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,112500.0,774000.0,27549.0,774000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-15376,-1388,-5113.0,-4581,,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,Transport: type 4,,0.6413142508251598,0.5797274227921155,0.1017,0.0648,0.993,0.9184,0.0203,0.08,0.069,0.3471,0.375,0.0802,0.0908,0.09,0.0,0.0,0.1134,0.0462,0.994,0.9216,0.0205,0.0806,0.069,0.3333,0.375,0.08199999999999999,0.0992,0.0883,0.0,0.0,0.1124,0.0678,0.994,0.9195,0.0205,0.08,0.069,0.3333,0.375,0.0816,0.0923,0.0943,0.0,0.0,reg oper account,block of flats,0.0746,Panel,No,0.0,0.0,0.0,0.0,-1438.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1260905,177161,Consumer loans,9336.24,94495.5,94495.5,0.0,94495.5,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-244,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,1300,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-212.0,118.0,-92.0,-82.0,0.0,0,Cash loans,F,N,Y,0,67500.0,172597.5,8433.0,117000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.005313,-21472,365243,-8368.0,-4651,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,XNA,,0.16301987879595622,0.656158373001177,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,0.0,9.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +1302748,273376,Consumer loans,8800.065,27000.0,24943.5,2700.0,27000.0,FRIDAY,7,Y,1,0.1063738475426575,,,XAP,Approved,-896,Cash through the bank,XAP,Family,Repeater,Clothing and Accessories,POS,XNA,Stone,100,Clothing,3.0,middle,POS industry without interest,365243.0,-863.0,-803.0,-803.0,-795.0,0.0,0,Revolving loans,F,Y,N,0,90000.0,225000.0,11250.0,225000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018209,-9806,-727,-200.0,-2492,15.0,1,1,0,1,1,0,Core staff,2.0,3,3,FRIDAY,12,0,0,0,0,0,0,School,0.3035831444475733,0.5535516808200139,0.445396241560834,,,0.9757,,,,0.1034,0.0417,,,,0.0095,,,,,0.9757,,,,0.1034,0.0417,,,,0.0099,,,,,0.9757,,,,0.1034,0.0417,,,,0.0096,,,,,0.0085,,No,0.0,0.0,0.0,0.0,-592.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,1.0,0.0,0.0,2.0,5.0 +1173343,225845,Cash loans,48044.25,1192500.0,1296391.5,,1192500.0,SATURDAY,11,Y,1,,,,XNA,Refused,-186,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,36.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,225000.0,545040.0,20677.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-15374,-5221,-9440.0,-4232,,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.7103400346925892,0.6615001414631904,0.7700870700124128,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1896.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1235487,283447,Consumer loans,6023.7,31297.5,29542.5,3150.0,31297.5,THURSDAY,10,Y,1,0.10493649502596507,,,XAP,Approved,-1947,Cash through the bank,XAP,Unaccompanied,Repeater,Clothing and Accessories,POS,XNA,Stone,82,Clothing,6.0,high,POS industry with interest,365243.0,-1916.0,-1766.0,-1766.0,-1692.0,0.0,0,Cash loans,F,N,N,0,216000.0,248760.0,25488.0,225000.0,Family,Pensioner,Secondary / secondary special,Separated,House / apartment,0.025164,-22270,365243,-9370.0,-4215,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,11,0,0,0,0,0,0,XNA,,0.5069389285240896,0.6075573001388961,0.0247,0.0427,0.9603,0.456,0.0038,0.0,0.1034,0.125,0.1667,0.0266,0.0202,0.0286,0.0,0.01,0.0252,0.0443,0.9603,0.4773,0.0038,0.0,0.1034,0.125,0.1667,0.0272,0.022,0.0255,0.0,0.0,0.025,0.0427,0.9603,0.4633,0.0038,0.0,0.1034,0.125,0.1667,0.027000000000000003,0.0205,0.0291,0.0,0.0102,,block of flats,0.0236,Block,No,5.0,0.0,5.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1107018,335840,Consumer loans,939.15,18630.0,20736.0,0.0,18630.0,MONDAY,19,Y,1,0.0,,,XAP,Approved,-664,Cash through the bank,XAP,,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,2148,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-633.0,57.0,-393.0,-385.0,0.0,0,Cash loans,F,Y,N,1,112500.0,675000.0,24246.0,675000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.010556,-10795,-612,-1031.0,-1990,7.0,1,1,1,1,0,0,Core staff,3.0,3,3,FRIDAY,18,0,0,0,0,0,0,School,0.4125193133799427,0.2858978721410488,0.3876253444214701,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1291.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1248975,113714,Consumer loans,9056.16,77215.5,76945.5,7200.0,77215.5,SATURDAY,15,Y,1,0.09318923228757983,,,XAP,Approved,-1395,Cash through the bank,XAP,Children,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,50,Connectivity,12.0,high,POS mobile with interest,365243.0,-1364.0,-1034.0,-1034.0,-1030.0,0.0,0,Cash loans,F,N,Y,0,67500.0,808650.0,23773.5,675000.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.028663,-17338,-3936,-7942.0,-879,,1,1,0,1,0,0,Medicine staff,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Medicine,,0.5873858390946372,0.6577838002083306,0.0814,0.0854,0.9866,0.8164,0.0326,0.0,0.1607,0.1667,0.0417,0.0325,0.0661,0.0711,0.0013,0.0025,0.0693,0.0566,0.9831,0.7779,0.0192,0.0,0.0345,0.1667,0.0417,0.0099,0.0606,0.039,0.0,0.0,0.0739,0.0891,0.9861,0.8121,0.0312,0.0,0.2069,0.1667,0.0417,0.0288,0.0599,0.08800000000000001,0.0,0.0,reg oper account,block of flats,0.0398,"Stone, brick",No,5.0,1.0,5.0,0.0,-1983.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2346723,298421,Cash loans,22715.955,450000.0,628771.5,,450000.0,THURSDAY,12,Y,1,,,,XNA,Refused,-251,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,81000.0,463284.0,22662.0,382500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-11984,-1093,-5573.0,-4614,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,9,0,0,0,1,1,0,Industry: type 3,0.053683969862780935,0.5672448293624817,0.656158373001177,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-1087.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,5.0 +2150612,160427,Cash loans,52346.79,900000.0,1004544.0,,900000.0,THURSDAY,10,Y,1,,,,XNA,Refused,-315,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),5,XNA,48.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,Y,1,144000.0,225000.0,11074.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014464,-11684,-2800,-5641.0,-1238,,1,1,1,1,1,0,Laborers,3.0,2,2,THURSDAY,5,0,0,0,0,0,0,Business Entity Type 2,0.20045802416514288,0.01980187164520775,0.08281470424406495,0.1216,0.1309,0.9786,0.7076,0.0229,0.0,0.2759,0.1667,0.0417,0.0242,0.0916,0.0998,0.0347,0.0843,0.1239,0.1358,0.9786,0.7190000000000001,0.0231,0.0,0.2759,0.1667,0.0417,0.0247,0.1001,0.104,0.035,0.0892,0.1228,0.1309,0.9786,0.7115,0.023,0.0,0.2759,0.1667,0.0417,0.0246,0.0932,0.1016,0.0349,0.0861,reg oper spec account,block of flats,0.093,"Stone, brick",No,0.0,0.0,0.0,0.0,-1214.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1449291,206835,Cash loans,19402.695,85500.0,99045.0,,85500.0,TUESDAY,13,Y,1,,,,XNA,Approved,-1392,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,6.0,high,Cash X-Sell: high,365243.0,-1362.0,-1212.0,-1212.0,-1198.0,1.0,0,Cash loans,M,Y,N,0,247500.0,450000.0,29299.5,450000.0,"Spouse, partner",Commercial associate,Higher education,Married,House / apartment,0.035792000000000004,-11719,-3335,-5648.0,-3869,12.0,1,1,0,1,1,1,Managers,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.7324559624567475,0.4382813743111921,0.033,0.0351,0.9742,0.6464,0.0052,0.0,0.069,0.125,0.1667,0.0273,0.0269,0.0308,0.0,0.0029,0.0336,0.0364,0.9742,0.6602,0.0052,0.0,0.069,0.125,0.1667,0.0279,0.0294,0.0321,0.0,0.003,0.0333,0.0351,0.9742,0.6511,0.0052,0.0,0.069,0.125,0.1667,0.0278,0.0274,0.0314,0.0,0.0029,reg oper account,block of flats,0.0249,"Stone, brick",No,0.0,0.0,0.0,0.0,-1554.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,5.0,0.0,10.0 +1077790,101105,Consumer loans,5286.24,105480.0,117342.0,0.0,105480.0,SUNDAY,11,Y,1,0.0,,,XAP,Approved,-383,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Regional / Local,1000,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-352.0,338.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,112500.0,157500.0,9171.0,157500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.018209,-10453,-805,-6451.0,-3118,,1,1,0,1,0,0,Sales staff,2.0,3,3,FRIDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.22589106264769546,0.4755406638212493,0.4956658291397297,0.0082,0.0164,0.9722,,,0.0,0.0345,0.0417,,0.0,,0.0081,,0.0,0.0084,0.017,0.9722,,,0.0,0.0345,0.0417,,0.0,,0.0085,,0.0,0.0083,0.0164,0.9722,,,0.0,0.0345,0.0417,,0.0,,0.0083,,0.0,,block of flats,0.0065,"Stone, brick",No,0.0,0.0,0.0,0.0,-617.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1530021,132226,Cash loans,18852.435,90000.0,92970.0,,90000.0,MONDAY,15,Y,1,,,,Payments on other loans,Approved,-744,XNA,XAP,,Repeater,XNA,Cash,walk-in,Contact center,-1,XNA,6.0,high,Cash Street: high,365243.0,-714.0,-564.0,-564.0,-556.0,1.0,1,Cash loans,F,N,N,1,157500.0,199008.0,23746.5,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.011656999999999999,-10345,-1548,-2039.0,-2100,,1,1,1,1,1,0,,3.0,1,1,TUESDAY,17,0,1,1,0,1,1,Business Entity Type 3,,0.6656106878295375,0.4650692149562261,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-1156.0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2657148,338057,Consumer loans,7717.86,76428.0,76045.5,7645.5,76428.0,WEDNESDAY,18,Y,1,0.09949271182629607,,,XAP,Approved,-854,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,45,Connectivity,12.0,middle,POS mobile with interest,365243.0,-823.0,-493.0,-733.0,-724.0,0.0,0,Cash loans,M,N,Y,1,495000.0,1528200.0,53248.5,1350000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.004849,-12753,-4497,-6739.0,-4219,,1,1,0,1,0,1,Managers,3.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Trade: type 7,0.5839899848592585,0.7964689761452131,0.7826078370261895,0.1467,0.1175,0.9861,0.8096,0.0281,0.1464,0.1493,0.2775,0.25,0.0843,0.1196,0.0927,0.0039,0.0409,0.042,0.0557,0.9861,0.8171,0.0076,0.0,0.069,0.3333,0.375,0.038,0.0367,0.0263,0.0,0.0,0.1499,0.1094,0.9861,0.8121,0.0272,0.16,0.1379,0.3333,0.375,0.0983,0.1231,0.0947,0.0,0.0417,org spec account,block of flats,0.2102,Panel,No,1.0,0.0,1.0,0.0,-3007.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +2229606,396487,Revolving loans,2250.0,45000.0,45000.0,,45000.0,THURSDAY,13,Y,1,,,,XAP,Approved,-397,XNA,XAP,Family,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,2,135000.0,338832.0,20475.0,292500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.011703,-14346,-1633,-5299.0,-4359,5.0,1,1,1,1,1,0,Drivers,4.0,2,2,TUESDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.4435675505588395,0.545421026103824,0.6109913280868294,0.0165,0.0287,0.9727,,,0.0,0.069,0.0417,,,,,,,0.0168,0.0298,0.9727,,,0.0,0.069,0.0417,,,,,,,0.0167,0.0287,0.9727,,,0.0,0.069,0.0417,,,,,,,,block of flats,0.0162,"Stone, brick",No,3.0,0.0,3.0,0.0,-918.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2245108,447384,Cash loans,14872.5,450000.0,450000.0,,450000.0,FRIDAY,15,Y,1,,,,XNA,Refused,-964,XNA,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,Y,Y,0,180000.0,1332000.0,38947.5,1332000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.01885,-19362,-520,-7399.0,-2603,10.0,1,1,1,1,0,0,Core staff,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Government,0.8096976882778029,0.7419575696637529,0.5513812618027899,0.0722,0.0652,0.9801,0.728,0.0,0.0,0.1379,0.1667,0.2083,0.092,0.0588,0.067,0.0,0.0,0.0735,0.0676,0.9801,0.7387,0.0,0.0,0.1379,0.1667,0.2083,0.0941,0.0643,0.0698,0.0,0.0,0.0729,0.0652,0.9801,0.7316,0.0,0.0,0.1379,0.1667,0.2083,0.0936,0.0599,0.0682,0.0,0.0,reg oper spec account,block of flats,0.0527,"Stone, brick",No,0.0,0.0,0.0,0.0,-1624.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1993308,200386,Cash loans,21367.8,810000.0,810000.0,,810000.0,MONDAY,9,Y,1,,,,XNA,Approved,-261,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_action,Cash X-Sell: low,365243.0,-231.0,1539.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,Y,0,139500.0,157500.0,7875.0,157500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.018634,-18645,-10947,-10932.0,-2174,,1,1,0,1,1,0,High skill tech staff,1.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Electricity,0.5672895083772894,0.7772131796443117,0.6075573001388961,0.2227,,0.9806,,,0.24,0.2069,0.3333,,0.0851,,0.2256,,0.0,0.2269,,0.9806,,,0.2417,0.2069,0.3333,,0.087,,0.2351,,0.0,0.2248,,0.9806,,,0.24,0.2069,0.3333,,0.0866,,0.2297,,0.0,,block of flats,0.1774,Panel,No,4.0,2.0,4.0,2.0,-1892.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2013117,248159,Cash loans,30074.85,450000.0,491580.0,,450000.0,THURSDAY,11,Y,1,,,,Repairs,Refused,-580,Cash through the bank,VERIF,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,157500.0,592560.0,35937.0,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.006305,-11479,-1224,-2420.0,-2288,,1,1,0,1,0,0,Sales staff,2.0,3,3,WEDNESDAY,10,0,0,0,0,0,0,Self-employed,,0.3485977851265517,0.4083588531230431,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1108.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1447309,177662,Cash loans,,0.0,0.0,,,WEDNESDAY,9,Y,1,,,,XNA,Refused,-257,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,1,Cash loans,M,Y,Y,0,157500.0,1288350.0,41692.5,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019101,-17186,-3880,-5682.0,-733,10.0,1,1,1,1,1,0,,2.0,2,2,MONDAY,11,0,0,0,0,1,1,Self-employed,,0.20903267831701944,0.2764406945454034,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1046.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,9.0 +1794329,414763,Consumer loans,7010.01,67680.0,64489.5,9000.0,67680.0,SUNDAY,15,Y,1,0.13337712437583854,,,XAP,Approved,-2627,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Stone,17,Connectivity,12.0,high,POS mobile with interest,365243.0,-2596.0,-2266.0,-2386.0,-2382.0,1.0,0,Cash loans,M,N,Y,0,189000.0,518562.0,26604.0,463500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.02461,-15511,-1218,-4156.0,-4907,,1,1,1,1,1,0,Laborers,2.0,2,2,TUESDAY,16,0,0,0,0,0,0,Other,0.5647990084252968,0.6476472912552713,0.8454379217710598,0.0041,0.0,0.9722,0.6192,,0.0,0.0345,0.0,,0.011,,0.0027,,0.0,0.0042,0.0,0.9722,0.6341,,0.0,0.0345,0.0,,0.0113,,0.0029,,0.0,0.0042,0.0,0.9722,0.6243,,0.0,0.0345,0.0,,0.0112,,0.0028,,0.0,,terraced house,0.0022,"Stone, brick",No,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1585111,330323,Consumer loans,4762.08,27855.0,23355.0,4500.0,27855.0,TUESDAY,11,Y,1,0.1759436040534586,,,XAP,Approved,-1065,XNA,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,44,Connectivity,6.0,high,POS mobile with interest,365243.0,-702.0,-552.0,-702.0,-695.0,0.0,0,Cash loans,M,Y,Y,0,202500.0,1227901.5,48825.0,1129500.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.005084,-12850,-1905,-196.0,-4341,4.0,1,1,0,1,0,0,High skill tech staff,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Self-employed,0.5799643220856299,0.6791548760241851,0.7267112092725122,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-212.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1569549,110674,Consumer loans,25995.915,283860.0,283860.0,0.0,283860.0,SUNDAY,17,Y,1,0.0,,,XAP,Approved,-334,Cash through the bank,XAP,,New,Furniture,POS,XNA,Country-wide,122,Furniture,12.0,low_action,POS industry without interest,365243.0,-302.0,28.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,180000.0,900000.0,32017.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.009656999999999999,-17956,-3668,-1970.0,-1495,,1,1,0,1,0,0,Sales staff,1.0,2,2,FRIDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.6259548258636133,0.4507472818545589,0.1485,0.1,0.9816,,,0.16,0.1379,0.3333,,0.0915,,0.1644,,0.0,0.1513,0.1038,0.9816,,,0.1611,0.1379,0.3333,,0.0936,,0.1713,,0.0,0.1499,0.1,0.9816,,,0.16,0.1379,0.3333,,0.0931,,0.1674,,0.0,,block of flats,0.1558,Panel,No,2.0,0.0,2.0,0.0,-334.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,0.0 +1606947,180646,Cash loans,66406.365,2250000.0,2517300.0,,2250000.0,WEDNESDAY,14,Y,1,,,,XNA,Approved,-896,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_action,Cash Street: low,,,,,,,0,Cash loans,M,Y,Y,0,193500.0,652500.0,25411.5,652500.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.018209,-15422,-1167,-7863.0,-3781,12.0,1,1,0,1,1,0,Laborers,1.0,3,3,SATURDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.5872204920152845,0.387811229745284,,0.2557,0.1884,0.9826,,,0.28,0.2414,0.3333,,0.1862,,0.2554,,0.0155,0.2605,0.1956,0.9826,,,0.282,0.2414,0.3333,,0.1904,,0.2661,,0.0164,0.2581,0.1884,0.9826,,,0.28,0.2414,0.3333,,0.1894,,0.26,,0.0158,,block of flats,0.2376,Panel,No,0.0,0.0,0.0,0.0,-914.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1245536,126859,Cash loans,57135.15,270000.0,301887.0,,270000.0,WEDNESDAY,8,Y,1,,,,XNA,Approved,-794,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-764.0,-614.0,-764.0,-755.0,1.0,0,Cash loans,M,Y,Y,0,450000.0,497520.0,52920.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-16880,-1848,-3699.0,-277,1.0,1,1,0,1,0,0,Laborers,2.0,3,3,SATURDAY,7,0,0,0,0,1,1,Other,,0.5661064577047057,0.7597121819739279,0.0923,0.104,0.9876,0.83,0.0,0.0,0.2069,0.1667,0.2083,0.1152,0.0752,0.0576,0.0,0.1294,0.0735,0.0645,0.9801,0.7387,0.0,0.0,0.1379,0.1667,0.2083,0.0783,0.0643,0.0482,0.0,0.0847,0.0932,0.104,0.9876,0.8323,0.0,0.0,0.2069,0.1667,0.2083,0.1172,0.0765,0.0586,0.0,0.1321,reg oper spec account,block of flats,0.0538,Panel,No,0.0,0.0,0.0,0.0,-805.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1247021,139954,Cash loans,11367.0,135000.0,135000.0,0.0,135000.0,TUESDAY,9,Y,1,0.0,,,XNA,Refused,-2297,Cash through the bank,LIMIT,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,,,,,,,1,Cash loans,F,Y,Y,0,112500.0,675000.0,26271.0,675000.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.028663,-17943,-4084,-9952.0,-1472,6.0,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Other,0.5863588877853531,0.6711650824441279,0.1766525794312139,,0.1456,0.9866,,,0.2,0.1724,0.3333,,,,0.1155,,,,0.1511,0.9866,,,0.2014,0.1724,0.3333,,,,0.1204,,,,0.1456,0.9866,,,0.2,0.1724,0.3333,,,,0.1176,,,,,0.1597,Panel,No,6.0,0.0,6.0,0.0,-3261.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1557000,257451,Consumer loans,2786.805,30514.5,27459.0,3055.5,30514.5,FRIDAY,13,Y,1,0.10905363917898936,,,XAP,Approved,-595,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,16,Connectivity,12.0,middle,POS mobile with interest,365243.0,-564.0,-234.0,-474.0,-446.0,0.0,0,Cash loans,F,N,Y,3,72000.0,654498.0,26086.5,585000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.004849,-14081,-1389,-2249.0,-5393,,1,1,0,1,0,0,Managers,5.0,2,2,FRIDAY,11,0,0,0,0,0,0,Self-employed,,0.4511908319455859,0.6178261467332483,0.0639,0.0,0.9866,0.8164,0.0123,0.0,0.1379,0.1667,0.2083,0.061,0.0521,0.0602,0.0077,0.015,0.0651,0.0,0.9866,0.8236,0.0124,0.0,0.1379,0.1667,0.2083,0.0624,0.0569,0.0627,0.0078,0.0158,0.0645,0.0,0.9866,0.8189,0.0123,0.0,0.1379,0.1667,0.2083,0.0621,0.053,0.0612,0.0078,0.0153,reg oper account,block of flats,0.0573,"Stone, brick",No,0.0,0.0,0.0,0.0,-595.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2379097,265020,Consumer loans,22869.495,190885.5,184270.5,19089.0,190885.5,WEDNESDAY,18,Y,1,0.10223105566072084,,,XAP,Approved,-1344,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Regional / Local,1000,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1313.0,-1043.0,-1043.0,-1039.0,0.0,0,Revolving loans,M,N,Y,0,225000.0,450000.0,22500.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.032561,-10182,-1710,-10148.0,-2071,,1,1,0,1,0,0,Laborers,1.0,1,1,WEDNESDAY,19,0,0,0,0,0,0,Business Entity Type 3,,0.7113292215408479,,0.0031,,0.9687,0.5716,0.0027,,0.0345,0.0833,,,,0.0173,,0.0,0.0032,,0.9687,0.5884,0.0027,,0.0345,0.0833,,,,0.018000000000000002,,0.0,0.0031,,0.9687,0.5773,0.0027,,0.0345,0.0833,,,,0.0176,,0.0,,,0.0151,,No,0.0,0.0,0.0,0.0,-1742.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1927261,192562,Cash loans,20622.78,585000.0,700830.0,,585000.0,MONDAY,11,Y,1,,,,XNA,Refused,-22,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,247500.0,824823.0,24246.0,688500.0,Family,Commercial associate,Higher education,Married,House / apartment,0.02461,-23544,-780,-6937.0,-150,,1,1,0,1,1,0,,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Other,0.7634724401601704,0.6166889853575871,0.6879328378491735,0.0825,,0.9742,,0.0,0.0,0.1379,0.1667,,0.0582,,0.0697,,0.0,0.084,,0.9742,,0.0,0.0,0.1379,0.1667,,0.0595,,0.0726,,0.0,0.0833,,0.9742,,0.0,0.0,0.1379,0.1667,,0.0592,,0.071,,0.0,,block of flats,0.0587,Panel,No,2.0,0.0,2.0,0.0,-390.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1958044,207305,Cash loans,17420.04,234000.0,258709.5,,234000.0,SATURDAY,10,Y,1,,,,XNA,Refused,-44,Cash through the bank,HC,Children,Repeater,XNA,Cash,x-sell,Country-wide,15,Connectivity,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,2,189000.0,495216.0,26995.5,427500.0,"Spouse, partner",State servant,Secondary / secondary special,Married,House / apartment,0.04622,-14539,-3320,-1161.0,-6109,,1,1,0,1,0,0,Cooking staff,4.0,1,1,MONDAY,10,0,1,1,0,0,0,School,,0.6550859506115727,0.326475210066026,0.1845,0.1233,0.9975,,,0.24,0.1034,0.5,,0.0274,,0.1152,,0.0,0.188,0.1279,0.9975,,,0.2417,0.1034,0.5,,0.0281,,0.12,,0.0,0.1863,0.1233,0.9975,,,0.24,0.1034,0.5,,0.0279,,0.1173,,0.0,,block of flats,0.2603,Monolithic,No,1.0,0.0,1.0,0.0,-734.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,2.0 +2009215,165689,Cash loans,32711.265,337500.0,481608.0,,337500.0,THURSDAY,10,Y,1,,,,Payments on other loans,Refused,-677,Cash through the bank,LIMIT,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,N,0,211500.0,450000.0,27324.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Rented apartment,0.010006000000000001,-16952,-210,-1351.0,-487,,1,1,0,1,1,0,Sales staff,1.0,2,2,TUESDAY,11,0,0,0,1,1,0,Business Entity Type 3,0.3330228887576059,0.7132696192151934,0.3001077565791181,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1337.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1856005,199942,Consumer loans,10794.42,107959.5,97159.5,10800.0,107959.5,THURSDAY,10,Y,1,0.10894994713926807,,,XAP,Approved,-2669,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Stone,124,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2638.0,-2368.0,-2368.0,-2358.0,0.0,0,Cash loans,F,Y,N,0,90000.0,113760.0,6660.0,90000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-19381,-2703,-5485.0,-168,0.0,1,1,0,1,1,0,High skill tech staff,2.0,2,2,THURSDAY,9,0,0,0,0,1,1,Business Entity Type 3,0.7124018102690705,0.6692220266664742,0.475849908720221,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1418.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2540056,347192,Revolving loans,12375.0,247500.0,247500.0,,247500.0,WEDNESDAY,14,Y,1,,,,XAP,Approved,-274,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-274.0,-233.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,2,180000.0,239850.0,28593.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.02461,-12505,-1199,-2239.0,-2197,,1,1,0,1,0,0,Core staff,4.0,2,2,THURSDAY,11,0,0,0,0,0,0,Kindergarten,0.638081799860102,0.5404611804635304,0.15474363127259447,0.334,0.1871,0.9801,,,0.24,0.2069,0.3333,,0.1582,,0.317,,0.0,0.3403,0.1942,0.9801,,,0.2417,0.2069,0.3333,,0.1618,,0.3302,,0.0,0.3373,0.1871,0.9801,,,0.24,0.2069,0.3333,,0.161,,0.3227,,0.0,,block of flats,0.2835,Panel,No,2.0,1.0,2.0,1.0,-274.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2375072,285806,Cash loans,12942.135,157500.0,173092.5,,157500.0,SATURDAY,12,Y,1,,,,XNA,Approved,-717,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-685.0,-175.0,-175.0,-170.0,0.0,0,Cash loans,F,N,Y,0,35100.0,143910.0,14364.0,135000.0,Unaccompanied,Pensioner,Incomplete higher,Married,House / apartment,0.0038130000000000004,-21330,365243,-3521.0,-4892,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,XNA,0.6681904774531133,0.3624048747644874,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2272062,189840,Consumer loans,11017.89,66780.0,60102.0,6678.0,66780.0,SUNDAY,10,Y,1,0.1089090909090909,,,XAP,Approved,-576,Cash through the bank,XAP,,New,Furniture,POS,XNA,Stone,1147,Furniture,6.0,middle,POS industry with interest,365243.0,-545.0,-395.0,-425.0,-415.0,0.0,0,Cash loans,F,N,Y,0,81000.0,182016.0,6858.0,144000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.00823,-23987,-1371,-10283.0,-4239,,1,1,0,1,0,0,Medicine staff,1.0,2,2,TUESDAY,11,0,0,0,0,1,1,Medicine,,0.5036045052869237,0.6296742509538716,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-576.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1748653,305226,Cash loans,35059.23,315000.0,332464.5,,315000.0,MONDAY,13,Y,1,,,,XNA,Approved,-1423,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1393.0,-1063.0,-1063.0,-1059.0,1.0,0,Cash loans,M,Y,Y,0,157500.0,288994.5,28714.5,274500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-17417,-7340,-5798.0,-961,17.0,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.3410594458907508,0.6402824066278066,,0.0412,0.07200000000000001,0.9727,0.626,0.0306,0.0,0.1379,0.125,0.1667,0.0133,0.0336,0.0461,0.0,0.0,0.042,0.0747,0.9727,0.6406,0.0309,0.0,0.1379,0.125,0.1667,0.0136,0.0367,0.048,0.0,0.0,0.0416,0.07200000000000001,0.9727,0.631,0.0308,0.0,0.1379,0.125,0.1667,0.0135,0.0342,0.0469,0.0,0.0,reg oper account,block of flats,0.0369,"Stone, brick",No,2.0,0.0,2.0,0.0,-2965.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2741074,162141,Consumer loans,7888.905,85500.0,76950.0,8550.0,85500.0,MONDAY,15,Y,1,0.1089090909090909,,,XAP,Approved,-224,Cash through the bank,XAP,Unaccompanied,Refreshed,Furniture,POS,XNA,Stone,123,Furniture,12.0,middle,POS industry with interest,365243.0,-193.0,137.0,-43.0,-36.0,0.0,0,Cash loans,F,N,Y,0,67500.0,152820.0,16344.0,135000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.008473999999999999,-9916,-2894,-9915.0,-292,,1,1,1,1,1,0,Sales staff,1.0,2,2,MONDAY,15,0,0,0,0,1,1,Business Entity Type 3,0.31814725788832365,0.1869630201008806,0.7713615919194317,0.0247,0.0,0.9876,,,0.0,0.1034,0.0417,,0.0,,0.0259,,0.0,0.0252,0.0,0.9876,,,0.0,0.1034,0.0417,,0.0,,0.027000000000000003,,0.0,0.025,0.0,0.9876,,,0.0,0.1034,0.0417,,0.0,,0.0264,,0.0,,block of flats,0.0229,"Stone, brick",No,0.0,0.0,0.0,0.0,-224.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2518580,179655,Cash loans,26122.59,409500.0,452745.0,,409500.0,TUESDAY,12,Y,1,,,,XNA,Approved,-260,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-230.0,460.0,365243.0,365243.0,1.0,1,Cash loans,F,N,N,0,139500.0,675000.0,32472.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-19137,-764,-2379.0,-2672,,1,1,0,1,1,0,,2.0,3,3,WEDNESDAY,15,0,0,0,0,0,0,Business Entity Type 2,,0.6587477645777886,0.2650494299443805,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-837.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,0.0,2.0,4.0 +2698094,380379,Consumer loans,4846.86,42673.455,42673.455,0.0,42673.455,SATURDAY,18,Y,1,0.0,,,XAP,Approved,-300,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,10,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-261.0,9.0,-21.0,-19.0,0.0,0,Cash loans,F,N,Y,2,157500.0,848745.0,37516.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.030755,-15327,-3668,-7393.0,-4844,,1,1,0,1,0,0,,3.0,2,2,FRIDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.8207558519876076,0.2712051908722941,0.4311917977993083,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +2103618,147384,Revolving loans,9000.0,0.0,180000.0,,,MONDAY,9,Y,1,,,,XAP,Approved,-832,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,225000.0,945000.0,50476.5,945000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-20067,365243,-10309.0,-2455,,1,0,0,1,0,0,,2.0,2,2,SUNDAY,12,0,0,0,0,0,0,XNA,,0.3691160949218778,0.5832379256761245,0.1485,,0.9826,,,0.16,0.1379,0.3333,,,,0.1511,,0.1192,0.1513,,0.9826,,,0.1611,0.1379,0.3333,,,,0.1574,,0.1262,0.1499,,0.9826,,,0.16,0.1379,0.3333,,,,0.1538,,0.1217,,block of flats,0.1448,Panel,No,3.0,2.0,3.0,2.0,-1184.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1871159,126236,Consumer loans,17721.765,130455.0,89685.0,45000.0,130455.0,WEDNESDAY,11,Y,1,0.3638793548583055,,,XAP,Approved,-2561,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,33,Consumer electronics,6.0,high,POS household with interest,365243.0,-2530.0,-2380.0,-2380.0,-2375.0,1.0,0,Cash loans,F,Y,N,0,202500.0,1125000.0,47664.0,1125000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.072508,-19589,-4215,-9177.0,-2881,3.0,1,1,1,1,1,0,Drivers,2.0,1,1,MONDAY,11,0,0,0,0,0,0,School,,0.6201463362144465,0.6738300778602003,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2561.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1317149,317468,Cash loans,23703.93,315000.0,340573.5,,315000.0,FRIDAY,12,Y,1,,,,XNA,Approved,-872,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Country-wide,58,Connectivity,18.0,low_normal,Cash X-Sell: low,365243.0,-842.0,-332.0,-602.0,-597.0,1.0,0,Cash loans,M,N,N,1,103500.0,780363.0,33192.0,697500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.031329,-17497,-1056,-2141.0,-1043,,1,1,0,1,0,0,,3.0,2,2,TUESDAY,16,0,0,0,0,1,1,Industry: type 11,,0.1923160541736026,0.7407990879702335,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1189546,246523,Consumer loans,4726.35,36850.5,40500.0,0.0,36850.5,MONDAY,10,Y,1,0.0,,,XAP,Approved,-2259,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Country-wide,27,Connectivity,12.0,high,POS mobile with interest,365243.0,-2228.0,-1898.0,-1898.0,-1889.0,1.0,0,Cash loans,F,N,Y,0,157500.0,942300.0,30528.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.031329,-13409,-3003,-3161.0,-1542,,1,1,0,1,0,0,Sales staff,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.6415003471648455,0.6722428897082422,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1927.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1665128,154360,Cash loans,45336.78,765000.0,870021.0,,765000.0,TUESDAY,18,Y,1,,,,XNA,Approved,-637,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,high,Cash X-Sell: high,365243.0,-607.0,803.0,-517.0,-513.0,1.0,0,Cash loans,F,N,Y,1,180000.0,1575000.0,43443.0,1575000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.032561,-10185,-1935,-1601.0,-2855,,1,1,0,1,0,0,Core staff,3.0,1,1,TUESDAY,17,0,0,0,0,0,0,Kindergarten,0.6071437623474415,0.5475834461238586,0.33125086459090186,0.218,0.1937,0.9821,0.7552,0.0327,0.24,0.2069,0.3333,0.375,0.0922,0.1774,0.2319,0.0019,0.0007,0.188,0.1539,0.9806,0.7452,0.0294,0.2014,0.1724,0.3333,0.375,0.0684,0.1644,0.1939,0.0,0.0,0.2202,0.1937,0.9821,0.7585,0.0329,0.24,0.2069,0.3333,0.375,0.0938,0.1804,0.2361,0.0019,0.0007,reg oper account,block of flats,0.1624,Panel,No,0.0,0.0,0.0,0.0,-1311.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2346439,166760,Cash loans,19667.475,180000.0,201883.5,,180000.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-267,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-237.0,93.0,-147.0,-137.0,1.0,0,Cash loans,M,N,Y,1,270000.0,1129500.0,63067.5,1129500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.030755,-12873,-1871,-6467.0,-4559,,1,1,0,1,0,0,Drivers,3.0,2,2,THURSDAY,16,0,0,0,0,0,0,Transport: type 4,,0.2543947781833007,0.5954562029091491,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-330.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,5.0 +1519388,229473,Consumer loans,3009.78,17208.0,16303.5,1723.5,17208.0,WEDNESDAY,9,Y,1,0.10412426814323963,,,XAP,Approved,-1213,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,1000,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1182.0,-1032.0,-1032.0,-1027.0,0.0,0,Revolving loans,F,N,Y,1,112500.0,247500.0,12375.0,247500.0,Family,Working,Higher education,Married,House / apartment,0.026392000000000002,-14619,-6207,-3059.0,-2027,,1,1,1,1,1,0,Core staff,3.0,2,2,FRIDAY,18,0,0,0,0,0,0,Government,0.6523939895440556,0.7515957889707879,0.7476633896301825,0.0598,0.0666,0.9762,,,0.0,0.1034,0.1667,,0.0568,,0.0493,,0.0052,0.0609,0.0691,0.9762,,,0.0,0.1034,0.1667,,0.0581,,0.0514,,0.0055,0.0604,0.0666,0.9762,,,0.0,0.1034,0.1667,,0.0578,,0.0502,,0.0053,,block of flats,0.0399,"Stone, brick",No,0.0,0.0,0.0,0.0,-1213.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2666196,151557,Consumer loans,11219.895,103194.0,114093.0,0.0,103194.0,MONDAY,11,Y,1,0.0,,,XAP,Approved,-828,XNA,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,782,Consumer electronics,12.0,middle,POS household with interest,365243.0,-797.0,-467.0,-557.0,-537.0,0.0,0,Cash loans,F,N,Y,1,157500.0,553626.0,39501.0,490500.0,Children,Working,Secondary / secondary special,Single / not married,Municipal apartment,0.010032,-16686,-3492,-10614.0,-212,,1,1,0,1,1,0,Core staff,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Kindergarten,,0.7835540654066848,0.15855489979486306,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1717.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2101013,392576,Cash loans,24172.65,229500.0,241920.0,,229500.0,WEDNESDAY,8,Y,1,,,,XNA,Approved,-479,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-449.0,-119.0,-119.0,-111.0,1.0,0,Cash loans,M,N,Y,0,63000.0,276277.5,12298.5,238500.0,Family,Pensioner,Lower secondary,Civil marriage,House / apartment,0.031329,-20579,365243,-10237.0,-3930,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,8,0,0,0,0,0,0,XNA,,0.15967923350263774,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-479.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2386272,342672,Consumer loans,5674.59,42700.5,41602.5,4270.5,42700.5,FRIDAY,12,Y,1,0.10138780387750368,,,XAP,Refused,-2163,Cash through the bank,LIMIT,,Repeater,Mobile,POS,XNA,Country-wide,36,Connectivity,10.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,Y,Y,1,157500.0,450000.0,28890.0,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.035792000000000004,-9710,-1688,-1350.0,-2361,6.0,1,1,0,1,0,0,,3.0,2,2,FRIDAY,13,0,0,0,0,0,0,Self-employed,0.3259905830383604,0.6264973845393977,0.4668640059537032,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1969479,377532,Consumer loans,16024.005,161950.5,134950.5,27000.0,161950.5,FRIDAY,11,Y,1,0.18157063143031074,,,XAP,Approved,-112,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,25,Connectivity,12.0,high,POS mobile with interest,365243.0,-78.0,252.0,365243.0,365243.0,0.0,0,Revolving loans,M,Y,Y,0,180000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.072508,-8450,-852,-8428.0,-319,64.0,1,1,0,1,1,0,Laborers,1.0,1,1,FRIDAY,14,0,0,0,0,0,0,Trade: type 7,,0.7584792383459371,0.3506958432829587,0.0619,0.0589,0.9742,0.6464,0.0,0.0,0.1034,0.1667,0.0417,0.0413,0.0504,0.0532,0.0,0.0,0.063,0.0611,0.9742,0.6602,0.0,0.0,0.1034,0.1667,0.0417,0.0422,0.0551,0.0555,0.0,0.0,0.0625,0.0589,0.9742,0.6511,0.0,0.0,0.1034,0.1667,0.0417,0.042,0.0513,0.0542,0.0,0.0,not specified,block of flats,0.0419,Panel,No,0.0,0.0,0.0,0.0,-925.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1481345,315747,Consumer loans,5424.795,27720.0,27720.0,0.0,27720.0,MONDAY,9,Y,1,0.0,,,XAP,Approved,-2044,Cash through the bank,XAP,,Repeater,Gardening,POS,XNA,Regional / Local,110,Consumer electronics,6.0,high,POS household with interest,365243.0,-2011.0,-1861.0,-1861.0,-1842.0,0.0,0,Cash loans,M,N,Y,1,112500.0,765000.0,22495.5,765000.0,Unaccompanied,State servant,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-14475,-5523,-8333.0,-4948,,1,1,0,1,0,0,Core staff,3.0,2,2,MONDAY,15,0,0,0,0,1,1,Police,0.31575132980251464,0.691280424466064,0.646329897706246,0.0619,0.0563,0.9841,,,0.0,0.1379,0.1667,,,,0.0344,,0.0851,0.063,0.0584,0.9841,,,0.0,0.1379,0.1667,,,,0.0358,,0.0901,0.0625,0.0563,0.9841,,,0.0,0.1379,0.1667,,,,0.035,,0.0869,,block of flats,0.0455,"Stone, brick",No,0.0,0.0,0.0,0.0,-83.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,1.0 +1153914,215234,Consumer loans,4346.37,31320.0,33903.0,0.0,31320.0,FRIDAY,8,Y,1,0.0,,,XAP,Approved,-2084,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Regional / Local,100,Consumer electronics,10.0,high,POS household with interest,365243.0,-2050.0,-1780.0,-1780.0,-1774.0,0.0,0,Cash loans,M,Y,Y,0,76500.0,298512.0,21721.5,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-21265,-1714,-11707.0,-4744,9.0,1,1,1,1,0,0,Laborers,2.0,2,2,WEDNESDAY,10,0,0,0,0,1,1,Transport: type 4,,0.4424079398957448,,0.0175,0.0187,0.9796,0.7212,0.0069,0.0,0.0862,0.0417,0.0833,0.0142,0.0143,0.0123,0.0,0.0168,0.0168,0.0,0.9791,0.7256,0.0021,0.0,0.069,0.0417,0.0833,0.0129,0.0147,0.0104,0.0,0.0042,0.0177,0.0187,0.9796,0.7249,0.006999999999999999,0.0,0.0862,0.0417,0.0833,0.0144,0.0145,0.0125,0.0,0.0171,reg oper account,block of flats,0.0124,"Stone, brick",No,2.0,0.0,2.0,0.0,-832.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2030391,416531,Consumer loans,7478.865,44235.0,47155.5,0.0,44235.0,SATURDAY,10,Y,1,0.0,,,XAP,Approved,-2478,Non-cash from your account,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,37,Connectivity,8.0,high,POS mobile with interest,365243.0,-2447.0,-2237.0,-2237.0,-2225.0,1.0,0,Cash loans,M,N,N,1,157500.0,521280.0,28278.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,Rented apartment,0.018801,-10910,-259,-4047.0,-3525,,1,1,1,1,0,0,Laborers,3.0,2,2,SUNDAY,9,1,1,0,1,1,0,Business Entity Type 3,0.3022765393405888,0.1737653543610143,0.14644206667896328,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2240.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2448476,375207,Cash loans,75597.3,1354500.0,1418868.0,,1354500.0,MONDAY,11,Y,1,,,,XNA,Approved,-381,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-351.0,339.0,-81.0,-74.0,1.0,0,Cash loans,F,Y,N,1,130500.0,715500.0,30442.5,715500.0,Unaccompanied,Working,Higher education,Married,Rented apartment,0.014464,-11608,-2125,-5809.0,-988,7.0,1,1,0,1,0,1,Core staff,3.0,2,2,THURSDAY,7,0,0,0,1,1,0,Business Entity Type 3,,0.3453375572378936,,0.0773,0.08,0.9861,0.8096,0.0169,0.0,0.1724,0.1667,0.2083,0.0143,0.063,0.0703,0.0,0.0,0.0788,0.083,0.9861,0.8171,0.0171,0.0,0.1724,0.1667,0.2083,0.0146,0.0689,0.0733,0.0,0.0,0.0781,0.08,0.9861,0.8121,0.017,0.0,0.1724,0.1667,0.2083,0.0145,0.0641,0.0716,0.0,0.0,not specified,block of flats,0.0646,"Stone, brick",No,1.0,0.0,1.0,0.0,-949.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1433469,267893,Cash loans,40815.54,1215000.0,1391418.0,,1215000.0,SATURDAY,20,Y,1,,,,XNA,Refused,-18,Cash through the bank,XNA,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,Y,Y,1,243000.0,936000.0,27495.0,936000.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.032561,-13203,-859,-10703.0,-583,10.0,1,1,0,1,1,1,,3.0,1,1,WEDNESDAY,14,0,1,1,0,0,0,Hotel,0.3074579868102659,0.6802308164888756,0.05168176743672944,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-932.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1911571,109123,Cash loans,8570.25,225000.0,225000.0,,225000.0,THURSDAY,13,Y,1,,,,XNA,Approved,-264,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-234.0,816.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,51750.0,203760.0,11506.5,180000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.031329,-24155,365243,-5548.0,-4248,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,,0.6966305151295921,0.7151031019926098,0.0701,0.0837,0.9786,0.7076,0.0063,0.0,0.1379,0.1667,,,0.0555,0.0616,0.0077,0.0191,0.0714,0.0869,0.9786,0.7190000000000001,0.0064,0.0,0.1379,0.1667,,,0.0606,0.0642,0.0078,0.0202,0.0708,0.0837,0.9786,0.7115,0.0064,0.0,0.1379,0.1667,,,0.0564,0.0628,0.0078,0.0195,reg oper account,block of flats,0.0526,"Stone, brick",No,6.0,0.0,6.0,0.0,-624.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +2538916,243052,Revolving loans,2250.0,45000.0,45000.0,,45000.0,THURSDAY,19,Y,1,,,,XAP,Approved,-214,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,0,XNA,0.0,XNA,Card Street,-202.0,-172.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,1,315000.0,740088.0,31486.5,661500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.022625,-17819,-3582,-7066.0,-1342,,1,1,0,1,0,0,Drivers,3.0,2,2,MONDAY,10,0,0,0,0,0,0,Transport: type 4,,0.38833571747450985,0.4920600938649263,0.3381,0.2276,0.9901,0.8640000000000001,0.0894,0.56,0.2414,0.4583,0.5,0.2131,0.2757,0.4033,,0.0216,0.3445,0.2362,0.9901,0.8693,0.0902,0.5639,0.2414,0.4583,0.5,0.2179,0.3012,0.4202,,0.0229,0.3414,0.2276,0.9901,0.8658,0.0899,0.56,0.2414,0.4583,0.5,0.2168,0.2805,0.4106,,0.0221,reg oper account,block of flats,0.3244,Panel,No,2.0,1.0,2.0,1.0,-1916.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +2258041,254233,Consumer loans,9436.905,93204.0,103045.5,0.0,93204.0,WEDNESDAY,10,Y,1,0.0,,,XAP,Approved,-1202,Cash through the bank,XAP,"Spouse, partner",Repeater,Computers,POS,XNA,Country-wide,1700,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-1171.0,-841.0,-871.0,-861.0,0.0,1,Cash loans,M,Y,Y,0,202500.0,582804.0,28165.5,463500.0,Family,Pensioner,Secondary / secondary special,Married,Municipal apartment,0.020713,-21542,365243,-471.0,-5100,18.0,1,0,0,1,0,0,,2.0,3,3,MONDAY,7,0,0,0,0,0,0,XNA,0.7295610608108797,0.4356813779667406,,0.0928,0.1007,0.9846,0.7892,0.0123,0.0,0.2069,0.1667,0.2083,,0.0756,0.0867,0.0,0.0,0.0945,0.1045,0.9846,0.7975,0.0125,0.0,0.2069,0.1667,0.2083,,0.0826,0.0903,0.0,0.0,0.0937,0.1007,0.9846,0.792,0.0124,0.0,0.2069,0.1667,0.2083,,0.077,0.0883,0.0,0.0,reg oper account,block of flats,0.0897,Panel,No,6.0,0.0,6.0,0.0,-1698.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1024948,182993,Revolving loans,13500.0,270000.0,270000.0,,270000.0,SATURDAY,13,Y,1,,,,XAP,Approved,-193,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card X-Sell,-190.0,-145.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,112500.0,182448.0,19777.5,157500.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.022625,-14321,-1751,-8216.0,-4306,,1,1,0,1,0,1,High skill tech staff,1.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.5765869073138615,,0.0732,0.0556,0.9851,0.7959999999999999,0.0133,0.08,0.069,0.3333,0.375,0.0483,0.0588,0.0708,0.0039,0.0333,0.0746,0.0577,0.9851,0.804,0.0134,0.0806,0.069,0.3333,0.375,0.0494,0.0643,0.0737,0.0039,0.0353,0.0739,0.0556,0.9851,0.7987,0.0133,0.08,0.069,0.3333,0.375,0.0492,0.0599,0.0721,0.0039,0.034,reg oper account,block of flats,0.0629,Panel,No,0.0,0.0,0.0,0.0,-1174.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1007427,305855,Consumer loans,6251.31,34645.5,34645.5,0.0,34645.5,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-1019,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,3000,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-988.0,-838.0,-868.0,-864.0,0.0,0,Cash loans,F,N,Y,1,112500.0,835380.0,34155.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.008575,-10093,-1212,-4893.0,-864,,1,1,0,1,0,0,Core staff,2.0,2,2,WEDNESDAY,10,0,0,0,1,1,0,Trade: type 2,0.16937452871951253,0.4884250670631609,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-744.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2098762,433580,Consumer loans,9487.305,92205.0,91197.0,9225.0,92205.0,MONDAY,18,Y,1,0.10004644038521078,,,XAP,Approved,-1376,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Regional / Local,121,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1345.0,-1015.0,-1015.0,-1013.0,0.0,0,Cash loans,M,Y,N,0,135000.0,906615.0,35415.0,688500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00496,-16515,-461,-10320.0,-72,15.0,1,1,0,1,0,0,Drivers,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,Transport: type 3,,0.2876153145686015,0.7338145369642702,0.1168,,0.9762,,,0.0,0.2297,0.1667,,0.0309,,0.0576,,,0.1155,,0.9757,,,0.0,0.2069,0.1667,,0.0185,,0.0478,,,0.1145,,0.9762,,,0.0,0.2069,0.1667,,0.0255,,0.0586,,,,block of flats,0.0509,,No,0.0,0.0,0.0,0.0,-35.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,3.0 +2174985,341053,Consumer loans,14601.42,130455.0,128533.5,13500.0,130455.0,SATURDAY,15,Y,1,0.1035159118991454,,,XAP,Approved,-2591,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,1200,Consumer electronics,12.0,high,POS household with interest,365243.0,-2560.0,-2230.0,-2230.0,-2226.0,1.0,0,Cash loans,M,N,Y,2,153000.0,94230.0,5823.0,67500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.072508,-15259,-1843,-7894.0,-2774,,1,1,0,1,0,0,,4.0,1,1,SUNDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.7508356358835535,0.5726825047161584,0.1443,0.0629,0.9816,0.7484,0.0844,0.1,0.0459,0.625,0.6667,0.0,0.1165,0.1385,0.0051,0.0116,0.1166,0.0462,0.9816,0.7583,0.0687,0.0806,0.0345,0.625,0.6667,0.0,0.101,0.1098,0.0,0.0,0.1155,0.0445,0.9816,0.7518,0.0704,0.08,0.0345,0.625,0.6667,0.0,0.0949,0.1077,0.0039,0.0004,reg oper account,block of flats,0.1682,Block,No,0.0,0.0,0.0,0.0,-2591.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +1915882,359678,Cash loans,22970.295,229500.0,241920.0,,229500.0,WEDNESDAY,12,Y,1,,,,XNA,Approved,-190,XNA,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Contact center,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-160.0,170.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,157500.0,777024.0,45562.5,720000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.0038130000000000004,-12189,-2079,-2697.0,-3935,,1,1,1,1,0,0,Core staff,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Government,0.2580473354576488,0.03429857475733858,0.746300213050371,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-164.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1769483,362399,Cash loans,16059.285,67500.0,78552.0,,67500.0,SATURDAY,11,Y,1,,,,Repairs,Approved,-497,Cash through the bank,XAP,,New,XNA,Cash,walk-in,AP+ (Cash loan),10,XNA,6.0,high,Cash Street: high,365243.0,-467.0,-317.0,-317.0,-314.0,1.0,0,Cash loans,M,Y,Y,0,202500.0,754740.0,29376.0,630000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-14362,-751,-1860.0,-1860,12.0,1,1,0,1,0,0,Drivers,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.5108869570231265,0.5205021737093711,0.3123653692278984,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-497.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1291358,452334,Cash loans,11268.0,405000.0,405000.0,,405000.0,SATURDAY,13,Y,1,,,,Repairs,Refused,-5,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,1,Cash loans,F,Y,Y,0,90000.0,414000.0,20263.5,414000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-13120,-2636,-3467.0,-1029,12.0,1,1,1,1,0,0,Laborers,2.0,2,2,THURSDAY,12,0,0,0,0,1,1,Industry: type 9,0.4770230245733624,0.13856126265614127,0.19182160241360605,0.0814,0.0733,0.995,0.932,0.0132,0.0,0.069,0.1667,0.2083,0.0,0.0664,0.0716,0.0,0.0,0.083,0.076,0.995,0.9347,0.0133,0.0,0.069,0.1667,0.2083,0.0,0.0725,0.0746,0.0,0.0,0.0822,0.0733,0.995,0.9329,0.0133,0.0,0.069,0.1667,0.2083,0.0,0.0676,0.0729,0.0,0.0,reg oper account,block of flats,0.0635,Panel,No,0.0,0.0,0.0,0.0,-454.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2274510,280639,Consumer loans,4391.235,40208.4,39739.5,4050.9,40208.4,SUNDAY,12,Y,1,0.10074807180652293,,,XAP,Approved,-1514,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,70,Connectivity,12.0,high,POS mobile with interest,365243.0,-1479.0,-1149.0,-1149.0,-1143.0,0.0,0,Cash loans,F,N,Y,0,184500.0,1204623.0,62505.0,1138500.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.035792000000000004,-22830,365243,-1854.0,-1848,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,12,0,0,0,1,0,0,XNA,,0.07845641501589462,0.7623356180684377,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1266804,404581,Cash loans,8756.1,45000.0,45000.0,,45000.0,SATURDAY,11,Y,1,,,,XNA,Approved,-1014,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,high,Cash X-Sell: high,,,,,,,0,Revolving loans,F,Y,Y,0,135000.0,405000.0,20250.0,405000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-13423,-2209,-5931.0,-4179,15.0,1,1,0,1,0,0,,2.0,2,2,FRIDAY,8,0,0,0,0,0,0,Business Entity Type 2,,0.344191494398425,0.4561097392782771,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2760.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1717705,159772,Cash loans,45205.605,1350000.0,1546020.0,,1350000.0,WEDNESDAY,15,Y,1,,,,XNA,Approved,-243,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-213.0,1557.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,N,2,225000.0,176328.0,6777.0,139500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.035792000000000004,-15386,-7321,-212.0,-4805,5.0,1,1,0,1,0,0,High skill tech staff,4.0,2,2,MONDAY,10,0,0,0,0,0,0,Military,0.8295689706837807,0.6266611133851432,0.4722533429586386,0.0835,0.0485,0.999,0.9864,0.1826,0.08,0.0345,0.625,0.0417,0.0947,0.0672,0.0981,0.0039,0.1043,0.0851,0.0503,0.999,0.9869,0.1842,0.0806,0.0345,0.625,0.0417,0.0968,0.0735,0.1022,0.0039,0.1104,0.0843,0.0485,0.999,0.9866,0.1837,0.08,0.0345,0.625,0.0417,0.0963,0.0684,0.0998,0.0039,0.1065,reg oper account,block of flats,0.0998,Monolithic,No,0.0,0.0,0.0,0.0,-1164.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2318272,309863,Consumer loans,31291.2,202491.0,163728.0,45000.0,202491.0,WEDNESDAY,16,Y,1,0.2347988334535419,,,XAP,Approved,-89,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,76,Connectivity,6.0,middle,POS mobile with interest,365243.0,-59.0,91.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,N,0,315000.0,675000.0,69165.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-18975,-1858,-383.0,-2174,1.0,1,1,1,1,0,0,Managers,2.0,1,1,SATURDAY,19,0,0,0,0,0,0,Trade: type 7,,0.6757144256574401,,0.3433,0.1495,0.9985,0.9796,0.0188,0.48,0.1379,0.9583,0.6667,1.0,0.2799,0.3745,0.0,0.3394,0.3498,0.1552,0.9985,0.9804,0.019,0.4834,0.1379,0.9583,0.6667,1.0,0.3058,0.3902,0.0,0.3593,0.3466,0.1495,0.9985,0.9799,0.0189,0.48,0.1379,0.9583,0.6667,1.0,0.2847,0.3813,0.0,0.3465,org spec account,block of flats,0.3684,Monolithic,No,4.0,0.0,4.0,0.0,-307.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2420436,385333,Consumer loans,14533.56,145350.0,130815.0,14535.0,145350.0,SUNDAY,9,Y,1,0.1089090909090909,,,XAP,Refused,-2481,Cash through the bank,LIMIT,Family,Repeater,Furniture,POS,XNA,Stone,166,Furniture,10.0,low_normal,POS industry with interest,,,,,,,0,Cash loans,F,N,Y,0,67500.0,45000.0,4977.0,45000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.028663,-14650,-987,-7778.0,-4478,,1,1,0,1,0,0,Laborers,1.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.5706449254687117,0.4489622731076524,0.1196,0.1564,0.9826,0.762,0.0199,0.0,0.1724,0.1667,0.2083,0.0776,0.0916,0.1028,0.027000000000000003,0.0473,0.1218,0.1623,0.9826,0.7713,0.0201,0.0,0.1724,0.1667,0.2083,0.0794,0.1001,0.1071,0.0272,0.05,0.1207,0.1564,0.9826,0.7652,0.02,0.0,0.1724,0.1667,0.2083,0.079,0.0932,0.1047,0.0272,0.0483,reg oper account,block of flats,0.0911,"Stone, brick",No,0.0,0.0,0.0,0.0,-2481.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1360496,394074,Consumer loans,12461.445,92700.0,102487.5,0.0,92700.0,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-447,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Stone,40,Construction,12.0,high,POS industry with interest,365243.0,-404.0,-74.0,-74.0,-68.0,0.0,1,Cash loans,M,N,N,0,112500.0,675000.0,26284.5,675000.0,Unaccompanied,Working,Lower secondary,Married,House / apartment,0.018209,-14069,-825,-3630.0,-4894,,1,1,1,1,1,0,Low-skill Laborers,2.0,3,3,THURSDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.3612418760506052,0.1598759250200174,0.3441550073724169,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-447.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1123631,210071,Cash loans,,0.0,0.0,,,SATURDAY,5,Y,1,,,,XNA,Refused,-343,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,Y,Y,2,171000.0,474363.0,25861.5,409500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010032,-12229,-1666,-3918.0,-4421,24.0,1,1,0,1,0,0,Laborers,4.0,2,2,SATURDAY,6,0,0,0,0,0,0,Business Entity Type 3,,0.571635826695548,0.4329616670974407,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,2.0,3.0,0.0,-1246.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1358723,318348,Consumer loans,3686.445,24480.0,26145.0,450.0,24480.0,SATURDAY,16,Y,1,0.018427934163974768,,,XAP,Approved,-864,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,10.0,high,POS mobile with interest,365243.0,-829.0,-559.0,-649.0,-645.0,0.0,0,Cash loans,M,Y,Y,0,169650.0,1090926.0,41683.5,1003500.0,Unaccompanied,Commercial associate,Incomplete higher,Single / not married,With parents,0.02461,-7692,-248,-2387.0,-356,3.0,1,1,0,1,1,0,,1.0,2,2,TUESDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.13461834626188388,,0.1013,0.0627,0.996,0.9456,0.0378,0.1016,0.05,0.5792,0.0417,0.0886,0.0937,0.1411,0.0116,0.0769,0.0,0.0354,0.9955,0.9412,0.0164,0.0806,0.0345,0.6667,0.0417,0.0,0.1469,0.0455,0.0117,0.0,0.1004,0.0428,0.996,0.9463,0.0324,0.08,0.0345,0.6667,0.0417,0.0214,0.0821,0.1273,0.0116,0.0345,org spec account,block of flats,0.1949,"Stone, brick",No,0.0,0.0,0.0,0.0,-349.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2246955,348058,Cash loans,21971.475,463500.0,518562.0,,463500.0,TUESDAY,10,Y,1,,,,XNA,Approved,-479,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-449.0,601.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,225000.0,469822.5,36486.0,427500.0,Family,Working,Secondary / secondary special,Widow,House / apartment,0.008575,-19756,-3191,-830.0,-3229,,1,1,0,1,1,0,Sales staff,1.0,2,2,FRIDAY,15,0,0,0,0,0,0,Self-employed,,0.6642123711306529,0.7267112092725122,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2121.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2575769,129824,Consumer loans,9849.51,97200.0,87480.0,9720.0,97200.0,THURSDAY,13,Y,1,0.1089090909090909,,,XAP,Approved,-1426,Cash through the bank,XAP,Family,New,Clothing and Accessories,POS,XNA,Stone,266,Clothing,10.0,low_normal,POS industry with interest,365243.0,-1395.0,-1125.0,-1125.0,-1122.0,0.0,0,Cash loans,F,N,Y,0,135000.0,855000.0,25128.0,855000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.010966,-15752,-2246,-5996.0,-4662,,1,1,0,1,0,0,Private service staff,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Services,0.7553167647324001,0.7421166319521791,0.6894791426446275,0.2186,0.1232,0.9856,0.8028,0.0528,0.24,0.2069,0.3333,0.375,0.1154,0.1774,0.2113,0.0039,0.0051,0.2227,0.1279,0.9856,0.8105,0.0533,0.2417,0.2069,0.3333,0.375,0.1181,0.1938,0.2202,0.0039,0.0054,0.2207,0.1232,0.9856,0.8054,0.0531,0.24,0.2069,0.3333,0.375,0.1175,0.1804,0.2151,0.0039,0.0052,reg oper spec account,block of flats,0.1903,Panel,No,0.0,0.0,0.0,0.0,-1426.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1588839,331160,Consumer loans,3094.785,33786.0,33786.0,0.0,33786.0,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-1252,Cash through the bank,XAP,Unaccompanied,Repeater,Construction Materials,POS,XNA,Regional / Local,67,Construction,12.0,low_action,POS industry without interest,365243.0,-1221.0,-891.0,-1101.0,-1098.0,0.0,0,Cash loans,M,N,Y,1,112500.0,918000.0,26838.0,918000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.02461,-9899,-1892,-477.0,-2571,,1,1,1,1,1,0,Laborers,2.0,2,2,SATURDAY,11,0,0,0,0,1,1,Business Entity Type 3,,0.4954043537595343,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1629.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1237228,194261,Cash loans,34074.45,540000.0,582768.0,,540000.0,SUNDAY,11,Y,1,,,,XNA,Approved,-300,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,270000.0,703584.0,22693.5,504000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.032561,-21140,-1118,-14044.0,-4553,,1,1,0,1,0,0,Laborers,2.0,1,1,SATURDAY,14,0,0,0,0,0,0,Business Entity Type 1,,0.7584071250034379,,0.4619,,0.9806,,,0.48,0.4138,0.3333,,,,0.235,,0.0028,0.4706,,0.9806,,,0.4834,0.4138,0.3333,,,,0.2448,,0.003,0.4663,,0.9806,,,0.48,0.4138,0.3333,,,,0.2392,,0.0029,,block of flats,0.3116,,No,2.0,0.0,2.0,0.0,-3327.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1537570,251088,Cash loans,38614.41,553500.0,586377.0,,553500.0,THURSDAY,12,Y,1,,,,XNA,Approved,-382,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-352.0,158.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,2,405000.0,953460.0,73917.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.025164,-15799,-6712,-3542.0,-4679,,1,1,0,1,0,0,Sales staff,4.0,2,2,MONDAY,10,0,0,0,0,0,0,Self-employed,,0.6777905551147667,,0.2082,0.1826,0.9757,0.6668,0.0792,0.0,0.4138,0.1667,0.2083,0.0,0.1496,0.1791,0.0927,0.1093,0.2122,0.1895,0.9757,0.6798,0.0799,0.0,0.4138,0.1667,0.2083,0.0,0.1635,0.1866,0.0934,0.1157,0.2103,0.1826,0.9757,0.6713,0.0797,0.0,0.4138,0.1667,0.2083,0.0,0.1522,0.1823,0.0932,0.1116,reg oper account,block of flats,0.2079,Panel,No,0.0,0.0,0.0,0.0,-1489.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1008198,232921,Consumer loans,6524.505,65891.7,72414.0,2.7,65891.7,WEDNESDAY,13,Y,1,4.060590243059202e-05,,,XAP,Approved,-1101,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Stone,100,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-1070.0,-740.0,-920.0,-914.0,0.0,0,Cash loans,M,Y,Y,0,247500.0,239850.0,25960.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Co-op apartment,0.006670999999999999,-11631,-459,-2964.0,-3543,19.0,1,1,0,1,0,0,Sales staff,1.0,2,2,FRIDAY,18,0,0,0,0,0,0,Self-employed,,0.5242340291188478,0.34090642641523844,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1101.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1597538,133446,Cash loans,21365.01,481500.0,538704.0,,481500.0,SATURDAY,11,Y,1,,,,XNA,Approved,-248,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-218.0,832.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,1,157500.0,517788.0,19647.0,427500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.010147,-17251,-2850,-5255.0,-802,,1,1,1,1,0,0,Sales staff,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,Self-employed,0.7467307445881761,0.7364478370249883,0.633031641417419,0.034,0.0569,0.9916,0.8844,0.0223,0.0,0.1034,0.0833,0.125,0.0564,0.0277,0.035,0.0,0.0,0.0347,0.0591,0.9916,0.8889,0.0225,0.0,0.1034,0.0833,0.125,0.0577,0.0303,0.0365,0.0,0.0,0.0344,0.0569,0.9916,0.8859,0.0225,0.0,0.1034,0.0833,0.125,0.0574,0.0282,0.0356,0.0,0.0,reg oper account,block of flats,0.0397,"Stone, brick",No,0.0,0.0,0.0,0.0,-1026.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +2259906,154796,Consumer loans,13663.035,96144.75,76918.5,19226.25,96144.75,THURSDAY,17,Y,1,0.21778759725215466,,,XAP,Approved,-469,Cash through the bank,XAP,,New,Furniture,POS,XNA,Country-wide,150,Connectivity,6.0,low_normal,POS mobile without interest,365243.0,-433.0,-283.0,-343.0,-333.0,0.0,0,Cash loans,M,Y,N,2,211500.0,225000.0,6066.0,225000.0,Family,Working,Higher education,Single / not married,House / apartment,0.008625,-13631,-1261,-3163.0,-3163,64.0,1,1,0,1,0,0,,3.0,2,2,TUESDAY,13,0,0,0,0,0,0,Industry: type 9,0.1705479791308727,0.539211776757664,0.18411615593071512,0.0742,,0.9901,,,0.08,0.069,0.3333,,,,0.078,,0.0,0.0756,,0.9901,,,0.0806,0.069,0.3333,,,,0.0813,,0.0,0.0749,,0.9901,,,0.08,0.069,0.3333,,,,0.0795,,0.0,,block of flats,0.0614,Panel,No,0.0,0.0,0.0,0.0,-469.0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2283277,367737,Cash loans,5296.86,45000.0,47970.0,,45000.0,FRIDAY,12,Y,1,,,,XNA,Approved,-732,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-702.0,-372.0,-372.0,-366.0,1.0,0,Revolving loans,F,N,N,0,135000.0,135000.0,6750.0,135000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.022625,-22857,365243,-10385.0,-4205,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,,0.5805271924927612,0.1455428133497032,0.1843,0.0759,0.9836,0.7756,0.0356,0.13,0.2672,0.2083,0.25,0.0804,0.1502,0.1844,0.0,0.0397,0.0945,0.0459,0.9831,0.7779,0.0137,0.0,0.2069,0.1667,0.2083,0.0521,0.0826,0.0846,0.0,0.0,0.0937,0.0442,0.9836,0.7786,0.0138,0.0,0.2069,0.1667,0.2083,0.0641,0.077,0.0837,0.0,0.0,reg oper account,block of flats,0.5294,Panel,No,,,,,-1699.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1723762,265379,Revolving loans,9000.0,180000.0,180000.0,,180000.0,MONDAY,19,Y,1,,,,XAP,Approved,-117,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,Y,Y,0,112500.0,675000.0,21775.5,675000.0,Family,Working,Higher education,Single / not married,House / apartment,0.026392000000000002,-10058,-851,-4595.0,-2742,1.0,1,1,1,1,1,0,,1.0,2,2,SATURDAY,9,0,0,0,0,0,0,Self-employed,,0.6489436484987066,0.23791607950711405,0.0866,0.0908,0.9896,,,0.0,0.1724,0.2083,,0.0488,,0.0777,,0.0,0.0882,0.0942,0.9896,,,0.0,0.1724,0.2083,,0.05,,0.081,,0.0,0.0874,0.0908,0.9896,,,0.0,0.1724,0.2083,,0.0497,,0.0791,,0.0,,block of flats,0.0611,"Stone, brick",No,1.0,0.0,1.0,0.0,-460.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2466961,304055,Consumer loans,12165.975,110696.4,122386.5,0.9,110696.4,FRIDAY,8,Y,1,8.008845830386285e-06,,,XAP,Approved,-329,XNA,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,107,Consumer electronics,12.0,middle,POS household with interest,365243.0,-282.0,48.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,1,270000.0,1260000.0,36972.0,1260000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0228,-17232,-1594,-7420.0,-772,30.0,1,1,0,1,1,0,Laborers,3.0,2,2,FRIDAY,13,0,1,1,0,1,1,Business Entity Type 1,0.6135240406017819,0.36978853089441777,0.6144143775673561,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2058535,308040,Consumer loans,16352.73,125955.0,125955.0,0.0,125955.0,FRIDAY,17,Y,1,0.0,,,XAP,Approved,-631,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,40,Connectivity,10.0,high,POS mobile with interest,365243.0,-593.0,-323.0,-413.0,-405.0,0.0,0,Cash loans,F,N,N,0,202500.0,545040.0,26509.5,450000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.007120000000000001,-9110,-836,-3943.0,-1788,,1,1,1,1,1,0,Core staff,1.0,2,2,SATURDAY,14,1,1,0,1,1,0,Trade: type 2,0.3455612531620325,0.5791846768461121,0.09022093929076848,0.0495,,0.9861,,,,0.1379,0.125,,,,0.0432,,,0.0504,,0.9861,,,,0.1379,0.125,,,,0.045,,,0.05,,0.9861,,,,0.1379,0.125,,,,0.044,,,,block of flats,0.0348,Panel,No,1.0,0.0,1.0,0.0,-631.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1981926,384426,Consumer loans,9869.355,139005.0,139005.0,0.0,139005.0,SATURDAY,11,Y,1,0.0,,,XAP,Refused,-1701,Cash through the bank,LIMIT,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Regional / Local,717,Consumer electronics,24.0,high,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,135000.0,342000.0,11052.0,342000.0,Family,Pensioner,Secondary / secondary special,Separated,House / apartment,0.018209,-19585,365243,-10650.0,-1622,,1,0,0,1,0,0,,1.0,3,3,SATURDAY,7,0,0,0,0,0,0,XNA,0.11197416011619726,0.4080093897452581,0.13680052191177486,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1906.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2502054,426705,Cash loans,13047.75,225000.0,225000.0,,225000.0,TUESDAY,15,Y,1,,,,XNA,Refused,-108,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,Y,Y,0,211500.0,675000.0,49248.0,675000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.026392000000000002,-17171,-1852,-11027.0,-638,2.0,1,1,0,1,0,0,,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,Medicine,,0.4650435384611512,0.06555002632575951,0.0619,,0.9737,,,0.0,0.1034,0.1667,,,,0.0505,,0.0,0.063,,0.9737,,,0.0,0.1034,0.1667,,,,0.0526,,0.0,0.0625,,0.9737,,,0.0,0.1034,0.1667,,,,0.0514,,0.0,,block of flats,0.0397,"Stone, brick",No,1.0,0.0,1.0,0.0,-3123.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1728353,157696,Consumer loans,6515.37,64516.5,64197.0,6453.0,64516.5,SUNDAY,11,Y,1,0.0994749276201505,,,XAP,Approved,-755,XNA,XAP,,New,Mobile,POS,XNA,Country-wide,20,Connectivity,12.0,middle,POS mobile with interest,365243.0,-699.0,-369.0,-399.0,-391.0,0.0,0,Cash loans,M,Y,N,0,247500.0,509400.0,40243.5,450000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.003540999999999999,-23103,365243,-6279.0,-1698,5.0,1,0,0,1,1,0,,2.0,1,1,FRIDAY,5,0,0,0,0,0,0,XNA,,0.6108936429332107,,0.0495,0.0635,0.9901,0.8640000000000001,0.0125,0.0,0.1379,0.1667,0.0417,0.0639,0.0395,0.0685,0.0039,0.0069,0.0504,0.0658,0.9901,0.8693,0.0126,0.0,0.1379,0.1667,0.0417,0.0653,0.0432,0.0714,0.0039,0.0073,0.05,0.0635,0.9901,0.8658,0.0126,0.0,0.1379,0.1667,0.0417,0.065,0.0402,0.0698,0.0039,0.0071,reg oper account,block of flats,0.0623,Panel,No,0.0,0.0,0.0,0.0,-755.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1337608,244585,Cash loans,17041.41,229500.0,291456.0,,229500.0,THURSDAY,4,Y,1,,,,XNA,Approved,-687,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-657.0,33.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,180000.0,278460.0,20947.5,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.014464,-17910,-10639,-5862.0,-1463,,1,1,0,1,0,0,Laborers,1.0,2,2,FRIDAY,4,0,0,0,0,0,0,Transport: type 2,,0.7032803683301451,,0.0124,0.0,0.9712,0.6056,0.0164,0.0,0.069,0.0417,0.0833,0.0251,0.0101,0.0137,0.0,0.0,0.0126,0.0,0.9712,0.621,0.0166,0.0,0.069,0.0417,0.0833,0.0257,0.011,0.0143,0.0,0.0,0.0125,0.0,0.9712,0.6109,0.0165,0.0,0.069,0.0417,0.0833,0.0255,0.0103,0.0139,0.0,0.0,reg oper account,block of flats,0.0108,"Stone, brick",No,3.0,0.0,2.0,0.0,-1051.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1260318,359746,Consumer loans,9198.315,49455.0,52065.0,0.0,49455.0,SUNDAY,14,Y,1,0.0,,,XAP,Approved,-485,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Regional / Local,158,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-454.0,-304.0,-304.0,-296.0,0.0,0,Cash loans,F,N,Y,1,180000.0,752742.0,40234.5,697500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.003069,-16295,-2471,-965.0,-2909,,1,1,0,1,0,0,Managers,3.0,3,3,TUESDAY,16,0,0,0,0,0,0,Self-employed,,0.5432514654722383,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1003.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2285629,126094,Revolving loans,4500.0,90000.0,90000.0,,90000.0,THURSDAY,11,Y,1,,,,XAP,Refused,-55,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,N,N,1,67500.0,101880.0,11101.5,90000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00496,-13690,-1618,-7006.0,-4147,,1,1,0,1,0,0,,3.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.7479526956115845,0.5919766183185521,0.0742,,0.9781,,,0.0,0.2069,0.1667,,0.0744,,,,,0.0756,,0.9782,,,0.0,0.2069,0.1667,,0.0761,,,,,0.0749,,0.9781,,,0.0,0.2069,0.1667,,0.0757,,,,,,block of flats,0.0493,,No,0.0,0.0,0.0,0.0,-1635.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,2.0 +2007111,290995,Cash loans,9614.295,184500.0,184500.0,,184500.0,TUESDAY,9,Y,1,,,,XNA,Approved,-764,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Country-wide,-1,XNA,48.0,high,Cash X-Sell: high,365243.0,-734.0,676.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,0,76500.0,381528.0,18684.0,315000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018209,-20017,-6004,-6615.0,-3529,20.0,1,1,1,1,1,0,Laborers,2.0,3,3,TUESDAY,13,0,0,0,0,0,0,School,0.7278817633090796,0.6117509658657869,,0.1113,0.1255,0.9762,0.6736,0.047,0.0,0.2069,0.1667,0.1667,0.0838,0.0908,0.0871,0.0,0.0,0.1134,0.1302,0.9762,0.6864,0.0474,0.0,0.2069,0.1667,0.1667,0.0857,0.0992,0.0907,0.0,0.0,0.1124,0.1255,0.9762,0.6779999999999999,0.0473,0.0,0.2069,0.1667,0.1667,0.0852,0.0923,0.0886,0.0,0.0,reg oper account,block of flats,0.0685,"Stone, brick",No,0.0,0.0,0.0,0.0,-2520.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2492126,389449,Consumer loans,13303.44,107500.5,118143.0,0.0,107500.5,THURSDAY,12,Y,1,0.0,,,XAP,Approved,-1810,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Stone,112,Consumer electronics,12.0,high,POS household with interest,365243.0,-1779.0,-1449.0,-1539.0,-1534.0,0.0,1,Cash loans,M,Y,N,0,103500.0,284400.0,13387.5,225000.0,"Spouse, partner",Working,Secondary / secondary special,Separated,House / apartment,0.022625,-15657,-1028,-510.0,-4060,14.0,1,1,1,1,0,0,Laborers,1.0,2,2,MONDAY,11,0,0,0,0,1,1,Business Entity Type 1,,0.2256077988487437,0.05168176743672944,0.0443,0.065,0.9737,,,0.0,0.1034,0.125,,0.0793,,0.0254,,0.0178,0.0452,0.0675,0.9737,,,0.0,0.1034,0.125,,0.0811,,0.0265,,0.0188,0.0448,0.065,0.9737,,,0.0,0.1034,0.125,,0.0806,,0.0258,,0.0182,,block of flats,0.0341,"Stone, brick",No,0.0,0.0,0.0,0.0,-132.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,4.0,0.0,1.0 +2198575,175333,Revolving loans,38250.0,765000.0,765000.0,,765000.0,TUESDAY,11,Y,1,,,,XAP,Approved,-509,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-161.0,-126.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,225000.0,156384.0,16551.0,135000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.020713,-19127,-1083,-11324.0,-2679,,1,1,0,1,0,0,Laborers,1.0,3,2,SUNDAY,9,0,0,0,0,0,0,Transport: type 2,0.7656396443878615,0.6343382959276261,0.5585066276769286,0.0825,0.0806,0.9762,0.6736,0.0084,0.0,0.1379,0.1667,0.2083,0.0522,0.0672,0.0697,0.0,0.0,0.084,0.0836,0.9762,0.6864,0.0085,0.0,0.1379,0.1667,0.2083,0.0534,0.0735,0.0726,0.0,0.0,0.0833,0.0806,0.9762,0.6779999999999999,0.0085,0.0,0.1379,0.1667,0.2083,0.0531,0.0684,0.071,0.0,0.0,not specified,block of flats,0.0594,Panel,No,0.0,0.0,0.0,0.0,-778.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2177553,314514,Consumer loans,9302.76,47191.5,49684.5,0.0,47191.5,WEDNESDAY,13,Y,1,0.0,,,XAP,Approved,-1009,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,180,Consumer electronics,6.0,middle,POS household with interest,365243.0,-978.0,-828.0,-828.0,-823.0,0.0,0,Cash loans,F,N,Y,0,76500.0,50940.0,5089.5,45000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-23490,365243,-2809.0,-3584,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,XNA,,0.7791571039740677,,0.0258,0.0418,0.996,0.9456,0.0062,0.04,0.0345,0.1667,0.0417,,0.021,0.0293,0.0,0.0,0.0263,0.0434,0.996,0.9477,0.0063,0.0403,0.0345,0.1667,0.0417,,0.023,0.0305,0.0,0.0,0.026,0.0418,0.996,0.9463,0.0063,0.04,0.0345,0.1667,0.0417,,0.0214,0.0298,0.0,0.0,reg oper account,block of flats,0.023,Panel,No,0.0,0.0,0.0,0.0,-1483.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2037494,250395,Consumer loans,15486.165,116536.5,113535.0,11655.0,116536.5,SUNDAY,15,Y,1,0.1013927194301026,,,XAP,Approved,-1432,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,85,Consumer electronics,10.0,high,POS household with interest,365243.0,-1401.0,-1131.0,-1131.0,-1089.0,0.0,0,Cash loans,F,N,N,0,315000.0,760225.5,30280.5,679500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.072508,-18991,-215,-5833.0,-1903,,1,1,0,1,1,0,Laborers,1.0,1,1,THURSDAY,18,0,0,0,0,0,0,Construction,,0.6894152702036098,0.6577838002083306,0.0742,,0.9826,,,0.08,0.069,0.3333,,,,,,0.0262,0.0756,,0.9826,,,0.0806,0.069,0.3333,,,,,,0.0278,0.0749,,0.9826,,,0.08,0.069,0.3333,,,,,,0.0268,org spec account,block of flats,0.0569,Panel,No,1.0,0.0,1.0,0.0,-738.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2052074,349809,Consumer loans,5315.49,47970.0,38970.0,9000.0,47970.0,SUNDAY,14,Y,1,0.20433225311274086,,,XAP,Approved,-961,Cash through the bank,XAP,,New,Photo / Cinema Equipment,POS,XNA,Country-wide,15,Connectivity,10.0,high,POS mobile with interest,365243.0,-927.0,-657.0,-657.0,-652.0,0.0,0,Cash loans,M,N,Y,0,202500.0,640080.0,29970.0,450000.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,House / apartment,0.006670999999999999,-9699,-1837,-84.0,-1915,,1,1,0,1,0,0,Core staff,1.0,2,2,TUESDAY,14,0,0,0,0,0,0,Military,0.2403453529500097,0.6319052838762231,0.4668640059537032,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-961.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1311986,158861,Consumer loans,1369.125,19755.0,16758.0,4950.0,19755.0,TUESDAY,15,Y,1,0.2483416252072969,,,XAP,Approved,-2094,Cash through the bank,XAP,Family,New,Office Appliances,POS,XNA,Country-wide,1800,Consumer electronics,16.0,middle,POS household with interest,365243.0,-2062.0,-1612.0,-1912.0,-1907.0,0.0,0,Cash loans,F,Y,N,0,112500.0,675000.0,21906.0,675000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.018209,-10724,-72,-708.0,-154,18.0,1,1,0,1,0,0,Secretaries,2.0,3,3,WEDNESDAY,14,0,0,0,0,0,0,Medicine,,0.5481413765774326,0.5797274227921155,0.0825,0.0602,0.9747,0.6532,0.0067,0.0,0.1379,0.1667,0.2083,0.0435,0.0647,0.0599,0.0116,0.0079,0.084,0.0625,0.9747,0.6668,0.0068,0.0,0.1379,0.1667,0.2083,0.0445,0.0707,0.0624,0.0117,0.0084,0.0833,0.0602,0.9747,0.6578,0.0068,0.0,0.1379,0.1667,0.2083,0.0442,0.0658,0.0609,0.0116,0.0081,reg oper account,block of flats,0.0525,"Stone, brick",No,8.0,1.0,8.0,0.0,-2094.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2687305,179098,Cash loans,11891.88,135000.0,165303.0,,135000.0,MONDAY,10,Y,1,,,,Repairs,Approved,-711,Cash through the bank,XAP,,Refreshed,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,30.0,high,Cash Street: high,365243.0,-681.0,189.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,2,157500.0,607500.0,44334.0,607500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.025164,-10135,-241,-4945.0,-2541,2.0,1,1,1,1,0,0,Core staff,4.0,2,2,FRIDAY,10,0,0,0,0,0,0,Kindergarten,,0.2625969832802178,0.5971924268337128,0.1485,0.0931,0.9866,0.8164,0.0268,0.16,0.1379,0.3333,0.375,0.1382,0.1194,0.1527,0.0077,0.0054,0.1513,0.0966,0.9866,0.8236,0.027000000000000003,0.1611,0.1379,0.3333,0.375,0.1413,0.1304,0.1591,0.0078,0.0058,0.1499,0.0931,0.9866,0.8189,0.0269,0.16,0.1379,0.3333,0.375,0.1406,0.1214,0.1555,0.0078,0.0056,reg oper account,block of flats,0.1359,"Stone, brick",No,0.0,0.0,0.0,0.0,-35.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2392962,169795,Consumer loans,13531.41,109755.0,121347.0,0.0,109755.0,MONDAY,7,Y,1,0.0,,,XAP,Approved,-676,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,1046,Consumer electronics,12.0,high,POS household with interest,365243.0,-645.0,-315.0,-435.0,-418.0,0.0,0,Cash loans,F,N,Y,0,162000.0,1154362.5,33880.5,1008000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020713,-20318,365243,-11809.0,-3293,,1,0,0,1,0,0,,2.0,3,3,FRIDAY,9,0,0,0,0,0,0,XNA,,0.6524030588483624,0.7062051096536562,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1360.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,2.0 +1316807,454567,Cash loans,15835.41,225000.0,284400.0,,225000.0,WEDNESDAY,8,Y,1,,,,XNA,Approved,-392,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,high,Cash X-Sell: high,365243.0,-362.0,1048.0,365243.0,365243.0,1.0,1,Cash loans,F,Y,Y,0,90000.0,193392.0,9144.0,153000.0,Other_A,Working,Secondary / secondary special,Married,House / apartment,0.031329,-13838,-256,-3467.0,-5160,16.0,1,1,0,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Self-employed,0.6105099436447791,0.41142584523635617,,0.0031,0.0,0.9727,,,0.0,,0.0,,0.0149,,0.0016,,0.0019,0.0032,0.0,0.9727,,,0.0,,0.0,,0.0152,,0.0017,,0.002,0.0031,0.0,0.9727,,,0.0,,0.0,,0.0151,,0.0017,,0.0019,,block of flats,0.0017,Wooden,No,1.0,0.0,1.0,0.0,-1096.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2104087,191079,Consumer loans,9728.415,115380.0,101443.5,23076.0,115380.0,MONDAY,17,Y,1,0.20183073187879652,,,XAP,Approved,-1123,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,40,Furniture,12.0,low_normal,POS industry with interest,365243.0,-1091.0,-761.0,-761.0,-753.0,0.0,0,Cash loans,F,Y,Y,0,85500.0,640764.0,20799.0,459000.0,Unaccompanied,Pensioner,Higher education,Widow,House / apartment,0.02461,-23133,365243,-6110.0,-3962,12.0,1,0,0,1,0,0,,1.0,2,2,THURSDAY,14,0,0,0,0,0,0,XNA,,0.2973620342136268,0.6674577419214722,0.0588,0.0618,0.9816,,,0.0,0.1379,0.1667,,0.0418,,0.0378,,0.0539,0.0599,0.0642,0.9816,,,0.0,0.1379,0.1667,,0.0427,,0.0393,,0.057,0.0593,0.0618,0.9816,,,0.0,0.1379,0.1667,,0.0425,,0.0384,,0.055,,block of flats,0.0414,"Stone, brick",No,1.0,0.0,1.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1141822,362581,Consumer loans,3998.7,56250.0,37093.5,22500.0,56250.0,FRIDAY,15,Y,1,0.4111949366045867,,,XAP,Approved,-2128,XNA,XAP,Family,Repeater,Furniture,POS,XNA,Stone,250,Furniture,12.0,middle,POS industry with interest,365243.0,-2097.0,-1767.0,-1767.0,-1762.0,0.0,0,Cash loans,M,Y,Y,3,315000.0,1125000.0,32895.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-14651,-430,-372.0,-1620,15.0,1,1,1,1,0,0,Drivers,5.0,2,2,FRIDAY,7,0,1,1,0,1,1,Transport: type 4,,0.2519759473828859,0.33285056416487313,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-69.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1049600,418718,Cash loans,48065.4,405000.0,405000.0,,405000.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-121,XNA,XAP,Family,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-115.0,239.0,-115.0,-113.0,0.0,0,Cash loans,M,Y,Y,0,247500.0,746280.0,59094.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.072508,-19162,-1999,-5745.0,-2713,17.0,1,1,0,1,1,1,Drivers,2.0,1,1,MONDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.7419617563331398,0.3893387918468769,0.1017,0.0899,0.9821,0.7552,0.0,0.1064,0.0459,0.5275,0.5692,0.0,0.1076,0.0393,0.0,0.033,0.0882,0.0438,0.9752,0.6733,0.0,0.0806,0.0345,0.4583,0.5,0.0,0.1175,0.0,0.0,0.0,0.0874,0.0422,0.9757,0.6713,0.0,0.08,0.0345,0.4583,0.5,0.0,0.1095,0.0462,0.0,0.0,reg oper account,block of flats,0.057,Block,No,0.0,0.0,0.0,0.0,-351.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1192152,239547,Cash loans,28679.31,945000.0,1082214.0,,945000.0,MONDAY,12,Y,1,,,,Payments on other loans,Refused,-295,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_action,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,180000.0,1528200.0,53118.0,1350000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.02461,-19886,-4844,-1730.0,-3366,,1,1,0,1,1,0,High skill tech staff,1.0,2,2,TUESDAY,10,0,0,0,0,0,0,Business Entity Type 1,0.5183829238739096,0.6873794958177442,0.2580842039460289,0.1237,0.1149,0.9757,0.6668,0.0479,0.0,0.2069,0.1667,0.2083,0.1438,0.1009,0.1016,,0.0,0.1261,0.1192,0.9757,0.6798,0.0483,0.0,0.2069,0.1667,0.2083,0.1471,0.1102,0.1058,,0.0,0.1249,0.1149,0.9757,0.6713,0.0482,0.0,0.2069,0.1667,0.2083,0.1463,0.1026,0.1034,,0.0,reg oper account,block of flats,0.11,Panel,No,0.0,0.0,0.0,0.0,-1452.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1316899,298239,Cash loans,19118.7,270000.0,373923.0,,270000.0,MONDAY,8,Y,1,,,,XNA,Approved,-679,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-649.0,401.0,-619.0,-603.0,1.0,0,Cash loans,M,Y,Y,1,202500.0,791595.0,50719.5,733500.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.031329,-17614,-547,-6669.0,-1173,8.0,1,1,0,1,0,0,,3.0,2,2,MONDAY,8,0,1,1,0,1,1,Business Entity Type 1,0.7812117439807141,0.6770498802195034,0.4066174366275036,0.2825,0.4231,0.9896,0.8572,0.0464,0.0,0.6207,0.1667,0.0,0.336,0.2303,0.2924,0.0,0.0,0.2878,0.4391,0.9896,0.8628,0.0469,0.0,0.6207,0.1667,0.0,0.3437,0.2516,0.3047,0.0,0.0,0.2852,0.4231,0.9896,0.8591,0.0467,0.0,0.6207,0.1667,0.0,0.3418,0.2343,0.2977,0.0,0.0,reg oper account,block of flats,0.2554,"Stone, brick",No,0.0,0.0,0.0,0.0,-1755.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1585154,394871,Consumer loans,9690.75,105817.5,105817.5,0.0,105817.5,THURSDAY,14,Y,1,0.0,,,XAP,Approved,-408,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Regional / Local,100,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-375.0,-45.0,-45.0,-41.0,0.0,0,Cash loans,F,N,N,1,157500.0,1530000.0,42075.0,1530000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.0031219999999999998,-10960,-1854,-3302.0,-3308,,1,1,1,1,0,0,Core staff,3.0,3,3,SATURDAY,14,0,0,0,0,0,0,Bank,0.4230113633609928,0.5305183794704859,0.07058051883159755,0.2041,0.1681,0.9866,0.8164,0.0046,0.2,0.1724,0.3333,,0.0446,0.1664,0.2139,0.0039,0.006999999999999999,0.208,0.1744,0.9866,0.8236,0.0047,0.2014,0.1724,0.3333,,0.0456,0.1818,0.2229,0.0039,0.0075,0.2061,0.1681,0.9866,0.8189,0.0047,0.2,0.1724,0.3333,,0.0453,0.1693,0.2178,0.0039,0.0072,org spec account,block of flats,0.1708,"Stone, brick",No,1.0,1.0,1.0,1.0,-1375.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2424530,247821,Cash loans,30485.7,945000.0,945000.0,,945000.0,THURSDAY,14,Y,1,,,,XNA,Approved,-284,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-254.0,1516.0,365243.0,365243.0,0.0,0,Revolving loans,F,Y,Y,1,135000.0,405000.0,20250.0,405000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.011703,-9716,-2072,-1146.0,-984,2.0,1,1,0,1,0,0,Core staff,3.0,2,2,MONDAY,18,0,0,0,0,0,0,Trade: type 2,0.7408859509356084,0.7127863706621222,0.5656079814115492,0.1629,0.1482,0.9871,,,0.0,0.4138,0.1667,,0.1263,,0.1589,,0.0466,0.166,0.1538,0.9871,,,0.0,0.4138,0.1667,,0.1292,,0.1655,,0.0494,0.1645,0.1482,0.9871,,,0.0,0.4138,0.1667,,0.1285,,0.1617,,0.0476,,block of flats,0.1495,"Stone, brick",No,1.0,0.0,1.0,0.0,-649.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1396516,416036,Consumer loans,16361.865,83245.5,87642.0,0.0,83245.5,TUESDAY,10,Y,1,0.0,,,XAP,Approved,-1080,Cash through the bank,XAP,"Spouse, partner",Repeater,Computers,POS,XNA,Regional / Local,305,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1047.0,-897.0,-897.0,-892.0,0.0,1,Cash loans,M,N,Y,0,90000.0,481176.0,24696.0,360000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-14090,-2098,-8225.0,-4762,,1,1,0,1,0,0,Laborers,2.0,3,3,THURSDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.2814523914027809,0.03342582127146554,0.3233112448967859,0.134,0.1793,0.9826,0.762,0.0273,0.0,0.2759,0.1667,0.2083,0.1289,0.1093,0.1461,0.0,0.0,0.1366,0.18600000000000005,0.9826,0.7713,0.0276,0.0,0.2759,0.1667,0.2083,0.1319,0.1194,0.1522,0.0,0.0,0.1353,0.1793,0.9826,0.7652,0.0275,0.0,0.2759,0.1667,0.2083,0.1312,0.1112,0.1487,0.0,0.0,reg oper account,block of flats,0.1298,Panel,No,0.0,0.0,0.0,0.0,-1826.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2326745,366707,Consumer loans,1624.815,29781.0,33133.5,0.0,29781.0,THURSDAY,20,Y,1,0.0,,,XAP,Refused,-1554,Cash through the bank,HC,Unaccompanied,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,2500,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,0,Cash loans,F,N,N,1,171000.0,315000.0,12006.0,315000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.009549,-10340,-2612,-9857.0,-3010,,1,1,0,1,0,0,Core staff,3.0,2,2,THURSDAY,15,0,0,0,1,0,1,Kindergarten,,0.4266659264324808,0.6658549219640212,0.1227,0.115,0.9762,,,,0.2069,0.1667,,0.0837,,0.1019,,,0.125,0.1193,0.9762,,,,0.2069,0.1667,,0.0857,,0.1062,,,0.1239,0.115,0.9762,,,,0.2069,0.1667,,0.0852,,0.1038,,,,block of flats,0.085,Panel,No,0.0,0.0,0.0,0.0,-1554.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +2462519,248183,Consumer loans,8795.43,95328.0,85792.5,9535.5,95328.0,FRIDAY,13,Y,1,0.1089399375171656,,,XAP,Approved,-591,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Stone,20,Consumer electronics,12.0,middle,POS household with interest,365243.0,-550.0,-220.0,-490.0,-484.0,0.0,0,Cash loans,F,N,Y,0,126000.0,1078200.0,31522.5,900000.0,Family,State servant,Higher education,Married,House / apartment,0.015221,-16672,-9534,-3464.0,-166,,1,1,1,1,1,0,Managers,2.0,2,2,MONDAY,13,0,0,0,0,1,1,Other,,0.2309780253876985,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-591.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1887764,454499,Cash loans,9667.8,45000.0,51822.0,,45000.0,FRIDAY,12,Y,1,,,,XNA,Approved,-1517,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-1487.0,-1337.0,-1337.0,-1332.0,1.0,0,Cash loans,F,N,Y,0,171000.0,993082.5,42205.5,913500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-21945,365243,-5924.0,-4720,,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,XNA,,0.6621608587182319,0.4902575124990026,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,3.0,4.0,3.0,-2369.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +2536673,268903,Consumer loans,12604.635,132750.0,132750.0,0.0,132750.0,FRIDAY,16,Y,1,0.0,,,XAP,Approved,-139,Cash through the bank,XAP,Unaccompanied,Repeater,Construction Materials,POS,XNA,Stone,5,Construction,12.0,low_normal,POS industry with interest,365243.0,-99.0,231.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,2,112500.0,86598.0,9220.5,76500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-14104,-894,-2010.0,-2046,,1,1,0,1,0,0,Private service staff,4.0,2,2,THURSDAY,16,0,0,0,0,1,1,Self-employed,0.7258583614503196,0.1500286934003954,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1566.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1386607,194036,Consumer loans,13180.725,71910.0,71910.0,0.0,71910.0,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-15,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Regional / Local,40,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,365243.0,165.0,365243.0,365243.0,0.0,0,Revolving loans,M,Y,N,0,360000.0,630000.0,31500.0,630000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-19897,-831,-5192.0,-3414,2.0,1,1,0,1,0,0,Managers,2.0,2,2,WEDNESDAY,13,0,1,1,0,1,1,Self-employed,,0.2584306811506471,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-273.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1395646,401221,Consumer loans,5121.9,85365.0,42682.5,42682.5,85365.0,SUNDAY,8,Y,1,0.5445454545454544,,,XAP,Approved,-2672,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Stone,90,Consumer electronics,10.0,middle,POS household with interest,365243.0,-2640.0,-2370.0,-2460.0,-2455.0,0.0,0,Cash loans,F,Y,Y,1,133650.0,205789.5,10030.5,139500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0228,-14596,-1965,-5153.0,-5216,9.0,1,1,0,1,0,0,,3.0,2,2,FRIDAY,10,0,0,0,0,1,1,Other,0.6896690970778233,0.6013664282562353,0.5154953751603267,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2294.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,0.0 +1766047,265303,Consumer loans,7382.34,35046.0,36783.0,0.0,35046.0,FRIDAY,10,Y,1,0.0,,,XAP,Approved,-2677,XNA,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,20,Connectivity,6.0,high,POS mobile with interest,365243.0,-2646.0,-2496.0,-2496.0,-2486.0,1.0,0,Cash loans,M,N,Y,0,72000.0,177768.0,11488.5,135000.0,Family,State servant,Secondary / secondary special,Single / not married,With parents,0.028663,-12837,-1845,-6627.0,-4980,,1,1,1,1,1,0,Laborers,1.0,2,2,MONDAY,12,0,0,0,0,0,0,Agriculture,0.5511455092914446,0.4294123449533192,0.511891801533151,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2056.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1477574,185027,Cash loans,26574.615,454500.0,454500.0,,454500.0,TUESDAY,17,Y,1,,,,XNA,Approved,-455,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-425.0,265.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,135000.0,254700.0,24939.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-23880,365243,-3503.0,-4151,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,XNA,,0.6732851159777699,0.4776491548517548,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1953.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2557733,239244,Consumer loans,3324.51,18405.0,16564.5,1840.5,18405.0,TUESDAY,12,Y,1,0.1089090909090909,,,XAP,Approved,-2625,Non-cash from your account,XAP,,Repeater,Mobile,POS,XNA,Stone,16,Consumer electronics,6.0,high,POS household with interest,365243.0,-2579.0,-2429.0,-2429.0,-2424.0,0.0,0,Cash loans,F,N,Y,2,90000.0,241618.5,24025.5,229500.0,"Spouse, partner",Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.005084,-13704,365243,-2342.0,-5395,,1,0,0,1,0,0,,4.0,2,2,TUESDAY,15,0,0,0,0,0,0,XNA,,0.41422461385226494,,0.0722,0.0844,0.9771,0.6872,0.0289,0.0,0.1379,0.1667,0.2083,0.0589,0.0588,0.0669,0.0,0.0,0.0735,0.0876,0.9772,0.6994,0.0292,0.0,0.1379,0.1667,0.2083,0.0602,0.0643,0.0697,0.0,0.0,0.0729,0.0844,0.9771,0.6914,0.0291,0.0,0.1379,0.1667,0.2083,0.0599,0.0599,0.0681,0.0,0.0,reg oper account,block of flats,0.0685,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1774293,165227,Cash loans,,0.0,0.0,,,SUNDAY,11,Y,1,,,,XNA,Refused,-124,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Revolving loans,F,N,N,0,99000.0,225000.0,11250.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.0228,-20958,365243,-8203.0,-4485,,1,0,0,1,1,0,,1.0,2,2,FRIDAY,9,0,0,0,0,0,0,XNA,0.8825605960806601,0.7673033522459675,0.13510601574017175,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1823.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +2697226,226683,Consumer loans,14843.745,132048.0,145993.5,0.0,132048.0,MONDAY,11,Y,1,0.0,,,XAP,Approved,-42,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Stone,94,Consumer electronics,12.0,middle,POS household with interest,365243.0,-12.0,318.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,3,135000.0,286704.0,22644.0,247500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.003069,-12888,-5283,-908.0,-4043,,1,1,0,1,0,0,Sales staff,5.0,3,3,MONDAY,16,0,0,0,0,0,0,Trade: type 7,,0.6367644705043928,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-736.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1971893,351090,Cash loans,31817.745,720000.0,824080.5,,720000.0,THURSDAY,10,Y,1,,,,Repairs,Refused,-629,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,Y,Y,0,180000.0,731371.5,26266.5,544500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.025164,-14949,-7930,-7441.0,-5769,7.0,1,1,1,1,0,0,Medicine staff,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Government,0.3943997069128024,0.3914411560767423,0.22009464485041005,0.0577,0.0929,0.9722,0.6192,0.041,0.0,0.1379,0.1667,0.2083,0.0657,0.0462,0.0732,0.0039,0.0144,0.0588,0.0964,0.9722,0.6341,0.0413,0.0,0.1379,0.1667,0.2083,0.0672,0.0505,0.0762,0.0039,0.0152,0.0583,0.0929,0.9722,0.6243,0.0412,0.0,0.1379,0.1667,0.2083,0.0668,0.047,0.0745,0.0039,0.0147,reg oper account,block of flats,0.0623,Mixed,No,0.0,0.0,0.0,0.0,-1192.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,4.0 +1562526,216522,Cash loans,32134.14,337500.0,413217.0,,337500.0,TUESDAY,9,Y,1,,,,XNA,Approved,-845,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-815.0,-305.0,-575.0,-567.0,1.0,0,Cash loans,M,Y,Y,1,202500.0,450000.0,22977.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006207,-15419,-1949,-5017.0,-4182,7.0,1,1,1,1,0,1,Security staff,3.0,2,2,SUNDAY,11,0,1,1,0,1,1,Business Entity Type 3,,0.1801633780475269,,,0.0053,0.9747,0.6396,,0.0,0.069,0.125,0.1667,,,0.02,,0.008,,0.0055,0.9747,0.6537,,0.0,0.069,0.125,0.1667,,,0.0208,,0.0085,,0.0053,0.9747,0.6444,,0.0,0.069,0.125,0.1667,,,0.0203,,0.0082,reg oper account,block of flats,0.0173,"Stone, brick",No,4.0,0.0,4.0,0.0,-51.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2413624,408069,Consumer loans,9515.385,54036.0,46651.5,10809.0,54036.0,TUESDAY,16,Y,1,0.2048708875899728,,,XAP,Approved,-66,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Country-wide,1766,Consumer electronics,6.0,high,POS household with interest,365243.0,-36.0,114.0,365243.0,365243.0,1.0,0,Revolving loans,M,Y,Y,1,225000.0,270000.0,13500.0,270000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-11611,-3734,-8387.0,-3138,14.0,1,1,0,1,0,0,Laborers,3.0,2,2,FRIDAY,14,0,0,0,0,0,0,Business Entity Type 2,,0.5283446494726729,0.5602843280409464,0.1629,0.138,0.9851,,,0.0,0.3793,0.1667,,0.2443,,0.1478,,0.0,0.166,0.1432,0.9851,,,0.0,0.3793,0.1667,,0.2498,,0.154,,0.0,0.1645,0.138,0.9851,,,0.0,0.3793,0.1667,,0.2485,,0.1504,,0.0,,block of flats,0.1162,Panel,No,0.0,0.0,0.0,0.0,-238.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,4.0,1.0,2.0 +1475862,114885,Consumer loans,,47115.0,47115.0,0.0,47115.0,THURSDAY,20,Y,1,0.0,,,XAP,Refused,-240,Cash through the bank,SCO,,Repeater,Mobile,XNA,XNA,Country-wide,54,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,M,N,Y,0,135000.0,592560.0,40216.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-8509,-645,-3263.0,-1186,,1,1,0,1,0,0,Drivers,2.0,2,2,SATURDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.14736173840546873,0.4102084628327639,0.3506958432829587,0.1144,0.0473,0.9836,0.7756,0.0246,0.08,0.0345,0.4583,0.5,0.0491,0.0899,0.0787,0.0154,0.0445,0.1166,0.0491,0.9836,0.7844,0.0248,0.0806,0.0345,0.4583,0.5,0.0502,0.0983,0.08199999999999999,0.0156,0.0471,0.1155,0.0473,0.9836,0.7786,0.0247,0.08,0.0345,0.4583,0.5,0.0499,0.0915,0.0801,0.0155,0.0455,reg oper account,block of flats,0.0715,Panel,No,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2426295,356974,Cash loans,10369.89,135000.0,175122.0,,135000.0,SATURDAY,12,Y,1,,,,XNA,Approved,-1255,Cash through the bank,XAP,Children,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-1225.0,-535.0,-955.0,-952.0,1.0,0,Cash loans,F,N,Y,0,157500.0,576000.0,20686.5,576000.0,"Spouse, partner",Working,Secondary / secondary special,Civil marriage,House / apartment,0.00733,-21027,-668,-11661.0,-4032,,1,1,1,1,1,0,,2.0,2,2,MONDAY,17,0,0,0,0,0,0,Business Entity Type 1,,0.3519969357525033,,0.0495,0.0317,0.9801,0.728,,0.04,0.0345,0.3333,0.375,0.0,,0.0408,,0.0465,0.0504,0.0329,0.9801,0.7387,,0.0403,0.0345,0.3333,0.375,0.0,,0.0425,,0.0492,0.05,0.0317,0.9801,0.7316,,0.04,0.0345,0.3333,0.375,0.0,,0.0415,,0.0475,,block of flats,0.0321,"Stone, brick",No,0.0,0.0,0.0,0.0,-1442.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2122101,125261,Cash loans,72741.33,900000.0,939204.0,,900000.0,FRIDAY,13,Y,1,,,,XNA,Refused,-836,XNA,LIMIT,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,Y,Y,0,225000.0,808650.0,29839.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-16238,-3652,-4422.0,-4205,16.0,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,11,0,0,0,0,0,0,Industry: type 7,,0.6683743574119358,0.4668640059537032,0.0773,0.0914,0.9861,,,0.0,0.1724,0.1667,,0.1115,,0.0447,,,0.0788,0.0948,0.9861,,,0.0,0.1724,0.1667,,0.114,,0.0466,,,0.0781,0.0914,0.9861,,,0.0,0.1724,0.1667,,0.1134,,0.0455,,,,block of flats,0.0608,Panel,No,1.0,0.0,1.0,0.0,-1174.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2129247,281087,Cash loans,35042.715,945000.0,1082214.0,,945000.0,MONDAY,7,Y,1,,,,XNA,Refused,-885,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,171000.0,150768.0,6516.0,108000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-21878,365243,-15282.0,-4826,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,8,0,0,0,0,0,0,XNA,,0.26525634018619443,,0.0412,0.0292,0.9767,0.6804,0.0054,0.0,0.069,0.1667,0.2083,0.029,0.0336,0.0308,0.0,0.0,0.042,0.0303,0.9767,0.6929,0.0055,0.0,0.069,0.1667,0.2083,0.0297,0.0367,0.0321,0.0,0.0,0.0416,0.0292,0.9767,0.6847,0.0055,0.0,0.069,0.1667,0.2083,0.0295,0.0342,0.0314,0.0,0.0,reg oper account,block of flats,0.0292,"Stone, brick",No,2.0,0.0,2.0,0.0,-980.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1176768,425178,Consumer loans,5330.97,29070.0,26145.0,2925.0,29070.0,SATURDAY,10,Y,1,0.10958345060512244,,,XAP,Approved,-1951,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,502,Consumer electronics,6.0,high,POS household with interest,365243.0,-1917.0,-1767.0,-1767.0,-1761.0,0.0,0,Cash loans,F,Y,N,1,180000.0,854896.5,36351.0,702000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.018801,-15488,-1681,-653.0,-4704,16.0,1,1,0,1,0,0,Core staff,3.0,2,2,THURSDAY,10,0,0,0,0,1,1,Kindergarten,0.7946305079078031,0.4677319736828822,0.2940831009471255,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1951.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,5.0 +1492068,387138,Consumer loans,10743.57,51210.0,37710.0,13500.0,51210.0,SATURDAY,13,Y,1,0.2871065665441764,,,XAP,Approved,-2855,Cash through the bank,XAP,,New,Mobile,POS,XNA,Stone,50,Connectivity,4.0,high,POS mobile with interest,365243.0,-2813.0,-2723.0,-2723.0,-2630.0,0.0,0,Cash loans,F,N,N,0,112500.0,139500.0,6142.5,139500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.030755,-15868,-1910,-8984.0,-4083,,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,18,0,0,0,0,0,0,Trade: type 7,,0.6090519858355047,0.42765737003502935,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1231.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,4.0 +2760986,121507,Cash loans,11928.42,270000.0,328450.5,,270000.0,FRIDAY,15,Y,1,,,,XNA,Approved,-197,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-167.0,1243.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,202500.0,1009566.0,36391.5,904500.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.006207,-10637,-740,-931.0,-2115,,1,1,0,1,0,0,Sales staff,2.0,2,2,SATURDAY,10,0,0,0,0,1,1,Trade: type 7,0.5280211985350873,0.4645050021596852,0.6956219298394389,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1545.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2774606,209928,Cash loans,21127.5,112500.0,112500.0,,112500.0,THURSDAY,17,Y,1,,,,XNA,Refused,-552,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,2,270000.0,1236816.0,36162.0,1080000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-12917,-2214,-6691.0,-4540,,1,1,0,1,0,0,Core staff,4.0,1,1,WEDNESDAY,11,0,0,0,0,0,0,Postal,,0.6824906827607627,0.7151031019926098,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1177.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2033523,118233,Cash loans,24303.15,229500.0,241920.0,,229500.0,TUESDAY,11,Y,1,,,,XNA,Approved,-296,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-266.0,64.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,0,202500.0,472500.0,44991.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.0060079999999999995,-21797,-1201,-1140.0,-4474,6.0,1,1,0,1,1,0,Laborers,1.0,2,2,THURSDAY,14,0,0,0,0,1,1,Business Entity Type 3,0.8950643813773972,0.4059141832335902,0.326475210066026,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1270.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2703067,307142,Consumer loans,2700.9,29160.0,13243.5,18000.0,29160.0,SUNDAY,11,Y,1,0.6274468725858617,,,XAP,Approved,-599,XNA,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,232,Connectivity,6.0,high,POS mobile with interest,365243.0,-567.0,-417.0,-477.0,-473.0,0.0,0,Cash loans,M,Y,Y,3,540000.0,1120275.0,44428.5,1030500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.006629,-13241,-246,-1984.0,-4713,13.0,1,1,0,1,0,0,Managers,5.0,2,2,THURSDAY,5,0,0,0,0,0,0,Transport: type 4,,0.4288177160311384,,0.0624,0.0,0.9757,0.6668,0.0,0.0,0.1379,0.1667,0.0417,,0.0492,0.0485,0.0077,0.0209,0.0599,0.0,0.9752,0.6733,0.0,0.0,0.1379,0.1667,0.0417,,0.0496,0.0499,0.0039,0.0038,0.063,0.0,0.9757,0.6713,0.0,0.0,0.1379,0.1667,0.0417,,0.05,0.0493,0.0078,0.0213,reg oper spec account,block of flats,0.0394,"Stone, brick",No,0.0,0.0,0.0,0.0,-599.0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2584752,364007,Consumer loans,6316.965,61380.0,68670.0,0.0,61380.0,MONDAY,13,Y,1,0.0,,,XAP,Approved,-127,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,1000,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-96.0,234.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,171000.0,770292.0,32764.5,688500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-16268,-5999,-6731.0,-4208,18.0,1,1,0,1,0,0,Laborers,2.0,3,3,TUESDAY,6,0,0,0,0,0,0,Medicine,,0.5022104949526051,0.6722428897082422,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-407.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1753359,296424,Consumer loans,13436.775,139702.5,151690.5,0.0,139702.5,TUESDAY,20,Y,1,0.0,,,XAP,Refused,-581,Cash through the bank,SCO,,New,Mobile,POS,XNA,Country-wide,87,Consumer electronics,12.0,low_action,POS mobile without interest,,,,,,,0,Cash loans,F,Y,Y,0,360000.0,1535715.0,44901.0,1341000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.04622,-15674,-1560,-9190.0,-4434,3.0,1,1,1,1,0,0,Sales staff,2.0,1,1,TUESDAY,17,0,0,0,0,1,1,Trade: type 7,,0.5507019486387515,0.3506958432829587,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1740868,257723,Consumer loans,6589.35,34641.0,32719.5,3465.0,34641.0,SUNDAY,12,Y,1,0.1042905111304564,,,XAP,Approved,-1272,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,100,Consumer electronics,6.0,high,POS household with interest,365243.0,-1241.0,-1091.0,-1091.0,-1083.0,0.0,0,Cash loans,M,N,Y,2,157500.0,855882.0,36391.5,765000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.030755,-12487,-4864,-1823.0,-2541,,1,1,0,1,0,0,Laborers,4.0,2,2,FRIDAY,10,0,0,0,0,0,0,Construction,,0.5999554384206724,0.8357765157975799,0.1588,0.0805,0.9871,0.8232,0.004,0.04,0.0345,0.3333,0.375,0.0,0.1294,0.0767,0.0077,0.0396,0.1618,0.0835,0.9871,0.8301,0.004,0.0403,0.0345,0.3333,0.375,0.0,0.1414,0.0799,0.0078,0.0419,0.1603,0.0805,0.9871,0.8256,0.004,0.04,0.0345,0.3333,0.375,0.0,0.1317,0.0781,0.0078,0.0404,reg oper account,block of flats,0.0711,"Stone, brick",No,5.0,0.0,5.0,0.0,-1272.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1036553,432214,Consumer loans,4323.51,22455.0,21204.0,2250.0,22455.0,SUNDAY,9,Y,1,0.10447917393427757,,,XAP,Approved,-1663,XNA,XAP,Family,Repeater,Mobile,POS,XNA,Regional / Local,20,Connectivity,6.0,high,POS mobile with interest,365243.0,-1630.0,-1480.0,-1480.0,-1474.0,0.0,0,Revolving loans,M,Y,Y,1,148500.0,450000.0,22500.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-14991,-313,-86.0,-5572,4.0,1,1,0,1,0,0,Laborers,3.0,2,2,THURSDAY,16,0,0,0,0,0,0,Business Entity Type 2,0.81251734006432,0.1813745373866293,0.4294236843421945,0.1227,0.0961,0.9781,0.7008,0.0161,0.0,0.2759,0.1667,0.2083,0.0496,0.1,0.1037,0.0,0.0,0.125,0.0998,0.9782,0.7125,0.0162,0.0,0.2759,0.1667,0.2083,0.0507,0.1093,0.1081,0.0,0.0,0.1239,0.0961,0.9781,0.7048,0.0162,0.0,0.2759,0.1667,0.2083,0.0504,0.1018,0.1056,0.0,0.0,reg oper account,block of flats,0.0904,Panel,No,0.0,0.0,0.0,0.0,-1.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2415419,380175,Consumer loans,60828.795,495675.0,322186.5,173488.5,495675.0,WEDNESDAY,13,Y,1,0.3811867618536705,,,XAP,Approved,-1497,Cash through the bank,XAP,Unaccompanied,Refreshed,Furniture,POS,XNA,Stone,100,Furniture,6.0,middle,POS industry without interest,365243.0,-1464.0,-1314.0,-1314.0,-1311.0,0.0,0,Cash loans,F,Y,Y,0,247500.0,1735474.5,64444.5,1620000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-17417,-624,-6593.0,-957,2.0,1,1,0,1,0,0,Managers,2.0,1,1,TUESDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.8318401593145602,0.6970462816319539,0.8061492814355136,0.1021,0.0,0.9796,0.7212,0.0123,0.0,0.2069,0.1667,0.2083,,0.0832,0.0898,0.0,0.0,0.104,0.0,0.9796,0.7321,0.0124,0.0,0.2069,0.1667,0.2083,,0.0909,0.0936,0.0,0.0,0.1031,0.0,0.9796,0.7249,0.0123,0.0,0.2069,0.1667,0.2083,,0.0847,0.0914,0.0,0.0,reg oper account,block of flats,0.0744,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1385557,286117,Cash loans,22182.345,270000.0,306531.0,,270000.0,SUNDAY,13,Y,1,,,,XNA,Approved,-886,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,high,Cash X-Sell: high,365243.0,-856.0,14.0,-496.0,-494.0,1.0,0,Cash loans,F,N,Y,2,135000.0,431280.0,22149.0,360000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-10809,-1773,-1420.0,-2264,,1,1,0,1,0,0,Security staff,4.0,2,2,THURSDAY,11,0,0,0,0,0,0,Agriculture,,0.12322523933520567,0.7476633896301825,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-545.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1155320,360041,Consumer loans,4014.18,34065.0,33480.0,3600.0,34065.0,TUESDAY,11,Y,1,0.1057369814651368,,,XAP,Approved,-2110,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,85,Connectivity,12.0,high,POS mobile with interest,365243.0,-2079.0,-1749.0,-1749.0,-1741.0,0.0,0,Cash loans,F,N,N,1,135000.0,525735.0,40815.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-12780,-1104,-2240.0,-3100,,1,1,0,1,0,0,Cleaning staff,3.0,2,1,FRIDAY,13,0,0,0,0,0,0,Business Entity Type 2,0.7204556636454857,0.7140337674348918,0.8224987619370829,0.0928,0.0814,0.9831,0.7688,0.0158,0.0,0.2069,0.1667,0.2083,0.0865,0.0756,0.0795,0.0,0.0,0.0945,0.0845,0.9831,0.7779,0.016,0.0,0.2069,0.1667,0.2083,0.0885,0.0826,0.0828,0.0,0.0,0.0937,0.0814,0.9831,0.7719,0.0159,0.0,0.2069,0.1667,0.2083,0.08800000000000001,0.077,0.0809,0.0,0.0,reg oper account,block of flats,0.0692,Panel,No,1.0,0.0,1.0,0.0,-1303.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1373262,263887,Cash loans,20965.545,180000.0,215208.0,,180000.0,THURSDAY,10,Y,1,,,,XNA,Approved,-942,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-912.0,-582.0,-912.0,-903.0,1.0,0,Cash loans,F,N,N,0,270000.0,761872.5,53154.0,675000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.016612000000000002,-14157,-714,-4291.0,-2783,,1,1,0,1,0,1,,2.0,2,2,MONDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.6727390007250945,0.5776329338487993,0.5352762504724826,0.2722,0.1347,0.9846,,,0.16,0.069,0.4583,,0.0687,,0.1954,,0.0,0.2773,0.1398,0.9846,,,0.1611,0.069,0.4583,,0.0702,,0.2036,,0.0,0.2748,0.1347,0.9846,,,0.16,0.069,0.4583,,0.0699,,0.1989,,0.0,,block of flats,0.1984,"Stone, brick",No,0.0,0.0,0.0,0.0,-2174.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,6.0 +2136518,419405,Cash loans,21179.7,180000.0,191880.0,,180000.0,TUESDAY,15,Y,1,,,,XNA,Approved,-406,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-376.0,-46.0,-376.0,-373.0,1.0,0,Cash loans,F,N,N,0,121500.0,225000.0,10620.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-8938,-978,-1119.0,-367,,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,7,0,0,0,0,0,0,Self-employed,0.6172126121984643,0.4209202651600684,,0.0664,0.0442,0.998,,,0.08,0.0552,0.4083,0.45,0.0085,,0.0651,,0.016,0.0441,0.0306,0.998,,,0.0806,0.069,0.375,0.4167,0.0078,,0.0487,,0.0168,0.0822,0.0408,0.998,,,0.08,0.069,0.375,0.4167,0.0087,,0.0747,,0.0163,,block of flats,0.0403,Panel,No,0.0,0.0,0.0,0.0,-888.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2164716,388757,Cash loans,25540.245,450000.0,545040.0,,450000.0,MONDAY,14,Y,1,,,,XNA,Approved,-199,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-169.0,1241.0,-139.0,-137.0,1.0,0,Cash loans,F,Y,Y,0,81000.0,545040.0,43191.0,450000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-17142,-270,-4357.0,-651,20.0,1,1,0,1,0,0,,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.6921897074474279,0.2622489709189549,0.1416,0.1093,0.9786,0.7076,0.0237,0.2,0.1952,0.2221,,0.0253,,0.1301,,0.0576,0.0903,0.1047,0.9782,0.7125,0.0136,0.2014,0.2069,0.1667,,0.0195,,0.0894,,0.0,0.0895,0.1009,0.9781,0.7048,0.0139,0.2,0.2069,0.1667,,0.0202,,0.0874,,0.0223,reg oper account,block of flats,0.2047,Panel,No,0.0,0.0,0.0,0.0,-562.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1916677,215450,Cash loans,22853.79,225000.0,337824.0,,225000.0,THURSDAY,18,Y,1,,,,Other,Approved,-364,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,high,Cash Street: high,365243.0,-334.0,716.0,-244.0,-235.0,1.0,0,Cash loans,M,N,N,0,166500.0,173196.0,18783.0,153000.0,Unaccompanied,State servant,Higher education,Single / not married,Office apartment,0.010147,-11139,-1059,-1365.0,-55,,1,1,0,1,0,1,High skill tech staff,1.0,2,2,THURSDAY,18,0,0,0,0,0,0,Emergency,0.4310048186786453,0.7373381784333197,0.4170996682522097,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,2.0,0.0,2.0,0.0,-869.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2727273,215234,Cash loans,18365.58,225000.0,269550.0,,225000.0,MONDAY,8,Y,1,,,,Repairs,Approved,-737,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,high,Cash Street: high,,,,,,,0,Cash loans,M,Y,Y,0,76500.0,298512.0,21721.5,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-21265,-1714,-11707.0,-4744,9.0,1,1,1,1,0,0,Laborers,2.0,2,2,WEDNESDAY,10,0,0,0,0,1,1,Transport: type 4,,0.4424079398957448,,0.0175,0.0187,0.9796,0.7212,0.0069,0.0,0.0862,0.0417,0.0833,0.0142,0.0143,0.0123,0.0,0.0168,0.0168,0.0,0.9791,0.7256,0.0021,0.0,0.069,0.0417,0.0833,0.0129,0.0147,0.0104,0.0,0.0042,0.0177,0.0187,0.9796,0.7249,0.006999999999999999,0.0,0.0862,0.0417,0.0833,0.0144,0.0145,0.0125,0.0,0.0171,reg oper account,block of flats,0.0124,"Stone, brick",No,2.0,0.0,2.0,0.0,-832.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2834540,402748,Consumer loans,3811.725,22495.5,18945.0,4500.0,22495.5,FRIDAY,10,Y,1,0.2090385622055487,,,XAP,Approved,-966,Cash through the bank,XAP,Children,Repeater,Audio/Video,POS,XNA,Country-wide,57,Connectivity,6.0,high,POS mobile with interest,365243.0,-935.0,-785.0,-785.0,-782.0,0.0,0,Cash loans,F,N,N,1,135000.0,1288350.0,37800.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.016612000000000002,-18434,-1086,-583.0,-1966,,1,1,0,1,0,0,Managers,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,Trade: type 2,,0.4766588162397062,0.6817058776720116,0.1598,,0.9876,,,,0.0345,,,0.07200000000000001,,0.0497,,0.166,0.1628,,0.9876,,,,0.0345,,,0.0737,,0.0518,,0.1757,0.1613,,0.9876,,,,0.0345,,,0.0733,,0.0506,,0.1694,,block of flats,0.0752,"Stone, brick",No,0.0,0.0,0.0,0.0,-1751.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1484620,116328,Consumer loans,12646.71,94855.5,77449.5,22500.0,94855.5,FRIDAY,7,Y,1,0.2451692650242917,,,XAP,Approved,-448,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,34,Connectivity,8.0,high,POS mobile with interest,365243.0,-408.0,-198.0,-198.0,-194.0,0.0,0,Cash loans,M,N,Y,0,157500.0,130320.0,13684.5,112500.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.0038179999999999998,-10251,-1638,-1498.0,-2940,,1,1,0,1,0,1,Laborers,1.0,2,2,FRIDAY,9,0,0,0,0,0,0,Construction,0.6432201304541424,0.3055398474131164,0.6910212267577837,0.032,,,,,,,,,,,,,,0.0326,,,,,,,,,,,,,,0.0323,,,,,,,,,,,,,,,specific housing,0.0496,,No,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1252543,159235,Cash loans,12177.0,180000.0,180000.0,,180000.0,MONDAY,16,Y,1,,,,XNA,Refused,-556,Cash through the bank,LIMIT,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,M,Y,Y,2,225000.0,326439.0,12303.0,229500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.010966,-14031,-2863,-1081.0,-4805,2.0,1,1,1,1,1,0,Drivers,4.0,2,2,THURSDAY,17,0,0,0,0,0,0,Self-employed,,0.6349214080898393,0.4311917977993083,0.1134,0.0705,0.9846,0.7892,0.0335,0.0,0.069,0.1667,0.2083,0.0686,0.0925,0.0639,0.0,0.0,0.1155,0.0732,0.9846,0.7975,0.0338,0.0,0.069,0.1667,0.2083,0.0702,0.101,0.0666,0.0,0.0,0.1145,0.0705,0.9846,0.792,0.0337,0.0,0.069,0.1667,0.2083,0.0698,0.0941,0.0651,0.0,0.0,org spec account,block of flats,0.0501,"Stone, brick",No,5.0,1.0,5.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1085997,310051,Consumer loans,4814.685,42309.675,35559.0,6750.675,42309.675,TUESDAY,11,Y,1,0.1737687366477589,,,XAP,Approved,-1060,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,61,Connectivity,10.0,high,POS mobile with interest,365243.0,-1022.0,-752.0,-752.0,-747.0,0.0,0,Cash loans,F,N,Y,0,103500.0,563269.5,27526.5,396000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,With parents,0.010966,-9095,-2237,-3899.0,-1768,,1,1,0,1,0,0,Sales staff,1.0,2,2,FRIDAY,13,0,0,0,0,0,0,Self-employed,0.2707103149022002,0.10279322341358588,,,,0.9811,,,,,,,,,0.0191,,,,,0.9811,,,,,,,,,0.0199,,,,,0.9811,,,,,,,,,0.0194,,,,,0.015,,No,7.0,2.0,7.0,2.0,-1883.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,5.0 +1029265,251752,Consumer loans,9308.745,92655.0,92151.0,11250.0,92655.0,WEDNESDAY,16,Y,1,0.11849278756755473,,,XAP,Approved,-1799,Cash through the bank,XAP,Family,New,Photo / Cinema Equipment,POS,XNA,Country-wide,2194,Consumer electronics,16.0,high,POS household with interest,365243.0,-1768.0,-1318.0,-1348.0,-1340.0,0.0,0,Cash loans,F,N,N,1,157500.0,269550.0,11871.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.025164,-10294,-1237,-350.0,-2380,,1,1,1,1,1,0,Sales staff,3.0,2,2,SATURDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.44748936418935786,0.4687882772398851,0.5316861425197883,0.0794,0.041,0.9732,0.6328,0.0226,0.0,0.1379,0.1667,0.2083,0.0805,0.0639,0.0621,0.0039,0.0115,0.0809,0.0426,0.9732,0.6472,0.0228,0.0,0.1379,0.1667,0.2083,0.0823,0.0698,0.0647,0.0039,0.0121,0.0802,0.041,0.9732,0.6377,0.0228,0.0,0.1379,0.1667,0.2083,0.0819,0.065,0.0632,0.0039,0.0117,reg oper account,block of flats,0.0637,"Stone, brick",No,0.0,0.0,0.0,0.0,-1094.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1899411,202474,Consumer loans,11761.2,106920.0,106920.0,0.0,106920.0,THURSDAY,13,Y,1,0.0,,,XAP,Approved,-362,Cash through the bank,XAP,,New,Furniture,POS,XNA,Country-wide,150,Furniture,10.0,low_normal,POS industry with interest,365243.0,-331.0,-61.0,-91.0,-86.0,0.0,0,Cash loans,F,N,Y,0,135000.0,552555.0,16879.5,477000.0,Family,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.04622,-21284,365243,-11217.0,-4263,,1,0,0,1,0,0,,1.0,1,1,TUESDAY,17,0,0,0,0,0,0,XNA,,0.7522362140282532,0.5814837058057234,0.2,0.1284,0.9846,0.7892,0.1123,0.24,0.2069,0.3333,0.375,0.1866,0.1614,0.1867,0.0077,0.1109,0.2038,0.1332,0.9846,0.7975,0.1133,0.2417,0.2069,0.3333,0.375,0.1909,0.1763,0.1945,0.0078,0.1174,0.2019,0.1284,0.9846,0.792,0.113,0.24,0.2069,0.3333,0.375,0.1899,0.1642,0.1901,0.0078,0.1133,reg oper account,block of flats,0.2324,Panel,No,0.0,0.0,0.0,0.0,-362.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2003140,269280,Consumer loans,10499.085,126742.5,114066.0,12676.5,126742.5,FRIDAY,11,Y,1,0.1089284250278392,,,XAP,Approved,-1266,Cash through the bank,XAP,Family,Refreshed,Audio/Video,POS,XNA,Country-wide,4200,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-1235.0,-905.0,-1085.0,-1082.0,0.0,0,Revolving loans,F,Y,Y,1,148500.0,225000.0,11250.0,225000.0,Unaccompanied,State servant,Higher education,Widow,House / apartment,0.019101,-16162,-3566,-1111.0,-3986,8.0,1,1,1,1,0,0,,2.0,2,2,THURSDAY,19,0,0,0,0,0,0,Military,0.4668877163847678,0.7853584235019082,0.7557400501752248,0.1614,0.1006,0.998,0.9728,0.0545,0.14400000000000002,0.1034,0.3583,0.25,0.0814,0.1284,0.1514,0.0147,0.1144,0.1019,0.0833,0.997,0.9608,0.0256,0.1208,0.1034,0.25,0.0417,0.0592,0.0882,0.0706,0.0039,0.1227,0.1759,0.1064,0.9975,0.9665,0.0498,0.12,0.1034,0.375,0.2917,0.0952,0.1385,0.2058,0.0194,0.1183,reg oper account,block of flats,0.2302,"Stone, brick",No,0.0,0.0,0.0,0.0,-2736.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1044176,200100,Cash loans,,0.0,0.0,,,MONDAY,17,Y,1,,,,XNA,Refused,-242,XNA,SCOFR,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,202500.0,691020.0,26905.5,495000.0,Unaccompanied,Working,Higher education,Married,Municipal apartment,0.007114,-10007,-661,-252.0,-1415,,1,1,0,1,0,0,Core staff,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,Self-employed,,0.4779136067377948,0.2866524828090694,0.0082,,0.9776,,,,0.0345,0.0417,,0.0208,,0.0044,,,0.0084,,0.9777,,,,0.0345,0.0417,,0.0213,,0.0046,,,0.0083,,0.9776,,,,0.0345,0.0417,,0.0212,,0.0045,,,,block of flats,0.0053,,No,1.0,0.0,1.0,0.0,-407.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1685237,327820,Consumer loans,19082.7,73395.0,73395.0,0.0,73395.0,TUESDAY,11,Y,1,0.0,,,XAP,Approved,-1169,XNA,XAP,,Repeater,Computers,POS,XNA,Stone,101,Consumer electronics,4.0,low_action,POS household with interest,365243.0,-1135.0,-1045.0,-1045.0,-1038.0,0.0,0,Cash loans,M,Y,Y,1,180000.0,1546020.0,45202.5,1350000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-16040,-3100,-2146.0,-4710,18.0,1,1,1,1,1,0,Drivers,3.0,2,2,TUESDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.4392259758826822,0.2733282493744829,0.36896873825284665,0.033,0.0483,0.997,0.9592,0.0088,0.0,0.069,0.125,0.1667,0.0,0.0269,0.0346,0.0,0.0,0.0336,0.0501,0.997,0.9608,0.0088,0.0,0.069,0.125,0.1667,0.0,0.0294,0.0361,0.0,0.0,0.0333,0.0483,0.997,0.9597,0.0088,0.0,0.069,0.125,0.1667,0.0,0.0274,0.0353,0.0,0.0,reg oper account,block of flats,0.032,"Stone, brick",No,0.0,0.0,0.0,0.0,-1683.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1551553,357347,Consumer loans,2532.285,19746.0,21699.0,0.0,19746.0,SATURDAY,15,Y,1,0.0,,,XAP,Approved,-2901,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,25,Connectivity,12.0,high,POS mobile with interest,365243.0,-2864.0,-2534.0,-2534.0,-2522.0,1.0,0,Cash loans,M,Y,N,0,108000.0,450000.0,16677.0,450000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.031329,-12806,-768,-11008.0,-4016,10.0,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Industry: type 9,0.4108857617060659,0.6795073854834013,0.6658549219640212,0.0722,,0.9781,,,0.0,0.1379,0.1667,,0.1168,,0.0687,,0.0076,0.0735,,0.9782,,,0.0,0.1379,0.1667,,0.1195,,0.0716,,0.0081,0.0729,,0.9781,,,0.0,0.1379,0.1667,,0.1188,,0.07,,0.0078,,block of flats,0.0541,Block,No,0.0,0.0,0.0,0.0,-2901.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1294531,253903,Consumer loans,6582.78,30505.5,32017.5,0.0,30505.5,THURSDAY,18,Y,1,0.0,,,XAP,Approved,-1204,Cash through the bank,XAP,Unaccompanied,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,15,Connectivity,6.0,high,POS mobile with interest,365243.0,-1172.0,-1022.0,-1052.0,-1047.0,0.0,1,Cash loans,F,N,N,4,135000.0,239850.0,25830.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.04622,-15642,-1186,-4468.0,-4466,,1,1,0,1,0,0,,6.0,1,1,WEDNESDAY,15,0,1,1,0,1,1,Business Entity Type 3,,0.5279849792553388,0.7062051096536562,0.0557,0.0768,0.9831,0.7688,,0.04,0.3103,0.3333,0.375,0.0558,0.0454,0.0958,0.0,0.0,0.0567,0.0797,0.9831,0.7779,,0.0403,0.3103,0.3333,0.375,0.057,0.0496,0.0998,0.0,0.0,0.0562,0.0768,0.9831,0.7719,,0.04,0.3103,0.3333,0.375,0.0567,0.0462,0.0975,0.0,0.0,reg oper account,block of flats,0.0753,"Stone, brick",No,2.0,1.0,2.0,1.0,-517.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1189359,372473,Cash loans,10258.56,112500.0,123637.5,0.0,112500.0,SATURDAY,11,Y,1,0.0,,,XNA,Approved,-2009,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,365243.0,-1979.0,-1469.0,-1469.0,-1462.0,1.0,0,Cash loans,M,N,N,0,135000.0,584766.0,24903.0,472500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.022625,-20541,-4810,-5496.0,-4008,,1,1,0,1,0,0,Low-skill Laborers,2.0,2,2,SATURDAY,12,0,0,0,0,1,1,Business Entity Type 3,0.6928986676850252,0.6550958324327675,,0.0082,0.0,0.9722,0.6192,0.0,0.0,0.0345,0.0417,0.0833,0.0,0.0067,0.0098,0.0,0.0,0.0084,0.0,0.9722,0.6341,0.0,0.0,0.0345,0.0417,0.0833,0.0,0.0073,0.0102,0.0,0.0,0.0083,0.0,0.9722,0.6243,0.0,0.0,0.0345,0.0417,0.0833,0.0,0.0068,0.0099,0.0,0.0,not specified,block of flats,0.0081,"Stone, brick",Yes,3.0,0.0,3.0,0.0,-2191.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1390718,380701,Consumer loans,7342.605,82827.0,82827.0,0.0,82827.0,SATURDAY,14,Y,1,0.0,,,XAP,Approved,-550,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,107,Connectivity,12.0,low_action,POS mobile without interest,365243.0,-513.0,-183.0,-243.0,-241.0,0.0,0,Cash loans,M,N,Y,0,247500.0,660289.5,49500.0,585000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.030755,-10490,-3591,-4628.0,-3183,,1,1,0,1,0,0,Drivers,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.16478632358111345,0.4048494167066571,0.2866524828090694,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-550.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1135155,303046,Cash loans,16434.675,225000.0,262125.0,,225000.0,FRIDAY,13,Y,1,,,,XNA,Approved,-1085,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,high,Cash X-Sell: high,365243.0,-1055.0,-185.0,-1055.0,-1047.0,1.0,0,Cash loans,M,Y,N,2,99000.0,500566.5,34969.5,472500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009549,-11190,-1830,-77.0,-3475,15.0,1,1,1,1,1,0,,4.0,2,2,FRIDAY,13,0,0,0,0,0,0,Transport: type 4,,0.6720042989625533,,0.0928,0.1169,0.9886,,,0.0,0.2069,0.1667,,0.129,,0.0868,,,0.0945,0.1213,0.9886,,,0.0,0.2069,0.1667,,0.1319,,0.0904,,,0.0937,0.1169,0.9886,,,0.0,0.2069,0.1667,,0.1312,,0.0884,,,,block of flats,0.0683,"Stone, brick",No,3.0,0.0,3.0,0.0,-1583.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +1976655,429553,Consumer loans,16009.56,142596.0,154831.5,0.0,142596.0,WEDNESDAY,21,Y,1,0.0,,,XAP,Approved,-380,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,1400,Consumer electronics,12.0,middle,POS household with interest,365243.0,-349.0,-19.0,-79.0,-75.0,0.0,0,Revolving loans,M,Y,N,2,360000.0,675000.0,33750.0,675000.0,Unaccompanied,Working,Higher education,Married,With parents,0.072508,-12003,-622,-3901.0,-2396,4.0,1,1,0,1,1,1,Managers,4.0,1,1,FRIDAY,10,1,0,1,0,0,0,Business Entity Type 1,0.4281997652101083,0.5988842859882978,0.5691487713619409,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1700.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1572777,195844,Consumer loans,,76851.0,76851.0,0.0,76851.0,MONDAY,10,Y,1,0.0,,,XAP,Refused,-17,Cash through the bank,HC,,Refreshed,Mobile,XNA,XNA,Country-wide,70,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,1,67500.0,157500.0,7470.0,157500.0,"Spouse, partner",Working,Higher education,Civil marriage,With parents,0.018209,-10166,-2359,-868.0,-2858,,1,1,0,1,0,0,Sales staff,3.0,3,3,THURSDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.09903582815101153,0.4604768526623809,0.2580842039460289,0.0825,0.0794,0.9762,0.6736,0.1003,0.0,0.1379,0.1667,0.2083,0.0541,0.0672,0.0697,0.0,0.0,0.084,0.0824,0.9762,0.6864,0.1012,0.0,0.1379,0.1667,0.2083,0.0554,0.0735,0.0726,0.0,0.0,0.0833,0.0794,0.9762,0.6779999999999999,0.1009,0.0,0.1379,0.1667,0.2083,0.0551,0.0684,0.071,0.0,0.0,reg oper account,block of flats,0.0548,Panel,No,0.0,0.0,0.0,0.0,-25.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1817241,366513,Cash loans,9202.545,90000.0,98910.0,,90000.0,MONDAY,14,Y,1,,,,XNA,Approved,-962,XNA,XAP,Unaccompanied,New,XNA,Cash,walk-in,Country-wide,20,Connectivity,18.0,high,Cash Street: high,365243.0,-932.0,-422.0,-422.0,-417.0,1.0,0,Cash loans,F,N,Y,2,67500.0,225000.0,17905.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-17813,-11183,-5617.0,-1373,,1,1,1,1,0,0,,4.0,2,2,THURSDAY,8,0,0,0,0,0,0,Business Entity Type 3,0.3901009475584963,0.5292654881881145,0.5867400085415683,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-962.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2725287,240473,Consumer loans,3728.565,32670.0,31950.0,3600.0,32670.0,WEDNESDAY,14,Y,1,0.11028768699654776,,,XAP,Approved,-2729,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Stone,5,Connectivity,12.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,N,1,117000.0,1546020.0,45198.0,1350000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.020713,-13561,-2994,-2692.0,-3337,,1,1,1,1,0,0,,3.0,3,2,MONDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.5566321811917941,0.5662031391793163,0.7700870700124128,0.0825,0.0391,0.9821,0.7552,0.0123,0.0,0.2069,0.1667,0.2083,0.1023,0.0656,0.0749,0.0077,0.0558,0.084,0.0406,0.9821,0.7648,0.0124,0.0,0.2069,0.1667,0.2083,0.1046,0.0716,0.078,0.0078,0.0591,0.0833,0.0391,0.9821,0.7585,0.0124,0.0,0.2069,0.1667,0.2083,0.1041,0.0667,0.0762,0.0078,0.057,reg oper account,block of flats,0.0778,Panel,No,2.0,0.0,2.0,0.0,-1848.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2613577,348065,Consumer loans,5011.245,108220.5,108220.5,0.0,108220.5,TUESDAY,19,Y,1,0.0,,,XAP,Approved,-1039,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,4000,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1007.0,-317.0,-377.0,-369.0,0.0,0,Cash loans,M,N,N,0,202500.0,1305000.0,55291.5,1305000.0,Unaccompanied,Commercial associate,Higher education,Married,With parents,0.02461,-10167,-1328,-1340.0,-2785,,1,1,0,1,1,1,Sales staff,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,Transport: type 4,,0.5079227520684936,0.4507472818545589,0.0082,0.0,0.9563,0.4016,0.0,0.0,0.0345,0.0,0.0417,,0.0067,0.0049,0.0,0.0,0.0084,0.0,0.9563,0.425,0.0,0.0,0.0345,0.0,0.0417,,0.0073,0.0051,0.0,0.0,0.0083,0.0,0.9563,0.4096,0.0,0.0,0.0345,0.0,0.0417,,0.0068,0.005,0.0,0.0,reg oper account,block of flats,0.0039,Wooden,No,5.0,1.0,5.0,0.0,-1039.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,7.0,0.0,3.0 +1634793,373036,Cash loans,32478.435,315000.0,332046.0,,315000.0,THURSDAY,11,Y,1,,,,XNA,Approved,-1084,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-1054.0,-724.0,-904.0,-891.0,1.0,0,Cash loans,F,N,Y,0,153000.0,775327.5,39717.0,693000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.025164,-18373,-9596,-7681.0,-1920,,1,1,0,1,0,0,High skill tech staff,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Industry: type 5,,0.3712523116545938,0.4066174366275036,0.1649,0.1135,0.9891,0.8504,0.0331,0.16,0.1379,0.375,0.4167,0.0,0.1345,0.1837,0.0,0.0,0.1681,0.1178,0.9891,0.8563,0.0334,0.1611,0.1379,0.375,0.4167,0.0,0.1469,0.1914,0.0,0.0,0.1665,0.1135,0.9891,0.8524,0.0333,0.16,0.1379,0.375,0.4167,0.0,0.1368,0.187,0.0,0.0,reg oper account,block of flats,0.1626,Panel,No,0.0,0.0,0.0,0.0,-1436.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2536558,213741,Cash loans,30657.735,225000.0,258322.5,,225000.0,SATURDAY,11,Y,1,,,,Repairs,Approved,-473,Cash through the bank,XAP,,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-443.0,-113.0,-113.0,-108.0,1.0,0,Cash loans,F,N,N,2,112500.0,508495.5,24592.5,454500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.002042,-14153,-6199,-1947.0,-5559,,1,1,1,1,0,0,Laborers,4.0,3,3,WEDNESDAY,13,0,0,0,0,0,0,Postal,0.24853862402136145,0.5019863561849582,0.1556893746835917,0.1351,0.1336,0.9851,0.7959999999999999,0.1075,0.0,0.0345,0.125,0.1667,0.1532,0.1101,0.0617,0.0,0.2704,0.1376,0.1387,0.9851,0.804,0.1085,0.0,0.0345,0.125,0.1667,0.1567,0.1203,0.0643,0.0,0.2863,0.1364,0.1336,0.9851,0.7987,0.1082,0.0,0.0345,0.125,0.1667,0.1559,0.112,0.0629,0.0,0.2761,reg oper account,block of flats,0.1074,"Stone, brick",No,0.0,0.0,0.0,0.0,-473.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1343040,120898,Revolving loans,14625.0,292500.0,292500.0,,292500.0,SATURDAY,11,Y,1,,,,XAP,Refused,-142,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,225000.0,414000.0,15736.5,414000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-23231,365243,-11484.0,-4431,,1,0,0,1,0,0,,2.0,2,2,MONDAY,13,0,0,0,0,0,0,XNA,,0.4509146922215012,0.1986200451074864,0.0593,,0.9707,0.4764,,0.08,0.1724,0.25,0.1667,,,0.0544,,0.2499,0.0452,,0.9618,0.4969,,0.0,0.1379,0.1667,0.1667,,,0.0566,,0.0697,0.0599,,0.9707,0.4834,,0.08,0.1724,0.25,0.1667,,,0.0553,,0.2551,reg oper account,block of flats,0.0746,,No,2.0,0.0,2.0,0.0,-2368.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1339642,418303,Consumer loans,,82843.335,82843.335,0.0,82843.335,WEDNESDAY,10,Y,1,0.0,,,XAP,Refused,-446,Cash through the bank,LIMIT,,Repeater,Mobile,XNA,XNA,Country-wide,25,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,F,N,N,1,135000.0,961794.0,51372.0,909000.0,Unaccompanied,State servant,Secondary / secondary special,Married,Office apartment,0.006629,-13572,-4303,-5554.0,-5737,,1,1,0,1,0,0,Medicine staff,3.0,2,2,MONDAY,5,0,0,0,0,0,0,Other,,0.7714819279709655,,0.0132,,0.9722,,,0.0,0.069,0.0417,,,,0.0116,,,0.0126,,0.9727,,,0.0,0.069,0.0417,,,,0.0116,,,0.0135,,0.9727,,,0.0,0.069,0.0417,,,,0.0117,,,,block of flats,0.0087,Wooden,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1038367,357918,Consumer loans,13500.45,128209.5,128209.5,0.0,128209.5,SATURDAY,18,Y,1,0.0,,,XAP,Refused,-1349,Cash through the bank,HC,Family,Repeater,Furniture,POS,XNA,Stone,150,Furniture,10.0,low_action,POS industry without interest,,,,,,,0,Cash loans,F,N,Y,0,144000.0,586332.0,57249.0,540000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.010556,-12768,-4959,-2018.0,-4558,,1,1,0,1,0,0,Sales staff,2.0,3,3,THURSDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.4583417622444139,0.5617453081645988,,0.1361,0.1112,0.9916,0.8844,0.0,0.16,0.1379,0.375,0.0417,0.0995,0.111,0.1954,0.0,0.0427,0.1387,0.1154,0.9916,0.8889,0.0,0.1611,0.1379,0.375,0.0417,0.1018,0.1212,0.2036,0.0,0.0452,0.1374,0.1112,0.9916,0.8859,0.0,0.16,0.1379,0.375,0.0417,0.1013,0.1129,0.1989,0.0,0.0436,reg oper account,block of flats,0.1829,"Stone, brick",No,7.0,0.0,7.0,0.0,-1762.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2422466,253503,Consumer loans,1739.97,15975.0,15084.0,2250.0,15975.0,THURSDAY,12,Y,1,0.14136694043236095,,,XAP,Approved,-2147,Cash through the bank,XAP,Family,Refreshed,Consumer Electronics,POS,XNA,Stone,160,Furniture,12.0,middle,POS industry with interest,,,,,,,0,Cash loans,F,N,Y,0,144000.0,454500.0,30501.0,454500.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.026392000000000002,-21554,365243,-10083.0,-4437,,1,0,0,1,1,0,,1.0,2,2,TUESDAY,18,0,0,0,0,0,0,XNA,,0.32667971750542457,0.4920600938649263,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-158.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1463206,422353,Consumer loans,8945.64,81441.0,79344.0,8145.0,81441.0,SATURDAY,14,Y,1,0.10139155156128717,,,XAP,Approved,-1823,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Country-wide,2200,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1792.0,-1522.0,-1552.0,-1549.0,0.0,0,Cash loans,F,Y,N,2,180000.0,1341000.0,39339.0,1341000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.008019,-14181,-3208,-2784.0,-4353,5.0,1,1,0,1,1,0,Accountants,4.0,2,2,TUESDAY,11,0,0,0,0,0,0,Self-employed,0.8045152311419832,0.7458402851913609,0.35895122857839673,0.0371,0.0585,0.9876,0.83,0.121,0.04,0.0345,0.3333,0.0417,0.0409,0.0605,0.0674,0.0,0.0,0.0,0.0607,0.9876,0.8367,0.1221,0.0,0.0,0.3333,0.0417,0.0418,0.0661,0.0528,0.0,0.0,0.0375,0.0585,0.9876,0.8323,0.1218,0.04,0.0345,0.3333,0.0417,0.0416,0.0616,0.0686,0.0,0.0,reg oper account,block of flats,0.0662,Panel,No,3.0,0.0,3.0,0.0,-1.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,4.0 +1817915,359848,Consumer loans,8159.085,68175.0,74173.5,0.0,68175.0,TUESDAY,9,Y,1,0.0,,,XAP,Approved,-377,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Stone,114,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-327.0,-57.0,-57.0,-50.0,0.0,0,Cash loans,M,N,Y,1,112500.0,355536.0,18283.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010147,-17280,-6707,-6703.0,-810,,1,1,0,1,0,0,Drivers,3.0,2,2,MONDAY,11,0,0,0,0,0,0,Police,0.609092316464896,0.6885249286050212,0.6658549219640212,0.1485,0.0,0.9796,0.7212,0.0004,0.0,0.1034,0.1667,0.2083,,0.121,0.0765,0.0,0.0217,0.1513,0.0,0.9796,0.7321,0.0004,0.0,0.1034,0.1667,0.2083,,0.1322,0.0797,0.0,0.023,0.1499,0.0,0.9796,0.7249,0.0004,0.0,0.1034,0.1667,0.2083,,0.1231,0.0779,0.0,0.0222,reg oper account,block of flats,0.0602,"Stone, brick",No,0.0,0.0,0.0,0.0,-152.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +2421257,190016,Consumer loans,1898.955,32805.0,16272.0,18000.0,32805.0,SATURDAY,11,Y,1,0.5720015278838809,,,XAP,Approved,-2264,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Stone,10,Connectivity,12.0,high,POS mobile with interest,365243.0,-2233.0,-1903.0,-1903.0,-1899.0,1.0,0,Cash loans,F,N,Y,1,90000.0,143910.0,14364.0,135000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.015221,-16684,-4662,-4747.0,-237,,1,1,1,1,1,0,Core staff,3.0,2,2,TUESDAY,15,0,0,0,0,1,1,Transport: type 4,,0.6944123079923215,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2264.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1987622,152675,Consumer loans,8025.3,215293.5,89568.0,135000.0,215293.5,MONDAY,13,Y,1,0.6547115917106299,,,XAP,Approved,-2135,Cash through the bank,XAP,Children,New,Audio/Video,POS,XNA,Country-wide,1600,Consumer electronics,14.0,middle,POS household with interest,365243.0,-2104.0,-1714.0,-1714.0,-1702.0,0.0,0,Cash loans,F,N,Y,0,121500.0,728460.0,40806.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.005084,-17821,-236,-9901.0,-1371,,1,1,0,1,1,0,Laborers,1.0,2,2,MONDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.4112616996800832,0.7136313997323308,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-2135.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1279557,175802,Revolving loans,6750.0,135000.0,135000.0,,135000.0,THURSDAY,13,Y,1,,,,XAP,Refused,-369,XNA,HC,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,3,112500.0,327024.0,16033.5,270000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.019101,-12524,-2671,-2434.0,-4143,,1,1,0,1,0,0,Medicine staff,5.0,2,2,TUESDAY,15,0,0,0,0,0,0,Medicine,,0.1653726416092727,0.5691487713619409,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,0.0,0.0,-1048.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,8.0 +1515289,168931,Consumer loans,5598.63,31045.5,27895.5,3150.0,31045.5,TUESDAY,13,Y,1,0.11050349853074884,,,XAP,Approved,-2794,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Stone,36,Connectivity,6.0,high,POS mobile with interest,365243.0,-2741.0,-2591.0,-2591.0,-2586.0,0.0,0,Cash loans,F,N,N,0,112500.0,135000.0,14539.5,135000.0,Family,Working,Higher education,Married,House / apartment,0.018801,-18856,-428,-5459.0,-2386,,1,1,1,1,1,0,,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.5789075032966414,0.6925590674998008,0.2495,0.1269,0.9916,0.8844,0.1418,0.24,0.2069,0.375,0.4167,0.3303,0.2017,0.2611,0.0077,0.0155,0.2542,0.1317,0.9916,0.8889,0.1431,0.2417,0.2069,0.375,0.4167,0.3379,0.2204,0.272,0.0078,0.0164,0.2519,0.1269,0.9916,0.8859,0.1427,0.24,0.2069,0.375,0.4167,0.3361,0.2052,0.2658,0.0078,0.0158,reg oper account,block of flats,0.2826,Panel,No,0.0,0.0,0.0,0.0,-1158.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1009421,103586,Cash loans,12419.235,112500.0,119925.0,,112500.0,TUESDAY,10,Y,1,,,,XNA,Approved,-1031,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1001.0,-671.0,-671.0,-662.0,1.0,0,Cash loans,F,N,Y,0,229500.0,846000.0,37264.5,846000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-23256,365243,-8975.0,-4779,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,XNA,,0.30562337341677354,0.5154953751603267,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,2.0,0.0,-1031.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2760770,296823,Consumer loans,7459.425,68791.5,76054.5,0.0,68791.5,WEDNESDAY,14,Y,1,0.0,,,XAP,Approved,-633,XNA,XAP,,New,Mobile,POS,XNA,Country-wide,25,Connectivity,12.0,middle,POS mobile without interest,365243.0,-602.0,-272.0,-272.0,-265.0,0.0,0,Cash loans,M,Y,Y,0,202500.0,517500.0,21924.0,517500.0,Unaccompanied,Working,Incomplete higher,Single / not married,House / apartment,0.028663,-8714,-1442,-2194.0,-1390,7.0,1,1,1,1,0,0,Laborers,1.0,2,2,SATURDAY,11,0,0,0,0,0,0,Self-employed,0.2211353652738793,0.011713631440215904,0.1766525794312139,0.0464,0.0496,0.9921,,,,0.1034,0.1667,,0.0345,,0.0463,,0.0254,0.0473,0.0514,0.9921,,,,0.1034,0.1667,,0.0352,,0.0482,,0.0269,0.0468,0.0496,0.9921,,,,0.1034,0.1667,,0.0351,,0.0471,,0.026,reg oper account,block of flats,0.0419,"Stone, brick",No,18.0,0.0,18.0,0.0,-633.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2379620,445078,Revolving loans,38250.0,0.0,765000.0,,,WEDNESDAY,14,Y,1,,,,XAP,Approved,-692,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-691.0,-651.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,202500.0,1035000.0,30393.0,1035000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.026392000000000002,-10363,-1517,-4386.0,-1344,,1,1,0,1,0,0,Core staff,2.0,2,2,TUESDAY,16,0,0,0,0,0,0,Bank,,0.4599879445469145,,0.2206,,0.9791,,,0.24,0.2069,0.3333,,,,0.205,,0.0049,0.2248,,0.9791,,,0.2417,0.2069,0.3333,,,,0.2136,,0.0052,0.2228,,0.9791,,,0.24,0.2069,0.3333,,,,0.2087,,0.005,,block of flats,0.1868,Block,No,0.0,0.0,0.0,0.0,-322.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2044787,415579,Cash loans,19493.55,315000.0,349096.5,,315000.0,MONDAY,9,Y,1,,,,XNA,Approved,-676,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-646.0,44.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,0,117000.0,364896.0,18760.5,315000.0,Unaccompanied,Pensioner,Higher education,Widow,Office apartment,0.031329,-20468,365243,-12086.0,-3726,18.0,1,0,0,1,0,0,,1.0,2,2,FRIDAY,10,0,0,0,0,0,0,XNA,,0.5493001835081851,0.7380196196295241,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-676.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1922024,221525,Consumer loans,9157.32,62955.0,56659.5,6295.5,62955.0,SATURDAY,13,Y,1,0.1089090909090909,,,XAP,Approved,-627,XNA,XAP,,Repeater,Computers,POS,XNA,Country-wide,17,Connectivity,8.0,high,POS mobile with interest,365243.0,-593.0,-383.0,-443.0,-423.0,0.0,0,Cash loans,F,Y,Y,0,157500.0,981162.0,28818.0,819000.0,Unaccompanied,Pensioner,Incomplete higher,Married,House / apartment,0.00702,-21085,365243,-9885.0,-4342,10.0,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,XNA,0.7105636949374602,0.6119846614692009,0.5280927512030451,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2241.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1176678,382001,Cash loans,20056.275,157500.0,167895.0,,157500.0,MONDAY,13,Y,1,,,,Repairs,Approved,-556,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-526.0,-196.0,-256.0,-249.0,1.0,0,Cash loans,F,Y,Y,0,180000.0,616500.0,18022.5,616500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.028663,-21961,365243,-8850.0,-4621,8.0,1,0,0,1,0,0,,1.0,2,2,THURSDAY,10,0,0,0,0,0,0,XNA,,0.7346613505629535,0.43473324875017305,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1250.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2144077,382911,Cash loans,53550.0,2025000.0,2025000.0,,2025000.0,WEDNESDAY,9,Y,1,,,,XNA,Refused,-1064,Cash through the bank,HC,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_action,Cash Street: low,,,,,,,0,Cash loans,M,Y,N,0,270000.0,1762110.0,51520.5,1575000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.025164,-13302,-1890,-1903.0,-4343,4.0,1,1,0,1,1,0,Laborers,2.0,2,2,SUNDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.29344398167433866,0.4951146343462651,0.20915469884100693,0.2876,0.1062,0.9866,0.8164,0.0924,0.28,0.2414,0.375,0.4167,0.045,0.2328,0.2454,0.0077,0.1477,0.2931,0.1102,0.9866,0.8236,0.0933,0.282,0.2414,0.375,0.4167,0.046,0.2544,0.2557,0.0078,0.1563,0.2904,0.1062,0.9866,0.8189,0.093,0.28,0.2414,0.375,0.4167,0.0458,0.2369,0.2498,0.0078,0.1508,reg oper spec account,block of flats,0.2756,Panel,No,4.0,0.0,4.0,0.0,-1474.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1381711,162106,Consumer loans,9724.05,94045.5,93577.5,9405.0,94045.5,SUNDAY,8,Y,1,0.0994625300415119,,,XAP,Approved,-1034,Cash through the bank,XAP,"Spouse, partner",New,Audio/Video,POS,XNA,Country-wide,800,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1003.0,-673.0,-673.0,-669.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,473760.0,51151.5,450000.0,Unaccompanied,Working,Higher education,Civil marriage,Rented apartment,0.014464,-9746,-1434,-4196.0,-2419,3.0,1,1,0,1,1,0,Core staff,2.0,2,2,FRIDAY,4,0,0,0,1,1,0,Self-employed,0.3209457241258742,0.677475279875333,,0.0814,,0.9856,,,,0.2069,0.1667,,0.0403,,0.0845,,0.0647,0.083,,0.9856,,,,0.2069,0.1667,,0.0412,,0.0881,,0.0685,0.0822,,0.9856,,,,0.2069,0.1667,,0.041,,0.086,,0.0661,,block of flats,0.08900000000000001,Mixed,No,0.0,0.0,0.0,0.0,-1034.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1188902,253740,Revolving loans,22500.0,0.0,450000.0,,,MONDAY,10,Y,1,,,,XAP,Approved,-953,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,-109.0,0.0,0,Cash loans,M,N,N,0,315000.0,592560.0,32274.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-18932,-2805,-4452.0,-2433,,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.6110391765202258,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1595.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1336116,229662,Revolving loans,36000.0,720000.0,720000.0,,720000.0,THURSDAY,18,Y,1,,,,XAP,Approved,-311,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,225000.0,1506816.0,47443.5,1350000.0,Unaccompanied,Commercial associate,Lower secondary,Married,House / apartment,0.04622,-19637,-4696,-3887.0,-3183,,1,1,0,1,0,0,Cooking staff,2.0,1,1,SUNDAY,17,0,0,0,0,1,1,Business Entity Type 3,0.7749834624610743,0.4466195790923816,,0.0278,,0.9906,,,0.0,0.1034,0.0417,,,,0.0261,,0.0092,0.0284,,0.9906,,,0.0,0.1034,0.0417,,,,0.0272,,0.0097,0.0281,,0.9906,,,0.0,0.1034,0.0417,,,,0.0266,,0.0094,,block of flats,0.0206,"Stone, brick",No,1.0,0.0,1.0,0.0,-628.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1991726,140935,Revolving loans,22500.0,0.0,450000.0,,,FRIDAY,17,Y,1,,,,XAP,Approved,-876,XNA,XAP,,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),1265,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,3,135000.0,544491.0,16047.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00702,-14055,-7129,-805.0,-4705,,1,1,0,1,1,0,Private service staff,5.0,2,2,SATURDAY,18,0,0,0,0,0,0,Self-employed,,0.5202183665262055,0.5046813193144684,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2236.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1432115,104366,Consumer loans,5743.125,37746.0,36211.5,3775.5,37746.0,TUESDAY,7,Y,1,0.10282998792789473,,,XAP,Approved,-2484,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,-1,Consumer electronics,8.0,high,POS household with interest,365243.0,-2453.0,-2243.0,-2303.0,-2297.0,1.0,0,Cash loans,M,Y,Y,0,90000.0,1221354.0,35842.5,1066500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-22025,-1560,-6205.0,-591,29.0,1,1,0,1,0,0,Laborers,2.0,3,3,MONDAY,7,0,0,0,1,1,0,Business Entity Type 3,0.5380780699281998,0.16214456766623808,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1599.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2211918,203646,Consumer loans,5999.04,33880.5,36117.0,0.0,33880.5,MONDAY,8,Y,1,0.0,,,XAP,Approved,-1241,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,24,Connectivity,8.0,high,POS mobile with interest,365243.0,-1209.0,-999.0,-1059.0,-1053.0,0.0,0,Cash loans,F,Y,Y,0,225000.0,254700.0,20250.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0038179999999999998,-12349,-1006,-4822.0,-888,10.0,1,1,0,1,0,0,Core staff,2.0,2,2,WEDNESDAY,5,0,0,0,0,0,0,Kindergarten,0.2533153181225867,0.531656543248514,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-501.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2552910,357810,Revolving loans,11250.0,225000.0,225000.0,,225000.0,THURSDAY,11,Y,1,,,,XAP,Approved,-354,XNA,XAP,Unaccompanied,Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-352.0,-308.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,F,Y,Y,5,112500.0,254700.0,17149.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010966,-10947,-2747,-1407.0,-1559,3.0,1,1,0,1,0,0,Laborers,7.0,2,2,MONDAY,12,0,0,0,0,1,1,Industry: type 3,,0.691579019689208,0.5902333386185574,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-354.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1372073,217966,Cash loans,46536.12,675000.0,954063.0,,675000.0,THURSDAY,19,Y,1,,,,Repairs,Refused,-414,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,48.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,Y,Y,0,238500.0,900000.0,29034.0,900000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.026392000000000002,-13560,-2618,-1178.0,-2956,3.0,1,1,0,1,1,0,Accountants,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.04118114700009153,0.0485913394924409,0.0825,,0.9767,,,0.0,,0.1667,,,,0.0434,,,0.084,,0.9767,,,0.0,,0.1667,,,,0.0452,,,0.0833,,0.9767,,,0.0,,0.1667,,,,0.0441,,,,block of flats,0.051,"Stone, brick",No,3.0,0.0,3.0,0.0,-1004.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2036529,319243,Cash loans,,0.0,0.0,,,WEDNESDAY,10,Y,1,,,,XNA,Refused,-345,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,0,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,Y,Y,0,180000.0,126000.0,10084.5,126000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.026392000000000002,-22981,365243,-8953.0,-4244,8.0,1,0,0,1,0,0,,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,XNA,,0.6864671462949831,0.23272477626794336,0.1649,,0.9866,,,0.16,0.1379,0.375,,,,0.1697,,0.0,0.1681,,0.9866,,,0.1611,0.1379,0.375,,,,0.1768,,0.0,0.1665,,0.9866,,,0.16,0.1379,0.375,,,,0.1727,,0.0,,block of flats,0.1335,Panel,No,0.0,0.0,0.0,0.0,-2561.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2361920,335494,Consumer loans,8755.38,67365.0,65632.5,6736.5,67365.0,FRIDAY,10,Y,1,0.10137850335213844,,,XAP,Approved,-2615,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,34,Connectivity,10.0,low_normal,POS mobile with interest,365243.0,-2583.0,-2313.0,-2313.0,-2305.0,1.0,0,Cash loans,F,N,Y,0,99000.0,808650.0,23773.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-22539,-258,-11004.0,-4786,,1,1,0,1,0,0,Medicine staff,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Medicine,,0.44518781107863215,,0.1031,0.0797,0.9846,0.7892,0.0112,0.0,0.2069,0.1667,0.2083,0.0826,0.0841,0.0605,0.0,0.0,0.105,0.0827,0.9846,0.7975,0.0113,0.0,0.2069,0.1667,0.2083,0.0845,0.0918,0.063,0.0,0.0,0.1041,0.0797,0.9846,0.792,0.0113,0.0,0.2069,0.1667,0.2083,0.0841,0.0855,0.0615,0.0,0.0,reg oper account,block of flats,0.071,Block,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1940675,419068,Consumer loans,4131.315,36450.0,40297.5,0.0,36450.0,WEDNESDAY,11,Y,1,0.0,,,XAP,Approved,-533,Cash through the bank,XAP,,Refreshed,Construction Materials,POS,XNA,Stone,17,Construction,12.0,middle,POS industry with interest,365243.0,-502.0,-172.0,-352.0,-347.0,0.0,0,Cash loans,F,N,Y,0,67500.0,101880.0,6637.5,90000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018634,-19195,-3372,-7394.0,-2724,,1,1,0,1,0,0,Security staff,2.0,2,2,THURSDAY,12,0,0,0,0,1,1,Transport: type 4,,0.5598655810036647,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1564111,329925,Consumer loans,3888.855,37035.0,36850.5,3703.5,37035.0,TUESDAY,17,Y,1,0.09945870152927408,,,XAP,Approved,-448,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Regional / Local,50,Connectivity,12.0,middle,POS mobile with interest,365243.0,-416.0,-86.0,-386.0,-380.0,0.0,0,Cash loans,M,Y,N,0,144000.0,171000.0,18544.5,171000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.028663,-10930,-102,-7237.0,-3032,2.0,1,1,0,1,0,0,Laborers,1.0,2,2,TUESDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.004954738467010629,0.4101025731788671,0.0784,0.0326,0.9727,,,0.0,0.1379,0.1667,,0.0487,,0.0614,,0.0032,0.0798,0.0056,0.9727,,,0.0,0.1379,0.1667,,0.0496,,0.0637,,0.003,0.0791,0.0326,0.9727,,,0.0,0.1379,0.1667,,0.0496,,0.0625,,0.0032,,block of flats,0.053,"Stone, brick",No,3.0,0.0,3.0,0.0,-1.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2807339,301526,Consumer loans,7040.115,70416.0,70065.0,7042.5,70416.0,MONDAY,13,Y,1,0.09947051489508443,,,XAP,Approved,-770,Cash through the bank,XAP,Children,Repeater,Consumer Electronics,POS,XNA,Country-wide,2711,Consumer electronics,12.0,middle,POS household with interest,365243.0,-738.0,-408.0,-438.0,-435.0,0.0,0,Revolving loans,F,N,Y,0,112500.0,315000.0,15750.0,315000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-15986,-3229,-2245.0,-4016,,1,1,0,1,0,0,,2.0,2,2,MONDAY,9,0,0,0,0,1,1,Business Entity Type 3,,0.7029882364037149,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1495.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1397025,101069,Consumer loans,,112455.0,112455.0,0.0,112455.0,WEDNESDAY,15,Y,1,0.0,,,XAP,Refused,-721,Cash through the bank,HC,,Repeater,Mobile,XNA,XNA,Country-wide,80,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,M,Y,Y,0,225000.0,679500.0,45724.5,679500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.02461,-18735,-1717,-11293.0,-2269,3.0,1,1,1,1,1,0,Sales staff,2.0,2,2,WEDNESDAY,16,0,0,0,0,1,1,Trade: type 7,,0.5109120741947333,0.5262949398096192,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-721.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,1.0,2.0 +2053595,126185,Consumer loans,5884.605,23355.0,20655.0,2700.0,23355.0,MONDAY,12,Y,1,0.12590646347871776,,,XAP,Approved,-2394,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,14,Connectivity,4.0,low_normal,POS mobile with interest,365243.0,-2354.0,-2264.0,-2264.0,-2255.0,0.0,0,Cash loans,F,Y,Y,0,135000.0,916470.0,26797.5,765000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.030755,-21340,-3236,-13557.0,-4526,14.0,1,1,1,1,1,0,Managers,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.8047514560115332,0.6262005521421177,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-2394.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2772570,165323,Cash loans,25359.84,112500.0,130324.5,,112500.0,MONDAY,10,Y,1,,,,XNA,Approved,-640,XNA,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,high,Cash X-Sell: high,365243.0,-610.0,-460.0,-460.0,-452.0,1.0,0,Cash loans,F,N,Y,0,180000.0,187704.0,13729.5,148500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-9959,-1597,-1126.0,-2463,,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,Self-employed,,0.6880322985813963,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1826.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1843896,174172,Cash loans,22805.955,315000.0,348264.0,,315000.0,TUESDAY,15,Y,1,,,,XNA,Approved,-135,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),50,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-105.0,585.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,99000.0,668484.0,21564.0,558000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.005084,-21964,-1735,-14000.0,-4420,,1,1,1,1,0,0,Cleaning staff,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.6897616561776332,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1870.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1329227,433367,Consumer loans,4933.71,40221.0,36171.0,4050.0,40221.0,MONDAY,17,Y,1,0.10966455786325999,,,XAP,Approved,-1572,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,35,Connectivity,10.0,high,POS mobile with interest,365243.0,-1510.0,-1240.0,-1420.0,-1412.0,0.0,0,Cash loans,F,N,Y,1,180000.0,545040.0,25537.5,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.005144,-12614,-2844,-5124.0,-5139,,1,1,0,1,1,0,Accountants,3.0,2,2,FRIDAY,17,0,0,0,0,0,0,Bank,,0.5952069018316639,0.4812493411434029,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1572.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1445053,308426,Cash loans,45336.78,765000.0,870021.0,,765000.0,WEDNESDAY,12,Y,1,,,,XNA,Approved,-631,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,high,Cash X-Sell: high,365243.0,-601.0,809.0,-271.0,-263.0,1.0,0,Cash loans,M,Y,Y,1,225000.0,916470.0,29695.5,765000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.04622,-16613,-128,-2869.0,-153,2.0,1,1,0,1,0,0,Laborers,3.0,1,1,THURSDAY,14,0,1,1,0,0,0,Business Entity Type 3,,0.7329227973335666,0.11247434965561487,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-861.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2745903,452326,Cash loans,19650.375,229500.0,280458.0,,229500.0,FRIDAY,7,Y,1,,,,XNA,Approved,-560,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-530.0,-20.0,-50.0,-47.0,1.0,0,Cash loans,F,Y,Y,0,162000.0,593010.0,19260.0,495000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.015221,-14532,-7407,-8568.0,-5107,7.0,1,1,1,1,1,0,,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Medicine,0.5868369080168816,0.6770498802195034,0.7713615919194317,0.1031,0.1136,0.9811,,,,0.2069,0.1667,,0.0204,,0.0601,,,0.105,0.1179,0.9811,,,,0.2069,0.1667,,0.0208,,0.0627,,,0.1041,0.1136,0.9811,,,,0.2069,0.1667,,0.0207,,0.0612,,,,block of flats,0.0697,"Stone, brick",No,0.0,0.0,0.0,0.0,-1506.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1787663,231358,Consumer loans,2673.0,25605.0,22905.0,2700.0,25605.0,SUNDAY,17,Y,1,0.11484262661767056,,,XAP,Approved,-2265,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,40,Connectivity,12.0,high,POS mobile with interest,365243.0,-2219.0,-1889.0,-1919.0,-1915.0,0.0,0,Cash loans,F,Y,Y,1,112500.0,668484.0,24687.0,558000.0,"Spouse, partner",State servant,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-12707,-977,-642.0,-3029,10.0,1,1,0,1,0,0,Laborers,3.0,2,2,THURSDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.3664386442466742,0.2961709149674128,0.7016957740576931,,,0.999,,,,,,,,,,,,,,0.999,,,,,,,,,,,,,,0.999,,,,,,,,,,,,,,0.0286,,No,0.0,0.0,0.0,0.0,-19.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2727156,355894,Consumer loans,6648.84,61425.0,59845.5,6142.5,61425.0,MONDAY,16,Y,1,0.10137814313346223,,,XAP,Approved,-1479,Cash through the bank,XAP,Unaccompanied,New,Construction Materials,POS,XNA,Stone,20,Construction,10.0,low_normal,POS industry with interest,365243.0,-1445.0,-1175.0,-1325.0,-1319.0,0.0,0,Cash loans,F,N,Y,0,90000.0,298512.0,28039.5,270000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.01885,-21501,365243,-14086.0,-3806,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,,0.7433325916825244,0.4170996682522097,0.0814,0.0643,0.9747,0.6532,0.0072,0.0,0.1379,0.1667,0.2083,0.0727,0.0656,0.0421,0.0039,0.0021,0.083,0.0667,0.9747,0.6668,0.0073,0.0,0.1379,0.1667,0.2083,0.0743,0.0716,0.0438,0.0039,0.0022,0.0822,0.0643,0.9747,0.6578,0.0073,0.0,0.1379,0.1667,0.2083,0.0739,0.0667,0.0428,0.0039,0.0021,reg oper account,block of flats,0.0331,"Stone, brick",No,1.0,1.0,1.0,0.0,-1335.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2381312,141635,Cash loans,37125.0,1350000.0,1350000.0,,1350000.0,THURSDAY,11,Y,1,,,,XNA,Refused,-4,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,Y,N,0,135000.0,1125000.0,30937.5,1125000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,Rented apartment,0.010147,-8505,-419,-7584.0,-1187,7.0,1,1,0,1,1,0,Core staff,1.0,2,2,MONDAY,14,1,1,0,1,1,0,Trade: type 2,,0.38031578190751625,,0.0629,,0.9796,0.7212,,,0.1379,0.1667,0.2083,0.0455,0.0471,0.0547,0.0193,0.1267,0.0641,,0.9796,0.7321,,,0.1379,0.1667,0.2083,0.0466,0.0514,0.057,0.0195,0.1342,0.0635,,0.9796,0.7249,,,0.1379,0.1667,0.2083,0.0463,0.0479,0.0557,0.0194,0.1294,reg oper account,block of flats,0.0584,,No,0.0,0.0,0.0,0.0,-396.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2712862,289341,Consumer loans,8129.295,48780.0,45850.5,2929.5,48780.0,MONDAY,10,Y,1,0.06540573633009059,,,XAP,Approved,-2788,XNA,XAP,,New,Consumer Electronics,POS,XNA,Stone,140,Consumer electronics,6.0,low_normal,POS household without interest,365243.0,-2754.0,-2604.0,-2724.0,-2628.0,0.0,0,Revolving loans,F,N,N,1,180000.0,337500.0,16875.0,337500.0,Unaccompanied,Working,Secondary / secondary special,Married,Rented apartment,0.014464,-14686,-553,-204.0,-4362,,1,1,0,1,0,1,,3.0,2,2,WEDNESDAY,7,0,0,0,1,1,0,Business Entity Type 3,0.4086772844197047,0.5677654521967729,0.5744466170995097,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2525.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2843898,132075,Consumer loans,8235.315,74866.5,74866.5,0.0,74866.5,TUESDAY,13,Y,1,0.0,,,XAP,Refused,-477,Cash through the bank,SCO,,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,250,Consumer electronics,10.0,low_normal,POS household with interest,,,,,,,0,Cash loans,M,N,N,0,315000.0,1800000.0,73444.5,1800000.0,Family,Working,Secondary / secondary special,Single / not married,House / apartment,0.028663,-8946,-867,-497.0,-1618,,1,1,0,1,0,0,Managers,1.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Trade: type 2,,0.4987116990251024,0.6195277080511546,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-464.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2727879,393433,Cash loans,28301.715,405000.0,442422.0,,405000.0,THURSDAY,16,Y,1,,,,XNA,Approved,-533,Non-cash from your account,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-503.0,187.0,-443.0,-439.0,1.0,0,Cash loans,M,Y,N,1,247500.0,540000.0,26109.0,540000.0,Unaccompanied,State servant,Higher education,Married,Office apartment,0.018209,-12097,-3104,-3088.0,-3719,7.0,1,1,0,1,0,0,Managers,3.0,3,3,FRIDAY,10,0,0,0,0,0,0,Military,0.30803046409521323,0.7204684342111385,0.7209441499436497,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-28.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1880543,227110,Cash loans,29928.87,337500.0,386428.5,,337500.0,WEDNESDAY,7,Y,1,,,,XNA,Approved,-915,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-885.0,-375.0,-465.0,-456.0,1.0,0,Cash loans,F,N,N,1,90000.0,450000.0,22018.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.014519999999999996,-10628,-1110,-4023.0,-3258,,1,1,0,1,0,0,Laborers,3.0,2,2,MONDAY,8,0,0,0,0,0,0,Business Entity Type 3,,0.7153981385960911,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1866.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2520639,451563,Cash loans,44439.435,1350000.0,1546020.0,,1350000.0,FRIDAY,13,Y,1,,,,Repairs,Refused,-192,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,135000.0,259794.0,30960.0,229500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.010276,-17522,-634,-10226.0,-1062,,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,18,0,0,0,0,0,0,Trade: type 3,,0.6060330980954366,0.5937175866150576,0.0856,0.0277,0.9796,,,0.0,0.0345,0.1667,,0.0784,,0.0471,,0.0,0.0872,0.0288,0.9796,,,0.0,0.0345,0.1667,,0.0802,,0.0491,,0.0,0.0864,0.0277,0.9796,,,0.0,0.0345,0.1667,,0.0798,,0.048,,0.0,,specific housing,0.0586,"Stone, brick",No,0.0,0.0,0.0,0.0,-977.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2598187,302570,Cash loans,62594.37,1039500.0,1114969.5,,1039500.0,FRIDAY,13,Y,1,,,,XNA,Approved,-703,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,365243.0,-673.0,197.0,-403.0,-400.0,1.0,0,Cash loans,F,N,Y,0,180000.0,303489.0,23976.0,274500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,Municipal apartment,0.018029,-12200,-432,-55.0,-3224,,1,1,0,1,0,1,Cooking staff,1.0,3,3,MONDAY,6,0,0,0,1,1,0,Business Entity Type 3,0.15156986870188574,0.02241525800613994,0.3859146722745145,0.0381,0.0,,,0.0064,0.0,0.1034,0.0833,0.125,0.0205,0.0303,0.0233,0.0039,0.0038,0.0389,0.0,,,0.0065,0.0,0.1034,0.0833,0.125,0.021,0.0331,0.0243,0.0039,0.0041,0.0385,0.0,,,0.0065,0.0,0.1034,0.0833,0.125,0.0209,0.0308,0.0237,0.0039,0.0039,not specified,block of flats,0.0218,Block,No,0.0,0.0,0.0,0.0,-1839.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2381126,132539,Cash loans,30428.73,1129500.0,1129500.0,,1129500.0,FRIDAY,10,Y,1,,,,XNA,Refused,-92,XNA,HC,"Spouse, partner",Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,Y,Y,0,270000.0,808650.0,23305.5,675000.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.072508,-22700,365243,-8008.0,-4054,6.0,1,0,0,1,0,0,,2.0,1,1,SATURDAY,17,0,0,0,0,0,0,XNA,,0.6489585936943045,0.7001838506835805,0.217,0.1161,0.9891,0.8504,0.1269,0.36,0.1552,0.5417,0.5625,0.136,0.1759,0.2074,0.0058,0.0561,0.1397,0.09,0.9891,0.8563,0.0966,0.3222,0.1379,0.5417,0.5833,0.0785,0.1194,0.1543,0.0,0.0041,0.1947,0.1095,0.9891,0.8524,0.1151,0.32,0.1379,0.5417,0.5833,0.1568,0.159,0.1842,0.0058,0.0269,reg oper spec account,block of flats,0.1905,Panel,No,10.0,3.0,10.0,3.0,-837.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1219962,417618,Cash loans,64161.63,1035000.0,1095111.0,,1035000.0,WEDNESDAY,9,Y,1,,,,XNA,Approved,-840,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-810.0,-120.0,-631.0,-624.0,1.0,1,Cash loans,M,Y,Y,0,81000.0,1084500.0,35973.0,1084500.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.010006000000000001,-22188,365243,-7999.0,-5739,14.0,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,XNA,,0.5267695171272786,,0.1784,0.1241,0.9886,0.8436,0.1798,0.2,0.1724,0.3333,0.375,0.0791,0.1454,0.2115,,0.0318,0.1817,0.1288,0.9886,0.8497,0.1814,0.2014,0.1724,0.3333,0.375,0.081,0.1589,0.2204,,0.0337,0.1801,0.1241,0.9886,0.8457,0.1809,0.2,0.1724,0.3333,0.375,0.0805,0.1479,0.2153,,0.0325,reg oper account,block of flats,0.2715,Panel,No,0.0,0.0,0.0,0.0,-1477.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2451620,341319,Cash loans,8436.105,45000.0,46485.0,,45000.0,SATURDAY,13,Y,1,,,,XNA,Approved,-447,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,low_normal,Cash X-Sell: low,365243.0,-417.0,-267.0,-267.0,-264.0,1.0,0,Cash loans,F,N,Y,0,94500.0,254700.0,24808.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.009175,-25091,365243,-8032.0,-343,,1,0,0,1,1,0,,1.0,2,2,FRIDAY,11,0,0,0,0,0,0,XNA,,0.16510419113481814,,0.1485,0.1256,0.9811,,,0.16,0.1379,0.3333,,,,,,,0.1513,0.1304,0.9811,,,0.1611,0.1379,0.3333,,,,,,,0.1499,0.1256,0.9811,,,0.16,0.1379,0.3333,,,,,,,,block of flats,0.1222,Panel,No,0.0,0.0,0.0,0.0,-486.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1596218,323294,Cash loans,31049.865,540000.0,582768.0,,540000.0,TUESDAY,15,Y,1,,,,XNA,Approved,-314,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,76500.0,514777.5,26280.0,477000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.02461,-21749,365243,-3596.0,-2047,,1,0,0,1,1,0,,2.0,2,2,MONDAY,11,0,0,0,0,0,0,XNA,,0.7235189291823482,0.7490217048463391,0.2289,0.1319,0.9945,0.9252,0.1144,0.2,0.1724,0.375,0.4167,0.0343,0.1849,0.2747,0.0077,0.0136,0.2332,0.1368,0.9945,0.9281,0.1154,0.2014,0.1724,0.375,0.4167,0.035,0.202,0.2862,0.0078,0.0144,0.2311,0.1319,0.9945,0.9262,0.1151,0.2,0.1724,0.375,0.4167,0.0349,0.1881,0.2797,0.0078,0.0139,org spec account,block of flats,0.2877,Panel,No,0.0,0.0,0.0,0.0,-1414.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2655740,381605,Cash loans,,0.0,0.0,,,SATURDAY,15,Y,1,,,,XNA,Refused,-290,XNA,HC,,Repeater,XNA,XNA,XNA,Contact center,-1,XNA,,XNA,Cash,,,,,,,1,Cash loans,F,N,Y,0,144000.0,364896.0,19926.0,315000.0,Unaccompanied,State servant,Secondary / secondary special,Civil marriage,House / apartment,0.020713,-10134,-328,-3284.0,-2798,,1,1,1,1,1,0,Laborers,2.0,3,3,TUESDAY,12,0,0,0,1,1,0,Industry: type 3,0.3101806161587756,0.11493791542498027,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,0.0,9.0,0.0,-208.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2129316,152624,Cash loans,17587.98,247500.0,274941.0,,247500.0,WEDNESDAY,8,Y,1,,,,XNA,Refused,-1668,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,180000.0,454500.0,20151.0,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.028663,-21407,365243,-6315.0,-4712,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,12,0,0,0,0,0,0,XNA,,0.5475076016525996,0.2678689358444539,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2408.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2367233,418414,Cash loans,23007.195,472500.0,604021.5,,472500.0,FRIDAY,13,Y,1,,,,XNA,Refused,-377,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,117000.0,500211.0,30730.5,463500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-17183,-1920,-9809.0,-708,,1,1,0,1,0,0,,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.4744391143782614,0.08616166238092926,0.0619,0.0479,0.9821,0.7552,0.0,0.0,0.1379,0.1667,,0.0423,0.0504,0.0466,0.0,0.0208,0.063,0.0497,0.9821,0.7648,0.0,0.0,0.1379,0.1667,,0.0433,0.0551,0.0486,0.0,0.0221,0.0625,0.0479,0.9821,0.7585,0.0,0.0,0.1379,0.1667,,0.043,0.0513,0.0475,0.0,0.0213,reg oper account,block of flats,0.0412,Panel,No,0.0,0.0,0.0,0.0,-1335.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,1.0,1.0,0.0,0.0,6.0 +1679537,262920,Cash loans,,0.0,0.0,,,TUESDAY,9,Y,1,,,,XNA,Refused,-296,XNA,SCOFR,,Repeater,XNA,XNA,XNA,Contact center,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,1,225000.0,385164.0,19795.5,292500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.006305,-15055,-3684,-6762.0,-4220,,1,1,0,1,0,0,Cooking staff,2.0,3,3,THURSDAY,5,0,0,0,0,0,0,Restaurant,0.3045464635648471,0.4593090334265962,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-479.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2286072,300799,Revolving loans,22500.0,450000.0,450000.0,,450000.0,TUESDAY,6,Y,1,,,,XAP,Refused,-449,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Revolving loans,F,N,Y,1,202500.0,180000.0,9000.0,180000.0,Unaccompanied,Commercial associate,Incomplete higher,Single / not married,With parents,0.008068,-11443,-908,-1234.0,-3697,,1,1,0,1,0,0,Accountants,2.0,3,3,WEDNESDAY,11,0,0,0,0,1,1,Industry: type 9,0.4952848699494801,0.4236677072982387,0.34578480246959553,0.1485,0.0532,0.9851,,,0.04,0.0345,0.3333,,0.0,,0.0976,,0.0,0.1513,0.0552,0.9851,,,0.0403,0.0345,0.3333,,0.0,,0.1016,,0.0,0.1499,0.0532,0.9851,,,0.04,0.0345,0.3333,,0.0,,0.0993,,0.0,,block of flats,0.079,"Stone, brick",No,1.0,1.0,1.0,1.0,-746.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +1784661,195233,Cash loans,,0.0,0.0,,,WEDNESDAY,10,Y,1,,,,XNA,Refused,-340,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,0,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,N,0,135000.0,270000.0,17455.5,270000.0,,Pensioner,Secondary / secondary special,Widow,House / apartment,0.072508,-24687,365243,-8852.0,-4386,,1,0,0,1,0,0,,1.0,1,1,THURSDAY,9,0,0,0,0,0,0,XNA,,0.4524473739265871,,0.0608,0.0195,0.9722,0.6192,0.0272,0.0,0.1379,0.1667,0.2083,0.0516,0.0496,0.04,0.0,0.016,0.062,0.0203,0.9722,0.6341,0.0275,0.0,0.1379,0.1667,0.2083,0.0528,0.0542,0.0417,0.0,0.0169,0.0614,0.0195,0.9722,0.6243,0.0274,0.0,0.1379,0.1667,0.2083,0.0525,0.0504,0.0407,0.0,0.0163,reg oper account,block of flats,0.0496,"Stone, brick",No,3.0,0.0,3.0,0.0,-1627.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1483971,216337,Cash loans,12662.73,243000.0,243000.0,,243000.0,SATURDAY,14,Y,1,,,,XNA,Refused,-817,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,48.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,M,N,Y,0,202500.0,284400.0,22599.0,225000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.009656999999999999,-11499,-817,-5543.0,-4097,,1,1,0,1,0,0,,1.0,2,2,THURSDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.7381716411743717,0.2764406945454034,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1424.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2844211,396175,Cash loans,,0.0,0.0,,,SATURDAY,10,Y,1,,,,XNA,Refused,-202,XNA,HC,,Repeater,XNA,XNA,XNA,Contact center,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,1,112500.0,848745.0,36090.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.005313,-16199,-4019,-2754.0,-1144,,1,1,0,1,0,0,Medicine staff,3.0,2,2,FRIDAY,16,0,0,0,0,0,0,Medicine,,0.4905452812965104,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-1621.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2466082,424779,Consumer loans,7946.145,67675.5,27891.0,40675.5,67675.5,FRIDAY,10,Y,1,0.6460781470940951,,,XAP,Approved,-2848,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,2363,Consumer electronics,4.0,low_normal,POS household with interest,365243.0,-2817.0,-2727.0,-2727.0,-2713.0,1.0,0,Revolving loans,F,Y,Y,0,315000.0,900000.0,45000.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.031329,-20913,-2554,-3849.0,-1227,25.0,1,1,0,1,0,0,Accountants,2.0,2,2,THURSDAY,10,0,0,0,0,1,1,Business Entity Type 2,0.8519411363214121,0.4854312648963157,0.363945238612397,0.2227,0.0953,0.9846,,,0.24,0.2069,0.3333,,0.2008,,0.2325,,0.0,0.2269,0.0989,0.9846,,,0.2417,0.2069,0.3333,,0.2054,,0.2423,,0.0,0.2248,0.0953,0.9846,,,0.24,0.2069,0.3333,,0.2043,,0.2367,,0.0,,block of flats,0.2031,Panel,No,0.0,0.0,0.0,0.0,-1445.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +1663247,401656,Cash loans,46253.16,1525500.0,1525500.0,,1525500.0,TUESDAY,11,Y,1,,,,XNA,Refused,-359,XNA,HC,Family,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,48.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,M,N,N,0,135000.0,458725.5,23553.0,396000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.031329,-21025,-5517,-11341.0,-4335,,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,Business Entity Type 2,,0.6843878304678221,0.5585066276769286,0.0309,0.0292,0.9861,,,0.0,0.069,0.1667,,0.0255,,0.0189,,0.0,0.0315,0.0303,0.9861,,,0.0,0.069,0.1667,,0.0261,,0.0197,,0.0,0.0312,0.0292,0.9861,,,0.0,0.069,0.1667,,0.026,,0.0193,,0.0,,block of flats,0.0285,Panel,No,6.0,4.0,6.0,4.0,-827.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2063525,410463,Consumer loans,12958.245,70330.5,66640.5,7033.5,70330.5,FRIDAY,19,Y,1,0.1039731914799102,,,XAP,Approved,-634,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,212,Connectivity,6.0,high,POS mobile with interest,365243.0,-601.0,-451.0,-451.0,-443.0,0.0,0,Cash loans,F,N,N,0,90000.0,284400.0,16456.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.00496,-9105,-1577,-3689.0,-1770,,1,1,0,1,0,0,Sales staff,1.0,2,2,TUESDAY,15,0,0,0,1,1,0,Trade: type 7,,0.2735367791652332,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1800283,250149,Consumer loans,5632.83,64345.5,74538.0,0.0,64345.5,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-819,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,1500,Consumer electronics,18.0,middle,POS household with interest,365243.0,-788.0,-278.0,-398.0,-391.0,0.0,1,Cash loans,F,N,N,1,135000.0,529348.5,41953.5,490500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0228,-12326,-764,-6345.0,-3251,,1,1,0,1,1,0,Laborers,3.0,2,2,SATURDAY,13,0,0,0,0,0,0,Hotel,0.3364696770686444,0.2477665943605841,0.5919766183185521,0.0763,0.0844,0.9767,0.6804,0.0102,0.0,0.1379,0.1667,0.2083,0.0313,0.0563,0.0627,0.027000000000000003,0.0253,0.0777,0.0875,0.9767,0.6929,0.0102,0.0,0.1379,0.1667,0.2083,0.032,0.0615,0.0654,0.0272,0.0267,0.077,0.0844,0.9767,0.6847,0.0102,0.0,0.1379,0.1667,0.2083,0.0318,0.0573,0.0639,0.0272,0.0258,reg oper account,block of flats,0.0604,"Stone, brick",No,2.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1394724,177083,Consumer loans,2628.225,58275.0,58275.0,0.0,58275.0,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-1523,Cash through the bank,XAP,Family,Refreshed,Consumer Electronics,POS,XNA,Stone,246,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1492.0,-802.0,-802.0,-794.0,0.0,0,Cash loans,F,N,Y,0,157500.0,273636.0,26653.5,247500.0,Family,Working,Secondary / secondary special,Separated,House / apartment,0.028663,-14391,-4211,-2567.0,-4208,,1,1,0,1,0,0,Medicine staff,1.0,2,2,WEDNESDAY,7,0,0,0,0,0,0,Medicine,,0.5677278864735424,0.34578480246959553,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-1523.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1797713,344822,Cash loans,15737.985,135000.0,143910.0,0.0,135000.0,SATURDAY,10,Y,1,0.0,,,XNA,Approved,-2613,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-2583.0,-2253.0,-2253.0,-2248.0,1.0,0,Cash loans,F,Y,Y,0,247500.0,1258650.0,53455.5,1125000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-23429,365243,-13052.0,-5397,5.0,1,0,0,1,0,0,,2.0,2,2,MONDAY,12,0,0,0,0,0,0,XNA,,0.6389415913328685,0.6738300778602003,0.0619,0.0909,0.9791,0.7144,0.0059,0.0,0.1379,0.1667,0.2083,0.0957,0.0471,0.0533,0.0154,0.1137,0.063,0.0943,0.9791,0.7256,0.0059,0.0,0.1379,0.1667,0.2083,0.0978,0.0514,0.0555,0.0156,0.1204,0.0625,0.0909,0.9791,0.7182,0.0059,0.0,0.1379,0.1667,0.2083,0.0973,0.0479,0.0543,0.0155,0.1161,reg oper account,block of flats,0.0698,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1374296,169021,Consumer loans,2945.925,24840.0,24570.0,2484.0,24840.0,WEDNESDAY,10,Y,1,0.09999637089457446,,,XAP,Approved,-1500,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,12.0,high,POS mobile with interest,365243.0,-1469.0,-1139.0,-1139.0,-1118.0,0.0,1,Cash loans,F,N,Y,0,76500.0,314100.0,16573.5,225000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.028663,-12706,-2814,-3158.0,-2900,,1,1,0,1,0,0,Core staff,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,School,0.4244035478065313,0.2973072095401912,0.2301588968634147,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-1500.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1127700,159833,Consumer loans,11606.94,85365.0,94378.5,0.0,85365.0,TUESDAY,11,Y,1,0.0,,,XAP,Approved,-871,XNA,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,57,Connectivity,12.0,high,POS mobile with interest,365243.0,-840.0,-510.0,-750.0,-746.0,0.0,0,Cash loans,F,N,N,1,157500.0,381528.0,19512.0,315000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.010147,-11576,-133,-930.0,-3461,,1,1,0,1,0,0,,3.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.5490024098436479,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1372.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,,,,,, +1050795,440881,Cash loans,42646.05,1350000.0,1546020.0,,1350000.0,THURSDAY,14,Y,1,,,,XNA,Approved,-131,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,1,112500.0,541323.0,23971.5,405000.0,Other_A,Working,Secondary / secondary special,Married,House / apartment,0.031329,-15983,-4517,-3667.0,-4866,,1,1,0,1,0,0,High skill tech staff,3.0,2,2,TUESDAY,11,0,0,0,0,0,0,Industry: type 11,0.4587982609295113,0.15357057289804046,0.7503751495159068,0.0691,0.0822,0.9861,0.8096,,0.0,0.1379,0.1667,0.0417,0.0742,0.0555,0.063,0.0039,0.0245,0.0704,0.0853,0.9861,0.8171,,0.0,0.1379,0.1667,0.0417,0.0759,0.0606,0.0656,0.0039,0.0259,0.0697,0.0822,0.9861,0.8121,,0.0,0.1379,0.1667,0.0417,0.0755,0.0564,0.0641,0.0039,0.025,org spec account,block of flats,0.0646,Block,No,2.0,0.0,2.0,0.0,-1639.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1511053,380613,Consumer loans,9955.215,84550.5,83029.5,9000.0,84550.5,WEDNESDAY,19,Y,1,0.10650735016291712,,,XAP,Approved,-1981,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,98,Connectivity,12.0,high,POS mobile with interest,365243.0,-1944.0,-1614.0,-1614.0,-1606.0,0.0,0,Cash loans,F,N,Y,1,112500.0,318528.0,21415.5,252000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010966,-10369,-1079,-1408.0,-870,,1,1,0,1,0,1,Core staff,3.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,Other,,0.6552835615566557,,0.1485,0.0974,0.9816,0.7484,0.0268,0.16,0.1379,0.3333,0.375,0.0808,0.1194,0.0903,0.0077,0.005,0.1513,0.1011,0.9816,0.7583,0.0271,0.1611,0.1379,0.3333,0.375,0.0826,0.1304,0.0941,0.0078,0.0052,0.1499,0.0974,0.9816,0.7518,0.027000000000000003,0.16,0.1379,0.3333,0.375,0.0822,0.1214,0.092,0.0078,0.0051,reg oper spec account,block of flats,0.1098,Block,No,1.0,0.0,0.0,0.0,-1981.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1054214,242602,Cash loans,5693.085,45000.0,47970.0,,45000.0,TUESDAY,11,Y,1,,,,Other,Approved,-599,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Country-wide,50,Connectivity,12.0,high,Cash Street: high,365243.0,-569.0,-239.0,-359.0,-349.0,1.0,0,Cash loans,M,N,Y,0,63000.0,225000.0,11619.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.025164,-13661,365243,-6784.0,-4134,,1,0,0,1,1,0,,1.0,2,2,SATURDAY,10,0,0,0,0,0,0,XNA,0.3735595244181235,0.5761544197190771,0.3774042489507649,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-999.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2538883,223760,Consumer loans,15536.79,85495.5,80752.5,8550.0,85495.5,THURSDAY,13,Y,1,0.10427174236698042,,,XAP,Approved,-2569,Cash through the bank,XAP,Family,Refreshed,Audio/Video,POS,XNA,Country-wide,183,Consumer electronics,6.0,high,POS household with interest,365243.0,-2538.0,-2388.0,-2388.0,-2370.0,1.0,0,Cash loans,F,Y,Y,0,90000.0,1125000.0,47794.5,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-19791,-2169,-10117.0,-3153,6.0,1,1,0,1,1,1,Cleaning staff,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.8788845511925425,0.30209405603682826,0.6738300778602003,0.0392,0.0401,0.9747,,,0.0,0.069,0.1667,,0.0318,,0.0323,,,0.0399,0.0416,0.9747,,,0.0,0.069,0.1667,,0.0326,,0.0337,,,0.0396,0.0401,0.9747,,,0.0,0.069,0.1667,,0.0324,,0.0329,,,,block of flats,0.0274,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2119389,297628,Consumer loans,4305.015,19345.5,20304.0,0.0,19345.5,THURSDAY,16,Y,1,0.0,,,XAP,Approved,-1717,Cash through the bank,XAP,Family,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,4000,Consumer electronics,6.0,high,POS household with interest,365243.0,-1686.0,-1536.0,-1566.0,-1560.0,0.0,1,Cash loans,F,N,Y,1,103500.0,310671.0,24543.0,256500.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.018801,-15324,-2388,-7514.0,-4709,,1,1,0,1,0,0,Medicine staff,3.0,2,2,SATURDAY,11,0,0,0,0,0,0,University,0.7237284250837299,0.6478368951396523,0.20208660168203949,0.0052,0.0,0.9608,0.4628,0.0018,0.0,0.0345,0.0,0.0417,0.0037,0.0042,0.0035,0.0,0.0,0.0053,0.0,0.9608,0.4838,0.0018,0.0,0.0345,0.0,0.0417,0.0038,0.0046,0.0036,0.0,0.0,0.0052,0.0,0.9608,0.47,0.0018,0.0,0.0345,0.0,0.0417,0.0038,0.0043,0.0035,0.0,0.0,reg oper account,block of flats,0.0037,Wooden,No,0.0,0.0,0.0,0.0,-1926.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2117090,322500,Cash loans,44123.4,229500.0,235710.0,,229500.0,WEDNESDAY,16,Y,1,,,,XNA,Approved,-268,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-238.0,-88.0,-88.0,-75.0,1.0,0,Cash loans,F,N,N,0,180000.0,331632.0,32800.5,315000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.008019,-23431,365243,-15445.0,-4678,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,8,1,0,0,1,0,0,XNA,,0.188109184882609,0.13765446191826075,0.0082,,0.9608,,,0.0,0.069,0.0417,,0.0,,0.0081,,0.0,0.0084,,0.9608,,,0.0,0.069,0.0417,,0.0,,0.0085,,0.0,0.0083,,0.9608,,,0.0,0.069,0.0417,,0.0,,0.0083,,0.0,,block of flats,0.0064,Wooden,No,0.0,0.0,0.0,0.0,-436.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2202664,162938,Consumer loans,28707.12,287100.0,258390.0,28710.0,287100.0,FRIDAY,10,Y,1,0.1089090909090909,,,XAP,Refused,-2234,Cash through the bank,SCO,Unaccompanied,Repeater,Construction Materials,POS,XNA,Stone,124,Consumer electronics,10.0,low_normal,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,180000.0,780363.0,31077.0,697500.0,Unaccompanied,Commercial associate,Lower secondary,Married,House / apartment,0.04622,-16624,-2611,-9003.0,-66,,1,1,0,1,0,0,Laborers,2.0,1,1,SATURDAY,10,0,0,0,0,0,0,Business Entity Type 1,,0.7060291592067234,0.7700870700124128,0.0278,,0.9866,,,0.0,0.1034,0.0833,,0.0,,0.0151,,0.0,0.0284,,0.9866,,,0.0,0.1034,0.0833,,0.0,,0.0158,,0.0,0.0281,,0.9866,,,0.0,0.1034,0.0833,,0.0,,0.0154,,0.0,,block of flats,0.021,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2248755,420226,Consumer loans,2929.77,24705.0,24435.0,2470.5,24705.0,SATURDAY,16,Y,1,0.10000182456780546,,,XAP,Approved,-2034,Cash through the bank,XAP,Children,New,Audio/Video,POS,XNA,Stone,293,Consumer electronics,12.0,high,POS household with interest,365243.0,-1998.0,-1668.0,-1668.0,-1662.0,0.0,0,Cash loans,F,N,Y,0,180000.0,103558.5,6462.0,85500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-23365,365243,-5265.0,-4501,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,XNA,0.3118076470690011,0.2486520670709361,0.3996756156233169,0.0464,0.0109,0.9747,0.6532,0.0075,0.0,0.1034,0.125,0.1667,0.0329,0.0353,0.0351,0.0116,0.0189,0.0473,0.0114,0.9747,0.6668,0.0076,0.0,0.1034,0.125,0.1667,0.0337,0.0386,0.0365,0.0117,0.02,0.0468,0.0109,0.9747,0.6578,0.0076,0.0,0.1034,0.125,0.1667,0.0335,0.0359,0.0357,0.0116,0.0193,reg oper spec account,,0.0317,"Stone, brick",No,6.0,0.0,5.0,0.0,-2034.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,12.0 +1549458,189753,Cash loans,13639.59,117000.0,124722.0,0.0,117000.0,FRIDAY,15,Y,1,0.0,,,XNA,Approved,-2293,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-2263.0,-1933.0,-1933.0,-1927.0,1.0,0,Cash loans,F,N,Y,0,166500.0,781920.0,25839.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.072508,-20317,-6162,-12472.0,-3799,,1,1,0,1,1,0,,1.0,1,1,TUESDAY,13,0,0,0,0,0,0,Other,0.6647282653386224,0.7162788750650783,0.5954562029091491,0.366,0.2388,0.9821,,,0.4,0.3448,0.3333,,0.4897,,0.3534,,0.0025,0.3729,0.2478,0.9821,,,0.4028,0.3448,0.3333,,0.5009,,0.3683,,0.0027,0.3695,0.2388,0.9821,,,0.4,0.3448,0.3333,,0.4982,,0.3598,,0.0026,,block of flats,0.2785,Panel,No,0.0,0.0,0.0,0.0,-2293.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1940269,209525,Consumer loans,7978.41,71280.0,71280.0,0.0,71280.0,SUNDAY,14,Y,1,0.0,,,XAP,Approved,-711,Cash through the bank,XAP,Unaccompanied,Repeater,Clothing and Accessories,POS,XNA,Regional / Local,347,Clothing,10.0,low_normal,POS industry with interest,365243.0,-680.0,-410.0,-410.0,-403.0,0.0,0,Cash loans,F,N,N,1,112500.0,360000.0,20101.5,360000.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.015221,-17075,-4144,-12144.0,-618,,1,1,0,1,1,0,Sales staff,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,Self-employed,,0.5882812334498618,0.6594055320683344,0.0619,0.052000000000000005,0.9806,0.7348,0.0,0.0,0.1379,0.1667,0.0833,0.0,0.0504,0.0544,0.0,0.0,0.063,0.0539,0.9806,0.7452,0.0,0.0,0.1379,0.1667,0.0833,0.0,0.0551,0.0567,0.0,0.0,0.0625,0.052000000000000005,0.9806,0.7383,0.0,0.0,0.1379,0.1667,0.0833,0.0,0.0513,0.0554,0.0,0.0,reg oper account,block of flats,0.0469,Panel,No,0.0,0.0,0.0,0.0,-967.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1110840,414736,Consumer loans,3549.195,71131.5,76162.5,7555.5,71131.5,FRIDAY,14,Y,1,0.09828981059791632,,,XAP,Approved,-2571,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,1500,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-2540.0,-1850.0,-2180.0,-2177.0,1.0,0,Cash loans,F,N,Y,0,94500.0,101880.0,10053.0,90000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006207,-21930,-3143,-5283.0,-4286,,1,1,1,1,0,0,Medicine staff,2.0,2,2,SUNDAY,10,0,0,0,0,0,0,Medicine,,0.25292098638825883,0.6496203111237195,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1892.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1751854,170087,Consumer loans,2459.34,17955.0,19849.5,0.0,17955.0,THURSDAY,16,Y,1,0.0,,,XAP,Approved,-1017,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,12.0,high,POS mobile with interest,365243.0,-978.0,-648.0,-858.0,-853.0,0.0,0,Cash loans,F,N,N,0,112500.0,225000.0,8482.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-16067,-9291,-7595.0,-1264,,1,1,1,1,1,0,Laborers,2.0,2,2,SATURDAY,15,0,0,0,0,0,0,Business Entity Type 2,,0.7535543511505869,0.5046813193144684,0.6216,0.5146,0.9801,,,0.0,1.0,0.1667,,0.8123,,0.3404,,,0.6334,0.534,0.9801,,,0.0,1.0,0.1667,,0.8308,,0.3547,,,0.6277,0.5146,0.9801,,,0.0,1.0,0.1667,,0.8264,,0.3465,,,,block of flats,0.4284,Panel,No,4.0,0.0,4.0,0.0,-1655.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2502298,311837,Cash loans,9867.69,103500.0,123993.0,,103500.0,MONDAY,9,Y,1,,,,XNA,Refused,-112,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,2,90000.0,219042.0,14769.0,193500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-8598,-289,-8530.0,-1264,,1,1,0,1,0,0,Laborers,4.0,2,2,MONDAY,13,0,0,0,0,0,0,Government,,0.6204605110863664,0.4223696523543468,0.1619,0.0665,0.9846,0.7892,0.0243,0.0,0.069,0.1667,0.2083,0.086,0.1311,0.0626,0.0039,0.0041,0.1649,0.069,0.9846,0.7975,0.0245,0.0,0.069,0.1667,0.2083,0.08800000000000001,0.1433,0.0652,0.0039,0.0043,0.1634,0.0665,0.9846,0.792,0.0245,0.0,0.069,0.1667,0.2083,0.0875,0.1334,0.0637,0.0039,0.0042,reg oper account,block of flats,0.0501,"Stone, brick",No,0.0,0.0,0.0,0.0,-450.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1290786,359295,Consumer loans,4685.985,104017.5,104017.5,0.0,104017.5,FRIDAY,16,Y,1,0.0,,,XAP,Approved,-159,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,951,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-129.0,561.0,-99.0,-94.0,0.0,0,Cash loans,M,Y,Y,0,292500.0,630000.0,25659.0,630000.0,Unaccompanied,Working,Incomplete higher,Civil marriage,House / apartment,0.009334,-9285,-1523,-3928.0,-1692,5.0,1,1,0,1,0,1,Sales staff,2.0,2,2,WEDNESDAY,18,0,0,0,0,0,0,Trade: type 2,,0.5966917931172387,0.1047946227497676,,,0.9717,,,,0.1379,0.0,,,,0.0022,,,,,0.9717,,,,0.1379,0.0,,,,0.0023,,,,,0.9717,,,,0.1379,0.0,,,,0.0023,,,,block of flats,0.0017,Wooden,No,1.0,0.0,1.0,0.0,-369.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2210344,180683,Cash loans,23468.4,585000.0,689247.0,,585000.0,MONDAY,16,Y,1,,,,XNA,Approved,-747,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,54.0,low_normal,Cash X-Sell: low,365243.0,-717.0,873.0,365243.0,365243.0,1.0,0,Revolving loans,F,N,N,0,270000.0,202500.0,10125.0,202500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,Municipal apartment,0.04622,-22001,365243,-9993.0,-3783,,1,0,0,1,0,0,,1.0,1,1,SATURDAY,14,0,0,0,0,0,0,XNA,,0.7151843789547804,0.6195277080511546,0.1485,0.0753,0.9861,0.8096,0.0516,0.16,0.1379,0.3333,0.375,0.14300000000000002,0.1202,0.1387,0.0039,0.002,0.1513,0.0781,0.9861,0.8171,0.0521,0.1611,0.1379,0.3333,0.375,0.1462,0.1313,0.1445,0.0039,0.0021,0.1499,0.0753,0.9861,0.8121,0.0519,0.16,0.1379,0.3333,0.375,0.1454,0.1223,0.1412,0.0039,0.0021,reg oper account,block of flats,0.1378,Panel,No,2.0,1.0,2.0,1.0,-1647.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +1440303,161026,Consumer loans,2555.865,21555.0,21316.5,2160.0,21555.0,TUESDAY,18,Y,1,0.10020387892728316,,,XAP,Approved,-1686,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,25,Connectivity,12.0,high,POS mobile with interest,365243.0,-1653.0,-1323.0,-1323.0,-1317.0,0.0,0,Cash loans,F,N,Y,0,135000.0,697500.0,20524.5,697500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.011703,-14845,-1489,-6285.0,-4717,,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Trade: type 7,,0.413418331456378,0.14287252304131962,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-644.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1257263,253128,Cash loans,9950.13,135000.0,152820.0,,135000.0,SATURDAY,10,Y,1,,,,XNA,Approved,-74,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-44.0,646.0,365243.0,365243.0,1.0,0,Cash loans,M,N,N,0,157500.0,297130.5,15687.0,256500.0,Unaccompanied,Commercial associate,Higher education,Single / not married,With parents,0.014464,-14032,-499,-1422.0,-4569,,1,1,0,1,0,0,Drivers,1.0,2,2,WEDNESDAY,10,0,0,0,1,1,0,Self-employed,0.3725154931764206,0.3312316505243477,0.6178261467332483,0.3588,0.0925,0.9851,0.7959999999999999,0.0431,0.0,0.069,0.3333,0.375,0.1174,0.2908,0.1513,0.0077,0.0173,0.3655,0.096,0.9851,0.804,0.0435,0.0,0.069,0.3333,0.375,0.12,0.3177,0.1577,0.0078,0.0184,0.3622,0.0925,0.9851,0.7987,0.0434,0.0,0.069,0.3333,0.375,0.1194,0.2959,0.154,0.0078,0.0177,reg oper account,block of flats,0.1475,Panel,No,0.0,0.0,0.0,0.0,-86.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +2827141,419222,Consumer loans,35189.865,198445.5,198445.5,0.0,198445.5,WEDNESDAY,10,Y,1,0.0,,,XAP,Refused,-585,Cash through the bank,LIMIT,,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,2222,Consumer electronics,6.0,low_normal,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,252000.0,872415.0,58536.0,823500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.010006000000000001,-19444,365243,-5366.0,-2980,,1,0,0,1,1,0,,1.0,2,1,SUNDAY,10,0,0,0,0,0,0,XNA,,0.7066415054376997,,0.3454,0.226,0.9866,0.8164,0.1083,0.4,0.3448,0.3333,0.375,0.2545,0.2749,0.3486,0.0309,0.1463,0.3519,0.2345,0.9866,0.8236,0.1093,0.4028,0.3448,0.3333,0.375,0.2603,0.3003,0.3632,0.0311,0.1549,0.3487,0.226,0.9866,0.8189,0.109,0.4,0.3448,0.3333,0.375,0.2589,0.2796,0.3549,0.0311,0.1494,reg oper account,block of flats,0.3652,Panel,No,0.0,0.0,0.0,0.0,-649.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1689917,350382,Consumer loans,13486.005,169335.0,191128.5,0.0,169335.0,FRIDAY,14,Y,1,0.0,,,XAP,Approved,-703,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Stone,1,Furniture,18.0,middle,POS industry with interest,365243.0,-672.0,-162.0,-162.0,-155.0,0.0,0,Cash loans,F,N,N,0,90000.0,269550.0,13095.0,225000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.010556,-19646,-13023,-12374.0,-3204,,1,1,1,1,0,0,Laborers,2.0,3,3,MONDAY,12,0,0,0,0,0,0,Industry: type 9,0.8231374609114388,0.6217676267090141,0.7503751495159068,0.0082,0.0,0.9727,,,,0.0345,0.0417,,0.0286,,0.0067,,,0.0084,0.0,0.9727,,,,0.0345,0.0417,,0.0292,,0.006999999999999999,,,0.0083,0.0,0.9727,,,,0.0345,0.0417,,0.0291,,0.0068,,,,block of flats,0.0053,Mixed,No,5.0,0.0,5.0,0.0,-2564.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1188306,391746,Consumer loans,11748.51,96624.0,96624.0,0.0,96624.0,THURSDAY,10,Y,1,0.0,,,XAP,Approved,-680,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,251,Furniture,12.0,high,POS industry with interest,365243.0,-645.0,-315.0,-345.0,-341.0,0.0,0,Cash loans,F,N,N,0,72000.0,634482.0,18549.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.018801,-17218,-2214,-8415.0,-760,,1,1,1,1,0,0,Cooking staff,1.0,2,2,THURSDAY,14,0,0,0,0,0,0,Transport: type 2,0.4512272848079675,0.20095090968705034,0.7352209993926424,0.2247,0.1232,0.9821,0.7552,0.1317,0.24,0.2069,0.3333,0.375,0.1519,0.1816,0.229,0.0077,0.0105,0.229,0.1279,0.9821,0.7648,0.1329,0.2417,0.2069,0.3333,0.375,0.1554,0.1983,0.2386,0.0078,0.0111,0.2269,0.1232,0.9821,0.7585,0.1325,0.24,0.2069,0.3333,0.375,0.1546,0.1847,0.2331,0.0078,0.0107,reg oper account,block of flats,0.2543,Panel,No,2.0,0.0,2.0,0.0,-3296.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2744991,433586,Consumer loans,7782.21,75424.5,86373.0,0.0,75424.5,SUNDAY,6,Y,1,0.0,,,XAP,Approved,-980,Cash through the bank,XAP,Unaccompanied,Refreshed,Consumer Electronics,POS,XNA,Country-wide,650,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-948.0,-618.0,-648.0,-636.0,0.0,1,Cash loans,M,N,N,0,315000.0,1260000.0,40774.5,1260000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-13377,-3602,-3665.0,-3447,,1,1,0,1,1,0,Drivers,2.0,3,3,THURSDAY,12,0,0,0,0,0,0,Self-employed,,0.11052022885116286,0.39449540531239935,0.0619,0.0597,0.9901,0.8640000000000001,0.0526,0.0,0.1379,0.1667,0.2083,0.0948,0.0504,0.0593,0.0,0.0,0.063,0.062,0.9901,0.8693,0.053,0.0,0.1379,0.1667,0.2083,0.097,0.0551,0.0618,0.0,0.0,0.0625,0.0597,0.9901,0.8658,0.0529,0.0,0.1379,0.1667,0.2083,0.0965,0.0513,0.0603,0.0,0.0,reg oper account,block of flats,0.0754,Panel,No,0.0,0.0,0.0,0.0,-2354.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,5.0,0.0,3.0 +1192523,241623,Revolving loans,45000.0,0.0,900000.0,,,MONDAY,10,Y,1,,,,XAP,Approved,-503,XNA,XAP,,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),6,XNA,0.0,XNA,Card X-Sell,-502.0,-468.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,202500.0,112500.0,4954.5,112500.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.002042,-16308,-3362,-3525.0,-4563,4.0,1,1,0,1,0,0,High skill tech staff,2.0,3,3,SUNDAY,11,0,0,0,0,0,0,Government,0.8040156691019343,0.5430289913462025,0.5919766183185521,0.0825,0.0767,0.9776,0.6940000000000001,0.0,0.0,0.1379,0.1667,0.2083,0.0,0.0672,0.0549,0.0,0.0752,0.084,0.0796,0.9777,0.706,0.0,0.0,0.1379,0.1667,0.2083,0.0,0.0735,0.0572,0.0,0.0796,0.0833,0.0767,0.9776,0.6981,0.0,0.0,0.1379,0.1667,0.2083,0.0,0.0684,0.0558,0.0,0.0768,,block of flats,0.0595,Panel,No,6.0,0.0,6.0,0.0,-1305.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,4.0 +1007598,451463,Cash loans,20847.06,337500.0,384277.5,,337500.0,SATURDAY,14,Y,1,,,,Repairs,Approved,-604,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),5,XNA,36.0,middle,Cash Street: middle,365243.0,-574.0,476.0,-424.0,-421.0,1.0,0,Cash loans,F,N,Y,0,112500.0,382050.0,27931.5,337500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019101,-10503,-363,-3316.0,-3169,,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,13,0,0,0,0,0,0,Self-employed,,0.41998777322586817,0.7850520263728172,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1142.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +1818419,168931,Consumer loans,12807.81,124776.0,137128.5,0.0,124776.0,SUNDAY,10,Y,1,0.0,,,XAP,Approved,-1158,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,1000,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-1127.0,-797.0,-797.0,-794.0,0.0,0,Cash loans,F,N,N,0,112500.0,135000.0,14539.5,135000.0,Family,Working,Higher education,Married,House / apartment,0.018801,-18856,-428,-5459.0,-2386,,1,1,1,1,1,0,,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.5789075032966414,0.6925590674998008,0.2495,0.1269,0.9916,0.8844,0.1418,0.24,0.2069,0.375,0.4167,0.3303,0.2017,0.2611,0.0077,0.0155,0.2542,0.1317,0.9916,0.8889,0.1431,0.2417,0.2069,0.375,0.4167,0.3379,0.2204,0.272,0.0078,0.0164,0.2519,0.1269,0.9916,0.8859,0.1427,0.24,0.2069,0.375,0.4167,0.3361,0.2052,0.2658,0.0078,0.0158,reg oper account,block of flats,0.2826,Panel,No,0.0,0.0,0.0,0.0,-1158.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1933879,232875,Consumer loans,2689.2,18846.0,16956.0,1890.0,18846.0,SUNDAY,13,Y,1,0.10922115134149518,,,XAP,Approved,-2774,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Regional / Local,15,Connectivity,8.0,high,POS mobile with interest,365243.0,-2735.0,-2525.0,-2525.0,-2515.0,0.0,0,Cash loans,F,Y,Y,1,76500.0,254700.0,18661.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.031329,-15926,-282,-460.0,-4124,12.0,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,17,0,0,0,0,0,0,Industry: type 11,0.32361779142634745,0.32632868505576096,0.7700870700124128,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2404.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2632671,416683,Consumer loans,3839.265,35635.5,39163.5,0.0,35635.5,TUESDAY,14,Y,1,0.0,,,XAP,Approved,-1929,XNA,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Country-wide,2170,Consumer electronics,12.0,low_normal,POS household without interest,365243.0,-1898.0,-1568.0,-1568.0,-1560.0,0.0,0,Cash loans,F,Y,N,0,243000.0,1800000.0,62568.0,1800000.0,Unaccompanied,State servant,Higher education,Civil marriage,House / apartment,0.010276,-13163,-5182,-6464.0,-4393,7.0,1,1,1,1,0,0,Accountants,2.0,2,2,SUNDAY,12,0,0,0,1,1,0,Government,0.7692538853940306,0.6603435969271615,0.5316861425197883,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1929.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2753581,269205,Cash loans,,0.0,0.0,,,THURSDAY,13,Y,1,,,,XNA,Refused,-417,XNA,SCOFR,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,Y,N,0,225000.0,790830.0,57546.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,With parents,0.009656999999999999,-16910,-1815,-8124.0,-448,6.0,1,1,0,1,0,0,Managers,1.0,2,2,THURSDAY,11,0,0,0,0,1,1,Business Entity Type 3,,0.7815782740129674,,0.0722,0.0737,0.9801,0.728,0.0275,0.0,0.1379,0.1667,0.2083,,0.0588,0.0624,0.0,0.0691,0.0735,0.0764,0.9801,0.7387,0.0277,0.0,0.1379,0.1667,0.2083,,0.0643,0.0651,0.0,0.0731,0.0729,0.0737,0.9801,0.7316,0.0276,0.0,0.1379,0.1667,0.2083,,0.0599,0.0636,0.0,0.0705,reg oper account,block of flats,0.0641,"Stone, brick",No,2.0,0.0,2.0,0.0,-1214.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1789609,247689,Consumer loans,13926.465,198270.0,232294.5,0.0,198270.0,MONDAY,13,Y,1,0.0,,,XAP,Approved,-446,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,765,Consumer electronics,24.0,middle,POS household with interest,365243.0,-415.0,275.0,-145.0,-132.0,0.0,0,Cash loans,F,N,Y,0,112500.0,1211049.0,35541.0,1057500.0,Children,Pensioner,Secondary / secondary special,Widow,House / apartment,0.025164,-22902,365243,-862.0,-4145,,1,0,0,1,0,0,,1.0,2,2,SATURDAY,10,0,0,0,0,0,0,XNA,,0.2653117484731741,0.6144143775673561,0.0719,0.065,0.9742,0.6464,0.0069,0.0,0.1207,0.1667,0.2083,0.0136,0.0584,0.0602,0.001,0.0014,0.084,0.0778,0.9747,0.6668,0.0042,0.0,0.1379,0.1667,0.2083,0.008,0.0735,0.0323,0.0,0.0,0.0833,0.075,0.9747,0.6578,0.0079,0.0,0.1379,0.1667,0.2083,0.0158,0.0684,0.071,0.0,0.0,reg oper account,block of flats,0.0256,Panel,No,1.0,0.0,1.0,0.0,-446.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1539535,120358,Consumer loans,5826.06,48456.0,47911.5,4860.0,48456.0,WEDNESDAY,15,Y,1,0.1003000069769064,,,XAP,Approved,-2038,Cash through the bank,XAP,"Spouse, partner",Repeater,Mobile,POS,XNA,Country-wide,130,Connectivity,12.0,high,POS mobile with interest,365243.0,-2007.0,-1677.0,-1677.0,-1663.0,0.0,1,Cash loans,M,Y,Y,3,90000.0,517788.0,34731.0,427500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-11308,-144,-1379.0,-3943,29.0,1,1,0,1,0,0,Laborers,5.0,2,2,THURSDAY,9,0,0,0,0,0,0,Trade: type 7,,0.1284174692434108,0.511891801533151,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-463.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2484255,248255,Cash loans,12563.55,135000.0,148365.0,0.0,135000.0,SATURDAY,13,Y,1,0.0,,,Repairs,Approved,-2123,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,0,XNA,18.0,high,Cash Street: high,365243.0,-2092.0,-1582.0,-1582.0,-1580.0,0.0,0,Cash loans,F,N,Y,0,157500.0,545040.0,20677.5,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.008473999999999999,-21745,365243,-8338.0,-2494,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,17,0,0,0,0,0,0,XNA,,0.2210148620530048,0.5082869913916046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-46.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,4.0,3.0 +2180466,228779,Consumer loans,8170.65,46710.0,44118.0,4671.0,46710.0,THURSDAY,15,Y,1,0.1042682497358756,,,XAP,Approved,-2458,Cash through the bank,XAP,Children,New,Audio/Video,POS,XNA,Country-wide,730,Consumer electronics,6.0,middle,POS household without interest,365243.0,-2427.0,-2277.0,-2277.0,-2273.0,1.0,1,Cash loans,F,N,N,0,292500.0,691020.0,20335.5,495000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.018634,-21317,365243,-8656.0,-4026,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,XNA,0.6926879598759536,0.007952213430079411,0.1777040724853336,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1640.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1656281,364046,Consumer loans,3541.275,29340.0,29542.5,2934.0,29340.0,SATURDAY,13,Y,1,0.09839092042777782,,,XAP,Refused,-280,Cash through the bank,HC,,Repeater,Mobile,POS,XNA,Country-wide,35,Connectivity,12.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,N,3,38250.0,284400.0,13833.0,225000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.010276,-15729,-772,-2717.0,-5142,,1,1,0,1,0,0,,5.0,2,2,FRIDAY,20,0,0,0,0,0,0,Government,,0.21735850437289567,0.5673792367572691,0.0918,0.0779,0.9796,0.7212,0.0116,0.0,0.2069,0.1667,0.0417,0.0703,0.0748,0.0602,0.0,0.0,0.0935,0.0809,0.9796,0.7321,0.0117,0.0,0.2069,0.1667,0.0417,0.0719,0.0817,0.0627,0.0,0.0,0.0926,0.0779,0.9796,0.7249,0.0117,0.0,0.2069,0.1667,0.0417,0.0715,0.0761,0.0613,0.0,0.0,reg oper account,block of flats,0.0682,Panel,No,0.0,0.0,0.0,0.0,-324.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2077363,437817,Cash loans,8064.0,67500.0,71955.0,0.0,67500.0,FRIDAY,13,Y,1,0.0,,,XNA,Approved,-2321,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-2291.0,-1961.0,-1961.0,-1955.0,1.0,0,Cash loans,M,Y,N,2,180000.0,900000.0,26316.0,900000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.01885,-16488,-549,-248.0,-18,9.0,1,1,0,1,0,0,Laborers,4.0,2,2,TUESDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.4166462040632972,,0.0722,0.1169,0.9861,,,0.0,0.2069,0.1667,,,,0.079,,0.0,0.0735,0.1213,0.9861,,,0.0,0.2069,0.1667,,,,0.0823,,0.0,0.0729,0.1169,0.9861,,,0.0,0.2069,0.1667,,,,0.0804,,0.0,,block of flats,0.0621,"Stone, brick",No,6.0,0.0,6.0,0.0,-1916.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1660416,329508,Consumer loans,4881.285,37440.0,39069.0,1890.0,37440.0,WEDNESDAY,12,Y,1,0.05025468927907952,,,XAP,Approved,-1916,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Regional / Local,6,Connectivity,12.0,high,POS mobile with interest,365243.0,-1885.0,-1555.0,-1555.0,-1534.0,0.0,0,Cash loans,F,Y,Y,0,135000.0,675000.0,21906.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-21243,365243,-1083.0,-3993,0.0,1,0,0,1,0,0,,2.0,2,2,MONDAY,17,0,0,0,0,0,0,XNA,,0.2723650902234728,0.5370699579791587,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2312841,331932,Cash loans,22739.265,585000.0,700830.0,,585000.0,TUESDAY,11,Y,1,,,,XNA,Refused,-148,Cash through the bank,HC,Unaccompanied,Refreshed,XNA,Cash,x-sell,AP+ (Cash loan),8,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,135000.0,233905.5,18229.5,189000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.022625,-19901,365243,-2329.0,-3428,,1,0,0,1,1,1,,1.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,XNA,0.56591113430041,0.6765332710938454,0.7597121819739279,0.2907,0.229,0.9886,0.8436,0.133,0.08,0.069,0.3333,0.375,0.1477,0.237,0.1946,0.0,0.0109,0.2962,0.2377,0.9886,0.8497,0.1342,0.0806,0.069,0.3333,0.375,0.151,0.259,0.2028,0.0,0.0115,0.2935,0.229,0.9886,0.8457,0.1338,0.08,0.069,0.3333,0.375,0.1502,0.2411,0.1981,0.0,0.0111,not specified,block of flats,0.2282,"Stone, brick",No,0.0,0.0,0.0,0.0,-2134.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2504037,202671,Revolving loans,3375.0,0.0,67500.0,,,FRIDAY,18,Y,1,,,,XAP,Approved,-2488,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,37,Connectivity,0.0,XNA,Card Street,-2483.0,-2439.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,90000.0,675000.0,26770.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0105,-17516,-946,-5306.0,-861,,1,1,0,1,0,0,Laborers,2.0,3,3,MONDAY,17,0,0,0,0,0,0,Self-employed,,0.11416825683873184,0.6940926425266661,0.134,,0.9856,0.8028,0.0461,0.0,0.069,0.1667,0.2083,,0.1084,0.0411,0.0039,0.0594,0.1366,,0.9856,0.8105,0.0465,0.0,0.069,0.1667,0.2083,,0.1185,0.0428,0.0039,0.0629,0.1353,,0.9856,0.8054,0.0464,0.0,0.069,0.1667,0.2083,,0.1103,0.0419,0.0039,0.0606,,block of flats,0.0811,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1300070,191173,Cash loans,43443.0,1575000.0,1575000.0,,1575000.0,SATURDAY,10,Y,1,,,,XNA,Refused,-205,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,1,Cash loans,M,N,Y,0,180000.0,786528.0,48249.0,720000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.007273999999999998,-16184,-6474,-7052.0,-3533,,1,1,0,1,0,0,Drivers,2.0,2,2,MONDAY,11,0,0,0,1,1,0,Self-employed,,0.3372068603389246,0.5797274227921155,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1872.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,1.0 +2440442,330527,Consumer loans,8118.72,90108.0,90108.0,0.0,90108.0,TUESDAY,18,Y,1,0.0,,,XAP,Approved,-1575,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,1500,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-1544.0,-1214.0,-1214.0,-1205.0,0.0,0,Cash loans,F,Y,Y,0,157500.0,805536.0,29853.0,720000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.019688999999999998,-11877,-1372,-1504.0,-4130,11.0,1,1,0,1,0,0,Core staff,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Bank,0.5444473706421155,0.10475989180556568,0.5867400085415683,0.0907,0.081,0.9791,0.7144,0.0404,0.0,0.2069,0.1667,0.2083,0.0911,0.07400000000000001,0.086,0.0039,0.0077,0.0924,0.0841,0.9791,0.7256,0.0408,0.0,0.2069,0.1667,0.2083,0.0932,0.0808,0.0896,0.0039,0.0082,0.0916,0.081,0.9791,0.7182,0.0407,0.0,0.2069,0.1667,0.2083,0.0927,0.0752,0.0876,0.0039,0.0079,reg oper account,block of flats,0.0914,Panel,No,0.0,0.0,0.0,0.0,-676.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1873713,340570,Revolving loans,2250.0,45000.0,45000.0,,45000.0,TUESDAY,17,Y,1,,,,XAP,Approved,-496,XNA,XAP,Children,New,XNA,Cards,walk-in,Stone,491,Furniture,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,F,N,Y,1,112500.0,675000.0,36616.5,675000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.02461,-9880,-688,-1055.0,-1073,,1,1,0,1,0,0,,3.0,2,2,MONDAY,16,0,0,0,0,0,0,Self-employed,0.18919952748349972,0.6269577979264604,0.3185955240537633,0.1227,0.1146,0.9786,,,0.0,0.2759,0.1667,,0.1289,,0.1138,,0.0,0.125,0.1189,0.9786,,,0.0,0.2759,0.1667,,0.1319,,0.1185,,0.0,0.1239,0.1146,0.9786,,,0.0,0.2759,0.1667,,0.1312,,0.1158,,0.0,,block of flats,0.0984,Panel,No,3.0,0.0,3.0,0.0,-1326.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,1.0 +1960916,110374,Revolving loans,19125.0,0.0,382500.0,,,SATURDAY,13,Y,1,,,,XAP,Refused,-1449,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,1,112500.0,521280.0,31630.5,450000.0,Family,Commercial associate,Lower secondary,Single / not married,House / apartment,0.04622,-13142,-602,-7135.0,-539,,1,1,0,1,1,0,Laborers,2.0,1,1,SATURDAY,11,0,0,0,0,1,1,Trade: type 7,0.4745273201681741,0.6832010533189734,0.23791607950711405,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1449.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,9.0 +1412667,121854,Consumer loans,5037.435,44991.0,44500.5,4500.0,44991.0,THURSDAY,10,Y,1,0.10001753228863153,,,XAP,Approved,-1726,Cash through the bank,XAP,Unaccompanied,Repeater,Construction Materials,POS,XNA,Stone,588,Construction,12.0,high,POS industry with interest,365243.0,-1694.0,-1364.0,-1394.0,-1387.0,0.0,0,Cash loans,M,N,N,0,112500.0,360000.0,18508.5,360000.0,Family,Working,Secondary / secondary special,Separated,House / apartment,0.02461,-11295,-4441,-3422.0,-3678,,1,1,0,1,0,0,Laborers,1.0,2,2,SATURDAY,12,0,0,0,0,0,0,Self-employed,,0.6549228812131263,0.39449540531239935,0.0577,0.0616,0.9722,0.6192,,0.0,0.1379,0.125,0.1667,0.0276,0.0471,0.069,0.0,0.0,0.0588,0.064,0.9722,0.6341,,0.0,0.1379,0.125,0.1667,0.0282,0.0514,0.0719,0.0,0.0,0.0583,0.0616,0.9722,0.6243,,0.0,0.1379,0.125,0.1667,0.0281,0.0479,0.0702,0.0,0.0,,block of flats,0.0593,"Stone, brick",No,1.0,0.0,1.0,0.0,-1726.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,0.0,0.0,4.0 +1737874,206194,Cash loans,,0.0,0.0,,0.0,TUESDAY,16,Y,1,,,,XNA,Refused,-1120,Cash through the bank,XNA,Unaccompanied,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,Y,N,0,135000.0,1113840.0,47322.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.030755,-14774,-2090,-2750.0,-2803,7.0,1,1,0,1,0,0,Accountants,2.0,2,2,TUESDAY,13,0,0,0,0,1,1,Self-employed,,0.5654564131039801,0.6658549219640212,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-677.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1016414,380374,Revolving loans,11250.0,225000.0,225000.0,,225000.0,THURSDAY,11,Y,1,,,,XAP,Refused,-476,XNA,LIMIT,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,1,Cash loans,M,N,N,0,126000.0,162000.0,12798.0,162000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.005002,-18399,-286,-2068.0,-190,,1,1,1,1,1,0,Low-skill Laborers,1.0,3,3,TUESDAY,12,0,0,0,1,1,0,Business Entity Type 3,,0.6821541438368512,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-570.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2668795,438691,Revolving loans,6750.0,0.0,135000.0,,0.0,FRIDAY,12,Y,1,,,,XAP,Refused,-1104,XNA,HC,,New,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,202500.0,187929.0,13495.5,171000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-21078,365243,-11858.0,-3901,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,,0.2259900742427612,0.363945238612397,0.0526,0.0151,0.9737,0.6396,0.0199,0.0,0.0345,0.0833,0.125,0.0,0.0429,0.0186,0.0116,0.0428,0.0536,0.0157,0.9737,0.6537,0.0201,0.0,0.0345,0.0833,0.125,0.0,0.0468,0.0194,0.0117,0.0453,0.0531,0.0151,0.9737,0.6444,0.0201,0.0,0.0345,0.0833,0.125,0.0,0.0436,0.019,0.0116,0.0437,reg oper spec account,block of flats,0.0349,"Stone, brick",No,13.0,0.0,13.0,0.0,-1104.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1386397,298076,Revolving loans,7875.0,0.0,157500.0,,,FRIDAY,10,Y,1,,,,XAP,Approved,-2514,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-2511.0,-2457.0,365243.0,-2092.0,365243.0,0.0,0,Cash loans,F,N,N,0,85050.0,398016.0,25564.5,360000.0,Unaccompanied,Working,Lower secondary,Single / not married,House / apartment,0.020246,-13067,-781,-4173.0,-4709,,1,1,1,1,1,0,Low-skill Laborers,1.0,3,3,FRIDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.13293324778883686,0.7700870700124128,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2145.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1784758,426508,Cash loans,21368.25,90000.0,104733.0,,90000.0,THURSDAY,11,Y,1,,,,Wedding / gift / holiday,Approved,-498,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,,,,,,,0,Cash loans,F,Y,Y,1,171000.0,385164.0,18657.0,292500.0,Family,State servant,Secondary / secondary special,Widow,House / apartment,0.0060079999999999995,-15565,-3240,-8243.0,-4749,14.0,1,1,0,1,0,0,,2.0,2,2,FRIDAY,10,0,0,0,0,1,1,Postal,,0.6910376980921974,0.7597121819739279,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1821.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1906413,277010,Consumer loans,6434.685,55795.5,55138.5,5625.0,55795.5,SATURDAY,12,Y,1,0.10081934654251913,,,XAP,Approved,-2308,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,26,Connectivity,12.0,high,POS mobile with interest,365243.0,-2272.0,-1942.0,-1942.0,-1936.0,1.0,0,Cash loans,M,Y,N,0,135000.0,545040.0,25407.0,450000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-13487,-4782,-3870.0,-3870,0.0,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,15,0,0,0,0,1,1,Business Entity Type 3,,0.6459737755445994,0.5406544504453575,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-2308.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1899317,373581,Consumer loans,4880.43,26595.0,23935.5,2659.5,26595.0,MONDAY,18,Y,1,0.1089090909090909,,,XAP,Approved,-1395,Cash through the bank,XAP,"Spouse, partner",New,Mobile,POS,XNA,Country-wide,10,Connectivity,6.0,high,POS mobile with interest,365243.0,-1364.0,-1214.0,-1214.0,-1207.0,0.0,0,Cash loans,F,N,N,3,157500.0,505246.5,49221.0,486000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Rented apartment,0.020246,-12462,-1779,-2500.0,-2500,,1,1,1,1,0,0,Sales staff,5.0,3,3,WEDNESDAY,13,1,1,0,1,1,0,Business Entity Type 3,,0.6854590646760802,0.5388627065779676,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1395.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,3.0,2.0 +2057968,402463,Consumer loans,5591.925,22968.0,27198.0,0.0,22968.0,FRIDAY,16,Y,1,0.0,,,XAP,Approved,-1741,Cash through the bank,XAP,Unaccompanied,Repeater,Auto Accessories,POS,XNA,Country-wide,60,Industry,6.0,high,POS other with interest,365243.0,-1710.0,-1560.0,-1560.0,-1557.0,0.0,0,Cash loans,F,N,Y,2,112500.0,589045.5,36166.5,508500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-14037,-4372,-11856.0,-4858,,1,1,0,1,0,0,Laborers,4.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Business Entity Type 2,,0.6886421586614094,0.7338145369642702,,,0.9836,,,,,,,,,0.0678,,,,,0.9836,,,,,,,,,0.0706,,,,,0.9836,,,,,,,,,0.069,,,,,0.0533,,No,3.0,0.0,3.0,0.0,-672.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1629718,423895,Consumer loans,10664.55,53828.55,56956.5,5386.05,53828.55,WEDNESDAY,14,Y,1,0.0940914045208143,,,XAP,Approved,-362,Cash through the bank,XAP,Family,Repeater,Jewelry,POS,XNA,Country-wide,40,Industry,6.0,middle,POS others without interest,365243.0,-331.0,-181.0,-181.0,-169.0,0.0,0,Cash loans,F,N,Y,3,157500.0,276277.5,21528.0,238500.0,Family,Working,Secondary / secondary special,Single / not married,House / apartment,0.035792000000000004,-11445,-3218,-199.0,-2344,,1,1,0,1,0,0,Laborers,4.0,2,2,MONDAY,15,0,0,0,0,0,0,Self-employed,,0.26454946931092965,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2065807,261221,Consumer loans,3494.475,17995.5,16996.5,1800.0,17995.5,SUNDAY,18,Y,1,0.10429407795938796,,,XAP,Approved,-1355,Cash through the bank,XAP,"Spouse, partner",New,Auto Accessories,POS,XNA,Country-wide,1000,Consumer electronics,6.0,high,POS household with interest,365243.0,-1324.0,-1174.0,-1234.0,-1228.0,0.0,0,Cash loans,F,N,Y,1,337500.0,862560.0,25348.5,720000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.0105,-14408,-431,-5748.0,-4948,,1,1,0,1,0,0,Accountants,2.0,3,3,THURSDAY,14,0,1,1,0,0,0,Business Entity Type 3,,0.6804590885332561,0.1624419982223248,0.2144,0.0727,0.993,,,0.12,0.1034,0.375,,0.0307,,0.1051,,0.2241,0.2185,0.0755,0.9901,,,0.0806,0.069,0.375,,0.0314,,0.1076,,0.1623,0.2165,0.0727,0.993,,,0.12,0.1034,0.375,,0.0313,,0.107,,0.2288,org spec account,block of flats,0.3589,"Stone, brick",No,0.0,0.0,0.0,0.0,-643.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1796264,215450,Cash loans,34662.51,495000.0,712633.5,,495000.0,MONDAY,10,Y,1,,,,Other,Refused,-486,Cash through the bank,LIMIT,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,middle,Cash Street: middle,,,,,,,0,Cash loans,M,N,N,0,166500.0,173196.0,18783.0,153000.0,Unaccompanied,State servant,Higher education,Single / not married,Office apartment,0.010147,-11139,-1059,-1365.0,-55,,1,1,0,1,0,1,High skill tech staff,1.0,2,2,THURSDAY,18,0,0,0,0,0,0,Emergency,0.4310048186786453,0.7373381784333197,0.4170996682522097,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,2.0,0.0,2.0,0.0,-869.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2701726,123392,Consumer loans,9903.69,80455.5,48955.5,31500.0,80455.5,MONDAY,11,Y,1,0.4264017206575515,,,XAP,Approved,-1738,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,35,Connectivity,6.0,high,POS mobile with interest,365243.0,-1704.0,-1554.0,-1554.0,-1550.0,0.0,0,Cash loans,M,Y,Y,1,315000.0,688500.0,20259.0,688500.0,"Spouse, partner",State servant,Secondary / secondary special,Married,House / apartment,0.009175,-16815,-4119,-9381.0,-362,1.0,1,1,0,1,0,0,,3.0,2,2,WEDNESDAY,14,0,0,0,0,1,1,Other,,0.2858978721410488,0.5280927512030451,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1738.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1028216,428328,Consumer loans,18155.7,112486.5,94738.5,22500.0,112486.5,THURSDAY,17,Y,1,0.20901449143878031,,,XAP,Approved,-704,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,300,Consumer electronics,6.0,middle,POS household with interest,365243.0,-672.0,-522.0,-612.0,-603.0,0.0,0,Cash loans,M,Y,Y,1,450000.0,593010.0,23107.5,495000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.004849,-15704,-1552,-1475.0,-1805,2.0,1,1,0,1,0,0,Drivers,3.0,2,2,MONDAY,12,0,1,1,0,1,1,Other,0.3510105994359499,0.44415102134795215,0.2353105173615833,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-704.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2610210,436504,Consumer loans,23007.735,130230.0,130230.0,0.0,130230.0,TUESDAY,5,Y,1,0.0,,,XAP,Approved,-886,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Regional / Local,135,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-840.0,-690.0,-720.0,-713.0,0.0,0,Cash loans,F,Y,Y,0,135000.0,757597.5,43623.0,702000.0,Unaccompanied,Pensioner,Higher education,Civil marriage,House / apartment,0.020713,-23085,365243,-91.0,-2292,15.0,1,0,0,1,1,0,,2.0,3,2,SATURDAY,7,0,0,0,0,0,0,XNA,0.8104293958114924,0.12359664613470395,0.2512394458905693,0.2381,0.1494,0.9995,0.9932,0.1606,0.24,0.1034,0.625,0.0,0.1327,0.1858,0.196,0.0386,0.053,0.2426,0.1551,0.9995,0.9935,0.1621,0.2417,0.1034,0.625,0.0,0.1358,0.2029,0.2042,0.0389,0.0561,0.2405,0.1494,0.9995,0.9933,0.1616,0.24,0.1034,0.625,0.0,0.1351,0.189,0.1996,0.0388,0.0541,not specified,block of flats,0.2535,Panel,No,0.0,0.0,0.0,0.0,-886.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2133318,239447,Consumer loans,5372.28,47299.5,47299.5,0.0,47299.5,THURSDAY,14,Y,1,0.0,,,XAP,Approved,-91,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,60,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-56.0,214.0,365243.0,365243.0,0.0,0,Revolving loans,M,Y,Y,0,135000.0,225000.0,11250.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-12492,-3708,-6313.0,-4405,1.0,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.6355590132263156,0.2526029607343179,0.5352762504724826,0.2216,0.1435,0.9876,0.83,0.1366,0.16,0.1379,0.3333,0.375,0.0299,0.1799,0.2085,0.0039,0.0079,0.2258,0.1489,0.9876,0.8367,0.1379,0.1611,0.1379,0.3333,0.375,0.0306,0.1965,0.2172,0.0039,0.0084,0.2238,0.1435,0.9876,0.8323,0.1375,0.16,0.1379,0.3333,0.375,0.0304,0.183,0.2122,0.0039,0.0081,reg oper account,block of flats,0.2404,Block,No,3.0,1.0,3.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2058282,348516,Revolving loans,3375.0,0.0,67500.0,,,SUNDAY,17,Y,1,,,,XAP,Approved,-2134,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-2130.0,-2071.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,1,135000.0,528633.0,24493.5,472500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010556,-13745,-1674,-7591.0,-3941,28.0,1,1,0,1,0,0,Drivers,3.0,3,3,SATURDAY,10,0,0,0,1,1,1,Transport: type 4,0.7266842949199122,0.6356560724839182,,0.0278,0.0333,0.9836,,,0.0,0.1034,0.0833,,0.0839,,0.03,,0.0,0.0284,0.0345,0.9836,,,0.0,0.1034,0.0833,,0.0858,,0.0312,,0.0,0.0281,0.0333,0.9836,,,0.0,0.1034,0.0833,,0.0853,,0.0305,,0.0,,block of flats,0.0252,Panel,No,1.0,0.0,1.0,0.0,-1668.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1007339,394103,Revolving loans,2250.0,0.0,45000.0,,,FRIDAY,9,Y,1,,,,XAP,Approved,-2270,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-2266.0,-2226.0,365243.0,-1435.0,365243.0,0.0,0,Cash loans,F,N,Y,0,90000.0,518463.0,18751.5,364500.0,Family,Working,Secondary / secondary special,Separated,House / apartment,0.010032,-18058,-948,-822.0,-1620,,1,1,0,1,0,0,Laborers,1.0,2,2,SUNDAY,7,0,0,0,0,0,0,Medicine,,0.6581969795543398,,0.2474,0.1483,0.9871,0.8232,0.103,0.0,0.1724,0.2083,0.25,0.28600000000000003,0.2009,0.1587,0.0039,0.0023,0.2521,0.1538,0.9871,0.8301,0.1039,0.0,0.1724,0.2083,0.25,0.2925,0.2195,0.1654,0.0039,0.0025,0.2498,0.1483,0.9871,0.8256,0.1036,0.0,0.1724,0.2083,0.25,0.29100000000000004,0.2044,0.1616,0.0039,0.0024,,block of flats,0.1817,Panel,No,0.0,0.0,0.0,0.0,-17.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1065247,308947,Consumer loans,8196.84,67450.5,68620.5,11250.0,67450.5,SUNDAY,16,Y,1,0.15340172813833305,,,XAP,Approved,-508,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Country-wide,5207,Consumer electronics,10.0,middle,POS household with interest,365243.0,-476.0,-206.0,-266.0,-263.0,0.0,0,Revolving loans,M,Y,Y,0,135000.0,180000.0,9000.0,180000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.01885,-14890,-796,-1984.0,-1988,12.0,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,11,0,0,0,0,1,1,Construction,,0.5671643073877145,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-305.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2665264,160280,Cash loans,16632.405,135000.0,162315.0,,135000.0,SATURDAY,11,Y,1,,,,XNA,Approved,-304,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Country-wide,25,Connectivity,12.0,middle,Cash X-Sell: middle,365243.0,-274.0,56.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,90000.0,545040.0,20677.5,450000.0,Unaccompanied,Working,Lower secondary,Married,House / apartment,0.0105,-15644,-677,-9351.0,-2855,,1,1,1,1,0,0,Laborers,2.0,3,3,TUESDAY,12,0,0,0,0,1,1,Self-employed,,0.0664762763552916,0.4507472818545589,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,0.0,8.0,0.0,-304.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2701725,333217,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,11,Y,1,,,,XAP,Approved,-317,XNA,XAP,,Repeater,XNA,Cards,walk-in,Country-wide,30,Connectivity,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,103500.0,135000.0,9598.5,135000.0,Unaccompanied,State servant,Higher education,Widow,House / apartment,0.015221,-16073,-7552,-7498.0,-4385,,1,1,1,1,1,0,Core staff,2.0,2,2,FRIDAY,9,0,0,0,0,1,1,Government,,0.3359080535856571,0.4848514754962666,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-451.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1730108,225630,Cash loans,19661.94,180000.0,191880.0,,180000.0,FRIDAY,10,Y,1,,,,XNA,Approved,-529,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-499.0,-169.0,-259.0,-254.0,1.0,0,Cash loans,M,N,Y,0,234000.0,1350000.0,39474.0,1350000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-23708,-1664,-7189.0,-4364,,1,1,1,1,1,0,Laborers,2.0,2,2,TUESDAY,15,0,0,0,0,1,1,Construction,,0.4607539344185321,0.1446481462546413,0.0206,,0.9811,,,0.0,0.1034,0.0417,,,,0.0179,,0.0057,0.021,,0.9811,,,0.0,0.1034,0.0417,,,,0.0186,,0.006,0.0208,,0.9811,,,0.0,0.1034,0.0417,,,,0.0182,,0.0058,,block of flats,0.0154,"Stone, brick",No,0.0,0.0,0.0,0.0,-1268.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2058316,164253,Revolving loans,2250.0,45000.0,45000.0,,45000.0,TUESDAY,11,Y,1,,,,XAP,Approved,-323,XNA,XAP,Unaccompanied,New,XNA,Cards,walk-in,Country-wide,500,Consumer electronics,0.0,XNA,Card Street,-312.0,-276.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,112500.0,301500.0,14791.5,301500.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.028663,-17860,-2817,-9420.0,-1384,,1,1,0,1,0,0,Cooking staff,3.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.1710942891241103,0.5549467685334323,0.0742,,0.9816,,,0.08,0.069,0.3333,,,,0.0532,,0.0,0.0756,,0.9816,,,0.0806,0.069,0.3333,,,,0.0553,,0.0,0.0749,,0.9816,,,0.08,0.069,0.3333,,,,0.0541,,0.0,,,0.078,,No,4.0,0.0,4.0,0.0,-323.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1612053,375881,Cash loans,,0.0,0.0,,,WEDNESDAY,10,Y,1,,,,XNA,Refused,-170,XNA,HC,,Repeater,XNA,XNA,XNA,AP+ (Cash loan),3,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,180000.0,302206.5,15952.5,229500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,Municipal apartment,0.018801,-17505,-6087,-989.0,-183,,1,1,0,1,0,0,Security staff,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,School,0.4889552269359566,0.5028282383919472,0.07801576652252579,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-512.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1470010,190606,Consumer loans,19315.08,179914.95,173853.0,17995.95,179914.95,TUESDAY,11,Y,1,0.10215967064429872,,,XAP,Approved,-2465,Cash through the bank,XAP,"Spouse, partner",Repeater,Photo / Cinema Equipment,POS,XNA,Stone,184,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2433.0,-2163.0,-2163.0,-2145.0,1.0,0,Cash loans,M,Y,Y,0,90000.0,1242000.0,34155.0,1242000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-19395,-3344,-4898.0,-2955,2.0,1,1,1,1,1,0,Managers,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.7058430397734586,0.6848276586890367,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,0.0,-1496.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2768318,317111,Cash loans,54602.46,1129500.0,1211503.5,,1129500.0,FRIDAY,11,Y,1,,,,XNA,Approved,-704,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,low_normal,Cash X-Sell: low,365243.0,-674.0,196.0,-494.0,-485.0,1.0,0,Cash loans,F,N,Y,0,180000.0,363190.5,35509.5,328500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018029,-20659,365243,-9356.0,-2549,,1,0,0,1,0,0,,2.0,3,2,TUESDAY,6,0,0,0,0,0,0,XNA,,0.5195415432274064,,0.0825,0.0729,0.9752,0.66,0.0071,0.0,0.1379,0.1667,0.2083,0.0508,0.0672,0.0636,0.0,0.0,0.084,0.0756,0.9752,0.6733,0.0071,0.0,0.1379,0.1667,0.2083,0.0519,0.0735,0.0663,0.0,0.0,0.0833,0.0729,0.9752,0.6645,0.0071,0.0,0.1379,0.1667,0.2083,0.0516,0.0684,0.0648,0.0,0.0,reg oper account,block of flats,0.0566,"Stone, brick",No,0.0,0.0,0.0,0.0,-1988.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2309190,394242,Cash loans,10332.72,90000.0,95940.0,,90000.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-700,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-670.0,-340.0,-580.0,-577.0,1.0,0,Cash loans,F,N,Y,0,126000.0,265851.0,11394.0,229500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.006207,-16712,-228,-8061.0,-237,,1,1,0,1,0,0,Sales staff,1.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Self-employed,,0.5080976478266322,0.6144143775673561,0.0186,,0.9826,,,0.0,0.1034,0.0417,,,,0.0169,,,0.0189,,0.9826,,,0.0,0.1034,0.0417,,,,0.0176,,,0.0187,,0.9826,,,0.0,0.1034,0.0417,,,,0.0172,,,reg oper account,block of flats,0.0133,"Stone, brick",No,4.0,0.0,4.0,0.0,-1055.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1337934,107574,Cash loans,19281.6,450000.0,533160.0,,450000.0,MONDAY,11,Y,1,,,,XNA,Approved,-280,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-250.0,1160.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,1,337500.0,1154362.5,33880.5,1008000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.010006000000000001,-12121,-1887,-271.0,-1924,8.0,1,1,0,1,0,0,Managers,3.0,2,2,MONDAY,14,0,0,0,1,1,0,Business Entity Type 3,0.4722377680285275,0.4871356510208891,0.20442262537632874,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-889.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,8.0 +1681944,420469,Cash loans,19141.29,270000.0,299223.0,,270000.0,TUESDAY,17,Y,1,,,,XNA,Approved,-1019,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-989.0,-299.0,-659.0,-655.0,1.0,0,Cash loans,M,Y,Y,0,135000.0,797814.0,25866.0,571500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.019101,-15849,-1958,-8512.0,-4533,11.0,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,13,0,0,0,1,1,1,Agriculture,,0.6863871292321282,0.6863823354047934,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-671.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,1.0 +2208848,430120,Cash loans,,0.0,0.0,,,WEDNESDAY,18,Y,1,,,,XNA,Refused,-241,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,1,270000.0,640080.0,29970.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.009334,-15884,-1926,-1019.0,-4624,,1,1,0,1,0,0,Laborers,3.0,2,2,SATURDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.6323121036117935,0.3572932680336494,0.0835,0.0792,0.9866,0.8164,0.0216,0.0,0.1724,0.1667,0.2083,0.0649,0.0681,0.0947,0.0,0.0,0.0851,0.0822,0.9866,0.8236,0.0218,0.0,0.1724,0.1667,0.2083,0.0664,0.0744,0.0986,0.0,0.0,0.0843,0.0792,0.9866,0.8189,0.0218,0.0,0.1724,0.1667,0.2083,0.066,0.0693,0.0964,0.0,0.0,reg oper account,block of flats,0.0863,Panel,No,3.0,0.0,2.0,0.0,-1928.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1656080,298473,Consumer loans,13948.2,71766.0,75555.0,0.0,71766.0,SATURDAY,15,Y,1,0.0,,,XAP,Approved,-892,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Regional / Local,176,Consumer electronics,6.0,middle,POS household with interest,365243.0,-861.0,-711.0,-711.0,-708.0,0.0,0,Cash loans,M,Y,N,0,225000.0,521280.0,33835.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.030755,-8951,-406,-8951.0,-1629,13.0,1,1,0,1,0,0,,2.0,2,2,FRIDAY,18,0,0,0,0,0,0,Business Entity Type 2,,0.4119184000469847,0.16146308000577247,0.0825,0.0652,0.9752,,,0.0,0.1379,0.1667,,0.0,,0.0702,,0.0,0.084,0.0677,0.9752,,,0.0,0.1379,0.1667,,0.0,,0.0731,,0.0,0.0833,0.0652,0.9752,,,0.0,0.1379,0.1667,,0.0,,0.0714,,0.0,,block of flats,0.0709,"Stone, brick",No,10.0,0.0,10.0,0.0,-1707.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1329629,360966,Consumer loans,4718.34,31225.5,23323.5,9000.0,31225.5,WEDNESDAY,9,Y,1,0.30324123878349124,,,XAP,Approved,-1825,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,40,Connectivity,6.0,high,POS mobile without interest,365243.0,-1788.0,-1638.0,-1668.0,-1660.0,0.0,0,Cash loans,F,N,Y,1,180000.0,523237.5,25578.0,432000.0,Unaccompanied,Commercial associate,Incomplete higher,Separated,House / apartment,0.025164,-13248,-303,-4464.0,-5010,,1,1,0,1,1,1,Cooking staff,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Trade: type 3,0.18822108040121927,0.3182902322931517,0.2103502286944494,0.1526,0.1451,0.9762,0.6736,0.0167,0.0,0.3448,0.1667,0.2083,0.0,0.121,0.1451,0.0154,0.0339,0.1555,0.1506,0.9762,0.6864,0.0168,0.0,0.3448,0.1667,0.2083,0.0,0.1322,0.1511,0.0156,0.0359,0.1541,0.1451,0.9762,0.6779999999999999,0.0168,0.0,0.3448,0.1667,0.2083,0.0,0.1231,0.1477,0.0155,0.0346,reg oper account,block of flats,0.1306,Panel,No,0.0,0.0,0.0,0.0,-1825.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,3.0 +2553414,157659,Cash loans,26662.5,337500.0,337500.0,,337500.0,WEDNESDAY,15,Y,1,,,,XNA,Approved,-1008,XNA,XAP,"Spouse, partner",New,XNA,Cash,walk-in,AP+ (Cash loan),6,XNA,24.0,high,Cash Street: high,365243.0,-978.0,-288.0,-828.0,-822.0,0.0,1,Cash loans,M,Y,N,0,270000.0,1035000.0,30393.0,1035000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,With parents,0.025164,-16154,-1362,-1343.0,-4009,2.0,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,9,0,1,1,1,1,1,Business Entity Type 3,,0.34178181257134443,0.08281470424406495,0.0619,0.0745,0.9806,0.7348,0.008,0.0,0.1379,0.1667,0.0417,0.0268,0.0496,0.0527,0.0039,0.0044,0.063,0.0773,0.9806,0.7452,0.0081,0.0,0.1379,0.1667,0.0417,0.0274,0.0542,0.0549,0.0039,0.0047,0.0625,0.0745,0.9806,0.7383,0.0081,0.0,0.1379,0.1667,0.0417,0.0273,0.0504,0.0536,0.0039,0.0045,reg oper account,block of flats,0.0485,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +1923435,340518,Consumer loans,3425.175,29160.0,28831.5,2925.0,29160.0,THURSDAY,12,Y,1,0.10031303541293624,,,XAP,Approved,-2150,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,6,Connectivity,12.0,high,POS mobile with interest,365243.0,-2119.0,-1789.0,-1789.0,-1783.0,0.0,0,Cash loans,F,N,Y,0,225000.0,942579.0,48258.0,774000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.003069,-17608,-7072,-4587.0,-1148,,1,1,0,1,0,0,Core staff,2.0,3,3,FRIDAY,18,0,0,0,0,1,1,Government,0.8235424619915526,0.5880216819452694,0.4596904504249018,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2150.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1404695,417556,Consumer loans,9200.7,103950.0,90000.0,13950.0,103950.0,SATURDAY,18,Y,1,0.14615505706414791,,,XAP,Approved,-146,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Regional / Local,814,Consumer electronics,12.0,middle,POS household with interest,365243.0,-116.0,214.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,135000.0,450000.0,22018.5,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018634,-10149,-324,-239.0,-1875,,1,1,1,1,0,0,Sales staff,2.0,2,2,THURSDAY,19,0,0,0,0,0,0,Bank,0.4162753693772947,0.6492922935802701,0.22888341670067305,0.0954,0.1229,0.9816,0.7484,0.0472,0.04,0.1034,0.2708,0.125,0.0672,0.0761,0.0652,0.0077,0.0433,0.0693,0.123,0.9747,0.6668,0.0131,0.0,0.069,0.1667,0.0417,0.0687,0.0588,0.0539,0.0078,0.0086,0.0963,0.1229,0.9816,0.7518,0.0474,0.04,0.1034,0.2708,0.125,0.0684,0.0774,0.0663,0.0078,0.0442,org spec account,block of flats,0.0648,"Stone, brick",No,0.0,0.0,0.0,0.0,-421.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2767390,183444,Consumer loans,,30209.4,30209.4,0.0,30209.4,SUNDAY,12,Y,1,0.0,,,XAP,Refused,-1114,Cash through the bank,HC,,Repeater,Mobile,XNA,XNA,Country-wide,43,Connectivity,,XNA,POS mobile with interest,,,,,,,1,Cash loans,F,Y,Y,0,90000.0,675000.0,22437.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.014519999999999996,-11047,-1438,-4602.0,-1801,64.0,1,1,0,1,0,0,Core staff,1.0,2,2,MONDAY,13,0,0,0,0,0,0,Insurance,0.40451629698742936,0.4320021356555265,,,,0.9886,,,0.08,0.069,0.3333,,,,0.154,,,,,0.9886,,,0.0806,0.069,0.3333,,,,0.1604,,,,,0.9886,,,0.08,0.069,0.3333,,,,0.1568,,,reg oper account,block of flats,0.1211,Panel,No,0.0,0.0,0.0,0.0,-2262.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2481502,427285,Consumer loans,5375.16,29380.5,26356.5,4500.0,29380.5,WEDNESDAY,12,Y,1,0.15882906651464326,,,XAP,Approved,-118,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,6.0,high,POS mobile with interest,365243.0,-88.0,62.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,1,180000.0,835380.0,33259.5,675000.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,House / apartment,0.04622,-11926,-3371,-5579.0,-3730,,1,1,0,1,0,0,Medicine staff,2.0,1,1,TUESDAY,16,0,1,1,0,0,0,Medicine,0.4038117003859762,0.6931812223980646,0.7435593141311444,0.0247,0.0599,0.9642,0.5104,0.0284,0.0,0.1034,0.0417,0.0833,0.0473,0.0202,0.018000000000000002,0.0,0.0064,0.0252,0.0621,0.9643,0.5296,0.0287,0.0,0.1034,0.0417,0.0833,0.0483,0.022,0.0187,0.0,0.0068,0.025,0.0599,0.9642,0.5169,0.0286,0.0,0.1034,0.0417,0.0833,0.0481,0.0205,0.0183,0.0,0.0065,reg oper spec account,block of flats,0.0155,"Stone, brick",No,4.0,0.0,4.0,0.0,-2171.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1912446,281147,Consumer loans,8283.33,42660.0,40288.5,4270.5,42660.0,MONDAY,11,Y,1,0.10437762802739567,,,XAP,Approved,-1858,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Country-wide,25,Connectivity,6.0,high,POS mobile with interest,365243.0,-1819.0,-1669.0,-1669.0,-1663.0,0.0,0,Revolving loans,F,N,Y,2,270000.0,720000.0,36000.0,720000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.04622,-15759,-1350,-6741.0,-855,,1,1,0,1,0,0,Accountants,4.0,1,1,THURSDAY,15,0,0,0,0,0,0,Bank,0.7055939231566752,0.6234786068657968,0.3962195720630885,0.1113,0.0,0.9841,0.7824,0.0526,0.12,0.1034,0.3333,0.375,0.0568,0.0908,0.1187,0.0,0.0,0.1134,0.0,0.9841,0.7909,0.0531,0.1208,0.1034,0.3333,0.375,0.0581,0.0992,0.1236,0.0,0.0,0.1124,0.0,0.9841,0.7853,0.0529,0.12,0.1034,0.3333,0.375,0.0578,0.0923,0.1208,0.0,0.0,reg oper account,block of flats,0.1233,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1746662,118547,Consumer loans,3223.485,30132.0,33115.5,0.0,30132.0,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-1320,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,2194,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-1289.0,-959.0,-1079.0,-1075.0,0.0,0,Cash loans,M,N,N,0,157500.0,942300.0,30528.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,Municipal apartment,0.007114,-11191,-1506,-4941.0,-3704,,1,1,0,1,0,0,Security staff,2.0,2,2,THURSDAY,10,0,0,0,1,1,0,Security,0.2092896401850072,0.6641392088775145,0.8038850611746273,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2014.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1319547,302348,Cash loans,21657.105,360000.0,479245.5,,360000.0,TUESDAY,12,Y,1,,,,XNA,Approved,-812,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-782.0,268.0,-62.0,-58.0,1.0,0,Cash loans,F,N,Y,0,76500.0,76410.0,7686.0,67500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.0228,-18598,-1810,-8933.0,-2139,,1,1,1,1,1,0,,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Business Entity Type 1,,0.6581133409051391,,0.0021,,0.9722,,,,0.0345,0.0,,,,0.0014,,,0.0021,,0.9722,,,,0.0345,0.0,,,,0.0014,,,0.0021,,0.9722,,,,0.0345,0.0,,,,0.0014,,,,block of flats,0.0011,,No,6.0,1.0,6.0,0.0,-574.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1148659,139877,Revolving loans,18000.0,450000.0,450000.0,,450000.0,FRIDAY,10,N,0,,,,XAP,Refused,-446,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,Y,Y,1,427500.0,891072.0,35469.0,720000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.032561,-16151,-4347,-3619.0,-3977,4.0,1,1,0,1,0,0,Laborers,3.0,1,1,WEDNESDAY,17,0,0,0,0,0,0,Business Entity Type 3,,0.701932442672562,0.375711009574066,0.0082,0.0441,0.9568,,,,0.069,0.0417,,,,0.0081,,,0.0084,0.0458,0.9568,,,,0.069,0.0417,,,,0.0085,,,0.0083,0.0441,0.9568,,,,0.069,0.0417,,,,0.0083,,,,block of flats,0.0095,,No,0.0,0.0,0.0,0.0,-2111.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,1.0,3.0 +2671631,222784,Revolving loans,13500.0,270000.0,270000.0,,270000.0,THURSDAY,9,Y,1,,,,XAP,Approved,-208,XNA,XAP,Family,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-208.0,-158.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,2,270000.0,614223.0,29677.5,549000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.002042,-11367,-3570,-1028.0,-3106,8.0,1,1,0,1,0,0,,4.0,3,3,TUESDAY,11,0,0,0,0,1,1,Security Ministries,,0.2592403291786796,0.7922644738669378,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1562.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +1914791,378222,Cash loans,6614.505,112500.0,134775.0,,112500.0,WEDNESDAY,9,Y,1,,,,XNA,Approved,-873,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-843.0,207.0,-318.0,-316.0,1.0,0,Cash loans,F,N,Y,0,90000.0,119448.0,5940.0,94500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-21773,365243,-9021.0,-4329,,1,0,0,1,0,0,,2.0,2,2,MONDAY,9,0,0,0,0,0,0,XNA,,0.16318703546427088,0.07905969599457675,0.0825,0.051,0.9717,0.6124,0.0228,0.0,0.1379,0.1667,0.2083,0.0145,0.0672,0.0635,0.0,0.0,0.084,0.0529,0.9717,0.6276,0.023,0.0,0.1379,0.1667,0.2083,0.0148,0.0735,0.0662,0.0,0.0,0.0833,0.051,0.9717,0.6176,0.0229,0.0,0.1379,0.1667,0.2083,0.0147,0.0684,0.0646,0.0,0.0,reg oper account,block of flats,0.0624,"Stone, brick",No,0.0,0.0,0.0,0.0,-1654.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,6.0 +1225404,423523,Cash loans,33662.7,1170000.0,1170000.0,,1170000.0,FRIDAY,13,Y,1,,,,Repairs,Refused,-175,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,1,Cash loans,F,N,Y,0,202500.0,495000.0,36148.5,495000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.015221,-13772,-532,-7416.0,-5554,,1,1,0,1,0,0,Core staff,1.0,2,2,FRIDAY,14,0,0,0,0,0,0,Trade: type 3,0.3496666609109953,0.693915561028974,0.5867400085415683,0.067,0.0,0.9617,0.4764,0.2157,0.0,0.2069,0.1667,0.2083,0.1763,0.0504,0.1396,0.0193,0.0372,0.0683,0.0,0.9618,0.4969,0.2177,0.0,0.2069,0.1667,0.2083,0.1804,0.0551,0.1455,0.0195,0.0394,0.0677,0.0,0.9617,0.4834,0.2171,0.0,0.2069,0.1667,0.2083,0.1794,0.0513,0.1422,0.0194,0.038,reg oper account,block of flats,0.1179,"Stone, brick",No,0.0,0.0,0.0,0.0,-1886.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +1585926,122934,Cash loans,23706.315,225000.0,285687.0,,225000.0,SATURDAY,14,Y,1,,,,XNA,Approved,-471,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-441.0,69.0,-171.0,-169.0,1.0,0,Cash loans,F,N,Y,0,135000.0,225000.0,11074.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-10359,-857,-8669.0,-2820,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,11,0,0,0,1,1,0,Security,0.5325172002449917,0.3442507292017128,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1066.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1939584,301133,Revolving loans,7875.0,0.0,67500.0,,,SUNDAY,17,N,0,,,,XAP,Refused,-2661,XNA,XNA,,Repeater,XNA,Cards,x-sell,Country-wide,-1,Consumer electronics,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,N,0,202500.0,1356133.5,44820.0,1215000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,Municipal apartment,0.072508,-18976,-518,-6187.0,-2517,,1,1,0,1,1,0,Laborers,2.0,1,1,MONDAY,18,0,0,0,0,0,0,Other,0.7776955366482773,0.6876097055360744,0.22009464485041005,0.16699999999999998,0.11,0.9806,0.7348,0.0,0.18,0.1552,0.3333,0.0,0.0,0.1362,0.1497,0.0,0.0872,0.1134,0.0474,0.9806,0.7452,0.0,0.1208,0.1034,0.3333,0.0,0.0,0.0992,0.0935,0.0,0.0023,0.1686,0.11,0.9806,0.7383,0.0,0.18,0.1552,0.3333,0.0,0.0,0.1385,0.1524,0.0,0.08900000000000001,reg oper spec account,block of flats,0.1936,"Stone, brick",No,0.0,0.0,0.0,0.0,-1277.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1858969,156755,Revolving loans,12375.0,247500.0,247500.0,,247500.0,MONDAY,13,Y,1,,,,XAP,Refused,-94,XNA,HC,Unaccompanied,Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,144000.0,373500.0,10831.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.020713,-18827,-2359,-3719.0,-2374,,1,1,1,1,1,0,Laborers,1.0,3,3,THURSDAY,12,0,0,0,0,0,0,Business Entity Type 2,0.7377667313950619,0.44318486859788375,0.3876253444214701,0.1031,0.1141,0.9791,0.7144,0.0114,0.0,0.2069,0.1667,0.2083,0.1072,0.0832,0.0902,0.0039,0.0077,0.105,0.1184,0.9791,0.7256,0.0115,0.0,0.2069,0.1667,0.2083,0.1097,0.0909,0.094,0.0039,0.0081,0.1041,0.1141,0.9791,0.7182,0.0115,0.0,0.2069,0.1667,0.2083,0.1091,0.0847,0.0918,0.0039,0.0078,,block of flats,0.0788,Panel,No,0.0,0.0,0.0,0.0,-1105.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2503637,147359,Cash loans,17184.015,306000.0,354469.5,,306000.0,TUESDAY,10,Y,1,,,,XNA,Refused,-58,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,N,0,139500.0,219870.0,10705.5,157500.0,Unaccompanied,Pensioner,Higher education,Widow,House / apartment,0.020713,-21099,365243,-9603.0,-4436,,1,0,0,1,0,0,,1.0,3,3,THURSDAY,12,0,0,0,0,0,0,XNA,,0.3597009178389677,0.4382813743111921,0.0897,0.0795,0.9866,0.8164,0.0177,0.0,0.2069,0.1667,0.2083,0.0541,0.0731,0.0818,0.0,0.0,0.0914,0.0825,0.9866,0.8236,0.0179,0.0,0.2069,0.1667,0.2083,0.0554,0.0799,0.0852,0.0,0.0,0.0906,0.0795,0.9866,0.8189,0.0178,0.0,0.2069,0.1667,0.2083,0.0551,0.0744,0.0832,0.0,0.0,reg oper spec account,block of flats,0.07400000000000001,Panel,No,0.0,0.0,0.0,0.0,-731.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2604139,174246,Consumer loans,7517.475,141633.0,166684.5,0.0,141633.0,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-1610,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,1524,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1578.0,-888.0,-888.0,-881.0,0.0,0,Revolving loans,M,Y,Y,1,202500.0,585000.0,29250.0,585000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.019101,-12733,-3339,-821.0,-2579,15.0,1,1,1,1,1,0,Laborers,3.0,2,2,SATURDAY,11,0,0,0,0,1,1,Military,,0.2575934077239959,0.5262949398096192,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1610.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1991681,247131,Consumer loans,9940.995,38277.0,34893.0,4500.0,38277.0,SUNDAY,11,Y,1,0.12441065902340745,,,XAP,Approved,-2689,Cash through the bank,XAP,Group of people,New,Mobile,POS,XNA,Country-wide,21,Connectivity,4.0,low_normal,POS mobile with interest,365243.0,-2658.0,-2568.0,-2568.0,-2563.0,1.0,0,Cash loans,F,N,N,0,180000.0,760225.5,30280.5,679500.0,Other_B,Commercial associate,Secondary / secondary special,Single / not married,Municipal apartment,0.007114,-16508,-2349,-6775.0,-39,,1,1,0,1,0,0,Sales staff,1.0,2,2,MONDAY,17,0,0,0,0,0,0,Self-employed,0.5471755650785441,0.6620336585691817,0.6940926425266661,0.0186,0.0341,0.9841,0.7824,,0.0,0.069,0.0833,0.125,0.0601,,0.0154,,0.0,0.0189,0.0354,0.9841,0.7909,,0.0,0.069,0.0833,0.125,0.0614,,0.016,,0.0,0.0187,0.0341,0.9841,0.7853,,0.0,0.069,0.0833,0.125,0.0611,,0.0157,,0.0,,block of flats,0.012,Block,No,0.0,0.0,0.0,0.0,-1791.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2600051,380784,Consumer loans,10493.415,59395.5,59395.5,0.0,59395.5,SUNDAY,9,Y,1,0.0,,,XAP,Approved,-660,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,1084,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-629.0,-479.0,-479.0,-471.0,0.0,0,Cash loans,F,N,Y,2,180000.0,188460.0,9063.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-12978,-2672,-826.0,-4602,,1,1,0,1,1,0,Managers,4.0,3,3,TUESDAY,6,0,0,0,0,0,0,Self-employed,0.5422453319719795,0.2795169847060669,0.6413682574954046,0.2454,0.2026,0.9841,0.7824,0.0677,0.28,0.2414,0.3333,0.0417,,,0.2718,,0.004,0.25,0.2103,0.9841,0.7909,0.0684,0.282,0.2414,0.3333,0.0417,,,0.2831,,0.0042,0.2477,0.2026,0.9841,0.7853,0.0682,0.28,0.2414,0.3333,0.0417,,,0.2766,,0.0041,,block of flats,0.2517,Panel,No,3.0,0.0,3.0,0.0,-994.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2350407,345061,Consumer loans,18066.42,94455.0,99441.0,0.0,94455.0,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-404,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Regional / Local,100,Consumer electronics,6.0,middle,POS household with interest,365243.0,-373.0,-223.0,-253.0,-249.0,0.0,0,Cash loans,M,N,Y,0,211500.0,603792.0,23526.0,504000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.031329,-11179,-1061,-4885.0,-3443,,1,1,0,1,0,0,Managers,2.0,2,2,THURSDAY,14,0,0,0,0,1,1,Trade: type 7,0.2288336346335299,0.17709298755179392,0.2910973802776635,0.0722,0.0609,0.9781,0.7008,0.0055,0.0,0.1379,0.1667,0.2083,0.0683,0.0588,0.0418,0.0,0.0,0.0735,0.0631,0.9782,0.7125,0.0,0.0,0.1379,0.1667,0.2083,0.0699,0.0643,0.0321,0.0,0.0,0.0729,0.0609,0.9781,0.7048,0.0055,0.0,0.1379,0.1667,0.2083,0.0695,0.0599,0.0426,0.0,0.0,reg oper spec account,block of flats,0.0242,Panel,No,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1951978,388246,Cash loans,8566.605,45000.0,46485.0,,45000.0,MONDAY,10,Y,1,,,,XNA,Approved,-242,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,low_normal,Cash X-Sell: low,365243.0,-212.0,-62.0,-62.0,-54.0,1.0,0,Cash loans,F,N,Y,0,76500.0,344803.5,24651.0,319500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-24851,365243,-7948.0,-4707,,1,0,0,1,0,1,,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,XNA,0.8993911321496553,0.6487493343865847,0.7267112092725122,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-808.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +2631566,110043,Cash loans,25822.98,229500.0,270589.5,,229500.0,THURSDAY,14,Y,1,,,,XNA,Approved,-223,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-193.0,137.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,N,0,157500.0,225000.0,23872.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.030755,-13428,-2413,-7519.0,-5013,5.0,1,1,0,1,1,0,Drivers,1.0,2,2,MONDAY,22,0,0,0,0,0,0,Government,0.3043274616090071,0.27108418645584303,0.7570690154522959,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-223.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1893373,143795,Cash loans,6320.835,45000.0,54738.0,0.0,45000.0,WEDNESDAY,12,Y,1,0.0,,,Education,Refused,-1718,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,N,0,166500.0,225000.0,17775.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.02461,-12938,-1657,-6651.0,-4120,,1,1,0,1,1,1,,1.0,2,2,SATURDAY,8,0,0,0,0,0,0,Business Entity Type 3,0.5301949523630267,0.690238758469794,0.25396280933631177,0.0206,0.0,0.9776,0.6940000000000001,,,0.0345,0.125,0.0417,0.0091,0.0168,0.0145,0.0,0.0,0.021,0.0,0.9777,0.706,,,0.0345,0.125,0.0417,0.0093,0.0184,0.0152,0.0,0.0,0.0208,0.0,0.9776,0.6981,,,0.0345,0.125,0.0417,0.0092,0.0171,0.0148,0.0,0.0,reg oper account,block of flats,0.0181,"Stone, brick",No,1.0,1.0,1.0,0.0,-1531.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1819552,340878,Cash loans,11340.045,112500.0,123637.5,,112500.0,THURSDAY,15,Y,1,,,,Building a house or an annex,Refused,-538,Cash through the bank,HC,,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,63000.0,517536.0,26554.5,432000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-20454,365243,-9220.0,-1526,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,XNA,,0.6011567215620803,0.6313545365850379,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,1.0 +2701833,153741,Cash loans,8539.605,67500.0,71955.0,,67500.0,TUESDAY,14,Y,1,,,,XNA,Approved,-1082,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Country-wide,33,Connectivity,12.0,high,Cash Street: high,365243.0,-1052.0,-722.0,-722.0,-713.0,1.0,0,Cash loans,F,N,Y,0,103500.0,704844.0,29862.0,630000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.008575,-15113,-5099,-4841.0,-4133,,1,1,1,1,0,0,Medicine staff,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,Medicine,0.5220078138803782,0.6850015532760052,0.3842068130556564,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1250.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2318947,119846,Cash loans,54444.555,675000.0,875173.5,,675000.0,MONDAY,11,Y,1,,,,XNA,Approved,-362,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,high,Cash X-Sell: high,365243.0,-332.0,538.0,-32.0,-27.0,1.0,0,Cash loans,M,Y,Y,1,225000.0,521280.0,41062.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-12299,-1226,-2577.0,-4260,19.0,1,1,0,1,0,0,Drivers,3.0,2,2,SATURDAY,10,0,0,0,0,0,0,Government,,0.6012196374704848,0.4992720153045617,0.3402,0.0484,0.9831,0.7688,0.0343,0.08,0.069,0.3333,0.0417,0.0309,0.1656,0.0481,0.5135,0.0386,0.3466,0.0502,0.9831,0.7779,0.0346,0.0806,0.069,0.3333,0.0417,0.0316,0.1809,0.0501,0.5175,0.0409,0.3435,0.0484,0.9831,0.7719,0.0345,0.08,0.069,0.3333,0.0417,0.0314,0.1685,0.049,0.5163,0.0394,reg oper account,block of flats,0.06,Panel,No,13.0,1.0,13.0,0.0,-362.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1272389,141241,Revolving loans,11250.0,225000.0,225000.0,0.0,225000.0,FRIDAY,19,Y,1,0.0,,,XAP,Refused,-549,XNA,HC,,Repeater,XNA,Cards,walk-in,Country-wide,25,Connectivity,0.0,XNA,Card Street,,,,,,,1,Cash loans,M,Y,N,1,180000.0,238716.0,13077.0,171000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.072508,-12461,-1586,-6571.0,-4408,7.0,1,1,0,1,0,0,Sales staff,3.0,1,1,MONDAY,10,0,0,0,0,0,0,Trade: type 2,0.5144491868150728,0.3058461719071837,0.1595195404777181,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,1.0,-2415.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2422444,300226,Consumer loans,13184.46,155020.5,139518.0,15502.5,155020.5,SUNDAY,8,Y,1,0.10891225236779532,,,XAP,Approved,-992,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,220,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-956.0,-626.0,-626.0,-620.0,0.0,0,Revolving loans,M,Y,Y,0,157500.0,247500.0,12375.0,247500.0,Family,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.025164,-17915,-2554,-1402.0,-1443,20.0,1,1,1,1,0,0,Laborers,1.0,2,2,FRIDAY,14,0,0,0,0,0,0,Business Entity Type 2,,0.10471273147435817,,0.1948,0.1263,0.9985,0.9796,0.036000000000000004,0.2,0.1724,0.375,0.0417,0.5873,0.1589,0.1949,0.0,0.1189,0.1985,0.1311,0.9985,0.9804,0.0363,0.2014,0.1724,0.375,0.0417,0.6007,0.1736,0.2031,0.0,0.1258,0.1967,0.1263,0.9985,0.9799,0.0362,0.2,0.1724,0.375,0.0417,0.5975,0.1616,0.1984,0.0,0.1213,reg oper spec account,block of flats,0.1876,"Stone, brick",No,1.0,0.0,1.0,0.0,-1427.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1620072,211478,Consumer loans,12174.975,68710.5,59710.5,9000.0,68710.5,THURSDAY,12,Y,1,0.14265386195440552,,,XAP,Approved,-1917,XNA,XAP,,Repeater,Mobile,POS,XNA,Regional / Local,10,Connectivity,6.0,high,POS other with interest,365243.0,-1871.0,-1721.0,-1721.0,-1718.0,0.0,0,Cash loans,M,Y,Y,1,360000.0,900000.0,32458.5,900000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.022625,-16537,-410,-3386.0,-61,7.0,1,1,0,1,1,1,Laborers,3.0,2,2,WEDNESDAY,14,0,1,1,0,1,1,Business Entity Type 3,0.532827462541015,0.6923620701196702,0.6430255641096323,0.0082,,0.9627,,,0.0,0.069,0.0417,,,,0.0123,,,0.0084,,0.9628,,,0.0,0.069,0.0417,,,,0.0128,,,0.0083,,0.9627,,,0.0,0.069,0.0417,,,,0.0125,,,,block of flats,0.0096,"Stone, brick",No,0.0,0.0,0.0,0.0,-1917.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,3.0 +1256620,250738,Consumer loans,21952.035,173691.0,186111.0,0.0,173691.0,FRIDAY,11,Y,1,0.0,,,XAP,Approved,-979,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,1700,Consumer electronics,10.0,middle,POS household with interest,365243.0,-948.0,-678.0,-708.0,-704.0,0.0,0,Cash loans,M,Y,Y,1,112500.0,360351.0,37966.5,324000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00963,-18653,-1439,-4173.0,-2191,25.0,1,1,0,1,0,0,Security staff,3.0,2,2,THURSDAY,10,0,1,1,0,0,0,Security,,0.22264179222342625,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1125.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,1.0,0.0,0.0,0.0,2.0 +1591105,419046,Consumer loans,19260.0,450000.0,450000.0,0.0,450000.0,FRIDAY,9,Y,1,0.0,,,XAP,Approved,-1214,Cash through the bank,XAP,,New,Medical Supplies,POS,XNA,Country-wide,58,Industry,36.0,middle,POS other with interest,365243.0,-1183.0,-133.0,-493.0,-484.0,0.0,1,Cash loans,M,Y,Y,0,225000.0,1019610.0,36751.5,913500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014464,-17070,-440,-1650.0,-620,13.0,1,1,0,1,0,0,Managers,2.0,2,2,MONDAY,6,0,0,0,0,0,0,Business Entity Type 3,0.3198236245741465,0.6904491161510339,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2410419,273590,Cash loans,9251.415,90000.0,113755.5,,90000.0,MONDAY,16,Y,1,,,,Journey,Refused,-1482,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,211500.0,679500.0,19998.0,679500.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,House / apartment,0.026392000000000002,-10794,-4027,-2678.0,-610,,1,1,1,1,0,0,Managers,1.0,2,2,SUNDAY,14,0,0,0,1,1,0,Postal,,0.530921402606887,0.41184855592423975,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,12.0,1.0,12.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,2.0 +1474528,124388,Consumer loans,3250.575,22365.0,20115.0,2250.0,22365.0,SUNDAY,14,Y,1,0.10956648984817996,,,XAP,Approved,-1225,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,23,Connectivity,8.0,high,POS mobile with interest,365243.0,-1184.0,-974.0,-974.0,-966.0,0.0,0,Cash loans,F,N,Y,0,180000.0,805500.0,28930.5,805500.0,Children,Pensioner,Higher education,Civil marriage,House / apartment,0.030755,-21627,365243,-5345.0,-3916,,1,0,0,1,0,0,,2.0,2,2,SUNDAY,15,0,0,0,0,0,0,XNA,0.478231612441731,0.6889280985124544,0.6446794549585961,0.0619,0.0638,0.9776,0.6940000000000001,0.025,0.0,0.1379,0.1667,0.0417,0.0252,0.0504,0.0544,0.0,0.0,0.063,0.0662,0.9777,0.706,0.0252,0.0,0.1379,0.1667,0.0417,0.0258,0.0551,0.0567,0.0,0.0,0.0625,0.0638,0.9776,0.6981,0.0252,0.0,0.1379,0.1667,0.0417,0.0257,0.0513,0.0554,0.0,0.0,reg oper account,block of flats,0.0477,Panel,No,0.0,0.0,0.0,0.0,-1449.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1924294,224136,Cash loans,23567.85,229500.0,241920.0,,229500.0,WEDNESDAY,14,Y,1,,,,XNA,Approved,-362,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-332.0,-2.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,1,180000.0,508495.5,24592.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.02461,-15783,-1547,-124.0,-4770,9.0,1,1,0,1,0,0,Drivers,3.0,2,2,MONDAY,10,0,0,0,0,1,1,Transport: type 3,,0.3329438210249792,0.520897599048938,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1469.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1484457,388205,Consumer loans,2746.89,34024.5,27216.0,6808.5,34024.5,MONDAY,14,Y,1,0.21793341429103885,0.1891363481808909,0.8350951374207188,XAP,Approved,-242,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,12.0,middle,POS mobile with interest,365243.0,-203.0,127.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,135000.0,325908.0,19822.5,247500.0,Unaccompanied,State servant,Higher education,Civil marriage,House / apartment,0.020713,-12990,-655,-2801.0,-4467,,1,1,0,1,0,0,Core staff,2.0,3,3,FRIDAY,6,0,0,0,1,1,0,Government,0.3919996118683355,0.4742482768334882,0.20915469884100693,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1243.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2127957,254304,Cash loans,6191.1,67500.0,67500.0,,67500.0,MONDAY,13,Y,1,,,,XNA,Approved,-1071,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,AP+ (Cash loan),116,XNA,18.0,high,Cash Street: high,365243.0,-1041.0,-531.0,-771.0,-764.0,0.0,0,Cash loans,M,N,Y,1,128250.0,677664.0,24471.0,585000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-12062,-1371,-1077.0,-4644,,1,1,1,1,0,0,Drivers,3.0,3,3,MONDAY,5,0,0,0,0,0,0,Self-employed,0.1763901751301268,0.3908787084910484,0.3001077565791181,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-637.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2064592,294209,Consumer loans,7769.295,85531.5,76977.0,8554.5,85531.5,SATURDAY,16,Y,1,0.10892628074824108,,,XAP,Approved,-381,Cash through the bank,XAP,Unaccompanied,Repeater,Construction Materials,POS,XNA,Stone,43,Construction,12.0,middle,POS industry with interest,365243.0,-345.0,-15.0,-165.0,-163.0,0.0,0,Cash loans,F,N,Y,0,72000.0,225000.0,16951.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.004849,-22225,365243,-3025.0,-4183,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,XNA,,0.1732166188972328,0.36896873825284665,0.0722,0.0745,0.9831,0.7688,0.0078,0.0,0.1379,0.1667,0.2083,0.058,0.0588,0.0662,0.0,0.0196,0.0735,0.0774,0.9831,0.7779,0.0078,0.0,0.1379,0.1667,0.2083,0.0593,0.0643,0.069,0.0,0.0207,0.0729,0.0745,0.9831,0.7719,0.0078,0.0,0.1379,0.1667,0.2083,0.059,0.0599,0.0674,0.0,0.02,reg oper spec account,block of flats,0.0521,Panel,No,0.0,0.0,0.0,0.0,-6.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1655785,316486,Consumer loans,22277.34,138477.51,145224.0,3.51,138477.51,FRIDAY,15,Y,1,2.632221051582506e-05,,,XAP,Refused,-1228,Cash through the bank,LIMIT,Family,Repeater,Audio/Video,POS,XNA,Country-wide,450,Consumer electronics,8.0,high,POS household with interest,,,,,,,0,Cash loans,M,Y,N,0,184500.0,239850.0,28462.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-10280,-441,-4794.0,-2951,21.0,1,1,1,1,0,0,,2.0,2,2,THURSDAY,9,0,0,0,0,1,1,Industry: type 5,,0.5115950898651702,0.4561097392782771,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2308.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1976078,110810,Consumer loans,7809.525,66919.5,66919.5,0.0,66919.5,SATURDAY,16,Y,1,0.0,,,XAP,Approved,-2581,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,12.0,high,POS mobile with interest,365243.0,-2550.0,-2220.0,-2220.0,-2216.0,0.0,0,Cash loans,M,Y,Y,2,135000.0,182448.0,16861.5,157500.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.0060079999999999995,-13636,-1834,-4198.0,-4305,4.0,1,1,0,1,0,1,Drivers,4.0,2,2,THURSDAY,9,0,0,0,0,0,0,Self-employed,0.7172076932202925,0.6838302016129715,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1734.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1646866,376808,Consumer loans,22130.775,201007.215,201006.0,1.215,201007.215,WEDNESDAY,13,Y,1,6.583074416236519e-06,,,XAP,Approved,-1643,Cash through the bank,XAP,Family,Refreshed,Furniture,POS,XNA,Country-wide,288,Furniture,10.0,low_normal,POS industry with interest,365243.0,-1611.0,-1341.0,-1341.0,-1338.0,0.0,0,Cash loans,M,Y,Y,0,405000.0,509400.0,32683.5,450000.0,"Spouse, partner",State servant,Secondary / secondary special,Married,House / apartment,0.072508,-14245,-300,-8216.0,-4536,1.0,1,1,0,1,1,0,Medicine staff,2.0,1,1,MONDAY,17,0,0,0,0,0,0,Bank,0.12825226846066132,0.7158787443822665,0.3893387918468769,0.4876,0.0,0.9851,0.7959999999999999,0.0,0.96,0.4138,0.4583,0.5,0.0991,0.3976,0.4859,0.0,0.3462,0.4968,0.0,0.9851,0.804,0.0,0.9667,0.4138,0.4583,0.5,0.1014,0.4343,0.5062,0.0,0.3665,0.4924,0.0,0.9851,0.7987,0.0,0.96,0.4138,0.4583,0.5,0.1008,0.4045,0.4946,0.0,0.3535,reg oper account,block of flats,0.4574,Panel,No,0.0,0.0,0.0,0.0,-3277.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2646710,134912,Consumer loans,23094.18,97546.5,87790.5,9756.0,97546.5,SATURDAY,11,Y,1,0.10892416344093234,,,XAP,Approved,-336,XNA,XAP,,Repeater,Furniture,POS,XNA,Stone,50,Furniture,4.0,low_normal,POS industry with interest,365243.0,-302.0,-212.0,-212.0,-202.0,0.0,0,Cash loans,M,N,Y,1,225000.0,1096020.0,56092.5,900000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.0060079999999999995,-10849,-854,-5236.0,-3215,,1,1,0,1,0,1,Drivers,3.0,2,2,SATURDAY,14,0,0,0,0,0,0,Self-employed,0.5741610348348194,0.5852164954936234,0.6092756673894402,0.2227,0.1324,0.9811,0.7416,0.0434,0.24,0.2069,0.3333,0.375,0.0593,0.1816,0.2329,0.0,0.0,0.2269,0.1374,0.9811,0.7517,0.0438,0.2417,0.2069,0.3333,0.375,0.0607,0.1983,0.2427,0.0,0.0,0.2248,0.1324,0.9811,0.7451,0.0437,0.24,0.2069,0.3333,0.375,0.0604,0.1847,0.2371,0.0,0.0,reg oper account,block of flats,0.2069,Panel,No,0.0,0.0,0.0,0.0,-300.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +1888811,366755,Consumer loans,4581.315,21240.0,22468.5,2250.0,21240.0,WEDNESDAY,9,Y,1,0.09913443556261686,,,XAP,Refused,-1538,Cash through the bank,LIMIT,,Repeater,Mobile,POS,XNA,Country-wide,15,Connectivity,6.0,high,POS mobile with interest,,,,,,,0,Cash loans,M,Y,N,4,202500.0,269982.0,28480.5,238500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.006629,-15328,-2578,-1503.0,-693,13.0,1,1,0,1,0,0,Security staff,6.0,2,2,MONDAY,12,0,0,0,0,0,0,Self-employed,,0.4688808533908348,0.6956219298394389,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,0.0 +1383049,261630,Consumer loans,6524.685,30105.0,35343.0,0.0,30105.0,FRIDAY,13,Y,1,0.0,,,XAP,Approved,-698,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,60,Consumer electronics,6.0,middle,POS household with interest,365243.0,-667.0,-517.0,-667.0,-652.0,0.0,0,Cash loans,F,N,Y,1,112500.0,247986.0,20011.5,207000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.018029,-11958,-3310,-6091.0,-379,,1,1,0,1,1,0,Medicine staff,3.0,3,2,WEDNESDAY,8,0,0,0,0,0,0,Medicine,,0.6492275572450303,,0.0082,0.0,0.9727,,,0.0,0.0345,0.0417,,0.0179,,0.008,,,0.0084,0.0,0.9727,,,0.0,0.0345,0.0417,,0.0183,,0.0083,,,0.0083,0.0,0.9727,,,0.0,0.0345,0.0417,,0.0182,,0.0081,,,,block of flats,0.0067,Wooden,Yes,6.0,2.0,6.0,1.0,-856.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2380686,286067,Consumer loans,13683.06,175764.6,172984.5,22503.6,175764.6,FRIDAY,11,Y,1,0.12537062962818796,,,XAP,Refused,-1071,Cash through the bank,LIMIT,Other_B,Repeater,Computers,POS,XNA,Stone,410,Consumer electronics,18.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,N,0,49500.0,545040.0,19575.0,450000.0,Unaccompanied,Pensioner,Lower secondary,Married,House / apartment,0.030755,-21521,365243,-12958.0,-4740,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,XNA,,0.5797548575313084,0.6610235391308081,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1920.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1166164,317539,Cash loans,12186.9,360000.0,443160.0,,360000.0,SATURDAY,5,Y,1,,,,XNA,Refused,-168,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,1,Cash loans,F,N,Y,0,135000.0,851778.0,27607.5,711000.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.006852,-19636,365243,-10419.0,-3168,,1,0,0,1,0,0,,1.0,3,3,SATURDAY,9,0,0,0,0,0,0,XNA,,0.3196773367525105,0.3962195720630885,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-680.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1423759,209477,Cash loans,19151.1,450000.0,533160.0,,450000.0,FRIDAY,10,Y,1,,,,XNA,Approved,-283,Cash through the bank,XAP,Children,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-253.0,1157.0,365243.0,365243.0,1.0,1,Cash loans,F,N,N,0,112500.0,976711.5,44266.5,873000.0,Family,Working,Secondary / secondary special,Married,Rented apartment,0.006852,-14221,-2495,-1529.0,-524,,1,1,0,1,0,0,Laborers,2.0,3,3,MONDAY,9,0,0,0,1,1,0,Industry: type 3,,0.0676197931829855,0.5602843280409464,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-543.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1147112,288773,Consumer loans,4441.23,40365.0,45162.0,0.0,40365.0,TUESDAY,11,Y,1,0.0,,,XAP,Approved,-449,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Regional / Local,200,Consumer electronics,12.0,middle,POS household with interest,365243.0,-418.0,-88.0,-268.0,-262.0,0.0,0,Cash loans,F,N,Y,0,207000.0,427045.5,20673.0,319500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.010966,-22227,365243,-4556.0,-4059,,1,0,0,1,0,1,,1.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,XNA,,0.6743568965379431,0.4596904504249018,0.0722,0.0811,0.9776,0.6940000000000001,0.0082,0.0,0.1379,0.1667,0.2083,0.0,0.0572,0.0626,0.0077,0.0277,0.0735,0.0842,0.9777,0.706,0.0083,0.0,0.1379,0.1667,0.2083,0.0,0.0624,0.0652,0.0078,0.0293,0.0729,0.0811,0.9776,0.6981,0.0083,0.0,0.1379,0.1667,0.2083,0.0,0.0581,0.0637,0.0078,0.0283,org spec account,block of flats,0.0597,"Stone, brick",No,1.0,0.0,1.0,0.0,-449.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,1.0 +2706116,289909,Cash loans,5246.01,45000.0,47970.0,0.0,45000.0,THURSDAY,17,Y,1,0.0,,,XNA,Approved,-2574,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,high,Cash Street: high,365243.0,-2544.0,-2214.0,-2214.0,-2207.0,1.0,0,Cash loans,F,Y,Y,0,180000.0,781879.5,45715.5,724500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-11444,-4631,-5338.0,-2943,3.0,1,1,0,1,1,0,Sales staff,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.6974663400220183,,0.2948,,0.9901,,,0.28,0.2414,0.375,,,,0.2945,,0.0246,0.3004,,0.9901,,,0.282,0.2414,0.375,,,,0.3068,,0.026,0.2977,,0.9901,,,0.28,0.2414,0.375,,,,0.2997,,0.0251,,block of flats,0.2369,Panel,No,1.0,0.0,1.0,0.0,-199.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1543435,183353,Consumer loans,5595.3,31455.0,30258.0,5850.0,31455.0,SATURDAY,5,Y,1,0.17644792894045125,,,XAP,Approved,-276,XNA,XAP,"Spouse, partner",Repeater,Computers,POS,XNA,Regional / Local,516,Consumer electronics,6.0,middle,POS household with interest,365243.0,-244.0,-94.0,-244.0,-240.0,0.0,0,Cash loans,F,N,Y,0,189000.0,754740.0,24475.5,630000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.001276,-10372,-1151,-1370.0,-2951,,1,1,0,1,0,0,Cleaning staff,2.0,2,2,TUESDAY,4,0,0,0,0,0,0,School,0.2775628587989547,0.27398893383019635,,0.0928,0.0478,0.9776,0.6940000000000001,0.0084,0.0,0.0345,0.1667,0.2083,0.0318,0.0756,0.0403,0.0,0.0,0.0945,0.0496,0.9777,0.706,0.0085,0.0,0.0345,0.1667,0.2083,0.0326,0.0826,0.0419,0.0,0.0,0.0937,0.0478,0.9776,0.6981,0.0085,0.0,0.0345,0.1667,0.2083,0.0324,0.077,0.041,0.0,0.0,reg oper account,block of flats,0.0403,"Stone, brick",No,1.0,1.0,1.0,1.0,-2257.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2705835,377432,Cash loans,27078.39,256500.0,256500.0,,256500.0,TUESDAY,15,Y,1,,,,XNA,Approved,-1415,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,70,Connectivity,12.0,middle,Cash X-Sell: middle,365243.0,-1385.0,-1055.0,-1055.0,-1052.0,0.0,0,Cash loans,F,N,Y,0,157500.0,188685.0,9207.0,157500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.007114,-23632,-2657,-8317.0,-4236,,1,1,0,1,0,0,Security staff,1.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,School,,0.4137206332045221,0.3842068130556564,0.0619,0.0508,0.9747,,,,0.1034,0.1667,,0.0735,,0.0516,,,0.063,0.0527,0.9747,,,,0.1034,0.1667,,0.0751,,0.0538,,,0.0625,0.0508,0.9747,,,,0.1034,0.1667,,0.0747,,0.0526,,,,block of flats,0.0406,Panel,No,0.0,0.0,0.0,0.0,-6.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +1146949,314504,Consumer loans,6926.22,58405.5,57766.5,5841.0,58405.5,SATURDAY,11,Y,1,0.10000990449239472,,,XAP,Approved,-2036,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,41,Connectivity,12.0,high,POS mobile with interest,365243.0,-1995.0,-1665.0,-1725.0,-1720.0,0.0,0,Cash loans,F,N,Y,0,126000.0,227520.0,12834.0,180000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.010966,-24104,365243,-4981.0,-4305,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,17,0,0,0,0,0,0,XNA,,0.059791269868575136,0.4294236843421945,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,7.0 +1723093,371791,Consumer loans,7314.84,74290.5,85324.5,0.0,74290.5,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-1946,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,5,Consumer electronics,18.0,high,POS household with interest,365243.0,-1915.0,-1405.0,-1465.0,-1458.0,0.0,0,Cash loans,F,N,Y,2,126000.0,562500.0,21793.5,562500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-12444,-2633,-5317.0,-3147,,1,1,0,1,0,0,Sales staff,4.0,2,2,TUESDAY,9,0,0,0,0,0,0,Self-employed,0.29632591749436565,0.6064454844534138,,0.1165,0.0638,0.9647,,,0.0,0.0345,0.125,,0.0307,,0.0657,,0.0,0.1187,0.0662,0.9647,,,0.0,0.0345,0.125,,0.0314,,0.0685,,0.0,0.1176,0.0638,0.9647,,,0.0,0.0345,0.125,,0.0313,,0.0669,,0.0,,block of flats,0.0545,"Stone, brick",No,5.0,3.0,5.0,3.0,-1946.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1260552,382508,Cash loans,20147.985,225000.0,247275.0,0.0,225000.0,SATURDAY,10,Y,1,0.0,,,XNA,Approved,-2319,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,18.0,high,Cash Street: high,365243.0,-2289.0,-1779.0,-1779.0,-1772.0,1.0,0,Cash loans,M,N,Y,0,112500.0,283500.0,32116.5,283500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-22364,365243,-4966.0,-4498,,1,0,0,1,1,0,,2.0,2,2,MONDAY,14,0,0,0,0,0,0,XNA,,0.7100388014930589,,0.1485,,0.9921,,,0.16,0.1379,0.3333,,,,0.1549,,0.0,0.1513,,0.9921,,,0.1611,0.1379,0.3333,,,,0.1614,,0.0,0.1499,,0.9921,,,0.16,0.1379,0.3333,,,,0.1577,,0.0,,block of flats,0.1219,Panel,No,6.0,0.0,6.0,0.0,-616.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1955613,222027,Cash loans,9683.415,94500.0,94500.0,,94500.0,THURSDAY,11,Y,1,,,,XNA,Approved,-332,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,29,Connectivity,12.0,middle,Cash X-Sell: middle,365243.0,-302.0,28.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,0,112500.0,814041.0,23931.0,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-11306,-3046,-5595.0,-3798,,1,1,0,1,0,0,Security staff,2.0,2,2,SUNDAY,10,0,0,0,0,0,0,Security,0.11166338403061957,0.5785076461836287,0.6006575372857061,0.0577,0.0,0.9891,0.8504,0.0113,0.0,0.1034,0.1667,0.2083,0.0672,0.0471,0.0621,0.0,0.0283,0.0588,0.0,0.9891,0.8563,0.0114,0.0,0.1034,0.1667,0.2083,0.0687,0.0514,0.0647,0.0,0.03,0.0583,0.0,0.9891,0.8524,0.0113,0.0,0.1034,0.1667,0.2083,0.0684,0.0479,0.0632,0.0,0.0289,reg oper account,block of flats,0.055,Panel,No,4.0,0.0,4.0,0.0,-499.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,4.0,0.0,1.0 +1944045,317578,Consumer loans,8269.02,116734.005,125860.5,11677.005,116734.005,SUNDAY,11,Y,1,0.09246437901363044,,,XAP,Refused,-1811,XNA,HC,,Repeater,Computers,POS,XNA,Country-wide,795,Consumer electronics,24.0,middle,POS household with interest,,,,,,,0,Cash loans,F,Y,N,0,88200.0,225000.0,6952.5,225000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-20176,365243,-3577.0,-3710,9.0,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,XNA,,0.3471690498361058,0.5797274227921155,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1141187,307526,Cash loans,14299.74,175500.0,175500.0,0.0,175500.0,THURSDAY,10,Y,1,0.0,,,XNA,Refused,-2340,XNA,LIMIT,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,18.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,2,351000.0,788472.0,44158.5,688500.0,"Spouse, partner",Working,Higher education,Married,House / apartment,0.04622,-15913,-4629,-9605.0,-4479,,1,1,0,1,0,0,Laborers,4.0,1,1,SATURDAY,15,0,0,0,0,0,0,Business Entity Type 1,0.4292497760979469,0.6666611654351839,0.3233112448967859,0.0876,0.0943,0.9796,,,0.0,0.1724,0.1667,,,,,,,0.0893,0.0979,0.9796,,,0.0,0.1724,0.1667,,,,,,,0.0885,0.0943,0.9796,,,0.0,0.1724,0.1667,,,,,,,,block of flats,0.0606,"Stone, brick",No,6.0,2.0,6.0,0.0,-1935.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +2120776,447703,Consumer loans,15527.16,85455.0,85455.0,0.0,85455.0,THURSDAY,9,Y,1,0.0,,,XAP,Approved,-1002,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Stone,150,Consumer electronics,6.0,middle,POS household with interest,365243.0,-971.0,-821.0,-821.0,-817.0,0.0,1,Cash loans,F,N,Y,0,157500.0,544491.0,17694.0,454500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.006852,-21435,365243,-10473.0,-4533,,1,0,0,1,0,0,,2.0,3,3,FRIDAY,7,0,0,0,0,0,0,XNA,,0.10390979771040576,0.5673792367572691,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1002.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2622723,175824,Cash loans,39621.375,765000.0,830637.0,,765000.0,TUESDAY,13,Y,1,,,,XNA,Approved,-757,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,low_normal,Cash X-Sell: low,365243.0,-727.0,143.0,-397.0,-376.0,1.0,0,Cash loans,M,Y,N,0,225000.0,2013840.0,55377.0,1800000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.072508,-19621,-1748,-7243.0,-3176,1.0,1,1,0,1,1,1,Managers,2.0,1,1,WEDNESDAY,18,0,0,0,0,0,0,Business Entity Type 3,,0.7714973484106796,,0.0928,0.0782,0.9757,,,0.0,0.2069,0.1667,,,,0.0509,,,0.0945,0.0812,0.9757,,,0.0,0.2069,0.1667,,,,0.053,,,0.0937,0.0782,0.9757,,,0.0,0.2069,0.1667,,,,0.0518,,,,block of flats,0.0637,Panel,No,0.0,0.0,0.0,0.0,-2350.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2363741,442230,Consumer loans,21018.96,163471.5,175158.0,0.0,163471.5,TUESDAY,13,Y,1,0.0,,,XAP,Approved,-344,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Country-wide,300,Consumer electronics,10.0,middle,POS household with interest,365243.0,-313.0,-43.0,-73.0,-66.0,0.0,0,Cash loans,M,Y,Y,1,180000.0,640080.0,24259.5,450000.0,Unaccompanied,Commercial associate,Higher education,Separated,With parents,0.04622,-13246,-1894,-4438.0,-5312,2.0,1,1,0,1,0,0,Drivers,2.0,1,1,WEDNESDAY,15,0,0,0,0,0,0,Transport: type 4,,0.7555388466796411,0.5046813193144684,0.0814,0.0829,,0.6804,0.0071,0.0,0.1379,0.1667,0.0417,,,,,,0.083,0.086,,0.6929,0.0071,0.0,0.1379,0.1667,0.0417,,,,,,0.0822,0.0829,,0.6847,0.0071,0.0,0.1379,0.1667,0.0417,,,,,,reg oper account,,0.0552,Panel,No,0.0,0.0,0.0,0.0,-1311.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1745234,282252,Consumer loans,5975.73,128146.5,132646.5,0.0,128146.5,SUNDAY,18,Y,1,0.0,,,XAP,Approved,-342,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,380,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-312.0,378.0,365243.0,365243.0,1.0,0,Revolving loans,F,N,Y,0,225000.0,675000.0,33750.0,675000.0,Unaccompanied,Pensioner,Incomplete higher,Married,House / apartment,0.00733,-20460,365243,-2216.0,-4022,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,XNA,,0.2801295301857279,0.5028782772082183,0.2299,0.0227,0.997,0.9592,0.0623,0.2,0.1724,0.375,0.4167,0.3367,0.1723,0.2278,0.0695,0.0914,0.2342,0.0236,0.997,0.9608,0.0628,0.2014,0.1724,0.375,0.4167,0.3444,0.1882,0.2374,0.07,0.0968,0.2321,0.0227,0.997,0.9597,0.0627,0.2,0.1724,0.375,0.4167,0.3426,0.1753,0.2319,0.0699,0.0934,reg oper spec account,block of flats,0.1954,"Stone, brick",No,,,,,-342.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1382078,293349,Consumer loans,22425.3,119700.0,104449.5,29700.0,119700.0,MONDAY,7,Y,1,0.2411190500150951,,,XAP,Approved,-764,XNA,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,1500,Furniture,5.0,low_normal,POS industry with interest,365243.0,-733.0,-613.0,-613.0,-610.0,0.0,0,Cash loans,F,N,Y,2,180000.0,127350.0,15241.5,112500.0,Unaccompanied,Commercial associate,Higher education,Married,With parents,0.006629,-10294,-724,-1147.0,-1141,,1,1,0,1,0,0,Core staff,4.0,2,2,TUESDAY,7,0,0,0,1,1,0,School,,0.5807721268839711,0.6879328378491735,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,0.0,-53.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +2488521,422881,Cash loans,48492.0,1350000.0,1350000.0,,1350000.0,FRIDAY,9,Y,1,,,,XNA,Refused,-322,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,1,117000.0,198000.0,21451.5,198000.0,Other_B,Working,Higher education,Married,House / apartment,0.001417,-11185,-517,-9452.0,-1381,,1,1,0,1,0,0,Managers,3.0,2,2,FRIDAY,9,0,0,0,0,1,1,Business Entity Type 3,0.4444054935874575,0.5042714250786835,0.4794489811780563,0.0186,0.0,0.9871,0.8232,,0.0,0.069,0.0833,0.0,0.0,,0.0158,,0.0,0.0189,0.0,0.9871,0.8301,,0.0,0.069,0.0833,0.0,0.0,,0.0165,,0.0,0.0187,0.0,0.9871,0.8256,,0.0,0.069,0.0833,0.0,0.0,,0.0161,,0.0,,block of flats,0.0139,Block,No,6.0,0.0,6.0,0.0,-481.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1692143,390566,Revolving loans,13500.0,270000.0,270000.0,,270000.0,SATURDAY,9,Y,1,,,,XAP,Approved,-310,XNA,XAP,,Refreshed,XNA,Cards,x-sell,AP+ (Cash loan),15,XNA,0.0,XNA,Card X-Sell,-310.0,-262.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,2,112500.0,598486.5,21627.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.007305,-12589,-2477,-2324.0,-4942,,1,1,1,1,0,0,Core staff,4.0,3,3,MONDAY,9,0,0,0,0,0,0,Postal,,0.24141137397883736,0.5638350489514956,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2040.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,2.0,0.0,1.0 +1641355,128512,Cash loans,43527.87,945000.0,1027327.5,,945000.0,SUNDAY,16,Y,1,,,,XNA,Approved,-780,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-750.0,300.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,1,225000.0,206280.0,7906.5,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-14797,-1720,-6777.0,-4375,,1,1,0,1,0,0,Managers,3.0,2,2,WEDNESDAY,13,0,0,0,1,1,0,Kindergarten,0.4714425327172172,0.4759551703720799,0.6380435278721609,0.1722,0.0553,0.9816,,,0.04,0.0345,0.3333,,0.0799,,0.0813,,0.0717,0.1754,0.0574,0.9816,,,0.0403,0.0345,0.3333,,0.0818,,0.0847,,0.0759,0.1738,0.0553,0.9816,,,0.04,0.0345,0.3333,,0.0813,,0.0828,,0.0732,,block of flats,0.0796,"Stone, brick",No,1.0,0.0,1.0,0.0,-480.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2786395,424855,Cash loans,23567.85,229500.0,241920.0,,229500.0,SUNDAY,16,Y,1,,,,XNA,Refused,-595,XNA,HC,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,12.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,135000.0,288873.0,18589.5,238500.0,Unaccompanied,Working,Secondary / secondary special,Widow,Municipal apartment,0.04622,-21500,-4188,-13606.0,-4594,,1,1,0,1,0,0,Medicine staff,1.0,1,1,SUNDAY,10,0,0,0,0,0,0,Medicine,,0.7602573725241396,0.4507472818545589,0.0825,0.0,0.9732,,,0.0,0.1379,0.1667,,0.0773,,0.0421,,0.0,0.084,0.0,0.9732,,,0.0,0.1379,0.1667,,0.0791,,0.0439,,0.0,0.0833,0.0,0.9732,,,0.0,0.1379,0.1667,,0.0786,,0.0429,,0.0,,block of flats,0.0495,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,8.0,2.0,6.0 +1830603,378986,Cash loans,25874.55,585000.0,666081.0,,585000.0,SATURDAY,13,Y,1,,,,XNA,Approved,-845,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,42.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,N,0,108000.0,855000.0,26050.5,855000.0,Unaccompanied,Working,Secondary / secondary special,Widow,With parents,0.015221,-14717,-1471,-6167.0,-4146,11.0,1,1,0,1,0,0,Sales staff,1.0,2,2,TUESDAY,14,0,0,0,1,1,0,Self-employed,0.4859759839610385,0.4001059122274115,0.3979463219016906,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-452.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1472597,225260,Cash loans,11915.1,157500.0,178290.0,,157500.0,FRIDAY,11,Y,1,,,,XNA,Approved,-930,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-900.0,-210.0,-660.0,-655.0,1.0,0,Cash loans,F,N,Y,0,112500.0,675000.0,32602.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.014519999999999996,-19083,-1932,-7780.0,-2605,,1,1,0,1,0,0,Medicine staff,1.0,2,2,THURSDAY,8,0,0,0,0,1,1,Other,0.4920125805543973,0.4509580062617527,0.5902333386185574,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,10.0,0.0,9.0,0.0,-1644.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1334609,127539,Cash loans,10326.195,135000.0,148365.0,,135000.0,WEDNESDAY,8,Y,1,,,,XNA,Approved,-826,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-796.0,-286.0,-526.0,-514.0,1.0,0,Cash loans,F,N,N,0,45000.0,225000.0,8469.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-23951,365243,-6485.0,-4082,,1,0,0,1,0,0,,2.0,2,2,MONDAY,13,0,0,0,0,0,0,XNA,,0.4403482956216941,0.6380435278721609,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-2382.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2805571,430990,Consumer loans,11288.16,134001.0,155227.5,0.0,134001.0,MONDAY,10,Y,1,0.0,,,XAP,Approved,-802,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,700,Consumer electronics,18.0,middle,POS household with interest,365243.0,-771.0,-261.0,-261.0,-250.0,0.0,0,Cash loans,F,N,N,0,112500.0,545040.0,26640.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.02461,-15177,-1055,-6658.0,-4132,,1,1,0,1,1,0,Sales staff,2.0,2,2,THURSDAY,17,0,0,0,0,1,1,Business Entity Type 3,,0.7252086062919298,0.3842068130556564,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1582.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2788709,276849,Consumer loans,15752.295,60583.5,60583.5,0.0,60583.5,FRIDAY,10,Y,1,0.0,,,XAP,Approved,-545,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Stone,20,Consumer electronics,4.0,low_action,POS household with interest,365243.0,-514.0,-424.0,-424.0,-417.0,0.0,0,Revolving loans,F,Y,Y,0,67500.0,135000.0,6750.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-20074,-3343,-4927.0,-3618,17.0,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,Self-employed,0.5821182928157408,0.620656175563781,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2056.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2367340,420479,Cash loans,31869.36,720000.0,818842.5,,720000.0,SATURDAY,15,Y,1,,,,XNA,Refused,-534,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),5,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,229500.0,697500.0,20524.5,697500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.015221,-21165,365243,-110.0,-4380,,1,0,0,1,0,0,,2.0,2,2,MONDAY,7,0,0,0,0,0,0,XNA,,0.1235327052363433,0.3723336657058204,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-685.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1471108,352222,Consumer loans,4931.37,35995.5,39798.0,0.0,35995.5,TUESDAY,15,Y,1,0.0,,,XAP,Refused,-988,Cash through the bank,LIMIT,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,1500,Consumer electronics,12.0,high,POS household with interest,,,,,,,0,Revolving loans,M,N,Y,0,112500.0,180000.0,9000.0,180000.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.010643000000000001,-13703,-46,-7560.0,-2352,,1,1,0,1,0,0,,1.0,2,2,WEDNESDAY,11,0,1,1,0,0,0,Trade: type 7,,0.5096825450189929,0.7121551551910698,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1065.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2747166,393903,Cash loans,17075.7,387000.0,448299.0,,387000.0,MONDAY,8,Y,1,,,,Payments on other loans,Refused,-231,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,Y,Y,0,225000.0,611905.5,48343.5,567000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-15228,-1500,-1544.0,-6071,13.0,1,1,0,1,0,0,High skill tech staff,2.0,3,3,MONDAY,11,0,0,0,0,0,0,Self-employed,,0.25868220864080205,0.5726825047161584,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-5.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2755982,391581,Cash loans,21888.0,450000.0,450000.0,,450000.0,SUNDAY,11,Y,1,,,,Repairs,Approved,-585,XNA,XAP,,Repeater,XNA,Cash,walk-in,Contact center,-1,XNA,48.0,middle,Cash Street: middle,,,,,,,0,Cash loans,M,Y,Y,2,270000.0,781920.0,47965.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-14505,-1162,-8655.0,-4136,9.0,1,1,1,1,1,0,Laborers,4.0,2,2,THURSDAY,17,0,0,0,0,0,0,Business Entity Type 3,,0.6956915494245105,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-3141.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,1.0,8.0 +1020892,334861,Cash loans,34246.44,1129500.0,1129500.0,,1129500.0,SUNDAY,13,Y,1,,,,XNA,Approved,-761,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_action,Cash X-Sell: low,365243.0,-731.0,679.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,90000.0,348264.0,21433.5,315000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.009175,-22878,365243,-1175.0,-4761,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,XNA,,0.7326230546110688,0.746300213050371,0.0588,0.0834,0.9791,0.7144,0.0113,0.0,0.1379,0.1667,0.2083,0.0301,0.0471,0.0533,0.0039,0.0566,0.0599,0.0866,0.9791,0.7256,0.0114,0.0,0.1379,0.1667,0.2083,0.0308,0.0514,0.0555,0.0039,0.0599,0.0593,0.0834,0.9791,0.7182,0.0113,0.0,0.1379,0.1667,0.2083,0.0306,0.0479,0.0542,0.0039,0.0578,reg oper account,block of flats,0.0604,"Stone, brick",No,0.0,0.0,0.0,0.0,-1034.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1019994,422694,Cash loans,,0.0,0.0,,,THURSDAY,12,Y,1,,,,XNA,Refused,-137,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,N,0,225000.0,225000.0,17905.5,225000.0,Unaccompanied,State servant,Higher education,Single / not married,House / apartment,0.00496,-13285,-1602,-276.0,-1760,,1,1,1,1,1,0,Core staff,1.0,2,2,MONDAY,15,0,0,0,0,0,0,Security Ministries,,0.6864247857021064,0.41184855592423975,0.1485,0.0,0.9841,0.7824,0.0,0.16,0.1379,0.3333,0.375,0.0702,0.121,0.0885,0.0,0.2157,0.1513,0.0,0.9841,0.7909,0.0,0.1611,0.1379,0.3333,0.375,0.0718,0.1322,0.0922,0.0,0.2284,0.1499,0.0,0.9841,0.7853,0.0,0.16,0.1379,0.3333,0.375,0.0714,0.1231,0.0901,0.0,0.2202,reg oper spec account,block of flats,0.1224,Panel,No,0.0,0.0,0.0,0.0,-411.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2518333,433902,Cash loans,15240.78,234000.0,278325.0,,234000.0,FRIDAY,13,Y,1,,,,XNA,Approved,-1208,Cash through the bank,XAP,Group of people,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,42.0,high,Cash X-Sell: high,365243.0,-1178.0,52.0,365243.0,365243.0,1.0,0,Revolving loans,M,Y,N,0,135000.0,270000.0,13500.0,270000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.010966,-10885,-1045,-2142.0,-3282,8.0,1,1,0,1,1,0,Laborers,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Self-employed,0.4590704373336555,0.4472465954707711,0.4048783643353997,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1208.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1672973,424779,Cash loans,46058.4,720000.0,720000.0,,720000.0,MONDAY,7,Y,1,,,,XNA,Approved,-1445,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-1415.0,-725.0,-1115.0,-1110.0,0.0,0,Revolving loans,F,Y,Y,0,315000.0,900000.0,45000.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.031329,-20913,-2554,-3849.0,-1227,25.0,1,1,0,1,0,0,Accountants,2.0,2,2,THURSDAY,10,0,0,0,0,1,1,Business Entity Type 2,0.8519411363214121,0.4854312648963157,0.363945238612397,0.2227,0.0953,0.9846,,,0.24,0.2069,0.3333,,0.2008,,0.2325,,0.0,0.2269,0.0989,0.9846,,,0.2417,0.2069,0.3333,,0.2054,,0.2423,,0.0,0.2248,0.0953,0.9846,,,0.24,0.2069,0.3333,,0.2043,,0.2367,,0.0,,block of flats,0.2031,Panel,No,0.0,0.0,0.0,0.0,-1445.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +2107569,145271,Cash loans,9416.475,67500.0,82111.5,0.0,67500.0,WEDNESDAY,7,Y,1,0.0,,,XNA,Approved,-1770,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-1740.0,-1410.0,-1410.0,-1401.0,1.0,0,Cash loans,F,N,Y,0,90000.0,247275.0,19278.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-21813,365243,-9135.0,-4304,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,7,0,0,0,0,0,0,XNA,,0.512321770939537,0.524496446363472,0.1206,0.0836,0.9811,,,0.0,0.2759,0.1667,,0.0216,,0.1025,,0.0203,0.1229,0.0868,0.9811,,,0.0,0.2759,0.1667,,0.0221,,0.1068,,0.0215,0.1218,0.0836,0.9811,,,0.0,0.2759,0.1667,,0.022,,0.1044,,0.0207,,block of flats,0.0861,Panel,No,10.0,1.0,10.0,0.0,-1679.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1326999,376117,Consumer loans,5809.095,43470.0,47772.0,0.0,43470.0,WEDNESDAY,16,Y,1,0.0,,,XAP,Approved,-1343,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,35,Connectivity,12.0,high,POS mobile with interest,365243.0,-1312.0,-982.0,-982.0,-975.0,0.0,0,Cash loans,F,N,Y,0,180000.0,370629.0,17406.0,306000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-20571,-1858,-10346.0,-2268,,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,School,,0.6492225772994004,0.13680052191177486,0.2423,0.2129,0.9861,0.8096,0.0495,0.28,0.2414,0.3333,0.375,0.1432,0.1958,0.2721,0.0077,0.2013,0.2468,0.2209,0.9861,0.8171,0.05,0.282,0.2414,0.3333,0.375,0.1464,0.214,0.2834,0.0078,0.0086,0.2446,0.2129,0.9861,0.8121,0.0498,0.28,0.2414,0.3333,0.375,0.1456,0.1992,0.277,0.0078,0.2055,reg oper account,block of flats,0.2159,Panel,No,3.0,0.0,3.0,0.0,-1463.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1253416,306140,Cash loans,53419.5,2025000.0,2025000.0,,2025000.0,WEDNESDAY,15,Y,1,,,,XNA,Refused,-195,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,180000.0,855000.0,41130.0,855000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-20010,-3477,-6745.0,-3497,,1,1,0,1,1,0,Laborers,2.0,1,1,FRIDAY,12,0,0,0,0,0,0,Construction,,0.34232808487675703,0.7801436381572275,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.1683,,No,0.0,0.0,0.0,0.0,-549.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2001728,193124,Consumer loans,6934.185,62190.0,62190.0,0.0,62190.0,MONDAY,14,Y,1,0.0,,,XAP,Approved,-1404,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Stone,145,Consumer electronics,12.0,high,POS household with interest,365243.0,-1366.0,-1036.0,-1036.0,-1034.0,0.0,0,Cash loans,M,N,N,1,90000.0,254700.0,14751.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.016612000000000002,-11002,-2568,-4986.0,-3282,,1,1,1,1,1,0,Laborers,3.0,2,2,FRIDAY,13,0,0,0,0,0,0,Self-employed,,0.27110579190013123,0.5971924268337128,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2236864,260868,Cash loans,27449.82,450000.0,491580.0,,450000.0,THURSDAY,10,Y,1,,,,XNA,Refused,-310,XNA,SCO,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,85500.0,66222.0,4554.0,58500.0,Unaccompanied,Working,Secondary / secondary special,Married,Co-op apartment,0.020246,-10216,-958,-5022.0,-450,,1,1,0,1,0,0,Laborers,2.0,3,3,SATURDAY,12,0,0,0,0,1,1,Industry: type 3,0.13374275513593592,0.4389206859506318,0.3556387169923543,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1058.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1534649,385953,Cash loans,13272.075,247500.0,352044.0,,247500.0,WEDNESDAY,7,Y,1,,,,XNA,Refused,-43,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,N,0,171000.0,414000.0,18364.5,414000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010032,-21700,365243,-8658.0,-4062,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,3,0,0,0,0,0,0,XNA,,0.3394440091497896,0.2067786544915716,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2220.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,1.0 +2738915,159365,Cash loans,70813.26,1354500.0,1354500.0,,1354500.0,MONDAY,14,Y,1,,,,XNA,Refused,-582,XNA,HC,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,202500.0,454500.0,20020.5,454500.0,Family,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.030755,-22105,365243,-3312.0,-5541,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,XNA,0.8070563965242994,0.6815089744283487,0.3185955240537633,0.0186,,0.9871,0.8232,,0.0,0.1034,0.0417,,0.0,,0.0167,,0.0056,0.0189,,0.9871,0.8301,,0.0,0.1034,0.0417,,0.0,,0.0174,,0.006,0.0187,,0.9871,0.8256,,0.0,0.1034,0.0417,,0.0,,0.017,,0.0058,,block of flats,0.0144,"Stone, brick",No,5.0,1.0,5.0,0.0,-1692.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1917979,397049,Cash loans,37671.345,1125000.0,1288350.0,,1125000.0,MONDAY,14,Y,1,,,,XNA,Refused,-178,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,1,Cash loans,M,Y,Y,0,225000.0,254700.0,20250.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-15567,-1846,-2065.0,-1608,9.0,1,1,1,1,0,0,Laborers,2.0,3,3,THURSDAY,7,0,0,0,0,0,0,Business Entity Type 3,,0.041602834577601916,0.059629657546692,0.0763,0.0738,0.9891,0.8504,0.065,0.0,0.1724,0.1667,0.2083,0.0806,0.0622,0.071,0.0,0.0,0.0777,0.0766,0.9891,0.8563,0.0656,0.0,0.1724,0.1667,0.2083,0.0825,0.068,0.0739,0.0,0.0,0.077,0.0738,0.9891,0.8524,0.0654,0.0,0.1724,0.1667,0.2083,0.0821,0.0633,0.0722,0.0,0.0,reg oper spec account,block of flats,0.0558,"Stone, brick",No,3.0,0.0,3.0,0.0,-391.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,7.0 +1357915,263272,Cash loans,37626.66,1062000.0,1062000.0,,1062000.0,WEDNESDAY,15,Y,1,,,,XNA,Refused,-638,XNA,HC,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,225000.0,1016190.0,36630.0,787500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.01885,-21943,365243,-216.0,-4460,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,16,0,0,0,0,0,0,XNA,0.6491556135557021,0.7197853055199916,0.7688075728291359,0.1856,0.0712,0.9995,0.9932,0.0223,0.12,0.1034,0.375,0.4167,0.0818,0.1513,0.1483,0.0,0.0,0.1891,0.0739,0.9995,0.9935,0.0225,0.1208,0.1034,0.375,0.4167,0.0836,0.1653,0.1545,0.0,0.0,0.1874,0.0712,0.9995,0.9933,0.0225,0.12,0.1034,0.375,0.4167,0.0832,0.1539,0.151,0.0,0.0,reg oper account,block of flats,0.1167,Others,No,5.0,1.0,5.0,1.0,-1750.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2519478,376688,Cash loans,25263.0,450000.0,450000.0,,450000.0,SUNDAY,20,Y,1,,,,XNA,Refused,-765,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,30.0,middle,Cash X-Sell: middle,,,,,,,0,Revolving loans,F,N,Y,1,112500.0,337500.0,16875.0,337500.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.025164,-10236,-811,-1314.0,-697,,1,1,0,1,0,0,Sales staff,3.0,2,2,TUESDAY,14,0,0,0,0,0,0,Trade: type 2,,0.5938363067914445,0.41885428862332175,0.2062,0.1218,0.9906,0.8708,0.0301,0.2,0.1724,0.375,0.0417,0.0702,0.1681,0.1074,0.0,0.0,0.2101,0.1263,0.9906,0.8759,0.0304,0.2014,0.1724,0.375,0.0417,0.0718,0.1837,0.1119,0.0,0.0,0.2082,0.1218,0.9906,0.8725,0.0303,0.2,0.1724,0.375,0.0417,0.0714,0.171,0.1093,0.0,0.0,reg oper account,block of flats,0.1718,Panel,No,1.0,0.0,1.0,0.0,-1418.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1759531,432465,Cash loans,89235.0,2250000.0,2250000.0,,2250000.0,THURSDAY,12,Y,1,,,,XNA,Refused,-158,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,292500.0,225000.0,24363.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-17235,-5399,-5288.0,-769,4.0,1,1,0,1,0,0,Managers,2.0,2,2,MONDAY,9,0,0,0,0,0,0,Trade: type 7,,0.502625969275088,0.6545292802242897,0.0649,0.0545,0.9861,0.8096,0.0232,0.08,0.0345,0.4583,0.5,0.0,0.0504,0.0662,0.0116,0.0672,0.0662,0.0565,0.9861,0.8171,0.0234,0.0806,0.0345,0.4583,0.5,0.0,0.0551,0.069,0.0117,0.0712,0.0656,0.0545,0.9861,0.8121,0.0233,0.08,0.0345,0.4583,0.5,0.0,0.0513,0.0674,0.0116,0.0686,reg oper account,block of flats,0.0794,"Stone, brick",No,0.0,0.0,0.0,0.0,-657.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,0.0,0.0,5.0 +1766576,438985,Cash loans,27267.03,135000.0,139455.0,,135000.0,TUESDAY,16,Y,1,,,,XNA,Approved,-471,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,high,Cash X-Sell: high,365243.0,-441.0,-291.0,-291.0,-284.0,1.0,0,Cash loans,M,N,N,0,157500.0,310671.0,14481.0,256500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.072508,-11066,-963,-5693.0,-3324,,1,1,0,1,1,0,Laborers,1.0,1,1,THURSDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.30913943157956203,0.7051888078008892,,0.1222,0.0841,0.9786,0.728,0.0,0.12,0.0862,0.4792,0.0417,0.0559,0.079,0.145,0.0,0.0392,0.0987,0.0773,0.9772,0.7387,0.0,0.0806,0.0345,0.3333,0.0417,0.0,0.0863,0.14800000000000002,0.0,0.0,0.1233,0.0841,0.9786,0.7316,0.0,0.12,0.0862,0.4792,0.0417,0.0569,0.0804,0.1476,0.0,0.04,reg oper account,terraced house,0.1117,"Stone, brick",No,0.0,0.0,0.0,0.0,-676.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1121241,363185,Consumer loans,3144.78,31158.0,31158.0,0.0,31158.0,WEDNESDAY,15,Y,1,0.0,,,XAP,Approved,-43,Cash through the bank,XAP,,Refreshed,Furniture,POS,XNA,Stone,200,Furniture,12.0,middle,POS industry with interest,365243.0,-12.0,318.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,Y,0,135000.0,270000.0,13500.0,270000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.005002,-15861,-2622,-2156.0,-1378,,1,1,0,1,0,0,Sales staff,2.0,3,3,THURSDAY,18,0,0,0,1,1,0,Self-employed,,0.4925127962716479,0.6658549219640212,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-682.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1664600,132373,Consumer loans,3319.605,66240.0,73687.5,0.0,66240.0,SATURDAY,17,Y,1,0.0,,,XAP,Approved,-1026,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,2078,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-995.0,-305.0,-785.0,-779.0,0.0,0,Revolving loans,F,Y,Y,1,112500.0,135000.0,6750.0,135000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.018634,-12132,-3097,-1461.0,-2009,65.0,1,1,0,1,0,0,Medicine staff,3.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Medicine,0.26420907814316896,0.4004891270946808,0.4776491548517548,,,0.9767,0.6804,,,,,,,,0.075,,,,,0.9767,0.6929,,,,,,,,0.0781,,,,,0.9767,0.6847,,,,,,,,0.0763,,,,block of flats,0.059,,No,1.0,0.0,1.0,0.0,-1104.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1918950,199875,Consumer loans,13420.08,194400.0,234508.5,0.0,194400.0,MONDAY,10,Y,1,0.0,,,XAP,Approved,-569,Cash through the bank,XAP,,New,Homewares,POS,XNA,Stone,250,Consumer electronics,24.0,middle,POS household with interest,365243.0,-538.0,152.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,675000.0,34465.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.019688999999999998,-18220,-316,-5584.0,-1525,14.0,1,1,1,1,0,0,Laborers,1.0,2,2,WEDNESDAY,5,0,0,0,0,1,1,Business Entity Type 2,,0.6626156517901363,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-569.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1790763,394687,Consumer loans,8549.19,78570.0,76936.5,7857.0,78570.0,TUESDAY,20,Y,1,0.10091560405841564,,,XAP,Approved,-609,Cash through the bank,XAP,,New,Furniture,POS,XNA,Country-wide,20,Furniture,10.0,low_normal,POS industry with interest,365243.0,-575.0,-305.0,-425.0,-415.0,0.0,0,Cash loans,F,N,Y,2,405000.0,373500.0,29637.0,373500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.072508,-10204,-760,-4507.0,-2751,,1,1,0,1,0,0,,4.0,1,1,TUESDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.25506817821110145,0.4994169259700608,,0.3381,0.1525,0.9836,0.7756,0.4286,0.16,0.2414,0.625,0.6667,0.0,0.2757,0.2972,0.0,0.0094,0.3445,0.1582,0.9836,0.7844,0.4326,0.1611,0.2414,0.625,0.6667,0.0,0.3012,0.3096,0.0,0.01,0.3414,0.1525,0.9836,0.7786,0.4314,0.16,0.2414,0.625,0.6667,0.0,0.2805,0.3025,0.0,0.0096,reg oper account,block of flats,0.1167,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1731090,204368,Cash loans,72585.0,2250000.0,2250000.0,,2250000.0,THURSDAY,14,Y,1,,,,XNA,Approved,-538,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,315000.0,1762110.0,46480.5,1575000.0,Family,Commercial associate,Higher education,Widow,House / apartment,0.072508,-22482,-2377,-2806.0,-4335,,1,1,0,1,1,0,Managers,1.0,1,1,MONDAY,18,1,0,1,1,0,1,Business Entity Type 3,0.7695612725945927,0.7303380402919326,0.42765737003502935,0.0979,0.0476,0.9851,0.7959999999999999,0.0,0.16,0.069,0.4583,0.0,0.0,0.0799,0.1082,0.0,0.0,0.0998,0.0494,0.9851,0.804,0.0,0.1611,0.069,0.4583,0.0,0.0,0.0872,0.1128,0.0,0.0,0.0989,0.0476,0.9851,0.7987,0.0,0.16,0.069,0.4583,0.0,0.0,0.0812,0.1102,0.0,0.0,reg oper spec account,block of flats,0.0856,Panel,No,0.0,0.0,0.0,0.0,-8.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2244569,308374,Consumer loans,9181.89,80541.9,89842.5,0.9,80541.9,SATURDAY,16,Y,1,1.0909892303517211e-05,,,XAP,Approved,-2240,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,79,Consumer electronics,14.0,high,POS household with interest,365243.0,-2209.0,-1819.0,-1819.0,-1812.0,1.0,1,Cash loans,F,N,Y,0,128250.0,808650.0,24732.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-19368,-408,-7179.0,-2921,,1,1,0,1,0,0,Cleaning staff,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.6270191690142186,0.25259869783397665,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1744.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +2073702,261733,Cash loans,13401.0,193500.0,219042.0,,193500.0,MONDAY,9,Y,1,,,,XNA,Approved,-603,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-573.0,117.0,-363.0,-359.0,1.0,0,Revolving loans,M,N,Y,0,90000.0,135000.0,6750.0,135000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-20089,365243,-4871.0,-3156,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,0.5587777341238399,0.6063149988167356,0.6925590674998008,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-301.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1191862,356020,Consumer loans,43745.04,202500.0,166635.0,40500.0,202500.0,WEDNESDAY,14,Y,1,0.21294412734777715,,,XAP,Approved,-168,Cash through the bank,XAP,Unaccompanied,New,Clothing and Accessories,POS,XNA,Stone,60,Clothing,4.0,low_normal,POS industry with interest,365243.0,-138.0,-48.0,-108.0,-101.0,1.0,0,Cash loans,F,N,N,0,180000.0,1546020.0,42642.0,1350000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-18467,-104,-2461.0,-1923,,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Business Entity Type 2,,0.526311591827846,0.6817058776720116,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-168.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1748701,150665,Consumer loans,11289.15,109395.0,120946.5,0.0,109395.0,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-408,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,440,Furniture,12.0,low_normal,POS industry with interest,365243.0,-365.0,-35.0,-23.0,-16.0,0.0,1,Cash loans,M,N,Y,2,144000.0,337923.0,16564.5,279000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.018209,-13913,-1174,-5579.0,-4263,,1,1,1,1,0,0,Laborers,4.0,3,3,TUESDAY,9,0,0,0,0,0,0,Self-employed,,0.4487012673963373,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-438.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1363546,265379,Consumer loans,5394.465,53955.0,48559.5,5395.5,53955.0,THURSDAY,9,Y,1,0.1089090909090909,,,XAP,Approved,-569,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Stone,20,Consumer electronics,10.0,low_normal,POS household with interest,,,,,,,0,Cash loans,F,Y,Y,0,112500.0,675000.0,21775.5,675000.0,Family,Working,Higher education,Single / not married,House / apartment,0.026392000000000002,-10058,-851,-4595.0,-2742,1.0,1,1,1,1,1,0,,1.0,2,2,SATURDAY,9,0,0,0,0,0,0,Self-employed,,0.6489436484987066,0.23791607950711405,0.0866,0.0908,0.9896,,,0.0,0.1724,0.2083,,0.0488,,0.0777,,0.0,0.0882,0.0942,0.9896,,,0.0,0.1724,0.2083,,0.05,,0.081,,0.0,0.0874,0.0908,0.9896,,,0.0,0.1724,0.2083,,0.0497,,0.0791,,0.0,,block of flats,0.0611,"Stone, brick",No,1.0,0.0,1.0,0.0,-460.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2474862,330819,Cash loans,37998.405,342000.0,400194.0,,342000.0,MONDAY,10,Y,1,,,,XNA,Approved,-241,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-211.0,119.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,2,234000.0,482593.5,31549.5,436500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.010147,-14828,-3055,-5858.0,-4433,,1,1,0,1,1,0,Laborers,4.0,2,2,THURSDAY,13,0,1,1,0,0,0,Business Entity Type 3,,0.6363901051358241,0.3706496323299817,0.3876,0.1779,0.9846,0.7892,0.0657,0.36,0.3103,0.3333,0.375,0.1624,0.3152,0.355,0.0039,0.0021,0.395,0.1847,0.9846,0.7975,0.0663,0.3625,0.3103,0.3333,0.375,0.1662,0.3444,0.3699,0.0039,0.0022,0.3914,0.1779,0.9846,0.792,0.0662,0.36,0.3103,0.3333,0.375,0.1653,0.3207,0.3614,0.0039,0.0021,reg oper account,block of flats,0.3162,Panel,No,0.0,0.0,0.0,0.0,-1431.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2220002,380736,Revolving loans,2250.0,45000.0,45000.0,,45000.0,THURSDAY,13,Y,1,,,,XAP,Approved,-398,XNA,XAP,,New,XNA,Cards,walk-in,Country-wide,939,Consumer electronics,0.0,XNA,Card Street,-369.0,-320.0,365243.0,-320.0,365243.0,0.0,0,Cash loans,F,N,Y,1,112500.0,373500.0,25393.5,373500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.030755,-14772,-901,-6088.0,-6094,,1,1,0,1,0,0,Sales staff,3.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.2369293367701058,0.4706184078933234,0.324891229465852,0.0988,0.0554,0.9757,0.6736,0.0264,0.0,0.1379,0.1667,0.1667,0.0249,0.0748,0.058,0.0019,0.023,0.083,0.0,0.9747,0.6668,0.006999999999999999,0.0,0.1034,0.1667,0.2083,0.0135,0.0716,0.0348,0.0,0.0,0.0833,0.0646,0.9747,0.6645,0.0298,0.0,0.1379,0.1667,0.2083,0.016,0.068,0.0629,0.0019,0.0026,reg oper account,block of flats,0.0405,"Stone, brick",No,1.0,0.0,1.0,0.0,-398.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1747604,169817,Consumer loans,4513.86,24480.0,29425.5,0.0,24480.0,TUESDAY,17,Y,1,0.0,,,XAP,Approved,-1952,Cash through the bank,XAP,Group of people,New,Clothing and Accessories,POS,XNA,Stone,14,Clothing,8.0,high,POS industry with interest,365243.0,-1921.0,-1711.0,-1711.0,-1709.0,0.0,0,Cash loans,F,N,Y,0,270000.0,853056.0,30640.5,720000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.02461,-20163,-8222,-8140.0,-3667,,1,1,0,1,0,1,Laborers,1.0,2,2,MONDAY,12,0,0,0,0,0,0,Housing,0.6984138328672104,0.6626009857361201,0.4329616670974407,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1812.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1573884,125777,Consumer loans,5276.925,105300.0,117135.0,0.0,105300.0,SUNDAY,14,Y,1,0.0,,,XAP,Approved,-1018,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,1000,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-987.0,-297.0,-777.0,-772.0,0.0,0,Cash loans,F,N,Y,0,112500.0,454500.0,33201.0,454500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.026392000000000002,-10099,-358,-4443.0,-770,,1,1,0,1,0,0,Core staff,2.0,2,2,WEDNESDAY,11,0,0,0,1,1,0,Business Entity Type 3,0.473557594844349,0.707158016401881,0.5673792367572691,0.0082,,0.9851,,,0.0,0.0345,0.0417,,0.0095,,0.004,,0.0096,0.0084,,0.9851,,,0.0,0.0345,0.0417,,0.0097,,0.0042,,0.0102,0.0083,,0.9851,,,0.0,0.0345,0.0417,,0.0096,,0.0041,,0.0098,,block of flats,0.0053,"Stone, brick",No,5.0,2.0,5.0,2.0,-1.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1321189,389260,Consumer loans,11575.62,226989.0,256950.0,0.0,226989.0,WEDNESDAY,11,Y,1,0.0,,,XAP,Approved,-320,Cash through the bank,XAP,Other_A,Repeater,Audio/Video,POS,XNA,Country-wide,1607,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-289.0,401.0,365243.0,365243.0,0.0,0,Revolving loans,F,Y,N,1,99000.0,315000.0,15750.0,315000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.020246,-13702,-4032,-3548.0,-2265,9.0,1,1,0,1,0,0,Sales staff,3.0,3,3,MONDAY,11,0,0,0,0,0,0,Trade: type 3,0.4360149770351081,0.4915344713099084,0.7789040389824382,0.1443,0.0769,0.9916,0.8844,0.0364,0.16,0.1379,0.3333,0.375,0.1259,0.1177,0.1578,0.0,0.0,0.1471,0.0798,0.9916,0.8889,0.0367,0.1611,0.1379,0.3333,0.375,0.1288,0.1286,0.1644,0.0,0.0,0.1457,0.0769,0.9916,0.8859,0.0366,0.16,0.1379,0.3333,0.375,0.1281,0.1197,0.1606,0.0,0.0,reg oper account,block of flats,0.14400000000000002,Panel,No,5.0,0.0,5.0,0.0,-466.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1137166,393393,Cash loans,26826.615,315000.0,339948.0,,315000.0,MONDAY,12,Y,1,,,,XNA,Approved,-193,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-163.0,347.0,365243.0,365243.0,1.0,1,Cash loans,F,N,Y,2,238500.0,269550.0,21739.5,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.006629,-13530,-1945,-4215.0,-820,,1,1,0,1,0,0,Cooking staff,4.0,2,2,FRIDAY,9,0,0,0,1,1,0,Restaurant,,0.34968604575107914,0.11538666200733562,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-542.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2651239,419197,Cash loans,27472.5,450000.0,450000.0,0.0,450000.0,WEDNESDAY,19,Y,1,0.0,,,Repairs,Refused,-1891,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,high,Cash Street: high,,,,,,,1,Cash loans,F,N,Y,0,135000.0,755190.0,31995.0,675000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.072508,-17603,-1766,-11523.0,-1155,,1,1,1,1,1,0,Laborers,2.0,1,1,THURSDAY,19,0,0,0,0,0,0,Postal,,0.6994559541685644,0.8203829585116356,0.4412,0.3293,0.9776,0.6940000000000001,0.2103,0.48,0.4138,0.3333,0.375,0.0,0.3597,0.289,0.0,0.0,0.4496,0.3417,0.9777,0.706,0.2122,0.4834,0.4138,0.3333,0.375,0.0,0.393,0.3012,0.0,0.0,0.4455,0.3293,0.9776,0.6981,0.2116,0.48,0.4138,0.3333,0.375,0.0,0.366,0.2942,0.0,0.0,reg oper account,block of flats,0.3423,Panel,No,1.0,0.0,1.0,0.0,-1891.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1931319,179968,Cash loans,16677.45,157500.0,157500.0,,157500.0,WEDNESDAY,12,Y,1,,,,XNA,Approved,-1529,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1499.0,-1169.0,-1169.0,-1161.0,1.0,0,Cash loans,M,N,Y,0,135000.0,254700.0,25321.5,225000.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.072508,-24815,365243,-12723.0,-4072,,1,0,0,1,1,0,,2.0,1,1,SATURDAY,12,0,0,0,0,0,0,XNA,,0.6603485015885044,0.15663982703141147,0.6546,0.355,0.9816,,,0.78,0.4655,0.4792,,0.5492,,0.7296,,0.0366,0.5599,0.3684,0.9816,,,0.6042,0.4138,0.3333,,0.4611,,0.5473,,0.0027,0.6609999999999999,0.355,0.9816,,,0.78,0.4655,0.4792,,0.5587,,0.7428,,0.0374,,block of flats,0.4137,Panel,No,0.0,0.0,0.0,0.0,-1529.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1886877,262714,Consumer loans,6294.87,62955.0,56659.5,6295.5,62955.0,SUNDAY,15,Y,1,0.1089090909090909,,,XAP,Approved,-1674,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,high,POS mobile with interest,365243.0,-1625.0,-1295.0,-1295.0,-1289.0,0.0,0,Revolving loans,M,N,Y,0,157500.0,270000.0,13500.0,270000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.028663,-11143,-1951,-1047.0,-2608,,1,1,0,1,0,0,Core staff,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Police,,0.6173504187595154,0.520897599048938,0.1072,0.1023,0.9742,0.6464,0.0137,0.0,0.2069,0.1667,0.2083,0.0741,0.0849,0.0807,0.0116,0.0595,0.1092,0.1061,0.9742,0.6602,0.0138,0.0,0.2069,0.1667,0.2083,0.0757,0.0927,0.084,0.0117,0.063,0.1083,0.1023,0.9742,0.6511,0.0138,0.0,0.2069,0.1667,0.2083,0.0753,0.0864,0.0821,0.0116,0.0607,reg oper account,block of flats,0.0764,"Stone, brick",No,11.0,1.0,11.0,1.0,-1674.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1187254,282859,Consumer loans,14687.145,49905.0,51552.0,0.0,49905.0,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-2770,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,1046,Consumer electronics,4.0,high,POS household with interest,365243.0,-2731.0,-2641.0,-2641.0,-2637.0,1.0,0,Cash loans,M,Y,Y,0,405000.0,472500.0,48546.0,454500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-18419,-3458,-5511.0,-1975,2.0,1,1,0,1,1,0,Managers,2.0,2,2,FRIDAY,9,0,0,0,0,1,1,Business Entity Type 3,,0.5663266692856679,0.4794489811780563,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1457.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1131930,416158,Consumer loans,47952.0,900000.0,900000.0,0.0,900000.0,TUESDAY,16,Y,1,0.0,,,XAP,Approved,-339,Cash through the bank,XAP,Children,Repeater,Furniture,POS,XNA,Stone,50,Furniture,24.0,low_normal,POS industry with interest,365243.0,-309.0,381.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,1,135000.0,567000.0,28948.5,567000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.031329,-16539,-3054,-2149.0,-91,8.0,1,1,0,1,0,0,Core staff,3.0,2,2,FRIDAY,11,0,0,0,0,0,0,Realtor,,0.6467685198266906,0.5513812618027899,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,1.0,6.0,0.0,-1859.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1565006,306417,Consumer loans,12981.87,119317.5,131130.0,0.0,119317.5,MONDAY,17,Y,1,0.0,,,XAP,Approved,-2435,Cash through the bank,XAP,Family,New,Furniture,POS,XNA,Stone,800,Furniture,12.0,middle,POS industry with interest,365243.0,-2404.0,-2074.0,-2074.0,-2058.0,1.0,0,Cash loans,F,N,N,0,202500.0,1054773.0,34857.0,945000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.010556,-11803,-797,-4671.0,-710,,1,1,0,1,0,0,Laborers,2.0,3,3,SUNDAY,12,0,0,0,0,0,0,Business Entity Type 1,0.3114018733275169,0.43497182118053374,0.4170996682522097,0.4732,0.3495,0.9856,0.8028,0.0994,0.52,0.4483,0.3333,0.375,0.2436,0.3858,0.483,,0.0063,0.4821,0.3627,0.9856,0.8105,0.1003,0.5236,0.4483,0.3333,0.375,0.2492,0.4215,0.5032,,0.0067,0.4778,0.3495,0.9856,0.8054,0.1,0.52,0.4483,0.3333,0.375,0.2478,0.3925,0.4916,,0.0064,reg oper account,block of flats,0.4365,Panel,No,0.0,0.0,0.0,0.0,-657.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1951951,312106,Consumer loans,1976.805,15210.0,14818.5,1521.0,15210.0,MONDAY,11,Y,1,0.10138053629102928,,,XAP,Approved,-2331,Cash through the bank,XAP,"Spouse, partner",New,Mobile,POS,XNA,Country-wide,24,Connectivity,10.0,low_normal,POS mobile with interest,365243.0,-2300.0,-2030.0,-2030.0,-2024.0,1.0,0,Cash loans,M,N,N,0,121500.0,260568.0,25902.0,247500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.006233,-14985,365243,-6136.0,-4953,,1,0,0,1,0,0,,2.0,2,2,SUNDAY,18,0,0,0,0,0,0,XNA,0.4286954635723239,0.2160074792986414,0.2955826421513093,0.0773,0.0727,0.9806,0.7348,0.0153,0.0,0.1724,0.1667,,0.0163,0.0622,0.0685,0.0039,0.0022,0.0788,0.0755,0.9806,0.7452,0.0154,0.0,0.1724,0.1667,,0.0167,0.068,0.0713,0.0039,0.0024,0.0781,0.0727,0.9806,0.7383,0.0154,0.0,0.1724,0.1667,,0.0166,0.0633,0.0697,0.0039,0.0023,reg oper account,block of flats,0.0657,Panel,No,0.0,0.0,0.0,0.0,-2331.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2687984,303923,Cash loans,21310.2,180000.0,191880.0,,180000.0,THURSDAY,8,Y,1,,,,XNA,Approved,-987,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,20,Connectivity,12.0,high,Cash X-Sell: high,365243.0,-957.0,-627.0,-627.0,-599.0,1.0,0,Cash loans,M,N,Y,0,202500.0,225000.0,26703.0,225000.0,Family,Working,Secondary / secondary special,Single / not married,With parents,0.010006000000000001,-16776,-2402,-1492.0,-308,,1,1,1,1,0,0,Laborers,1.0,2,2,THURSDAY,13,0,0,0,0,0,0,Construction,0.4173174804043755,0.3102790053976585,0.4241303111942548,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-421.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1214699,262947,Consumer loans,14238.315,130108.5,138883.5,0.0,130108.5,MONDAY,18,Y,1,0.0,,,XAP,Approved,-449,Cash through the bank,XAP,,Refreshed,Computers,POS,XNA,Country-wide,1100,Consumer electronics,12.0,middle,POS household with interest,365243.0,-418.0,-88.0,-268.0,-261.0,0.0,0,Cash loans,M,N,N,1,135000.0,508495.5,21672.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008865999999999999,-14999,-321,-3144.0,-4544,,1,1,1,1,1,0,Drivers,3.0,2,2,TUESDAY,12,0,0,0,0,0,0,Trade: type 7,,0.5559228804320574,0.42589289800515295,0.0082,0.0,0.9617,0.4764,0.0,0.0,0.069,0.0417,0.0833,0.0289,0.0067,0.0116,0.0,0.0,0.0084,0.0,0.9618,0.4969,0.0,0.0,0.069,0.0417,0.0833,0.0295,0.0073,0.012,0.0,0.0,0.0083,0.0,0.9617,0.4834,0.0,0.0,0.069,0.0417,0.0833,0.0294,0.0068,0.0118,0.0,0.0,reg oper account,block of flats,0.0091,Wooden,No,4.0,0.0,4.0,0.0,-1060.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2000082,446462,Cash loans,7560.0,67500.0,67500.0,0.0,67500.0,FRIDAY,9,Y,1,0.0,,,Other,Approved,-2309,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,N,2,135000.0,119893.5,12415.5,103500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.01885,-13439,-3496,-1262.0,-2460,,1,1,0,1,0,0,Sales staff,4.0,2,2,SUNDAY,11,0,0,0,0,0,0,Self-employed,0.6638609044708821,0.7061879872587072,0.5937175866150576,0.0773,0.0562,0.9767,0.6804,0.0103,0.0,0.1724,0.1667,0.2083,0.0844,0.063,0.0655,0.0,0.0,0.0788,0.0583,0.9767,0.6929,0.0104,0.0,0.1724,0.1667,0.2083,0.0863,0.0689,0.0682,0.0,0.0,0.0781,0.0562,0.9767,0.6847,0.0104,0.0,0.1724,0.1667,0.2083,0.0858,0.0641,0.0667,0.0,0.0,reg oper account,block of flats,0.0572,Panel,No,2.0,0.0,2.0,0.0,-2536.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,5.0 +1206306,395136,Consumer loans,5814.54,23130.0,27643.5,0.0,23130.0,WEDNESDAY,16,Y,1,0.0,,,XAP,Approved,-330,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,50,Connectivity,6.0,high,POS mobile with interest,365243.0,-300.0,-150.0,-150.0,-144.0,1.0,0,Cash loans,M,Y,N,0,112500.0,278613.0,25911.0,252000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-17015,-2505,-1010.0,-568,6.0,1,1,1,1,0,0,Laborers,2.0,2,2,TUESDAY,17,0,0,0,0,0,0,Industry: type 4,,0.26607969974891643,0.5902333386185574,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-330.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1089905,382101,Cash loans,13134.825,67500.0,67500.0,,67500.0,FRIDAY,12,Y,1,,,,XNA,Refused,-998,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,35,Connectivity,6.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,M,Y,Y,1,202500.0,254700.0,16407.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.02461,-16913,-226,-1442.0,-418,12.0,1,1,1,1,1,0,Laborers,3.0,2,2,TUESDAY,10,0,0,0,0,1,1,Business Entity Type 3,,0.39331283922725896,0.5424451438613613,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1153540,240040,Cash loans,10510.695,184500.0,233208.0,0.0,184500.0,TUESDAY,9,Y,1,0.0,,,XNA,Approved,-2415,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,48.0,middle,Cash Street: middle,365243.0,-2385.0,-975.0,-975.0,-968.0,1.0,0,Cash loans,F,N,Y,1,247500.0,418500.0,20353.5,418500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008019,-13308,-4972,-4962.0,-4963,,1,1,0,1,0,0,Laborers,3.0,2,2,TUESDAY,11,0,0,0,0,0,0,Self-employed,0.4811658962070982,0.5418403653538282,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2415.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1326990,277619,Consumer loans,4701.15,35820.0,39402.0,4500.0,35820.0,THURSDAY,15,Y,1,0.11163293451116324,,,XAP,Approved,-1709,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,high,POS mobile with interest,365243.0,-1678.0,-1348.0,-1348.0,-1342.0,0.0,0,Cash loans,F,N,Y,1,135000.0,684706.5,35091.0,612000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00733,-14391,-210,-4543.0,-2264,,1,1,0,1,0,0,Sales staff,3.0,2,2,FRIDAY,14,0,0,0,0,0,0,Trade: type 7,,0.5795577162405635,0.722392890081304,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1666.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1516807,402463,Consumer loans,3218.535,36630.0,38407.5,3663.0,36630.0,TUESDAY,12,Y,1,0.09482511498555993,,,XAP,Approved,-2549,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,20,Connectivity,20.0,low_normal,POS mobile with interest,365243.0,-2518.0,-1948.0,-2008.0,-2005.0,1.0,0,Cash loans,F,N,Y,2,112500.0,589045.5,36166.5,508500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-14037,-4372,-11856.0,-4858,,1,1,0,1,0,0,Laborers,4.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Business Entity Type 2,,0.6886421586614094,0.7338145369642702,,,0.9836,,,,,,,,,0.0678,,,,,0.9836,,,,,,,,,0.0706,,,,,0.9836,,,,,,,,,0.069,,,,,0.0533,,No,3.0,0.0,3.0,0.0,-672.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1384534,363691,Consumer loans,11176.245,151033.5,170473.5,0.0,151033.5,WEDNESDAY,7,Y,1,0.0,,,XAP,Approved,-394,Cash through the bank,XAP,,Refreshed,Computers,POS,XNA,Country-wide,1000,Consumer electronics,18.0,low_normal,POS household with interest,365243.0,-363.0,147.0,-273.0,-271.0,0.0,0,Cash loans,F,N,Y,0,90000.0,1042560.0,34587.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.008068,-17726,-669,-7948.0,-1274,,1,1,1,1,0,0,Medicine staff,2.0,3,3,FRIDAY,9,0,0,0,1,1,0,Medicine,,0.7533634328683292,0.7121551551910698,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2120.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1745599,295668,Consumer loans,12983.445,113395.5,125370.0,0.0,113395.5,FRIDAY,11,Y,1,0.0,,,XAP,Approved,-924,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Regional / Local,200,Consumer electronics,12.0,middle,POS household with interest,365243.0,-893.0,-563.0,-563.0,-558.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,755190.0,56592.0,675000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.003069,-15965,-2940,-1666.0,-4701,15.0,1,1,0,1,0,0,Managers,2.0,3,3,FRIDAY,14,0,0,0,0,0,0,Self-employed,,0.6348707183665275,0.5954562029091491,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-924.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1381323,428353,Cash loans,21820.41,112500.0,116212.5,,112500.0,TUESDAY,12,Y,1,,,,XNA,Approved,-892,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-862.0,-712.0,-772.0,-761.0,1.0,0,Cash loans,F,N,Y,0,225000.0,1006920.0,40063.5,900000.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.016612000000000002,-17387,-1616,-2587.0,-925,,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,16,0,0,0,0,1,1,Business Entity Type 3,,0.5109284670582347,0.8528284668510541,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1266.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2538574,334959,Consumer loans,14786.28,185661.0,209556.0,0.0,185661.0,MONDAY,7,Y,1,0.0,,,XAP,Approved,-906,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Regional / Local,221,Consumer electronics,18.0,middle,POS household with interest,365243.0,-875.0,-365.0,-455.0,-452.0,0.0,0,Revolving loans,M,Y,Y,0,90000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.020246,-8368,-533,-883.0,-1030,21.0,1,1,0,1,1,0,Drivers,1.0,3,3,THURSDAY,6,0,0,0,0,0,0,Business Entity Type 3,,0.2665668011385137,0.30162489168411943,0.2062,0.1178,0.998,,,0.16,0.1379,0.375,,0.0,,0.1742,,0.0964,0.2101,0.1223,0.998,,,0.1611,0.1379,0.375,,0.0,,0.1815,,0.1021,0.2082,0.1178,0.998,,,0.16,0.1379,0.375,,0.0,,0.1774,,0.0984,,block of flats,0.158,Panel,No,2.0,1.0,2.0,1.0,-1156.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1872029,151817,Consumer loans,13440.105,112234.5,111006.0,11227.5,112234.5,MONDAY,14,Y,1,0.1000361454250936,,,XAP,Approved,-1318,Cash through the bank,XAP,"Spouse, partner",Repeater,Computers,POS,XNA,Country-wide,50,Connectivity,12.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,N,0,108000.0,337761.0,17374.5,256500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.006207,-13706,-886,-7692.0,-5002,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Business Entity Type 2,,0.5286171073396371,,0.0619,0.0675,0.9826,0.762,0.0093,0.0,0.1379,0.1667,0.2083,0.0483,0.0504,0.0536,0.0,0.0,0.063,0.0701,0.9826,0.7713,0.0093,0.0,0.1379,0.1667,0.2083,0.0494,0.0551,0.0559,0.0,0.0,0.0625,0.0675,0.9826,0.7652,0.0093,0.0,0.1379,0.1667,0.2083,0.0491,0.0513,0.0546,0.0,0.0,not specified,block of flats,0.0473,Panel,No,10.0,0.0,10.0,0.0,-1834.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2730768,269810,Consumer loans,11247.48,88060.725,85581.0,9000.225,88060.725,MONDAY,11,Y,1,0.10363645879266974,,,XAP,Approved,-2069,Cash through the bank,XAP,"Spouse, partner",Refreshed,Furniture,POS,XNA,Regional / Local,2000,Furniture,10.0,high,POS industry with interest,365243.0,-2038.0,-1768.0,-1768.0,-1762.0,0.0,0,Cash loans,F,Y,N,0,157500.0,1125000.0,33025.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0228,-16242,-2105,-9289.0,-1061,13.0,1,1,1,1,1,0,Medicine staff,2.0,2,2,THURSDAY,19,0,0,0,0,1,1,Medicine,,0.59310824142662,0.6092756673894402,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1419.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1443478,384426,Cash loans,6464.25,112500.0,112500.0,,112500.0,SATURDAY,10,Y,1,,,,XNA,Approved,-882,XNA,XAP,Other_B,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),6,XNA,36.0,high,Cash X-Sell: high,365243.0,-852.0,198.0,-222.0,-216.0,0.0,0,Cash loans,F,N,Y,0,135000.0,342000.0,11052.0,342000.0,Family,Pensioner,Secondary / secondary special,Separated,House / apartment,0.018209,-19585,365243,-10650.0,-1622,,1,0,0,1,0,0,,1.0,3,3,SATURDAY,7,0,0,0,0,0,0,XNA,0.11197416011619726,0.4080093897452581,0.13680052191177486,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1906.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2240465,297900,Consumer loans,13093.83,57573.0,63045.0,4500.0,57573.0,FRIDAY,13,Y,1,0.07255768881351828,,,XAP,Approved,-347,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,15,Connectivity,6.0,high,POS mobile with interest,365243.0,-315.0,-165.0,-165.0,-163.0,0.0,0,Cash loans,M,Y,Y,0,270000.0,703728.0,38173.5,607500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.009549,-10906,-1125,-693.0,-2086,11.0,1,1,1,1,0,0,Drivers,2.0,2,2,TUESDAY,17,1,1,1,1,1,1,Transport: type 3,,0.6400204637474272,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-347.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2505280,256196,Consumer loans,7462.935,76950.0,85077.0,0.0,76950.0,FRIDAY,10,Y,1,0.0,,,XAP,Approved,-840,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,3540,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-805.0,-475.0,-535.0,-523.0,0.0,0,Cash loans,F,N,N,1,157500.0,1350000.0,39604.5,1350000.0,Family,Working,Higher education,Married,House / apartment,0.009549,-15252,-1898,-1378.0,-1406,,1,1,1,1,0,0,Managers,3.0,2,2,THURSDAY,15,0,0,0,0,1,1,Business Entity Type 3,,0.7601457546101129,0.7490217048463391,0.1237,0.0,0.9975,0.966,0.0,0.16,0.069,0.5,0.5417,0.0965,0.1009,0.1418,0.0,0.0,0.1261,0.0,0.9975,0.9673,0.0,0.1611,0.069,0.5,0.5417,0.0987,0.1102,0.1477,0.0,0.0,0.1249,0.0,0.9975,0.9665,0.0,0.16,0.069,0.5,0.5417,0.0982,0.1026,0.1444,0.0,0.0,reg oper spec account,block of flats,0.1115,"Stone, brick",No,2.0,0.0,2.0,0.0,-840.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2418021,405921,Consumer loans,21621.645,133564.5,141790.5,0.0,133564.5,MONDAY,11,Y,1,0.0,,,XAP,Refused,-749,XNA,LIMIT,Unaccompanied,Repeater,Furniture,POS,XNA,Regional / Local,2880,Furniture,7.0,low_action,POS industry with interest,,,,,,,0,Cash loans,F,Y,Y,1,270000.0,1078200.0,34911.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.014464,-18451,-10981,-9432.0,-1993,6.0,1,1,0,1,1,0,Laborers,3.0,2,2,MONDAY,7,0,0,0,0,0,0,Transport: type 2,,0.3773363688931218,0.4974688893052743,0.0412,0.0334,0.9762,0.6736,0.0155,0.0,0.069,0.1667,0.2083,0.0136,0.0311,0.0331,0.0116,0.0096,0.042,0.0347,0.9762,0.6864,0.0156,0.0,0.069,0.1667,0.2083,0.0139,0.034,0.0345,0.0117,0.0102,0.0416,0.0334,0.9762,0.6779999999999999,0.0156,0.0,0.069,0.1667,0.2083,0.0138,0.0316,0.0337,0.0116,0.0098,reg oper account,block of flats,0.0366,"Stone, brick",No,1.0,0.0,1.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1628000,386879,Cash loans,45205.605,1350000.0,1546020.0,,1350000.0,MONDAY,10,Y,1,,,,XNA,Refused,-134,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,Y,Y,3,157500.0,450000.0,21109.5,450000.0,Unaccompanied,Working,Lower secondary,Married,House / apartment,0.019101,-12455,-5542,-6606.0,-4183,0.0,1,1,1,1,0,0,Drivers,5.0,2,2,TUESDAY,12,0,0,0,0,1,1,Agriculture,,0.683953114488266,0.6109913280868294,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1816.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2790199,123711,Consumer loans,3986.91,32895.0,32787.0,3060.0,32895.0,SATURDAY,11,Y,1,0.09296784059525708,,,XAP,Approved,-2030,Cash through the bank,XAP,"Spouse, partner",Repeater,Mobile,POS,XNA,Regional / Local,29,Connectivity,12.0,high,POS mobile with interest,365243.0,-1999.0,-1669.0,-1759.0,-1749.0,0.0,0,Cash loans,M,N,Y,0,144000.0,603792.0,19476.0,504000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.01885,-11327,-937,-9090.0,-3642,,1,1,0,1,1,0,Laborers,2.0,2,2,SATURDAY,16,0,0,0,0,0,0,Business Entity Type 1,,0.6889374711508182,0.475849908720221,0.2247,0.1155,0.9876,0.83,0.0475,0.24,0.2069,0.3333,0.375,0.0628,0.1816,0.2381,0.0077,0.014,0.229,0.1199,0.9876,0.8367,0.048,0.2417,0.2069,0.3333,0.375,0.0642,0.1983,0.2481,0.0078,0.0148,0.2269,0.1155,0.9876,0.8323,0.0478,0.24,0.2069,0.3333,0.375,0.0639,0.1847,0.2424,0.0078,0.0143,reg oper account,block of flats,0.2166,Panel,No,1.0,0.0,1.0,0.0,-2030.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +2702714,393697,Consumer loans,3383.01,35955.0,32076.0,7200.0,35955.0,SUNDAY,12,Y,1,0.19965002916423635,,,XAP,Approved,-1766,Cash through the bank,XAP,Other_A,Repeater,Mobile,POS,XNA,Country-wide,48,Connectivity,14.0,high,POS mobile with interest,365243.0,-1735.0,-1345.0,-1345.0,-1339.0,0.0,0,Cash loans,F,N,Y,0,99000.0,225000.0,17667.0,225000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.019688999999999998,-9378,-2199,-910.0,-2049,,1,1,0,1,1,0,,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Government,0.6679376114981969,0.4615744553143658,0.5513812618027899,0.0155,0.0089,0.9737,0.6396,0.0,0.0,0.0345,0.0417,0.0833,0.0136,0.0126,0.0052,0.0,0.0,0.0158,0.0092,0.9737,0.6537,0.0,0.0,0.0345,0.0417,0.0833,0.0139,0.0138,0.0055,0.0,0.0,0.0156,0.0089,0.9737,0.6444,0.0,0.0,0.0345,0.0417,0.0833,0.0138,0.0128,0.0053,0.0,0.0,reg oper account,block of flats,0.0041,"Stone, brick",No,4.0,1.0,4.0,0.0,-277.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1907334,236741,Cash loans,6320.835,45000.0,54738.0,0.0,45000.0,MONDAY,10,Y,1,0.0,,,XNA,Approved,-1709,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,high,Cash X-Sell: high,365243.0,-1679.0,-1349.0,-1349.0,-1346.0,1.0,0,Cash loans,M,N,N,0,112500.0,229500.0,12577.5,229500.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.008473999999999999,-16428,-373,-5108.0,-2240,,1,1,1,1,0,0,Security staff,2.0,2,2,MONDAY,15,0,0,0,0,0,0,Other,,0.6503024623337292,0.3962195720630885,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1709.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +1514938,307930,Consumer loans,12076.785,109903.5,108702.0,10993.5,109903.5,TUESDAY,14,Y,1,0.10002816237110754,,,XAP,Approved,-1975,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,102,Furniture,12.0,high,POS industry with interest,365243.0,-1940.0,-1610.0,-1610.0,-1606.0,0.0,0,Cash loans,F,N,Y,0,315000.0,593010.0,17469.0,495000.0,Unaccompanied,State servant,Secondary / secondary special,Separated,House / apartment,0.010006000000000001,-23198,-873,-691.0,-4762,,1,1,0,1,0,0,Core staff,1.0,2,1,WEDNESDAY,16,0,0,0,0,0,0,Government,0.8384585594248082,0.6837309070697638,0.6479768603302221,0.067,0.1481,0.9955,,,0.04,0.1724,0.1667,,0.0303,,0.0693,,0.0264,0.0683,0.1537,0.9955,,,0.0403,0.1724,0.1667,,0.031,,0.0722,,0.028,0.0677,0.1481,0.9955,,,0.04,0.1724,0.1667,,0.0308,,0.0706,,0.027000000000000003,,block of flats,0.1212,"Stone, brick",No,0.0,0.0,0.0,0.0,-1612.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1170532,253433,Consumer loans,12725.325,66528.0,70042.5,0.0,66528.0,WEDNESDAY,14,Y,1,0.0,,,XAP,Approved,-517,XNA,XAP,,Repeater,Furniture,POS,XNA,Stone,25,Furniture,6.0,middle,POS industry with interest,365243.0,-486.0,-336.0,-336.0,-331.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,1280794.5,42457.5,1147500.0,Family,Commercial associate,Secondary / secondary special,Married,Office apartment,0.0228,-17772,-102,-687.0,-1257,3.0,1,1,0,1,1,0,Security staff,2.0,2,2,TUESDAY,10,0,0,0,0,1,1,Business Entity Type 3,,0.14097746797639907,0.4776491548517548,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-60.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1824259,180630,Cash loans,24172.65,229500.0,241920.0,,229500.0,THURSDAY,19,Y,1,,,,XNA,Approved,-297,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-267.0,63.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,315000.0,1933285.5,51129.0,1728000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.032561,-21290,-1488,-1376.0,-3659,,1,1,0,1,1,0,,2.0,1,1,SUNDAY,11,0,0,0,0,0,0,University,,0.6803592301481017,0.6347055309763198,0.1433,0.1282,0.9757,0.6668,0.0153,0.0,0.2414,0.1667,0.2083,0.0307,0.1143,0.1279,0.0116,0.0355,0.146,0.133,0.9757,0.6798,0.0154,0.0,0.2414,0.1667,0.2083,0.0314,0.1249,0.1333,0.0117,0.0376,0.1447,0.1282,0.9757,0.6713,0.0154,0.0,0.2414,0.1667,0.2083,0.0312,0.1163,0.1302,0.0116,0.0362,reg oper account,block of flats,0.1167,Panel,No,1.0,1.0,1.0,1.0,-1369.0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +1662604,127642,Revolving loans,2250.0,45000.0,45000.0,,45000.0,THURSDAY,13,Y,1,,,,XAP,Refused,-258,XNA,SCOFR,Unaccompanied,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),8,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,Y,Y,0,202500.0,473760.0,51151.5,450000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.010147,-9389,-2014,-1741.0,-1838,24.0,1,1,1,1,0,0,Core staff,1.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Self-employed,0.24142186166306065,0.6370577762192485,,0.4278,0.3364,0.9876,0.7824,0.0808,0.44,0.3793,0.3333,0.375,0.1638,0.348,0.4422,0.0039,0.0387,0.4359,0.3491,0.9876,0.7909,0.0815,0.4431,0.3793,0.3333,0.375,0.1675,0.3802,0.4607,0.0039,0.041,0.4320000000000001,0.3364,0.9876,0.7853,0.0813,0.44,0.3793,0.3333,0.375,0.1666,0.354,0.4501,0.0039,0.0395,org spec account,block of flats,0.4004,"Stone, brick",No,0.0,0.0,0.0,0.0,-290.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2140316,141662,Consumer loans,16002.855,129501.0,140895.0,0.0,129501.0,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-117,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,170,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-81.0,189.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,135000.0,280332.0,24187.5,234000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.018634,-8200,-169,-5935.0,-861,,1,1,0,1,0,1,Sales staff,1.0,2,2,THURSDAY,14,0,0,0,1,1,0,Self-employed,0.3104379022386657,0.3574426772442477,0.4848514754962666,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-910.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,0.0 +2607349,136648,Consumer loans,5126.76,91080.0,110317.5,0.0,91080.0,THURSDAY,13,Y,1,0.0,,,XAP,Approved,-515,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,1500,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-484.0,206.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,112500.0,215640.0,9625.5,180000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00702,-12429,-3266,-2575.0,-271,,1,1,0,1,0,0,Core staff,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Kindergarten,0.3156042938062245,0.2798341720982018,0.3842068130556564,0.1021,0.1078,0.9975,0.9524,,0.18,0.1552,0.3333,,0.0158,0.0908,0.1193,0.0039,0.0283,0.0945,0.0963,0.997,0.9543,,0.1611,0.1379,0.3333,,0.0159,0.0992,0.1199,0.0039,0.0,0.1031,0.1078,0.9975,0.953,,0.18,0.1552,0.3333,,0.0161,0.0923,0.1215,0.0039,0.0289,reg oper spec account,block of flats,0.1083,Panel,No,2.0,0.0,2.0,0.0,-515.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2531336,326752,Cash loans,52018.875,1575000.0,1886850.0,,1575000.0,MONDAY,14,Y,1,,,,XNA,Refused,-214,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,90000.0,315000.0,24885.0,315000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-14799,-1374,-2132.0,-2137,,1,1,1,1,1,0,Accountants,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Transport: type 4,,0.6057354596320079,0.2692857999073816,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1673.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1489143,326048,Consumer loans,4592.52,21802.5,22882.5,0.0,21802.5,SUNDAY,11,Y,1,0.0,,,XAP,Approved,-2627,Cash through the bank,XAP,Children,New,Mobile,POS,XNA,Country-wide,25,Connectivity,6.0,high,POS mobile with interest,365243.0,-2596.0,-2446.0,-2446.0,-2438.0,1.0,0,Cash loans,F,N,Y,0,130500.0,540000.0,19525.5,540000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-17623,-696,-7007.0,-1174,,1,1,0,1,0,1,Security staff,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Security,0.4953953542467615,0.6068368501817543,0.4083588531230431,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2123.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2378042,413294,Consumer loans,5713.245,50404.5,55728.0,0.0,50404.5,THURSDAY,17,Y,1,0.0,,,XAP,Approved,-568,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Regional / Local,150,Consumer electronics,12.0,middle,POS household with interest,365243.0,-535.0,-205.0,-385.0,-376.0,0.0,0,Cash loans,M,N,N,2,265500.0,452745.0,47673.0,409500.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.00496,-14134,365243,-6640.0,-430,,1,0,0,1,0,1,,4.0,2,2,FRIDAY,10,0,0,0,1,0,0,XNA,0.3275598990357429,0.6515992703217056,0.7623356180684377,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1240.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1217875,279761,Consumer loans,6804.09,40455.0,38506.5,4050.0,40455.0,TUESDAY,11,Y,1,0.10364616878310436,,,XAP,Approved,-2397,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,35,Connectivity,7.0,high,POS mobile with interest,365243.0,-2366.0,-2186.0,-2216.0,-2210.0,1.0,0,Cash loans,F,N,N,0,112500.0,101880.0,11101.5,90000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.011703,-14778,-1177,-6528.0,-4490,,1,1,0,1,0,0,Medicine staff,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,Agriculture,,0.5659130796679341,0.7194907850918436,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-321.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,3.0,3.0 +2162696,243981,Consumer loans,8802.225,85905.0,86841.0,8590.5,85905.0,SUNDAY,21,Y,1,0.09803718326281624,,,XAP,Approved,-579,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,20,Connectivity,14.0,high,POS mobile with interest,365243.0,-544.0,-154.0,-244.0,-236.0,0.0,0,Cash loans,M,Y,Y,0,292500.0,545040.0,26640.0,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.00823,-9192,-975,-689.0,-1416,64.0,1,1,0,1,0,0,Sales staff,2.0,2,2,FRIDAY,13,0,0,0,0,1,1,Business Entity Type 3,0.1931894912839811,0.5089393051804997,0.33285056416487313,0.1742,,0.997,,,0.0,0.3103,0.2083,,0.0947,,0.1567,,0.0,0.1775,,0.997,,,0.0,0.3103,0.2083,,0.0968,,0.1632,,0.0,0.1759,,0.997,,,0.0,0.3103,0.2083,,0.0963,,0.1595,,0.0,,block of flats,0.1602,"Stone, brick",No,0.0,0.0,0.0,0.0,-579.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1639195,141161,Consumer loans,14421.285,83250.0,78633.0,8325.0,83250.0,TUESDAY,13,Y,1,0.10426506840292804,,,XAP,Approved,-1199,Cash through the bank,XAP,Family,New,Furniture,POS,XNA,Stone,65,Furniture,6.0,middle,POS industry with interest,365243.0,-1159.0,-1009.0,-1009.0,-1005.0,0.0,0,Cash loans,F,N,Y,1,112500.0,755190.0,30078.0,675000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.019101,-11345,-2177,-4892.0,-3187,,1,1,0,1,0,0,Sales staff,3.0,2,2,THURSDAY,14,0,0,0,0,0,0,Self-employed,0.6726124905144508,0.6482807850102987,0.746300213050371,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,14.0,0.0,14.0,0.0,-1199.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1470344,384732,Consumer loans,6849.585,58495.5,42295.5,16200.0,58495.5,TUESDAY,12,Y,1,0.30161760694878603,,,XAP,Approved,-174,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,1500,Consumer electronics,8.0,high,POS household with interest,365243.0,-144.0,66.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,360000.0,225000.0,13725.0,225000.0,Family,Pensioner,Higher education,Separated,House / apartment,0.04622,-17990,365243,-12135.0,-1532,5.0,1,0,0,1,1,0,,1.0,1,1,MONDAY,11,0,0,0,0,0,0,XNA,0.563899272778406,0.7295621322479847,0.4794489811780563,0.0113,0.0,0.9697,0.5852,0.0014,0.0,0.0345,0.0417,0.0833,0.0072,0.0092,0.0096,0.0,0.0,0.0116,0.0,0.9697,0.6014,0.0014,0.0,0.0345,0.0417,0.0833,0.0074,0.0101,0.01,0.0,0.0,0.0115,0.0,0.9697,0.5907,0.0014,0.0,0.0345,0.0417,0.0833,0.0074,0.0094,0.0098,0.0,0.0,reg oper account,block of flats,0.0083,"Stone, brick",No,0.0,0.0,0.0,0.0,-1649.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2570281,370830,Cash loans,82494.9,1134000.0,1183396.5,,1134000.0,THURSDAY,18,Y,1,,,,XNA,Approved,-660,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-630.0,-120.0,-240.0,-237.0,1.0,0,Cash loans,M,N,Y,0,157500.0,675000.0,32472.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.0060079999999999995,-23391,365243,-12608.0,-4470,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,XNA,,0.7192469006853783,0.22383131747015547,0.1485,0.1096,0.9826,0.762,0.0264,0.16,0.1379,0.3333,0.375,,0.121,0.1558,0.0,0.0,0.1513,0.1137,0.9826,0.7713,0.0266,0.1611,0.1379,0.3333,0.375,,0.1322,0.1623,0.0,0.0,0.1499,0.1096,0.9826,0.7652,0.0266,0.16,0.1379,0.3333,0.375,,0.1231,0.1586,0.0,0.0,reg oper spec account,block of flats,0.1558,Panel,No,4.0,0.0,4.0,0.0,-1186.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1018565,373456,Cash loans,20977.56,337500.0,384277.5,,337500.0,FRIDAY,10,Y,1,,,,Medicine,Refused,-664,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,58500.0,99000.0,7794.0,99000.0,Children,Pensioner,Incomplete higher,Separated,House / apartment,0.026392000000000002,-22717,365243,-3639.0,-4396,,1,0,0,1,1,0,,1.0,2,2,THURSDAY,14,0,0,0,0,0,0,XNA,,0.6725727983852061,0.5620604831738043,0.0629,0.0417,0.9901,0.8640000000000001,0.0082,0.04,0.0345,0.3333,0.375,0.0632,0.0504,0.054000000000000006,0.0039,0.0141,0.0662,0.0381,0.9901,0.8693,0.0076,0.0403,0.0345,0.3333,0.375,0.0681,0.0569,0.0554,0.0039,0.0148,0.0656,0.0367,0.9901,0.8658,0.0085,0.04,0.0345,0.3333,0.375,0.0678,0.053,0.0551,0.0039,0.0144,reg oper account,block of flats,0.0449,"Stone, brick",No,0.0,0.0,0.0,0.0,-1895.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2448675,165886,Consumer loans,10373.13,101821.5,100710.0,10183.5,101821.5,SUNDAY,12,Y,1,0.10001269030851467,,,XAP,Approved,-2027,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Stone,300,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1996.0,-1666.0,-1666.0,-1663.0,0.0,0,Cash loans,M,N,Y,1,112500.0,900000.0,29745.0,900000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.031329,-18720,-166,-3676.0,-2035,,1,1,1,1,0,0,Cleaning staff,3.0,2,2,THURSDAY,14,0,0,0,0,1,1,Business Entity Type 3,0.8129975838736095,0.717144656356256,0.7713615919194317,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1727.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1669911,140909,Consumer loans,3981.105,18900.0,19836.0,0.0,18900.0,SUNDAY,14,Y,1,0.0,,,XAP,Approved,-2596,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,6.0,high,POS mobile with interest,365243.0,-2565.0,-2415.0,-2415.0,-2407.0,1.0,0,Cash loans,M,Y,Y,0,135000.0,814041.0,23800.5,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.005313,-11596,-553,-4173.0,-4173,11.0,1,1,1,1,1,0,Laborers,2.0,2,2,SATURDAY,15,0,0,0,0,0,0,Self-employed,0.5858957174729519,0.258694789198233,0.6738300778602003,0.1072,0.1483,0.9906,,,0.0,0.2414,0.1667,,0.1194,,0.1107,,0.0,0.1092,0.1539,0.9906,,,0.0,0.2414,0.1667,,0.1221,,0.1154,,0.0,0.1083,0.1483,0.9906,,,0.0,0.2414,0.1667,,0.1215,,0.1127,,0.0,,block of flats,0.0871,Panel,No,0.0,0.0,0.0,0.0,-1960.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1243711,224230,Cash loans,18828.0,450000.0,450000.0,,450000.0,FRIDAY,16,Y,1,,,,XNA,Approved,-1358,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,42.0,middle,Cash X-Sell: middle,365243.0,-1328.0,-98.0,-98.0,-89.0,0.0,0,Cash loans,F,Y,N,1,315000.0,853056.0,30771.0,720000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008625,-16147,-1097,-590.0,-4194,7.0,1,1,0,1,0,1,Sales staff,3.0,2,2,FRIDAY,12,0,0,0,0,0,0,Other,0.5742518053315577,0.13686302579030066,0.5971924268337128,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2204905,186693,Cash loans,30852.9,810000.0,810000.0,,810000.0,MONDAY,13,Y,1,,,,XNA,Approved,-491,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,3500,Consumer electronics,36.0,low_normal,Cash X-Sell: low,365243.0,-460.0,590.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,157500.0,768550.5,31432.5,621000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,With parents,0.019688999999999998,-9112,-1320,-3763.0,-1750,,1,1,0,1,0,0,Drivers,1.0,2,2,TUESDAY,16,0,0,0,0,0,0,Trade: type 2,,0.4950381052297352,,0.0381,0.0332,0.9727,0.626,0.0,0.0,0.1034,0.125,0.1667,0.0246,0.0311,0.031,0.0,0.0124,0.0389,0.0345,0.9727,0.6406,0.0,0.0,0.1034,0.125,0.1667,0.0251,0.034,0.0323,0.0,0.0131,0.0385,0.0332,0.9727,0.631,0.0,0.0,0.1034,0.125,0.1667,0.025,0.0316,0.0316,0.0,0.0127,reg oper account,block of flats,0.0345,"Stone, brick",No,0.0,0.0,0.0,0.0,-546.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1787894,431471,Cash loans,10881.99,81000.0,91692.0,,81000.0,MONDAY,15,Y,1,,,,Purchase of electronic equipment,Refused,-368,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,M,Y,Y,0,337500.0,1379376.0,44626.5,1080000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.011656999999999999,-16382,-2334,-947.0,-4046,3.0,1,1,0,1,0,0,Laborers,2.0,1,1,FRIDAY,16,0,1,1,0,0,0,Business Entity Type 1,,0.7670533750479827,0.2692857999073816,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1573.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2763504,237833,Consumer loans,2104.56,16294.5,15871.5,1633.5,16294.5,FRIDAY,9,Y,1,0.10162982005141384,,,XAP,Approved,-2216,Cash through the bank,XAP,Family,New,Photo / Cinema Equipment,POS,XNA,Stone,67,Connectivity,10.0,high,POS mobile with interest,365243.0,-2182.0,-1912.0,-2002.0,-1997.0,1.0,0,Cash loans,F,N,Y,0,81000.0,380533.5,20052.0,328500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.010276,-19352,-435,-10545.0,-2840,,1,1,0,1,0,0,Sales staff,1.0,2,2,TUESDAY,17,0,0,0,0,0,0,Self-employed,,0.026113084752743185,0.7421816117614419,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2216.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2107378,204658,Consumer loans,11338.335,103450.5,103450.5,0.0,103450.5,TUESDAY,13,Y,1,0.0,,,XAP,Approved,-690,Cash through the bank,XAP,Family,Refreshed,Audio/Video,POS,XNA,Country-wide,3446,Consumer electronics,12.0,high,POS household with interest,365243.0,-659.0,-329.0,-329.0,-321.0,0.0,0,Cash loans,M,Y,N,0,202500.0,1264500.0,36972.0,1264500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-19318,-918,-829.0,-2881,16.0,1,1,1,1,1,0,Laborers,2.0,2,2,FRIDAY,11,0,0,0,0,1,1,Construction,0.3209784751555614,0.5875236298660909,0.38079968264891495,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2671.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2088577,410488,Consumer loans,5682.6,49477.5,28314.0,22500.0,49477.5,MONDAY,9,Y,1,0.4822400412198494,,,XAP,Approved,-2584,Cash through the bank,XAP,"Spouse, partner",Repeater,Mobile,POS,XNA,Country-wide,27,Connectivity,6.0,high,POS mobile with interest,365243.0,-2553.0,-2403.0,-2433.0,-2424.0,1.0,0,Cash loans,M,Y,Y,0,225000.0,225000.0,14508.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-13799,-2409,-7480.0,-4495,11.0,1,1,0,1,0,0,Drivers,2.0,2,2,TUESDAY,8,0,0,0,0,0,0,Emergency,,0.5597524188773828,0.326475210066026,0.2598,0.1646,0.9826,,,0.28,0.2414,0.3333,,0.0,,0.2929,,0.0,0.2647,0.1708,0.9826,,,0.282,0.2414,0.3333,,0.0,,0.3052,,0.0,0.2623,0.1646,0.9826,,,0.28,0.2414,0.3333,,0.0,,0.2982,,0.0,,block of flats,0.3228,Panel,No,4.0,0.0,4.0,0.0,-2445.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2427620,438186,Consumer loans,7775.235,77760.0,69984.0,7776.0,77760.0,SATURDAY,11,Y,1,0.1089090909090909,,,XAP,Approved,-1868,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Regional / Local,100,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1836.0,-1566.0,-1596.0,-1594.0,0.0,0,Cash loans,F,Y,Y,1,148500.0,1193580.0,38632.5,855000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-10327,-857,-5810.0,-2997,10.0,1,1,0,1,0,0,Sales staff,3.0,2,2,FRIDAY,10,0,0,0,0,0,0,Self-employed,0.31854624189987835,0.6816940575892927,0.6313545365850379,0.0124,0.0,0.9732,0.6328,,0.0,0.069,0.0417,0.0833,0.0128,0.0101,0.009000000000000001,0.0,0.0,0.0126,0.0,0.9732,0.6472,,0.0,0.069,0.0417,0.0833,0.0131,0.011,0.0094,0.0,0.0,0.0125,0.0,0.9732,0.6377,,0.0,0.069,0.0417,0.0833,0.013,0.0103,0.0092,0.0,0.0,reg oper account,block of flats,0.008,"Stone, brick",No,12.0,0.0,12.0,0.0,-1868.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2761570,193291,Consumer loans,13671.63,78705.0,74574.0,7870.5,78705.0,SATURDAY,15,Y,1,0.10396921565416736,,,XAP,Approved,-745,Cash through the bank,XAP,,Refreshed,Audio/Video,POS,XNA,Country-wide,400,Consumer electronics,6.0,middle,POS household with interest,365243.0,-714.0,-564.0,-564.0,-562.0,0.0,0,Cash loans,M,N,Y,0,157500.0,503266.5,52978.5,463500.0,"Spouse, partner",Working,Secondary / secondary special,Civil marriage,House / apartment,0.025164,-12404,-2636,-7512.0,-2458,,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,8,0,0,0,0,1,1,Business Entity Type 3,,0.49346384875239097,0.6769925032909132,0.0742,0.1091,0.9846,0.7892,0.0145,0.08,0.069,0.3333,,0.011,,0.0758,,0.0,0.0756,0.1132,0.9846,0.7975,0.0146,0.0806,0.069,0.3333,,0.0113,,0.079,,0.0,0.0749,0.1091,0.9846,0.792,0.0146,0.08,0.069,0.3333,,0.0112,,0.0772,,0.0,reg oper account,block of flats,0.0596,Panel,No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2091191,176673,Cash loans,,0.0,0.0,,,MONDAY,6,Y,1,,,,XNA,Refused,-220,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,157500.0,1125000.0,44748.0,1125000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-17622,-3030,-1542.0,-1169,,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,7,0,0,0,1,1,0,Self-employed,0.5766618557680552,0.3420278293317465,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1112.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2823001,209273,Revolving loans,10125.0,202500.0,202500.0,,202500.0,TUESDAY,8,Y,1,,,,XAP,Refused,-218,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,135000.0,625536.0,35059.5,540000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.018801,-21884,365243,-881.0,-4645,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,XNA,,0.6540970926519695,0.7209441499436497,0.0619,0.0494,0.9871,,,0.0,0.1379,0.1667,,,,0.0521,,0.0213,0.063,0.0513,0.9871,,,0.0,0.1379,0.1667,,,,0.0543,,0.0225,0.0625,0.0494,0.9871,,,0.0,0.1379,0.1667,,,,0.053,,0.0217,,block of flats,0.0456,Panel,No,0.0,0.0,0.0,0.0,-1020.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1191769,446753,Consumer loans,7965.405,53127.0,39595.5,15750.0,53127.0,SATURDAY,12,Y,1,0.3099291147099913,,,XAP,Approved,-394,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,33,Connectivity,6.0,high,POS mobile with interest,365243.0,-363.0,-213.0,-213.0,-211.0,0.0,0,Cash loans,M,Y,Y,1,270000.0,1061599.5,31171.5,927000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-15131,-1924,-2099.0,-768,15.0,1,1,0,1,0,0,Laborers,3.0,2,2,MONDAY,10,0,0,0,0,1,1,Business Entity Type 1,0.5982031427847855,0.5807242080658602,0.4365064990977374,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-394.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1557788,219081,Consumer loans,7281.315,89667.0,53496.0,40500.0,89667.0,FRIDAY,16,Y,1,0.4692559451272588,,,XAP,Approved,-130,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,70,Connectivity,10.0,high,POS mobile with interest,365243.0,-93.0,177.0,-3.0,365243.0,0.0,0,Cash loans,F,N,Y,0,130500.0,142200.0,8293.5,112500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.011703,-22543,365243,-4355.0,-5478,,1,0,0,1,1,0,,1.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,0.7410386477081448,0.7026776643166921,0.5567274263630174,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,0.0,-877.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1857414,268354,Revolving loans,16875.0,337500.0,337500.0,,337500.0,MONDAY,11,Y,1,,,,XAP,Refused,-106,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,N,0,157500.0,157500.0,6066.0,157500.0,Unaccompanied,Pensioner,Lower secondary,Married,House / apartment,0.018801,-23310,365243,-17456.0,-4025,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,XNA,,0.7532537114285338,0.6706517530862718,0.0619,0.0512,0.9742,0.6464,0.0076,0.0,0.1034,0.1667,0.0417,0.0168,0.0504,0.051,0.0,0.0,0.063,0.0531,0.9742,0.6602,0.0076,0.0,0.1034,0.1667,0.0417,0.0172,0.0551,0.0531,0.0,0.0,0.0625,0.0512,0.9742,0.6511,0.0076,0.0,0.1034,0.1667,0.0417,0.0171,0.0513,0.0519,0.0,0.0,reg oper account,block of flats,0.0442,Panel,No,0.0,0.0,0.0,0.0,-1513.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2189831,222800,Revolving loans,6750.0,0.0,135000.0,,,TUESDAY,9,Y,1,,,,XAP,Approved,-1205,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-1186.0,-1152.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,81000.0,213948.0,17032.5,189000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-20191,365243,-1582.0,-3733,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,XNA,,0.5550049443642372,0.2650494299443805,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-1498.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1285509,179577,Cash loans,9301.05,45000.0,46485.0,0.0,45000.0,FRIDAY,11,Y,1,0.0,,,XNA,Approved,-1882,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,high,Cash X-Sell: high,365243.0,-1852.0,-1702.0,-1702.0,-1698.0,1.0,0,Cash loans,F,N,Y,0,90000.0,258709.5,25717.5,234000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-20287,365243,-10673.0,-3142,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,XNA,,0.5537840490193092,0.5478104658520093,0.2423,0.1695,0.9841,0.7824,0.0487,0.24,0.2069,0.3333,0.375,0.1678,0.1816,0.2255,0.0734,0.0764,0.2468,0.1759,0.9841,0.7909,0.0492,0.2417,0.2069,0.3333,0.375,0.1717,0.1983,0.2349,0.0739,0.0809,0.2446,0.1695,0.9841,0.7853,0.049,0.24,0.2069,0.3333,0.375,0.1708,0.1847,0.2295,0.0738,0.078,,block of flats,0.202,Panel,No,0.0,0.0,0.0,0.0,-514.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2441298,320053,Revolving loans,,0.0,0.0,,,MONDAY,5,Y,1,,,,XAP,Refused,-245,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,112500.0,177903.0,14260.5,148500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.014464,-12436,-2474,-1913.0,-760,,1,1,1,1,1,0,Laborers,2.0,2,2,MONDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.5042434732918073,0.4157641880844281,0.1852020815902493,0.1546,0.1352,0.9881,0.8368,0.0268,0.0,0.3448,0.1667,0.2083,0.1541,0.1261,0.1478,0.0,0.0,0.1576,0.1403,0.9881,0.8432,0.027000000000000003,0.0,0.3448,0.1667,0.2083,0.1576,0.1377,0.154,0.0,0.0,0.1561,0.1352,0.9881,0.8390000000000001,0.0269,0.0,0.3448,0.1667,0.2083,0.1568,0.1283,0.1504,0.0,0.0,reg oper account,block of flats,0.135,Panel,No,0.0,0.0,0.0,0.0,-834.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1965670,210290,Cash loans,26739.27,688500.0,824823.0,,688500.0,WEDNESDAY,10,Y,1,,,,XNA,Refused,-231,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,1,Cash loans,F,N,Y,0,292500.0,726381.0,57519.0,657000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010147,-18776,-135,-8125.0,-2322,,1,1,0,1,0,1,Core staff,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Self-employed,,0.5410585425983052,0.7764098512142026,0.1876,0.22,0.9856,0.8028,0.0443,0.16,0.1379,0.3333,0.375,0.0192,0.153,0.1545,0.0,0.0,0.1912,0.2283,0.9856,0.8105,0.0447,0.1611,0.1379,0.3333,0.375,0.0197,0.1671,0.161,0.0,0.0,0.1894,0.22,0.9856,0.8054,0.0446,0.16,0.1379,0.3333,0.375,0.0196,0.1556,0.1573,0.0,0.0,org spec account,block of flats,0.1215,Panel,No,1.0,0.0,1.0,0.0,-958.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2142308,440058,Consumer loans,3072.51,17010.0,15309.0,1701.0,17010.0,SUNDAY,9,Y,1,0.1089090909090909,,,XAP,Approved,-2864,Cash through the bank,XAP,Other_A,Repeater,Mobile,POS,XNA,Country-wide,469,Consumer electronics,6.0,high,POS household with interest,365243.0,-2830.0,-2680.0,-2680.0,-2675.0,0.0,0,Cash loans,M,N,N,0,90000.0,191880.0,20277.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.035792000000000004,-17813,-3804,-4303.0,-1342,,1,1,1,1,0,0,Drivers,1.0,2,2,MONDAY,16,0,1,1,0,0,0,Business Entity Type 3,,0.639360199657299,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-571.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2341091,253299,Cash loans,18085.365,414000.0,471379.5,,414000.0,THURSDAY,14,Y,1,,,,XNA,Approved,-196,XNA,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,AP+ (Cash loan),60,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-165.0,885.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,135000.0,814041.0,23931.0,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-21033,-9203,-7743.0,-4416,15.0,1,1,1,1,0,0,Core staff,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,Medicine,0.2638191804073068,0.31469979285193506,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-2895.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2818583,152564,Consumer loans,3660.885,22455.0,28494.0,0.0,22455.0,MONDAY,15,Y,1,0.0,,,XAP,Approved,-1636,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,17,Connectivity,12.0,high,POS mobile with interest,365243.0,-1605.0,-1275.0,-1275.0,-1266.0,0.0,0,Cash loans,F,Y,N,0,180000.0,497520.0,32521.5,450000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.00823,-11528,-312,-966.0,-996,1.0,1,1,0,1,0,0,Accountants,2.0,2,2,SATURDAY,11,1,1,1,1,0,0,Business Entity Type 3,0.30355511237898264,0.7726902041287399,0.3962195720630885,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-848.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1602996,265477,Consumer loans,2559.06,26460.0,18900.0,9000.0,26460.0,SUNDAY,12,Y,1,0.3513196480938415,,,XAP,Approved,-2103,Cash through the bank,XAP,Unaccompanied,Refreshed,Mobile,POS,XNA,Country-wide,55,Connectivity,10.0,high,POS mobile with interest,365243.0,-2072.0,-1802.0,-1832.0,-1830.0,0.0,0,Cash loans,F,N,Y,2,112500.0,942300.0,27679.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.005002,-14686,-1838,-4275.0,-4594,,1,1,0,1,0,0,Sales staff,4.0,3,3,WEDNESDAY,13,0,0,0,0,1,1,School,,0.5321356722661968,0.25259869783397665,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1766209,257738,Consumer loans,21051.945,140220.0,150093.0,0.0,140220.0,TUESDAY,14,Y,1,0.0,,,XAP,Approved,-97,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Country-wide,40,Furniture,8.0,low_normal,POS household with interest,365243.0,-67.0,143.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,N,0,157500.0,211630.5,18292.5,171000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.00496,-11106,-535,-2974.0,-3617,8.0,1,1,0,1,0,0,Drivers,1.0,2,2,MONDAY,18,0,0,0,0,1,1,Self-employed,0.2920603477700302,0.5080211311738101,0.2650494299443805,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1311921,244709,Cash loans,39474.0,1350000.0,1350000.0,,1350000.0,THURSDAY,14,Y,1,,,,XNA,Approved,-392,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,N,Y,0,337500.0,755190.0,36459.0,675000.0,Family,Working,Higher education,Single / not married,House / apartment,0.00496,-12392,-3475,-8986.0,-4429,,1,1,0,1,0,0,,1.0,2,2,THURSDAY,14,0,0,0,0,0,0,Government,0.2314978336129305,0.7442035903451272,0.6879328378491735,0.0722,0.0,0.9826,0.762,0.0,0.0,0.2069,0.1667,0.2083,0.1325,0.0588,0.0418,0.0,0.115,0.0735,0.0,0.9826,0.7713,0.0,0.0,0.2069,0.1667,0.2083,0.1146,0.0643,0.0426,0.0,0.1142,0.0729,0.0,0.9826,0.7652,0.0,0.0,0.2069,0.1667,0.2083,0.1348,0.0599,0.0426,0.0,0.1175,reg oper spec account,block of flats,0.0569,"Stone, brick",No,1.0,0.0,1.0,0.0,-1419.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1951639,419875,Consumer loans,16407.54,149940.0,162805.5,0.0,149940.0,WEDNESDAY,11,Y,1,0.0,,,XAP,Approved,-359,XNA,XAP,,New,Consumer Electronics,POS,XNA,Regional / Local,200,Consumer electronics,12.0,middle,POS household with interest,365243.0,-328.0,2.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,135000.0,808650.0,26086.5,675000.0,Unaccompanied,State servant,Higher education,Separated,House / apartment,0.007120000000000001,-20890,-13490,-10237.0,-4406,,1,1,0,1,1,0,Core staff,1.0,2,2,MONDAY,10,0,0,0,0,0,0,School,,0.1915258625230554,0.7530673920730478,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-359.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2675163,315678,Cash loans,45495.81,900000.0,1004544.0,,900000.0,TUESDAY,16,Y,1,,,,XNA,Approved,-350,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-320.0,1090.0,-50.0,-44.0,1.0,0,Cash loans,F,N,N,0,180000.0,780363.0,30946.5,697500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00963,-15188,-786,-6875.0,-372,,1,1,0,1,0,0,High skill tech staff,2.0,2,2,TUESDAY,15,0,1,1,0,1,1,Security,,0.4447179560640765,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1401.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2661436,416254,Revolving loans,45000.0,0.0,900000.0,,,THURSDAY,9,Y,1,,,,XAP,Approved,-339,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-328.0,-292.0,365243.0,-261.0,365243.0,0.0,0,Cash loans,F,Y,N,1,112500.0,1046142.0,30717.0,913500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010556,-10824,-1533,-4910.0,-2948,11.0,1,1,1,1,0,0,Medicine staff,3.0,3,3,SUNDAY,14,1,1,0,1,1,0,Medicine,0.5012757063907526,0.6639245541612238,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1132.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2243552,366301,Consumer loans,11063.7,245587.5,245587.5,0.0,245587.5,MONDAY,18,Y,1,0.0,,,XAP,Approved,-183,Cash through the bank,XAP,Unaccompanied,New,Homewares,POS,XNA,Country-wide,20,Industry,24.0,low_action,POS industry without interest,365243.0,-135.0,555.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,315000.0,571446.0,21123.0,477000.0,Family,State servant,Secondary / secondary special,Widow,House / apartment,0.010643000000000001,-20627,-1959,-9636.0,-4002,,1,1,0,1,0,0,Medicine staff,1.0,2,2,TUESDAY,17,0,1,1,0,0,0,Medicine,,0.6367341227221472,0.5709165417729987,0.0773,0.0974,0.9866,0.8164,0.0531,0.0,0.1724,0.1667,0.2083,0.0461,0.063,0.0797,0.0,0.0,0.0788,0.1011,0.9866,0.8236,0.0536,0.0,0.1724,0.1667,0.2083,0.0472,0.0689,0.083,0.0,0.0,0.0781,0.0974,0.9866,0.8189,0.0534,0.0,0.1724,0.1667,0.2083,0.0469,0.0641,0.0811,0.0,0.0,reg oper account,block of flats,0.0917,Panel,No,4.0,0.0,4.0,0.0,-183.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2701102,253653,Consumer loans,2620.935,24520.5,22000.5,4500.0,24520.5,WEDNESDAY,15,Y,1,0.18493647632720475,,,XAP,Approved,-1888,XNA,XAP,Children,New,Audio/Video,POS,XNA,Country-wide,297,Consumer electronics,12.0,high,POS household with interest,365243.0,-1857.0,-1527.0,-1527.0,-1520.0,0.0,0,Cash loans,M,N,Y,0,67500.0,103500.0,7047.0,103500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-16407,-305,-395.0,-2578,,1,1,0,1,0,0,Drivers,2.0,2,2,MONDAY,9,0,0,0,0,0,0,Self-employed,0.37173686144456336,0.7652433092696154,0.6263042766749393,0.0732,0.0605,0.9876,0.83,0.0085,0.0,0.1379,0.1667,0.0417,0.0587,0.0588,0.066,0.0039,0.031,0.0746,0.0628,0.9876,0.8367,0.0085,0.0,0.1379,0.1667,0.0417,0.0601,0.0643,0.0687,0.0039,0.0328,0.0739,0.0605,0.9876,0.8323,0.0085,0.0,0.1379,0.1667,0.0417,0.0598,0.0599,0.0672,0.0039,0.0316,reg oper account,block of flats,0.0632,"Stone, brick",No,0.0,0.0,0.0,0.0,-1888.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,0.0,0.0,0.0 +1109524,318646,Cash loans,30137.085,900000.0,1030680.0,,900000.0,MONDAY,5,Y,1,,,,XNA,Approved,-492,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-462.0,1308.0,-432.0,-423.0,1.0,0,Cash loans,F,N,N,0,67500.0,225000.0,21919.5,225000.0,Family,Pensioner,Higher education,Married,House / apartment,0.006852,-23896,365243,-4458.0,-4481,,1,0,0,1,0,0,,2.0,3,3,WEDNESDAY,6,0,0,0,0,0,0,XNA,,0.5817674274826601,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1385879,423480,Consumer loans,7651.62,76455.0,61164.0,15291.0,76455.0,WEDNESDAY,14,Y,1,0.2178181818181818,,,XAP,Approved,-1237,Cash through the bank,XAP,,New,Computers,POS,XNA,Regional / Local,23,Connectivity,10.0,high,POS mobile with interest,365243.0,-1191.0,-921.0,-921.0,-918.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,1022436.0,49315.5,940500.0,Unaccompanied,Working,Higher education,Single / not married,With parents,0.018801,-10184,-2358,-2527.0,-2818,12.0,1,1,1,1,1,1,,1.0,2,2,MONDAY,7,0,0,0,0,1,1,Business Entity Type 3,,0.4246397869655096,0.2405414172860865,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1769.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2272189,175067,Consumer loans,13362.48,121455.0,121455.0,0.0,121455.0,THURSDAY,15,Y,1,0.0,,,XAP,Approved,-654,Cash through the bank,XAP,Family,New,Furniture,POS,XNA,Regional / Local,200,Furniture,10.0,low_normal,POS industry with interest,365243.0,-623.0,-353.0,-353.0,-350.0,0.0,0,Revolving loans,F,N,Y,0,135000.0,202500.0,10125.0,202500.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.02461,-8630,-543,-8531.0,-459,,1,1,0,1,0,0,Core staff,2.0,2,2,SUNDAY,12,0,0,0,0,1,1,Telecom,0.13269550699219812,0.6513758422754009,0.17249546677733105,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-654.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1630415,273778,Cash loans,29034.0,900000.0,900000.0,,900000.0,FRIDAY,13,Y,1,,,,Repairs,Refused,-459,Cash through the bank,SCO,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,N,Y,0,225000.0,900000.0,38263.5,900000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.0031219999999999998,-16426,-2871,-5047.0,-1004,,1,1,0,1,1,0,Managers,2.0,3,3,TUESDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.4872667705438241,0.7597121819739279,0.1124,0.0,0.9757,0.6668,0.0114,0.0,0.2069,0.1667,0.2083,0.0621,0.0849,0.0903,0.0309,0.0619,0.1145,0.0,0.9757,0.6798,0.0115,0.0,0.2069,0.1667,0.2083,0.0636,0.0927,0.0941,0.0311,0.0655,0.1135,0.0,0.9757,0.6713,0.0115,0.0,0.2069,0.1667,0.2083,0.0632,0.0864,0.0919,0.0311,0.0632,reg oper account,block of flats,0.0907,"Stone, brick",No,1.0,1.0,1.0,1.0,-900.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1714435,190491,Consumer loans,8563.59,66960.0,72850.5,0.0,66960.0,FRIDAY,12,Y,1,0.0,,,XAP,Approved,-325,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Stone,250,Consumer electronics,10.0,middle,POS household with interest,365243.0,-291.0,-21.0,-21.0,-15.0,0.0,1,Cash loans,M,N,Y,0,112500.0,254700.0,14751.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.028663,-21862,-1774,-1375.0,-4034,,1,1,1,1,1,0,,1.0,2,2,MONDAY,10,0,1,1,0,1,1,Business Entity Type 3,,0.3329486776629225,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-325.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1362920,114867,Consumer loans,4345.155,33583.5,36909.0,0.0,33583.5,SATURDAY,10,Y,1,0.0,,,XAP,Approved,-93,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,3560,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-63.0,207.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,180000.0,900000.0,26446.5,900000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.018209,-23472,365243,-2587.0,-4088,,1,0,0,1,0,0,,1.0,3,3,MONDAY,13,0,0,0,0,0,0,XNA,,0.3882318379366079,0.5190973382084597,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,4.0,2.0,1.0 +2051076,204608,Cash loans,22927.545,112500.0,116212.5,,112500.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-266,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Stone,28,Consumer electronics,6.0,high,Cash X-Sell: high,365243.0,-236.0,-86.0,-206.0,-199.0,1.0,0,Cash loans,M,Y,Y,0,135000.0,1125171.0,44752.5,1035000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018634,-20262,-6423,-11277.0,-3766,2.0,1,1,1,1,1,0,Drivers,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Trade: type 6,,0.46374901538671204,0.646329897706246,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-403.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +2218374,405113,Cash loans,,0.0,0.0,,,THURSDAY,7,Y,1,,,,XNA,Refused,-239,XNA,HC,,Refreshed,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,Y,Y,0,189000.0,481176.0,26230.5,360000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.006305,-10352,-2537,-2859.0,-2859,22.0,1,1,0,1,0,0,,2.0,3,3,FRIDAY,5,0,0,0,1,1,0,Business Entity Type 3,0.2190324342686352,0.5586258496727224,,0.0742,0.0647,0.9876,0.83,0.0189,0.08,0.069,0.3333,0.375,0.0394,0.0605,0.0796,0.0,0.0,0.0756,0.0671,0.9876,0.8367,0.019,0.0806,0.069,0.3333,0.375,0.0403,0.0661,0.0829,0.0,0.0,0.0749,0.0647,0.9876,0.8323,0.019,0.08,0.069,0.3333,0.375,0.0401,0.0616,0.081,0.0,0.0,reg oper spec account,block of flats,0.084,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1807099,124409,Cash loans,25794.0,900000.0,900000.0,,900000.0,FRIDAY,17,Y,1,,,,XNA,Refused,-783,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,135000.0,808650.0,26217.0,675000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.002042,-19162,-3564,-681.0,-2722,,1,1,0,1,0,1,IT staff,2.0,3,3,THURSDAY,13,0,0,0,0,0,0,Other,0.8556495805430021,0.5587498559629535,0.6313545365850379,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1768443,160525,Revolving loans,9000.0,0.0,180000.0,,,WEDNESDAY,16,Y,1,,,,XAP,Approved,-478,XNA,XAP,,Refreshed,XNA,Cards,x-sell,AP+ (Cash loan),5,XNA,0.0,XNA,Card X-Sell,-365.0,-311.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,99000.0,862560.0,25218.0,720000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.00963,-15978,-395,-8662.0,-4118,,1,1,0,1,1,0,Laborers,1.0,2,2,FRIDAY,10,0,0,0,0,1,1,Industry: type 11,0.6242567293844808,0.5917354145729689,0.722392890081304,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-3232.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1956324,334267,Consumer loans,11072.925,121095.0,96876.0,24219.0,121095.0,TUESDAY,14,Y,1,0.2178181818181818,,,XAP,Approved,-2268,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Stone,64,Connectivity,10.0,middle,POS household with interest,365243.0,-2234.0,-1964.0,-1964.0,-1955.0,0.0,0,Cash loans,F,N,Y,0,76500.0,95940.0,9342.0,90000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.025164,-15288,-2468,-4990.0,-4464,,1,1,1,1,0,0,Sales staff,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Self-employed,,0.6563891894245834,0.5656079814115492,0.0165,0.0007,0.9801,0.728,0.0098,0.0,0.069,0.0417,0.0833,0.0219,0.0134,0.0095,0.0,0.0246,0.0168,0.0008,0.9801,0.7387,0.0099,0.0,0.069,0.0417,0.0833,0.0224,0.0147,0.0099,0.0,0.0261,0.0167,0.0007,0.9801,0.7316,0.0099,0.0,0.069,0.0417,0.0833,0.0222,0.0137,0.0097,0.0,0.0251,reg oper account,block of flats,0.0113,Panel,No,1.0,0.0,1.0,0.0,-1317.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1711684,187197,Cash loans,14764.5,225000.0,225000.0,0.0,225000.0,WEDNESDAY,14,Y,1,0.0,,,XNA,Approved,-2368,XNA,XAP,,Refreshed,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,24.0,middle,Cash Street: middle,365243.0,-2338.0,-1648.0,-1648.0,-1643.0,0.0,0,Cash loans,F,N,Y,1,517500.0,816660.0,26473.5,585000.0,Family,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.010276,-14404,-3900,-5453.0,-1526,,1,1,0,1,0,0,Accountants,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,Industry: type 11,0.2720246673056318,0.3954072013332928,0.10344905212675168,0.1835,0.1125,0.9881,0.8368,0.0512,0.08,0.069,0.3333,0.375,0.0893,0.1496,0.1496,0.0,0.0,0.187,0.1168,0.9881,0.8432,0.0516,0.0806,0.069,0.3333,0.375,0.0913,0.1635,0.1559,0.0,0.0,0.1853,0.1125,0.9881,0.8390000000000001,0.0515,0.08,0.069,0.3333,0.375,0.0908,0.1522,0.1523,0.0,0.0,reg oper account,block of flats,0.1191,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,1.0,0.0,0.0,0.0,0.0 +2251242,381650,Consumer loans,7174.755,113391.0,68391.0,45000.0,113391.0,TUESDAY,15,Y,1,0.43221323481661583,,,XAP,Approved,-1347,Cash through the bank,XAP,"Spouse, partner",New,Computers,POS,XNA,Country-wide,500,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1316.0,-986.0,-986.0,-978.0,0.0,0,Cash loans,F,N,Y,1,76500.0,313438.5,18121.5,283500.0,Unaccompanied,State servant,Higher education,Single / not married,House / apartment,0.031329,-14482,-765,-8593.0,-3936,,1,1,0,1,0,0,Core staff,2.0,2,2,FRIDAY,8,0,0,0,0,0,0,School,0.7450385473830126,0.16214456766623808,0.6041125998015721,0.0722,0.0624,0.9791,0.7144,0.0085,0.0,0.1379,0.1667,0.2083,0.0607,0.0588,0.0661,0.0,0.0,0.0735,0.0648,0.9791,0.7256,0.0086,0.0,0.1379,0.1667,0.2083,0.0621,0.0643,0.0688,0.0,0.0,0.0729,0.0624,0.9791,0.7182,0.0086,0.0,0.1379,0.1667,0.2083,0.0618,0.0599,0.0673,0.0,0.0,reg oper account,block of flats,0.052000000000000005,Panel,No,0.0,0.0,0.0,0.0,-1347.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2683609,122820,Cash loans,5246.01,45000.0,47970.0,0.0,45000.0,THURSDAY,14,Y,1,0.0,,,XNA,Approved,-2426,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,high,Cash Street: high,365243.0,-2396.0,-2066.0,-2066.0,-2059.0,1.0,0,Cash loans,F,N,Y,0,72000.0,89019.0,6322.5,81000.0,"Spouse, partner",Pensioner,Secondary / secondary special,Widow,House / apartment,0.018634,-23487,365243,-9768.0,-4983,,1,0,0,1,1,0,,1.0,2,2,MONDAY,13,0,0,0,0,0,0,XNA,,0.6572468577719117,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1782215,243008,Consumer loans,7010.055,71955.0,62311.5,14391.0,71955.0,THURSDAY,11,Y,1,0.20433632896877235,,,XAP,Approved,-2626,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Regional / Local,800,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2595.0,-2325.0,-2325.0,-2315.0,1.0,0,Cash loans,F,N,Y,0,225000.0,454500.0,14791.5,454500.0,Unaccompanied,State servant,Higher education,Separated,House / apartment,0.028663,-21789,-5893,-12302.0,-4082,,1,1,0,1,1,0,Core staff,1.0,2,2,FRIDAY,7,0,0,0,0,0,0,School,,0.3352888193284259,0.5726825047161584,0.0186,0.0026,0.9722,0.5920000000000001,0.0037,0.0,0.1034,0.0692,0.0833,0.0098,0.0168,0.0166,0.0,0.0,0.0168,0.0,0.9732,0.608,0.0037,0.0,0.1034,0.0833,0.0833,0.0076,0.0184,0.014,0.0,0.0,0.0187,0.0026,0.9732,0.5975,0.0037,0.0,0.1034,0.0833,0.0833,0.0104,0.0171,0.016,0.0,0.0,not specified,block of flats,0.0179,Wooden,Yes,0.0,0.0,0.0,0.0,-423.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2762960,240580,Consumer loans,8419.41,111748.5,128344.5,0.0,111748.5,TUESDAY,16,Y,1,0.0,,,XAP,Approved,-1255,Cash through the bank,XAP,Children,Refreshed,Computers,POS,XNA,Country-wide,111,Consumer electronics,18.0,low_normal,POS household with interest,365243.0,-1224.0,-714.0,-1014.0,-1012.0,0.0,0,Cash loans,F,Y,Y,1,72000.0,518562.0,25078.5,463500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-13677,-1734,-7723.0,-5124,18.0,1,1,0,1,0,0,,3.0,2,2,THURSDAY,13,0,0,0,0,1,1,Business Entity Type 3,0.3909761965514812,0.17291930802703195,0.6195277080511546,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1520446,335891,Cash loans,5823.585,45000.0,47970.0,,45000.0,THURSDAY,11,Y,1,,,,Other,Approved,-641,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-611.0,-281.0,-311.0,-302.0,1.0,0,Revolving loans,F,N,Y,0,112500.0,135000.0,6750.0,135000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.005144,-20193,365243,-10433.0,-3664,,1,0,0,1,0,0,,1.0,2,2,MONDAY,16,0,0,0,0,0,0,XNA,,0.4316372991476764,0.3046721837533529,0.0412,0.033,0.9757,0.6668,0.0061,0.08,0.069,0.1667,0.2083,0.0057,0.0336,0.032,0.0,0.0,0.042,0.0342,0.9757,0.6798,0.0061,0.0806,0.069,0.1667,0.2083,0.0059,0.0367,0.0334,0.0,0.0,0.0416,0.033,0.9757,0.6713,0.0061,0.08,0.069,0.1667,0.2083,0.0058,0.0342,0.0326,0.0,0.0,reg oper account,block of flats,0.0285,"Stone, brick",No,0.0,0.0,0.0,0.0,-1843.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2191066,159190,Consumer loans,4421.475,35422.605,38928.105,0.0,35422.605,WEDNESDAY,17,Y,1,0.0,,,XAP,Approved,-89,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,15,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-46.0,224.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,N,1,90000.0,1078200.0,28570.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-12936,-3044,-7087.0,-5045,7.0,1,1,0,1,0,0,Laborers,3.0,2,2,SATURDAY,9,0,0,0,0,0,0,Industry: type 2,,0.6151370610240912,0.5744466170995097,0.0103,0.0,0.9677,0.5579999999999999,0.0015,0.0,0.069,0.0417,0.0833,0.0,0.0084,0.0142,0.0,0.0,0.0105,0.0,0.9677,0.5753,0.0016,0.0,0.069,0.0417,0.0833,0.0,0.0092,0.0148,0.0,0.0,0.0104,0.0,0.9677,0.5639,0.0016,0.0,0.069,0.0417,0.0833,0.0,0.0086,0.0144,0.0,0.0,,block of flats,0.012,"Stone, brick",No,0.0,0.0,0.0,0.0,-907.0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +2836080,213761,Consumer loans,10174.365,83677.5,83677.5,0.0,83677.5,MONDAY,17,Y,1,0.0,,,XAP,Approved,-418,XNA,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,20,Connectivity,12.0,high,POS mobile with interest,365243.0,-377.0,-47.0,-137.0,-132.0,0.0,0,Cash loans,F,N,N,1,202500.0,904500.0,29178.0,904500.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.031329,-11170,-1751,-3910.0,-3483,,1,1,1,1,1,0,Accountants,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.44333411820362656,0.6672246292539669,0.08788069918013308,0.1216,0.1238,0.9791,0.7144,0.0179,0.0,0.2759,0.1667,0.2083,0.1196,0.0992,0.1039,0.0,0.0,0.1239,0.1285,0.9791,0.7256,0.0181,0.0,0.2759,0.1667,0.2083,0.1223,0.1084,0.1082,0.0,0.0,0.1228,0.1238,0.9791,0.7182,0.018000000000000002,0.0,0.2759,0.1667,0.2083,0.1216,0.1009,0.1057,0.0,0.0,not specified,block of flats,0.0915,Panel,No,0.0,0.0,0.0,0.0,-700.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1389402,138817,Consumer loans,10752.255,91278.0,109030.5,0.0,91278.0,SUNDAY,11,Y,1,0.0,,,XAP,Approved,-181,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,1,Consumer electronics,12.0,low_normal,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,135000.0,414000.0,30123.0,414000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.018801,-11358,-138,-4884.0,-3494,,1,1,0,1,1,0,Core staff,2.0,2,2,SATURDAY,9,0,0,0,0,0,0,Medicine,0.13852208812927588,0.5426762533186166,0.4223696523543468,0.2227,0.117,0.9781,0.7008,0.0997,0.24,0.2069,0.3333,0.0417,0.1827,0.1816,0.2219,0.0,0.0,0.2269,0.1214,0.9782,0.7125,0.1006,0.2417,0.2069,0.3333,0.0417,0.1868,0.1983,0.2312,0.0,0.0,0.2248,0.117,0.9781,0.7048,0.1003,0.24,0.2069,0.3333,0.0417,0.1858,0.1847,0.2259,0.0,0.0,reg oper spec account,block of flats,0.229,Panel,No,4.0,0.0,4.0,0.0,-2461.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2351570,243641,Consumer loans,8739.675,193999.5,193999.5,0.0,193999.5,SUNDAY,16,Y,1,0.0,,,XAP,Refused,-500,Cash through the bank,SCO,Family,New,Audio/Video,POS,XNA,Country-wide,1,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,0,Cash loans,F,N,Y,1,112500.0,500211.0,42930.0,463500.0,Unaccompanied,Commercial associate,Higher education,Married,Rented apartment,0.018801,-9902,-697,-183.0,-1006,,1,1,0,1,0,1,High skill tech staff,3.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Other,0.2532668342280524,0.6373813055764593,,0.1629,0.0758,0.9727,,,0.0,0.0345,0.1667,,0.0,,0.0585,,0.0,0.166,0.0786,0.9727,,,0.0,0.0345,0.1667,,0.0,,0.0609,,0.0,0.1645,0.0758,0.9727,,,0.0,0.0345,0.1667,,0.0,,0.0595,,0.0,,specific housing,0.0756,"Stone, brick",No,11.0,4.0,11.0,3.0,-500.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2527538,222332,Cash loans,24769.53,315000.0,366142.5,,315000.0,MONDAY,8,Y,1,,,,Repairs,Approved,-353,XNA,XAP,,Repeater,XNA,Cash,walk-in,Country-wide,44,Connectivity,36.0,high,Cash Street: high,365243.0,-323.0,727.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,0,135000.0,124722.0,13360.5,117000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.014464,-20546,365243,-563.0,-3998,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,XNA,,0.4870700919222306,,0.0928,0.1103,0.9906,0.8708,0.0426,0.0,0.2069,0.1667,0.0417,0.0238,0.0756,0.0871,0.0,0.0024,0.0945,0.1145,0.9906,0.8759,0.043,0.0,0.2069,0.1667,0.0417,0.0243,0.0826,0.0907,0.0,0.0025,0.0937,0.1103,0.9906,0.8725,0.0429,0.0,0.2069,0.1667,0.0417,0.0242,0.077,0.0887,0.0,0.0024,reg oper account,block of flats,0.0923,Panel,No,0.0,0.0,0.0,0.0,-543.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1868693,261671,Consumer loans,8783.685,80725.5,79047.0,8073.0,80725.5,THURSDAY,20,Y,1,0.10092092411720506,,,XAP,Approved,-537,Cash through the bank,XAP,,Repeater,Photo / Cinema Equipment,POS,XNA,Regional / Local,300,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-506.0,-236.0,-356.0,-352.0,0.0,0,Cash loans,M,Y,Y,0,202500.0,297130.5,15300.0,256500.0,"Spouse, partner",Working,Secondary / secondary special,Married,With parents,0.006670999999999999,-10342,-271,-2477.0,-2477,29.0,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,16,0,0,0,1,1,1,Self-employed,,0.6029956239352426,0.6626377922738201,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-765.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2515027,110758,Cash loans,28343.7,900000.0,1030680.0,,900000.0,MONDAY,10,Y,1,,,,Repairs,Refused,-171,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,Y,Y,0,292500.0,1436850.0,46480.5,1125000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.025164,-23332,-5560,-14037.0,-4598,1.0,1,1,1,1,1,0,Managers,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,Agriculture,,0.5049164642121969,0.3791004853998145,0.0227,0.046,0.9692,0.5784,0.046,0.0,0.1034,0.0833,0.125,0.0542,0.0168,0.0294,0.0077,0.0455,0.0231,0.0478,0.9692,0.5949,0.0464,0.0,0.1034,0.0833,0.125,0.0554,0.0184,0.0307,0.0078,0.0481,0.0229,0.046,0.9692,0.584,0.0463,0.0,0.1034,0.0833,0.125,0.0551,0.0171,0.03,0.0078,0.0464,reg oper account,block of flats,0.033,Others,No,2.0,0.0,2.0,0.0,-671.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2327651,154743,Cash loans,19427.625,288000.0,330034.5,,288000.0,MONDAY,12,Y,1,,,,XNA,Approved,-1093,Cash through the bank,XAP,Children,Refreshed,XNA,Cash,x-sell,AP+ (Cash loan),-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-1063.0,-373.0,-373.0,-366.0,1.0,0,Cash loans,F,N,Y,0,247500.0,900000.0,46084.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-19868,-3543,-6103.0,-3428,,1,1,0,1,1,1,Laborers,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.5373856791977012,0.5136937663039473,0.1485,0.0777,0.9801,0.728,0.0438,0.16,0.1379,0.3333,0.375,0.1984,0.1194,0.1412,0.0077,0.0075,0.1513,0.0806,0.9801,0.7387,0.0442,0.1611,0.1379,0.3333,0.375,0.2029,0.1304,0.1471,0.0078,0.0079,0.1499,0.0777,0.9801,0.7316,0.044,0.16,0.1379,0.3333,0.375,0.2018,0.1214,0.1437,0.0078,0.0076,reg oper account,block of flats,0.1269,Panel,No,0.0,0.0,0.0,0.0,-2591.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,5.0 +1136746,336437,Consumer loans,2419.605,18625.5,20470.5,0.0,18625.5,FRIDAY,10,Y,1,0.0,,,XAP,Approved,-2223,Cash through the bank,XAP,Unaccompanied,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,52,Connectivity,12.0,high,POS mobile with interest,365243.0,-2192.0,-1862.0,-1862.0,-1857.0,1.0,0,Cash loans,F,Y,Y,3,90000.0,135000.0,5944.5,135000.0,Unaccompanied,Working,Secondary / secondary special,Separated,With parents,0.019101,-12948,-4405,-1316.0,-5200,19.0,1,1,1,1,1,0,Medicine staff,4.0,2,2,TUESDAY,12,0,0,0,0,0,0,Medicine,,0.6418472778395634,0.7267112092725122,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1460.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2570919,256704,Consumer loans,9473.355,91800.0,101493.0,0.0,91800.0,FRIDAY,17,Y,1,0.0,,,XAP,Approved,-497,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Regional / Local,1000,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-466.0,-136.0,-136.0,-131.0,0.0,0,Cash loans,F,N,Y,0,90000.0,770292.0,30676.5,688500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.02461,-17498,-1653,-1719.0,-937,,1,1,0,1,0,0,Sales staff,2.0,2,2,FRIDAY,13,0,0,0,0,1,1,Business Entity Type 3,,0.5920787563897864,0.5832379256761245,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1389.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,5.0,0.0,1.0 +1554412,454967,Revolving loans,2250.0,45000.0,45000.0,,45000.0,MONDAY,8,Y,1,,,,XAP,Refused,-238,XNA,LIMIT,Unaccompanied,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),4,XNA,0.0,XNA,Card Street,,,,,,,1,Cash loans,M,N,N,0,157500.0,306000.0,24174.0,306000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.028663,-12170,-244,-4967.0,-2879,,1,1,0,1,0,0,Laborers,1.0,2,2,SATURDAY,7,0,1,1,0,1,1,Self-employed,,0.3523212166523229,0.07446068789567313,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-5.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2803637,305272,Consumer loans,5770.665,55372.5,49833.0,5539.5,55372.5,THURSDAY,8,Y,1,0.10895334490783494,,,XAP,Approved,-2560,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Stone,100,Consumer electronics,10.0,middle,POS household with interest,365243.0,-2523.0,-2253.0,-2253.0,-2249.0,0.0,0,Cash loans,F,Y,Y,0,81000.0,593010.0,19260.0,495000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.028663,-20477,365243,-7445.0,-3098,14.0,1,0,0,1,1,1,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,0.7973149326237514,0.6896633790563034,0.5954562029091491,0.0247,0.0,0.9896,0.8572,0.0458,0.0,0.069,0.0833,0.0833,0.0158,0.0202,0.0268,0.0,0.018000000000000002,0.0252,0.0,0.9896,0.8628,0.0462,0.0,0.069,0.0833,0.0833,0.0161,0.022,0.028,0.0,0.0191,0.025,0.0,0.9896,0.8591,0.0461,0.0,0.069,0.0833,0.0833,0.0161,0.0205,0.0273,0.0,0.0184,not specified,block of flats,0.025,Panel,No,0.0,0.0,0.0,0.0,-195.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1611138,316338,Cash loans,10427.625,144000.0,163008.0,,144000.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-503,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-473.0,217.0,-413.0,-408.0,1.0,0,Cash loans,F,N,Y,0,202500.0,1350000.0,39474.0,1350000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.014519999999999996,-11931,-1469,-712.0,-1749,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Other,0.3985961998320821,0.2066564401807979,0.32173528219668485,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2096.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,9.0 +2783813,262731,Revolving loans,6750.0,0.0,135000.0,,,FRIDAY,15,Y,1,,,,XAP,Approved,-2640,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card Street,-2509.0,-2452.0,365243.0,-1903.0,365243.0,0.0,0,Cash loans,M,N,Y,1,742500.0,1258650.0,53455.5,1125000.0,"Spouse, partner",State servant,Higher education,Married,House / apartment,0.04622,-17224,-7808,-3864.0,-752,,1,1,0,1,0,1,Managers,3.0,1,1,SATURDAY,10,0,1,1,0,0,0,Police,0.7352071930862267,0.781425178463583,0.7032033049040319,0.0722,0.0447,0.9851,0.7959999999999999,0.0424,0.04,0.0345,0.3333,0.375,,0.0555,0.059,0.0154,0.042,0.0735,0.0464,0.9851,0.804,0.0428,0.0403,0.0345,0.3333,0.375,,0.0606,0.0615,0.0156,0.0445,0.0729,0.0447,0.9851,0.7987,0.0427,0.04,0.0345,0.3333,0.375,,0.0564,0.0601,0.0155,0.0429,reg oper account,block of flats,0.0787,"Stone, brick",No,0.0,0.0,0.0,0.0,-2577.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2583118,400756,Consumer loans,3923.145,35671.5,35280.0,3568.5,35671.5,THURSDAY,13,Y,1,0.10004043680170173,,,XAP,Approved,-2345,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Stone,496,Consumer electronics,12.0,high,POS household with interest,365243.0,-2314.0,-1984.0,-2014.0,-2006.0,1.0,0,Cash loans,M,Y,N,0,180000.0,765000.0,28480.5,765000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.026392000000000002,-16577,-1085,-8903.0,-114,17.0,1,1,1,1,0,0,Drivers,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Transport: type 3,,0.6157374181791352,,0.0577,0.2485,0.9791,,,0.0,0.1379,0.1667,,0.188,,0.0698,,0.0218,0.0588,0.2578,0.9791,,,0.0,0.1379,0.1667,,0.1923,,0.0728,,0.0231,0.0583,0.2485,0.9791,,,0.0,0.1379,0.1667,,0.1913,,0.0711,,0.0223,,block of flats,0.0646,"Stone, brick",No,0.0,0.0,0.0,0.0,-2345.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2015831,381677,Consumer loans,9117.855,42255.0,44347.5,0.0,42255.0,THURSDAY,13,Y,1,0.0,,,XAP,Approved,-1969,Cash through the bank,XAP,,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,40,Connectivity,6.0,high,POS mobile with interest,365243.0,-1933.0,-1783.0,-1783.0,-1777.0,0.0,0,Cash loans,M,N,Y,0,180000.0,177768.0,11488.5,135000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,Office apartment,0.025164,-13052,-2916,-1298.0,-4953,,1,1,0,1,0,0,Laborers,1.0,2,2,SATURDAY,8,0,0,0,0,0,0,Self-employed,0.25878760663320904,0.5091797696113811,0.4365064990977374,0.1302,0.1054,0.9846,0.7892,0.0,0.05,0.1983,0.3021,0.3438,0.0,0.1061,0.115,0.0,0.0,0.0746,0.0337,0.9801,0.7387,0.0,0.0403,0.0345,0.3333,0.375,0.0,0.0652,0.0499,0.0,0.0,0.0937,0.0514,0.9821,0.7585,0.0,0.04,0.069,0.3333,0.375,0.0,0.077,0.0806,0.0,0.0,reg oper account,block of flats,0.1996,Panel,No,0.0,0.0,0.0,0.0,-1761.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +1599443,126195,Consumer loans,9569.115,93339.0,93339.0,0.0,93339.0,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-700,XNA,XAP,,New,Furniture,POS,XNA,Stone,300,Furniture,12.0,middle,POS industry with interest,365243.0,-637.0,-307.0,-307.0,-301.0,0.0,0,Cash loans,M,Y,N,0,180000.0,450000.0,20979.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-13918,-2900,-8052.0,-4288,9.0,1,1,0,1,1,0,,2.0,2,2,SATURDAY,15,0,0,0,1,1,0,Business Entity Type 3,,0.6194455185037637,0.221335206354466,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-700.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1764740,179008,Cash loans,39923.91,450000.0,481185.0,,450000.0,SUNDAY,9,Y,1,,,,XNA,Approved,-788,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-758.0,-248.0,-278.0,-270.0,1.0,0,Cash loans,M,Y,Y,2,315000.0,640080.0,31261.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-15301,-2241,-241.0,-4109,3.0,1,1,0,1,0,0,Drivers,4.0,2,2,THURSDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.5374291695652662,0.7922644738669378,1.0,0.1129,0.999,0.9796,0.3591,0.56,0.2414,0.6667,0.7083,0.1875,0.8271,0.5302,0.0579,0.0774,1.0,0.1172,0.999,0.9804,0.3624,0.5639,0.2414,0.6667,0.7083,0.1918,0.9036,0.5524,0.0584,0.08199999999999999,1.0,0.1129,0.999,0.9799,0.3614,0.56,0.2414,0.6667,0.7083,0.1908,0.8414,0.5397,0.0582,0.079,reg oper account,block of flats,0.6302,Mixed,No,0.0,0.0,0.0,0.0,-1660.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2279845,108152,Cash loans,23686.695,454500.0,664866.0,,454500.0,SUNDAY,15,Y,1,,,,XNA,Refused,-270,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,280350.0,787131.0,26145.0,679500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.011703,-15456,-6403,-6503.0,-5132,,1,1,0,1,1,0,Sales staff,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,Self-employed,0.2514273307644534,0.4200250619844873,0.4902575124990026,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-271.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1233831,387828,Cash loans,14871.24,229500.0,254340.0,,229500.0,THURSDAY,7,Y,1,,,,XNA,Approved,-336,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-306.0,384.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,0,157500.0,1360498.5,39910.5,1188000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.006852,-20126,-257,-8197.0,-3113,14.0,1,1,0,1,0,0,Laborers,2.0,3,3,THURSDAY,7,0,1,1,0,1,1,Construction,0.34418121999438683,0.6180217424342836,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1718.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,1.0,0.0,2.0 +2168562,316150,Cash loans,25220.655,675000.0,756081.0,0.0,675000.0,THURSDAY,16,Y,1,0.0,,,XNA,Approved,-1262,Cash through the bank,XAP,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,42.0,low_action,Cash Street: low,365243.0,-1232.0,-2.0,-1022.0,-1014.0,1.0,0,Cash loans,F,N,N,1,225000.0,1125000.0,43722.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-12476,-4176,-3662.0,-4764,,1,1,0,1,0,0,Medicine staff,3.0,2,2,SATURDAY,11,0,0,0,0,0,0,Medicine,,0.4908841119183816,0.5867400085415683,0.2196,0.0989,0.9876,0.83,0.03,0.12,0.1034,0.3333,0.375,0.0477,0.179,0.1651,0.0232,0.0127,0.2237,0.1027,0.9876,0.8367,0.0303,0.1208,0.1034,0.3333,0.375,0.0488,0.1956,0.172,0.0233,0.0134,0.2217,0.0989,0.9876,0.8323,0.0302,0.12,0.1034,0.3333,0.375,0.0486,0.1821,0.168,0.0233,0.013,reg oper account,block of flats,0.1485,Panel,No,0.0,0.0,0.0,0.0,-931.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2471709,163939,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SUNDAY,13,Y,1,,,,XAP,Approved,-381,XNA,XAP,,Repeater,XNA,Cards,walk-in,Country-wide,550,Consumer electronics,0.0,XNA,Card Street,-360.0,-338.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,1,270000.0,634482.0,16866.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018801,-9242,-595,-86.0,-1911,12.0,1,1,0,1,0,0,Laborers,3.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.4529675006155975,0.5316861425197883,0.1649,0.0731,0.9995,0.9932,,0.08,0.069,0.375,0.4167,0.1534,0.1345,0.1233,,0.1705,0.1681,0.0758,0.9995,0.9935,,0.0806,0.069,0.375,0.4167,0.1569,0.1469,0.1285,,0.1805,0.1665,0.0731,0.9995,0.9933,,0.08,0.069,0.375,0.4167,0.1561,0.1368,0.1255,,0.1741,not specified,block of flats,0.1341,"Stone, brick",No,0.0,0.0,0.0,0.0,-159.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2405025,224769,Cash loans,12915.945,112500.0,119925.0,,112500.0,THURSDAY,14,Y,1,,,,XNA,Approved,-676,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-646.0,-316.0,-616.0,-609.0,1.0,0,Cash loans,M,Y,Y,0,39600.0,675000.0,19476.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.035792000000000004,-22359,365243,-3650.0,-382,38.0,1,0,0,1,1,0,,1.0,2,2,MONDAY,17,0,0,0,0,0,0,XNA,,0.6976785516925796,0.2458512138252296,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-442.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1903847,313430,Revolving loans,0.0,0.0,0.0,,0.0,THURSDAY,15,Y,1,,,,XAP,Approved,-165,XNA,XAP,Family,Repeater,XNA,Cards,walk-in,Regional / Local,200,Consumer electronics,0.0,XNA,Card Street,-164.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,0,99000.0,254700.0,24939.0,225000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-24594,365243,-8732.0,-5025,,1,0,0,1,1,0,,2.0,2,2,MONDAY,10,0,0,0,0,0,0,XNA,,0.3262565791904213,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-284.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2224415,149541,Consumer loans,4510.62,36135.81,39713.31,0.0,36135.81,MONDAY,12,Y,1,0.0,,,XAP,Approved,-341,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,10,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-297.0,-27.0,-207.0,-202.0,0.0,0,Cash loans,F,Y,Y,1,157500.0,1075932.0,45715.5,922500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.018801,-12937,-2745,-534.0,-3453,13.0,1,1,0,1,0,0,Sales staff,3.0,2,2,SATURDAY,8,0,0,0,0,0,0,Self-employed,0.3230627310721025,0.3243463797951446,0.35233997269170386,0.1206,0.0842,0.9637,0.5036,0.0445,0.0,0.3448,0.1667,0.2083,0.1049,0.0891,0.1103,0.0425,0.0784,0.1229,0.0873,0.9638,0.523,0.0449,0.0,0.3448,0.1667,0.2083,0.1073,0.0973,0.1149,0.0428,0.083,0.1218,0.0842,0.9637,0.5102,0.0447,0.0,0.3448,0.1667,0.2083,0.1067,0.0906,0.1123,0.0427,0.0801,reg oper account,block of flats,0.1281,"Stone, brick",No,1.0,0.0,1.0,0.0,-2289.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2092022,172305,Cash loans,20123.865,225000.0,254700.0,,225000.0,TUESDAY,10,Y,1,,,,Repairs,Refused,-445,Cash through the bank,HC,,Refreshed,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,high,Cash Street: high,,,,,,,1,Cash loans,F,N,Y,1,157500.0,254700.0,17149.5,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.007273999999999998,-10151,-784,-322.0,-1827,,1,1,0,1,0,0,Core staff,3.0,2,2,SATURDAY,10,0,0,0,0,0,0,Kindergarten,,0.3394096876766052,0.6296742509538716,0.0165,0.0201,0.9752,0.66,0.0079,0.0,0.069,0.0417,0.0833,0.0,0.0134,0.0137,0.0,0.0,0.0168,0.0,0.9737,0.6537,0.0017,0.0,0.069,0.0417,0.0833,0.0,0.0147,0.0135,0.0,0.0,0.0167,0.0201,0.9752,0.6645,0.0079,0.0,0.069,0.0417,0.0833,0.0,0.0137,0.0139,0.0,0.0,reg oper spec account,block of flats,0.0102,"Stone, brick",No,0.0,0.0,0.0,0.0,-445.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1016165,228759,Cash loans,,0.0,0.0,,,THURSDAY,11,Y,1,,,,XNA,Refused,-6,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,2,405000.0,2695500.0,71235.0,2250000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.032561,-18459,-4145,-2981.0,-2008,,1,1,0,1,1,0,Medicine staff,4.0,1,1,WEDNESDAY,15,0,0,0,0,0,0,Medicine,,0.7002322646955331,0.7407990879702335,0.1294,0.0988,0.9806,0.7348,,0.14,0.1207,0.3333,,0.1548,,0.1403,,0.0787,0.0756,0.0607,0.9791,0.7256,,0.0806,0.069,0.3333,,0.069,,0.08800000000000001,,0.0486,0.1306,0.0988,0.9806,0.7383,,0.14,0.1207,0.3333,,0.1575,,0.1428,,0.0803,,block of flats,0.1784,Others,No,0.0,0.0,0.0,0.0,-1372.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2160065,318371,Consumer loans,3558.42,19701.0,17730.0,1971.0,19701.0,TUESDAY,13,Y,1,0.10895884380580584,,,XAP,Refused,-2562,XNA,HC,,Repeater,XNA,POS,XNA,Stone,10,Connectivity,6.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,1,72000.0,127350.0,7110.0,112500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010966,-14138,-347,-14116.0,-4989,,1,1,1,1,1,0,,3.0,2,2,TUESDAY,9,0,0,0,0,0,0,Business Entity Type 1,,0.20357246321933267,0.520897599048938,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,0.0,-383.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +2000525,275991,Consumer loans,16434.135,191250.0,147127.5,57375.0,191250.0,THURSDAY,15,Y,1,0.3055541663749387,,,XAP,Approved,-2277,Cash through the bank,XAP,,New,Gardening,POS,XNA,Stone,32,Industry,12.0,high,POS industry with interest,365243.0,-2242.0,-1912.0,-1912.0,-1910.0,1.0,0,Cash loans,M,N,Y,0,270000.0,263686.5,28107.0,238500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,With parents,0.00733,-11293,-312,-5238.0,-3925,,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,18,0,0,0,0,0,0,Business Entity Type 2,0.2552916268654448,0.6048838857314787,0.5262949398096192,0.0495,0.0786,0.9871,,0.0338,0.0,0.0345,0.1667,,0.0,,0.0354,,0.0339,0.0504,0.0816,0.9871,,0.0341,0.0,0.0345,0.1667,,0.0,,0.0369,,0.0358,0.05,0.0786,0.9871,,0.034,0.0,0.0345,0.1667,,0.0,,0.036000000000000004,,0.0346,,block of flats,0.0327,"Stone, brick",No,0.0,0.0,0.0,0.0,-1843.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2550364,175790,Cash loans,33220.89,1147500.0,1314117.0,,1147500.0,FRIDAY,18,Y,1,,,,XNA,Refused,-256,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,247500.0,1305000.0,35887.5,1305000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018634,-20958,-2262,-2385.0,-3743,,1,1,0,1,1,1,Core staff,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Government,0.630388168844052,0.6740398772980453,0.6658549219640212,0.2598,0.1805,0.9871,0.8232,0.0792,0.28,0.2414,0.3333,0.0417,0.1571,0.2076,0.2659,0.0193,0.0207,0.2647,0.1873,0.9871,0.8301,0.0799,0.282,0.2414,0.3333,0.0417,0.1607,0.2268,0.277,0.0195,0.0219,0.2623,0.1805,0.9871,0.8256,0.0797,0.28,0.2414,0.3333,0.0417,0.1598,0.2112,0.2707,0.0194,0.0211,org spec account,block of flats,0.2136,"Stone, brick",No,0.0,0.0,0.0,0.0,-305.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,3.0 +1361614,101794,Cash loans,19602.36,225000.0,313002.0,,225000.0,FRIDAY,9,Y,1,,,,XNA,Approved,-422,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),6,XNA,30.0,high,Cash X-Sell: high,365243.0,-392.0,478.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,1,112500.0,95940.0,10462.5,90000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.04622,-12912,-4533,-7062.0,-4514,,1,1,1,1,0,0,,3.0,1,1,SUNDAY,12,0,0,0,0,1,1,Business Entity Type 1,,0.3768278552034466,0.30162489168411943,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-575.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2432862,336834,Consumer loans,10008.27,71460.0,87043.5,0.0,71460.0,FRIDAY,11,Y,1,0.0,,,XAP,Approved,-761,Cash through the bank,XAP,Family,New,Furniture,POS,XNA,Stone,152,Furniture,10.0,middle,POS industry with interest,365243.0,-727.0,-457.0,-517.0,-514.0,0.0,1,Cash loans,F,N,Y,0,135000.0,652500.0,33444.0,652500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.006852,-11222,-2975,-4948.0,-3898,,1,1,0,1,0,0,Sales staff,2.0,3,3,WEDNESDAY,7,0,0,0,0,0,0,Trade: type 7,,0.07970334539325236,0.4489622731076524,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-761.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2599677,157272,Cash loans,66536.865,2250000.0,2517300.0,,2250000.0,FRIDAY,13,Y,1,,,,XNA,Refused,-116,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,360000.0,1345500.0,35491.5,1345500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-21448,365243,-1894.0,-3297,6.0,1,0,0,1,1,0,,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,XNA,,0.6483854857454916,0.14916746132334885,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-664.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2532063,398067,Cash loans,50187.78,1593374.625,1782667.125,,1593374.625,WEDNESDAY,16,Y,1,,,,XNA,Approved,-548,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,365243.0,-518.0,1252.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,0,337500.0,1137042.0,33376.5,814500.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,House / apartment,0.072508,-20764,-1270,-4704.0,-1030,6.0,1,1,0,1,0,0,High skill tech staff,1.0,1,1,FRIDAY,14,0,0,0,0,0,0,Medicine,0.7306375316028741,0.6598824053004135,0.4206109640437848,0.101,0.0385,0.9781,,,0.08,0.0345,0.5417,,0.0,,0.0524,,0.0,0.1029,0.04,0.9782,,,0.0806,0.0345,0.5417,,0.0,,0.0546,,0.0,0.102,0.0385,0.9781,,,0.08,0.0345,0.5417,,0.0,,0.0533,,0.0,,block of flats,0.066,Block,No,0.0,0.0,0.0,0.0,-1498.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,3.0 +1374849,292171,Consumer loans,16695.315,94500.0,94500.0,0.0,94500.0,MONDAY,17,Y,1,0.0,,,XAP,Approved,-688,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Stone,40,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-649.0,-499.0,-559.0,-556.0,0.0,0,Cash loans,F,Y,Y,1,585000.0,1078200.0,31653.0,900000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.035792000000000004,-14904,-2620,-6042.0,-1526,1.0,1,1,1,1,0,0,Managers,3.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Legal Services,0.6776126319474035,0.5923058408398069,0.20559813854932085,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1562493,268493,Consumer loans,7498.485,66019.5,66019.5,0.0,66019.5,THURSDAY,16,Y,1,0.0,,,XAP,Approved,-139,Cash through the bank,XAP,Unaccompanied,Refreshed,Mobile,POS,XNA,Country-wide,50,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-109.0,161.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,1,112500.0,497520.0,28561.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-12146,-1814,-3383.0,-2469,,1,1,0,1,0,0,Accountants,3.0,2,2,MONDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.8394843771940185,0.5745729836040462,,0.0722,,0.9762,,,,0.1379,0.1667,,,,0.0691,,,0.0735,,0.9762,,,,0.1379,0.1667,,,,0.07200000000000001,,,0.0729,,0.9762,,,,0.1379,0.1667,,,,0.0704,,,,block of flats,0.0544,"Stone, brick",No,0.0,0.0,0.0,0.0,-1700.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2121115,334546,Consumer loans,30300.255,147267.0,170802.0,0.0,147267.0,MONDAY,10,Y,1,0.0,,,XAP,Approved,-1614,Cash through the bank,XAP,"Spouse, partner",Repeater,Computers,POS,XNA,Country-wide,219,Consumer electronics,6.0,low_normal,POS household without interest,365243.0,-1583.0,-1433.0,-1433.0,-1426.0,0.0,0,Cash loans,M,N,Y,1,225000.0,900000.0,57519.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018029,-11183,-320,-3628.0,-3437,,1,1,1,1,1,0,Drivers,3.0,3,3,FRIDAY,8,0,0,0,0,0,0,Transport: type 4,0.12799355948047714,0.3094045638016706,0.0844731375275294,0.0505,0.0516,0.9732,,,0.0,0.1207,0.1042,,0.0408,,0.0764,,0.0,0.0189,0.0165,0.9687,,,0.0,0.1034,0.0417,,0.0158,,0.0796,,0.0,0.051,0.0516,0.9732,,,0.0,0.1207,0.1042,,0.0415,,0.0778,,0.0,,block of flats,0.041,Block,No,0.0,0.0,0.0,0.0,-2301.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,0.0 +2286554,416399,Revolving loans,27000.0,540000.0,540000.0,,540000.0,WEDNESDAY,9,Y,1,,,,XAP,Refused,-183,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,Y,Y,0,292500.0,270000.0,32170.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.028663,-13654,-2613,-6506.0,-4056,4.0,1,1,0,1,0,0,Managers,1.0,2,2,THURSDAY,10,0,0,0,0,0,0,Trade: type 7,,0.01752232886386474,0.4848514754962666,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1131172,241429,Consumer loans,19940.085,192424.05,209182.5,4.05,192424.05,FRIDAY,12,Y,1,2.108557257537916e-05,,,XAP,Approved,-1303,XNA,XAP,Unaccompanied,Refreshed,Audio/Video,POS,XNA,Stone,150,Consumer electronics,12.0,low_normal,POS household without interest,365243.0,-1272.0,-942.0,-942.0,-930.0,0.0,0,Cash loans,M,N,Y,1,360000.0,835380.0,40320.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007305,-15671,-5346,-340.0,-4471,,1,1,1,1,1,0,,3.0,3,3,SATURDAY,11,0,0,0,0,0,0,Business Entity Type 1,,0.5489969954514825,0.6212263380626669,0.0985,0.0887,0.997,0.9592,0.0296,0.0,0.2759,0.1667,0.2083,0.0603,0.079,0.1045,0.0,0.0,0.0987,0.092,0.997,0.9608,0.0299,0.0,0.2759,0.1667,0.2083,0.0157,0.0863,0.1088,0.0,0.0,0.0994,0.0887,0.997,0.9597,0.0298,0.0,0.2759,0.1667,0.2083,0.0614,0.0804,0.1063,0.0,0.0,reg oper account,block of flats,0.0983,"Stone, brick",No,7.0,2.0,7.0,1.0,-2881.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1553042,443774,Cash loans,27150.075,517500.0,599472.0,,517500.0,THURSDAY,9,Y,1,,,,XNA,Approved,-439,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-409.0,1001.0,365243.0,365243.0,1.0,1,Cash loans,M,Y,Y,1,121500.0,215640.0,11137.5,180000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.018209,-20346,-761,-3729.0,-204,30.0,1,1,1,1,1,0,Drivers,2.0,3,3,WEDNESDAY,11,0,0,0,0,0,0,Self-employed,0.4806693979474117,0.4344344553151125,0.6577838002083306,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1013.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2403923,311504,Cash loans,13201.605,90000.0,110146.5,,90000.0,MONDAY,13,Y,1,,,,Medicine,Approved,-1364,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,0,XNA,12.0,high,Cash Street: high,365243.0,-1334.0,-1004.0,-1064.0,-1057.0,1.0,0,Cash loans,M,N,Y,0,247500.0,900000.0,26446.5,900000.0,Family,Working,Higher education,Married,House / apartment,0.026392000000000002,-19519,-4747,-11204.0,-3057,,1,1,0,1,1,0,,2.0,2,2,SUNDAY,13,0,0,0,0,0,0,Other,0.6723749728337464,0.4466411975316626,,0.0825,,0.9742,,,0.0,0.1379,0.1667,,,,0.0728,,0.0038,0.084,,0.9742,,,0.0,0.1379,0.1667,,,,0.0758,,0.004,0.0833,,0.9742,,,0.0,0.1379,0.1667,,,,0.0741,,0.0039,,block of flats,0.0581,Panel,No,0.0,0.0,0.0,0.0,-1840.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1638697,102532,Consumer loans,13135.05,60871.5,63886.5,0.0,60871.5,MONDAY,11,Y,1,0.0,,,XAP,Approved,-1730,Cash through the bank,XAP,Unaccompanied,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,75,Connectivity,6.0,high,POS mobile with interest,365243.0,-1697.0,-1547.0,-1547.0,-1542.0,0.0,0,Cash loans,F,Y,Y,0,391500.0,481176.0,24696.0,360000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-16995,-7264,-10914.0,-538,11.0,1,1,0,1,0,0,Core staff,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Transport: type 2,,0.7183894512104472,0.4992720153045617,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-631.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1542893,168947,Consumer loans,1898.73,18090.0,15840.0,2250.0,18090.0,WEDNESDAY,12,Y,1,0.1354590682948891,,,XAP,Approved,-936,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,19,Connectivity,12.0,high,POS mobile with interest,365243.0,-899.0,-569.0,-569.0,-561.0,0.0,1,Cash loans,M,N,Y,0,171000.0,1078200.0,31522.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-13935,-791,-3118.0,-4031,,1,1,1,1,1,0,Core staff,2.0,2,2,MONDAY,16,0,0,0,0,1,1,Agriculture,,0.21303761285009895,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1060552,155399,Consumer loans,10345.5,94050.0,94050.0,0.0,94050.0,MONDAY,11,Y,1,0.0,,,XAP,Approved,-1145,XNA,XAP,"Spouse, partner",New,Computers,POS,XNA,Country-wide,28,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1114.0,-844.0,-844.0,-838.0,0.0,1,Cash loans,M,Y,Y,0,180000.0,521280.0,35392.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.011656999999999999,-14109,-1782,-4229.0,-3910,2.0,1,1,1,1,0,0,Laborers,2.0,1,1,FRIDAY,16,0,0,0,0,0,0,Self-employed,,0.3496064849248141,0.2750003523983893,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-422.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1887729,308630,Consumer loans,21598.605,107955.0,114345.0,10795.5,107955.0,TUESDAY,6,Y,1,0.09395264450030888,,,XAP,Approved,-288,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Stone,17,Connectivity,6.0,middle,POS mobile with interest,365243.0,-258.0,-108.0,-108.0,-101.0,1.0,0,Cash loans,F,Y,Y,0,157500.0,1590934.5,43879.5,1422000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.006629,-12705,-515,-4209.0,-1502,17.0,1,1,0,1,1,0,Core staff,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Transport: type 1,0.27591214078104737,0.4829627015481375,,0.0253,,0.9757,0.8708,,0.0,0.069,0.0833,,0.0115,0.0202,0.0194,,0.0057,0.0252,,0.9757,0.8759,,0.0,0.069,0.0833,,0.0077,0.022,0.0201,,0.006,0.0255,,0.9757,0.8725,,0.0,0.069,0.0833,,0.0117,0.0205,0.0198,,0.0058,,block of flats,0.0164,Block,No,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2078042,231331,Cash loans,24883.29,346500.0,456273.0,,346500.0,FRIDAY,9,Y,1,,,,XNA,Approved,-139,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,N,Y,0,180000.0,451804.5,35824.5,369000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.008019,-10616,-484,-4704.0,-3300,,1,1,0,1,0,1,Laborers,2.0,2,2,THURSDAY,16,0,0,0,1,1,0,Transport: type 4,0.16345967644804762,0.4107376253012568,0.3046721837533529,0.0031,,0.0,,,0.0,,0.0,,,,,,,0.0032,,0.0,,,0.0,,0.0,,,,,,,0.0031,,0.0,,,0.0,,0.0,,,,,,,,block of flats,0.0016,"Stone, brick",No,0.0,0.0,0.0,0.0,-268.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,1.0,5.0 +2818405,217871,Consumer loans,6132.105,37881.0,30312.0,9000.0,37881.0,TUESDAY,10,Y,1,0.2493339993339993,,,XAP,Approved,-2040,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,26,Connectivity,6.0,high,POS mobile with interest,365243.0,-2001.0,-1851.0,-1851.0,-1825.0,0.0,0,Cash loans,F,N,Y,0,90000.0,755190.0,30078.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.006207,-19424,-2950,-3874.0,-2929,,1,1,1,1,1,0,,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,Government,,0.5763733478169304,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2040.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1019241,171810,Cash loans,16715.655,130500.0,157531.5,,130500.0,SUNDAY,12,Y,1,,,,Wedding / gift / holiday,Refused,-206,Cash through the bank,SCO,Unaccompanied,Refreshed,XNA,Cash,walk-in,Country-wide,56,Connectivity,12.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,1,67500.0,282690.0,14931.0,202500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-11549,-1344,-8951.0,-4185,,1,1,0,1,0,0,High skill tech staff,3.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Business Entity Type 2,0.30004222480699,0.2622583692422573,,0.2062,0.116,0.9876,0.83,0.0642,0.2,0.1724,0.375,0.4167,0.1262,0.1681,0.2253,0.0,0.0,0.2101,0.1203,0.9876,0.8367,0.0648,0.2014,0.1724,0.375,0.4167,0.1291,0.1837,0.2347,0.0,0.0,0.2082,0.116,0.9876,0.8323,0.0646,0.2,0.1724,0.375,0.4167,0.1284,0.171,0.2293,0.0,0.0,reg oper account,block of flats,0.1828,Panel,No,2.0,1.0,2.0,1.0,-2194.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1038592,455786,Consumer loans,,32805.0,32805.0,0.0,32805.0,FRIDAY,14,Y,1,0.0,,,XAP,Refused,-1692,Cash through the bank,HC,,Repeater,Mobile,XNA,XNA,Country-wide,67,Connectivity,,XNA,POS mobile with interest,,,,,,,1,Cash loans,M,Y,N,1,202500.0,1067418.0,31207.5,891000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.009656999999999999,-10960,-256,-5076.0,-3603,5.0,1,1,0,1,0,0,Laborers,3.0,2,2,TUESDAY,19,0,1,1,0,1,1,Business Entity Type 2,,0.43709589890415945,0.17982176508970435,0.4577,0.3257,0.9876,0.83,0.1017,0.48,0.4138,0.3333,0.375,0.2896,0.3597,0.4611,0.0618,0.0,0.4664,0.338,0.9876,0.8367,0.1026,0.4834,0.4138,0.3333,0.375,0.2962,0.393,0.4804,0.0623,0.0,0.4622,0.3257,0.9876,0.8323,0.1023,0.48,0.4138,0.3333,0.375,0.2946,0.366,0.4693,0.0621,0.0,reg oper spec account,block of flats,0.4182,Panel,No,1.0,1.0,1.0,1.0,-163.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1316385,197416,Consumer loans,8766.18,40495.5,42633.0,0.0,40495.5,WEDNESDAY,20,Y,1,0.0,,,XAP,Approved,-575,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,2200,Consumer electronics,6.0,high,POS household with interest,365243.0,-544.0,-394.0,-394.0,-389.0,0.0,0,Revolving loans,F,Y,N,0,67500.0,202500.0,10125.0,202500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.006296,-18521,-1193,-295.0,-2043,2.0,1,1,1,1,1,0,Cooking staff,2.0,3,3,THURSDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.7493630170777045,0.7388557466984222,0.3506958432829587,0.0928,0.08,0.9786,0.7076,0.0,0.0,0.2069,0.1667,0.0417,0.0207,0.0756,0.0608,0.0,0.0,0.0945,0.083,0.9786,0.7190000000000001,0.0,0.0,0.2069,0.1667,0.0417,0.0211,0.0826,0.0633,0.0,0.0,0.0937,0.08,0.9786,0.7115,0.0,0.0,0.2069,0.1667,0.0417,0.021,0.077,0.0619,0.0,0.0,reg oper account,block of flats,0.0685,Panel,No,0.0,0.0,0.0,0.0,-575.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1181012,371033,Consumer loans,17040.375,170392.5,153351.0,17041.5,170392.5,MONDAY,15,Y,1,0.10892347214386036,,,XAP,Approved,-577,Non-cash from your account,XAP,,Repeater,Consumer Electronics,POS,XNA,Regional / Local,147,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-545.0,-275.0,-275.0,-270.0,0.0,0,Cash loans,F,N,Y,0,135000.0,1288350.0,37800.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,Office apartment,0.035792000000000004,-16474,-5381,-10114.0,-17,,1,1,0,1,1,0,Sales staff,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Self-employed,,0.4778972380763311,0.7252764347002191,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-16.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1848146,418351,Consumer loans,2987.37,14805.0,10723.5,4446.0,14805.0,TUESDAY,19,Y,1,0.3191995900865673,,,XAP,Refused,-571,Cash through the bank,HC,,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,4.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,0,130500.0,450000.0,35685.0,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.006670999999999999,-22356,365243,-3161.0,-5015,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,15,0,0,0,0,0,0,XNA,,0.21923546925164028,0.3876253444214701,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-198.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,11.0 +1252488,110417,Cash loans,17232.03,135000.0,162778.5,,135000.0,WEDNESDAY,12,Y,1,,,,XNA,Refused,-1200,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,N,0,81000.0,544491.0,21096.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0105,-13733,-2057,-3778.0,-3775,,1,1,1,1,1,0,Cleaning staff,2.0,3,3,THURSDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.5586366331189252,0.31703177858344445,0.0124,0.0,0.9767,,,0.0,0.069,0.0417,,0.021,,0.009000000000000001,,0.0051,0.0126,0.0,0.9767,,,0.0,0.069,0.0417,,0.0215,,0.0093,,0.0055,0.0125,0.0,0.9767,,,0.0,0.069,0.0417,,0.0214,,0.0091,,0.0053,,block of flats,0.0082,"Stone, brick",No,0.0,0.0,0.0,0.0,-1591.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1539528,202896,Consumer loans,4279.5,14539.5,15021.0,0.0,14539.5,FRIDAY,14,Y,1,0.0,,,XAP,Approved,-2894,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,1500,Consumer electronics,4.0,high,POS household with interest,365243.0,-2863.0,-2773.0,-2803.0,-2591.0,1.0,0,Cash loans,F,N,Y,0,157500.0,204858.0,9153.0,171000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018801,-22018,365243,-10085.0,-4778,,1,0,0,1,0,0,,2.0,2,2,MONDAY,8,0,0,0,0,0,0,XNA,,0.5928496268546483,0.6894791426446275,0.068,0.066,0.9776,0.6940000000000001,0.0,0.0,0.1379,0.1667,0.2083,0.0331,0.0546,0.0664,0.0039,0.0199,0.0693,0.0685,0.9777,0.706,0.0,0.0,0.1379,0.1667,0.2083,0.0338,0.0597,0.0692,0.0039,0.021,0.0687,0.066,0.9776,0.6981,0.0,0.0,0.1379,0.1667,0.2083,0.0336,0.0556,0.0676,0.0039,0.0203,reg oper account,block of flats,0.0684,"Stone, brick",No,7.0,0.0,7.0,0.0,-584.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,4.0,2.0,7.0 +1368556,448554,Consumer loans,12254.985,62955.0,59463.0,6295.5,62955.0,SATURDAY,13,Y,1,0.10426594004093488,,,XAP,Approved,-1877,Cash through the bank,XAP,"Spouse, partner",Repeater,Mobile,POS,XNA,Country-wide,25,Connectivity,6.0,high,POS mobile with interest,365243.0,-1846.0,-1696.0,-1696.0,-1694.0,0.0,0,Cash loans,F,N,N,1,337500.0,384048.0,12609.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-10043,-628,-380.0,-2698,,1,1,0,1,0,0,High skill tech staff,3.0,2,2,SATURDAY,15,0,0,0,0,0,0,Business Entity Type 1,0.3723832649237716,0.5503935203771145,0.6313545365850379,0.1928,0.1003,0.9985,0.9796,0.1123,0.16,0.1379,0.375,0.4167,0.0233,0.1572,0.1837,0.0,0.0,0.1964,0.1041,0.9985,0.9804,0.1133,0.1611,0.1379,0.375,0.4167,0.0238,0.1717,0.1914,0.0,0.0,0.1947,0.1003,0.9985,0.9799,0.113,0.16,0.1379,0.375,0.4167,0.0237,0.1599,0.187,0.0,0.0,reg oper account,block of flats,0.2059,Panel,No,0.0,0.0,0.0,0.0,-1877.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2792249,410673,Consumer loans,15247.845,134955.0,124330.5,22500.0,134955.0,WEDNESDAY,12,Y,1,0.16689002253990454,,,XAP,Approved,-306,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,72,Connectivity,12.0,high,POS mobile with interest,365243.0,-275.0,55.0,-275.0,-267.0,0.0,1,Cash loans,M,N,N,0,270000.0,835380.0,40320.0,675000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.035792000000000004,-13140,-475,-2187.0,-4715,,1,1,0,1,0,0,Managers,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Government,,0.5487804102642285,0.5460231970049609,0.1052,,0.9841,,,0.0,0.2069,0.1667,,,,0.0846,,0.019,0.1071,,0.9841,,,0.0,0.2069,0.1667,,,,0.0881,,0.0201,0.1062,,0.9841,,,0.0,0.2069,0.1667,,,,0.0861,,0.0194,,block of flats,0.0707,Panel,No,3.0,0.0,3.0,0.0,-1498.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1751517,211862,Consumer loans,4018.59,17523.0,18909.0,0.0,17523.0,MONDAY,17,Y,1,0.0,,,XAP,Approved,-161,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,6.0,high,POS mobile with interest,365243.0,-115.0,35.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,135000.0,996849.0,42363.0,891000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.002042,-17723,-4830,-6338.0,-1237,,1,1,1,1,0,0,,2.0,3,3,MONDAY,9,0,0,0,0,0,0,Agriculture,,0.4454092710302832,0.3296550543128238,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1129.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1539547,205844,Consumer loans,12312.72,108630.0,120100.5,0.0,108630.0,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-787,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Regional / Local,50,Consumer electronics,12.0,middle,POS household with interest,365243.0,-756.0,-426.0,-426.0,-422.0,0.0,0,Cash loans,F,N,Y,2,112500.0,889515.0,28822.5,742500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.022625,-10268,-1436,-5088.0,-2367,,1,1,0,1,0,0,Laborers,4.0,2,2,TUESDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.6254375647288161,,0.0082,0.0,0.9692,0.5784,0.0013,0.0,0.069,0.0417,0.0417,0.0196,0.0067,0.008,0.0,0.0,0.0084,0.0,0.9692,0.5949,0.0013,0.0,0.069,0.0417,0.0417,0.02,0.0073,0.0083,0.0,0.0,0.0083,0.0,0.9692,0.584,0.0013,0.0,0.069,0.0417,0.0417,0.0199,0.0068,0.0081,0.0,0.0,reg oper spec account,block of flats,0.006999999999999999,"Stone, brick",No,2.0,1.0,2.0,1.0,-108.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2291733,120994,Consumer loans,6841.53,59796.0,53811.0,5985.0,59796.0,TUESDAY,16,Y,1,0.10900744348968312,,,XAP,Approved,-394,Cash through the bank,XAP,,Refreshed,Photo / Cinema Equipment,POS,XNA,Country-wide,30,Connectivity,10.0,high,POS mobile with interest,365243.0,-361.0,-91.0,-91.0,-88.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,639963.0,20223.0,486000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.030755,-9857,-423,-5353.0,-2452,64.0,1,1,0,1,0,0,High skill tech staff,2.0,2,2,THURSDAY,10,0,0,0,1,1,1,Trade: type 3,0.3860077265745571,0.6596860615316614,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-394.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1180658,183847,Consumer loans,4927.365,47860.47,53239.5,2.97,47860.47,TUESDAY,18,Y,1,6.075225285378378e-05,,,XAP,Approved,-512,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Country-wide,1500,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-481.0,-151.0,-361.0,-353.0,0.0,0,Cash loans,F,Y,Y,1,270000.0,509400.0,37197.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.04622,-15534,-111,-9653.0,-4528,8.0,1,1,0,1,0,0,Laborers,3.0,1,1,WEDNESDAY,14,0,0,0,0,1,1,Business Entity Type 3,,0.7312371919727663,0.3723336657058204,0.0825,0.0642,0.9786,0.7076,,0.0,0.1379,0.1667,0.2083,0.0333,0.0672,0.0708,0.0,0.0,0.084,0.0667,0.9786,0.7190000000000001,,0.0,0.1379,0.1667,0.2083,0.0341,0.0735,0.0738,0.0,0.0,0.0833,0.0642,0.9786,0.7115,,0.0,0.1379,0.1667,0.2083,0.0339,0.0684,0.0721,0.0,0.0,reg oper account,block of flats,0.07200000000000001,Panel,No,2.0,0.0,2.0,0.0,-2376.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,2.0 +1514409,407027,Consumer loans,3636.855,21631.5,17977.5,4500.0,21631.5,THURSDAY,12,Y,1,0.21803621803621806,,,XAP,Approved,-1391,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Stone,15,Connectivity,6.0,high,POS mobile with interest,365243.0,-1356.0,-1206.0,-1206.0,-1198.0,0.0,0,Cash loans,F,N,N,0,117000.0,450000.0,21888.0,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.020713,-20375,365243,-9184.0,-3786,,1,0,0,1,1,0,,1.0,3,3,MONDAY,15,0,0,0,0,0,0,XNA,0.7487698522060706,0.6432485674587842,0.5154953751603267,0.08199999999999999,0.077,0.9871,0.8232,0.0183,0.0,0.1379,0.25,0.2917,0.0499,0.0668,0.0858,0.0,0.0,0.0756,0.0537,0.9871,0.8301,0.017,0.0,0.069,0.1667,0.2083,0.0497,0.0661,0.087,0.0,0.0,0.0828,0.077,0.9871,0.8256,0.0184,0.0,0.1379,0.25,0.2917,0.0508,0.068,0.0874,0.0,0.0,reg oper account,block of flats,0.0764,Panel,No,1.0,0.0,1.0,0.0,-1794.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1046674,447453,Cash loans,17898.39,225000.0,254700.0,,225000.0,SATURDAY,13,Y,1,,,,XNA,Refused,-1173,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,N,0,122400.0,276277.5,18594.0,238500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-20952,-1155,-7224.0,-4193,,1,1,1,1,0,1,Medicine staff,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Medicine,0.7993854525487555,0.5447323734594194,0.39449540531239935,0.0515,0.0554,0.9901,0.8640000000000001,0.0061,0.0,0.1379,0.1667,0.2083,,0.042,0.0569,0.0,0.0,0.0525,0.0575,0.9901,0.8693,0.0062,0.0,0.1379,0.1667,0.2083,,0.0459,0.0593,0.0,0.0,0.052000000000000005,0.0554,0.9901,0.8658,0.0062,0.0,0.1379,0.1667,0.2083,,0.0428,0.058,0.0,0.0,reg oper spec account,block of flats,0.0448,Panel,No,2.0,0.0,2.0,0.0,-1614.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1568793,443905,Consumer loans,11050.65,292500.0,292500.0,0.0,292500.0,FRIDAY,15,Y,1,0.0,,,XAP,Approved,-743,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Country-wide,438,Furniture,36.0,low_normal,POS industry with interest,365243.0,-707.0,343.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,1,202500.0,225000.0,17541.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-12611,-1919,-5709.0,-739,,1,1,0,1,0,0,Low-skill Laborers,3.0,2,2,SATURDAY,11,0,0,0,0,0,0,Self-employed,,0.7523584621563769,0.5902333386185574,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,block of flats,,,Yes,5.0,0.0,5.0,0.0,-2431.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1930832,233557,Cash loans,29571.3,450000.0,512370.0,,450000.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-831,Cash through the bank,XAP,Other_B,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash X-Sell: high,365243.0,-801.0,249.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,0,99000.0,412560.0,15682.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-19262,-1787,-10044.0,-2756,16.0,1,1,0,1,0,0,Drivers,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.4739608886141274,0.4070695588385731,0.7032033049040319,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-937.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2016140,347059,Consumer loans,2497.275,24975.0,21289.5,3685.5,24975.0,FRIDAY,15,Y,1,0.16071449631449625,,,XAP,Approved,-2242,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Country-wide,50,Consumer electronics,10.0,middle,POS other with interest,365243.0,-2198.0,-1928.0,-1928.0,-1925.0,0.0,0,Cash loans,F,N,N,0,112500.0,225000.0,11893.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.025164,-23853,365243,-4785.0,-4792,,1,0,0,1,0,0,,1.0,2,2,SATURDAY,11,0,0,0,0,0,0,XNA,,0.2998213927417579,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-2242.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1078296,130938,Consumer loans,3186.045,70724.79,70722.0,2.79,70724.79,FRIDAY,17,Y,1,4.296320478807552e-05,,,XAP,Approved,-304,Cash through the bank,XAP,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Country-wide,2500,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-272.0,418.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,112500.0,787131.0,26145.0,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-15690,-699,-1286.0,-4304,17.0,1,1,0,1,0,0,,2.0,2,2,MONDAY,15,0,0,0,0,0,0,Other,,0.7220818361876143,0.7662336700704004,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0469,,No,0.0,0.0,0.0,0.0,-2813.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2053978,339222,Consumer loans,2939.985,33705.0,34987.5,4500.0,33705.0,SUNDAY,13,Y,1,0.12411292411292404,,,XAP,Approved,-1599,Cash through the bank,XAP,"Spouse, partner",New,Mobile,POS,XNA,Country-wide,40,Connectivity,24.0,high,POS mobile with interest,365243.0,-1568.0,-878.0,-878.0,-871.0,0.0,0,Cash loans,M,Y,N,1,90000.0,225000.0,12915.0,225000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.035792000000000004,-12103,-346,-5839.0,-1967,10.0,1,1,1,1,0,0,Core staff,3.0,2,2,TUESDAY,11,0,0,0,0,1,1,Industry: type 11,0.1002124748804074,0.35856849883534514,0.6178261467332483,0.0186,0.0367,0.9846,0.7892,0.0115,0.0,0.069,0.0833,0.125,0.0568,0.0151,0.0186,0.0,0.0,0.0189,0.038,0.9846,0.7975,0.0116,0.0,0.069,0.0833,0.125,0.0581,0.0165,0.0194,0.0,0.0,0.0187,0.0367,0.9846,0.792,0.0116,0.0,0.069,0.0833,0.125,0.0578,0.0154,0.0189,0.0,0.0,reg oper account,block of flats,0.0209,Block,No,2.0,0.0,2.0,0.0,-1599.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2445949,393815,Consumer loans,8398.395,46498.5,41845.5,4653.0,46498.5,FRIDAY,12,Y,1,0.10898287041517468,,,XAP,Approved,-2725,XNA,XAP,,New,Mobile,POS,XNA,Country-wide,54,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2688.0,-2538.0,-2538.0,-2527.0,0.0,0,Cash loans,M,N,Y,1,135000.0,343800.0,13090.5,225000.0,Unaccompanied,Working,Higher education,Married,Rented apartment,0.010147,-11866,-1095,-1720.0,-3988,,1,1,0,1,0,0,Security staff,3.0,2,2,SUNDAY,13,0,1,1,0,1,1,Security,0.19369012181373035,0.5019644889439209,0.6296742509538716,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1301.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2485885,441457,Consumer loans,10229.94,112495.5,130315.5,0.0,112495.5,WEDNESDAY,14,Y,1,0.0,,,XAP,Approved,-1108,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,1500,Consumer electronics,18.0,middle,POS household with interest,365243.0,-1077.0,-567.0,-777.0,-767.0,0.0,0,Cash loans,M,N,Y,0,112500.0,142200.0,10435.5,112500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.008019,-9797,-601,-4659.0,-2460,,1,1,0,1,0,0,Drivers,1.0,2,2,FRIDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.12495072036568955,0.5035170393938238,,0.0412,0.056,0.9921,0.8912,0.0381,0.0,0.069,0.2083,0.25,0.0389,0.0336,0.0525,0.0,0.0,0.042,0.0581,0.9921,0.8955,0.0384,0.0,0.069,0.2083,0.25,0.0398,0.0367,0.0547,0.0,0.0,0.0416,0.056,0.9921,0.8927,0.0383,0.0,0.069,0.2083,0.25,0.0396,0.0342,0.0534,0.0,0.0,not specified,block of flats,0.0621,"Stone, brick",No,5.0,1.0,5.0,0.0,-1348.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1446992,435790,Consumer loans,2423.115,20430.0,20209.5,2043.0,20430.0,FRIDAY,18,Y,1,0.09998933725526246,,,XAP,Approved,-1872,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,50,Connectivity,12.0,high,POS mobile with interest,365243.0,-1837.0,-1507.0,-1507.0,-1499.0,0.0,0,Cash loans,F,N,Y,0,261000.0,900000.0,26446.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.026392000000000002,-14511,-2754,-1665.0,-4841,,1,1,0,1,1,0,Managers,1.0,2,2,MONDAY,19,0,0,0,0,0,0,Housing,,0.589181336730529,0.4436153084085652,0.3732,0.1982,0.9806,0.7348,0.1155,0.4,0.3448,0.3333,0.375,0.2265,0.3009,0.3559,0.0154,0.0166,0.3803,0.2057,0.9806,0.7452,0.1165,0.4028,0.3448,0.3333,0.375,0.2317,0.3287,0.3709,0.0156,0.0176,0.3768,0.1982,0.9806,0.7383,0.1162,0.4,0.3448,0.3333,0.375,0.2305,0.3061,0.3623,0.0155,0.017,reg oper account,block of flats,0.3167,Panel,No,2.0,0.0,2.0,0.0,-1607.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,4.0,1.0,2.0 +2251521,198875,Consumer loans,3625.155,27895.5,23787.0,5580.0,27895.5,THURSDAY,13,Y,1,0.20693728582174795,,,XAP,Approved,-1226,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,3125,Consumer electronics,8.0,high,POS household with interest,365243.0,-1194.0,-984.0,-1014.0,-1006.0,0.0,0,Cash loans,F,N,N,0,180000.0,450000.0,41404.5,450000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.030755,-8238,-1055,-8238.0,-918,,1,1,1,1,1,0,Core staff,2.0,2,2,THURSDAY,15,0,0,0,0,1,1,Trade: type 3,,0.6125868390860694,0.190705947811054,0.101,0.0752,0.9846,0.7892,0.0,0.08,0.069,0.375,0.4167,0.0333,0.0,0.1046,0.0,0.0083,0.1029,0.078,0.9846,0.7975,0.0,0.0806,0.069,0.375,0.4167,0.0341,0.0,0.1089,0.0,0.0087,0.102,0.0752,0.9846,0.792,0.0,0.08,0.069,0.375,0.4167,0.0339,0.0,0.1064,0.0,0.0084,reg oper account,block of flats,0.1113,"Stone, brick",No,0.0,0.0,0.0,0.0,-71.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1779529,169520,Consumer loans,6229.17,36846.0,39276.0,0.0,36846.0,THURSDAY,16,Y,1,0.0,,,XAP,Approved,-2525,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,50,Connectivity,8.0,high,POS mobile with interest,365243.0,-2494.0,-2284.0,-2284.0,-2277.0,1.0,0,Cash loans,F,N,Y,0,90000.0,284400.0,22468.5,225000.0,Family,State servant,Secondary / secondary special,Married,House / apartment,0.00963,-18002,-11181,-2568.0,-1547,,1,1,0,1,0,0,Secretaries,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Security Ministries,0.8012698271727359,0.5566569548382455,0.14287252304131962,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1987876,419217,Consumer loans,5778.0,128115.0,128115.0,0.0,128115.0,THURSDAY,16,Y,1,0.0,,,XAP,Approved,-1467,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Regional / Local,114,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1433.0,-743.0,-743.0,-736.0,0.0,0,Cash loans,M,N,Y,0,270000.0,417915.0,33147.0,378000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-15576,-3681,-2357.0,-2368,,1,1,1,1,1,0,Core staff,2.0,2,2,MONDAY,11,0,0,0,0,1,1,Self-employed,,0.5677439861646143,0.3001077565791181,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1291.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +1783776,395374,Cash loans,13455.585,135000.0,143910.0,,135000.0,WEDNESDAY,12,Y,1,,,,XNA,Approved,-252,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-222.0,108.0,-162.0,-157.0,1.0,0,Cash loans,F,N,Y,0,135000.0,288873.0,16258.5,238500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.02461,-20640,365243,-8058.0,-4103,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,XNA,,0.5216263549642368,,0.0247,0.0405,0.9771,,,0.0,0.069,0.0833,,0.006999999999999999,,0.0128,,,0.0252,0.042,0.9772,,,0.0,0.069,0.0833,,0.0072,,0.0133,,,0.025,0.0405,0.9771,,,0.0,0.069,0.0833,,0.0071,,0.013,,,,block of flats,0.0151,Panel,No,0.0,0.0,0.0,0.0,-2417.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,7.0 +2574223,450392,Cash loans,68791.275,724500.0,724500.0,,724500.0,MONDAY,17,Y,1,,,,XNA,Approved,-131,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-101.0,229.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,315000.0,441000.0,28314.0,441000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.026392000000000002,-21007,-6438,-4364.0,-4501,,1,1,0,1,1,0,Core staff,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Medicine,,0.7553125952543736,,0.4268,,0.9935,,,0.44,0.1724,0.75,,,,0.5295,,0.067,0.4349,,0.9935,,,0.4431,0.1724,0.75,,,,0.5517,,0.071,0.4309,,0.9935,,,0.44,0.1724,0.75,,,,0.539,,0.0684,,block of flats,0.4311,Monolithic,No,1.0,1.0,1.0,1.0,-131.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2446645,310570,Cash loans,5424.93,45000.0,47970.0,0.0,45000.0,WEDNESDAY,16,Y,1,0.0,,,XNA,Approved,-1540,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,high,Cash X-Sell: high,365243.0,-1510.0,-1180.0,-1180.0,-1172.0,1.0,0,Cash loans,F,N,Y,0,90000.0,592560.0,26230.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.035792000000000004,-17062,-2318,-3771.0,-616,,1,1,0,1,0,0,Sales staff,1.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Trade: type 7,0.6736957704097342,0.3542247319929012,0.8347841592331774,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1540.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1159272,182674,Consumer loans,16473.51,89955.0,89955.0,0.0,89955.0,FRIDAY,15,Y,1,0.0,,,XAP,Approved,-584,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Stone,149,Consumer electronics,6.0,middle,POS household with interest,365243.0,-553.0,-403.0,-463.0,-456.0,0.0,0,Cash loans,M,Y,Y,0,180000.0,1255680.0,41629.5,1125000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.003069,-18095,-1181,-8466.0,-1657,8.0,1,1,0,1,0,0,Core staff,2.0,3,3,MONDAY,11,0,0,0,1,1,0,Bank,,0.7634314154516291,0.6178261467332483,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-720.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1302694,221188,Revolving loans,15750.0,315000.0,315000.0,,315000.0,FRIDAY,9,Y,1,,,,XAP,Approved,-400,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-394.0,-356.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,202500.0,640080.0,31261.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,Municipal apartment,0.020713,-10092,-287,-1578.0,-2754,,1,1,0,1,0,0,Sales staff,3.0,3,3,SATURDAY,13,0,0,0,1,1,1,Self-employed,0.346971932185806,0.4246825291773548,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-400.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1252531,365116,Consumer loans,7012.17,69475.5,69475.5,0.0,69475.5,TUESDAY,15,Y,1,0.0,,,XAP,Refused,-273,Cash through the bank,LIMIT,,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,12.0,middle,POS mobile with interest,,,,,,,0,Cash loans,M,Y,N,1,180000.0,447768.0,30051.0,405000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.016612000000000002,-8877,-1737,-516.0,-1545,9.0,1,1,1,1,1,0,Drivers,3.0,2,2,TUESDAY,13,0,1,1,0,1,1,Other,0.14709427241436288,0.5631068716026091,0.21885908222837447,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-272.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1409758,428041,Consumer loans,8624.7,168498.0,187551.0,0.0,168498.0,TUESDAY,19,Y,1,0.0,,,XAP,Approved,-538,Cash through the bank,XAP,,New,Computers,POS,XNA,Country-wide,1500,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-507.0,183.0,-237.0,-232.0,0.0,0,Cash loans,F,N,Y,0,166500.0,142200.0,9387.0,112500.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.011703,-9882,-2337,-4633.0,-2554,,1,1,0,1,0,0,High skill tech staff,2.0,2,2,MONDAY,18,0,0,0,0,0,0,Industry: type 11,0.2062357231102636,0.6095205006369605,0.7789040389824382,0.4258,0.2727,0.9881,0.8368,0.1055,0.44,0.3793,0.3333,0.375,0.1898,0.3463,0.4694,0.0039,0.0053,0.4338,0.28300000000000003,0.9881,0.8432,0.1065,0.4431,0.3793,0.3333,0.375,0.1941,0.3783,0.489,0.0039,0.0056,0.4299,0.2727,0.9881,0.8390000000000001,0.1062,0.44,0.3793,0.3333,0.375,0.1931,0.3523,0.4778,0.0039,0.0054,reg oper spec account,block of flats,0.428,Panel,No,3.0,0.0,2.0,0.0,-538.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1039794,454303,Consumer loans,3711.33,23445.0,20070.0,4500.0,23445.0,MONDAY,10,Y,1,0.19946719946719949,,,XAP,Approved,-486,XNA,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Stone,100,Consumer electronics,6.0,middle,POS household with interest,365243.0,-452.0,-302.0,-332.0,-319.0,0.0,0,Cash loans,F,N,N,2,90000.0,272520.0,18342.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010966,-12694,-654,-4538.0,-2939,,1,1,0,1,1,1,Private service staff,4.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Trade: type 3,0.4061974170272808,0.4658814231638898,0.4311917977993083,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-486.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1437045,103264,Consumer loans,6927.3,58410.0,57775.5,5841.0,58410.0,TUESDAY,12,Y,1,0.09999575581806608,,,XAP,Approved,-1898,Cash through the bank,XAP,Unaccompanied,Refreshed,Mobile,POS,XNA,Country-wide,21,Connectivity,12.0,high,POS mobile with interest,365243.0,-1867.0,-1537.0,-1537.0,-1529.0,0.0,0,Cash loans,F,N,Y,0,90000.0,135000.0,10822.5,135000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.022625,-12518,-5046,-4324.0,-4250,,1,1,1,1,1,0,Core staff,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Security Ministries,0.3823271014611089,0.7479032228148498,0.40314167665875134,0.0103,0.0,0.9518,0.3404,0.0091,0.0,0.0,0.0417,0.0417,0.0058,0.0084,0.0037,0.0,0.0075,0.0105,0.0,0.9518,0.3662,0.0092,0.0,0.0,0.0417,0.0417,0.0059,0.0092,0.0038,0.0,0.008,0.0104,0.0,0.9518,0.3492,0.0091,0.0,0.0,0.0417,0.0417,0.0059,0.0086,0.0037,0.0,0.0077,not specified,block of flats,0.0045,Wooden,Yes,0.0,0.0,0.0,0.0,-1898.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1570934,154556,Consumer loans,29397.87,144040.5,150219.0,0.0,144040.5,SUNDAY,17,Y,1,0.0,,,XAP,Approved,-1177,Cash through the bank,XAP,Other_A,Refreshed,Computers,POS,XNA,Regional / Local,246,Consumer electronics,6.0,high,POS household with interest,365243.0,-1146.0,-996.0,-996.0,-988.0,0.0,0,Cash loans,F,N,Y,1,180000.0,1312110.0,55723.5,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.022625,-14917,-352,-27.0,-5206,,1,1,0,1,0,0,Sales staff,3.0,2,2,MONDAY,15,0,0,0,0,0,0,Self-employed,0.6864057120851846,0.4921247383093565,0.470456116119975,0.0,,0.0,,,0.0,,,,,,,,,0.0,,0.0,,,0.0,,,,,,,,,0.0,,0.0,,,0.0,,,,,,,,,,block of flats,0.0,,No,6.0,0.0,6.0,0.0,-577.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1892930,193632,Consumer loans,11981.97,64795.5,64795.5,0.0,64795.5,TUESDAY,11,Y,1,0.0,,,XAP,Refused,-218,Cash through the bank,LIMIT,Family,Repeater,Audio/Video,POS,XNA,Regional / Local,200,Consumer electronics,6.0,middle,POS household with interest,,,,,,,1,Cash loans,M,N,N,0,157500.0,480060.0,23476.5,337500.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.01885,-16629,-235,-5131.0,-187,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.3428846295882283,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-237.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1752295,302835,Consumer loans,17214.66,173119.5,187974.0,0.0,173119.5,WEDNESDAY,16,Y,1,0.0,,,XAP,Approved,-629,Cash through the bank,XAP,,New,Homewares,POS,XNA,Stone,200,Construction,12.0,low_action,POS others without interest,365243.0,-592.0,-262.0,-292.0,-289.0,0.0,0,Cash loans,F,Y,Y,0,216000.0,678996.0,30037.5,540000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.010147,-16287,-6915,-753.0,-5422,4.0,1,1,0,1,0,1,Sales staff,1.0,2,2,TUESDAY,10,0,0,0,0,0,0,Self-employed,0.2877513445889265,0.5407870288795176,0.4471785780453068,0.3278,0.0,0.9771,0.6872,0.4212,0.24,0.2069,0.3333,0.375,0.1106,0.2673,0.2927,0.0,0.0,0.334,0.0,0.9772,0.6994,0.425,0.2417,0.2069,0.3333,0.375,0.1131,0.292,0.305,0.0,0.0,0.331,0.0,0.9771,0.6914,0.4238,0.24,0.2069,0.3333,0.375,0.1125,0.2719,0.298,0.0,0.0,,block of flats,0.2303,"Stone, brick",No,0.0,0.0,0.0,0.0,-629.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2036415,287740,Cash loans,26217.54,675000.0,808650.0,,675000.0,SATURDAY,9,Y,1,,,,XNA,Refused,-146,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),5,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,1,Cash loans,M,Y,Y,0,202500.0,649462.5,31374.0,580500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00823,-18322,-1297,-2894.0,-1857,2.0,1,1,1,1,1,0,Security staff,2.0,2,2,FRIDAY,17,0,1,1,0,1,1,Security,,0.5969759328845367,0.1852020815902493,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1520.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2529182,335541,Consumer loans,3101.31,16105.5,15210.0,1611.0,16105.5,TUESDAY,17,Y,1,0.10430565688992656,,,XAP,Approved,-2212,XNA,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,3000,Consumer electronics,6.0,high,POS household with interest,365243.0,-2181.0,-2031.0,-2031.0,-2011.0,0.0,0,Cash loans,M,Y,Y,1,202500.0,167895.0,17757.0,157500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.011703,-9480,-1765,-257.0,-2149,11.0,1,1,0,1,0,0,Drivers,3.0,2,2,TUESDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.6281231473822159,0.2512394458905693,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1784.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1196000,187721,Consumer loans,12082.5,93015.0,100687.5,0.0,93015.0,TUESDAY,8,Y,1,0.0,,,XAP,Refused,-1535,Cash through the bank,LIMIT,Other_B,Repeater,Furniture,POS,XNA,Stone,300,Furniture,10.0,middle,POS industry with interest,,,,,,,0,Revolving loans,F,Y,Y,0,90000.0,247500.0,12375.0,247500.0,Unaccompanied,Pensioner,Higher education,Single / not married,House / apartment,0.018209,-20599,365243,-716.0,-3418,11.0,1,0,0,1,1,0,,1.0,3,3,THURSDAY,9,0,0,0,0,0,0,XNA,,0.5186408207742547,0.3185955240537633,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-437.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2411008,112182,Consumer loans,41665.815,416700.0,375030.0,41670.0,416700.0,FRIDAY,15,Y,1,0.1089090909090909,,,XAP,Approved,-1260,Cash through the bank,XAP,Unaccompanied,Repeater,Construction Materials,POS,XNA,Stone,60,Construction,10.0,low_normal,POS industry with interest,365243.0,-1228.0,-958.0,-1108.0,-1104.0,0.0,0,Cash loans,F,N,Y,0,180000.0,1223010.0,48631.5,1125000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-22952,365243,-3720.0,-5007,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,XNA,,0.7044563385025604,0.520897599048938,0.0412,,0.9881,,,,0.069,0.1667,,,,0.0362,,,0.042,,0.9881,,,,0.069,0.1667,,,,0.0377,,,0.0416,,0.9881,,,,0.069,0.1667,,,,0.0369,,,,block of flats,0.0285,Block,No,4.0,0.0,4.0,0.0,-2515.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2323311,125288,Consumer loans,18265.5,166050.0,166050.0,0.0,166050.0,MONDAY,13,Y,1,0.0,,,XAP,Approved,-958,XNA,XAP,Unaccompanied,New,Medical Supplies,POS,XNA,Country-wide,80,Industry,10.0,low_normal,POS other with interest,365243.0,-918.0,-648.0,-648.0,-644.0,0.0,0,Cash loans,F,N,N,1,135000.0,895500.0,39442.5,895500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.032561,-20696,365243,-3405.0,-1087,,1,0,0,1,1,0,,3.0,1,1,SATURDAY,14,0,0,0,1,0,0,XNA,0.8070508906379081,0.522166539608632,0.3859146722745145,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-304.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1084465,303135,Consumer loans,10655.19,95679.0,95679.0,0.0,95679.0,TUESDAY,10,Y,1,0.0,,,XAP,Approved,-1114,Cash through the bank,XAP,Unaccompanied,New,Construction Materials,POS,XNA,Stone,15,Construction,10.0,low_normal,POS industry with interest,365243.0,-1082.0,-812.0,-812.0,-801.0,0.0,0,Cash loans,F,N,Y,0,112500.0,274500.0,12222.0,274500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-19812,-280,-3554.0,-3274,,1,1,0,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Trade: type 3,0.7088354083985119,0.5119994149036255,0.07958643615986162,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-227.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1084859,150085,Consumer loans,2820.555,38650.5,38650.5,0.0,38650.5,FRIDAY,7,Y,1,0.0,,,XAP,Approved,-190,XNA,XAP,Children,Repeater,Audio/Video,POS,XNA,Regional / Local,500,Consumer electronics,18.0,low_normal,POS household with interest,365243.0,-160.0,350.0,-160.0,-153.0,0.0,0,Cash loans,F,N,N,1,202500.0,545040.0,19705.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.001333,-15612,-2510,-1222.0,-4294,,1,1,0,1,0,0,Medicine staff,2.0,3,3,SATURDAY,10,0,0,0,0,0,0,Medicine,0.775042032919433,0.720182085002674,0.5638350489514956,0.1031,0.0878,0.9786,0.7076,0.0388,0.0,0.2069,0.1667,0.2083,0.0491,0.0841,0.0876,0.0,0.0,0.105,0.0912,0.9786,0.7190000000000001,0.0391,0.0,0.2069,0.1667,0.2083,0.0502,0.0918,0.0913,0.0,0.0,0.1041,0.0878,0.9786,0.7115,0.039,0.0,0.2069,0.1667,0.2083,0.0499,0.0855,0.0892,0.0,0.0,reg oper account,block of flats,0.0901,"Stone, brick",No,0.0,0.0,0.0,0.0,-943.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1641541,359557,Cash loans,12864.69,135000.0,148365.0,0.0,135000.0,MONDAY,9,Y,1,0.0,,,XNA,Approved,-1620,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,18.0,high,Cash X-Sell: high,365243.0,-1590.0,-1080.0,-1230.0,-1222.0,1.0,0,Cash loans,F,N,N,0,189000.0,601677.0,22680.0,423000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-18354,365243,-3697.0,-532,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,XNA,,0.6603583108080026,0.4014074137749511,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1848.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2158594,159417,Revolving loans,11250.0,225000.0,225000.0,,225000.0,THURSDAY,13,Y,1,,,,XAP,Refused,-827,XNA,HC,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,N,N,0,225000.0,1649844.0,85428.0,1575000.0,Family,Pensioner,Higher education,Married,House / apartment,0.020246,-22786,365243,-9356.0,-4595,,1,0,0,1,1,0,,2.0,3,3,FRIDAY,14,0,0,0,0,0,0,XNA,,0.5780703512422153,0.6848276586890367,0.1474,0.1367,0.9876,0.83,0.1222,0.16,0.1379,0.3333,0.375,0.0184,0.1202,0.1904,0.0,0.0,0.1502,0.1419,0.9876,0.8367,0.1233,0.1611,0.1379,0.3333,0.375,0.0188,0.1313,0.1984,0.0,0.0,0.1489,0.1367,0.9876,0.8323,0.123,0.16,0.1379,0.3333,0.375,0.0187,0.1223,0.1938,0.0,0.0,reg oper account,block of flats,0.2165,Panel,No,0.0,0.0,0.0,0.0,-1245.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1995281,300381,Revolving loans,2250.0,45000.0,45000.0,,45000.0,FRIDAY,9,Y,1,,,,XAP,Approved,-468,XNA,XAP,,New,XNA,Cards,walk-in,AP+ (Cash loan),5,XNA,0.0,XNA,Card Street,-468.0,-421.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,112500.0,313438.5,22711.5,283500.0,Unaccompanied,Working,Incomplete higher,Single / not married,House / apartment,0.007120000000000001,-10849,-1369,-490.0,-3530,,1,1,0,1,0,1,Sales staff,1.0,2,2,THURSDAY,7,0,0,0,1,1,0,Business Entity Type 3,,0.5513078693516321,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-468.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1961975,173143,Revolving loans,22500.0,450000.0,450000.0,,450000.0,WEDNESDAY,14,Y,1,,,,XAP,Approved,-127,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,135000.0,685012.5,33084.0,553500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-23197,365243,-670.0,-4942,2.0,1,0,0,1,0,0,,2.0,2,2,THURSDAY,12,0,0,0,1,0,0,XNA,0.8933173072180829,0.7229455192120475,0.6722428897082422,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2521.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1658018,341784,Revolving loans,27000.0,540000.0,540000.0,,540000.0,FRIDAY,13,Y,1,,,,XAP,Refused,-165,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,382500.0,722394.0,26667.0,603000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.035792000000000004,-20253,-2042,-5466.0,-2483,,1,1,0,1,0,0,Cleaning staff,1.0,2,2,TUESDAY,12,0,0,0,0,1,1,Business Entity Type 3,0.7296691783577366,0.5785289745004805,0.6863823354047934,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2231.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1329936,364691,Revolving loans,9000.0,180000.0,180000.0,,180000.0,FRIDAY,4,Y,1,,,,XAP,Approved,-441,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,970380.0,28503.0,810000.0,Family,Commercial associate,Secondary / secondary special,Married,Co-op apartment,0.006852,-21099,-4238,-7115.0,-4410,2.0,1,1,0,1,1,0,Cooking staff,2.0,3,3,FRIDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.3913369773118116,0.4311917977993083,0.0299,0.0,0.9712,,,0.0,0.0345,0.0417,,0.0185,,0.0118,,0.0,0.0305,0.0,0.9712,,,0.0,0.0345,0.0417,,0.0189,,0.0123,,0.0,0.0302,0.0,0.9712,,,0.0,0.0345,0.0417,,0.0188,,0.012,,0.0,,block of flats,0.0178,"Stone, brick",No,0.0,0.0,0.0,0.0,-441.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1079350,230392,Consumer loans,12083.76,121950.0,119902.5,13500.0,121950.0,SUNDAY,10,Y,1,0.11021328140572527,,,XAP,Approved,-314,Cash through the bank,XAP,,New,Vehicles,POS,XNA,Stone,70,Auto technology,12.0,middle,POS other with interest,365243.0,-275.0,55.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,0,58500.0,112500.0,8185.5,112500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010966,-17781,-2633,-4196.0,-1279,,1,1,1,1,0,0,Drivers,2.0,2,2,FRIDAY,17,0,0,0,0,0,0,Transport: type 4,,0.30916164542318275,,0.0021,0.0,0.9757,0.6668,0.0001,0.0,0.069,0.0,0.0417,0.0143,0.0017,0.0015,0.0,0.0,0.0021,0.0,0.9757,0.6798,0.0001,0.0,0.069,0.0,0.0417,0.0146,0.0018,0.0016,0.0,0.0,0.0021,0.0,0.9757,0.6713,0.0001,0.0,0.069,0.0,0.0417,0.0145,0.0017,0.0016,0.0,0.0,reg oper account,block of flats,0.0013,Block,No,2.0,0.0,2.0,0.0,-314.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1886174,413790,Revolving loans,11025.0,0.0,157500.0,,0.0,THURSDAY,15,Y,1,,,,XAP,Refused,-1407,XNA,HC,,Repeater,XNA,Cards,walk-in,Credit and cash offices,0,XNA,0.0,XNA,Card Street,,,,,,,0,Revolving loans,F,N,Y,2,112500.0,135000.0,6750.0,135000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-13283,-186,-4987.0,-1057,,1,1,1,1,1,0,Sales staff,4.0,2,2,THURSDAY,10,0,0,0,0,0,0,Trade: type 3,,0.5640588639760636,,0.0165,0.0,0.9667,0.5444,0.002,0.0,0.069,0.0417,0.0833,0.0286,0.0134,0.0142,0.0,0.0,0.0168,0.0,0.9667,0.5622,0.002,0.0,0.069,0.0417,0.0833,0.0292,0.0147,0.0148,0.0,0.0,0.0167,0.0,0.9667,0.5505,0.002,0.0,0.069,0.0417,0.0833,0.0291,0.0137,0.0145,0.0,0.0,not specified,block of flats,0.0122,Block,No,3.0,2.0,3.0,1.0,-1669.0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,,,,,, +1618041,381032,Cash loans,37008.18,742500.0,818946.0,,742500.0,THURSDAY,11,Y,1,,,,XNA,Approved,-1114,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-1084.0,-34.0,-454.0,-446.0,1.0,0,Cash loans,F,N,Y,0,58500.0,396171.0,20358.0,342000.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.020246,-23428,365243,-7211.0,-4631,,1,0,0,1,0,0,,2.0,3,3,FRIDAY,6,0,0,0,0,0,0,XNA,,0.04393991166730828,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-480.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1213301,435039,Cash loans,98677.395,2115000.0,2240631.0,,2115000.0,THURSDAY,12,Y,1,,,,XNA,Approved,-704,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,315000.0,808650.0,26086.5,675000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.01885,-19797,-3023,-4683.0,-3323,11.0,1,1,0,1,0,0,Accountants,2.0,2,2,MONDAY,13,0,0,0,0,0,0,Self-employed,,0.6612993543107808,0.3656165070113335,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1678.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1779769,369599,Consumer loans,8994.6,57591.0,72895.5,0.0,57591.0,FRIDAY,10,Y,1,0.0,,,XAP,Approved,-1491,Cash through the bank,XAP,Family,New,Photo / Cinema Equipment,POS,XNA,Country-wide,50,Connectivity,12.0,high,POS mobile with interest,365243.0,-1460.0,-1130.0,-1130.0,-1125.0,0.0,1,Cash loans,M,N,N,0,112500.0,545040.0,26509.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.006207,-10922,-1027,-5352.0,-882,,1,1,1,1,0,0,,1.0,2,2,THURSDAY,12,0,0,0,0,0,0,Industry: type 3,,0.6205171548347609,0.10547318648733764,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-823.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,0.0 +1597409,347950,Cash loans,17910.9,495000.0,495000.0,,495000.0,MONDAY,9,Y,1,,,,XNA,Approved,-1199,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-1169.0,241.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,1,675000.0,1828170.0,63675.0,1669500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.022625,-16153,-1193,-3358.0,-2213,2.0,1,1,0,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,10,0,0,0,0,1,1,Business Entity Type 3,0.5348424384395284,0.15473961857244134,0.0785361445733672,0.4784,0.2788,0.9896,0.8572,0.1784,0.52,0.4483,0.3333,0.375,0.1813,0.39,0.4876,0.0,0.0047,0.4874,0.2893,0.9896,0.8628,0.1801,0.5236,0.4483,0.3333,0.375,0.1854,0.4261,0.508,0.0,0.005,0.483,0.2788,0.9896,0.8591,0.1796,0.52,0.4483,0.3333,0.375,0.1844,0.3968,0.4964,0.0,0.0048,not specified,block of flats,0.4821,Panel,No,0.0,0.0,0.0,0.0,-212.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1070412,451164,Consumer loans,16820.145,138595.5,150853.5,0.0,138595.5,THURSDAY,18,Y,1,0.0,,,XAP,Refused,-1569,Cash through the bank,LIMIT,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,1969,Consumer electronics,12.0,high,POS household with interest,,,,,,,0,Cash loans,F,N,N,0,90000.0,265306.5,25843.5,252000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,With parents,0.0228,-19399,-399,-4375.0,-2934,,1,1,0,1,0,0,Sales staff,1.0,2,2,FRIDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.6407456392643217,,0.2144,0.103,0.9836,0.7756,0.0355,0.08,0.069,0.3333,,0.0256,,0.1141,,0.026,0.2185,0.1068,0.9836,0.7844,0.0359,0.0806,0.069,0.3333,,0.0262,,0.1189,,0.0275,0.2165,0.103,0.9836,0.7786,0.0358,0.08,0.069,0.3333,,0.0261,,0.1161,,0.0265,reg oper account,block of flats,0.1148,"Stone, brick",No,0.0,0.0,0.0,0.0,-1748.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1547439,354400,Consumer loans,6490.845,59611.5,55620.0,9000.0,59611.5,MONDAY,13,Y,1,0.15168397062547476,,,XAP,Approved,-2829,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,14,Connectivity,12.0,low_normal,POS mobile with interest,365243.0,-2798.0,-2468.0,-2468.0,-2466.0,1.0,1,Cash loans,M,Y,Y,1,135000.0,326439.0,16006.5,229500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0105,-18506,-11710,-298.0,-1169,8.0,1,1,0,1,0,0,Drivers,3.0,3,3,TUESDAY,14,0,0,0,0,0,0,Self-employed,,0.2857148631229671,0.31547215492577346,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-2729.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2547579,204880,Consumer loans,7422.975,51075.0,51075.0,0.0,51075.0,FRIDAY,11,Y,1,0.0,,,XAP,Approved,-97,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Stone,55,Consumer electronics,8.0,middle,POS household with interest,365243.0,-67.0,143.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,63000.0,521280.0,22216.5,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-21596,365243,-2612.0,-5096,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,XNA,0.6913843056660376,0.5558958877290152,0.4489622731076524,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,0.0,-1.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2281235,313667,Consumer loans,3306.15,50175.0,30415.5,22500.0,50175.0,SATURDAY,14,Y,1,0.4630882341572026,,,XAP,Approved,-2264,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Stone,171,Consumer electronics,12.0,high,POS household with interest,365243.0,-2232.0,-1902.0,-1902.0,-1899.0,1.0,0,Cash loans,F,N,Y,0,45000.0,454500.0,13023.0,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-22227,365243,-13923.0,-4584,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,,0.16214456766623808,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-147.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2392824,270596,Cash loans,27726.84,270000.0,284611.5,,270000.0,MONDAY,14,Y,1,,,,XNA,Approved,-1010,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-980.0,-650.0,-800.0,-794.0,1.0,0,Revolving loans,F,N,Y,0,112500.0,292500.0,14625.0,292500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008865999999999999,-20899,-3621,-8665.0,-4410,,1,1,0,1,1,0,Medicine staff,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Medicine,,0.8052219683466396,0.5478104658520093,0.1701,0.1287,0.9831,0.7688,0.0436,0.2,0.1724,0.3333,0.375,0.1173,0.1378,0.1828,0.0039,0.0839,0.1733,0.1335,0.9831,0.7779,0.044,0.2014,0.1724,0.3333,0.375,0.12,0.1506,0.1905,0.0039,0.0889,0.1718,0.1287,0.9831,0.7719,0.0439,0.2,0.1724,0.3333,0.375,0.1193,0.1402,0.1861,0.0039,0.0857,reg oper account,block of flats,0.1859,"Stone, brick",No,0.0,0.0,0.0,0.0,-1575.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1665318,444650,Consumer loans,10009.71,108486.0,97636.5,10849.5,108486.0,THURSDAY,19,Y,1,0.1089181260087183,,,XAP,Approved,-365,Cash through the bank,XAP,,Refreshed,Computers,POS,XNA,Stone,100,Consumer electronics,12.0,middle,POS household with interest,365243.0,-334.0,-4.0,-244.0,-236.0,0.0,0,Cash loans,F,N,N,0,67500.0,808650.0,26086.5,675000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.01885,-18626,-2212,-7829.0,-2177,,1,1,0,1,1,0,Sales staff,2.0,2,2,THURSDAY,17,0,0,0,0,0,0,Other,0.8184937481365564,0.5864368320720796,0.7490217048463391,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-365.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,1.0 +1052436,123921,Cash loans,49442.85,562500.0,595912.5,,562500.0,MONDAY,9,Y,1,,,,XNA,Approved,-871,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-841.0,-331.0,-751.0,-744.0,1.0,0,Cash loans,M,N,N,1,252000.0,770292.0,32764.5,688500.0,Unaccompanied,State servant,Higher education,Married,Office apartment,0.014464,-15016,-7086,-1716.0,-337,,1,1,0,1,0,0,,3.0,2,2,THURSDAY,3,0,0,0,0,0,0,Other,,0.6215001715311724,0.6832688314232291,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1428.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2258155,359458,Cash loans,7189.74,67500.0,71955.0,,67500.0,THURSDAY,8,Y,1,,,,XNA,Approved,-1660,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,middle,Cash X-Sell: middle,365243.0,-1630.0,-1300.0,-1300.0,-1293.0,1.0,0,Cash loans,F,N,Y,0,112500.0,195543.0,9535.5,148500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-23457,365243,-2436.0,-4378,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,XNA,,0.6869893378293499,0.5902333386185574,0.067,0.0236,0.9866,0.8164,0.0149,0.04,0.0345,0.3333,0.375,0.058,0.0546,0.0373,0.0,0.0,0.0683,0.0245,0.9866,0.8236,0.0151,0.0403,0.0345,0.3333,0.375,0.0593,0.0597,0.0389,0.0,0.0,0.0677,0.0236,0.9866,0.8189,0.015,0.04,0.0345,0.3333,0.375,0.059,0.0556,0.038,0.0,0.0,reg oper account,block of flats,0.0375,Panel,No,11.0,0.0,11.0,0.0,-452.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2048213,343606,Consumer loans,18396.495,197091.0,197091.0,0.0,197091.0,MONDAY,15,Y,1,0.0,,,XAP,Approved,-400,Cash through the bank,XAP,,New,Construction Materials,POS,XNA,Stone,50,Construction,12.0,low_normal,POS industry with interest,365243.0,-369.0,-39.0,-39.0,-37.0,0.0,0,Cash loans,F,N,Y,2,67500.0,900000.0,38133.0,900000.0,"Spouse, partner",Commercial associate,Higher education,Married,House / apartment,0.02461,-13207,-5470,-7227.0,-3549,,1,1,0,1,1,0,Core staff,4.0,2,2,TUESDAY,9,0,0,0,0,0,0,Bank,,0.7212516717738992,0.6626377922738201,0.0928,,,,,,0.2069,0.1667,,,,,,,0.0945,,,,,,0.2069,0.1667,,,,,,,0.0937,,,,,,0.2069,0.1667,,,,,,,,block of flats,0.0611,,No,0.0,0.0,0.0,0.0,-400.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,0.0 +1979791,237603,Consumer loans,11398.365,188289.0,220599.0,0.0,188289.0,FRIDAY,14,Y,1,0.0,,,XAP,Refused,-505,Cash through the bank,HC,,Repeater,Furniture,POS,XNA,Stone,2175,Furniture,24.0,low_normal,POS industry with interest,,,,,,,0,Cash loans,F,N,Y,0,135000.0,193500.0,8325.0,193500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.020713,-19242,-4162,-731.0,-2781,,1,1,0,1,0,0,,1.0,3,2,SATURDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.6769877186322466,,0.1113,0.0879,0.9975,0.966,0.0371,0.12,0.1034,0.375,0.4167,0.0,0.0908,0.1353,0.0039,0.0038,0.1134,0.0912,0.9975,0.9673,0.0374,0.1208,0.1034,0.375,0.4167,0.0,0.0992,0.141,0.0039,0.004,0.1124,0.0879,0.9975,0.9665,0.0373,0.12,0.1034,0.375,0.4167,0.0,0.0923,0.1377,0.0039,0.0039,reg oper account,block of flats,0.1072,Panel,No,6.0,0.0,6.0,0.0,-1826.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2702799,341798,Cash loans,17079.255,135000.0,143910.0,,135000.0,MONDAY,10,Y,1,,,,Education,Approved,-684,XNA,XAP,Family,New,XNA,Cash,walk-in,AP+ (Cash loan),4,XNA,12.0,high,Cash Street: high,365243.0,-654.0,-324.0,-444.0,-440.0,1.0,0,Cash loans,F,N,Y,0,135000.0,319981.5,14224.5,243000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.018209,-21571,365243,-4975.0,-4310,,1,0,0,1,0,0,,2.0,3,3,SATURDAY,10,0,0,0,0,0,0,XNA,,0.043938993036919366,0.4938628816996244,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2220893,261026,Consumer loans,4297.995,34866.0,38547.0,0.0,34866.0,WEDNESDAY,13,Y,1,0.0,,,XAP,Approved,-783,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,1552,Consumer electronics,12.0,high,POS household with interest,365243.0,-752.0,-422.0,-422.0,-415.0,0.0,0,Revolving loans,M,Y,Y,2,315000.0,450000.0,22500.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.032561,-11506,-1539,-2401.0,-3205,11.0,1,1,0,1,1,0,Drivers,4.0,1,1,TUESDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.27024635494108096,0.6345766590370713,0.6658549219640212,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,1.0,0.0,1.0,0.0,-783.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2842422,272917,Consumer loans,3454.74,15705.0,12564.0,3141.0,15705.0,WEDNESDAY,16,Y,1,0.2178181818181818,,,XAP,Approved,-607,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,5,Connectivity,4.0,middle,POS mobile with interest,365243.0,-569.0,-479.0,-479.0,-477.0,0.0,0,Cash loans,F,N,Y,0,225000.0,728460.0,40806.0,675000.0,Unaccompanied,Working,Higher education,Civil marriage,With parents,0.035792000000000004,-11536,-316,-5497.0,-565,,1,1,1,1,0,0,High skill tech staff,2.0,2,2,MONDAY,9,0,0,0,1,1,0,Business Entity Type 3,0.3245162219641615,0.5161509391373887,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1261.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1366875,100743,Consumer loans,2533.86,19755.0,21712.5,0.0,19755.0,WEDNESDAY,18,Y,1,0.0,,,XAP,Approved,-2584,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,72,Connectivity,12.0,high,POS mobile with interest,365243.0,-2553.0,-2223.0,-2223.0,-2216.0,1.0,0,Cash loans,F,N,Y,0,38250.0,47970.0,5166.0,45000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-19989,-5858,-10339.0,-1562,,1,1,1,1,0,0,Laborers,2.0,2,2,THURSDAY,11,0,0,0,0,1,1,Business Entity Type 3,,0.6225489936318451,0.7850520263728172,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2038.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1318399,146722,Consumer loans,10738.44,99211.5,96655.5,9922.5,99211.5,SUNDAY,14,Y,1,0.10139526492760743,,,XAP,Approved,-1812,Cash through the bank,XAP,"Spouse, partner",New,Computers,POS,XNA,Country-wide,1600,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1781.0,-1511.0,-1511.0,-1504.0,0.0,0,Cash loans,F,Y,Y,0,247500.0,1024740.0,55719.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Municipal apartment,0.072508,-14436,-915,-8506.0,-537,3.0,1,1,0,1,0,0,High skill tech staff,1.0,1,1,SATURDAY,12,1,1,0,1,1,1,Electricity,0.3304069076426126,0.6701459447538789,0.6109913280868294,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-292.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1335020,339153,Consumer loans,10096.92,84105.0,83034.0,8550.0,84105.0,TUESDAY,16,Y,1,0.10167417095483136,,,XAP,Approved,-1758,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,27,Connectivity,12.0,high,POS mobile with interest,365243.0,-1725.0,-1395.0,-1395.0,-1389.0,0.0,0,Cash loans,F,N,Y,0,157500.0,454500.0,21996.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-19122,-1154,-1892.0,-2660,,1,1,0,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Self-employed,,0.391826703459211,,0.0825,0.0741,0.9752,,,0.0,0.1379,0.1667,,,,0.0702,,0.0015,0.084,0.0708,0.9742,,,0.0,0.1379,0.1667,,,,0.0731,,0.0,0.0833,0.0741,0.9752,,,0.0,0.1379,0.1667,,,,0.0714,,0.0016,,,0.07200000000000001,Mixed,No,6.0,0.0,6.0,0.0,-1758.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2137812,230758,Consumer loans,8297.91,134235.0,160812.0,0.0,134235.0,MONDAY,10,Y,1,0.0,,,XAP,Approved,-2346,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,2000,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-2315.0,-1625.0,-1985.0,-1983.0,1.0,0,Cash loans,F,N,Y,0,198000.0,562491.0,27189.0,454500.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.007305,-19906,-12949,-9883.0,-3443,,1,1,1,1,1,1,Core staff,2.0,3,3,TUESDAY,11,0,0,0,0,0,0,School,0.8093269329220716,0.6374823830034299,0.5136937663039473,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-613.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2476436,158526,Cash loans,4515.435,45000.0,56623.5,,45000.0,WEDNESDAY,12,Y,1,,,,XNA,Approved,-1388,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-1358.0,-848.0,-848.0,-845.0,1.0,0,Cash loans,F,N,Y,0,70650.0,71109.0,5746.5,54000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.01885,-18517,365243,-5350.0,-2061,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,15,0,0,0,0,0,0,XNA,,0.7888250105161853,0.6754132910917112,0.0186,0.0368,0.9702,0.5920000000000001,0.0143,0.0,0.1034,0.0417,0.0833,0.039,0.0151,0.0206,0.0,0.0,0.0189,0.0382,0.9702,0.608,0.0144,0.0,0.1034,0.0417,0.0833,0.0399,0.0165,0.0215,0.0,0.0,0.0187,0.0368,0.9702,0.5975,0.0144,0.0,0.1034,0.0417,0.0833,0.0397,0.0154,0.021,0.0,0.0,reg oper account,block of flats,0.024,"Stone, brick",No,1.0,0.0,1.0,0.0,-2106.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2404403,454900,Consumer loans,4079.745,74700.0,21793.5,54000.0,74700.0,FRIDAY,11,Y,1,0.7759360511245565,,,XAP,Approved,-985,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Stone,15,Consumer electronics,6.0,middle,POS household with interest,365243.0,-948.0,-798.0,-798.0,-794.0,0.0,0,Cash loans,F,N,Y,0,157500.0,450000.0,24543.0,450000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.018029,-14705,-1279,-341.0,-5319,,1,1,1,1,1,0,,2.0,3,3,WEDNESDAY,6,0,0,0,0,0,0,Hotel,0.3758024715436549,0.3284233188954194,0.4436153084085652,0.2021,0.274,0.9841,,,0.0,0.5517,0.1667,,0.0,,0.1266,,0.0643,0.2059,0.2843,0.9841,,,0.0,0.5517,0.1667,,0.0,,0.1319,,0.0681,0.204,0.274,0.9841,,,0.0,0.5517,0.1667,,0.0,,0.1289,,0.0657,,block of flats,0.1624,"Stone, brick",No,6.0,0.0,6.0,0.0,-2084.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2753549,199479,Consumer loans,11076.075,96313.5,96313.5,0.0,96313.5,SUNDAY,10,Y,1,0.0,,,XAP,Refused,-634,Cash through the bank,HC,,New,Computers,POS,XNA,Regional / Local,59,Consumer electronics,10.0,middle,POS household with interest,,,,,,,0,Revolving loans,F,Y,N,1,123750.0,360000.0,18000.0,360000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-13243,-5165,-7387.0,-4681,64.0,1,1,0,1,1,0,Core staff,3.0,2,2,THURSDAY,13,0,0,0,0,0,0,Kindergarten,,0.5163803057565927,0.17456426555726348,0.1289,,0.9871,,,0.0,0.3103,0.1667,,,,0.1376,,0.0,0.1313,,0.9871,,,0.0,0.3103,0.1667,,,,0.1433,,0.0,0.1301,,0.9871,,,0.0,0.3103,0.1667,,,,0.14,,0.0,,block of flats,0.1082,Mixed,No,0.0,0.0,0.0,0.0,-1134.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2038660,384890,Cash loans,42727.5,450000.0,450000.0,,450000.0,WEDNESDAY,16,Y,1,,,,XNA,Approved,-327,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Stone,36,Industry,12.0,low_normal,Cash X-Sell: low,365243.0,-295.0,35.0,-25.0,-22.0,0.0,0,Cash loans,F,Y,Y,2,225000.0,450000.0,27193.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-13457,-2433,-1384.0,-4804,3.0,1,1,0,1,0,0,Laborers,4.0,2,2,MONDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.6304170027326192,0.2467694117519397,0.3233112448967859,0.1299,,0.9985,,,0.12,0.1034,0.375,,,,0.1457,,0.0645,0.1324,,0.9985,,,0.1208,0.1034,0.375,,,,0.1518,,0.0683,0.1312,,0.9985,,,0.12,0.1034,0.375,,,,0.1483,,0.0659,,block of flats,0.1286,"Stone, brick",No,13.0,1.0,12.0,0.0,-733.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +1895145,373233,Consumer loans,19059.525,143968.095,129568.5,14399.595,143968.095,SATURDAY,20,Y,1,0.10893016268007782,,,XAP,Approved,-2108,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,1772,Consumer electronics,8.0,middle,POS household with interest,365243.0,-2076.0,-1866.0,-1866.0,-1862.0,0.0,0,Cash loans,F,Y,Y,0,202500.0,679500.0,27076.5,679500.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.00702,-18678,-1015,-3974.0,-2185,13.0,1,1,0,1,0,0,,1.0,2,2,SUNDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.8607988319472432,0.6210422402739589,0.5316861425197883,0.0557,0.0558,0.9826,0.762,0.0599,0.0,0.1034,0.1667,0.2083,0.0,0.0454,0.0416,0.0,0.0214,0.042,0.0579,0.9786,0.7190000000000001,0.0562,0.0,0.069,0.1667,0.2083,0.0,0.0367,0.0403,0.0,0.0161,0.0562,0.0558,0.9826,0.7652,0.0603,0.0,0.1034,0.1667,0.2083,0.0,0.0462,0.0424,0.0,0.0218,reg oper account,block of flats,0.0313,Mixed,No,4.0,0.0,4.0,0.0,-1917.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,1.0 +2161727,438791,Consumer loans,13391.73,120105.0,120105.0,0.0,120105.0,WEDNESDAY,9,Y,1,0.0,,,XAP,Approved,-1865,Non-cash from your account,XAP,Other_A,New,Computers,POS,XNA,Regional / Local,28,Consumer electronics,12.0,high,POS household with interest,365243.0,-1832.0,-1502.0,-1502.0,-1336.0,0.0,0,Cash loans,F,Y,Y,2,157500.0,673875.0,21865.5,562500.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.006629,-12017,-2099,-1730.0,-1730,15.0,1,1,0,1,0,0,,4.0,2,2,SATURDAY,9,0,0,0,0,0,0,Other,,0.7289490365843944,0.7281412993111438,0.2485,0.0,0.9985,0.9796,0.0482,0.12,0.1034,0.375,0.4167,0.0318,0.1967,0.1878,0.027000000000000003,0.1079,0.2532,0.0,0.9985,0.9804,0.0486,0.1208,0.1034,0.375,0.4167,0.0325,0.2149,0.1957,0.0272,0.1142,0.2509,0.0,0.9985,0.9799,0.0485,0.12,0.1034,0.375,0.4167,0.0323,0.2001,0.1912,0.0272,0.1101,reg oper account,block of flats,0.1924,Block,No,0.0,0.0,0.0,0.0,-814.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2789634,161082,Consumer loans,7047.495,63952.2,60390.0,9002.7,63952.2,WEDNESDAY,11,Y,1,0.14129380651383688,,,XAP,Approved,-2376,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,19,Connectivity,12.0,high,POS mobile with interest,365243.0,-2343.0,-2013.0,-2013.0,-2008.0,1.0,0,Cash loans,M,Y,N,1,135000.0,542133.0,32413.5,468000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.00733,-15740,-1615,-2882.0,-4378,15.0,1,1,0,1,0,0,Drivers,2.0,2,2,SATURDAY,12,0,1,1,1,0,0,Business Entity Type 3,0.2309541583676077,0.6550563043437042,0.4525335592581747,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2376.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1445031,128235,Consumer loans,4055.13,22455.0,20205.0,2250.0,22455.0,THURSDAY,9,Y,1,0.10912734560029147,,,XAP,Approved,-2905,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,29,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2868.0,-2718.0,-2808.0,-2776.0,0.0,0,Cash loans,F,N,Y,0,180000.0,1125000.0,47794.5,1125000.0,Family,Pensioner,Higher education,Married,Office apartment,0.026392000000000002,-21373,365243,-2766.0,-4927,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,18,0,0,0,0,0,0,XNA,,0.6211091425851392,0.3656165070113335,0.0237,0.1136,0.9697,,,0.0,0.1034,0.0833,,0.1072,,0.0383,,0.0,0.0242,0.1179,0.9697,,,0.0,0.1034,0.0833,,0.1096,,0.0399,,0.0,0.0239,0.1136,0.9697,,,0.0,0.1034,0.0833,,0.1091,,0.0389,,0.0,,block of flats,0.0309,"Stone, brick",No,5.0,0.0,5.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2803227,211240,Revolving loans,2250.0,45000.0,45000.0,,45000.0,TUESDAY,5,Y,1,,,,XAP,Approved,-177,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),5,XNA,0.0,XNA,Card Street,-177.0,-133.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,166500.0,608076.0,28476.0,427500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014464,-15593,-5308,-2018.0,-297,7.0,1,1,1,1,1,1,Drivers,2.0,2,2,THURSDAY,4,0,0,0,1,1,0,Business Entity Type 3,0.4974924192166886,0.11786842966376004,,0.0515,,0.9846,,,0.0,0.1379,0.1667,,0.0641,,0.0571,,0.0,0.0525,,0.9846,,,0.0,0.1379,0.1667,,0.0656,,0.0595,,0.0,0.052000000000000005,,0.9846,,,0.0,0.1379,0.1667,,0.0652,,0.0582,,0.0,,block of flats,0.0449,Panel,No,0.0,0.0,0.0,0.0,-276.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1846488,260960,Consumer loans,3977.595,20655.0,19507.5,2065.5,20655.0,WEDNESDAY,10,Y,1,0.10427466150870406,,,XAP,Approved,-2046,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,60,Connectivity,6.0,high,POS mobile with interest,365243.0,-2009.0,-1859.0,-1919.0,-1916.0,0.0,0,Cash loans,F,Y,Y,0,85500.0,99504.0,10584.0,90000.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.010966,-21863,365243,-8389.0,-4875,15.0,1,0,0,1,0,0,,1.0,2,2,FRIDAY,10,0,0,0,0,0,0,XNA,,0.22932747180194946,0.7180328113294772,0.033,0.0,0.9702,0.5920000000000001,0.006999999999999999,0.0,0.1034,0.125,0.1667,0.0549,0.0269,0.0457,0.0,0.0,0.0336,0.0,0.9702,0.608,0.006999999999999999,0.0,0.1034,0.125,0.1667,0.0562,0.0294,0.0477,0.0,0.0,0.0333,0.0,0.9702,0.5975,0.006999999999999999,0.0,0.1034,0.125,0.1667,0.0559,0.0274,0.0466,0.0,0.0,reg oper account,block of flats,0.0503,"Stone, brick",No,1.0,1.0,1.0,1.0,-1723.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2641321,133594,Consumer loans,4082.805,26955.0,25857.0,2700.0,26955.0,TUESDAY,7,Y,1,0.10297109131020253,,,XAP,Approved,-2093,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Country-wide,42,Connectivity,8.0,high,POS mobile with interest,365243.0,-2062.0,-1852.0,-1972.0,-1969.0,0.0,0,Cash loans,M,Y,Y,1,171000.0,1288350.0,37800.0,1125000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.030755,-21117,-3672,-153.0,-190,13.0,1,1,0,1,0,0,Core staff,3.0,2,2,TUESDAY,12,0,0,0,0,1,1,School,,0.6038486021938008,0.6594055320683344,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1047511,196409,Cash loans,,0.0,0.0,,,THURSDAY,9,Y,1,,,,XNA,Refused,-107,XNA,SCOFR,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,1,Cash loans,M,N,Y,0,90000.0,284400.0,22468.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.006305,-8754,-1996,-2987.0,-1341,,1,1,0,1,0,0,Laborers,2.0,3,3,SATURDAY,9,0,0,0,0,0,0,Industry: type 11,0.09993623465275067,0.36138481275558265,0.2103502286944494,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-370.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1721412,229032,Consumer loans,12393.81,88533.0,108333.0,4410.0,88533.0,MONDAY,10,Y,1,0.04260034688708754,,,XAP,Approved,-1294,Cash through the bank,XAP,Children,Repeater,Computers,POS,XNA,Stone,90,Consumer electronics,12.0,high,POS household with interest,365243.0,-1263.0,-933.0,-1053.0,-1050.0,0.0,0,Cash loans,M,Y,Y,0,67500.0,284400.0,16326.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020246,-22111,365243,-10176.0,-4909,11.0,1,0,0,1,1,0,,2.0,3,3,SUNDAY,7,0,0,0,0,0,0,XNA,0.5659024483737355,0.4749189673561161,0.5832379256761245,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1294.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2154153,377532,Consumer loans,9945.99,117006.975,105304.5,11702.475,117006.975,SATURDAY,18,Y,1,0.10892563572696104,,,XAP,Approved,-692,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Regional / Local,15,Consumer electronics,12.0,low_normal,POS other with interest,365243.0,-661.0,-331.0,-331.0,-326.0,0.0,0,Revolving loans,M,Y,Y,0,180000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.072508,-8450,-852,-8428.0,-319,64.0,1,1,0,1,1,0,Laborers,1.0,1,1,FRIDAY,14,0,0,0,0,0,0,Trade: type 7,,0.7584792383459371,0.3506958432829587,0.0619,0.0589,0.9742,0.6464,0.0,0.0,0.1034,0.1667,0.0417,0.0413,0.0504,0.0532,0.0,0.0,0.063,0.0611,0.9742,0.6602,0.0,0.0,0.1034,0.1667,0.0417,0.0422,0.0551,0.0555,0.0,0.0,0.0625,0.0589,0.9742,0.6511,0.0,0.0,0.1034,0.1667,0.0417,0.042,0.0513,0.0542,0.0,0.0,not specified,block of flats,0.0419,Panel,No,0.0,0.0,0.0,0.0,-925.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1880165,441757,Revolving loans,9000.0,180000.0,180000.0,,180000.0,TUESDAY,18,Y,1,,,,XAP,Approved,-309,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-308.0,-268.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,3,225000.0,270000.0,21330.0,270000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.030755,-10135,-635,-4214.0,-2731,27.0,1,1,1,1,0,0,,5.0,2,2,TUESDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.3819353549742606,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-309.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2400834,320850,Cash loans,19732.41,688500.0,688500.0,,688500.0,WEDNESDAY,17,Y,1,,,,XNA,Refused,-811,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,180000.0,757597.5,42300.0,702000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.00702,-20937,-630,-6975.0,-3044,,1,1,0,1,1,0,Medicine staff,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Medicine,,0.4942017672417048,0.4014074137749511,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,0.0,-838.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1450382,290869,Consumer loans,7604.235,76050.0,68445.0,7605.0,76050.0,SUNDAY,9,Y,1,0.1089090909090909,,,XAP,Approved,-2880,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,300,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2847.0,-2577.0,-2577.0,-2572.0,0.0,0,Cash loans,F,N,Y,0,112500.0,1136398.5,63585.0,1053000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-23781,365243,-5075.0,-5080,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,XNA,,0.7124863332959507,0.7713615919194317,0.0928,0.1154,0.9786,0.7076,0.0562,0.0,0.2069,0.1667,0.2083,0.0672,0.0756,0.087,0.0,0.0,0.0945,0.1198,0.9786,0.7190000000000001,0.0567,0.0,0.2069,0.1667,0.2083,0.0687,0.0826,0.0906,0.0,0.0,0.0937,0.1154,0.9786,0.7115,0.0565,0.0,0.2069,0.1667,0.2083,0.0684,0.077,0.0885,0.0,0.0,reg oper account,block of flats,0.0991,Panel,No,4.0,0.0,4.0,0.0,-3106.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +1524188,383721,Cash loans,,0.0,0.0,,,WEDNESDAY,8,Y,1,,,,XNA,Refused,-218,XNA,HC,,Repeater,XNA,XNA,XNA,AP+ (Cash loan),4,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,N,1,126000.0,180000.0,14134.5,180000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,Municipal apartment,0.0038179999999999998,-8828,-977,-3625.0,-1507,,1,1,1,1,1,1,Sales staff,3.0,2,2,THURSDAY,5,0,0,0,0,0,0,Self-employed,0.26089906858266776,0.4503137869619196,0.4884551844437485,,,0.9682,,,,0.0345,0.0417,,0.0142,,0.0072,,,,,0.9682,,,,0.0345,0.0417,,0.0145,,0.0075,,,,,0.9682,,,,0.0345,0.0417,,0.0144,,0.0073,,,,block of flats,0.0056,Wooden,Yes,9.0,0.0,8.0,0.0,-796.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1726336,109720,Consumer loans,13389.66,123705.0,120519.0,12370.5,123705.0,MONDAY,8,Y,1,0.10138196840916017,,,XAP,Approved,-2668,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Regional / Local,800,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2634.0,-2364.0,-2454.0,-2445.0,1.0,0,Cash loans,F,Y,Y,0,90000.0,450000.0,16294.5,450000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.028663,-20149,-232,-127.0,-3617,2.0,1,1,0,1,0,0,Private service staff,1.0,2,2,TUESDAY,8,0,0,0,0,0,0,Self-employed,0.7469513538023256,0.6106129152208863,0.5849900404894085,0.2557,0.1057,0.9846,0.7892,0.0258,0.08,0.0345,0.3333,0.375,0.0924,0.2085,0.0707,0.0039,0.0033,0.2605,0.1097,0.9846,0.7975,0.026,0.0806,0.0345,0.3333,0.375,0.0945,0.2277,0.0736,0.0039,0.0035,0.2581,0.1057,0.9846,0.792,0.0259,0.08,0.0345,0.3333,0.375,0.094,0.2121,0.0719,0.0039,0.0034,reg oper account,specific housing,0.1046,"Stone, brick",No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1256855,203962,Revolving loans,9000.0,180000.0,180000.0,,180000.0,THURSDAY,5,Y,1,,,,XAP,Approved,-51,XNA,XAP,Unaccompanied,Refreshed,XNA,Cards,x-sell,Regional / Local,55,Consumer electronics,0.0,XNA,Card X-Sell,-11.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,63000.0,204768.0,11884.5,162000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.001276,-21359,365243,-2495.0,-4568,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,8,0,0,0,0,0,0,XNA,,0.33198290677159803,0.5262949398096192,0.0639,0.0351,0.9806,0.7348,0.0094,0.0,0.0345,0.1667,0.2083,0.0426,0.0521,0.0311,0.2394,0.0479,0.0651,0.0364,0.9806,0.7452,0.0095,0.0,0.0345,0.1667,0.2083,0.0436,0.0569,0.0324,0.2412,0.0507,0.0645,0.0351,0.9806,0.7383,0.0095,0.0,0.0345,0.1667,0.2083,0.0433,0.053,0.0316,0.2407,0.0489,reg oper account,block of flats,0.0296,Block,No,1.0,1.0,1.0,1.0,-51.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1772681,411523,Consumer loans,23921.55,531000.0,531000.0,0.0,531000.0,THURSDAY,15,Y,1,0.0,,,XAP,Approved,-506,Cash through the bank,XAP,,Repeater,Clothing and Accessories,POS,XNA,Stone,20,Clothing,24.0,low_action,POS industry without interest,365243.0,-473.0,217.0,-113.0,-111.0,0.0,0,Cash loans,F,Y,Y,0,193500.0,991818.0,42151.5,886500.0,Children,Pensioner,Secondary / secondary special,Married,House / apartment,0.008575,-23119,365243,-7183.0,-4674,5.0,1,0,0,1,0,0,,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,XNA,,0.6555304997519134,0.7281412993111438,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,2.0,5.0,0.0,-3338.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2021665,148747,Cash loans,19705.86,747000.0,747000.0,,747000.0,TUESDAY,11,Y,1,,,,XNA,Refused,-209,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),3,XNA,60.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,121500.0,729792.0,26343.0,630000.0,Family,Pensioner,Lower secondary,Married,House / apartment,0.015221,-22755,365243,-9803.0,-4329,,1,0,0,1,1,1,,2.0,2,2,MONDAY,10,0,0,0,0,0,0,XNA,,0.5470687440113955,0.4329616670974407,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-210.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1340934,166895,Consumer loans,5950.305,115987.5,129042.0,0.0,115987.5,FRIDAY,13,Y,1,0.0,,,XAP,Refused,-1716,Cash through the bank,LIMIT,"Spouse, partner",Repeater,Computers,POS,XNA,Country-wide,1099,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,1,Cash loans,M,N,Y,0,193500.0,531706.5,28975.5,459000.0,Unaccompanied,Working,Incomplete higher,Single / not married,House / apartment,0.022625,-9264,-1382,-4007.0,-1948,,1,1,0,1,0,0,Laborers,1.0,2,2,SATURDAY,14,0,0,0,0,1,1,Industry: type 2,,0.33074258431555364,0.6380435278721609,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-372.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,1.0,0.0,0.0,0.0,5.0 +2396488,323830,Consumer loans,6160.41,31986.0,30213.0,3199.5,31986.0,SATURDAY,9,Y,1,0.10428870523415974,,,XAP,Approved,-1972,XNA,XAP,Family,Repeater,Mobile,POS,XNA,Stone,25,Consumer electronics,6.0,high,POS household with interest,365243.0,-1938.0,-1788.0,-1788.0,-1782.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,640080.0,31261.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-21163,-12317,-4959.0,-4376,22.0,1,1,0,1,0,0,,2.0,2,2,THURSDAY,8,0,0,0,0,0,0,Business Entity Type 2,,0.2925236847720573,0.6801388218428291,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2582408,179299,Consumer loans,40150.035,480222.0,498375.0,48024.0,480222.0,SUNDAY,12,Y,1,0.09572217705043716,,,XAP,Refused,-1991,Cash through the bank,HC,Other_B,Repeater,Consumer Electronics,POS,XNA,Country-wide,6900,Consumer electronics,24.0,high,POS household with interest,,,,,,,0,Cash loans,F,Y,N,1,360000.0,1971072.0,68512.5,1800000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.031329,-13713,-2465,-3395.0,-487,8.0,1,1,1,1,1,0,Managers,2.0,2,2,TUESDAY,19,0,0,0,0,0,0,Self-employed,0.3784228674711616,0.6170145887583326,0.09507039584133267,0.0557,0.0336,0.9776,0.6940000000000001,0.0106,0.04,0.0345,0.3333,0.0417,0.0261,0.0454,0.0466,0.0,0.0,0.0567,0.0349,0.9777,0.706,0.0107,0.0403,0.0345,0.3333,0.0417,0.0267,0.0496,0.0485,0.0,0.0,0.0562,0.0336,0.9776,0.6981,0.0107,0.04,0.0345,0.3333,0.0417,0.0265,0.0462,0.0474,0.0,0.0,org spec account,block of flats,0.0366,"Stone, brick",No,0.0,0.0,0.0,0.0,-1992.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1531321,131356,Revolving loans,5625.0,0.0,112500.0,,,MONDAY,9,Y,1,,,,XAP,Approved,-2165,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-2136.0,-2075.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,135000.0,755190.0,30078.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Separated,Municipal apartment,0.032561,-18147,-1040,-9212.0,-1706,,1,1,0,1,1,0,Sales staff,1.0,1,1,WEDNESDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.6603681198899123,0.7544061731797895,0.2515,0.3882,0.9821,0.7552,,0.28,0.2414,0.3333,,0.1239,,0.2833,,0.0183,0.2563,0.4028,0.9821,0.7648,,0.282,0.2414,0.3333,,0.1267,,0.2952,,0.0193,0.254,0.3882,0.9821,0.7585,,0.28,0.2414,0.3333,,0.126,,0.2884,,0.0186,,block of flats,0.2268,Panel,No,0.0,0.0,0.0,0.0,-2434.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,4.0,0.0,1.0 +1914808,208560,Revolving loans,4500.0,900000.0,90000.0,,900000.0,FRIDAY,18,Y,1,,,,XAP,Approved,-395,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,-186.0,0.0,0,Cash loans,F,N,Y,0,135000.0,450000.0,32877.0,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.026392000000000002,-10953,-2361,-10915.0,-1706,,1,1,0,1,0,1,Accountants,2.0,2,2,MONDAY,17,0,0,0,0,0,0,Business Entity Type 3,,0.5355096245834279,0.5567274263630174,0.2299,0.1957,0.9816,,,0.0,0.5172,0.1667,,0.2037,,0.2065,,0.0004,0.2342,0.2031,0.9816,,,0.0,0.5172,0.1667,,0.2083,,0.2152,,0.0005,0.2321,0.1957,0.9816,,,0.0,0.5172,0.1667,,0.2072,,0.2102,,0.0004,,block of flats,0.1856,Panel,No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,3.0 +2345595,301036,Cash loans,15697.035,472500.0,566055.0,,472500.0,FRIDAY,13,Y,1,,,,XNA,Approved,-207,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Revolving loans,F,N,Y,0,112500.0,495000.0,24750.0,495000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018634,-19434,-3757,-1267.0,-2931,,1,1,0,1,1,0,Sales staff,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.3102275300282912,0.5585066276769286,0.1031,0.1217,0.9806,0.7348,0.0502,0.0,0.2069,0.1667,0.0417,0.0536,0.0841,0.0897,0.0,0.0,0.105,0.1263,0.9806,0.7452,0.0506,0.0,0.2069,0.1667,0.0417,0.0549,0.0918,0.0934,0.0,0.0,0.1041,0.1217,0.9806,0.7383,0.0505,0.0,0.2069,0.1667,0.0417,0.0546,0.0855,0.0913,0.0,0.0,org spec account,block of flats,0.098,"Stone, brick",No,3.0,0.0,3.0,0.0,-1645.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,3.0 +1780282,355424,Consumer loans,4989.6,44581.5,49878.0,0.0,44581.5,THURSDAY,14,Y,1,0.0,,,XAP,Approved,-154,Cash through the bank,XAP,Unaccompanied,New,Sport and Leisure,POS,XNA,Regional / Local,988,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-124.0,206.0,-64.0,-53.0,1.0,0,Cash loans,F,N,Y,0,180000.0,970380.0,28503.0,810000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.020246,-18439,-11176,-8350.0,-1976,,1,1,0,1,1,0,Core staff,1.0,3,3,THURSDAY,12,0,0,0,0,1,1,Medicine,,0.4699592493700281,0.31703177858344445,0.1031,0.1108,0.9791,0.7144,,0.0,0.2069,0.1667,0.0417,0.093,0.0841,0.0885,0.0,0.0,0.105,0.1149,0.9791,0.7256,,0.0,0.2069,0.1667,0.0417,0.0951,0.0918,0.0922,0.0,0.0,0.1041,0.1108,0.9791,0.7182,,0.0,0.2069,0.1667,0.0417,0.0946,0.0855,0.0901,0.0,0.0,reg oper account,block of flats,0.0696,Panel,No,0.0,0.0,0.0,0.0,-154.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2347475,172710,Consumer loans,10906.02,107093.25,96385.5,10707.75,107093.25,MONDAY,14,Y,1,0.10889307385683206,,,XAP,Approved,-855,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,6,Connectivity,12.0,high,POS mobile with interest,365243.0,-816.0,-486.0,-636.0,-632.0,0.0,0,Cash loans,F,N,Y,0,202500.0,601470.0,30838.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.031329,-14324,-720,-3681.0,-5073,,1,1,0,1,1,0,Sales staff,1.0,2,2,TUESDAY,9,0,0,0,0,1,1,Trade: type 3,0.0455625533972685,0.5321356722661968,0.05803230877897029,0.0519,0.0,0.9851,0.7959999999999999,0.0107,0.0264,0.0803,0.2775,0.0417,0.0305,0.0423,0.0575,0.0,0.0,0.0378,0.0,0.9856,0.8105,0.008,0.0403,0.0345,0.3333,0.0417,0.0186,0.0331,0.0444,0.0,0.0,0.0375,0.0,0.9856,0.8054,0.0081,0.04,0.0345,0.3333,0.0417,0.0188,0.0308,0.0436,0.0,0.0,not specified,block of flats,0.0335,Panel,No,3.0,1.0,3.0,1.0,-1734.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1473941,132186,Consumer loans,2024.01,20191.5,22464.0,0.0,20191.5,WEDNESDAY,16,Y,1,0.0,,,XAP,Approved,-1573,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Stone,135,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-1542.0,-1212.0,-1212.0,-1205.0,0.0,0,Cash loans,F,N,Y,0,99000.0,170640.0,8428.5,135000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.010966,-21798,365243,-1427.0,-4129,,1,0,0,1,0,0,,1.0,2,2,MONDAY,13,0,0,0,0,0,0,XNA,,0.20468086750589826,0.34578480246959553,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2366.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1269068,372708,Revolving loans,10125.0,202500.0,202500.0,,202500.0,MONDAY,16,Y,1,,,,XAP,Refused,-102,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Revolving loans,F,N,Y,1,180000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007114,-11735,-3201,-3965.0,-385,,1,1,0,1,1,0,Laborers,3.0,2,2,FRIDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.2629358786975408,0.13094715293601816,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,1.0,8.0,1.0,-323.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1815557,119783,Consumer loans,6547.185,79190.64,62298.0,22504.14,79190.64,SUNDAY,16,Y,1,0.2890145731099368,,,XAP,Approved,-1384,XNA,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,1200,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1353.0,-1023.0,-1023.0,-1020.0,0.0,0,Cash loans,F,N,N,0,279000.0,643500.0,25650.0,643500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.010147,-21736,365243,-7925.0,-4950,,1,0,0,1,1,0,,1.0,2,2,FRIDAY,12,0,0,0,0,0,0,XNA,,0.6940641681709795,0.520897599048938,0.0691,0.0791,0.9752,0.66,,0.0,0.1379,0.1667,0.2083,0.0087,0.0538,0.0497,0.0116,0.0713,0.0704,0.08199999999999999,0.9752,0.6733,,0.0,0.1379,0.1667,0.2083,0.0089,0.0588,0.0518,0.0117,0.0755,0.0697,0.0791,0.9752,0.6645,,0.0,0.1379,0.1667,0.2083,0.0089,0.0547,0.0506,0.0116,0.0728,reg oper spec account,block of flats,0.0546,"Stone, brick",No,0.0,0.0,0.0,0.0,-2209.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1173315,184835,Revolving loans,10125.0,202500.0,202500.0,,202500.0,MONDAY,11,Y,1,,,,XAP,Refused,-312,XNA,HC,Unaccompanied,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),2,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,N,0,112500.0,90000.0,4374.0,90000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.018209,-12048,-2016,-682.0,-4105,,1,1,0,1,1,0,,2.0,3,3,SATURDAY,7,0,0,0,0,0,0,Business Entity Type 2,,0.12913139498851167,0.5602843280409464,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-498.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2781478,210726,Revolving loans,2250.0,45000.0,45000.0,,45000.0,THURSDAY,11,Y,1,,,,XAP,Refused,-363,XNA,SCOFR,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,Y,Y,1,162000.0,268659.0,21357.0,243000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.0060079999999999995,-9914,-2392,-2472.0,-147,2.0,1,1,0,1,0,0,Laborers,3.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,Industry: type 7,0.1624889853398158,0.4567794035150832,0.39277386060313396,0.2227,0.1429,0.9896,0.8572,0.0916,0.24,0.2069,0.3333,0.375,,0.1816,0.2358,0.0,0.0,0.2269,0.1483,0.9896,0.8628,0.0924,0.2417,0.2069,0.3333,0.375,,0.1983,0.2456,0.0,0.0,0.2248,0.1429,0.9896,0.8591,0.0922,0.24,0.2069,0.3333,0.375,,0.1847,0.24,0.0,0.0,reg oper account,block of flats,0.2072,Panel,No,3.0,0.0,3.0,0.0,-335.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +1900557,192965,Consumer loans,17210.385,79501.5,83700.0,0.0,79501.5,WEDNESDAY,11,Y,1,0.0,,,XAP,Approved,-187,Cash through the bank,XAP,Family,Repeater,Construction Materials,POS,XNA,Stone,10,Construction,6.0,high,POS industry with interest,365243.0,-157.0,-7.0,-97.0,-92.0,1.0,0,Cash loans,M,Y,Y,0,360000.0,1800000.0,73314.0,1800000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-17750,-1696,-4259.0,-1293,3.0,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,8,0,1,1,0,1,1,Industry: type 9,,0.6845295159977436,0.5638350489514956,0.0804,0.0545,0.993,0.9048,,0.08,0.069,0.3333,,0.0208,0.0656,0.0472,0.0,0.0,0.0819,0.0566,0.993,0.9085,,0.0806,0.069,0.3333,,0.0213,0.0716,0.0492,0.0,0.0,0.0812,0.0545,0.993,0.9061,,0.08,0.069,0.3333,,0.0212,0.0667,0.0481,0.0,0.0,reg oper account,block of flats,0.0759,"Stone, brick",No,2.0,0.0,2.0,0.0,-2303.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +1720499,448395,Consumer loans,6288.75,99427.5,119115.0,0.0,99427.5,SUNDAY,6,Y,1,0.0,,,XAP,Approved,-1455,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,1759,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-1424.0,-734.0,-1034.0,-1028.0,0.0,0,Cash loans,M,N,N,0,112500.0,276277.5,11835.0,238500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018029,-19878,-7780,-12119.0,-3410,,1,1,0,1,0,0,Laborers,2.0,3,3,SATURDAY,8,0,0,0,0,0,0,Business Entity Type 3,0.6359786354091556,0.4259653165504175,0.7826078370261895,,,0.9811,,,,0.3793,0.1667,,,,,,,,,0.9811,,,,0.3793,0.1667,,,,,,,,,0.9811,,,,0.3793,0.1667,,,,,,,,block of flats,0.1231,Panel,No,0.0,0.0,0.0,0.0,-1455.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1422522,221680,Consumer loans,10046.745,87885.0,97164.0,0.0,87885.0,MONDAY,7,Y,1,0.0,,,XAP,Refused,-343,Cash through the bank,HC,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,200,Consumer electronics,12.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,Y,2,67500.0,199080.0,13432.5,157500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.002134,-13309,-714,-2612.0,-200,,1,1,0,1,0,0,Sales staff,4.0,3,3,MONDAY,7,0,0,0,1,1,0,Self-employed,,0.5176635365432891,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-448.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1137596,295658,Cash loans,7449.975,67500.0,67500.0,0.0,67500.0,THURSDAY,11,Y,1,0.0,,,XNA,Approved,-2160,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,53,Consumer electronics,12.0,high,Cash Street: high,365243.0,-2130.0,-1800.0,-1800.0,-1793.0,0.0,0,Cash loans,F,N,Y,0,135000.0,900000.0,38263.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.020713,-23678,-2674,-1147.0,-4654,,1,1,0,1,0,0,,2.0,3,2,MONDAY,10,0,0,0,0,0,0,Business Entity Type 2,,0.2918633888482428,0.5585066276769286,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1745.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1536033,358321,Consumer loans,17423.775,174258.0,156829.5,17428.5,174258.0,TUESDAY,15,Y,1,0.10892596557455553,,,XAP,Approved,-2051,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,1354,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-2020.0,-1750.0,-1750.0,-1745.0,0.0,0,Cash loans,M,N,N,0,157500.0,835380.0,30955.5,675000.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.009334,-9788,-1083,-20.0,-2456,,1,1,0,1,0,0,Core staff,1.0,2,2,WEDNESDAY,18,0,0,0,0,0,0,Trade: type 2,,0.5036482381510776,0.4436153084085652,0.0309,0.0564,0.9732,0.6328,,0.0,0.1034,0.1667,0.2083,,,0.047,,0.0429,0.0315,0.0585,0.9732,0.6472,,0.0,0.1034,0.1667,0.2083,,,0.0489,,0.0455,0.0312,0.0564,0.9732,0.6377,,0.0,0.1034,0.1667,0.2083,,,0.0478,,0.0438,reg oper account,block of flats,0.05,"Stone, brick",No,5.0,0.0,5.0,0.0,-1811.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1601076,294809,Cash loans,23332.5,450000.0,450000.0,0.0,450000.0,WEDNESDAY,15,Y,1,0.0,,,XNA,Refused,-2429,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,36.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,N,0,189000.0,1288350.0,41562.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.019688999999999998,-17061,-5303,-2952.0,-614,,1,1,1,1,0,0,Managers,1.0,2,2,TUESDAY,12,0,0,0,0,0,0,Other,,0.6703924236397789,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1594.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2463678,202859,Consumer loans,5021.91,68759.775,68755.5,4.275,68759.775,THURSDAY,15,Y,1,6.771202547366736e-05,,,XAP,Approved,-299,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,1235,Consumer electronics,18.0,middle,POS household with interest,365243.0,-269.0,241.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,99000.0,531000.0,17127.0,531000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.026392000000000002,-14545,-3038,-2688.0,-4603,,1,1,1,1,1,0,Sales staff,2.0,2,2,TUESDAY,12,0,0,0,0,1,1,Self-employed,,0.33299238900104555,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1522163,214055,Consumer loans,11702.205,95710.5,93244.5,9571.5,95710.5,SUNDAY,12,Y,1,0.10138727081741784,,,XAP,Approved,-2671,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,501,Consumer electronics,10.0,high,POS household with interest,365243.0,-2640.0,-2370.0,-2370.0,-2363.0,1.0,0,Revolving loans,F,N,Y,2,135000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.020246,-12883,-3660,-1329.0,-4802,,1,1,0,1,0,0,Core staff,4.0,3,3,THURSDAY,13,0,0,0,0,0,0,Government,0.34579517863201903,0.4486850394017371,0.5460231970049609,0.0742,0.0566,0.9861,0.8096,0.0,0.08,0.069,0.3333,0.375,0.0644,0.0605,0.0763,0.0,0.0031,0.0756,0.0588,0.9861,0.8171,0.0,0.0806,0.069,0.3333,0.375,0.0659,0.0661,0.0795,0.0,0.0033,0.0749,0.0566,0.9861,0.8121,0.0,0.08,0.069,0.3333,0.375,0.0656,0.0616,0.0776,0.0,0.0032,reg oper account,block of flats,0.0702,Panel,No,1.0,0.0,1.0,0.0,-2397.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +1248137,252761,Cash loans,,0.0,0.0,,,WEDNESDAY,10,Y,1,,,,XNA,Refused,-121,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,90000.0,392427.0,19215.0,324000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.019101,-18223,-430,-10034.0,-436,,1,1,0,1,0,0,Cooking staff,1.0,2,2,FRIDAY,11,0,0,0,0,1,1,Medicine,,0.4450959925990144,0.2750003523983893,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-388.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2044230,250182,Consumer loans,1953.315,17775.0,17581.5,1777.5,17775.0,MONDAY,9,Y,1,0.09999788681797052,,,XAP,Approved,-2153,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,18,Connectivity,12.0,high,POS mobile with interest,365243.0,-2122.0,-1792.0,-1852.0,-1846.0,0.0,0,Cash loans,M,Y,N,0,202500.0,552555.0,17478.0,477000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-18240,-2554,-1141.0,-1786,2.0,1,1,0,1,0,0,Drivers,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Transport: type 3,,0.3716147978081684,0.3556387169923543,0.1196,0.1112,0.9871,0.8232,0.2471,0.0,0.2759,0.1667,0.0417,0.1607,0.0967,0.1051,0.0039,0.0027,0.1218,0.1154,0.9871,0.8301,0.2494,0.0,0.2759,0.1667,0.0417,0.1644,0.1056,0.1095,0.0039,0.0029,0.1207,0.1112,0.9871,0.8256,0.2487,0.0,0.2759,0.1667,0.0417,0.1635,0.0983,0.107,0.0039,0.0028,reg oper account,block of flats,0.0833,"Stone, brick",No,8.0,0.0,8.0,0.0,-1536.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1731135,357912,Consumer loans,6789.06,61780.5,61780.5,0.0,61780.5,TUESDAY,9,Y,1,0.0,,,XAP,Approved,-471,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,100,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-432.0,-162.0,-162.0,-158.0,0.0,0,Cash loans,M,N,N,0,135000.0,900000.0,48825.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008625,-13701,-470,-5666.0,-4271,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,15,0,1,1,0,1,1,Other,0.2518568083548656,0.3327932828524244,0.6863823354047934,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-472.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2377430,283368,Cash loans,27449.82,450000.0,491580.0,,450000.0,TUESDAY,11,Y,1,,,,XNA,Refused,-407,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,N,Y,3,180000.0,239850.0,28462.5,225000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.04622,-12261,-1482,-1268.0,-1531,,1,1,0,1,1,0,Laborers,5.0,1,1,WEDNESDAY,16,0,1,1,0,1,1,Industry: type 1,0.15652514009299634,0.7228798147996307,0.4722533429586386,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-585.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2277179,277949,Revolving loans,18000.0,360000.0,360000.0,,360000.0,SATURDAY,10,Y,1,,,,XAP,Refused,-300,XNA,SCOFR,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,Y,N,1,225000.0,1408113.0,41301.0,1102500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,Municipal apartment,0.072508,-15939,365243,-10005.0,-5651,15.0,1,0,0,1,0,0,,3.0,1,1,FRIDAY,17,0,0,0,0,0,0,XNA,0.5370364982925918,0.7705282971648422,0.3185955240537633,0.1701,0.0416,0.9821,0.7552,0.0,0.24,0.1034,0.4583,0.5,0.0,0.1387,0.0,0.0,0.0,0.1733,0.0432,0.9821,0.7648,0.0,0.2417,0.1034,0.4583,0.5,0.0,0.1515,0.0,0.0,0.0,0.1718,0.0416,0.9821,0.7585,0.0,0.24,0.1034,0.4583,0.5,0.0,0.1411,0.0,0.0,0.0,reg oper account,block of flats,0.1462,Block,No,0.0,0.0,0.0,0.0,-382.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,1.0,2.0,7.0 +1520402,160209,Consumer loans,3348.045,27346.5,27535.5,2736.0,27346.5,FRIDAY,18,Y,1,0.09843426084841277,,,XAP,Approved,-245,Cash through the bank,XAP,Unaccompanied,Refreshed,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,high,POS mobile with interest,365243.0,-214.0,116.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,45000.0,454500.0,16452.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.011703,-16961,-3308,-8059.0,-515,,1,1,1,1,1,0,Laborers,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,Industry: type 11,0.5281621842788338,0.6530920379268959,0.6075573001388961,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1548.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +2755206,130298,Revolving loans,9000.0,0.0,180000.0,,,FRIDAY,10,Y,1,,,,XAP,Approved,-2540,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,1200,Consumer electronics,0.0,XNA,Card Street,-2525.0,-2463.0,365243.0,-2157.0,-812.0,0.0,0,Cash loans,F,N,Y,0,270000.0,239850.0,23719.5,225000.0,Unaccompanied,Pensioner,Higher education,Single / not married,House / apartment,0.072508,-24071,365243,-12928.0,-4320,,1,0,0,1,1,0,,1.0,1,1,THURSDAY,9,0,0,0,0,0,0,XNA,,0.4130524745451478,0.7136313997323308,0.3691,0.1891,0.9811,0.7416,0.259,0.52,0.2241,0.5417,0.5833,0.0,0.3009,0.3756,0.0,0.2002,0.2216,0.1435,0.9801,0.7387,0.159,0.3222,0.1379,0.5417,0.5833,0.0,0.1938,0.2268,0.0,0.07200000000000001,0.3726,0.1891,0.9811,0.7451,0.2607,0.52,0.2241,0.5417,0.5833,0.0,0.3061,0.3824,0.0,0.2044,reg oper spec account,block of flats,0.18600000000000005,"Stone, brick",No,0.0,0.0,0.0,0.0,-2902.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2587664,347424,Cash loans,34083.0,180000.0,180000.0,0.0,180000.0,WEDNESDAY,8,Y,1,0.0,,,XNA,Refused,-2512,Cash through the bank,LIMIT,"Spouse, partner",Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,middle,Cash Street: middle,,,,,,,0,Cash loans,M,N,Y,0,157500.0,427500.0,21955.5,427500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-19824,365243,-847.0,-2902,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,,0.6226517577753016,0.6706517530862718,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2081104,275892,Consumer loans,12112.29,134955.0,124330.5,22500.0,134955.0,THURSDAY,9,Y,1,0.16689002253990454,,,XAP,Refused,-290,Cash through the bank,LIMIT,Family,Repeater,Computers,POS,XNA,Country-wide,1000,Consumer electronics,12.0,low_normal,POS household with interest,,,,,,,0,Revolving loans,M,Y,N,1,180000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-9348,-1657,-4223.0,-2024,2.0,1,1,0,1,0,1,High skill tech staff,3.0,3,2,SUNDAY,10,0,0,0,0,0,0,Self-employed,0.3584420675300051,0.3543948252235246,0.18848953379516772,0.0619,0.12,0.993,0.9048,0.0446,0.12,0.1034,0.2083,0.25,0.0996,0.0504,0.1467,0.0,0.0,0.063,0.1245,0.993,0.9085,0.045,0.1208,0.1034,0.2083,0.25,0.1019,0.0551,0.1529,0.0,0.0,0.0625,0.12,0.993,0.9061,0.0449,0.12,0.1034,0.2083,0.25,0.1013,0.0513,0.1494,0.0,0.0,reg oper spec account,block of flats,0.1398,"Stone, brick",No,0.0,0.0,0.0,0.0,-2524.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1158880,330056,Cash loans,14352.93,225000.0,254700.0,,225000.0,TUESDAY,10,Y,1,,,,XNA,Approved,-207,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),6,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-176.0,514.0,-26.0,-20.0,0.0,0,Cash loans,F,N,N,0,121500.0,327024.0,10575.0,270000.0,Family,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.04622,-23724,365243,-8383.0,-4362,,1,0,0,1,0,0,,2.0,1,1,SATURDAY,10,0,0,0,0,0,0,XNA,,0.7494174582985605,0.5902333386185574,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0058,,No,1.0,1.0,1.0,1.0,-1423.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,7.0 +1257021,376202,Consumer loans,26950.05,179955.0,143964.0,35991.0,179955.0,TUESDAY,18,Y,1,0.2178181818181818,,,XAP,Approved,-2172,Cash through the bank,XAP,Other_A,Repeater,Computers,POS,XNA,Country-wide,90,Consumer electronics,6.0,middle,POS mobile with interest,365243.0,-2141.0,-1991.0,-1991.0,-1985.0,0.0,0,Cash loans,F,Y,N,2,202500.0,454500.0,44275.5,454500.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.04622,-11454,-1562,-5439.0,-3789,8.0,1,1,0,1,1,0,,4.0,1,1,TUESDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.39081624272896975,0.6700637643294595,,0.0732,,0.9871,0.8232,,0.08,0.069,0.3333,0.375,,,0.0724,,0.0673,0.0746,,0.9871,0.8301,,0.0806,0.069,0.3333,0.375,,,0.0754,,0.0712,0.0739,,0.9871,0.8256,,0.08,0.069,0.3333,0.375,,,0.0737,,0.0687,reg oper account,block of flats,0.0715,Panel,No,1.0,0.0,1.0,0.0,-2175.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1258189,340453,Cash loans,27084.6,225000.0,269757.0,,225000.0,THURSDAY,11,Y,1,,,,XNA,Approved,-1353,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1323.0,-993.0,-993.0,-985.0,1.0,0,Cash loans,M,Y,N,0,270000.0,1371204.0,45445.5,1228500.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.072508,-16709,-3384,-9122.0,-238,16.0,1,1,0,1,0,0,Laborers,1.0,1,1,SATURDAY,11,0,1,1,0,0,0,Transport: type 4,0.6745172044328402,0.7577855420016152,0.5495965024956946,0.2052,0.1465,0.9806,0.7348,0.0,0.24,0.2069,0.3333,0.375,0.0,0.1673,0.1991,0.0,0.0551,0.209,0.1521,0.9806,0.7452,0.0,0.2417,0.2069,0.3333,0.375,0.0,0.1827,0.2074,0.0,0.0584,0.2071,0.1465,0.9806,0.7383,0.0,0.24,0.2069,0.3333,0.375,0.0,0.1702,0.2027,0.0,0.0563,reg oper account,block of flats,0.1688,Panel,No,3.0,1.0,3.0,0.0,-2131.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1627432,417012,Consumer loans,8169.39,67900.5,68562.0,6790.5,67900.5,TUESDAY,14,Y,1,0.09814500936507506,,,XAP,Approved,-1010,Cash through the bank,XAP,Family,New,Photo / Cinema Equipment,POS,XNA,Country-wide,1810,Consumer electronics,10.0,middle,POS household with interest,365243.0,-979.0,-709.0,-709.0,-703.0,0.0,0,Cash loans,M,Y,Y,0,108000.0,254700.0,16407.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.008865999999999999,-10300,-1362,-5064.0,-2955,7.0,1,1,0,1,0,0,Core staff,1.0,2,2,THURSDAY,12,0,0,0,0,0,0,Self-employed,0.33507584850373745,0.3044829592209776,,0.1,0.0932,0.9816,,,0.0,0.2069,0.1667,,0.049,,0.0909,,0.0288,0.1019,0.0967,0.9816,,,0.0,0.2069,0.1667,,0.0501,,0.0947,,0.0305,0.101,0.0932,0.9816,,,0.0,0.2069,0.1667,,0.0498,,0.0925,,0.0294,,block of flats,0.0914,Panel,No,0.0,0.0,0.0,0.0,-1010.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1569547,191213,Consumer loans,9146.16,75645.0,47785.5,30258.0,75645.0,THURSDAY,14,Y,1,0.422248012035246,,,XAP,Approved,-782,Cash through the bank,XAP,Family,Refreshed,Mobile,POS,XNA,Country-wide,53,Connectivity,6.0,middle,POS mobile with interest,365243.0,-751.0,-601.0,-601.0,-589.0,0.0,0,Revolving loans,F,Y,Y,1,202500.0,585000.0,29250.0,585000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.028663,-20227,-1973,-4085.0,-2791,16.0,1,1,0,1,0,0,Laborers,3.0,2,2,TUESDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.6747985370900066,0.6858785266646048,0.8377468531540618,0.1103,0.0134,0.9891,,,0.12,0.1034,0.3333,,0.02,,0.118,,0.0,0.1124,0.0139,0.9891,,,0.1208,0.1034,0.3333,,0.0204,,0.123,,0.0,0.1114,0.0134,0.9891,,,0.12,0.1034,0.3333,,0.0203,,0.1201,,0.0,,block of flats,0.0988,Panel,No,0.0,0.0,0.0,0.0,-2145.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1899236,260030,Revolving loans,12375.0,247500.0,247500.0,,247500.0,FRIDAY,17,Y,1,,,,XAP,Approved,-31,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Country-wide,1550,Consumer electronics,0.0,XNA,Card X-Sell,-12.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,135000.0,240660.0,11835.0,157500.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.018634,-20780,-5548,-5561.0,-3604,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,18,0,0,0,0,0,0,Business Entity Type 3,,0.6023358369269596,,0.1237,0.0922,0.9762,0.6736,0.0447,0.0,0.1379,0.1667,0.2083,0.0559,0.0992,0.0934,0.0077,0.0266,0.1261,0.0957,0.9762,0.6864,0.0451,0.0,0.1379,0.1667,0.2083,0.0572,0.1084,0.0973,0.0078,0.0282,0.1249,0.0922,0.9762,0.6779999999999999,0.045,0.0,0.1379,0.1667,0.2083,0.0569,0.1009,0.0951,0.0078,0.0272,reg oper account,block of flats,0.0978,"Stone, brick",No,2.0,1.0,2.0,0.0,-715.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1598163,169144,Consumer loans,5805.36,74857.5,90666.0,0.0,74857.5,TUESDAY,17,Y,1,0.0,,,XAP,Approved,-867,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,1550,Consumer electronics,24.0,middle,POS household with interest,365243.0,-836.0,-146.0,-356.0,-337.0,0.0,0,Cash loans,F,N,N,0,112500.0,545040.0,25537.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,With parents,0.018634,-13270,-1038,-1138.0,-649,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,18,0,0,0,0,0,0,Business Entity Type 3,,0.20958277232130387,,0.0742,0.0534,0.9861,0.8096,0.03,0.08,0.069,0.3333,0.375,0.0174,0.0605,0.0764,0.0,0.0,0.0756,0.0554,0.9861,0.8171,0.0303,0.0806,0.069,0.3333,0.375,0.0177,0.0661,0.0796,0.0,0.0,0.0749,0.0534,0.9861,0.8121,0.0302,0.08,0.069,0.3333,0.375,0.0177,0.0616,0.0778,0.0,0.0,reg oper spec account,block of flats,0.0765,Panel,No,2.0,0.0,2.0,0.0,-867.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1284867,338629,Consumer loans,3766.635,34803.0,33903.0,3483.0,34803.0,FRIDAY,14,Y,1,0.10146321180023632,,,XAP,Approved,-2600,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Stone,120,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2569.0,-2299.0,-2299.0,-2297.0,1.0,0,Cash loans,F,Y,N,0,396000.0,760500.0,41386.5,760500.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.028663,-19432,365243,-9069.0,-2978,18.0,1,0,0,0,1,0,,2.0,2,2,MONDAY,8,0,0,0,0,0,0,XNA,0.7096411202277342,0.3187316674485801,0.5989262182569273,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,0.0,8.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2467216,121894,Consumer loans,1485.045,19260.0,15061.5,5760.0,19260.0,WEDNESDAY,6,Y,1,0.3012829832799576,,,XAP,Approved,-1340,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,96,Connectivity,14.0,high,POS mobile with interest,365243.0,-1304.0,-914.0,-1214.0,-1210.0,0.0,1,Cash loans,M,N,N,2,184500.0,385164.0,23404.5,292500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-9949,-974,-1408.0,-2552,,1,1,0,1,0,0,Security staff,4.0,3,3,SATURDAY,12,0,0,0,0,1,1,Transport: type 2,,0.5930871319652742,0.2608559142068693,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1340.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2633816,226058,Consumer loans,2425.185,11205.0,11794.5,0.0,11205.0,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-498,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,44,Connectivity,6.0,high,POS mobile with interest,365243.0,-467.0,-317.0,-377.0,-372.0,0.0,0,Cash loans,M,Y,Y,2,180000.0,814041.0,23931.0,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-14834,-3624,-3267.0,-1991,3.0,1,1,0,1,0,0,Drivers,4.0,2,2,MONDAY,9,0,1,1,0,0,0,Transport: type 4,0.3273029428294901,0.568108874049696,0.7662336700704004,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-1008.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1161199,247618,Consumer loans,5816.835,47970.0,47425.5,4815.0,47970.0,WEDNESDAY,11,Y,1,0.10038136555493783,,,XAP,Approved,-1286,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,12.0,high,POS mobile with interest,365243.0,-1255.0,-925.0,-925.0,-918.0,0.0,1,Cash loans,F,N,Y,1,90000.0,1133748.0,33147.0,990000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-15868,-4675,-6336.0,-4498,,1,1,1,1,1,1,,3.0,2,2,MONDAY,14,0,0,0,0,1,1,School,0.1551147324065631,0.5423234724944601,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1828.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1446953,190630,Cash loans,19199.79,270000.0,306531.0,,270000.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-508,XNA,XAP,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),6,XNA,30.0,high,Cash X-Sell: high,365243.0,-478.0,392.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,202500.0,696150.0,29623.5,562500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.010147,-19602,-2655,-7507.0,-2811,,1,1,0,1,0,0,Laborers,1.0,2,2,SUNDAY,11,0,0,0,0,0,0,Industry: type 3,,0.222558540472562,,,,0.9891,,,,,,,,,0.0174,,,,,0.9891,,,,,,,,,0.0181,,,,,0.9891,,,,,,,,,0.0177,,,,,0.0137,,No,1.0,0.0,1.0,0.0,-855.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1135201,437792,Consumer loans,16315.875,80955.0,80019.0,9000.0,80955.0,SATURDAY,12,Y,1,0.1101092820838044,,,XAP,Approved,-1047,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,15,Connectivity,6.0,high,POS mobile with interest,365243.0,-1016.0,-866.0,-866.0,-864.0,0.0,0,Cash loans,M,Y,N,0,180000.0,1129500.0,31189.5,1129500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-14353,-1863,-729.0,-4901,10.0,1,1,1,1,1,0,Laborers,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.7536518029699489,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1318.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2812360,449056,Cash loans,71133.3,2205000.0,2205000.0,,2205000.0,SATURDAY,15,Y,1,,,,XNA,Approved,-473,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,N,Y,0,270000.0,1080000.0,31707.0,1080000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.030755,-14226,-1386,-3428.0,-3899,,1,1,0,1,0,0,Managers,2.0,2,2,WEDNESDAY,15,0,0,0,1,1,0,Self-employed,0.4632680178887155,0.6023515504753699,0.5867400085415683,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1023.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1626522,392000,Consumer loans,8250.03,65610.0,76248.0,6561.0,65610.0,SATURDAY,6,Y,1,0.08628923733586269,,,XAP,Approved,-1720,XNA,XAP,Family,New,Mobile,POS,XNA,Stone,50,Connectivity,14.0,high,POS mobile with interest,365243.0,-1689.0,-1299.0,-1299.0,-1292.0,0.0,0,Cash loans,F,Y,N,0,117000.0,450000.0,24412.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.010032,-8682,-2114,-8681.0,-1354,17.0,1,1,0,1,0,0,Core staff,1.0,2,2,THURSDAY,10,0,0,0,0,0,0,Kindergarten,,0.3234795973494013,0.2636468134452008,0.0072,0.0,0.9692,0.5784,0.0007,0.0,0.0345,0.0417,0.0833,0.005,0.0059,0.0051,0.0,0.0,0.0074,0.0,0.9692,0.5949,0.0007,0.0,0.0345,0.0417,0.0833,0.0051,0.0064,0.0053,0.0,0.0,0.0073,0.0,0.9692,0.584,0.0007,0.0,0.0345,0.0417,0.0833,0.0051,0.006,0.0051,0.0,0.0,reg oper account,block of flats,0.0044,Wooden,No,0.0,0.0,0.0,0.0,-110.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1488422,399253,Cash loans,51732.765,1215000.0,1338493.5,,1215000.0,SUNDAY,9,Y,1,,,,XNA,Approved,-386,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,42.0,low_normal,Cash X-Sell: low,365243.0,-356.0,874.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,0,436500.0,760225.5,30150.0,679500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010006000000000001,-18767,-5113,-4205.0,-2144,8.0,1,1,1,1,1,0,Core staff,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Medicine,0.8051691825621659,0.6267685446705719,0.4686596550493113,0.0722,0.0782,0.9846,0.7892,0.008,0.0,0.1379,0.1667,0.2083,0.0329,0.0588,0.0658,0.0,0.0,0.0735,0.0811,0.9846,0.7975,0.0081,0.0,0.1379,0.1667,0.2083,0.0337,0.0643,0.0686,0.0,0.0,0.0729,0.0782,0.9846,0.792,0.0081,0.0,0.1379,0.1667,0.2083,0.0335,0.0599,0.067,0.0,0.0,reg oper account,block of flats,0.0562,Panel,No,1.0,0.0,1.0,0.0,-1514.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2104014,209349,Revolving loans,18000.0,360000.0,360000.0,,360000.0,THURSDAY,17,Y,1,,,,XAP,Approved,-224,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-211.0,-180.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,157500.0,439740.0,22612.5,315000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.00963,-18104,-162,-9402.0,-1644,,1,1,0,1,0,1,High skill tech staff,1.0,2,2,THURSDAY,17,0,0,0,0,0,0,Industry: type 11,0.7628317425742019,0.564575001846526,0.3506958432829587,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-845.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2186056,131781,Cash loans,43412.22,1350000.0,1546020.0,,1350000.0,WEDNESDAY,11,Y,1,,,,Other,Refused,-449,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,202500.0,269550.0,12001.5,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.00963,-16602,-895,-8306.0,-100,,1,1,1,1,1,0,Laborers,1.0,2,2,SATURDAY,17,0,1,1,0,1,1,Transport: type 4,,0.38107881811367744,0.22383131747015547,0.0619,,0.9776,,,0.0,0.1379,0.125,,0.0337,,0.0473,,0.0097,0.063,,0.9777,,,0.0,0.1379,0.125,,0.0345,,0.0493,,0.0103,0.0625,,0.9776,,,0.0,0.1379,0.125,,0.0343,,0.0482,,0.0099,,block of flats,0.0427,"Stone, brick",No,0.0,0.0,0.0,0.0,-942.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2419919,214359,Cash loans,69356.25,2250000.0,2517300.0,,2250000.0,SATURDAY,8,Y,1,,,,XNA,Refused,-162,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,292500.0,490495.5,47911.5,454500.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.020713,-14165,-1144,-4407.0,-4407,,1,1,0,1,0,0,Core staff,2.0,3,1,SUNDAY,8,0,0,0,0,0,0,Police,,0.13413251755321615,0.6075573001388961,0.1608,0.0,0.9712,0.6056,0.0307,0.0,0.2759,0.1667,0.0,0.1106,0.1294,0.2048,0.0077,0.0455,0.1639,0.0,0.9712,0.621,0.031,0.0,0.2759,0.1667,0.0,0.1131,0.1414,0.2134,0.0078,0.0481,0.1624,0.0,0.9712,0.6109,0.0309,0.0,0.2759,0.1667,0.0,0.1125,0.1317,0.2085,0.0078,0.0464,reg oper account,block of flats,0.1878,"Stone, brick",No,0.0,0.0,0.0,0.0,-727.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2056627,148944,Consumer loans,11521.44,111645.0,123435.0,0.0,111645.0,SATURDAY,15,Y,1,0.0,,,XAP,Approved,-429,Cash through the bank,XAP,,New,Office Appliances,POS,XNA,Country-wide,200,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-397.0,-67.0,-67.0,-64.0,0.0,0,Cash loans,M,Y,N,0,112500.0,331632.0,37548.0,315000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.030755,-10619,-1062,-5176.0,-553,13.0,1,1,1,1,0,0,Drivers,2.0,2,2,MONDAY,11,0,0,0,0,1,1,Business Entity Type 3,,0.3940853686256928,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-429.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2132460,226058,Consumer loans,9551.745,49185.0,46458.0,4918.5,49185.0,MONDAY,16,Y,1,0.104263498610525,,,XAP,Approved,-2107,Cash through the bank,XAP,"Spouse, partner",Repeater,Mobile,POS,XNA,Country-wide,69,Consumer electronics,6.0,high,POS household with interest,365243.0,-2076.0,-1926.0,-1926.0,-1898.0,0.0,0,Cash loans,M,Y,Y,2,180000.0,814041.0,23931.0,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-14834,-3624,-3267.0,-1991,3.0,1,1,0,1,0,0,Drivers,4.0,2,2,MONDAY,9,0,1,1,0,0,0,Transport: type 4,0.3273029428294901,0.568108874049696,0.7662336700704004,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-1008.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2349045,325049,Consumer loans,22666.815,171225.0,163188.0,17122.5,171225.0,MONDAY,10,Y,1,0.10342137086253482,,,XAP,Refused,-1881,XNA,SCO,Children,Repeater,Computers,POS,XNA,Country-wide,60,Consumer electronics,8.0,low_normal,POS household with interest,,,,,,,0,Cash loans,F,N,Y,1,112500.0,271957.5,29416.5,252000.0,"Spouse, partner",Commercial associate,Higher education,Married,House / apartment,0.018801,-11005,-138,-72.0,-1914,,1,1,0,1,0,0,Managers,3.0,2,2,SATURDAY,12,0,0,0,0,0,0,Electricity,0.3581941103903996,0.5556799342400315,,0.1227,0.0982,0.9846,,,0.0,0.2759,0.1667,,,,0.1013,,0.0501,0.125,0.1019,0.9846,,,0.0,0.2759,0.1667,,,,0.1055,,0.0531,0.1239,0.0982,0.9846,,,0.0,0.2759,0.1667,,,,0.1031,,0.0512,,block of flats,0.0906,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1987803,221188,Consumer loans,7778.43,37665.0,44028.0,0.0,37665.0,MONDAY,20,Y,1,0.0,,,XAP,Approved,-572,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,2263,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-541.0,-391.0,-391.0,-384.0,0.0,0,Cash loans,F,N,Y,1,202500.0,640080.0,31261.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,Municipal apartment,0.020713,-10092,-287,-1578.0,-2754,,1,1,0,1,0,0,Sales staff,3.0,3,3,SATURDAY,13,0,0,0,1,1,1,Self-employed,0.346971932185806,0.4246825291773548,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-400.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1469674,331608,Consumer loans,7314.3,35631.0,37746.0,0.0,35631.0,SATURDAY,9,Y,1,0.0,,,XAP,Approved,-230,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,2112,Consumer electronics,6.0,middle,POS household with interest,365243.0,-199.0,-49.0,-109.0,-103.0,0.0,0,Cash loans,M,N,Y,1,189000.0,481855.5,47070.0,463500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00702,-11438,-3218,-5397.0,-3453,,1,1,0,1,0,0,Core staff,3.0,2,2,FRIDAY,13,0,0,0,0,1,1,Security Ministries,,0.6099315861275452,0.8050196619153701,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1767.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,2.0 +1120530,292742,Revolving loans,45000.0,900000.0,900000.0,,900000.0,THURSDAY,6,Y,1,,,,XAP,Refused,-354,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,N,0,81000.0,808650.0,23175.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,Municipal apartment,0.014464,-20777,365243,-9957.0,-4038,,1,0,0,1,0,0,,2.0,2,2,MONDAY,7,0,0,0,0,0,0,XNA,,0.657453727659047,0.524496446363472,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-917.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2160458,246156,Cash loans,19516.185,450000.0,512370.0,,450000.0,WEDNESDAY,16,Y,1,,,,Repairs,Refused,-195,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),17,XNA,36.0,low_normal,Cash Street: low,,,,,,,1,Cash loans,F,N,Y,2,231300.0,810000.0,23814.0,810000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0228,-16546,-821,-6350.0,-42,,1,1,0,1,0,0,Cleaning staff,4.0,2,2,TUESDAY,17,0,0,0,0,0,0,Other,0.5804552078562869,0.6042931566899297,0.14916746132334885,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-641.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1056914,210852,Consumer loans,9298.215,89221.5,99616.5,0.0,89221.5,THURSDAY,14,Y,1,0.0,,,XAP,Approved,-834,Cash through the bank,XAP,Family,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,1000,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-803.0,-473.0,-473.0,-467.0,0.0,0,Cash loans,F,N,Y,0,180000.0,670500.0,24214.5,670500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.026392000000000002,-18405,-2802,-1400.0,-1891,,1,1,0,1,0,0,Managers,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,Self-employed,0.5188220808185924,0.7849415857050565,0.5797274227921155,0.0742,,0.9771,,,0.0,0.1379,0.1667,,,,0.0618,,0.0327,0.0756,,0.9772,,,0.0,0.1379,0.1667,,,,0.0644,,0.0346,0.0749,,0.9771,,,0.0,0.1379,0.1667,,,,0.0629,,0.0334,,block of flats,0.0557,Panel,No,0.0,0.0,0.0,0.0,-1037.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2486792,122579,Consumer loans,14289.3,208102.5,203139.0,28125.0,208102.5,SUNDAY,15,Y,1,0.13244898392392168,,,XAP,Approved,-1021,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,2000,Consumer electronics,18.0,middle,POS household with interest,365243.0,-990.0,-480.0,-480.0,-475.0,0.0,0,Cash loans,F,N,Y,0,90000.0,490495.5,26262.0,454500.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,House / apartment,0.022625,-21493,-14000,-4113.0,-4168,,1,1,0,1,0,0,,1.0,2,2,SATURDAY,14,0,0,0,0,0,0,Business Entity Type 2,,0.5505288007147672,,0.0928,0.0665,0.9916,0.8844,0.0235,0.04,0.0345,0.375,0.4167,0.0587,0.0756,0.086,0.0,0.0,0.0945,0.069,0.9916,0.8889,0.0237,0.0403,0.0345,0.375,0.4167,0.06,0.0826,0.0896,0.0,0.0,0.0937,0.0665,0.9916,0.8859,0.0236,0.04,0.0345,0.375,0.4167,0.0597,0.077,0.0876,0.0,0.0,reg oper account,block of flats,0.0677,"Stone, brick",No,0.0,0.0,0.0,0.0,-1661.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2486797,239792,Consumer loans,11804.49,126522.0,126522.0,0.0,126522.0,FRIDAY,4,Y,1,0.0,,,XAP,Approved,-1666,Cash through the bank,XAP,Family,New,Construction Materials,POS,XNA,Stone,100,Construction,12.0,low_normal,POS industry with interest,365243.0,-1629.0,-1299.0,-1299.0,-1293.0,0.0,0,Cash loans,F,N,Y,0,99000.0,819792.0,34861.5,720000.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.014464,-21901,365243,-4354.0,-4762,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,4,0,0,0,0,0,0,XNA,,0.2155893072114657,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1666.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1618866,276336,Consumer loans,32211.855,177300.0,177300.0,0.0,177300.0,TUESDAY,18,Y,1,0.0,,,XAP,Approved,-468,Cash through the bank,XAP,,Refreshed,Construction Materials,POS,XNA,Stone,40,Construction,6.0,middle,POS industry with interest,365243.0,-415.0,-265.0,-385.0,-379.0,0.0,0,Cash loans,F,Y,Y,0,445050.0,926991.0,39276.0,828558.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.01885,-16635,-9107,-9132.0,-177,24.0,1,1,1,1,0,0,,2.0,2,2,MONDAY,11,0,0,0,0,1,1,Other,0.7781353530243008,0.7513221493956883,0.7407990879702335,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,0.0,8.0,0.0,-1600.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2416554,215785,Consumer loans,6267.825,30150.0,32233.5,3015.0,30150.0,SATURDAY,15,Y,1,0.0931559950326706,,,XAP,Approved,-346,Cash through the bank,XAP,,New,Mobile,POS,XNA,Stone,40,Connectivity,6.0,high,POS mobile with interest,365243.0,-298.0,-148.0,-148.0,-142.0,0.0,0,Cash loans,F,Y,N,3,225000.0,284400.0,14575.5,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.020713,-14295,-3478,-1670.0,-525,4.0,1,1,0,1,1,0,Private service staff,5.0,3,3,FRIDAY,12,0,0,0,0,0,0,Self-employed,0.4313343546051163,0.4367408269671623,,0.1062,0.0824,0.9811,0.7416,0.0088,0.0,0.1379,0.1667,0.2083,0.0553,0.0857,0.0639,0.0039,0.0,0.1082,0.0856,0.9811,0.7517,0.0089,0.0,0.1379,0.1667,0.2083,0.0566,0.0937,0.0666,0.0039,0.0,0.1072,0.0824,0.9811,0.7451,0.0089,0.0,0.1379,0.1667,0.2083,0.0563,0.0872,0.0651,0.0039,0.0,reg oper account,block of flats,0.0551,Panel,No,6.0,0.0,6.0,0.0,-346.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2627763,443917,Revolving loans,10125.0,0.0,202500.0,,,SATURDAY,9,Y,1,,,,XAP,Approved,-1225,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card X-Sell,-1178.0,-1150.0,365243.0,-174.0,365243.0,0.0,0,Cash loans,F,N,N,0,95850.0,315000.0,13873.5,315000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-21496,-370,-1541.0,-4307,,1,1,0,1,1,0,Sales staff,2.0,3,3,FRIDAY,9,0,0,0,0,1,1,Self-employed,,0.5753585518210252,0.3376727217405312,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1225.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2215603,410514,Cash loans,37469.655,675000.0,767664.0,,675000.0,FRIDAY,13,Y,1,,,,Medicine,Refused,-515,Cash through the bank,VERIF,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,135000.0,585000.0,18684.0,585000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,Municipal apartment,0.04622,-20889,365243,-1062.0,-288,,1,0,0,1,0,0,,1.0,1,1,TUESDAY,20,0,0,0,0,0,0,XNA,,0.7370967058986762,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-516.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1168237,147377,Cash loans,26017.875,270000.0,334246.5,,270000.0,SATURDAY,10,Y,1,,,,XNA,Refused,-1060,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,Y,Y,0,112500.0,254700.0,16582.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.018634,-9180,-1455,-4869.0,-1823,13.0,1,1,1,1,1,0,,1.0,2,2,TUESDAY,15,0,0,0,0,0,0,Construction,,0.052997436210995896,0.5673792367572691,0.3299,0.1909,0.9871,,,0.36,0.3103,0.375,,0.1534,,0.3681,,,0.3361,0.1981,0.9871,,,0.3625,0.3103,0.375,,0.1569,,0.3835,,,0.3331,0.1909,0.9871,,,0.36,0.3103,0.375,,0.1561,,0.3747,,,,block of flats,0.3817,Panel,No,0.0,0.0,0.0,0.0,-1388.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1741413,213006,Cash loans,79606.8,2835000.0,2835000.0,,2835000.0,THURSDAY,11,Y,1,,,,Repairs,Refused,-308,Cash through the bank,SCO,,Repeater,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,1,Cash loans,M,Y,Y,0,157500.0,545040.0,35617.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-15656,-903,-8081.0,-4691,7.0,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,17,0,0,0,1,1,0,Business Entity Type 3,,0.4754643110100005,0.2822484337007223,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-604.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +2027560,155884,Consumer loans,6303.735,72810.0,78502.5,7281.0,72810.0,WEDNESDAY,10,Y,1,0.0924381834395998,,,XAP,Approved,-2220,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,35,Connectivity,24.0,high,POS mobile with interest,365243.0,-2189.0,-1499.0,-1709.0,-1705.0,0.0,0,Revolving loans,F,N,Y,0,180000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008019,-16987,-619,-5804.0,-523,,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,11,0,0,0,0,1,1,Other,,0.5477676306333731,0.1510075350878296,0.0124,,0.9891,,,0.0,0.069,0.0417,,,,0.0118,,,0.0126,,0.9891,,,0.0,0.069,0.0417,,,,0.0123,,,0.0125,,0.9891,,,0.0,0.069,0.0417,,,,0.012,,,,block of flats,0.0093,Panel,No,0.0,0.0,0.0,0.0,-268.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2724035,455125,Cash loans,35429.625,1125000.0,1288350.0,,1125000.0,FRIDAY,10,Y,1,,,,Other,Refused,-273,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,157500.0,443088.0,22752.0,382500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-18655,-2408,-9535.0,-2191,,1,1,0,1,0,0,Core staff,2.0,2,2,FRIDAY,11,0,0,0,0,1,1,School,,0.43911995242700863,0.4329616670974407,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1547.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +2079619,291193,Consumer loans,3722.76,28980.0,29241.0,3150.0,28980.0,MONDAY,17,Y,1,0.10591325873348656,,,XAP,Approved,-19,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,350,Consumer electronics,10.0,middle,POS mobile with interest,365243.0,365243.0,281.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,0,94500.0,310500.0,15232.5,310500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.025164,-10666,-3563,-4603.0,-2893,13.0,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,13,0,0,0,1,1,0,Business Entity Type 2,0.1624252397828577,0.6512566534244989,0.4294236843421945,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1111.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2063176,425361,Cash loans,16304.4,360000.0,360000.0,,360000.0,SUNDAY,7,Y,1,,,,XNA,Approved,-538,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-508.0,902.0,-298.0,-293.0,0.0,0,Cash loans,F,N,Y,0,202500.0,900000.0,38263.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.018209,-18143,-2197,-8622.0,-1675,,1,1,0,1,0,0,Cooking staff,2.0,3,3,SATURDAY,12,0,0,0,0,0,0,Industry: type 9,0.6623126862591164,0.5034186400070477,0.7490217048463391,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2682.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1310862,177116,Consumer loans,18090.675,193815.0,193815.0,0.0,193815.0,SUNDAY,10,Y,1,0.0,,,XAP,Approved,-491,Cash through the bank,XAP,,New,Furniture,POS,XNA,Regional / Local,1180,Furniture,12.0,low_normal,POS industry with interest,365243.0,-458.0,-128.0,-158.0,-155.0,0.0,0,Cash loans,F,N,N,0,135000.0,545040.0,26640.0,450000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.010032,-11205,-730,-1516.0,-349,,1,1,1,1,0,0,Sales staff,2.0,2,2,SUNDAY,12,0,0,0,0,1,1,Industry: type 4,0.40728951384484696,0.6628795872335134,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-491.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1641388,165586,Consumer loans,5572.71,62977.5,44977.5,18000.0,62977.5,SATURDAY,10,Y,1,0.3112800025983306,,,XAP,Approved,-1936,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,374,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1905.0,-1635.0,-1635.0,365243.0,0.0,0,Cash loans,F,N,Y,0,103500.0,254700.0,14350.5,225000.0,Unaccompanied,Pensioner,Higher education,Widow,House / apartment,0.018634,-21489,365243,-4635.0,-4677,,1,0,0,1,1,0,,1.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,XNA,0.8025280036774759,0.7297691783799533,0.8327850252992314,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2534.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2251828,104306,Consumer loans,12919.86,121693.5,121086.0,12172.5,121693.5,MONDAY,17,Y,1,0.09948302803130073,,,XAP,Refused,-716,Cash through the bank,SCOFR,Family,New,Consumer Electronics,POS,XNA,Country-wide,3125,Consumer electronics,12.0,middle,POS household with interest,,,,,,,0,Cash loans,M,Y,Y,0,135000.0,152820.0,18135.0,135000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,Rented apartment,0.030755,-10179,-1661,-4303.0,-2843,8.0,1,1,0,1,0,0,Drivers,1.0,2,2,WEDNESDAY,12,0,0,0,1,1,1,Business Entity Type 3,0.2288227155305656,0.6988257966823809,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-716.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1802412,160087,Revolving loans,20250.0,405000.0,405000.0,,405000.0,WEDNESDAY,13,Y,1,,,,XAP,Approved,-187,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-187.0,-142.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,0,202500.0,804096.0,31288.5,576000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,With parents,0.025164,-11706,-1016,-4133.0,-4133,,1,1,1,1,0,0,Laborers,2.0,2,2,MONDAY,11,0,0,0,1,1,0,Industry: type 1,,0.2653117484731741,,0.0,,0.9672,,,0.0,,,,,,0.0093,,,0.0,,0.9672,,,0.0,,,,,,0.0097,,,0.0,,0.9672,,,0.0,,,,,,0.0095,,,,block of flats,0.0076,,No,0.0,0.0,0.0,0.0,-683.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1954938,357507,Revolving loans,67500.0,1350000.0,1350000.0,,1350000.0,WEDNESDAY,11,Y,1,,,,XAP,Refused,-241,XNA,HC,Family,Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Revolving loans,M,N,Y,0,135000.0,292500.0,14625.0,292500.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.026392000000000002,-22175,365243,-12475.0,-4240,,1,0,0,0,0,0,,2.0,2,2,SATURDAY,16,0,0,0,0,0,0,XNA,,0.6493221700357281,0.656158373001177,0.0247,0.0655,0.9707,,,0.0,0.1034,0.125,,0.0581,,0.0322,,0.0325,0.0252,0.0679,0.9707,,,0.0,0.1034,0.125,,0.0594,,0.0336,,0.0344,0.025,0.0655,0.9707,,,0.0,0.1034,0.125,,0.0591,,0.0328,,0.0331,,block of flats,0.0324,"Stone, brick",No,0.0,0.0,0.0,0.0,-241.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1311491,328375,Cash loans,20251.8,225000.0,254700.0,,225000.0,THURSDAY,12,Y,1,,,,XNA,Approved,-733,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-703.0,-13.0,-643.0,-631.0,1.0,0,Cash loans,M,Y,Y,0,216000.0,225000.0,13045.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-24079,365243,-16366.0,-4477,28.0,1,0,0,1,1,0,,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,XNA,,0.6071550598752345,0.4436153084085652,0.1031,,0.9762,,,0.0,0.2069,0.1667,,,,0.0912,,,0.105,,0.9762,,,0.0,0.2069,0.1667,,,,0.0951,,,0.1041,,0.9762,,,0.0,0.2069,0.1667,,,,0.0929,,,,block of flats,0.0911,"Stone, brick",No,0.0,0.0,0.0,0.0,-262.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1092221,284120,Consumer loans,10829.835,136587.96,122926.5,13661.46,136587.96,SATURDAY,20,Y,1,0.1089303324459132,,,XAP,Approved,-1483,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,1600,Consumer electronics,16.0,high,POS household with interest,365243.0,-1448.0,-998.0,-998.0,-992.0,0.0,0,Cash loans,F,N,Y,0,112500.0,508495.5,20295.0,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,Municipal apartment,0.009175,-23447,365243,-12414.0,-4182,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,15,0,0,0,0,0,0,XNA,0.7674571802557946,0.6542207729762601,0.3656165070113335,0.0619,0.0922,0.9831,,,0.0,0.1379,0.1667,,0.0311,,0.0609,,0.0,0.063,0.0957,0.9831,,,0.0,0.1379,0.1667,,0.0319,,0.0635,,0.0,0.0625,0.0922,0.9831,,,0.0,0.1379,0.1667,,0.0317,,0.062,,0.0,,block of flats,0.0529,Panel,No,0.0,0.0,0.0,0.0,-858.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2402804,209016,Cash loans,34767.495,675000.0,767664.0,,675000.0,TUESDAY,10,Y,1,,,,XNA,Refused,-947,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,67500.0,1078200.0,31522.5,900000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.00963,-23197,365243,-259.0,-276,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,XNA,,0.4360201231398443,,0.1237,0.0325,0.9811,,,,0.1034,0.1667,,0.0739,,0.0697,,,0.1261,0.0337,0.9811,,,,0.1034,0.1667,,0.0756,,0.0727,,,0.1249,0.0325,0.9811,,,,0.1034,0.1667,,0.0752,,0.071,,,,block of flats,0.0632,Panel,No,0.0,0.0,0.0,0.0,-1094.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2649569,338176,Cash loans,16583.535,225000.0,254700.0,,225000.0,TUESDAY,5,Y,1,,,,Business development,Refused,-315,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,middle,Cash Street: middle,,,,,,,0,Cash loans,M,Y,Y,0,112500.0,808650.0,31464.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.002134,-18250,-1744,-17.0,-1770,12.0,1,1,0,1,0,0,Drivers,2.0,3,3,TUESDAY,8,0,0,0,0,0,0,Industry: type 11,,0.5682215450964254,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1639866,249665,Cash loans,10960.425,202500.0,242595.0,,202500.0,SATURDAY,11,Y,1,,,,XNA,Approved,-1329,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,36.0,middle,Cash X-Sell: middle,365243.0,-1299.0,-249.0,-759.0,-753.0,1.0,0,Cash loans,F,Y,Y,0,216000.0,456273.0,27702.0,346500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-17308,-2137,-1726.0,-854,11.0,1,1,0,1,0,0,Core staff,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,Kindergarten,0.8079536299791994,0.4727927106011551,0.4920600938649263,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,10.0,0.0,10.0,0.0,-2510.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1176919,215282,Consumer loans,17340.03,123291.0,154345.5,0.0,123291.0,SUNDAY,16,Y,1,0.0,,,XAP,Approved,-1460,Cash through the bank,XAP,Unaccompanied,Refreshed,Audio/Video,POS,XNA,Country-wide,2661,Consumer electronics,12.0,high,POS household with interest,365243.0,-1429.0,-1099.0,-1249.0,-1242.0,0.0,0,Cash loans,M,Y,N,0,157500.0,601470.0,32760.0,450000.0,Unaccompanied,Working,Higher education,Married,With parents,0.018634,-10648,-115,-10640.0,-1916,8.0,1,1,0,1,0,1,Drivers,2.0,2,2,THURSDAY,10,0,0,0,0,1,1,Industry: type 3,,0.4312135381294895,0.622922000268356,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2715.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1730962,407714,Consumer loans,3002.175,13716.0,14440.5,0.0,13716.0,FRIDAY,15,Y,1,0.0,,,XAP,Approved,-944,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,6.0,high,POS mobile with interest,365243.0,-910.0,-760.0,-880.0,-872.0,0.0,0,Cash loans,F,Y,Y,0,126000.0,1006920.0,42660.0,900000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.031329,-21223,365243,-9179.0,-3363,4.0,1,0,0,1,1,0,,2.0,2,2,THURSDAY,8,0,0,0,0,0,0,XNA,,0.5282792570655497,0.6832688314232291,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2036.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1777311,375836,Consumer loans,5586.255,86305.5,98523.0,0.0,86305.5,WEDNESDAY,13,Y,1,0.0,,,XAP,Approved,-1003,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,250,Consumer electronics,24.0,middle,POS household with interest,365243.0,-972.0,-282.0,-282.0,-278.0,0.0,0,Cash loans,M,N,N,1,81000.0,675000.0,20596.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-16539,-1928,-3552.0,-87,,1,1,0,1,0,0,Laborers,3.0,2,2,WEDNESDAY,14,0,0,0,0,1,1,Industry: type 11,,0.4279395416780212,0.7366226976503176,0.0227,0.0636,0.9816,,,0.0,0.1034,0.0417,,0.0153,,0.0192,,0.0,0.0231,0.066,0.9816,,,0.0,0.1034,0.0417,,0.0156,,0.02,,0.0,0.0229,0.0636,0.9816,,,0.0,0.1034,0.0417,,0.0155,,0.0195,,0.0,,block of flats,0.0151,"Stone, brick",No,0.0,0.0,0.0,0.0,-1604.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,2.0 +1372196,202633,Consumer loans,12741.21,117715.5,114682.5,11772.0,117715.5,FRIDAY,16,Y,1,0.1013864922309462,,,XAP,Approved,-1686,Cash through the bank,XAP,"Spouse, partner",Refreshed,Consumer Electronics,POS,XNA,Country-wide,579,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1655.0,-1385.0,-1385.0,-1383.0,0.0,0,Cash loans,M,N,N,0,112500.0,239850.0,23494.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-24642,365243,-6292.0,-4271,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,XNA,0.7824420957341481,0.4928298080842495,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,4.0,8.0,4.0,-614.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2548346,429216,Consumer loans,13748.13,138870.0,138870.0,0.0,138870.0,THURSDAY,14,Y,1,0.0,,,XAP,Refused,-2296,Cash through the bank,SCO,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,60,Furniture,12.0,middle,POS industry with interest,,,,,,,0,Cash loans,F,Y,N,1,135000.0,1013508.0,29763.0,846000.0,Unaccompanied,State servant,Secondary / secondary special,Married,Office apartment,0.015221,-13803,-1457,-2683.0,-4048,1.0,1,1,0,1,0,0,Medicine staff,3.0,2,2,THURSDAY,10,0,0,0,0,0,0,Security Ministries,,0.4894031600068936,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2578.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1974079,176536,Consumer loans,3173.49,24745.5,27193.5,0.0,24745.5,THURSDAY,6,Y,1,0.0,,,XAP,Approved,-2626,Cash through the bank,XAP,Children,New,Mobile,POS,XNA,Country-wide,1600,Consumer electronics,12.0,high,POS household with interest,365243.0,-2595.0,-2265.0,-2265.0,-1412.0,1.0,0,Cash loans,F,N,Y,0,103500.0,207000.0,12636.0,207000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.001417,-23168,365243,-3231.0,-2545,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,8,0,0,0,0,0,0,XNA,,0.32864522186864115,0.4722533429586386,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-543.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2157893,323609,Consumer loans,11787.165,105705.0,95134.5,10570.5,105705.0,WEDNESDAY,10,Y,1,0.1089090909090909,,,XAP,Approved,-1449,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,100,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1416.0,-1146.0,-1146.0,-1144.0,0.0,0,Cash loans,M,N,Y,0,121500.0,312768.0,22374.0,270000.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,House / apartment,0.035792000000000004,-15949,-5192,-9853.0,-4522,,1,1,1,1,0,0,Laborers,1.0,2,2,WEDNESDAY,14,0,0,0,0,1,1,Business Entity Type 3,,0.5436041329610604,0.7091891096653581,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1581.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2331195,112416,Consumer loans,4310.055,19305.0,20326.5,0.0,19305.0,FRIDAY,14,Y,1,0.0,,,XAP,Approved,-707,Cash through the bank,XAP,Other_A,Refreshed,Mobile,POS,XNA,Country-wide,40,Connectivity,6.0,high,POS mobile with interest,365243.0,-676.0,-526.0,-526.0,-523.0,0.0,0,Cash loans,F,N,Y,0,90000.0,675000.0,19737.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.010147,-18186,-202,-8879.0,-1702,,1,1,1,1,0,0,Security staff,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,Security,,0.7157586388327787,,0.0814,0.0792,0.9767,0.6804,0.0267,0.0,0.1379,0.1667,0.2083,0.0482,0.0664,0.0754,0.0,0.0,0.083,0.0822,0.9767,0.6929,0.027000000000000003,0.0,0.1379,0.1667,0.2083,0.0493,0.0725,0.0786,0.0,0.0,0.0822,0.0792,0.9767,0.6847,0.0269,0.0,0.1379,0.1667,0.2083,0.0491,0.0676,0.0768,0.0,0.0,reg oper account,block of flats,0.0604,"Stone, brick",No,0.0,0.0,0.0,0.0,-707.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1639699,441342,Consumer loans,3929.265,35955.0,35559.0,3600.0,35955.0,SATURDAY,11,Y,1,0.10012327364660163,,,XAP,Approved,-2043,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,16,Connectivity,12.0,high,POS mobile with interest,365243.0,-2012.0,-1682.0,-1682.0,-1678.0,0.0,0,Cash loans,F,N,N,0,67500.0,552555.0,30982.5,477000.0,Unaccompanied,Working,Secondary / secondary special,Married,Office apartment,0.016612000000000002,-19130,-346,-4473.0,-2677,,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,Housing,0.6677493693111856,0.7716052709813608,0.5849900404894085,0.066,0.0891,0.9747,0.6532,0.0079,0.0,0.1379,0.125,0.1667,0.012,0.0538,0.0496,0.0,0.0,0.0672,0.0925,0.9747,0.6668,0.008,0.0,0.1379,0.125,0.1667,0.0122,0.0588,0.0516,0.0,0.0,0.0666,0.0891,0.9747,0.6578,0.0079,0.0,0.1379,0.125,0.1667,0.0122,0.0547,0.0504,0.0,0.0,not specified,block of flats,0.0433,"Stone, brick",No,0.0,0.0,0.0,0.0,-2476.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2345698,202843,Revolving loans,2250.0,45000.0,45000.0,,45000.0,TUESDAY,12,Y,1,,,,XAP,Approved,-209,XNA,XAP,"Spouse, partner",Repeater,XNA,Cards,walk-in,Stone,50,Furniture,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,N,0,202500.0,553999.5,23602.5,553999.5,Family,Working,Higher education,Married,House / apartment,0.007120000000000001,-13649,-1262,-2818.0,-3654,13.0,1,1,0,1,0,0,,2.0,2,2,SATURDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.5648011811856261,0.4172309669350483,0.2678689358444539,0.067,0.0806,0.9747,0.6532,,0.0,0.1379,0.1667,0.2083,0.0428,0.0538,0.0337,0.0039,0.0267,0.0683,0.0836,0.9747,0.6668,,0.0,0.1379,0.1667,0.2083,0.0438,0.0588,0.0351,0.0039,0.0282,0.0677,0.0806,0.9747,0.6578,,0.0,0.1379,0.1667,0.2083,0.0436,0.0547,0.0343,0.0039,0.0272,reg oper account,block of flats,0.0395,"Stone, brick",No,0.0,0.0,0.0,0.0,-2043.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2557857,122030,Consumer loans,11424.33,53599.5,42876.0,10723.5,53599.5,WEDNESDAY,16,Y,1,0.2178913303974172,,,XAP,Approved,-908,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,28,Connectivity,4.0,middle,POS mobile without interest,365243.0,-869.0,-779.0,-779.0,-770.0,0.0,0,Cash loans,M,Y,Y,0,202500.0,697500.0,24840.0,697500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.025164,-17632,-1398,-8594.0,-1195,18.0,1,1,0,1,0,0,High skill tech staff,2.0,2,2,MONDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.38615857860667824,0.5957389264315233,0.5262949398096192,0.0629,0.0731,0.9866,0.8164,0.0133,0.0,0.1379,0.1667,0.2083,0.0284,0.0513,0.0645,0.0,0.0,0.0641,0.0758,0.9866,0.8236,0.0134,0.0,0.1379,0.1667,0.2083,0.029,0.056,0.0672,0.0,0.0,0.0635,0.0731,0.9866,0.8189,0.0133,0.0,0.1379,0.1667,0.2083,0.0289,0.0522,0.0656,0.0,0.0,org spec account,block of flats,0.058,Panel,No,5.0,0.0,5.0,0.0,-908.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1436873,230278,Consumer loans,4361.625,40720.5,42912.0,2250.0,40720.5,SATURDAY,10,Y,1,0.0542592122903004,,,XAP,Approved,-1285,XNA,XAP,,New,Mobile,POS,XNA,Country-wide,63,Connectivity,14.0,high,POS mobile with interest,365243.0,-1245.0,-855.0,-1125.0,-1123.0,0.0,0,Cash loans,F,Y,Y,0,157500.0,749349.0,24304.5,625500.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.025164,-20638,365243,-2073.0,-4047,11.0,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,XNA,,0.6579115837164777,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-1285.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2615832,304733,Cash loans,61093.845,2070000.0,2315916.0,,2070000.0,FRIDAY,5,Y,1,,,,XNA,Refused,-871,Cash through the bank,HC,Family,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),3,XNA,60.0,low_action,Cash Street: low,,,,,,,1,Cash loans,M,N,N,1,216000.0,781920.0,61776.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.002506,-12946,-2418,-66.0,-3845,,1,1,0,1,0,1,Laborers,3.0,2,2,FRIDAY,7,0,0,0,0,0,0,Housing,0.4444687886476008,0.5764000443161222,0.6430255641096323,0.0696,0.0988,0.9831,0.7688,0.0265,0.0,0.0862,0.1458,0.0417,0.0402,0.0563,0.06,0.0058,0.0284,0.0525,0.0677,0.9831,0.7779,0.0,0.0,0.0345,0.125,0.0417,0.0411,0.0459,0.0563,0.0,0.0,0.0703,0.0988,0.9831,0.7719,0.0266,0.0,0.0862,0.1458,0.0417,0.0409,0.0573,0.0611,0.0058,0.029,reg oper account,block of flats,0.0425,Panel,No,0.0,0.0,0.0,0.0,-1839.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,1.0,0.0,0.0,2.0,2.0 +1381809,275013,Cash loans,15928.785,67500.0,78552.0,,67500.0,FRIDAY,9,Y,1,,,,Repairs,Approved,-513,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,365243.0,-483.0,-333.0,-333.0,-329.0,1.0,0,Revolving loans,F,N,Y,0,126000.0,337500.0,16875.0,337500.0,Unaccompanied,State servant,Higher education,Single / not married,House / apartment,0.006852,-11836,-3505,-754.0,-3153,,1,1,0,1,0,0,,1.0,3,3,SUNDAY,7,0,0,0,0,0,0,Transport: type 2,,0.0281401017547912,0.5884877883422673,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-62.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,3.0 +1611078,308061,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SUNDAY,14,Y,1,,,,XAP,Approved,-311,XNA,XAP,Family,Repeater,XNA,Cards,walk-in,Country-wide,4000,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,-156.0,0.0,1,Cash loans,F,N,Y,0,234000.0,454500.0,20020.5,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.035792000000000004,-23048,365243,-2072.0,-2066,,1,0,0,1,1,0,,1.0,2,2,WEDNESDAY,10,0,0,0,1,0,0,XNA,,0.4549405713280285,0.5673792367572691,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-218.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2717185,408540,Consumer loans,9774.225,88573.5,101727.0,0.0,88573.5,TUESDAY,16,Y,1,0.0,,,XAP,Approved,-1787,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Stone,625,Consumer electronics,18.0,high,POS household with interest,365243.0,-1756.0,-1246.0,-1396.0,-1390.0,0.0,0,Cash loans,F,N,N,1,112500.0,973710.0,28597.5,697500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-20192,-1907,-11083.0,-3093,,1,1,0,1,0,0,Sales staff,3.0,2,2,THURSDAY,7,0,0,0,0,0,0,Self-employed,0.839839015799705,0.5720320268459795,0.3979463219016906,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,0.0,9.0,0.0,-1434.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1475029,348539,Consumer loans,6618.42,56560.5,55930.5,5670.0,56560.5,SATURDAY,15,Y,1,0.10024505409120794,,,XAP,Approved,-1948,Cash through the bank,XAP,Unaccompanied,Refreshed,Mobile,POS,XNA,Country-wide,44,Connectivity,12.0,high,POS mobile with interest,365243.0,-1917.0,-1587.0,-1587.0,-1583.0,0.0,0,Cash loans,F,N,N,2,180000.0,720000.0,25861.5,720000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.009334,-13727,-5215,-3924.0,-6219,,1,1,0,1,0,0,Managers,4.0,2,2,THURSDAY,8,0,0,0,0,0,0,Government,0.5380429167606308,0.6037021230938521,0.2250868621163805,,0.0,0.9722,0.6192,0.004,0.0,0.069,0.0833,0.125,0.0153,0.0206,0.024,0.0019,0.0034,,0.0,0.9722,0.6341,0.0031,0.0,0.069,0.0833,0.125,0.0155,0.0202,0.0221,0.0,0.0,,0.0,0.9722,0.6243,0.0041,0.0,0.069,0.0833,0.125,0.0155,0.0209,0.0244,0.0019,0.0034,reg oper account,block of flats,0.0198,"Stone, brick",No,0.0,0.0,0.0,0.0,-1948.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1372498,185326,Consumer loans,24229.395,133920.0,133920.0,0.0,133920.0,WEDNESDAY,7,Y,1,0.0,,,XAP,Refused,-28,XNA,SCO,Unaccompanied,Repeater,Furniture,POS,XNA,Country-wide,80,Furniture,6.0,low_normal,POS industry with interest,,,,,,,0,Cash loans,F,Y,Y,0,202500.0,1006920.0,51543.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.010032,-14702,-2581,-8589.0,-2694,11.0,1,1,0,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Self-employed,0.7405600021980844,0.6293380212653933,0.7281412993111438,0.0577,,0.9801,0.728,0.0024,0.0,0.1379,0.125,0.1667,,0.0471,0.0482,0.0,0.0,0.0588,,0.9801,0.7387,0.0025,0.0,0.1379,0.125,0.1667,,0.0514,0.0502,0.0,0.0,0.0583,,0.9801,0.7316,0.0024,0.0,0.1379,0.125,0.1667,,0.0479,0.0491,0.0,0.0,reg oper account,block of flats,0.0392,"Stone, brick",No,2.0,1.0,2.0,1.0,-827.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1687327,217202,Consumer loans,10233.405,85500.0,83722.5,8550.0,85500.0,WEDNESDAY,21,Y,1,0.10091551949635344,,,XAP,Approved,-622,Cash through the bank,XAP,Family,Refreshed,Construction Materials,POS,XNA,Stone,118,Construction,10.0,middle,POS household with interest,365243.0,-578.0,-308.0,-308.0,-303.0,0.0,0,Cash loans,F,N,Y,0,108000.0,808650.0,23773.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-22491,365243,-12576.0,-4673,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,0.7895149990854178,0.6456136256230445,0.6413682574954046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-3048.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1410714,321554,Cash loans,22555.125,337500.0,337500.0,,337500.0,FRIDAY,11,Y,1,,,,Repairs,Approved,-605,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),-1,XNA,24.0,middle,Cash Street: middle,365243.0,-575.0,115.0,-425.0,-420.0,0.0,0,Revolving loans,M,Y,Y,1,180000.0,180000.0,9000.0,180000.0,Unaccompanied,State servant,Incomplete higher,Married,House / apartment,0.008019,-10356,-2529,-1309.0,-2832,13.0,1,1,0,1,0,0,High skill tech staff,3.0,2,2,MONDAY,15,0,0,0,1,1,0,Security Ministries,,0.491889721874009,0.5919766183185521,0.0041,0.0,0.9747,,,0.0,0.1379,0.0,,,,0.0024,,,0.0042,0.0,0.9747,,,0.0,0.1379,0.0,,,,0.0025,,,0.0042,0.0,0.9747,,,0.0,0.1379,0.0,,,,0.0024,,,,block of flats,0.0019,"Stone, brick",No,0.0,0.0,0.0,0.0,-1144.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2580684,155483,Consumer loans,2079.135,26014.5,20808.0,5206.5,26014.5,MONDAY,16,Y,1,0.21796889496941385,0.05913521477955345,0.4244186046511628,XAP,Approved,-119,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,22,Connectivity,12.0,middle,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,1,135000.0,135000.0,14305.5,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-12088,-3876,-1259.0,-1312,,1,1,1,1,1,0,Core staff,3.0,2,2,MONDAY,13,0,0,0,0,1,1,Trade: type 2,0.2651794081501961,0.4838855912350945,0.28812959991785075,0.1082,0.0249,0.9781,,,,0.069,0.1667,,,,0.064,,,0.1103,0.0258,0.9782,,,,0.069,0.1667,,,,0.0666,,,0.1093,0.0249,0.9781,,,,0.069,0.1667,,,,0.0651,,,,block of flats,0.0018,"Stone, brick",No,0.0,0.0,0.0,0.0,-564.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1646551,156735,Cash loans,24586.2,783000.0,783000.0,,783000.0,SATURDAY,11,Y,1,,,,XNA,Approved,-241,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-211.0,1199.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,1,135000.0,113760.0,6660.0,90000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,With parents,0.019101,-13156,-1883,-2315.0,-3926,,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,16,0,0,0,1,1,0,Self-employed,0.2580253348272541,0.6433489245593724,0.7352209993926424,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1690.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,6.0,0.0,2.0 +2823537,429074,Cash loans,13980.6,270000.0,270000.0,,270000.0,FRIDAY,14,Y,1,,,,XNA,Refused,-91,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Channel of corporate sales,-1,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,Y,Y,1,247500.0,515529.0,21127.5,391500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.0228,-11208,-2722,-5168.0,-3810,9.0,1,1,1,1,0,0,Sales staff,3.0,2,2,FRIDAY,15,0,0,0,1,1,0,Trade: type 2,0.6767237199335847,0.6401615202885793,0.41885428862332175,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,0.0,-1548.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +2135091,328146,Cash loans,12047.625,90000.0,109156.5,,90000.0,MONDAY,12,Y,1,,,,XNA,Refused,-1086,Cash through the bank,HC,Unaccompanied,Refreshed,XNA,Cash,x-sell,Country-wide,21,Connectivity,12.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,M,Y,N,0,112500.0,512338.5,15664.5,423000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.025164,-17410,-457,-3966.0,-922,10.0,1,1,0,1,0,0,Drivers,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Self-employed,0.369114683599296,0.5473288166758389,0.4294236843421945,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2365.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,1.0 +1150471,224306,Consumer loans,6296.535,48555.0,47200.5,4950.0,48555.0,SATURDAY,15,Y,1,0.10337388903270336,,,XAP,Approved,-2753,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Stone,23,Connectivity,10.0,high,POS mobile with interest,365243.0,-2722.0,-2452.0,-2452.0,-2444.0,1.0,0,Cash loans,F,Y,Y,0,148500.0,454500.0,18153.0,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.014519999999999996,-22666,365243,-1502.0,-5060,18.0,1,0,0,1,1,0,,1.0,2,2,MONDAY,11,0,0,0,0,0,0,XNA,,0.4464574472382398,0.3842068130556564,,,0.9771,0.6872,,,0.1379,0.1667,,,,,,,,,0.9772,0.6994,,,0.1379,0.1667,,,,,,,,,0.9771,0.6914,,,0.1379,0.1667,,,,,,,,block of flats,0.0548,,No,0.0,0.0,0.0,0.0,-1475.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1555862,158709,Consumer loans,4528.53,39357.0,44172.0,3937.5,39357.0,WEDNESDAY,13,Y,1,0.0891361468014727,,,XAP,Approved,-1200,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,1375,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1168.0,-838.0,-838.0,-831.0,0.0,0,Cash loans,F,N,Y,0,166500.0,405000.0,21969.0,405000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-12558,-4629,-8019.0,-1648,,1,1,0,1,1,0,,2.0,3,3,SATURDAY,11,0,0,0,0,0,0,Business Entity Type 2,0.7092803533859076,0.3717833265112726,0.2418614865234661,0.433,0.2914,0.9871,0.8232,0.3291,0.48,0.4138,0.3333,0.375,0.2465,0.3505,0.4747,0.0116,0.0207,0.4412,0.3024,0.9871,0.8301,0.3321,0.4834,0.4138,0.3333,0.375,0.2521,0.3829,0.4946,0.0117,0.0219,0.4372,0.2914,0.9871,0.8256,0.3312,0.48,0.4138,0.3333,0.375,0.2508,0.3566,0.4833,0.0116,0.0211,reg oper account,block of flats,0.5578,Panel,No,4.0,1.0,4.0,1.0,-1200.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +2597993,225726,Consumer loans,70042.5,636750.0,636750.0,0.0,636750.0,THURSDAY,8,Y,1,0.0,,,XAP,Approved,-534,XNA,XAP,,New,Furniture,POS,XNA,Stone,150,Furniture,10.0,low_normal,POS industry with interest,365243.0,-503.0,-233.0,-233.0,-223.0,0.0,0,Cash loans,F,N,Y,0,54000.0,339948.0,22437.0,315000.0,Children,Pensioner,Secondary / secondary special,Married,House / apartment,0.02461,-23251,365243,-547.0,-4390,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,XNA,,0.649526294473761,0.7449321846094795,0.1237,0.0691,0.9955,0.9592,0.0,0.0,0.2586,0.1667,0.2083,0.0177,0.1009,0.1276,0.0,0.0078,0.1261,0.0509,0.994,0.9608,0.0,0.0,0.2069,0.1667,0.2083,0.0181,0.1102,0.1238,0.0,0.0,0.1249,0.0691,0.9955,0.9597,0.0,0.0,0.2586,0.1667,0.2083,0.018000000000000002,0.1026,0.1299,0.0,0.008,reg oper spec account,block of flats,0.1072,"Stone, brick",No,0.0,0.0,0.0,0.0,-534.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1332643,192360,Consumer loans,9450.855,75600.0,83583.0,0.0,75600.0,MONDAY,12,Y,1,0.0,,,XAP,Approved,-1096,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Regional / Local,6149,Construction,12.0,high,POS industry with interest,365243.0,-1065.0,-735.0,-795.0,-788.0,0.0,0,Revolving loans,F,N,Y,0,81000.0,292500.0,14625.0,292500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.015221,-21881,365243,-4615.0,-3382,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,XNA,,0.37315313592741056,0.646329897706246,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1534.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2450931,279564,Cash loans,14871.24,229500.0,254340.0,,229500.0,SATURDAY,9,Y,1,,,,XNA,Approved,-497,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-467.0,223.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,157500.0,312768.0,22374.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-20065,-6447,-11916.0,-2572,,1,1,0,1,0,0,Cleaning staff,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Housing,,0.2563991885360997,0.6674577419214722,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2077.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1144979,431019,Consumer loans,5915.925,80995.5,80995.5,0.0,80995.5,SATURDAY,18,Y,1,0.0,,,XAP,Refused,-732,Cash through the bank,HC,,Repeater,Computers,POS,XNA,Country-wide,1000,Consumer electronics,18.0,middle,POS household with interest,,,,,,,0,Cash loans,M,N,Y,0,175500.0,450000.0,27324.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-8295,-545,-6896.0,-981,,1,1,0,1,1,0,Laborers,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Business Entity Type 1,,0.4454794945702025,0.06337536230998861,0.1206,0.0988,0.9776,,,0.0,0.2759,0.1667,,0.1239,,0.1015,,0.0076,0.1229,0.1025,0.9777,,,0.0,0.2759,0.1667,,0.1267,,0.1058,,0.008,0.1218,0.0988,0.9776,,,0.0,0.2759,0.1667,,0.126,,0.1033,,0.0077,,block of flats,0.0831,Panel,No,2.0,0.0,2.0,0.0,-36.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,0.0 +1556009,109499,Cash loans,51613.83,1125000.0,1392709.5,,1125000.0,FRIDAY,16,Y,1,,,,Other,Approved,-542,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,low_action,Cash Street: low,365243.0,-507.0,543.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,Y,0,315000.0,382500.0,19125.0,382500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019101,-16292,-5504,-416.0,-2325,,1,1,0,1,1,0,Accountants,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,Self-employed,,0.7191541608448613,0.6246146584503397,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2912.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1013527,421594,Consumer loans,10454.94,141286.5,159471.0,0.0,141286.5,THURSDAY,13,Y,1,0.0,,,XAP,Approved,-316,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,1750,Consumer electronics,18.0,low_normal,POS household with interest,365243.0,-285.0,225.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,157500.0,513531.0,21888.0,459000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.01885,-23599,365243,-1838.0,-1820,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,17,0,0,0,0,0,0,XNA,0.8250595106749836,0.3420327505343021,0.25670557243930026,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-316.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1744775,393008,Cash loans,72585.0,2250000.0,2250000.0,,2250000.0,WEDNESDAY,15,Y,1,,,,XNA,Approved,-338,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-308.0,1462.0,-158.0,-152.0,0.0,0,Cash loans,F,Y,N,0,360000.0,2250000.0,61875.0,2250000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.019688999999999998,-17637,-8525,-1316.0,-1191,1.0,1,1,1,1,1,0,Core staff,2.0,2,2,SUNDAY,10,0,0,0,0,0,0,Legal Services,0.4976338480419124,0.4419980075469793,0.6178261467332483,0.201,0.0409,0.9975,0.966,,0.16,0.0345,1.0,0.0417,0.326,0.1547,0.2227,0.0425,0.2583,0.2048,0.0425,0.9975,0.9673,,0.1611,0.0345,1.0,0.0417,0.3335,0.16899999999999998,0.232,0.0428,0.2734,0.203,0.0409,0.9975,0.9665,,0.16,0.0345,1.0,0.0417,0.3317,0.1573,0.2267,0.0427,0.2637,reg oper account,block of flats,0.2779,Monolithic,No,0.0,0.0,0.0,0.0,-1219.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,3.0 +2831366,395832,Consumer loans,5922.765,38610.0,38610.0,0.0,38610.0,TUESDAY,9,Y,1,0.0,,,XAP,Approved,-910,XNA,XAP,Unaccompanied,Refreshed,Homewares,POS,XNA,Stone,50,Connectivity,8.0,high,POS mobile with interest,365243.0,-871.0,-661.0,-691.0,-686.0,0.0,0,Revolving loans,M,N,Y,0,81000.0,157500.0,7875.0,135000.0,Unaccompanied,Pensioner,Lower secondary,Married,House / apartment,0.025164,-23205,365243,-7008.0,-3185,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,,0.16481200855254566,0.7886807751817684,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-501.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2713830,393422,Consumer loans,3103.38,20866.5,22932.0,0.0,20866.5,THURSDAY,16,Y,1,0.0,,,XAP,Approved,-318,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,45,Connectivity,10.0,high,POS mobile with interest,365243.0,-281.0,-11.0,-191.0,-182.0,0.0,0,Cash loans,F,N,Y,0,112500.0,490500.0,20749.5,490500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.026392000000000002,-17600,-2306,-877.0,-1028,,1,1,0,1,0,0,Cleaning staff,1.0,2,2,SUNDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.545659574035148,0.25670557243930026,0.1639,,0.9836,,,0.0,0.069,0.1667,,0.0779,,0.0917,,0.0001,0.16699999999999998,,0.9836,,,0.0,0.069,0.1667,,0.0796,,0.0955,,0.0001,0.1655,,0.9836,,,0.0,0.069,0.1667,,0.0792,,0.0933,,0.0001,,block of flats,0.0869,"Stone, brick",No,5.0,0.0,5.0,0.0,-318.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2571593,138353,Consumer loans,8863.245,99652.5,89527.5,10125.0,99652.5,SATURDAY,10,Y,1,0.11065498060305007,,,XAP,Approved,-2364,Cash through the bank,XAP,Unaccompanied,New,Furniture,POS,XNA,Stone,161,Furniture,12.0,middle,POS industry with interest,365243.0,-2333.0,-2003.0,-2003.0,-1992.0,0.0,0,Cash loans,F,N,N,0,90000.0,508495.5,22396.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.030755,-11137,-3635,-4970.0,-3425,,1,1,1,1,0,0,Accountants,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Business Entity Type 2,,0.4573057780863011,0.5352762504724826,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2046.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1604612,426126,Consumer loans,8895.69,72900.0,90486.0,0.0,72900.0,FRIDAY,9,Y,1,0.0,,,XAP,Approved,-1016,Cash through the bank,XAP,Unaccompanied,New,Homewares,POS,XNA,Stone,230,Furniture,12.0,middle,POS other with interest,365243.0,-985.0,-655.0,-685.0,-678.0,0.0,0,Cash loans,F,N,N,0,117000.0,224149.5,22297.5,193500.0,Children,Pensioner,Secondary / secondary special,Married,House / apartment,0.00496,-16981,365243,-5168.0,-324,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,XNA,0.7366330355577808,0.5976859972439678,0.3490552510751822,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1016.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2649837,113018,Cash loans,42858.0,1350000.0,1350000.0,,1350000.0,MONDAY,12,Y,1,,,,Repairs,Refused,-11,Cash through the bank,HC,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,1,Cash loans,F,Y,N,0,202500.0,1006920.0,39933.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.026392000000000002,-13650,-3769,-7535.0,-3740,6.0,1,1,1,1,1,0,Managers,1.0,2,2,WEDNESDAY,20,0,0,0,0,0,0,Business Entity Type 3,0.5224952296046873,0.2816666879241211,0.39277386060313396,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-84.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +2570235,370042,Consumer loans,7243.29,62550.0,62550.0,0.0,62550.0,FRIDAY,16,Y,1,0.0,,,XAP,Approved,-2262,XNA,XAP,Family,New,Furniture,POS,XNA,Stone,58,Furniture,10.0,middle,POS industry with interest,365243.0,-2218.0,-1948.0,-2038.0,-2036.0,0.0,0,Cash loans,F,N,Y,0,81000.0,110331.0,10876.5,103500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010556,-24848,365243,-5192.0,-5208,,1,0,0,1,1,0,,2.0,3,3,SATURDAY,16,0,0,0,0,0,0,XNA,,0.6190794523835058,0.8224987619370829,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2262.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1309485,138558,Revolving loans,9000.0,180000.0,180000.0,,180000.0,TUESDAY,14,Y,1,,,,XAP,Approved,-129,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,135000.0,495000.0,18315.0,495000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.0228,-9666,-315,-3741.0,-1940,,1,1,0,1,0,0,Laborers,1.0,2,2,FRIDAY,14,0,0,0,0,0,0,Industry: type 9,,0.6179184911232191,0.5638350489514956,0.099,0.1156,0.9831,,,0.0,0.2069,0.1667,,0.0887,,0.0855,,0.0122,0.1008,0.12,0.9831,,,0.0,0.2069,0.1667,,0.0908,,0.08900000000000001,,0.0129,0.0999,0.1156,0.9831,,,0.0,0.2069,0.1667,,0.0903,,0.087,,0.0124,,block of flats,0.0802,"Stone, brick",No,1.0,0.0,1.0,0.0,-793.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1761938,364046,Consumer loans,8746.155,73080.0,79510.5,0.0,73080.0,SUNDAY,14,Y,1,0.0,,,XAP,Approved,-412,XNA,XAP,,Refreshed,Photo / Cinema Equipment,POS,XNA,Regional / Local,100,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-380.0,-110.0,-320.0,-314.0,0.0,0,Cash loans,F,N,N,3,38250.0,284400.0,13833.0,225000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.010276,-15729,-772,-2717.0,-5142,,1,1,0,1,0,0,,5.0,2,2,FRIDAY,20,0,0,0,0,0,0,Government,,0.21735850437289567,0.5673792367572691,0.0918,0.0779,0.9796,0.7212,0.0116,0.0,0.2069,0.1667,0.0417,0.0703,0.0748,0.0602,0.0,0.0,0.0935,0.0809,0.9796,0.7321,0.0117,0.0,0.2069,0.1667,0.0417,0.0719,0.0817,0.0627,0.0,0.0,0.0926,0.0779,0.9796,0.7249,0.0117,0.0,0.2069,0.1667,0.0417,0.0715,0.0761,0.0613,0.0,0.0,reg oper account,block of flats,0.0682,Panel,No,0.0,0.0,0.0,0.0,-324.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1510061,347298,Consumer loans,9411.255,62955.0,68148.0,0.0,62955.0,SUNDAY,10,Y,1,0.0,,,XAP,Approved,-2274,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,1630,Consumer electronics,10.0,high,POS household with interest,365243.0,-2243.0,-1973.0,-1973.0,-1672.0,0.0,0,Cash loans,F,N,Y,0,94500.0,254700.0,26874.0,225000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.030755,-19019,-1877,-2484.0,-2495,,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,Business Entity Type 1,0.7429913660632095,0.42340609412613056,0.7338145369642702,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1672726,226801,Consumer loans,10929.78,95805.0,95400.0,9000.0,95805.0,THURSDAY,9,Y,1,0.09388714733542317,,,XAP,Approved,-1938,Cash through the bank,XAP,Children,Repeater,Consumer Electronics,POS,XNA,Stone,87,Consumer electronics,12.0,high,POS household with interest,365243.0,-1907.0,-1577.0,-1577.0,-1571.0,0.0,0,Cash loans,F,N,N,0,32220.0,91647.0,6507.0,76500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.002134,-22433,365243,-162.0,-3094,,1,0,0,1,0,0,,1.0,3,3,WEDNESDAY,9,0,0,0,0,0,0,XNA,,0.4045596596026987,0.5567274263630174,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1733965,422845,Cash loans,,0.0,0.0,,,THURSDAY,16,Y,1,,,,XNA,Refused,-441,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,Y,Y,0,157500.0,247500.0,19683.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-8240,-630,-638.0,-639,2.0,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,14,0,0,0,0,1,1,Industry: type 9,0.13119407750985446,0.3701504292260331,0.475849908720221,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-441.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2562283,104582,Revolving loans,14625.0,292500.0,292500.0,,292500.0,MONDAY,14,Y,1,,,,XAP,Approved,-560,XNA,XAP,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-560.0,-516.0,365243.0,-455.0,-397.0,0.0,0,Cash loans,F,N,Y,0,189000.0,254700.0,30357.0,225000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-15663,-7762,-833.0,-4550,,1,1,0,1,0,0,Laborers,2.0,2,1,MONDAY,12,0,0,0,0,0,0,Business Entity Type 2,0.5492904385808727,0.4949670426867826,0.21518240418475384,0.4691,0.0312,0.9985,0.9796,0.2291,0.56,0.2414,0.6667,0.7083,0.1323,0.3766,0.5407,0.027000000000000003,0.1034,0.4779,0.0323,0.9985,0.9804,0.2312,0.5639,0.2414,0.6667,0.7083,0.1353,0.4114,0.5633,0.0272,0.1095,0.4736,0.0312,0.9985,0.9799,0.2305,0.56,0.2414,0.6667,0.7083,0.1346,0.3831,0.5504,0.0272,0.1056,reg oper account,block of flats,0.493,Panel,No,2.0,0.0,2.0,0.0,-560.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1843130,246156,Consumer loans,15775.065,155654.775,169006.5,4.275,155654.775,SUNDAY,11,Y,1,2.7547732600857165e-05,,,XAP,Approved,-429,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Country-wide,1103,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-398.0,-68.0,-68.0,-65.0,0.0,1,Cash loans,F,N,Y,2,231300.0,810000.0,23814.0,810000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0228,-16546,-821,-6350.0,-42,,1,1,0,1,0,0,Cleaning staff,4.0,2,2,TUESDAY,17,0,0,0,0,0,0,Other,0.5804552078562869,0.6042931566899297,0.14916746132334885,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-641.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2817712,339275,Cash loans,27023.85,270000.0,284611.5,,270000.0,SATURDAY,14,Y,1,,,,XNA,Approved,-823,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Country-wide,4232,Consumer electronics,12.0,low_normal,Cash X-Sell: low,365243.0,-793.0,-463.0,-673.0,-668.0,1.0,0,Cash loans,F,N,N,0,202500.0,324216.0,18234.0,256500.0,Family,Pensioner,Higher education,Married,House / apartment,0.00496,-20523,365243,-4082.0,-3473,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,XNA,0.7352725803979915,0.5914659605902063,0.7503751495159068,0.0653,0.0709,0.9811,0.7756,0.0157,0.0,0.1607,0.1667,0.2083,0.0566,0.05,0.068,0.0019,0.0043,0.0735,0.0604,0.9836,0.7844,0.0144,0.0,0.1379,0.1667,0.2083,0.0578,0.045,0.0617,0.0,0.0,0.0729,0.0709,0.9836,0.7786,0.0158,0.0,0.1379,0.1667,0.2083,0.0575,0.0509,0.0728,0.0019,0.0044,reg oper spec account,block of flats,0.0577,,No,0.0,0.0,0.0,0.0,-1850.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +1230571,378133,Cash loans,111972.96,1089000.0,1120626.0,,1089000.0,MONDAY,18,Y,1,,,,XNA,Approved,-906,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-876.0,-546.0,-632.0,-627.0,1.0,0,Cash loans,M,Y,Y,0,270000.0,701730.0,72036.0,675000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.008625,-14524,-6105,-8483.0,-3792,5.0,1,1,0,1,0,0,Managers,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Self-employed,,0.6305512606975486,0.42765737003502935,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2103.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2078505,356405,Cash loans,15928.785,67500.0,78552.0,,67500.0,THURSDAY,16,Y,1,,,,Car repairs,Refused,-762,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,,,,,,,0,Cash loans,M,Y,Y,2,112500.0,122256.0,13293.0,108000.0,"Spouse, partner",Commercial associate,Incomplete higher,Civil marriage,House / apartment,0.008575,-14870,-1159,-400.0,-4655,5.0,1,1,0,1,0,0,Laborers,4.0,2,2,WEDNESDAY,14,0,0,0,0,1,1,Self-employed,0.3643540808398252,0.5489211927434736,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-764.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1024907,193130,Consumer loans,6532.56,70803.0,63720.0,7083.0,70803.0,FRIDAY,15,Y,1,0.1089506222771762,,,XAP,Approved,-665,Cash through the bank,XAP,,Refreshed,Furniture,POS,XNA,Stone,100,Furniture,12.0,middle,POS industry with interest,365243.0,-632.0,-302.0,-332.0,-327.0,0.0,0,Cash loans,F,N,Y,0,180000.0,585000.0,17235.0,585000.0,Family,Working,Higher education,Married,House / apartment,0.030755,-19257,-826,-10158.0,-2410,,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,17,0,0,0,0,0,0,Business Entity Type 2,0.763352699816711,0.6918494833461981,0.4048783643353997,0.0186,0.0,0.9712,,,0.0,0.069,0.0833,,0.011,,0.0215,,0.0,0.0189,0.0,0.9712,,,0.0,0.069,0.0833,,0.0112,,0.0224,,0.0,0.0187,0.0,0.9712,,,0.0,0.069,0.0833,,0.0112,,0.0219,,0.0,,block of flats,0.0184,Mixed,No,2.0,0.0,2.0,0.0,-448.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2823057,303597,Cash loans,13165.02,180000.0,203760.0,,180000.0,THURSDAY,13,Y,1,,,,XNA,Refused,-1353,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,N,0,112500.0,276277.5,16915.5,238500.0,Unaccompanied,Commercial associate,Incomplete higher,Married,Rented apartment,0.031329,-10019,-687,-9990.0,-177,,1,1,0,1,0,0,Managers,2.0,2,2,SATURDAY,11,0,0,0,1,1,0,Business Entity Type 3,0.06603947461189774,0.2299812758211297,,0.1649,0.093,0.9856,0.8028,0.0374,0.16,0.1379,0.3333,0.375,0.0476,0.1345,0.1611,0.0,0.0,0.1681,0.0965,0.9856,0.8105,0.0377,0.1611,0.1379,0.3333,0.375,0.0487,0.1469,0.1678,0.0,0.0,0.1665,0.093,0.9856,0.8054,0.0376,0.16,0.1379,0.3333,0.375,0.0485,0.1368,0.16399999999999998,0.0,0.0,reg oper account,block of flats,0.1471,Block,No,0.0,0.0,0.0,0.0,-735.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2568969,114764,Revolving loans,22500.0,0.0,900000.0,,,FRIDAY,13,N,0,,,,XAP,Refused,-629,XNA,SCOFR,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,157500.0,338832.0,23049.0,292500.0,Unaccompanied,Pensioner,Higher education,Widow,House / apartment,0.010006000000000001,-21107,365243,-1073.0,-4231,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,13,0,0,0,0,0,0,XNA,,0.5215827014540525,0.3490552510751822,0.1969,0.0706,0.9881,0.7688,0.1245,0.24,0.1034,0.625,0.6667,,0.1605,0.2093,0.0,0.0,0.2006,0.0732,0.9881,0.7779,0.1256,0.2417,0.1034,0.625,0.6667,,0.1754,0.2181,0.0,0.0,0.1988,0.0706,0.9881,0.7719,0.1253,0.24,0.1034,0.625,0.6667,,0.1633,0.2131,0.0,0.0,reg oper account,block of flats,0.2327,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,6.0 +1789267,346804,Cash loans,25119.045,450000.0,551745.0,,450000.0,TUESDAY,17,Y,1,,,,XNA,Approved,-949,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-919.0,491.0,-919.0,-915.0,1.0,0,Cash loans,F,N,N,0,202500.0,646920.0,20997.0,540000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-10935,-3522,-4924.0,-3621,,1,1,1,1,1,1,Laborers,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,Telecom,0.181622568131256,0.6903836799840101,0.5726825047161584,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,1.0,0.0,-2128.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,2.0 +1418106,255287,Consumer loans,10016.91,89685.0,99157.5,0.0,89685.0,THURSDAY,13,Y,1,0.0,,,XAP,Approved,-701,Cash through the bank,XAP,Unaccompanied,New,Construction Materials,POS,XNA,Stone,20,Construction,12.0,middle,POS household with interest,365243.0,-670.0,-340.0,-370.0,-362.0,0.0,0,Cash loans,F,N,Y,0,54000.0,203760.0,11506.5,180000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.015221,-20364,365243,-7716.0,-3439,,1,0,0,1,1,0,,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,XNA,,0.5676634862789117,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-701.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2191723,364503,Consumer loans,6519.555,54531.0,59328.0,0.0,54531.0,THURSDAY,18,Y,1,0.0,,,XAP,Approved,-691,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,55,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-655.0,-385.0,-385.0,-380.0,0.0,0,Cash loans,F,Y,Y,1,81000.0,229500.0,22828.5,229500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Co-op apartment,0.026392000000000002,-13411,-134,-6377.0,-4504,8.0,1,1,0,1,1,1,Sales staff,2.0,2,2,TUESDAY,17,0,0,0,0,0,0,Trade: type 7,0.6224033765793653,0.5845634503388248,0.7490217048463391,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1538.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1693094,334462,Consumer loans,7972.47,100980.0,105876.0,10098.0,100980.0,TUESDAY,10,Y,1,0.09482849604221637,,,XAP,Approved,-2559,XNA,XAP,Family,New,Computers,POS,XNA,Stone,30,Consumer electronics,20.0,high,POS household with interest,365243.0,-2528.0,-1958.0,-1958.0,-1945.0,1.0,0,Cash loans,M,N,Y,0,135000.0,225000.0,15034.5,225000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.014519999999999996,-9901,-1942,-3998.0,-2572,,1,1,1,1,0,1,Security staff,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,Construction,0.38544432047024135,0.6154372835511703,0.3962195720630885,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1453.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1580966,214511,Cash loans,10266.48,126000.0,126000.0,0.0,126000.0,THURSDAY,8,Y,1,0.0,,,XNA,Refused,-2297,Cash through the bank,LIMIT,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,N,0,135000.0,225000.0,11781.0,225000.0,Family,Working,Incomplete higher,Single / not married,With parents,0.019688999999999998,-10298,-1755,-4347.0,-2955,,1,1,1,1,1,0,Accountants,1.0,2,2,FRIDAY,8,0,0,0,1,1,0,Business Entity Type 2,,0.10452632438087027,0.08011638046387602,0.0371,0.0,0.9747,0.6532,0.0031,0.0,0.1034,0.0833,0.125,0.0686,0.0303,0.0292,0.0,0.0,0.0378,0.0,0.9747,0.6668,0.0032,0.0,0.1034,0.0833,0.125,0.0702,0.0331,0.0304,0.0,0.0,0.0375,0.0,0.9747,0.6578,0.0032,0.0,0.1034,0.0833,0.125,0.0698,0.0308,0.0297,0.0,0.0,reg oper account,block of flats,0.0247,"Stone, brick",No,8.0,0.0,8.0,0.0,-2297.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1394988,453396,Revolving loans,45000.0,900000.0,900000.0,,900000.0,SATURDAY,14,Y,1,,,,XAP,Approved,-216,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-215.0,-173.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,1,292500.0,808650.0,26217.0,675000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.04622,-16147,-541,-7512.0,-4040,,1,1,0,1,0,0,Managers,2.0,1,1,FRIDAY,17,0,0,0,0,0,0,Business Entity Type 3,,0.7274731827993444,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-711.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +1424105,235540,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SATURDAY,11,Y,1,,,,XAP,Approved,-839,XNA,XAP,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,-206.0,0.0,0,Cash loans,F,N,Y,1,180000.0,242595.0,14787.0,202500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.009175,-17786,-349,-8144.0,-1332,,1,1,0,1,0,0,,3.0,2,2,FRIDAY,10,0,0,0,0,1,1,Business Entity Type 3,,0.6804400691641713,0.5814837058057234,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1275.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2736506,120264,Cash loans,9479.025,45000.0,51795.0,,45000.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-139,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-109.0,41.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,2,112500.0,143910.0,14017.5,135000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.008019,-14185,-145,-8062.0,-4416,12.0,1,1,0,1,0,0,Drivers,4.0,2,2,TUESDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.658359345677648,0.08795519288362401,,0.1536,0.1687,0.9871,0.8232,0.0256,0.0,0.3448,0.1667,0.2083,0.1443,0.1252,0.1531,0.0,0.0,0.1565,0.1751,0.9871,0.8301,0.0259,0.0,0.3448,0.1667,0.2083,0.1476,0.1368,0.1596,0.0,0.0,0.1551,0.1687,0.9871,0.8256,0.0258,0.0,0.3448,0.1667,0.2083,0.1468,0.1274,0.1559,0.0,0.0,reg oper spec account,block of flats,0.1345,Panel,No,2.0,0.0,2.0,0.0,-1856.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2824113,453675,Consumer loans,5275.755,24295.5,28530.0,0.0,24295.5,FRIDAY,17,Y,1,0.0,,,XAP,Approved,-587,XNA,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,1300,Consumer electronics,6.0,middle,POS household with interest,365243.0,-556.0,-406.0,-496.0,-494.0,0.0,0,Cash loans,F,N,Y,0,90000.0,961146.0,28233.0,688500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.005313,-15596,-313,-772.0,-5340,,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.23659105352581544,0.6161216908872079,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-587.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2807627,103777,Cash loans,28148.13,405000.0,504085.5,,405000.0,WEDNESDAY,10,Y,1,,,,Other,Approved,-477,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,24.0,low_normal,Cash Street: low,365243.0,-447.0,243.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,112500.0,774000.0,27549.0,774000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-15376,-1388,-5113.0,-4581,,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,Transport: type 4,,0.6413142508251598,0.5797274227921155,0.1017,0.0648,0.993,0.9184,0.0203,0.08,0.069,0.3471,0.375,0.0802,0.0908,0.09,0.0,0.0,0.1134,0.0462,0.994,0.9216,0.0205,0.0806,0.069,0.3333,0.375,0.08199999999999999,0.0992,0.0883,0.0,0.0,0.1124,0.0678,0.994,0.9195,0.0205,0.08,0.069,0.3333,0.375,0.0816,0.0923,0.0943,0.0,0.0,reg oper account,block of flats,0.0746,Panel,No,0.0,0.0,0.0,0.0,-1438.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1025657,347559,Consumer loans,9707.13,54945.0,54945.0,0.0,54945.0,WEDNESDAY,12,Y,1,0.0,,,XAP,Approved,-421,Cash through the bank,XAP,,Refreshed,Consumer Electronics,POS,XNA,Stone,20,Furniture,6.0,low_normal,POS other with interest,365243.0,-389.0,-239.0,-239.0,-235.0,0.0,0,Cash loans,F,N,N,0,121500.0,481495.5,32305.5,454500.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.030755,-20350,365243,-10376.0,-3311,,1,0,0,1,0,0,,1.0,2,2,SATURDAY,15,0,0,0,0,0,0,XNA,,0.6419025719144327,0.7688075728291359,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2482.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2271119,170701,Consumer loans,8643.465,78300.0,86566.5,0.0,78300.0,SUNDAY,17,Y,1,0.0,,,XAP,Approved,-617,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Stone,600,Consumer electronics,12.0,middle,POS other with interest,365243.0,-582.0,-252.0,-432.0,-428.0,0.0,0,Cash loans,F,Y,Y,0,157500.0,1078200.0,31653.0,900000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.002042,-12996,-1070,-2777.0,-494,8.0,1,1,1,1,1,0,Sales staff,2.0,3,3,MONDAY,11,0,0,0,0,0,0,Self-employed,,0.4706129598790317,,0.0825,0.0767,0.9771,0.6872,0.008,0.0,0.1379,0.1667,0.2083,0.0859,0.0639,0.0771,0.0154,0.0161,0.084,0.0796,0.9772,0.6994,0.0081,0.0,0.1379,0.1667,0.2083,0.0879,0.0698,0.0804,0.0156,0.0171,0.0833,0.0767,0.9771,0.6914,0.0081,0.0,0.1379,0.1667,0.2083,0.0874,0.065,0.0785,0.0155,0.0165,reg oper account,block of flats,0.0642,Panel,No,4.0,0.0,4.0,0.0,-1027.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1310517,375719,Consumer loans,7392.15,33210.0,35950.5,0.0,33210.0,TUESDAY,16,Y,1,0.0,,,XAP,Approved,-35,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,6.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,0,292500.0,495000.0,23067.0,495000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.011703,-20748,365243,-9751.0,-4115,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,XNA,,0.6394509542684046,0.31703177858344445,0.0804,0.0991,0.9866,,,,0.2069,0.1667,,0.0763,,0.0744,,0.109,0.0819,0.1029,0.9866,,,,0.2069,0.1667,,0.0781,,0.0775,,0.1154,0.0812,0.0991,0.9866,,,,0.2069,0.1667,,0.0777,,0.0757,,0.1113,,block of flats,0.0822,"Stone, brick",No,0.0,0.0,0.0,0.0,-35.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1424108,175041,Cash loans,28873.17,450000.0,491580.0,,450000.0,SUNDAY,11,Y,1,,,,XNA,Approved,-976,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-946.0,-256.0,-856.0,-849.0,1.0,0,Cash loans,F,N,N,0,180000.0,576072.0,21717.0,405000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.009175,-21263,365243,-4632.0,-3955,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,XNA,,0.7448482922195138,0.2176285202779586,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1722.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1557309,156304,Revolving loans,2250.0,45000.0,45000.0,,45000.0,TUESDAY,16,Y,1,,,,XAP,Approved,-171,XNA,XAP,Unaccompanied,New,XNA,Cards,walk-in,Country-wide,57,Connectivity,0.0,XNA,Card Street,,,,,,,1,Cash loans,M,Y,Y,1,202500.0,1078200.0,34911.0,900000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.010147,-14500,-2259,-7367.0,-4351,9.0,1,1,0,1,1,0,Security staff,3.0,2,2,FRIDAY,10,0,1,1,0,0,0,Security,,0.16512830720730587,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1572414,100600,Consumer loans,4088.475,15435.0,14350.5,1543.5,15435.0,WEDNESDAY,8,Y,1,0.10576392463708424,,,XAP,Approved,-2815,XNA,XAP,"Spouse, partner",New,Computers,POS,XNA,Stone,30,Consumer electronics,4.0,low_normal,POS household with interest,365243.0,-2784.0,-2694.0,-2694.0,-2580.0,1.0,0,Cash loans,F,N,Y,2,112500.0,1237684.5,47272.5,1138500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.018029,-14751,-8093,-4199.0,-4369,,1,1,0,1,1,0,Core staff,4.0,3,3,THURSDAY,5,0,0,0,0,0,0,Kindergarten,0.7089302663807847,0.22970644162665235,0.5136937663039473,0.0309,0.0239,0.9881,0.8368,0.0059,0.04,0.0345,0.3333,0.0417,,,0.0381,,0.0,0.0315,0.0248,0.9881,0.8432,0.006,0.0403,0.0345,0.3333,0.0417,,,0.0397,,0.0,0.0312,0.0239,0.9881,0.8390000000000001,0.006,0.04,0.0345,0.3333,0.0417,,,0.0388,,0.0,,block of flats,0.0332,Panel,No,2.0,0.0,2.0,0.0,-1692.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1096084,200891,Consumer loans,15166.755,160102.8,126495.0,45001.8,160102.8,THURSDAY,12,Y,1,0.2857840570362086,,,XAP,Approved,-2031,XNA,XAP,Unaccompanied,New,Computers,POS,XNA,Stone,145,Consumer electronics,12.0,high,POS household with interest,365243.0,-2000.0,-1670.0,-1670.0,-1664.0,0.0,0,Cash loans,F,Y,Y,0,108000.0,634482.0,18679.5,454500.0,Unaccompanied,State servant,Secondary / secondary special,Married,Co-op apartment,0.010006000000000001,-17113,-5293,-6981.0,-653,9.0,1,1,1,1,1,0,,2.0,2,2,FRIDAY,9,0,0,0,0,1,1,Government,,0.16318703546427088,0.5867400085415683,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2031.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2398310,423543,Cash loans,,0.0,0.0,,0.0,WEDNESDAY,12,Y,1,,,,XNA,Refused,-1151,Cash through the bank,XNA,Unaccompanied,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,N,0,112500.0,221832.0,14953.5,175500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.022625,-10271,-1689,-4587.0,-52,,1,1,0,1,0,0,Core staff,1.0,2,2,SATURDAY,13,0,0,0,0,0,0,Self-employed,0.3599863826754963,0.7754856012905206,,0.0,,0.0,,,,,,,,,,,,0.0,,0.0005,,,,,,,,,,,,0.0,,0.0,,,,,,,,,,,,,block of flats,0.0,,No,1.0,0.0,1.0,0.0,-1490.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2565081,279424,Consumer loans,11725.92,112410.0,124281.0,0.0,112410.0,THURSDAY,19,Y,1,0.0,,,XAP,Approved,-969,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,30,Furniture,12.0,low_normal,POS industry with interest,365243.0,-938.0,-608.0,-878.0,-874.0,0.0,0,Cash loans,F,N,N,0,81000.0,334152.0,16074.0,270000.0,Family,Pensioner,Lower secondary,Married,House / apartment,0.022625,-22062,365243,-7047.0,-5161,,1,0,0,1,1,0,,2.0,2,2,SATURDAY,17,0,0,0,0,0,0,XNA,0.3132111133863409,0.015050110667570572,0.16146308000577247,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,2.0,0.0,2.0,0.0,-627.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1231359,339835,Consumer loans,3959.775,28570.5,27517.5,3150.0,28570.5,THURSDAY,15,Y,1,0.111865537250717,,,XAP,Approved,-2029,Cash through the bank,XAP,"Spouse, partner",Repeater,Mobile,POS,XNA,Regional / Local,62,Connectivity,10.0,high,POS mobile with interest,365243.0,-1998.0,-1728.0,-1818.0,-1816.0,0.0,0,Cash loans,M,N,N,0,225000.0,2517300.0,66532.5,2250000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.031329,-17412,-3145,-1511.0,-974,,1,1,0,1,1,0,Drivers,2.0,2,2,MONDAY,13,0,0,0,0,0,0,Self-employed,,0.7731239246901391,0.7281412993111438,0.3454,0.2573,0.9891,0.8504,0.0727,0.4,0.3448,0.3333,0.375,0.0028,0.2791,0.3677,0.0116,0.0412,0.3519,0.267,0.9891,0.8563,0.0734,0.4028,0.3448,0.3333,0.375,0.0029,0.3049,0.3831,0.0117,0.0436,0.3487,0.2573,0.9891,0.8524,0.0731,0.4,0.3448,0.3333,0.375,0.0028,0.2839,0.3743,0.0116,0.0421,reg oper account,block of flats,0.2981,Panel,No,1.0,0.0,1.0,0.0,-2726.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2086837,108738,Cash loans,8748.9,135000.0,180679.5,,135000.0,THURSDAY,14,Y,1,,,,XNA,Approved,-1234,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,low_normal,Cash X-Sell: low,365243.0,-1204.0,-334.0,-334.0,-328.0,1.0,0,Cash loans,F,N,N,1,135000.0,1260000.0,50098.5,1260000.0,Unaccompanied,State servant,Higher education,Married,With parents,0.04622,-14888,-6166,-6051.0,-6051,,1,1,0,1,1,0,Core staff,3.0,1,1,THURSDAY,15,0,0,0,0,0,0,Other,,0.7140337674348918,0.5495965024956946,0.1649,0.228,0.9836,0.762,0.0963,0.0,0.4138,0.1667,0.2083,0.1265,0.1336,0.1644,0.0039,0.001,0.1681,0.2366,0.9836,0.7713,0.0972,0.0,0.4138,0.1667,0.2083,0.1294,0.146,0.1713,0.0039,0.0011,0.1665,0.228,0.9836,0.7652,0.0969,0.0,0.4138,0.1667,0.2083,0.1287,0.136,0.1674,0.0039,0.0011,reg oper account,block of flats,0.1875,"Stone, brick",No,0.0,0.0,0.0,0.0,-3014.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1174570,195931,Cash loans,,0.0,0.0,,,TUESDAY,14,Y,1,,,,XNA,Refused,-325,XNA,SCOFR,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,N,Y,0,270000.0,398016.0,31446.0,360000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.018029,-10986,-3249,-693.0,-3409,,1,1,0,1,0,0,Laborers,1.0,3,2,FRIDAY,10,0,0,0,0,0,0,Business Entity Type 2,0.2251561510329287,0.5472150380562968,0.5172965813614878,0.0825,0.0796,0.9752,0.66,0.033,0.0,0.1379,0.1667,0.2083,0.0706,0.0672,0.0707,0.0,0.0,0.084,0.0826,0.9752,0.6733,0.0333,0.0,0.1379,0.1667,0.2083,0.0723,0.0735,0.0737,0.0,0.0,0.0833,0.0796,0.9752,0.6645,0.0332,0.0,0.1379,0.1667,0.2083,0.0719,0.0684,0.07200000000000001,0.0,0.0,reg oper account,block of flats,0.0737,Panel,No,6.0,0.0,6.0,0.0,-325.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2206905,237033,Consumer loans,5356.575,29655.0,26689.5,2965.5,29655.0,THURSDAY,17,Y,1,0.1089090909090909,,,XAP,Approved,-2840,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,100,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2802.0,-2652.0,-2652.0,-2564.0,0.0,0,Cash loans,F,N,Y,0,135000.0,298512.0,29209.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007273999999999998,-17422,-6547,-4108.0,-963,,1,1,0,1,0,0,Managers,2.0,2,2,TUESDAY,16,0,0,0,0,0,0,Postal,,0.05323940735134874,0.33285056416487313,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-68.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1751459,310096,Consumer loans,17348.94,185868.0,185868.0,0.0,185868.0,SUNDAY,18,Y,1,0.0,,,XAP,Approved,-264,Cash through the bank,XAP,Unaccompanied,Repeater,Homewares,POS,XNA,Country-wide,144,Construction,12.0,low_normal,POS other with interest,365243.0,-231.0,99.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,112500.0,297130.5,13086.0,256500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.011703,-21407,-4084,-15355.0,-4728,,1,1,0,1,1,0,Cleaning staff,1.0,2,2,FRIDAY,17,0,0,0,0,0,0,Industry: type 7,,0.7042833035393552,,0.0746,0.0061,0.9831,0.7688,0.0132,0.0132,0.1034,0.2221,0.2638,0.0532,0.0605,0.0592,0.0013,0.0142,0.0651,0.0,0.9752,0.6733,0.0069,0.0,0.1379,0.1667,0.2083,0.0353,0.0569,0.0569,0.0,0.0033,0.0781,0.0,0.9757,0.6713,0.0071,0.0,0.1379,0.1667,0.2083,0.0619,0.0641,0.0604,0.0,0.0146,reg oper account,block of flats,0.0536,"Stone, brick",No,2.0,1.0,2.0,1.0,-205.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2346377,403042,Cash loans,37876.455,450000.0,487422.0,,450000.0,MONDAY,11,Y,1,,,,XNA,Approved,-1589,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,100,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-1559.0,-1049.0,-1049.0,-1044.0,1.0,0,Cash loans,M,Y,N,0,225000.0,445437.0,46903.5,400500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.011656999999999999,-20524,-3952,-10349.0,-4041,10.0,1,1,1,1,1,0,Laborers,2.0,1,1,SUNDAY,10,0,0,0,0,1,1,Business Entity Type 3,,0.6512218864443334,,0.1309,0.1312,0.9851,0.7959999999999999,0.0127,0.0,0.2759,0.1667,0.2083,0.1516,0.1051,0.0792,0.0077,0.136,0.1334,0.1361,0.9851,0.804,0.0128,0.0,0.2759,0.1667,0.2083,0.155,0.1148,0.0825,0.0078,0.14400000000000002,0.1322,0.1312,0.9851,0.7987,0.0128,0.0,0.2759,0.1667,0.2083,0.1542,0.1069,0.0806,0.0078,0.1389,reg oper account,block of flats,0.1024,"Stone, brick",No,0.0,0.0,0.0,0.0,-3301.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1849887,379570,Cash loans,10850.805,90000.0,95940.0,,90000.0,WEDNESDAY,20,Y,1,,,,XNA,Approved,-406,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,12.0,high,Cash X-Sell: high,365243.0,-376.0,-46.0,-166.0,-164.0,1.0,0,Cash loans,F,N,Y,0,225000.0,1044000.0,30654.0,1044000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-20020,-4573,-7411.0,-3414,,1,1,0,1,0,1,Sales staff,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Self-employed,,0.4657889198575781,0.4489622731076524,0.0742,,0.9851,,,0.08,0.069,0.3333,,,,0.0827,,0.0067,0.0756,,0.9851,,,0.0806,0.069,0.3333,,,,0.085,,0.0,0.0749,,0.9851,,,0.08,0.069,0.3333,,,,0.0844,,0.0049,,block of flats,0.065,"Stone, brick",No,12.0,0.0,12.0,0.0,-979.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,5.0,0.0,4.0 +2233620,225936,Cash loans,18552.69,229500.0,248130.0,,229500.0,THURSDAY,12,Y,1,,,,XNA,Approved,-355,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-325.0,185.0,-325.0,-317.0,1.0,0,Cash loans,F,N,N,0,90000.0,172692.0,16110.0,162000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.019101,-22892,365243,-3286.0,-4887,,1,0,0,1,0,0,,2.0,2,2,MONDAY,9,0,0,0,0,0,0,XNA,,0.7475526062469009,0.4992720153045617,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1958.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2515737,273590,Cash loans,11819.25,112500.0,112500.0,0.0,112500.0,THURSDAY,15,Y,1,0.0,,,Everyday expenses,Refused,-2131,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,12.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,211500.0,679500.0,19998.0,679500.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,House / apartment,0.026392000000000002,-10794,-4027,-2678.0,-610,,1,1,1,1,0,0,Managers,1.0,2,2,SUNDAY,14,0,0,0,1,1,0,Postal,,0.530921402606887,0.41184855592423975,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,12.0,1.0,12.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,2.0 +2383861,404485,Consumer loans,6915.96,32445.0,25956.0,6489.0,32445.0,MONDAY,17,Y,1,0.2178181818181818,,,XAP,Approved,-836,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,21,Connectivity,4.0,middle,POS mobile without interest,365243.0,-791.0,-701.0,-731.0,-724.0,0.0,0,Revolving loans,M,N,N,0,157500.0,180000.0,9000.0,180000.0,Family,Working,Secondary / secondary special,Single / not married,With parents,0.010643000000000001,-8726,-1211,-5151.0,-1409,,1,1,0,1,0,0,High skill tech staff,1.0,2,2,THURSDAY,14,0,1,1,0,0,0,Business Entity Type 1,0.11719550592207174,0.4459387020083136,0.38079968264891495,0.0577,0.0456,0.9921,,0.0254,0.0,0.1379,0.1667,,,,0.0519,,0.0638,0.0588,0.0473,0.9921,,0.0256,0.0,0.1379,0.1667,,,,0.054000000000000006,,0.0675,0.0583,0.0456,0.9921,,0.0255,0.0,0.1379,0.1667,,,,0.0528,,0.0651,,block of flats,0.0547,"Stone, brick",No,1.0,0.0,1.0,0.0,-836.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1308454,280837,Consumer loans,5766.21,93100.5,111532.5,0.0,93100.5,WEDNESDAY,19,Y,1,0.0,,,XAP,Approved,-1370,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Regional / Local,-1,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-1339.0,-649.0,-649.0,-645.0,0.0,0,Cash loans,F,N,N,0,180000.0,397881.0,14418.0,328500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,Municipal apartment,0.04622,-23237,365243,-5583.0,-4273,,1,0,0,1,0,0,,2.0,1,1,MONDAY,11,0,0,0,0,0,0,XNA,0.813534546322012,0.6717921868360806,,,,0.9921,,,0.08,0.069,0.375,,,,,,,,,0.9921,,,0.0806,0.069,0.375,,,,,,,,,0.9921,,,0.08,0.069,0.375,,,,,,,,block of flats,0.0757,Panel,No,0.0,0.0,0.0,0.0,-1370.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2290687,141539,Cash loans,46291.05,454500.0,556285.5,,454500.0,THURSDAY,11,Y,1,,,,XNA,Approved,-391,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-361.0,149.0,-271.0,-269.0,1.0,0,Cash loans,F,N,Y,0,225000.0,1185120.0,42696.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-15349,-2156,-7250.0,-3494,,1,1,0,1,1,0,Cooking staff,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.4596543818008253,0.487512624358615,0.6313545365850379,0.0082,,0.9896,,,0.0,0.069,0.375,,0.0383,,0.0949,,,0.0084,,0.9896,,,0.0,0.069,0.375,,0.0392,,0.0988,,,0.0083,,0.9896,,,0.0,0.069,0.375,,0.039,,0.0966,,,,block of flats,0.0966,Panel,No,2.0,0.0,2.0,0.0,-2227.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2666613,295870,Revolving loans,11250.0,225000.0,225000.0,,225000.0,THURSDAY,14,Y,1,,,,XAP,Refused,-374,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Revolving loans,F,Y,Y,0,225000.0,675000.0,33750.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-17115,-6125,-578.0,-615,3.0,1,1,0,1,0,0,Managers,2.0,2,2,SUNDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.4918623946121763,0.6817058776720116,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-459.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,4.0,0.0,0.0 +2791118,169205,Revolving loans,6750.0,135000.0,135000.0,,135000.0,MONDAY,11,Y,1,,,,XAP,Approved,-120,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),4,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,67500.0,90000.0,6012.0,90000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.007120000000000001,-11998,-2390,-2322.0,-4135,,1,1,0,1,1,0,Sales staff,1.0,2,2,TUESDAY,9,0,0,0,0,0,0,Self-employed,0.3936187945515013,0.26525634018619443,0.5298898341969072,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,1.0,6.0,1.0,-2662.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2560881,169747,Consumer loans,2225.295,20952.0,18855.0,2097.0,20952.0,FRIDAY,12,Y,1,0.1090026554201812,,,XAP,Approved,-1494,Cash through the bank,XAP,Other_B,New,Clothing and Accessories,POS,XNA,Stone,248,Clothing,10.0,low_normal,POS industry with interest,365243.0,-1463.0,-1193.0,-1283.0,-1274.0,0.0,0,Cash loans,F,N,N,1,180000.0,134775.0,9715.5,112500.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.010966,-12766,-1691,-5966.0,-4347,,1,1,0,1,0,0,Sales staff,3.0,2,2,MONDAY,12,0,0,0,0,0,0,Self-employed,0.7616526901176879,0.5149930819459244,0.6738300778602003,0.0825,0.0321,0.9747,,0.0077,0.0,0.1379,0.1667,0.2083,0.0633,0.0656,0.0635,0.0077,0.0251,0.084,0.0333,0.9747,,0.0077,0.0,0.1379,0.1667,0.2083,0.0648,0.0716,0.0662,0.0078,0.0266,0.0833,0.0321,0.9747,,0.0077,0.0,0.1379,0.1667,0.2083,0.0644,0.0667,0.0647,0.0078,0.0257,reg oper spec account,block of flats,0.0537,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,1.0 +2303694,401016,Consumer loans,19574.55,131242.5,111555.0,19687.5,131242.5,SATURDAY,10,Y,1,0.16337297196203412,,,XAP,Approved,-879,Cash through the bank,XAP,Unaccompanied,New,Construction Materials,POS,XNA,Regional / Local,34,Construction,6.0,low_action,POS industry without interest,365243.0,-843.0,-693.0,-693.0,-689.0,0.0,0,Cash loans,F,Y,Y,0,189000.0,654048.0,23620.5,540000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.030755,-12316,-3615,-2871.0,-4820,9.0,1,1,0,1,0,1,Accountants,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Self-employed,0.596627783579606,0.2561699473285046,0.2622489709189549,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-70.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1754763,324891,Consumer loans,14458.95,115560.0,125730.0,0.0,115560.0,SATURDAY,5,Y,1,0.0,,,XAP,Approved,-492,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Regional / Local,356,Consumer electronics,10.0,middle,POS household with interest,365243.0,-461.0,-191.0,-191.0,-183.0,0.0,0,Cash loans,F,Y,Y,0,85500.0,187704.0,10903.5,148500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008068,-17454,-5024,-2112.0,-987,9.0,1,1,0,1,0,0,High skill tech staff,2.0,3,3,MONDAY,6,0,0,0,0,1,1,Trade: type 6,0.583326248959344,0.4510717091518881,0.6986675550534175,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1714.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2748726,216449,Cash loans,12054.87,229500.0,266760.0,,229500.0,THURSDAY,10,Y,1,,,,XNA,Approved,-331,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-301.0,749.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,0,225000.0,814041.0,28971.0,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-20535,-188,-2819.0,-3640,21.0,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,9,0,0,0,0,1,1,Transport: type 4,,0.6680834761157887,0.6109913280868294,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-625.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1816373,246714,Cash loans,22810.545,225000.0,247275.0,,225000.0,SATURDAY,16,Y,1,,,,Car repairs,Approved,-334,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,,,,,,,0,Cash loans,M,Y,Y,1,135000.0,1125000.0,33025.5,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.04622,-16747,-2652,-5644.0,-294,8.0,1,1,0,1,0,0,Drivers,2.0,1,1,THURSDAY,11,1,0,1,1,0,1,Transport: type 3,0.6866587197794947,0.7526557635342199,0.5937175866150576,0.1237,0.1108,0.9876,0.83,,0.12,0.1034,0.375,0.4167,0.2906,0.1009,0.1331,0.0,0.0628,0.1261,0.115,0.9876,0.8367,,0.1208,0.1034,0.375,0.4167,0.2972,0.1102,0.1387,0.0,0.0664,0.1249,0.1108,0.9876,0.8323,,0.12,0.1034,0.375,0.4167,0.2956,0.1026,0.1355,0.0,0.0641,reg oper account,block of flats,0.1183,Panel,No,0.0,0.0,0.0,0.0,-1505.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +1933488,336320,Consumer loans,3689.46,34191.0,30771.0,3420.0,34191.0,FRIDAY,19,Y,1,0.10893775874033827,,,XAP,Refused,-2156,Cash through the bank,LIMIT,Family,New,Computers,POS,XNA,Country-wide,1655,Consumer electronics,12.0,high,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,202500.0,810571.5,34470.0,724500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018634,-18527,-1441,-5641.0,-2079,,1,1,0,1,0,0,Core staff,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Construction,0.5723575646296435,0.4275273843285271,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-21.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1973950,357177,Consumer loans,4874.355,21064.5,17109.0,4500.0,21064.5,FRIDAY,13,Y,1,0.2267994396274279,,,XAP,Approved,-2463,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,53,Connectivity,4.0,low_normal,POS mobile with interest,365243.0,-2422.0,-2332.0,-2332.0,-2314.0,1.0,0,Cash loans,M,Y,Y,0,360000.0,1006920.0,51543.0,900000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.02461,-19050,-2059,-4905.0,-2576,4.0,1,1,0,1,0,0,,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.7522456486921242,0.6993456159502998,0.2793353208976285,0.0825,0.0694,0.9757,,,0.0,0.1379,0.1667,,0.0678,,0.0763,,0.0,0.084,0.07200000000000001,0.9757,,,0.0,0.1379,0.1667,,0.0694,,0.0795,,0.0,0.0833,0.0694,0.9757,,,0.0,0.1379,0.1667,,0.069,,0.0776,,0.0,,block of flats,0.0643,Panel,No,6.0,0.0,6.0,0.0,-1032.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2480990,170248,Cash loans,22853.79,225000.0,337824.0,,225000.0,WEDNESDAY,9,Y,1,,,,Other,Refused,-310,Cash through the bank,LIMIT,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,high,Cash Street: high,,,,,,,0,Revolving loans,M,N,Y,0,166500.0,292500.0,14625.0,292500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018209,-16975,-3004,-1102.0,-517,,1,1,0,1,0,0,Managers,2.0,3,3,FRIDAY,6,0,0,0,0,0,0,Business Entity Type 3,,0.019566833700861642,0.6127042441012546,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1114.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1717359,155029,Cash loans,23703.075,225000.0,285682.5,0.0,225000.0,SATURDAY,11,Y,1,0.0,,,XNA,Approved,-2077,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-2047.0,-1537.0,-1807.0,-1803.0,1.0,0,Cash loans,M,Y,Y,2,427500.0,398160.0,31585.5,315000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-11289,-1955,-1151.0,-3942,3.0,1,1,0,1,0,0,,4.0,2,1,THURSDAY,9,0,0,0,0,0,0,Industry: type 9,0.3746420115624272,0.597365203886951,0.10344905212675168,0.1021,0.1439,0.9856,0.8028,0.0291,0.0,0.2414,0.1667,0.2083,0.0555,0.0828,0.1176,0.0019,0.0106,0.084,0.1291,0.9856,0.8105,0.0241,0.0,0.2069,0.1667,0.2083,0.0568,0.0725,0.0993,0.0,0.0,0.1031,0.1439,0.9856,0.8054,0.0293,0.0,0.2414,0.1667,0.2083,0.0565,0.0842,0.1198,0.0019,0.0109,reg oper account,block of flats,0.0831,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,1.0 +2384162,284970,Consumer loans,24062.715,150394.5,135351.0,15043.5,150394.5,FRIDAY,10,Y,1,0.10893841923015196,,,XAP,Approved,-383,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Country-wide,50,Connectivity,6.0,low_normal,POS household with interest,365243.0,-347.0,-197.0,-197.0,-192.0,0.0,0,Cash loans,F,Y,Y,0,225000.0,454500.0,14661.0,454500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.072508,-15909,-2323,-5439.0,-4391,2.0,1,1,0,1,0,0,,2.0,1,1,WEDNESDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.8625352157940818,0.7479155916175269,0.41534714488434,0.0206,0.0715,0.9722,0.6192,0.0266,0.0,0.069,0.2083,0.25,0.0,0.0168,0.0728,0.0077,0.0489,0.021,0.0742,0.9722,0.6341,0.0268,0.0,0.069,0.2083,0.25,0.0,0.0184,0.0758,0.0078,0.0517,0.0208,0.0715,0.9722,0.6243,0.0267,0.0,0.069,0.2083,0.25,0.0,0.0171,0.0741,0.0078,0.0499,not specified,specific housing,0.0679,"Stone, brick",No,0.0,0.0,0.0,0.0,-832.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1981216,417153,Cash loans,27580.32,450000.0,491580.0,,450000.0,MONDAY,10,Y,1,,,,XNA,Refused,-261,XNA,HC,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,1,247500.0,1205451.0,39969.0,1080000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.010147,-13444,-1293,-638.0,-2220,,1,1,0,1,0,0,Cooking staff,3.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,Self-employed,0.6338497471149616,0.5955229831074591,0.6195277080511546,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1955.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,1.0,8.0 +1230148,400135,Cash loans,49857.21,1237500.0,1345311.0,,1237500.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-588,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_action,Cash X-Sell: low,365243.0,-558.0,492.0,-288.0,-283.0,1.0,0,Cash loans,M,Y,N,1,157500.0,315000.0,16623.0,315000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.018801,-10577,-242,-1416.0,-3220,13.0,1,1,0,1,0,0,,3.0,2,2,TUESDAY,15,0,0,0,0,0,0,Business Entity Type 1,,0.5536705698054998,0.5460231970049609,0.0082,0.0,0.9697,0.5852,0.0013,0.0,0.0345,0.0417,0.0833,0.0087,0.0067,0.0077,0.0,0.0,0.0084,0.0,0.9697,0.6014,0.0013,0.0,0.0345,0.0417,0.0833,0.0089,0.0073,0.008,0.0,0.0,0.0083,0.0,0.9697,0.5907,0.0013,0.0,0.0345,0.0417,0.0833,0.0088,0.0068,0.0078,0.0,0.0,reg oper account,block of flats,0.006,"Stone, brick",No,1.0,0.0,1.0,0.0,-1544.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2103565,331478,Consumer loans,7293.96,81540.0,83074.5,8154.0,81540.0,THURSDAY,8,Y,1,0.09734290570082016,,,XAP,Approved,-2716,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Stone,360,Consumer electronics,16.0,high,POS household with interest,365243.0,-2685.0,-2235.0,-2235.0,-2230.0,1.0,0,Cash loans,F,Y,Y,0,54000.0,225000.0,12564.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-17989,-1565,-2414.0,-1519,5.0,1,1,1,1,1,0,Cleaning staff,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,School,0.4397115560363581,0.639350115196884,0.3979463219016906,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-491.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2806259,234063,Consumer loans,5517.81,71550.0,48960.0,27000.0,71550.0,MONDAY,16,Y,1,0.3871176217147779,,,XAP,Approved,-2231,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,1987,Consumer electronics,12.0,high,POS household with interest,365243.0,-2200.0,-1870.0,-2110.0,-2106.0,0.0,0,Cash loans,M,Y,N,2,270000.0,137520.0,6817.5,90000.0,Unaccompanied,Working,Secondary / secondary special,Married,Rented apartment,0.018801,-12929,-2000,-1439.0,-1433,8.0,1,1,0,1,0,0,Sales staff,4.0,2,2,SATURDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.5876667057682007,0.08391700365753578,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,6.0,0.0,-1062.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +1025185,302768,Revolving loans,13500.0,270000.0,270000.0,,270000.0,TUESDAY,12,Y,1,,,,XAP,Approved,-343,XNA,XAP,,Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-343.0,-300.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,189000.0,1024290.0,30078.0,855000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.007114,-19860,365243,-1767.0,-3381,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,,0.2650475600360688,0.42589289800515295,0.1495,0.0643,0.9791,,,0.0,0.069,0.2917,,,,0.0791,,0.0,0.1523,0.0667,0.9791,,,0.0,0.069,0.2917,,,,0.0824,,0.0,0.1509,0.0643,0.9791,,,0.0,0.069,0.2917,,,,0.0805,,0.0,,block of flats,0.0622,Panel,No,0.0,0.0,0.0,0.0,-2481.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2154340,426219,Cash loans,38071.89,675000.0,721332.0,,675000.0,MONDAY,13,Y,1,,,,Building a house or an annex,Approved,-389,Cash through the bank,XAP,,New,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,24.0,low_normal,Cash Street: low,365243.0,-357.0,333.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,157500.0,314055.0,12091.5,238500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.018801,-21780,365243,-884.0,-3718,,1,0,0,1,1,0,,1.0,2,2,FRIDAY,6,0,0,0,0,0,0,XNA,,0.15727332954329926,0.5531646987710016,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1249649,108924,Consumer loans,21003.93,109815.75,115609.5,2.25,109815.75,FRIDAY,17,Y,1,2.1195549288498312e-05,,,XAP,Approved,-710,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Stone,148,Consumer electronics,6.0,middle,POS household with interest,365243.0,-677.0,-527.0,-617.0,-610.0,0.0,0,Cash loans,F,N,Y,0,103500.0,770913.0,22540.5,643500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010147,-21245,365243,-11777.0,-4480,,1,0,0,1,1,0,,2.0,2,2,MONDAY,10,0,0,0,0,0,0,XNA,,0.5779956788743462,0.4992720153045617,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1824.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1765187,427413,Consumer loans,7661.835,127710.0,114939.0,12771.0,127710.0,WEDNESDAY,11,Y,1,0.1089090909090909,,,XAP,Approved,-671,XNA,XAP,Unaccompanied,Repeater,Construction Materials,POS,XNA,Stone,60,Construction,18.0,low_normal,POS industry with interest,365243.0,-640.0,-130.0,-190.0,-184.0,0.0,0,Cash loans,F,Y,Y,0,213750.0,94230.0,6502.5,67500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.008473999999999999,-10298,-1323,-3892.0,-748,7.0,1,1,0,1,1,0,Sales staff,2.0,2,2,TUESDAY,11,0,1,1,0,0,0,Other,,0.4608734673804423,0.18629294965553744,0.1237,0.0752,0.9816,,,0.0,0.069,0.1667,,0.0449,,0.0641,,0.0,0.1261,0.0781,0.9816,,,0.0,0.069,0.1667,,0.0459,,0.0668,,0.0,0.1249,0.0752,0.9816,,,0.0,0.069,0.1667,,0.0457,,0.0653,,0.0,,block of flats,0.0505,"Stone, brick",No,4.0,3.0,4.0,0.0,-1113.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +1072710,401982,Consumer loans,17377.245,173790.0,156411.0,17379.0,173790.0,WEDNESDAY,14,Y,1,0.1089090909090909,,,XAP,Refused,-2217,Cash through the bank,SCO,Unaccompanied,Repeater,Audio/Video,POS,XNA,Stone,250,Consumer electronics,10.0,low_normal,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,54000.0,315000.0,15282.0,315000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-21652,365243,-5687.0,-4624,,1,0,0,1,1,0,,2.0,2,2,MONDAY,13,0,0,0,0,0,0,XNA,,0.5099229959610739,0.5797274227921155,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1185.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2620529,289569,Consumer loans,2620.305,24142.5,19642.5,4500.0,24142.5,SUNDAY,11,Y,1,0.2029992374819961,,,XAP,Refused,-2581,Cash through the bank,SCO,Family,Repeater,XNA,POS,XNA,Stone,40,Connectivity,10.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,Y,Y,0,157500.0,260568.0,25902.0,247500.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.00702,-19496,-1255,-4538.0,-3030,64.0,1,1,0,1,0,0,Sales staff,1.0,2,2,FRIDAY,9,0,0,0,0,0,0,Trade: type 7,,0.7702962245639479,0.6658549219640212,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1739.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1676278,289866,Cash loans,24988.545,450000.0,551745.0,,450000.0,THURSDAY,11,Y,1,,,,XNA,Approved,-1189,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-1159.0,251.0,-619.0,-612.0,1.0,0,Cash loans,F,N,Y,0,135000.0,183784.5,14350.5,148500.0,Unaccompanied,State servant,Higher education,Widow,House / apartment,0.014464,-18672,-723,-2662.0,-2204,,1,1,0,1,1,0,,1.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,Other,0.8613529191881122,0.5879369198224458,0.2910973802776635,0.068,0.0379,0.9752,0.66,0.0217,0.0,0.1034,0.1667,0.0417,0.0615,0.0555,0.0613,0.0,0.0041,0.0693,0.0394,0.9752,0.6733,0.0219,0.0,0.1034,0.1667,0.0417,0.0629,0.0606,0.0639,0.0,0.0043,0.0687,0.0379,0.9752,0.6645,0.0218,0.0,0.1034,0.1667,0.0417,0.0626,0.0564,0.0624,0.0,0.0042,reg oper account,block of flats,0.061,Panel,No,0.0,0.0,0.0,0.0,-2239.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1313508,295282,Consumer loans,28975.545,173646.0,162985.5,17365.5,173646.0,SUNDAY,10,Y,1,0.10486555761719196,,,XAP,Approved,-315,XNA,XAP,Unaccompanied,New,Clothing and Accessories,POS,XNA,Stone,70,Clothing,6.0,low_normal,POS industry with interest,365243.0,-285.0,-135.0,-135.0,-133.0,1.0,0,Revolving loans,F,N,Y,0,180000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Higher education,Single / not married,Office apartment,0.010032,-15244,-2883,-3449.0,-4190,,1,1,0,1,0,0,Core staff,1.0,2,2,SUNDAY,6,0,0,0,0,0,0,Military,,0.372708234649406,0.7700870700124128,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-315.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2628360,267100,Consumer loans,12424.815,134662.5,121194.0,13468.5,134662.5,MONDAY,20,Y,1,0.10892728791676158,,,XAP,Approved,-591,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Stone,100,Furniture,12.0,middle,POS industry with interest,365243.0,-560.0,-230.0,-410.0,-403.0,0.0,0,Cash loans,F,N,Y,2,360000.0,562491.0,27189.0,454500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.04622,-16892,-115,-1694.0,-437,,1,1,0,1,0,0,Core staff,4.0,1,1,THURSDAY,12,0,1,1,0,0,0,Business Entity Type 3,0.7874333331560357,0.7256006340034454,,0.2371,0.1202,0.9955,0.9524,0.1677,0.28,0.1207,0.6146,0.7083,0.0504,0.2269,0.2848,0.0,0.0024,0.2111,0.0955,0.9965,0.9543,0.1692,0.2417,0.1034,0.6667,0.7083,0.0169,0.2479,0.2095,0.0,0.0,0.2337,0.1004,0.996,0.953,0.1688,0.28,0.1207,0.6667,0.7083,0.0286,0.2309,0.3014,0.0,0.0,org spec account,block of flats,0.2218,Mixed,No,0.0,0.0,0.0,0.0,-937.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2443816,165355,Consumer loans,16200.0,90000.0,72000.0,18000.0,90000.0,SATURDAY,10,Y,1,0.2178181818181818,,,XAP,Refused,-2323,Cash through the bank,SCO,Family,Repeater,Computers,POS,XNA,Stone,150,Consumer electronics,5.0,middle,POS household without interest,,,,,,,0,Cash loans,F,N,N,0,135000.0,468733.5,22927.5,387000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-17809,-5256,-4948.0,-1347,,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,16,0,0,0,0,0,0,Other,,0.7661573946043185,0.3893387918468769,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2424.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2295257,443508,Cash loans,16632.405,135000.0,162315.0,,135000.0,MONDAY,9,Y,1,,,,XNA,Approved,-638,XNA,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-608.0,-278.0,-278.0,-275.0,1.0,0,Cash loans,M,Y,Y,0,103500.0,229500.0,18261.0,229500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.028663,-18286,-3176,-5116.0,-1816,11.0,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Industry: type 9,,0.7263010598229069,0.5832379256761245,0.1485,0.2211,0.9871,,,0.0,0.3793,0.1667,,0.1325,,0.1504,,0.0061,0.1513,0.2295,0.9871,,,0.0,0.3793,0.1667,,0.1355,,0.1567,,0.0065,0.1499,0.2211,0.9871,,,0.0,0.3793,0.1667,,0.1348,,0.1531,,0.0062,,block of flats,0.1196,"Stone, brick",No,0.0,0.0,0.0,0.0,-2522.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1540239,424811,Revolving loans,9000.0,0.0,180000.0,,,FRIDAY,11,Y,1,,,,XAP,Approved,-748,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-658.0,-614.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,162000.0,156384.0,17815.5,135000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.00733,-22181,365243,-12058.0,-4992,,1,0,0,1,1,0,,1.0,2,2,THURSDAY,10,0,0,0,0,0,0,XNA,,0.6565075493268191,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-748.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2059175,238805,Consumer loans,3299.94,15831.0,17676.0,0.0,15831.0,SUNDAY,8,Y,1,0.0,,,XAP,Approved,-542,Cash through the bank,XAP,,New,Office Appliances,POS,XNA,Country-wide,500,Consumer electronics,6.0,middle,POS household with interest,365243.0,-511.0,-361.0,-511.0,-507.0,0.0,0,Cash loans,M,N,Y,0,112500.0,286704.0,22779.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.006852,-8771,-1079,-3345.0,-1432,,1,1,0,1,0,0,,2.0,3,3,WEDNESDAY,8,0,0,0,0,0,0,Transport: type 4,0.1431737060472748,0.04080290296856031,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-542.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2193186,444498,Cash loans,45506.025,1129500.0,1227901.5,,1129500.0,SATURDAY,10,Y,1,,,,XNA,Refused,-219,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,M,Y,Y,0,112500.0,970380.0,28372.5,810000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-20599,-4998,-5991.0,-2901,14.0,1,1,0,1,1,0,Laborers,2.0,2,2,MONDAY,11,0,0,0,0,0,0,Self-employed,,0.6469933004159818,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,0.0,9.0,0.0,-2491.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1082429,325200,Consumer loans,5026.05,24430.5,23161.5,2430.0,24430.5,MONDAY,15,Y,1,0.10341288744664866,,,XAP,Approved,-1155,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,28,Connectivity,6.0,high,POS mobile with interest,365243.0,-1121.0,-971.0,-971.0,-967.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,481176.0,24696.0,360000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.008865999999999999,-18398,-1110,-3.0,-1946,13.0,1,1,0,1,0,0,High skill tech staff,1.0,2,2,MONDAY,15,0,0,0,0,0,0,Industry: type 11,,0.28899278967539194,0.3825018041447388,0.0124,0.0,0.9463,0.2656,0.0011,0.0,0.069,0.0417,0.0833,0.0049,0.0101,0.0085,0.0,0.0,0.0126,0.0,0.9464,0.2944,0.0011,0.0,0.069,0.0417,0.0833,0.005,0.011,0.0089,0.0,0.0,0.0125,0.0,0.9463,0.2754,0.0011,0.0,0.069,0.0417,0.0833,0.005,0.0103,0.0087,0.0,0.0,reg oper account,block of flats,0.0073,Wooden,No,0.0,0.0,0.0,0.0,-1155.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1072798,261969,Consumer loans,,99360.0,99360.0,0.0,99360.0,TUESDAY,18,Y,1,0.0,,,XAP,Refused,-188,Cash through the bank,HC,,Repeater,Mobile,XNA,XNA,Country-wide,70,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Revolving loans,M,Y,Y,0,360000.0,810000.0,40500.0,810000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.035792000000000004,-17877,-1963,-2505.0,-1413,2.0,1,1,0,1,0,0,Managers,1.0,2,2,MONDAY,12,0,0,0,0,0,0,Self-employed,0.6559675147092151,0.6962514253734696,0.25533177083329,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-1607.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2283714,421788,Consumer loans,18388.755,116995.5,98230.5,23400.0,116995.5,SUNDAY,11,Y,1,0.20952579552601747,,,XAP,Approved,-1969,Cash through the bank,XAP,"Spouse, partner",Repeater,Computers,POS,XNA,Country-wide,1500,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1938.0,-1788.0,-1848.0,-1843.0,0.0,0,Cash loans,M,Y,Y,1,315000.0,491031.0,39370.5,463500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.04622,-15893,-829,-4709.0,-4709,14.0,1,1,0,1,0,0,Managers,3.0,1,1,TUESDAY,12,0,0,0,0,1,1,Business Entity Type 3,,0.7025131679789078,0.3859146722745145,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1704.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2267194,150625,Revolving loans,22500.0,450000.0,450000.0,,450000.0,MONDAY,9,Y,1,,,,XAP,Refused,-487,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,Y,Y,1,157500.0,463500.0,25272.0,463500.0,Unaccompanied,Working,Secondary / secondary special,Married,Rented apartment,0.018209,-17634,-2530,-185.0,-1184,21.0,1,1,0,1,0,0,,3.0,3,3,FRIDAY,8,0,0,0,0,0,0,Industry: type 11,,0.6577393067611432,0.4223696523543468,0.0124,0.0,0.9672,0.5512,0.0,0.0,0.069,0.0417,0.0833,0.0322,0.0101,0.0102,0.0,0.0,0.0126,0.0,0.9672,0.5688,0.0,0.0,0.069,0.0417,0.0833,0.0329,0.011,0.0107,0.0,0.0,0.0125,0.0,0.9672,0.5572,0.0,0.0,0.069,0.0417,0.0833,0.0327,0.0103,0.0104,0.0,0.0,reg oper account,block of flats,0.0087,"Stone, brick",No,0.0,0.0,0.0,0.0,-1039.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +2833084,111136,Consumer loans,12576.24,116190.0,113197.5,11619.0,116190.0,FRIDAY,11,Y,1,0.10138200696804728,,,XAP,Approved,-1289,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Stone,180,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1246.0,-976.0,-976.0,-972.0,0.0,0,Cash loans,F,N,Y,0,247500.0,848745.0,37516.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,Municipal apartment,0.04622,-22379,365243,-9997.0,-4211,,1,0,0,1,0,0,,1.0,1,1,SATURDAY,11,0,0,0,0,0,0,XNA,,0.7408759295850879,0.6940926425266661,0.0619,0.0707,0.9861,0.8096,0.0968,0.0,0.1379,0.1667,0.2083,0.0684,0.0504,0.0617,0.0,0.02,0.063,0.0734,0.9861,0.8171,0.0976,0.0,0.1379,0.1667,0.2083,0.07,0.0551,0.0643,0.0,0.0212,0.0625,0.0707,0.9861,0.8121,0.0974,0.0,0.1379,0.1667,0.2083,0.0696,0.0513,0.0628,0.0,0.0204,reg oper spec account,block of flats,0.0529,Panel,No,2.0,0.0,2.0,0.0,-1289.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1975276,277112,Revolving loans,22500.0,0.0,450000.0,,,WEDNESDAY,14,Y,1,,,,XAP,Approved,-1377,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-1344.0,-1304.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,0,202500.0,526491.0,28692.0,454500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-15603,-7963,-3772.0,-4767,7.0,1,1,0,1,0,1,High skill tech staff,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Military,0.6474162324720333,0.5746691959469743,0.36227724703843145,0.3505,0.1819,0.994,0.9184,0.0263,0.36,0.3103,0.375,0.4167,0.0354,0.2858,0.3812,0.0,0.0,0.3571,0.1888,0.994,0.9216,0.0265,0.3625,0.3103,0.375,0.4167,0.0362,0.3122,0.3972,0.0,0.0,0.3539,0.1819,0.994,0.9195,0.0264,0.36,0.3103,0.375,0.4167,0.036000000000000004,0.2907,0.3881,0.0,0.0,reg oper account,block of flats,0.3142,Panel,No,0.0,0.0,0.0,0.0,-2675.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +2243706,187824,Consumer loans,32811.93,868500.0,868500.0,0.0,868500.0,TUESDAY,13,Y,1,0.0,,,XAP,Approved,-446,Cash through the bank,XAP,,Repeater,Construction Materials,POS,XNA,Regional / Local,80,Construction,36.0,low_normal,POS industry with interest,365243.0,-415.0,635.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,315000.0,981000.0,38902.5,981000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-19257,-1067,-8537.0,-2710,3.0,1,1,0,1,0,0,Accountants,2.0,1,1,SUNDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.8703872217165924,0.7355598135479339,0.5779691187553125,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.1135,,No,1.0,0.0,1.0,0.0,-1106.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,6.0,0.0,1.0 +1230251,281496,Consumer loans,3543.57,27265.5,26563.5,2727.0,27265.5,SATURDAY,15,Y,1,0.10139638821771256,,,XAP,Approved,-2514,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,10.0,low_normal,POS mobile with interest,365243.0,-2483.0,-2213.0,-2213.0,-2205.0,1.0,0,Cash loans,F,N,N,0,162000.0,1236816.0,36292.5,1080000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-16998,-3717,-7408.0,-541,,1,1,0,1,0,0,Laborers,2.0,2,2,SUNDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.2491099128110057,0.8435435389318647,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,0.0,8.0,0.0,-1865.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2383743,377155,Consumer loans,10127.43,74835.0,74835.0,0.0,74835.0,SUNDAY,15,Y,1,0.0,,,XAP,Approved,-665,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,10.0,high,POS mobile with interest,365243.0,-618.0,-348.0,-348.0,-343.0,0.0,0,Revolving loans,M,Y,Y,0,450000.0,900000.0,45000.0,900000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.04622,-13212,-329,-4016.0,-4128,64.0,1,1,0,1,0,0,Managers,2.0,1,1,SUNDAY,14,0,1,1,0,0,0,Business Entity Type 3,,0.774157878919678,0.34741822720026416,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1511.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,3.0 +1327903,255640,Consumer loans,8323.155,157819.5,142033.5,15786.0,157819.5,WEDNESDAY,19,Y,1,0.10893703940836896,,,XAP,Approved,-2222,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Regional / Local,384,Consumer electronics,24.0,middle,POS household with interest,365243.0,-2191.0,-1501.0,-1501.0,-1490.0,0.0,0,Cash loans,M,N,N,0,135000.0,490495.5,27387.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.02461,-20227,-2206,-1716.0,-3685,,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,Business Entity Type 1,0.6637405692971982,0.6895791278967615,0.7910749129911773,0.1113,0.0627,0.9831,0.7688,,0.12,0.1034,0.3333,0.0417,,0.0908,0.1142,0.0,0.0,0.1134,0.065,0.9831,0.7779,,0.1208,0.1034,0.3333,0.0417,,0.0992,0.119,0.0,0.0,0.1124,0.0627,0.9831,0.7719,,0.12,0.1034,0.3333,0.0417,,0.0923,0.1163,0.0,0.0,reg oper account,block of flats,0.1175,Panel,No,1.0,0.0,1.0,0.0,-2222.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,0.0 +1635240,269477,Consumer loans,6777.225,32175.0,33768.0,0.0,32175.0,MONDAY,18,Y,1,0.0,,,XAP,Approved,-2470,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,32,Connectivity,6.0,high,POS mobile with interest,365243.0,-2439.0,-2289.0,-2289.0,-2282.0,1.0,0,Cash loans,M,Y,Y,0,180000.0,675000.0,19737.0,675000.0,Family,Working,Higher education,Married,House / apartment,0.009549,-19357,-729,-3176.0,-2868,7.0,1,1,0,1,1,0,Laborers,2.0,2,2,SUNDAY,8,0,0,0,0,0,0,Business Entity Type 3,0.4488731912836273,0.5118573565170821,0.4507472818545589,0.0742,0.0491,0.9861,0.8096,0.0191,0.08,0.069,0.3333,0.0417,0.0693,0.0605,0.0802,0.0,0.0,0.0756,0.0509,0.9861,0.8171,0.0193,0.0806,0.069,0.3333,0.0417,0.0709,0.0661,0.0835,0.0,0.0,0.0749,0.0491,0.9861,0.8121,0.0192,0.08,0.069,0.3333,0.0417,0.0705,0.0616,0.0816,0.0,0.0,not specified,block of flats,0.0735,"Stone, brick",No,2.0,2.0,2.0,1.0,-20.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1670373,245386,Consumer loans,11876.175,58855.5,63517.5,0.0,58855.5,THURSDAY,4,Y,1,0.0,,,XAP,Approved,-53,XNA,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,138,Consumer electronics,6.0,middle,POS household with interest,365243.0,-23.0,127.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,1,112500.0,408780.0,27445.5,337500.0,Unaccompanied,Working,Higher education,Married,Office apartment,0.006305,-9552,-746,-4043.0,-1879,,1,1,0,1,0,0,,3.0,3,3,MONDAY,10,0,0,0,0,0,0,Hotel,0.2018856467163813,0.32149202897673457,0.6722428897082422,0.0031,,0.9821,,,,,0.0,,,,0.0019,,,0.0032,,0.9821,,,,,0.0,,,,0.002,,,0.0031,,0.9821,,,,,0.0,,,,0.002,,,,block of flats,0.0015,Wooden,No,0.0,0.0,0.0,0.0,-349.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2686659,398588,Cash loans,14352.93,225000.0,254700.0,,225000.0,TUESDAY,10,Y,1,,,,XNA,Refused,-164,Cash through the bank,XNA,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,180000.0,254700.0,25321.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.00702,-24626,365243,-7009.0,-4749,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,13,0,0,0,0,0,0,XNA,,0.6087603639457199,0.5989262182569273,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1450.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1252290,309325,Consumer loans,7153.02,143145.0,154341.0,14314.5,143145.0,MONDAY,12,Y,1,0.0924357155158404,,,XAP,Approved,-1038,Cash through the bank,XAP,Children,Repeater,Consumer Electronics,POS,XNA,Stone,20,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1007.0,-317.0,-303.0,-297.0,0.0,0,Cash loans,F,N,N,0,85500.0,450000.0,35338.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00702,-10004,-1419,-218.0,-754,,1,1,0,1,1,0,Sales staff,2.0,2,2,WEDNESDAY,11,0,0,0,0,1,1,Self-employed,,0.2604431465983906,0.7180328113294772,0.0186,0.0,0.9811,,,0.0,0.1034,0.0417,,,,0.0179,,0.0,0.0189,0.0,0.9811,,,0.0,0.1034,0.0417,,,,0.0187,,0.0,0.0187,0.0,0.9811,,,0.0,0.1034,0.0417,,,,0.0182,,0.0,,block of flats,0.0146,"Stone, brick",No,3.0,1.0,3.0,1.0,-394.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2811076,224384,Cash loans,35429.625,1125000.0,1288350.0,,1125000.0,MONDAY,9,Y,1,,,,XNA,Approved,-192,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-162.0,1608.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,0,252000.0,679500.0,27076.5,679500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.04622,-22265,-1848,-7623.0,-4656,0.0,1,1,0,1,0,0,,2.0,1,1,THURSDAY,12,0,0,0,0,1,1,Business Entity Type 3,0.92595294895661,0.7406197624863837,,,,0.9786,,,,0.2759,0.1667,0.2083,,,,,,,,0.9786,,,,0.2759,0.1667,0.2083,,,,,,,,0.9786,,,,0.2759,0.1667,0.2083,,,,,,reg oper account,block of flats,0.1051,"Stone, brick",No,1.0,1.0,1.0,1.0,-2371.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2134400,163181,Cash loans,13117.5,180000.0,180000.0,,180000.0,SATURDAY,10,Y,1,,,,Other,Approved,-1608,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,202500.0,1309158.0,47151.0,1156500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-20584,-5086,-3677.0,-3580,,1,1,0,1,0,1,High skill tech staff,2.0,2,2,SATURDAY,9,0,0,0,1,1,0,Medicine,0.8360484470822673,0.6003070306473487,0.43473324875017305,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1909.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2203005,218004,Revolving loans,13500.0,270000.0,270000.0,,270000.0,THURSDAY,9,Y,1,,,,XAP,Approved,-110,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,108000.0,900000.0,23742.0,900000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.015221,-15485,-792,-5454.0,-4085,,1,1,0,1,1,0,Sales staff,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Trade: type 3,,0.7745819797354749,0.4507472818545589,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-704.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1812386,136673,Cash loans,7606.125,112500.0,112500.0,0.0,112500.0,MONDAY,13,Y,1,0.0,,,XNA,Approved,-2511,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,24.0,high,Cash Street: high,365243.0,-2481.0,-1791.0,-2271.0,-2267.0,0.0,0,Cash loans,F,Y,Y,0,180000.0,1040985.0,30568.5,909000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-20711,365243,-320.0,-4226,13.0,1,0,0,1,0,0,,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,XNA,,0.3573422337147276,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-181.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2444610,313654,Cash loans,26833.635,229500.0,241920.0,,229500.0,THURSDAY,7,Y,1,,,,XNA,Approved,-473,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-443.0,-113.0,-113.0,-106.0,1.0,0,Cash loans,M,N,Y,0,157500.0,942300.0,30528.0,675000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.031329,-18871,-1019,-3455.0,-2370,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,9,0,0,0,0,1,1,Business Entity Type 1,,0.6098223254493174,0.2580842039460289,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1567.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2524870,405003,Consumer loans,1580.175,15048.0,13540.5,1507.5,15048.0,FRIDAY,12,Y,1,0.10910450195737274,,,XAP,Approved,-2918,XNA,XAP,,New,Mobile,POS,XNA,Country-wide,59,Connectivity,12.0,low_normal,POS mobile with interest,365243.0,-2880.0,-2550.0,-2550.0,-2545.0,0.0,0,Cash loans,M,Y,Y,2,112500.0,450000.0,20979.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.010966,-10765,-2553,-3347.0,-3353,8.0,1,1,1,1,0,0,Drivers,4.0,2,2,THURSDAY,13,0,0,0,1,1,0,Self-employed,,0.23476725469701604,0.7583930617144343,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2119.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,2.0,0.0,0.0,0.0,0.0 +2090202,131597,Consumer loans,10698.975,107010.0,96309.0,10701.0,107010.0,TUESDAY,13,Y,1,0.1089090909090909,,,XAP,Approved,-868,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,120,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-837.0,-567.0,-597.0,-569.0,0.0,0,Cash loans,M,Y,Y,1,225000.0,988875.0,47704.5,868500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-16877,-781,-846.0,-416,10.0,1,1,0,1,0,0,Drivers,3.0,2,2,TUESDAY,10,0,0,0,0,0,0,Business Entity Type 2,0.4867731572852997,0.6029537438037478,0.4241303111942548,0.2237,0.1459,0.9886,0.8436,0.0475,0.28,0.2414,0.3333,0.375,0.1655,0.1816,0.1585,0.0039,0.0012,0.2279,0.1514,0.9886,0.8497,0.0479,0.282,0.2414,0.3333,0.375,0.1693,0.1983,0.1652,0.0039,0.0013,0.2259,0.1459,0.9886,0.8457,0.0478,0.28,0.2414,0.3333,0.375,0.1684,0.1847,0.1614,0.0039,0.0012,reg oper account,block of flats,0.1988,Panel,No,0.0,0.0,0.0,0.0,-1182.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1270066,296771,Cash loans,9598.815,94500.0,141889.5,,94500.0,THURSDAY,12,Y,1,,,,XNA,Refused,-439,Cash through the bank,SCO,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,Y,Y,0,90000.0,454500.0,21996.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-9643,-2097,-4243.0,-396,8.0,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,13,0,0,0,1,1,0,Trade: type 7,,0.5147855241347904,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1985571,271611,Consumer loans,3726.765,22365.0,21019.5,1345.5,22365.0,MONDAY,8,Y,1,0.06552076092921162,,,XAP,Approved,-2572,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Stone,71,Consumer electronics,6.0,low_normal,POS household without interest,365243.0,-2540.0,-2390.0,-2420.0,-2412.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,1193580.0,35028.0,855000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018801,-18542,-2075,-7073.0,-2095,8.0,1,1,0,1,0,0,,2.0,2,2,THURSDAY,13,0,0,0,0,1,1,Industry: type 3,0.5375749043141974,0.5893612859715922,0.633031641417419,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-620.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2203981,382032,Consumer loans,5939.19,57150.0,50247.0,11430.0,57150.0,TUESDAY,18,Y,1,0.20183065147314372,,,XAP,Approved,-2058,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Stone,10,Connectivity,12.0,high,POS mobile with interest,365243.0,-2018.0,-1688.0,-1718.0,-1710.0,0.0,1,Cash loans,M,N,N,1,202500.0,1125000.0,33025.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.011656999999999999,-14205,-1747,-2294.0,-4620,,1,1,0,1,0,0,,3.0,1,1,FRIDAY,14,1,1,0,1,1,1,Restaurant,,0.27068252238015034,0.14825437906109115,0.0278,0.0572,0.9727,0.626,0.0778,0.0,0.069,0.0833,0.125,0.0,0.0227,0.0259,0.0,0.102,0.0284,0.0593,0.9727,0.6406,0.0785,0.0,0.069,0.0833,0.125,0.0,0.0248,0.027000000000000003,0.0,0.108,0.0281,0.0572,0.9727,0.631,0.0783,0.0,0.069,0.0833,0.125,0.0,0.0231,0.0264,0.0,0.1042,reg oper spec account,block of flats,0.0425,"Stone, brick",No,6.0,0.0,6.0,0.0,-1019.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1524684,420262,Consumer loans,22165.515,277059.825,275679.0,27710.325,277059.825,SATURDAY,16,Y,1,0.0994730551098149,,,XAP,Refused,-235,Cash through the bank,LIMIT,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,1000,Consumer electronics,16.0,middle,POS household with interest,,,,,,,0,Cash loans,F,Y,N,0,112500.0,1502941.5,52371.0,1372500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-15244,-2998,-336.0,-3228,7.0,1,1,0,1,0,0,Cooking staff,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Other,0.6387694476119549,0.6490731638216438,,0.1784,0.1241,0.9881,0.8368,0.1798,0.2,0.1724,0.3333,0.375,0.0791,0.1454,0.2115,,0.0318,0.1817,0.1288,0.9881,0.8432,0.1814,0.2014,0.1724,0.3333,0.375,0.081,0.1589,0.2204,,0.0337,0.1801,0.1241,0.9881,0.8390000000000001,0.1809,0.2,0.1724,0.3333,0.375,0.0805,0.1479,0.2153,,0.0325,reg oper account,block of flats,0.2715,Panel,No,0.0,0.0,0.0,0.0,-1949.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2773276,414330,Consumer loans,1354.86,27153.0,29074.5,2884.5,27153.0,SUNDAY,19,Y,1,0.09829727861549888,,,XAP,Approved,-2611,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,1800,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-2579.0,-1889.0,-1889.0,-1862.0,1.0,0,Cash loans,F,N,N,0,135000.0,675000.0,21775.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.0060079999999999995,-13772,-4191,-7659.0,-4101,,1,1,1,1,0,0,,1.0,2,2,SUNDAY,10,0,0,0,0,0,0,Self-employed,,0.7314348365948964,0.5046813193144684,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1731.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1848472,293664,Consumer loans,25089.03,382455.0,382455.0,0.0,382455.0,TUESDAY,16,Y,1,0.0,,,XAP,Approved,-1227,Cash through the bank,XAP,Other_B,Repeater,Clothing and Accessories,POS,XNA,Regional / Local,80,Clothing,18.0,low_normal,POS industry with interest,365243.0,-1196.0,-686.0,-806.0,-800.0,0.0,0,Cash loans,F,N,N,0,270000.0,835380.0,40320.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.032561,-18307,-8794,-8133.0,-1855,,1,1,1,1,1,0,Drivers,2.0,1,1,TUESDAY,11,0,1,1,0,1,1,Self-employed,,0.688740613225147,0.25396280933631177,0.2381,0.0108,0.9771,0.6872,0.0457,0.16,0.1379,0.3333,0.375,0.0544,0.1942,0.2183,0.0,0.0,0.2426,0.0112,0.9772,0.6994,0.0461,0.1611,0.1379,0.3333,0.375,0.0556,0.2121,0.2218,0.0,0.0,0.2405,0.0108,0.9771,0.6914,0.046,0.16,0.1379,0.3333,0.375,0.0553,0.1975,0.2223,0.0,0.0,reg oper account,block of flats,0.1774,"Stone, brick",No,1.0,0.0,1.0,0.0,-353.0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2374803,141208,Consumer loans,8633.88,48870.0,48870.0,0.0,48870.0,FRIDAY,7,Y,1,0.0,,,XAP,Refused,-258,Cash through the bank,HC,,New,Consumer Electronics,POS,XNA,Stone,300,Consumer electronics,6.0,low_normal,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,45000.0,215640.0,11826.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018801,-18886,-467,-5126.0,-2401,,1,1,1,1,1,0,,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,Government,,0.5690422203622889,0.0005272652387098817,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-266.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2401595,398570,Cash loans,27424.71,450000.0,521280.0,,450000.0,WEDNESDAY,6,Y,1,,,,XNA,Refused,-119,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,Y,N,2,324000.0,545040.0,26640.0,450000.0,Unaccompanied,Working,Higher education,Married,Office apartment,0.010032,-15723,-7748,-2757.0,-4177,6.0,1,1,0,1,0,0,Laborers,4.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Military,0.3489935762214425,0.0185527183981652,0.4686596550493113,0.0804,0.0949,0.9846,0.7892,0.0125,0.0,0.2069,0.1667,0.2083,0.0144,0.0656,0.0736,0.0,0.0,0.0819,0.0985,0.9846,0.7975,0.0126,0.0,0.2069,0.1667,0.2083,0.0147,0.0716,0.0767,0.0,0.0,0.0812,0.0949,0.9846,0.792,0.0125,0.0,0.2069,0.1667,0.2083,0.0146,0.0667,0.0749,0.0,0.0,not specified,block of flats,0.0647,"Stone, brick",No,10.0,2.0,10.0,2.0,-689.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1984442,390151,Consumer loans,2442.69,22450.5,21982.5,2245.5,22450.5,TUESDAY,15,Y,1,0.10093914629204374,,,XAP,Approved,-874,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,3000,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-843.0,-573.0,-573.0,-568.0,0.0,0,Cash loans,M,Y,Y,0,450000.0,1096020.0,56092.5,900000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.010556,-18962,-3504,-3832.0,-2455,1.0,1,1,0,1,0,0,Core staff,2.0,3,3,MONDAY,11,0,0,0,0,0,0,University,,0.7774289318206904,0.838724852442103,0.0825,0.0801,0.9757,0.6668,0.0333,0.0,0.1379,0.1667,0.0417,0.0666,0.0672,0.0706,0.0,0.0,0.084,0.0832,0.9757,0.6798,0.0336,0.0,0.1379,0.1667,0.0417,0.0681,0.0735,0.0735,0.0,0.0,0.0833,0.0801,0.9757,0.6713,0.0335,0.0,0.1379,0.1667,0.0417,0.0678,0.0684,0.0718,0.0,0.0,reg oper account,block of flats,0.0737,Panel,No,1.0,0.0,1.0,0.0,-966.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1643626,108936,Consumer loans,17394.39,167958.0,172597.5,9000.0,167958.0,WEDNESDAY,13,Y,1,0.05397551277863508,,,XAP,Approved,-263,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,348,Consumer electronics,12.0,middle,POS household with interest,365243.0,-233.0,97.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,1,243000.0,299772.0,20160.0,247500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.009334,-11160,-1391,-935.0,-2557,64.0,1,1,0,1,0,0,Sales staff,3.0,2,2,SUNDAY,12,0,0,0,0,0,0,Business Entity Type 2,,0.4995317306501328,0.09569272423026376,0.0082,0.0,0.9717,0.626,0.0009,0.0,0.0393,0.0417,0.0833,,0.0067,0.0081,0.0,0.0,0.0084,0.0,0.9727,0.6406,0.0008,0.0,0.0345,0.0417,0.0833,,0.0073,0.006999999999999999,0.0,0.0,0.0083,0.0,0.9727,0.631,0.0009,0.0,0.0345,0.0417,0.0833,,0.0068,0.0082,0.0,0.0,reg oper account,block of flats,0.0057,Wooden,No,3.0,0.0,3.0,0.0,-1127.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2546241,417158,Consumer loans,15065.145,102807.0,99036.0,10282.5,102807.0,TUESDAY,11,Y,1,0.1024399097383084,,,XAP,Approved,-724,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,1073,Consumer electronics,8.0,high,POS household with interest,365243.0,-693.0,-483.0,-483.0,-481.0,0.0,0,Cash loans,M,N,Y,0,117000.0,312768.0,16506.0,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.04622,-16048,-3159,-2803.0,-2813,,1,1,0,1,0,0,Security staff,1.0,1,1,FRIDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.7288410068639886,,0.0928,0.0903,0.9796,0.7212,0.0429,0.0,0.2069,0.1667,0.0417,,0.0756,0.092,0.0,0.0,0.0945,0.0937,0.9796,0.7321,0.0433,0.0,0.2069,0.1667,0.0417,,0.0826,0.0959,0.0,0.0,0.0937,0.0903,0.9796,0.7249,0.0432,0.0,0.2069,0.1667,0.0417,,0.077,0.0937,0.0,0.0,reg oper account,block of flats,0.0959,Panel,No,0.0,0.0,0.0,0.0,-724.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1536108,268738,Consumer loans,4207.41,31482.0,34600.5,0.0,31482.0,SUNDAY,14,Y,1,0.0,,,XAP,Approved,-2089,Cash through the bank,XAP,Children,New,Audio/Video,POS,XNA,Country-wide,1500,Consumer electronics,12.0,high,POS household with interest,365243.0,-2058.0,-1728.0,-1728.0,-1718.0,0.0,0,Cash loans,F,N,N,1,99000.0,134775.0,7438.5,112500.0,Unaccompanied,Working,Incomplete higher,Single / not married,House / apartment,0.028663,-12700,-270,-2949.0,-4095,,1,1,1,1,1,0,Sales staff,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Trade: type 3,,0.2334928848103351,0.29708661164720285,0.0124,0.0113,0.9702,0.5920000000000001,0.002,0.0,0.069,0.0417,0.0833,0.0314,0.0101,0.0147,0.0,0.0,0.0126,0.0117,0.9702,0.608,0.002,0.0,0.069,0.0417,0.0833,0.0321,0.011,0.0153,0.0,0.0,0.0125,0.0113,0.9702,0.5975,0.002,0.0,0.069,0.0417,0.0833,0.032,0.0103,0.0149,0.0,0.0,reg oper account,block of flats,0.0116,Block,No,0.0,0.0,0.0,0.0,-1526.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2182359,105048,Consumer loans,3238.695,17932.5,16137.0,1795.5,17932.5,THURSDAY,12,Y,1,0.1090457397057146,,,XAP,Refused,-2300,Cash through the bank,LIMIT,Unaccompanied,Repeater,Mobile,POS,XNA,Stone,12,Connectivity,6.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,0,47700.0,148365.0,10323.0,135000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.025164,-21155,365243,-467.0,-4324,,1,0,0,1,0,0,,1.0,2,2,MONDAY,13,0,0,0,0,0,0,XNA,,0.4469871199507649,0.5478104658520093,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,2.0,3.0,1.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2774887,331601,Cash loans,26706.915,315000.0,394780.5,,315000.0,WEDNESDAY,11,Y,1,,,,Building a house or an annex,Refused,-509,XNA,HC,,Repeater,XNA,Cash,walk-in,Country-wide,40,Connectivity,36.0,high,Cash Street: high,,,,,,,1,Cash loans,F,N,N,1,72000.0,232344.0,11992.5,157500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-16457,-4570,-3422.0,-12,,1,1,0,1,0,0,Security staff,3.0,2,2,MONDAY,11,0,0,0,0,1,1,Agriculture,,0.3005242290932967,0.41885428862332175,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1827.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,7.0 +2011667,203729,Consumer loans,9502.02,52605.0,47344.5,5260.5,52605.0,WEDNESDAY,8,Y,1,0.1089090909090909,,,XAP,Approved,-2801,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Stone,86,Connectivity,6.0,high,POS mobile with interest,365243.0,-2770.0,-2620.0,-2620.0,-2608.0,0.0,0,Cash loans,F,N,Y,2,135000.0,463941.0,23688.0,400500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.020713,-11618,-2985,-5696.0,-1490,,1,1,0,1,0,0,Laborers,4.0,3,2,THURSDAY,7,0,1,1,0,1,1,Transport: type 2,0.23959568442862755,0.40609348867110223,,0.2268,0.1747,0.9881,0.8368,0.0474,0.28,0.2414,0.375,0.4167,0.0,0.1832,0.2843,0.0077,0.0088,0.2311,0.1813,0.9881,0.8432,0.0479,0.282,0.2414,0.375,0.4167,0.0,0.2002,0.2962,0.0078,0.0094,0.229,0.1747,0.9881,0.8390000000000001,0.0477,0.28,0.2414,0.375,0.4167,0.0,0.1864,0.2894,0.0078,0.009000000000000001,not specified,block of flats,0.2514,Panel,No,4.0,0.0,4.0,0.0,-2801.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2334749,182638,Cash loans,44214.255,900000.0,978408.0,,900000.0,TUESDAY,12,Y,1,,,,XNA,Approved,-748,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-718.0,332.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,135000.0,254700.0,14751.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.00496,-24427,365243,-1151.0,-4561,,1,0,0,1,1,0,,2.0,2,2,MONDAY,11,0,0,0,0,0,0,XNA,,0.6129137398441811,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1146.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2370094,356680,Consumer loans,5930.55,53226.0,58846.5,0.0,53226.0,MONDAY,10,Y,1,0.0,,,XAP,Approved,-197,Cash through the bank,XAP,"Spouse, partner",Refreshed,Consumer Electronics,POS,XNA,Country-wide,8025,Consumer electronics,12.0,middle,POS household with interest,365243.0,-167.0,163.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,2,157500.0,1308964.5,38403.0,1143000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008019,-14831,-2211,-337.0,-5227,,1,1,0,1,0,0,Laborers,4.0,2,2,TUESDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.6506198285424848,0.6048943383603742,0.2778856891082046,0.0124,0.0,0.9702,0.5920000000000001,0.0014,0.0,0.069,0.0417,0.0833,0.0464,0.0101,0.016,0.0,0.0,0.0126,0.0,0.9702,0.608,0.0014,0.0,0.069,0.0417,0.0833,0.0474,0.011,0.0167,0.0,0.0,0.0125,0.0,0.9702,0.5975,0.0014,0.0,0.069,0.0417,0.0833,0.0472,0.0103,0.0163,0.0,0.0,reg oper account,block of flats,0.013,"Stone, brick",No,1.0,1.0,1.0,0.0,-1671.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1164230,348969,Revolving loans,11250.0,225000.0,225000.0,,225000.0,MONDAY,11,Y,1,,,,XAP,Refused,-245,XNA,HC,,New,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,N,N,0,270000.0,592560.0,31153.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.009334,-14926,-1744,-4434.0,-4433,,1,1,0,1,1,0,Drivers,2.0,2,2,MONDAY,16,0,0,0,0,0,0,Self-employed,0.17228936444403994,0.6840712757018453,0.2778856891082046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-245.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1794013,219945,Cash loans,10618.875,45000.0,52366.5,,45000.0,SUNDAY,13,Y,1,,,,Urgent needs,Approved,-730,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,365243.0,-700.0,-550.0,-610.0,-604.0,1.0,0,Cash loans,F,Y,N,2,72000.0,76500.0,8235.0,76500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.009656999999999999,-10868,-3052,-2604.0,-3308,8.0,1,1,1,1,1,1,Laborers,4.0,2,2,THURSDAY,16,0,0,0,0,0,0,Business Entity Type 2,0.26233512393064035,0.3134278555279942,0.6178261467332483,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-892.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1191542,307099,Consumer loans,7275.375,161496.0,161496.0,0.0,161496.0,MONDAY,21,Y,1,0.0,,,XAP,Approved,-92,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,600,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-61.0,629.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,0,180000.0,497520.0,25758.0,450000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.04622,-9578,-556,-4325.0,-1939,,1,1,1,1,1,0,Sales staff,1.0,1,1,MONDAY,15,0,0,0,0,0,0,Trade: type 2,,0.2314561371194605,0.4329616670974407,0.0629,0.0152,0.9747,0.6532,0.0058,0.0,0.1262,0.1388,0.1804,0.0843,0.0504,0.0483,0.0039,0.0298,0.0378,0.0,0.9737,0.6537,0.0031,0.0,0.1379,0.1667,0.2083,0.061,0.0331,0.0317,0.0,0.0,0.0697,0.0,0.9747,0.6578,0.0071,0.0,0.1379,0.1667,0.2083,0.0817,0.0547,0.0517,0.0,0.0,reg oper account,block of flats,0.0256,"Stone, brick",No,0.0,0.0,0.0,0.0,-1033.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2246050,232994,Cash loans,50086.035,450000.0,470790.0,,450000.0,FRIDAY,17,Y,1,,,,XNA,Approved,-206,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-172.0,158.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,0,225000.0,1310931.0,43456.5,1174500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00496,-11920,-991,-3958.0,-4055,,1,1,1,1,1,0,Drivers,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.5004228343942417,0.7062051096536562,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2448003,218940,Consumer loans,9823.14,56160.0,55404.0,3370.5,56160.0,WEDNESDAY,12,Y,1,0.06245533197374556,,,XAP,Approved,-2424,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,625,Consumer electronics,6.0,low_normal,POS household without interest,365243.0,-2393.0,-2243.0,-2243.0,-2238.0,1.0,0,Cash loans,F,N,Y,0,112500.0,808650.0,26217.0,675000.0,Family,Working,Higher education,Married,House / apartment,0.00823,-19178,-591,-9957.0,-2702,,1,1,0,1,1,0,,2.0,2,2,FRIDAY,16,0,0,0,0,0,0,Self-employed,,0.3004323016798365,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-2424.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2005667,232112,Cash loans,,0.0,0.0,,,FRIDAY,12,Y,1,,,,XNA,Refused,-460,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,1,Cash loans,M,Y,Y,0,148500.0,582768.0,42408.0,540000.0,Unaccompanied,State servant,Incomplete higher,Married,With parents,0.0105,-14700,-3405,-2500.0,-4079,24.0,1,1,1,1,1,0,,2.0,3,3,WEDNESDAY,18,0,0,0,0,0,0,Transport: type 4,,0.3600132375808803,,0.0588,0.0737,0.9801,,,0.0,0.1379,0.1667,,0.0263,,0.0535,,0.085,0.0599,0.0765,0.9801,,,0.0,0.1379,0.1667,,0.0269,,0.0558,,0.09,0.0593,0.0737,0.9801,,,0.0,0.1379,0.1667,,0.0268,,0.0545,,0.0868,,block of flats,0.0428,"Stone, brick",No,2.0,0.0,2.0,0.0,-1302.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1309053,145923,Consumer loans,13909.365,272749.5,308754.0,0.0,272749.5,WEDNESDAY,5,Y,1,0.0,,,XAP,Approved,-433,Cash through the bank,XAP,,New,Construction Materials,POS,XNA,Regional / Local,32,Construction,24.0,low_action,POS industry without interest,365243.0,-368.0,322.0,365243.0,365243.0,0.0,1,Cash loans,F,N,Y,1,108000.0,900297.0,32026.5,751500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014464,-11768,-641,-5101.0,-2188,,1,1,1,1,0,0,Security staff,3.0,2,2,TUESDAY,4,0,0,0,0,0,0,School,,0.09302197260012614,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-433.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1061374,398326,Consumer loans,2950.425,19085.4,14584.5,4500.9,19085.4,FRIDAY,14,Y,1,0.2568397451836101,,,XAP,Approved,-1599,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,25,Connectivity,6.0,high,POS mobile with interest,365243.0,-1544.0,-1394.0,-1424.0,-1422.0,0.0,0,Cash loans,F,N,Y,0,90000.0,177903.0,12780.0,148500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-24421,365243,-11347.0,-4375,,1,0,0,1,0,0,,2.0,2,2,MONDAY,14,0,0,0,0,0,0,XNA,,0.6403730597024667,0.7490217048463391,0.0351,0.0275,0.9786,0.6328,0.0011,0.0,0.1034,0.1042,0.0833,0.0342,0.0067,0.0306,0.0,0.0308,0.0084,0.0,0.9732,0.6472,0.0011,0.0,0.069,0.0417,0.0833,0.0305,0.0073,0.0082,0.0,0.0,0.0354,0.0275,0.9786,0.6377,0.0011,0.0,0.1034,0.1042,0.0833,0.0348,0.0068,0.0312,0.0,0.0314,reg oper spec account,block of flats,0.0555,"Stone, brick",No,2.0,0.0,2.0,0.0,-1599.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +1552710,357575,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,13,Y,1,,,,XAP,Refused,-189,XNA,SCOFR,Unaccompanied,Repeater,XNA,Cards,walk-in,Country-wide,300,Consumer electronics,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,Y,Y,0,112500.0,152820.0,16587.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.020713,-9986,-2035,-1604.0,-2566,24.0,1,1,1,1,0,0,Sales staff,2.0,3,3,WEDNESDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.1062887054341104,0.04705160503313585,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1545.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1000253,124927,Cash loans,22984.29,225000.0,337824.0,,225000.0,SATURDAY,7,Y,1,,,,Repairs,Approved,-860,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,walk-in,Country-wide,50,Connectivity,36.0,high,Cash Street: high,365243.0,-830.0,220.0,-290.0,-285.0,1.0,0,Cash loans,F,N,Y,0,184500.0,495000.0,25272.0,495000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-15181,-4588,-3140.0,-4175,,1,1,0,1,0,1,,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,Industry: type 7,0.5564576519867748,0.5732842659149249,0.15855489979486306,0.0093,,0.9801,,,,0.0345,0.3333,,0.0602,,0.0735,,0.0416,0.0095,,0.9801,,,,0.0345,0.3333,,0.0616,,0.0766,,0.044,0.0094,,0.9801,,,,0.0345,0.3333,,0.0613,,0.0748,,0.0424,,block of flats,0.0593,"Stone, brick",No,2.0,0.0,2.0,0.0,-1214.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1747439,274060,Consumer loans,1705.185,15012.99,15012.99,0.0,15012.99,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-23,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,365243.0,284.0,365243.0,365243.0,0.0,0,Revolving loans,F,Y,Y,2,67500.0,270000.0,13500.0,270000.0,Family,Working,Higher education,Married,House / apartment,0.028663,-12083,-998,-861.0,-3509,8.0,1,1,0,1,0,0,Sales staff,4.0,2,2,THURSDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.35477725987274394,0.6773128022966716,0.4794489811780563,0.1031,,0.9776,0.6940000000000001,0.0072,0.0,0.2069,0.1667,0.2083,0.0465,0.0841,0.0883,0.0,0.0,0.105,,0.9777,0.706,0.0073,0.0,0.2069,0.1667,0.2083,0.0475,0.0918,0.092,0.0,0.0,0.1041,,0.9776,0.6981,0.0073,0.0,0.2069,0.1667,0.2083,0.0473,0.0855,0.0899,0.0,0.0,reg oper account,block of flats,0.0734,"Stone, brick",No,2.0,0.0,2.0,0.0,-715.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2622361,387943,Consumer loans,16197.75,317623.5,359550.0,0.0,317623.5,MONDAY,14,Y,1,0.0,,,XAP,Approved,-511,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Regional / Local,100,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-479.0,211.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,835380.0,40320.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0031219999999999998,-18143,-1243,-2918.0,-1670,13.0,1,1,0,1,0,0,Drivers,2.0,3,3,MONDAY,14,0,1,1,0,1,1,Self-employed,0.4874268456395777,0.4322221462897352,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-511.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2152538,221776,Consumer loans,5364.0,58136.67,52321.5,5815.17,58136.67,WEDNESDAY,16,Y,1,0.1089372470390578,,,XAP,Approved,-434,Cash through the bank,XAP,,New,Construction Materials,POS,XNA,Stone,100,Construction,12.0,middle,POS industry with interest,365243.0,-403.0,-73.0,-343.0,-339.0,0.0,0,Cash loans,F,N,Y,0,157500.0,454500.0,21865.5,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.04622,-21197,365243,-9477.0,-3798,,1,0,0,1,0,0,,2.0,1,1,WEDNESDAY,11,0,0,0,0,0,0,XNA,,0.6873794958177442,0.6041125998015721,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-434.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,2.0 +1768082,118873,Cash loans,49081.185,1215000.0,1320849.0,,1215000.0,MONDAY,12,Y,1,,,,XNA,Approved,-724,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_action,Cash X-Sell: low,365243.0,-694.0,356.0,-304.0,-298.0,1.0,0,Cash loans,F,Y,Y,0,166500.0,840951.0,33349.5,679500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.006670999999999999,-23132,365243,-7132.0,-4703,25.0,1,0,0,1,1,0,,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,XNA,,0.6761024342550239,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1205.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2179276,206539,Cash loans,10492.02,90000.0,95940.0,0.0,90000.0,MONDAY,9,Y,1,0.0,,,XNA,Approved,-2558,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-2528.0,-2198.0,-2198.0,-2195.0,1.0,0,Revolving loans,M,N,Y,1,270000.0,180000.0,9000.0,180000.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.019688999999999998,-11996,-4416,-4836.0,-2,,1,1,0,1,0,0,High skill tech staff,3.0,2,2,THURSDAY,16,0,0,0,0,0,0,Industry: type 11,,0.29038769096101824,0.6075573001388961,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-293.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2806613,406674,Cash loans,,0.0,0.0,,,SATURDAY,14,Y,1,,,,XNA,Refused,-433,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,1,Cash loans,M,Y,N,1,261000.0,497520.0,39307.5,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.035792000000000004,-11109,-551,-1316.0,-3720,6.0,1,1,1,1,0,0,Laborers,3.0,2,2,THURSDAY,14,0,0,0,1,1,0,Business Entity Type 3,0.3996179898334149,0.6205223041036071,0.17146836689679945,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1295.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2535500,177335,Cash loans,4923.675,45000.0,47970.0,,45000.0,FRIDAY,11,Y,1,,,,XNA,Approved,-1015,Cash through the bank,XAP,Children,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),39,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-985.0,-655.0,-655.0,-649.0,1.0,1,Cash loans,F,N,Y,0,90000.0,252000.0,10804.5,252000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.028663,-22997,365243,-2558.0,-4064,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,12,0,0,0,0,0,0,XNA,,0.09335829663656307,0.6144143775673561,0.0608,0.0794,0.9856,0.8028,0.0485,0.0,0.0345,0.1667,0.2083,0.0425,0.0488,0.0206,0.0039,0.0169,0.062,0.0824,0.9856,0.8105,0.0489,0.0,0.0345,0.1667,0.2083,0.0434,0.0533,0.0215,0.0039,0.0179,0.0614,0.0794,0.9856,0.8054,0.0488,0.0,0.0345,0.1667,0.2083,0.0432,0.0496,0.021,0.0039,0.0172,reg oper account,block of flats,0.0417,"Stone, brick",No,7.0,0.0,7.0,0.0,-394.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2474461,191146,Consumer loans,11952.0,64035.0,64035.0,0.0,64035.0,SUNDAY,11,Y,1,0.0,,,XAP,Approved,-1092,Cash through the bank,XAP,Unaccompanied,Refreshed,Consumer Electronics,POS,XNA,Country-wide,2700,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1061.0,-911.0,-911.0,-896.0,0.0,1,Revolving loans,F,N,Y,0,112500.0,270000.0,13500.0,270000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.022625,-22915,365243,-7880.0,-4422,,1,0,0,1,1,0,,1.0,2,2,SUNDAY,10,0,0,0,0,0,0,XNA,,0.3003128200313168,0.5531646987710016,0.2186,0.1381,0.9841,0.7824,0.0798,0.24,0.2069,0.3333,0.375,0.1313,0.1782,0.1394,0.0,0.3292,0.2227,0.1433,0.9841,0.7909,0.0805,0.2417,0.2069,0.3333,0.375,0.1343,0.1947,0.1453,0.0,0.3485,0.2207,0.1381,0.9841,0.7853,0.0803,0.24,0.2069,0.3333,0.375,0.1336,0.1813,0.1419,0.0,0.3361,reg oper account,block of flats,0.1812,Panel,No,0.0,0.0,0.0,0.0,-1092.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2276277,408842,Cash loans,32516.505,315000.0,351378.0,,315000.0,WEDNESDAY,10,Y,1,,,,XNA,Refused,-330,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,135000.0,254700.0,15295.5,225000.0,Family,Working,Secondary / secondary special,Separated,House / apartment,0.011703,-15491,-2426,-8331.0,-4499,,1,1,0,1,0,0,Cleaning staff,1.0,2,2,THURSDAY,13,0,1,1,0,0,0,Other,0.5278295388757229,0.6090988463803045,0.6347055309763198,0.1794,0.2107,0.9841,,,0.0,0.4138,0.1667,,0.1617,,0.0871,,0.0679,0.1828,0.2186,0.9841,,,0.0,0.4138,0.1667,,0.1654,,0.0907,,0.0719,0.1811,0.2107,0.9841,,,0.0,0.4138,0.1667,,0.1645,,0.0886,,0.0694,,block of flats,0.1209,"Stone, brick",No,8.0,1.0,8.0,0.0,-545.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2513793,155964,Cash loans,52484.175,1359000.0,1455871.5,,1359000.0,MONDAY,9,Y,1,,,,XNA,Approved,-220,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,36.0,low_action,Cash X-Sell: low,365243.0,-190.0,860.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,112500.0,468733.5,17797.5,387000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.016612000000000002,-21573,365243,-1287.0,-4955,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,XNA,0.7607030128424291,0.3863015386310599,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-501.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2081352,432311,Revolving loans,22500.0,0.0,450000.0,,,MONDAY,9,Y,1,,,,XAP,Refused,-699,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,Y,Y,0,292500.0,1417185.0,41436.0,1237500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-18524,-1278,-4679.0,-2062,18.0,1,1,0,1,0,0,Security staff,2.0,2,2,SUNDAY,10,0,1,1,0,0,0,Security,,0.7366981762087492,0.4135967602644276,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,1.0,5.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,8.0 +2073440,136566,Consumer loans,13231.8,114840.0,141759.0,0.0,114840.0,TUESDAY,13,Y,1,0.0,,,XAP,Approved,-555,Cash through the bank,XAP,,New,Computers,POS,XNA,Country-wide,230,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-524.0,-194.0,-194.0,-186.0,0.0,0,Cash loans,M,N,N,0,72000.0,545040.0,26640.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,Rented apartment,0.002134,-10083,-133,-4054.0,-2574,,1,1,0,1,0,0,Sales staff,2.0,3,3,THURSDAY,11,0,0,0,1,1,1,Business Entity Type 3,,0.468722930661683,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-555.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1672177,141926,Consumer loans,5081.76,39118.5,42993.0,0.0,39118.5,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-2256,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,2500,Consumer electronics,12.0,high,POS household with interest,365243.0,-2225.0,-1895.0,-1925.0,-1919.0,1.0,0,Cash loans,M,N,N,0,171000.0,805536.0,32076.0,720000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,Municipal apartment,0.009549,-14547,-2217,-8685.0,-5002,,1,1,0,1,0,0,Drivers,1.0,2,2,MONDAY,10,0,0,0,0,0,0,Other,0.19812778870356546,0.5410476825165297,0.7503751495159068,0.0928,0.0851,0.9811,,,0.12,0.1034,0.3333,,0.0995,,0.1063,,,0.0945,0.0883,0.9811,,,0.1208,0.1034,0.3333,,0.1018,,0.1108,,,0.0937,0.0851,0.9811,,,0.12,0.1034,0.3333,,0.1012,,0.1083,,,,block of flats,0.0929,"Stone, brick",No,5.0,0.0,5.0,0.0,-262.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,5.0,0.0,1.0 +1672801,262305,Consumer loans,9787.86,101925.0,91732.5,10192.5,101925.0,FRIDAY,10,Y,1,0.1089090909090909,,,XAP,Approved,-1174,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,236,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1140.0,-810.0,-840.0,-834.0,0.0,0,Cash loans,F,Y,Y,1,112500.0,118512.0,7380.0,90000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-14037,-1133,-936.0,-5331,21.0,1,1,1,1,1,0,Sales staff,3.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.3957665428724416,0.6714063487883749,0.3296550543128238,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-879.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2550539,308379,Consumer loans,,34146.0,34146.0,0.0,34146.0,MONDAY,19,Y,1,0.0,,,XAP,Refused,-1691,Cash through the bank,HC,"Spouse, partner",Repeater,Mobile,XNA,XNA,Country-wide,2178,Consumer electronics,,XNA,POS household with interest,,,,,,,0,Cash loans,M,Y,Y,1,175500.0,835380.0,40320.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.032561,-13524,-2708,-5016.0,-8,4.0,1,1,0,1,0,0,Laborers,3.0,1,1,FRIDAY,17,0,0,0,0,0,0,Business Entity Type 1,,0.6882340938010149,0.7001838506835805,0.2433,0.152,0.9886,,,0.32,0.1379,0.4583,,,,0.1728,,0.0064,0.2479,0.1577,0.9886,,,0.3222,0.1379,0.4583,,,,0.18,,0.0068,0.2457,0.152,0.9886,,,0.32,0.1379,0.4583,,,,0.1759,,0.0065,,block of flats,0.2294,,No,1.0,0.0,1.0,0.0,-1958.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2556446,237603,Consumer loans,16645.815,166477.5,149827.5,16650.0,166477.5,FRIDAY,13,Y,1,0.10892381034292098,,,XAP,Approved,-1562,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,1800,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1531.0,-1261.0,-1321.0,-1315.0,0.0,0,Cash loans,F,N,Y,0,135000.0,193500.0,8325.0,193500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.020713,-19242,-4162,-731.0,-2781,,1,1,0,1,0,0,,1.0,3,2,SATURDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.6769877186322466,,0.1113,0.0879,0.9975,0.966,0.0371,0.12,0.1034,0.375,0.4167,0.0,0.0908,0.1353,0.0039,0.0038,0.1134,0.0912,0.9975,0.9673,0.0374,0.1208,0.1034,0.375,0.4167,0.0,0.0992,0.141,0.0039,0.004,0.1124,0.0879,0.9975,0.9665,0.0373,0.12,0.1034,0.375,0.4167,0.0,0.0923,0.1377,0.0039,0.0039,reg oper account,block of flats,0.1072,Panel,No,6.0,0.0,6.0,0.0,-1826.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2458672,347996,Consumer loans,10056.105,107667.0,107667.0,0.0,107667.0,SUNDAY,10,Y,1,0.0,,,XAP,Approved,-1262,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,800,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-1229.0,-899.0,-899.0,-891.0,0.0,0,Cash loans,F,N,Y,0,218250.0,562491.0,27189.0,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-22902,365243,-2191.0,-4123,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,7,0,0,0,0,0,0,XNA,0.7595522321059391,0.32649215542973603,0.5046813193144684,0.1294,0.0577,0.9866,0.8164,0.0057,0.04,0.0345,0.3333,0.375,0.0389,0.1055,0.0427,0.0,0.0,0.084,0.0521,0.9836,0.7844,0.0043,0.0403,0.0345,0.3333,0.375,0.0245,0.0735,0.0367,0.0,0.0,0.1306,0.0577,0.9866,0.8189,0.0057,0.04,0.0345,0.3333,0.375,0.0396,0.1073,0.0435,0.0,0.0,org spec account,block of flats,0.0508,Panel,No,3.0,3.0,3.0,3.0,-1262.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1562358,201760,Cash loans,24225.21,180000.0,218308.5,,180000.0,SATURDAY,16,Y,1,,,,XNA,Approved,-1035,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-1005.0,-675.0,-795.0,-789.0,1.0,0,Cash loans,M,Y,Y,0,202500.0,474048.0,21010.5,360000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.00733,-9923,-602,-627.0,-1549,25.0,1,1,0,1,0,0,Laborers,1.0,2,2,FRIDAY,18,0,0,0,0,0,0,Transport: type 4,0.4335820073259545,0.6712181687927595,0.3910549766342248,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1783.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1352928,156212,Cash loans,29529.765,454500.0,526491.0,,454500.0,TUESDAY,12,Y,1,,,,XNA,Refused,-155,Cash through the bank,HC,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,1,Cash loans,F,N,Y,0,157500.0,310810.5,24183.0,288000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.035792000000000004,-15067,-163,-9028.0,-4645,,1,1,0,1,0,0,Sales staff,1.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Self-employed,,0.06525330565080605,0.11538666200733562,0.0619,0.0676,0.9757,0.6668,0.0226,0.0,0.1379,0.1667,0.0,0.0749,0.0504,0.0358,0.0,0.0726,0.063,0.0702,0.9757,0.6798,0.0229,0.0,0.1379,0.1667,0.0,0.0766,0.0551,0.0373,0.0,0.0769,0.0625,0.0676,0.9757,0.6713,0.0228,0.0,0.1379,0.1667,0.0,0.0762,0.0513,0.0365,0.0,0.0742,reg oper account,block of flats,0.044,Panel,No,1.0,0.0,1.0,0.0,-175.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2030101,379215,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,14,Y,1,,,,XAP,Approved,-177,XNA,XAP,Unaccompanied,New,XNA,Cards,walk-in,Country-wide,5094,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,3,67500.0,284400.0,22599.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.005144,-13863,-720,-4340.0,-4678,6.0,1,1,0,1,0,0,,5.0,2,2,FRIDAY,13,0,0,0,0,0,0,Construction,0.5391983769007159,0.6797740133233875,0.5406544504453575,0.0237,0.0,0.9717,,,0.0,0.0345,0.0417,,0.0137,,0.009000000000000001,,0.0,0.0242,0.0,0.9717,,,0.0,0.0345,0.0417,,0.0141,,0.0094,,0.0,0.0239,0.0,0.9717,,,0.0,0.0345,0.0417,,0.014,,0.0092,,0.0,,block of flats,0.0122,"Stone, brick",Yes,0.0,0.0,0.0,0.0,-177.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1011449,380955,Consumer loans,10945.8,71955.0,78286.5,0.0,71955.0,FRIDAY,13,Y,1,0.0,,,XAP,Refused,-507,Cash through the bank,HC,,New,Mobile,POS,XNA,Country-wide,32,Connectivity,10.0,high,POS mobile with interest,,,,,,,0,Cash loans,M,Y,Y,0,202500.0,305221.5,20524.5,252000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-12243,-1955,-6222.0,-4010,7.0,1,1,0,1,0,0,Managers,2.0,2,2,MONDAY,9,0,0,0,0,0,0,Industry: type 4,,0.5534057632392624,,0.1206,0.0016,0.9846,0.7892,0.0133,0.08,0.1379,0.25,0.2917,0.0913,0.0983,0.1235,0.0,0.0,0.0945,0.0,0.9836,0.7844,0.0123,0.0,0.1379,0.1667,0.2083,0.0825,0.0826,0.092,0.0,0.0,0.1218,0.0016,0.9846,0.792,0.0133,0.08,0.1379,0.25,0.2917,0.0929,0.1,0.1257,0.0,0.0,org spec account,terraced house,0.0695,Panel,No,1.0,0.0,1.0,0.0,-181.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2256650,354579,Consumer loans,12404.16,119700.0,106200.0,13500.0,119700.0,TUESDAY,10,Y,1,0.12282980177717018,,,XAP,Approved,-2752,Cash through the bank,XAP,,New,Computers,POS,XNA,Stone,30,Consumer electronics,10.0,middle,POS household with interest,365243.0,-2713.0,-2443.0,-2443.0,-2439.0,0.0,0,Cash loans,F,N,Y,1,225000.0,289597.5,14062.5,234000.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.008473999999999999,-20527,-196,-1533.0,-1162,,1,1,0,1,1,0,,2.0,2,2,WEDNESDAY,11,0,1,1,0,0,0,Security,,0.5915187990423514,0.3490552510751822,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2752.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +2162391,261630,Revolving loans,6750.0,0.0,135000.0,,,SUNDAY,12,Y,1,,,,XAP,Approved,-2208,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-2206.0,-2154.0,365243.0,-816.0,365243.0,0.0,0,Cash loans,F,N,Y,1,112500.0,247986.0,20011.5,207000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.018029,-11958,-3310,-6091.0,-379,,1,1,0,1,1,0,Medicine staff,3.0,3,2,WEDNESDAY,8,0,0,0,0,0,0,Medicine,,0.6492275572450303,,0.0082,0.0,0.9727,,,0.0,0.0345,0.0417,,0.0179,,0.008,,,0.0084,0.0,0.9727,,,0.0,0.0345,0.0417,,0.0183,,0.0083,,,0.0083,0.0,0.9727,,,0.0,0.0345,0.0417,,0.0182,,0.0081,,,,block of flats,0.0067,Wooden,Yes,6.0,2.0,6.0,1.0,-856.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1123589,241406,Cash loans,65739.96,2223000.0,2487091.5,,2223000.0,FRIDAY,18,Y,1,,,,XNA,Refused,-466,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,60.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,360000.0,745429.5,38191.5,643500.0,Unaccompanied,Working,Higher education,Married,With parents,0.030755,-20078,-3710,-5569.0,-3610,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,16,0,0,0,0,0,0,Other,,0.4946937271343642,0.5620604831738043,0.1155,0.0478,0.9896,0.8572,0.0622,0.07,0.0345,0.4792,0.4583,0.031,0.0925,0.0731,0.0077,0.0459,0.0893,0.0382,0.9891,0.8563,0.0021,0.0806,0.0345,0.4583,0.5,0.028,0.0781,0.0517,0.0,0.0,0.1124,0.047,0.9891,0.8524,0.0146,0.08,0.0345,0.4583,0.5,0.0298,0.0902,0.0672,0.0058,0.0192,reg oper account,block of flats,0.0401,"Stone, brick",No,0.0,0.0,0.0,0.0,-648.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2161021,163569,Cash loans,8981.82,45000.0,46485.0,0.0,45000.0,FRIDAY,17,Y,1,0.0,,,XNA,Approved,-2281,Cash through the bank,XAP,"Spouse, partner",Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,365243.0,-2251.0,-2101.0,-2101.0,-2097.0,1.0,0,Cash loans,M,Y,Y,0,202500.0,254700.0,14350.5,225000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.016612000000000002,-24601,365243,-7162.0,-2919,24.0,1,0,0,1,0,0,,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,XNA,,0.4704004927959871,0.2955826421513093,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-128.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2805094,201407,Consumer loans,3324.06,30600.0,30721.5,3060.0,30600.0,SUNDAY,16,Y,1,0.09865216706831194,,,XAP,Approved,-2209,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,10,Connectivity,14.0,high,POS mobile with interest,365243.0,-2172.0,-1782.0,-1782.0,-1775.0,0.0,0,Cash loans,F,N,Y,1,126000.0,813195.0,27004.5,702000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-9962,-1473,-2514.0,-223,,1,1,0,1,0,0,Accountants,3.0,2,2,THURSDAY,16,0,0,0,0,0,0,Bank,0.6120033707431171,0.5030578400478216,0.5849900404894085,0.1237,0.1198,0.9757,0.6668,0.0114,0.0,0.2069,0.1667,0.2083,0.0332,0.1009,0.1029,0.0,0.0,0.1261,0.1243,0.9757,0.6798,0.0115,0.0,0.2069,0.1667,0.2083,0.0339,0.1102,0.1072,0.0,0.0,0.1249,0.1198,0.9757,0.6713,0.0115,0.0,0.2069,0.1667,0.2083,0.0337,0.1026,0.1047,0.0,0.0,reg oper account,block of flats,0.0872,Block,No,1.0,0.0,1.0,0.0,-1821.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1579693,334827,Cash loans,39567.24,1071000.0,1226511.0,,1071000.0,THURSDAY,11,Y,1,,,,XNA,Refused,-504,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,Y,N,0,157500.0,360000.0,28440.0,360000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.04622,-11002,-1047,-5326.0,-1955,4.0,1,1,0,1,1,0,Laborers,2.0,1,1,THURSDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.8358629811956405,0.7270220702739327,0.07958643615986162,0.0082,0.0,0.9687,0.5716,0.0007,0.0,0.069,0.0417,0.0833,0.0048,0.0067,0.0097,0.0,0.0,0.0084,0.0,0.9687,0.5884,0.0007,0.0,0.069,0.0417,0.0833,0.0049,0.0073,0.0101,0.0,0.0,0.0083,0.0,0.9687,0.5773,0.0007,0.0,0.069,0.0417,0.0833,0.0049,0.0068,0.0099,0.0,0.0,reg oper account,block of flats,0.008,Wooden,No,0.0,0.0,0.0,0.0,-938.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2418218,127144,Consumer loans,4737.645,16875.0,17545.5,0.0,16875.0,FRIDAY,12,Y,1,0.0,,,XAP,Approved,-330,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Regional / Local,200,Consumer electronics,4.0,middle,POS household with interest,365243.0,-299.0,-209.0,-209.0,-202.0,0.0,0,Revolving loans,F,N,Y,0,51300.0,247500.0,12375.0,247500.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.020246,-20880,365243,-7039.0,-4426,,1,0,0,1,1,0,,2.0,3,3,SATURDAY,8,0,0,0,0,0,0,XNA,,0.2157520654564768,0.5388627065779676,0.068,0.0697,0.9906,,0.0138,,0.1724,0.1667,,0.0177,,0.0727,,0.0,0.0693,0.0724,0.9906,,0.0139,,0.1724,0.1667,,0.0181,,0.0758,,0.0,0.0687,0.0697,0.9906,,0.0139,,0.1724,0.1667,,0.018000000000000002,,0.0741,,0.0,,block of flats,0.0572,"Stone, brick",No,0.0,0.0,0.0,0.0,-330.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1616587,229187,Cash loans,25945.605,450000.0,491580.0,,450000.0,MONDAY,13,Y,1,,,,Repairs,Refused,-372,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),3,XNA,24.0,low_normal,Cash Street: low,,,,,,,1,Cash loans,F,N,Y,0,225000.0,481176.0,26100.0,360000.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.019101,-16612,-1602,-237.0,-167,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,17,0,0,0,0,0,0,Self-employed,0.5424757036647658,0.6021577353064015,0.190705947811054,0.0608,0.0319,0.9911,0.8776,0.0137,0.08,0.0345,0.4167,0.0417,0.0221,0.0496,0.0798,0.0,0.0,0.062,0.0331,0.9911,0.8824,0.0138,0.0806,0.0345,0.4167,0.0417,0.0226,0.0542,0.0831,0.0,0.0,0.0614,0.0319,0.9911,0.8792,0.0138,0.08,0.0345,0.4167,0.0417,0.0225,0.0504,0.0812,0.0,0.0,reg oper account,block of flats,0.0703,Block,No,0.0,0.0,0.0,0.0,-55.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,6.0 +1970294,224817,Revolving loans,20250.0,405000.0,405000.0,,405000.0,WEDNESDAY,17,Y,1,,,,XAP,Approved,-286,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,270000.0,1113840.0,47322.0,900000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.032561,-23755,365243,-12356.0,-2596,13.0,1,0,0,1,0,0,,2.0,1,1,TUESDAY,14,0,0,0,0,0,0,XNA,,0.6894901824751823,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-454.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2834544,357335,Consumer loans,7554.33,50535.0,54702.0,0.0,50535.0,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-1784,XNA,XAP,"Spouse, partner",Refreshed,Consumer Electronics,POS,XNA,Stone,335,Consumer electronics,10.0,high,POS household with interest,365243.0,-1751.0,-1481.0,-1511.0,-1503.0,0.0,0,Cash loans,F,N,Y,1,202500.0,544491.0,16047.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.019101,-18048,-6588,-6610.0,-1597,,1,1,0,1,0,0,Medicine staff,3.0,2,2,FRIDAY,17,0,0,0,0,0,0,Medicine,0.579076882170119,0.6351494748172477,0.6690566947824041,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1784.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,0.0 +2178723,420648,Revolving loans,2250.0,45000.0,45000.0,,45000.0,THURSDAY,13,Y,1,,,,XAP,Approved,-196,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-196.0,-151.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,1,157500.0,254700.0,20250.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019101,-16723,-1311,-5536.0,-275,,1,1,0,1,0,0,,3.0,2,2,THURSDAY,11,0,0,0,0,0,0,Self-employed,,0.3731326759807616,0.3539876078507373,,,0.9334,,,,,,,,,0.0037,,,,,0.9335,,,,,,,,,0.0038,,,,,0.9334,,,,,,,,,0.0038,,,,block of flats,0.0032,,Yes,0.0,0.0,0.0,0.0,-338.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +2484441,148509,Cash loans,11853.135,112500.0,142843.5,,112500.0,THURSDAY,8,Y,1,,,,XNA,Refused,-518,Cash through the bank,HC,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,Y,Y,0,112500.0,251280.0,13761.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-13042,-1746,-4507.0,-4511,15.0,1,1,0,1,0,0,Core staff,2.0,3,3,THURSDAY,5,0,0,0,0,0,0,Agriculture,0.4247447629178888,0.5839579236067592,0.2622489709189549,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1660.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1289620,250743,Consumer loans,13080.51,162000.0,129600.0,32400.0,162000.0,THURSDAY,20,Y,1,0.2178181818181818,,,XAP,Approved,-125,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Stone,20,Furniture,12.0,middle,POS industry with interest,365243.0,-93.0,237.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,Y,0,270000.0,450000.0,22500.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.026392000000000002,-19279,-691,-133.0,-2811,,1,1,0,1,0,0,,1.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Legal Services,0.7072145490755718,0.6787163359575629,0.6092756673894402,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-583.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2492876,247700,Consumer loans,3258.54,28350.0,28462.5,2835.0,28350.0,THURSDAY,16,Y,1,0.09865237566172144,,,XAP,Approved,-2030,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,270,Furniture,14.0,high,POS industry with interest,365243.0,-1999.0,-1609.0,-1639.0,-1635.0,0.0,0,Cash loans,F,N,Y,0,166500.0,507469.5,29263.5,459000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-22865,365243,-1512.0,-4678,,1,0,0,1,0,1,,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,XNA,0.8935865814333356,0.3766943510658368,0.2866524828090694,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2752381,104086,Revolving loans,7875.0,0.0,180000.0,,,THURSDAY,14,N,0,,,,XAP,Refused,-2514,XNA,XNA,,Repeater,XNA,Cards,x-sell,Country-wide,125,Connectivity,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,1,112500.0,625536.0,20673.0,540000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.018634,-17972,-2547,-7538.0,-1506,,1,1,1,1,1,0,Laborers,2.0,2,2,FRIDAY,8,0,0,0,0,1,1,Self-employed,0.5699889499246952,0.6594896629054704,0.6894791426446275,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,1.0,-2145.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1385214,429045,Revolving loans,19125.0,382500.0,382500.0,,382500.0,MONDAY,11,Y,1,,,,XAP,Approved,-228,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-227.0,-184.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,157500.0,450000.0,23107.5,450000.0,"Spouse, partner",Pensioner,Higher education,Married,House / apartment,0.030755,-19972,365243,-7233.0,-3502,,1,0,0,1,1,0,,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,XNA,,0.15426542413276212,0.3656165070113335,0.1624,0.08800000000000001,0.9826,0.762,0.173,0.1,0.0862,0.3333,0.375,0.0358,0.1324,0.0769,0.0,0.0,0.1513,0.0666,0.9821,0.7648,0.1265,0.0403,0.0345,0.3333,0.375,0.0308,0.1322,0.052000000000000005,0.0,0.0,0.1639,0.08800000000000001,0.9826,0.7652,0.1741,0.1,0.0862,0.3333,0.375,0.0365,0.1347,0.0782,0.0,0.0,reg oper account,block of flats,0.0685,Panel,No,4.0,0.0,4.0,0.0,-228.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1337516,439180,Consumer loans,10538.235,199660.5,233923.5,0.0,199660.5,FRIDAY,10,Y,1,0.0,,,XAP,Approved,-891,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Regional / Local,80,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-860.0,-170.0,-170.0,-168.0,0.0,0,Revolving loans,F,N,N,0,90000.0,270000.0,13500.0,270000.0,Unaccompanied,Commercial associate,Incomplete higher,Single / not married,With parents,0.035792000000000004,-8028,-136,-2683.0,-706,,1,1,0,1,0,0,Core staff,1.0,2,2,SUNDAY,16,0,0,0,0,1,1,Kindergarten,0.161015991729465,0.12232556652927898,0.5971924268337128,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-1.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1601729,156960,Cash loans,13616.505,121500.0,121500.0,0.0,121500.0,WEDNESDAY,15,Y,1,0.0,,,XNA,Refused,-2650,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,M,Y,Y,0,301500.0,454500.0,31630.5,454500.0,Family,Working,Higher education,Married,House / apartment,0.04622,-13095,-5210,-6826.0,-4510,1.0,1,1,1,1,1,0,IT staff,2.0,1,1,SUNDAY,16,0,0,0,0,1,1,Business Entity Type 3,0.2720334197145869,0.7622128519088752,0.6144143775673561,0.0649,0.0326,0.9811,0.7416,0.0161,0.04,0.0345,0.3333,0.375,0.0202,0.053,0.0619,0.0,0.0,0.0662,0.0339,0.9811,0.7517,0.0162,0.0403,0.0345,0.3333,0.375,0.0207,0.0579,0.0645,0.0,0.0,0.0656,0.0326,0.9811,0.7451,0.0162,0.04,0.0345,0.3333,0.375,0.0206,0.0539,0.063,0.0,0.0,reg oper account,block of flats,0.0709,"Stone, brick",No,0.0,0.0,0.0,0.0,-1624.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,6.0,0.0,4.0 +1963306,193829,Cash loans,16480.305,225000.0,247275.0,,225000.0,FRIDAY,14,Y,1,,,,Other,Approved,-11,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,low_normal,Cash Street: low,365243.0,365243.0,530.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,153000.0,182983.5,11961.0,166500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.04622,-24894,365243,-14986.0,-4017,,1,0,0,1,1,0,,1.0,1,1,THURSDAY,12,0,0,0,0,0,0,XNA,,0.689752297189584,,0.1479,0.0847,0.9866,0.8164,0.0285,0.12,0.1724,0.2708,0.1458,,0.1206,0.1131,0.0,0.0,0.0756,0.0587,0.9786,0.7190000000000001,0.0287,0.0,0.1379,0.2083,0.0417,,0.0661,0.0878,0.0,0.0,0.1494,0.0847,0.9866,0.8189,0.0286,0.12,0.1724,0.2708,0.1458,,0.1227,0.1151,0.0,0.0,reg oper spec account,block of flats,0.1684,"Stone, brick",No,0.0,0.0,0.0,0.0,-360.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2500608,108792,Consumer loans,7328.295,111780.0,111780.0,0.0,111780.0,TUESDAY,9,Y,1,0.0,,,XAP,Approved,-504,Cash through the bank,XAP,,Repeater,Homewares,POS,XNA,Country-wide,30,Construction,18.0,low_normal,POS other with interest,365243.0,-473.0,37.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,130500.0,1006920.0,46660.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.010006000000000001,-20278,-3299,-2520.0,-2526,,1,1,0,1,0,0,Laborers,1.0,2,1,TUESDAY,8,0,0,0,0,0,0,Trade: type 2,0.5632448525751885,0.698217927090471,0.5334816299804352,0.1155,0.1256,0.9846,0.7892,0.0665,0.0,0.2759,0.1667,0.2083,0.0623,0.0941,0.1049,0.0,0.0,0.1176,0.1303,0.9846,0.7975,0.0671,0.0,0.2759,0.1667,0.2083,0.0637,0.1028,0.1093,0.0,0.0,0.1166,0.1256,0.9846,0.792,0.0669,0.0,0.2759,0.1667,0.2083,0.0633,0.0958,0.1068,0.0,0.0,reg oper account,block of flats,0.1189,Panel,No,2.0,0.0,2.0,0.0,-886.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2192075,169828,Cash loans,16978.905,180000.0,197820.0,0.0,180000.0,THURSDAY,7,Y,1,0.0,,,XNA,Approved,-1590,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-1556.0,-1046.0,-1226.0,-1223.0,0.0,0,Cash loans,F,Y,Y,0,247500.0,1018899.0,29920.5,850500.0,Family,Pensioner,Higher education,Married,House / apartment,0.006852,-22708,365243,-2563.0,-4627,10.0,1,0,0,1,0,0,,2.0,3,3,FRIDAY,8,0,0,0,0,0,0,XNA,,0.3196345356797836,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1590.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2509269,449340,Consumer loans,5561.595,33156.0,27711.0,6750.0,33156.0,SATURDAY,13,Y,1,0.21332415299508528,,,XAP,Approved,-2610,Cash through the bank,XAP,Other_A,New,Mobile,POS,XNA,Country-wide,20,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2579.0,-2429.0,-2429.0,-2420.0,1.0,0,Cash loans,M,Y,Y,0,157500.0,1339146.0,39285.0,1048500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.005002,-20608,365243,-9207.0,-4033,9.0,1,0,0,1,0,0,,2.0,3,3,FRIDAY,14,0,0,0,0,0,0,XNA,,0.786704502521947,,0.067,0.0045,0.9767,0.6804,0.008,0.0,0.1379,0.1667,0.2083,0.0527,0.0538,0.0521,0.0039,0.0887,0.0683,0.0047,0.9767,0.6929,0.0081,0.0,0.1379,0.1667,0.2083,0.0539,0.0588,0.0543,0.0039,0.0939,0.0677,0.0045,0.9767,0.6847,0.008,0.0,0.1379,0.1667,0.2083,0.0536,0.0547,0.053,0.0039,0.0905,reg oper account,block of flats,0.0646,Block,No,1.0,1.0,1.0,1.0,-2610.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +2599048,442735,Consumer loans,6506.01,34650.0,31644.0,4500.0,34650.0,SUNDAY,12,Y,1,0.13559398768562114,,,XAP,Approved,-2098,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Stone,144,Consumer electronics,6.0,high,POS household with interest,365243.0,-2051.0,-1901.0,-1931.0,-1923.0,0.0,0,Revolving loans,F,N,Y,0,112500.0,180000.0,9000.0,180000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-21107,365243,-10753.0,-4147,,1,0,0,1,1,0,,2.0,2,2,FRIDAY,8,0,0,0,0,0,0,XNA,,0.6630750295314564,0.7032033049040319,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1255701,253857,Consumer loans,2698.29,30096.0,22954.5,9000.0,30096.0,SUNDAY,17,Y,1,0.3067429683399264,,,XAP,Approved,-621,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,500,Consumer electronics,10.0,middle,POS household with interest,365243.0,-590.0,-320.0,-380.0,-369.0,0.0,0,Cash loans,F,Y,N,0,135000.0,900000.0,38133.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00733,-18175,-3165,-1933.0,-1717,8.0,1,1,1,1,0,0,Sales staff,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Self-employed,,0.3113516947853137,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-621.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1875946,381069,Cash loans,29891.385,945000.0,1082214.0,,945000.0,FRIDAY,11,Y,1,,,,XNA,Refused,-176,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,N,Y,1,130500.0,339241.5,12919.5,238500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-16010,-1122,-8591.0,-4391,,1,1,0,1,1,0,Laborers,3.0,2,2,SATURDAY,10,0,1,1,0,1,1,Security,0.4466743130031275,0.714252508702497,0.3490552510751822,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-750.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1552517,266547,Revolving loans,4500.0,0.0,90000.0,,,WEDNESDAY,12,N,1,,,,XAP,Refused,-2665,XNA,HC,,Repeater,XNA,Cards,x-sell,Country-wide,47,Connectivity,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,N,1,67500.0,343800.0,10921.5,225000.0,Other_B,Working,Secondary / secondary special,Single / not married,House / apartment,0.019101,-13264,-5413,-7255.0,-3894,,1,1,1,1,0,0,Core staff,2.0,2,2,MONDAY,8,0,0,0,0,1,1,Transport: type 2,0.3262411796155282,0.6430528349488557,0.5989262182569273,0.1402,0.1037,0.9796,0.6804,0.0579,0.0,0.069,0.1667,0.0417,0.0595,0.1143,0.0528,0.0,0.0,0.1429,0.1076,0.9796,0.6929,0.0584,0.0,0.069,0.1667,0.0417,0.0608,0.1249,0.0551,0.0,0.0,0.1416,0.1037,0.9796,0.6847,0.0583,0.0,0.069,0.1667,0.0417,0.0605,0.1163,0.0538,0.0,0.0,reg oper spec account,block of flats,0.0732,"Stone, brick",No,4.0,1.0,4.0,1.0,-1882.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1234570,185590,Revolving loans,9000.0,180000.0,180000.0,,180000.0,SUNDAY,11,Y,1,,,,XAP,Approved,-259,XNA,XAP,Unaccompanied,Refreshed,XNA,Cards,x-sell,AP+ (Cash loan),5,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,72000.0,562500.0,27189.0,562500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00963,-18743,-1992,-9972.0,-2293,,1,1,1,1,1,0,Sales staff,2.0,2,2,SUNDAY,14,0,0,0,0,0,0,Self-employed,,0.4071487319366001,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-260.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1030871,112182,Consumer loans,12681.27,97542.0,101857.5,4860.0,97542.0,MONDAY,14,Y,1,0.0495980679661894,,,XAP,Approved,-2013,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Country-wide,92,Connectivity,12.0,high,POS mobile with interest,365243.0,-1982.0,-1652.0,-1652.0,-1650.0,0.0,0,Cash loans,F,N,Y,0,180000.0,1223010.0,48631.5,1125000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-22952,365243,-3720.0,-5007,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,XNA,,0.7044563385025604,0.520897599048938,0.0412,,0.9881,,,,0.069,0.1667,,,,0.0362,,,0.042,,0.9881,,,,0.069,0.1667,,,,0.0377,,,0.0416,,0.9881,,,,0.069,0.1667,,,,0.0369,,,,block of flats,0.0285,Block,No,4.0,0.0,4.0,0.0,-2515.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2788677,145177,Consumer loans,4001.805,15705.0,18621.0,0.0,15705.0,MONDAY,12,Y,1,0.0,,,XAP,Approved,-1747,XNA,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,6.0,high,POS mobile with interest,365243.0,-1716.0,-1566.0,-1566.0,-1552.0,0.0,0,Cash loans,F,N,N,0,90000.0,900000.0,32328.0,900000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.031329,-14980,-1088,-2967.0,-4648,,1,1,1,1,0,0,High skill tech staff,2.0,2,2,WEDNESDAY,14,0,0,0,0,1,1,Self-employed,0.5114281074491552,0.5583292832665239,0.22383131747015547,0.0825,0.077,0.9821,0.7552,0.0124,0.0,0.2069,0.1667,0.2083,0.0694,0.0664,0.0762,0.0039,0.0045,0.084,0.08,0.9821,0.7648,0.0125,0.0,0.2069,0.1667,0.2083,0.071,0.0725,0.0794,0.0039,0.0048,0.0833,0.077,0.9821,0.7585,0.0125,0.0,0.2069,0.1667,0.2083,0.0706,0.0676,0.0775,0.0039,0.0046,reg oper spec account,block of flats,0.0677,Panel,No,4.0,0.0,4.0,0.0,-1807.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1278686,228247,Consumer loans,20288.565,111672.0,111672.0,0.0,111672.0,SATURDAY,12,Y,1,0.0,,,XAP,Refused,-977,Cash through the bank,LIMIT,,Refreshed,Furniture,POS,XNA,Country-wide,152,Furniture,6.0,middle,POS industry with interest,,,,,,,0,Cash loans,F,Y,Y,0,180000.0,472500.0,46161.0,454500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.04622,-18641,-117,-12776.0,-2185,3.0,1,1,1,1,1,0,High skill tech staff,2.0,1,1,WEDNESDAY,15,0,0,0,1,1,1,Medicine,,0.6573749271336158,,0.0825,0.0658,0.9781,0.7008,0.0309,0.0,0.1379,0.1667,0.2083,0.08199999999999999,0.0672,0.0678,0.0,0.0,0.084,0.0683,0.9782,0.7125,0.0312,0.0,0.1379,0.1667,0.2083,0.0839,0.0735,0.0706,0.0,0.0,0.0833,0.0658,0.9781,0.7048,0.0311,0.0,0.1379,0.1667,0.2083,0.0835,0.0684,0.069,0.0,0.0,reg oper account,block of flats,0.0702,"Stone, brick",No,0.0,0.0,0.0,0.0,-977.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2106266,312282,Consumer loans,17903.745,177750.0,159975.0,17775.0,177750.0,SATURDAY,10,Y,1,0.1089090909090909,,,XAP,Approved,-1238,Cash through the bank,XAP,Unaccompanied,Refreshed,Construction Materials,POS,XNA,Stone,9,Construction,10.0,low_normal,POS industry with interest,365243.0,-1207.0,-937.0,-997.0,-991.0,0.0,0,Cash loans,F,N,N,0,90000.0,263686.5,14854.5,238500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.018634,-22247,365243,-15892.0,-3697,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,15,0,0,0,0,0,0,XNA,0.42544685463475695,0.6791787006744788,0.6626377922738201,0.0165,,0.9717,,,,0.1379,0.0417,,,,0.0128,,,0.0168,,0.9717,,,,0.1379,0.0417,,,,0.0133,,,0.0167,,0.9717,,,,0.1379,0.0417,,,,0.013,,,,block of flats,0.01,"Stone, brick",No,1.0,0.0,1.0,0.0,-2702.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2638795,453784,Consumer loans,2817.495,14625.0,14530.5,2250.0,14625.0,WEDNESDAY,10,Y,1,0.1460298885882151,,,XAP,Refused,-511,Cash through the bank,LIMIT,,Repeater,Audio/Video,POS,XNA,Regional / Local,50,Consumer electronics,6.0,middle,POS household with interest,,,,,,,1,Cash loans,F,N,Y,1,184500.0,1129500.0,33156.0,1129500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.015221,-11033,-1439,-5790.0,-1976,,1,1,0,1,0,0,Core staff,3.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Business Entity Type 1,0.661584767536209,0.4819798700691899,0.42765737003502935,0.0067,0.0042,0.9523,,,0.0,0.1207,0.0208,,0.0391,,0.0057,,0.0,0.0021,0.0,0.9518,,,0.0,0.069,0.0,,0.04,,0.0013,,0.0,0.0068,0.0042,0.9523,,,0.0,0.1207,0.0208,,0.0398,,0.0058,,0.0,,block of flats,0.0011,"Stone, brick",No,5.0,2.0,5.0,2.0,-572.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1798534,174373,Consumer loans,13297.41,115870.5,114633.0,11565.0,115870.5,MONDAY,17,Y,1,0.0998061487791911,,,XAP,Approved,-1970,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,1750,Consumer electronics,12.0,high,POS household with interest,365243.0,-1939.0,-1609.0,-1669.0,-1663.0,0.0,0,Cash loans,F,N,Y,0,112500.0,1007761.5,40095.0,927000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-21360,365243,-4685.0,-3993,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,XNA,,0.40106680400466416,0.3910549766342248,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,0.0,-57.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1052007,438847,Consumer loans,3722.04,33705.0,33705.0,0.0,33705.0,SUNDAY,8,Y,1,0.0,,,XAP,Approved,-590,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,80,Connectivity,12.0,high,POS mobile with interest,365243.0,-550.0,-220.0,-460.0,-431.0,0.0,0,Revolving loans,M,Y,Y,0,112500.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-12135,-3964,-5536.0,-6,13.0,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Self-employed,0.4665467030708217,0.6939248501572735,0.7958031328748403,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2423475,119163,Consumer loans,,114528.87,114528.87,0.0,114528.87,THURSDAY,12,Y,1,0.0,,,XAP,Refused,-884,Cash through the bank,HC,,Repeater,Mobile,XNA,XNA,Country-wide,86,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,0,90000.0,215865.0,21478.5,202500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-14697,-1520,-8558.0,-4439,,1,1,0,1,0,1,Sales staff,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,Trade: type 1,0.4644177396055208,0.6907574981367857,0.2636468134452008,0.1835,0.1135,0.9811,0.7416,0.0338,0.2,0.1724,0.3333,0.375,0.0711,0.1488,0.1679,0.0039,0.0073,0.187,0.1178,0.9811,0.7517,0.0341,0.2014,0.1724,0.3333,0.375,0.0727,0.1625,0.175,0.0039,0.0077,0.1853,0.1135,0.9811,0.7451,0.034,0.2,0.1724,0.3333,0.375,0.0724,0.1513,0.171,0.0039,0.0074,not specified,block of flats,0.1521,Panel,No,16.0,0.0,16.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2528525,377213,Consumer loans,11419.605,98752.5,109179.0,0.0,98752.5,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-299,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Country-wide,1500,Consumer electronics,12.0,middle,POS household with interest,365243.0,-268.0,62.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,1,171000.0,1065433.5,45270.0,913500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-15270,-682,-846.0,-2917,11.0,1,1,0,1,0,0,Low-skill Laborers,3.0,2,2,THURSDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.4947744386432281,0.6129967460772711,0.722392890081304,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-299.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1916724,200992,Consumer loans,4226.13,69520.5,28062.0,43195.5,69520.5,TUESDAY,12,Y,1,0.660194735482389,,,XAP,Approved,-2312,XNA,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Regional / Local,15,Connectivity,8.0,high,POS mobile with interest,365243.0,-2281.0,-2071.0,-2071.0,-2069.0,1.0,0,Cash loans,F,N,N,1,81000.0,416052.0,15813.0,292500.0,Family,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-10170,-1231,-6021.0,-2815,,1,1,0,1,1,0,Sales staff,3.0,2,2,THURSDAY,16,0,0,0,0,0,0,Self-employed,,0.6604858181385238,0.6528965519806539,0.033,0.0386,0.9727,0.626,0.0027,0.0,0.069,0.125,0.1667,0.0309,0.0269,0.0247,0.0,0.0069,0.0336,0.0401,0.9727,0.6406,0.0028,0.0,0.069,0.125,0.1667,0.0316,0.0294,0.0257,0.0,0.0073,0.0333,0.0386,0.9727,0.631,0.0027,0.0,0.069,0.125,0.1667,0.0314,0.0274,0.0251,0.0,0.006999999999999999,reg oper account,block of flats,0.0209,"Stone, brick",No,3.0,0.0,2.0,0.0,-1678.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1942260,219189,Cash loans,18360.99,157500.0,167895.0,0.0,157500.0,SATURDAY,11,Y,1,0.0,,,XNA,Approved,-2109,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,high,Cash Street: high,365243.0,-2079.0,-1749.0,-1749.0,-1744.0,1.0,0,Cash loans,F,N,N,0,135000.0,225000.0,15790.5,225000.0,Unaccompanied,Pensioner,Higher education,Single / not married,House / apartment,0.014519999999999996,-24596,365243,-13726.0,-4010,,1,0,0,1,0,0,,1.0,2,2,MONDAY,9,0,0,0,0,0,0,XNA,,0.34112290759888264,0.3425288720742255,0.1175,0.1271,0.9811,,,0.0,0.2759,0.1667,,0.028,,0.1095,,0.0225,0.1197,0.1319,0.9811,,,0.0,0.2759,0.1667,,0.0287,,0.1141,,0.0238,0.1187,0.1271,0.9811,,,0.0,0.2759,0.1667,,0.0285,,0.1115,,0.0229,,block of flats,0.0912,Panel,No,0.0,0.0,0.0,0.0,-1488.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,4.0,3.0 +1970725,127634,Consumer loans,8752.905,39667.5,32850.0,7933.5,39667.5,MONDAY,11,Y,1,0.2118578034566118,,,XAP,Approved,-623,Cash through the bank,XAP,Other_B,Repeater,Mobile,POS,XNA,Country-wide,32,Connectivity,4.0,middle,POS mobile without interest,365243.0,-592.0,-502.0,-532.0,-526.0,0.0,0,Cash loans,F,N,Y,1,157500.0,576837.0,22351.5,481500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00823,-13940,-3534,-2094.0,-2118,,1,1,0,1,0,0,,3.0,2,2,MONDAY,11,0,0,0,0,0,0,Self-employed,,0.14757749964468755,0.30620229831350426,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1718.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,8.0 +1359300,434540,Revolving loans,2250.0,45000.0,45000.0,,45000.0,TUESDAY,14,Y,1,,,,XAP,Approved,-337,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Country-wide,1099,Consumer electronics,0.0,XNA,Card Street,-296.0,-265.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,0,270000.0,765000.0,27103.5,765000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-18914,-2705,-4950.0,-2442,,1,1,1,1,0,0,Laborers,2.0,2,2,MONDAY,15,0,0,0,0,0,0,Construction,,0.4972465959877271,0.4083588531230431,0.132,0.0809,0.993,0.9048,0.0302,0.12,0.1034,0.375,0.4167,0.111,0.1067,0.0639,0.0039,0.0039,0.1345,0.084,0.993,0.9085,0.0305,0.1208,0.1034,0.375,0.4167,0.1136,0.1166,0.0666,0.0039,0.0041,0.1332,0.0809,0.993,0.9061,0.0304,0.12,0.1034,0.375,0.4167,0.113,0.1086,0.0651,0.0039,0.004,org spec account,block of flats,0.095,"Stone, brick",No,1.0,1.0,1.0,1.0,-1090.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2472120,135799,Consumer loans,16045.65,146632.5,159214.5,0.0,146632.5,SATURDAY,18,Y,1,0.0,,,XAP,Approved,-746,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,6900,Consumer electronics,12.0,middle,POS household with interest,365243.0,-714.0,-384.0,-384.0,-380.0,0.0,0,Cash loans,M,Y,Y,1,180000.0,760225.5,32337.0,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-10919,-237,-509.0,-3590,6.0,1,1,0,1,0,0,Laborers,3.0,2,2,WEDNESDAY,12,0,0,0,1,1,1,Business Entity Type 3,0.2173722065619142,0.2031296464489029,0.3979463219016906,0.0227,0.0478,0.9801,0.728,0.0024,0.0,0.1034,0.0417,0.0833,0.0178,0.0185,0.0115,0.0039,0.0439,0.0231,0.0496,0.9801,0.7387,0.0025,0.0,0.1034,0.0417,0.0833,0.0182,0.0202,0.012,0.0039,0.0465,0.0229,0.0478,0.9801,0.7316,0.0024,0.0,0.1034,0.0417,0.0833,0.0181,0.0188,0.0117,0.0039,0.0448,reg oper account,block of flats,0.014,Block,No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1799140,393594,Cash loans,44018.865,450000.0,470790.0,,450000.0,TUESDAY,14,Y,1,,,,XNA,Approved,-560,Cash through the bank,XAP,,New,XNA,Cash,x-sell,Channel of corporate sales,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-530.0,-200.0,-200.0,-198.0,1.0,0,Cash loans,M,Y,Y,0,145498.5,409500.0,21199.5,409500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.028663,-8410,-458,-2616.0,-1084,7.0,1,1,1,1,0,0,,1.0,2,2,TUESDAY,13,0,0,0,0,0,0,Trade: type 2,0.2716764646661039,0.2696907684763915,0.190705947811054,0.1938,0.0938,0.9841,,,0.04,0.069,0.3333,,0.0,,0.1501,,0.003,0.1975,0.0974,0.9841,,,0.0403,0.069,0.3333,,0.0,,0.1564,,0.0032,0.1957,0.0938,0.9841,,,0.04,0.069,0.3333,,0.0,,0.1528,,0.0031,,specific housing,0.1379,Mixed,No,3.0,0.0,3.0,0.0,-89.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,6.0 +1619063,409908,Consumer loans,12669.93,137160.0,114660.0,22500.0,137160.0,WEDNESDAY,6,Y,1,0.17865664519207822,,,XAP,Approved,-2005,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Stone,112,Consumer electronics,12.0,high,POS household with interest,365243.0,-1974.0,-1644.0,-1644.0,-1637.0,0.0,0,Cash loans,M,Y,N,0,81000.0,161730.0,11632.5,135000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.020713,-11728,-2671,-5128.0,-4176,16.0,1,1,1,1,0,0,Laborers,2.0,3,3,SATURDAY,9,0,0,0,0,1,1,Business Entity Type 3,0.36312458299472455,0.5445425571090597,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1125359,118536,Cash loans,7690.095,67500.0,71955.0,,67500.0,WEDNESDAY,12,Y,1,,,,XNA,Approved,-611,Cash through the bank,XAP,Children,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),5,XNA,12.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,135000.0,284400.0,10849.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.008473999999999999,-23118,365243,-8610.0,-1847,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,14,0,0,0,0,0,0,XNA,,0.14807886718072047,0.326475210066026,0.3021,0.3906,0.9856,0.8028,0.3126,0.36,0.3103,0.3333,0.0,0.0407,0.2446,0.1973,0.0077,0.2537,0.3078,0.4054,0.9856,0.8105,0.3155,0.3625,0.3103,0.3333,0.0,0.0416,0.2672,0.2056,0.0078,0.2686,0.305,0.3906,0.9856,0.8054,0.3146,0.36,0.3103,0.3333,0.0,0.0414,0.2488,0.2009,0.0078,0.259,reg oper account,block of flats,0.2484,"Stone, brick",No,1.0,1.0,1.0,1.0,-375.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1438609,361551,Cash loans,35978.22,450000.0,481185.0,,450000.0,THURSDAY,15,Y,1,,,,XNA,Approved,-872,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,18.0,middle,Cash Street: middle,365243.0,-841.0,-331.0,-331.0,-323.0,0.0,0,Revolving loans,F,Y,Y,0,360000.0,135000.0,6750.0,135000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.04622,-16106,-1962,-1880.0,-1056,4.0,1,1,1,1,0,0,Core staff,2.0,1,1,MONDAY,11,0,1,1,0,1,1,Trade: type 3,0.7759715417803328,0.4222106971175022,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-10.0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,,,,,, +1716397,363798,Consumer loans,4861.71,32130.0,30654.0,3375.0,32130.0,THURSDAY,16,Y,1,0.10801615734173256,,,XAP,Approved,-2588,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Stone,15,Connectivity,8.0,high,POS mobile with interest,365243.0,-2509.0,-2299.0,-2329.0,-2326.0,1.0,0,Cash loans,F,N,N,0,121500.0,502497.0,33709.5,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-21437,365243,-7938.0,-4281,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,15,0,0,0,1,0,0,XNA,,0.4158916752471998,0.2458512138252296,,0.0151,0.9866,0.8164,,0.0,0.2759,0.1667,0.2083,,,0.122,,0.0229,,0.0157,0.9866,0.8236,,0.0,0.2759,0.1667,0.2083,,,0.1271,,0.0243,,0.0151,0.9866,0.8189,,0.0,0.2759,0.1667,0.2083,,,0.1242,,0.0234,,block of flats,0.0959,"Stone, brick",No,0.0,0.0,0.0,0.0,-374.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2467638,363278,Consumer loans,3194.19,27778.5,24997.5,2781.0,27778.5,TUESDAY,12,Y,1,0.10903259060718963,,,XAP,Approved,-347,Cash through the bank,XAP,,New,Photo / Cinema Equipment,POS,XNA,Country-wide,37,Connectivity,10.0,high,POS mobile with interest,365243.0,-294.0,-24.0,-24.0,-20.0,0.0,0,Cash loans,F,Y,N,2,180000.0,675000.0,28507.5,675000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.006670999999999999,-15130,-5422,-2051.0,-2196,12.0,1,1,1,1,1,0,Accountants,4.0,2,2,THURSDAY,17,0,0,0,0,1,1,Agriculture,,0.4804840523182321,0.6479768603302221,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-347.0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1791974,131901,Revolving loans,11250.0,225000.0,225000.0,,225000.0,WEDNESDAY,15,Y,1,,,,XAP,Refused,-705,XNA,SCOFR,,Repeater,XNA,Cards,walk-in,Channel of corporate sales,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,1,112500.0,247500.0,10080.0,247500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.025164,-18503,-1695,-10010.0,-2064,,1,1,1,1,1,0,Core staff,3.0,2,2,MONDAY,14,0,0,0,0,0,0,Insurance,,0.7611808380361469,0.5762088360175724,0.0082,,0.9672,,,0.0,0.0345,0.0417,,,,0.0095,,0.0,0.0084,,0.9672,,,0.0,0.0345,0.0417,,,,0.0099,,0.0,0.0083,,0.9672,,,0.0,0.0345,0.0417,,,,0.0097,,0.0,,block of flats,0.0075,Others,No,2.0,0.0,2.0,0.0,-865.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1238622,133589,Consumer loans,8839.575,31995.0,33264.0,0.0,31995.0,MONDAY,16,Y,1,0.0,,,XAP,Approved,-112,Cash through the bank,XAP,,Refreshed,Audio/Video,POS,XNA,Regional / Local,30,Consumer electronics,4.0,low_normal,POS household with interest,365243.0,-80.0,10.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,180000.0,263686.5,25816.5,238500.0,Unaccompanied,Pensioner,Lower secondary,Single / not married,House / apartment,0.00963,-16734,365243,-2399.0,-284,,1,0,0,1,0,0,,1.0,2,2,MONDAY,16,0,0,0,0,0,0,XNA,,0.25252452760605565,0.8463780633178121,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-1173.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2176460,400148,Revolving loans,,0.0,0.0,,,FRIDAY,8,Y,1,,,,XAP,Refused,-318,XNA,HC,,Repeater,XNA,XNA,XNA,Contact center,-1,XNA,,XNA,Card Street,,,,,,,1,Cash loans,F,Y,N,2,157500.0,272520.0,19827.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.02461,-14090,-7383,-6899.0,-2713,10.0,1,1,1,1,1,0,Managers,4.0,2,2,THURSDAY,16,0,0,0,0,0,0,Agriculture,0.5699391179225347,0.5128080173472435,0.04474282790975597,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-584.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1878759,134525,Cash loans,15267.15,135000.0,135000.0,0.0,135000.0,FRIDAY,11,Y,1,0.0,,,XNA,Approved,-1963,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,high,Cash X-Sell: high,365243.0,-1933.0,-1603.0,-1603.0,-1597.0,0.0,0,Cash loans,F,N,Y,0,112500.0,675000.0,26901.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.028663,-23694,365243,-4634.0,-4637,,1,0,0,1,1,0,,1.0,2,2,MONDAY,9,0,0,0,0,0,0,XNA,0.7147684874564715,0.6674722078867837,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1042163,411911,Consumer loans,33781.41,355500.0,357664.5,35550.0,355500.0,FRIDAY,12,Y,1,0.09846326068388073,,,XAP,Approved,-909,Cash through the bank,XAP,Unaccompanied,New,Vehicles,POS,XNA,Stone,35,Industry,12.0,low_normal,POS other with interest,365243.0,-878.0,-548.0,-728.0,-724.0,0.0,0,Cash loans,M,N,Y,0,175500.0,454500.0,14791.5,454500.0,Family,Working,Higher education,Married,House / apartment,0.01885,-18919,-7955,-10264.0,-2138,,1,1,0,1,0,0,,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,Business Entity Type 1,,0.6730204964658361,0.7958031328748403,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-909.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2067392,199734,Consumer loans,14939.28,99000.0,83380.5,19800.0,99000.0,WEDNESDAY,10,Y,1,0.20899297832439268,,,XAP,Refused,-479,XNA,HC,"Spouse, partner",Repeater,Clothing and Accessories,POS,XNA,Stone,15,Clothing,6.0,low_normal,POS industry with interest,,,,,,,0,Cash loans,F,N,N,0,74700.0,272520.0,19827.0,225000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.018029,-10317,-2619,-8746.0,-1738,,1,1,0,1,0,0,Core staff,2.0,3,3,FRIDAY,9,0,0,0,0,0,0,Kindergarten,0.35281090560558565,0.25320206033951714,0.33285056416487313,0.2979,0.1887,0.9881,0.83,0.0544,0.04,0.7241,0.1667,0.0417,0.2138,0.2412,0.28800000000000003,0.0077,0.0208,0.3036,0.1958,0.9881,0.8367,0.0549,0.0403,0.7241,0.1667,0.0417,0.2187,0.2635,0.3001,0.0078,0.022,0.3008,0.1887,0.9881,0.8323,0.0548,0.04,0.7241,0.1667,0.0417,0.2175,0.2454,0.2932,0.0078,0.0212,,block of flats,0.2383,Panel,No,0.0,0.0,0.0,0.0,-1591.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,1.0,1.0 +1254501,384586,Cash loans,13013.955,67500.0,69727.5,,67500.0,SATURDAY,7,Y,1,,,,XNA,Approved,-708,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),3,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-678.0,-528.0,-528.0,-525.0,1.0,0,Cash loans,M,Y,Y,2,157500.0,76410.0,9198.0,67500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-13444,-3011,-122.0,-4240,4.0,1,1,1,1,0,0,,4.0,3,3,SUNDAY,8,0,0,0,0,1,1,Military,0.3926634445933817,0.6239815547520193,0.6956219298394389,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-708.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +2387134,145458,Consumer loans,3465.09,29205.0,16483.5,13500.0,29205.0,SUNDAY,17,Y,1,0.4903606074249929,,,XAP,Approved,-1453,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,41,Connectivity,6.0,high,POS mobile with interest,365243.0,-1422.0,-1272.0,-1302.0,-1299.0,0.0,0,Cash loans,M,Y,Y,0,216000.0,1078200.0,38331.0,900000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.006670999999999999,-13434,-601,-2702.0,-3879,8.0,1,1,0,1,0,0,Core staff,2.0,2,2,THURSDAY,19,0,0,0,0,0,0,Self-employed,,0.6827654604068754,0.7850520263728172,0.0619,0.0764,0.9851,0.7959999999999999,0.0386,0.0,0.1379,0.1667,0.2083,0.0547,0.0504,0.0226,0.0,0.1393,0.063,0.0792,0.9851,0.804,0.0389,0.0,0.1379,0.1667,0.2083,0.056,0.0551,0.0235,0.0,0.1474,0.0625,0.0764,0.9851,0.7987,0.0388,0.0,0.1379,0.1667,0.2083,0.0557,0.0513,0.023,0.0,0.1422,not specified,block of flats,0.048,"Stone, brick",No,2.0,0.0,2.0,0.0,-1453.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1574394,400058,Consumer loans,4179.735,37638.0,33871.5,3766.5,37638.0,FRIDAY,12,Y,1,0.10898721794704576,,,XAP,Approved,-1851,Non-cash from your account,XAP,,New,Construction Materials,POS,XNA,Stone,30,Construction,10.0,middle,POS industry with interest,365243.0,-1809.0,-1539.0,-1599.0,-1590.0,0.0,0,Cash loans,M,Y,Y,0,157500.0,848745.0,40833.0,675000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.01885,-17844,-3024,-11401.0,-1390,12.0,1,1,0,1,0,0,Security staff,2.0,2,2,MONDAY,10,0,0,0,0,1,1,Business Entity Type 3,,0.6557872263967783,0.5370699579791587,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1851.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2445156,332571,Consumer loans,22680.405,209362.5,231471.0,0.0,209362.5,SUNDAY,11,Y,1,0.0,,,XAP,Approved,-121,Cash through the bank,XAP,Family,Refreshed,Audio/Video,POS,XNA,Regional / Local,200,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-91.0,239.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,2,288000.0,247275.0,22680.0,225000.0,"Spouse, partner",Working,Higher education,Married,House / apartment,0.020246,-18757,-7575,-2531.0,-2135,,1,1,1,1,1,0,IT staff,4.0,3,3,TUESDAY,10,0,0,0,0,0,0,Police,0.7387795878205627,0.3842920173517105,0.1997705696341145,0.0247,0.0524,0.9732,0.6328,0.0003,0.0,0.069,0.0833,0.125,0.0347,0.0202,0.0123,0.0,0.0,0.0252,0.0543,0.9732,0.6472,0.0003,0.0,0.069,0.0833,0.125,0.0355,0.022,0.0128,0.0,0.0,0.025,0.0524,0.9732,0.6377,0.0003,0.0,0.069,0.0833,0.125,0.0353,0.0205,0.0125,0.0,0.0,reg oper account,block of flats,0.0149,"Stone, brick",No,1.0,1.0,1.0,1.0,-1854.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1694141,184821,Cash loans,28049.85,247500.0,261220.5,0.0,247500.0,WEDNESDAY,13,Y,1,0.0,,,XNA,Approved,-2260,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash Street: middle,365243.0,-2230.0,-1900.0,-1900.0,-1892.0,1.0,0,Cash loans,M,Y,Y,0,67500.0,360000.0,35604.0,360000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.028663,-18539,-2194,-5485.0,-2071,3.0,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.6479616091378922,,0.0887,0.1007,0.9816,,,0.0,0.2069,0.1667,,0.0,,0.085,,0.0,0.0903,0.1045,0.9816,,,0.0,0.2069,0.1667,,0.0,,0.0886,,0.0,0.0895,0.1007,0.9816,,,0.0,0.2069,0.1667,,0.0,,0.0865,,0.0,,block of flats,0.0942,Mixed,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1295934,120898,Cash loans,7869.015,67500.0,71955.0,0.0,67500.0,FRIDAY,10,Y,1,0.0,,,XNA,Approved,-2523,Cash through the bank,XAP,Children,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-2493.0,-2163.0,-2163.0,-2157.0,1.0,0,Cash loans,F,N,Y,0,225000.0,414000.0,15736.5,414000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-23231,365243,-11484.0,-4431,,1,0,0,1,0,0,,2.0,2,2,MONDAY,13,0,0,0,0,0,0,XNA,,0.4509146922215012,0.1986200451074864,0.0593,,0.9707,0.4764,,0.08,0.1724,0.25,0.1667,,,0.0544,,0.2499,0.0452,,0.9618,0.4969,,0.0,0.1379,0.1667,0.1667,,,0.0566,,0.0697,0.0599,,0.9707,0.4834,,0.08,0.1724,0.25,0.1667,,,0.0553,,0.2551,reg oper account,block of flats,0.0746,,No,2.0,0.0,2.0,0.0,-2368.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1968727,315381,Consumer loans,16897.725,117432.0,86544.0,35230.5,117432.0,SATURDAY,9,Y,1,0.315084170107266,,,XAP,Approved,-598,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,1600,Consumer electronics,6.0,high,POS household with interest,365243.0,-567.0,-417.0,-417.0,-415.0,0.0,0,Cash loans,F,N,Y,2,67500.0,247275.0,17716.5,225000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.001417,-9952,-1407,-1288.0,-2594,,1,1,1,1,0,0,Core staff,4.0,2,2,TUESDAY,6,0,0,0,0,0,0,Government,0.40862601762587625,0.5064633940752129,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-598.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2087278,180046,Consumer loans,7687.305,57240.0,62856.0,5724.0,57240.0,MONDAY,11,Y,1,0.09090050107372942,,,XAP,Approved,-1214,Cash through the bank,XAP,Children,New,Computers,POS,XNA,Stone,45,Connectivity,10.0,middle,POS mobile with interest,365243.0,-1179.0,-909.0,-909.0,-907.0,0.0,0,Cash loans,F,N,Y,1,157500.0,814041.0,23931.0,679500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.019101,-14486,-1266,-6089.0,-3943,,1,1,0,1,0,0,,3.0,2,2,THURSDAY,13,0,0,0,0,0,0,School,,0.6343281513556357,0.5814837058057234,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1214.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1289425,326741,Consumer loans,12203.505,114943.5,114372.0,11497.5,114943.5,FRIDAY,10,Y,1,0.0994825809848512,,,XAP,Approved,-942,Cash through the bank,XAP,Unaccompanied,Refreshed,Audio/Video,POS,XNA,Regional / Local,25,Consumer electronics,12.0,middle,POS household with interest,365243.0,-904.0,-574.0,-604.0,-596.0,0.0,0,Cash loans,F,N,Y,0,94500.0,808650.0,23643.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.005002,-23395,365243,-5494.0,-5493,,1,0,0,1,1,0,,1.0,3,3,TUESDAY,10,0,0,0,0,0,0,XNA,,0.6261340076977087,,0.099,0.1091,0.9851,,,,0.2069,0.1667,,0.0063,,0.0829,,0.151,0.1008,0.1132,0.9851,,,,0.2069,0.1667,,0.0065,,0.0863,,0.1599,0.0999,0.1091,0.9851,,,,0.2069,0.1667,,0.0064,,0.0843,,0.1542,,block of flats,0.0652,"Stone, brick",No,0.0,0.0,0.0,0.0,-1965.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1064980,118721,Cash loans,22306.185,306000.0,339930.0,0.0,306000.0,WEDNESDAY,12,Y,1,0.0,,,XNA,Approved,-2715,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,middle,Cash Street: middle,365243.0,-2680.0,-1990.0,-1990.0,-1976.0,1.0,0,Cash loans,M,Y,Y,0,126000.0,331920.0,16096.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-16744,-150,-8385.0,-283,8.0,1,1,0,1,0,0,Drivers,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Self-employed,,0.4776026103211307,0.08963066908713159,0.3062,0.1786,0.9846,0.7892,0.1112,0.32,0.2759,0.3333,0.375,0.2497,0.248,0.3145,0.0077,0.0174,0.312,0.1853,0.9846,0.7975,0.1123,0.3222,0.2759,0.3333,0.375,0.2554,0.2709,0.3276,0.0078,0.0184,0.3092,0.1786,0.9846,0.792,0.112,0.32,0.2759,0.3333,0.375,0.254,0.2522,0.3201,0.0078,0.0178,,block of flats,0.3119,"Stone, brick",No,0.0,0.0,0.0,0.0,-1298.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2643936,212995,Revolving loans,9000.0,0.0,180000.0,,,THURSDAY,12,Y,1,,,,XAP,Approved,-1173,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,N,0,90000.0,270000.0,10179.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-14766,-3315,-1160.0,-2007,12.0,1,1,1,1,1,0,Sales staff,2.0,2,2,SUNDAY,19,0,0,0,0,0,0,Self-employed,,0.4061198592307704,0.7165702448010511,0.101,0.0891,0.9767,0.6804,0.0125,0.0,0.2069,0.1667,0.2083,0.0595,0.0815,0.0888,0.0039,0.0077,0.1029,0.0925,0.9767,0.6929,0.0127,0.0,0.2069,0.1667,0.2083,0.0608,0.0891,0.0926,0.0039,0.0082,0.102,0.0891,0.9767,0.6847,0.0126,0.0,0.2069,0.1667,0.2083,0.0605,0.0829,0.0904,0.0039,0.0079,reg oper account,block of flats,0.093,"Stone, brick",No,1.0,0.0,1.0,0.0,-2019.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1364854,286472,Cash loans,19062.675,450000.0,530698.5,,450000.0,TUESDAY,10,Y,1,,,,XNA,Approved,-386,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-356.0,1054.0,-266.0,-262.0,1.0,0,Cash loans,F,N,Y,1,135000.0,333000.0,24358.5,333000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.026392000000000002,-10170,-1127,-4487.0,-2763,,1,1,0,1,1,0,Sales staff,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Trade: type 7,0.7986103365204922,0.6990512678397577,0.6075573001388961,0.0825,0.0787,0.9752,,,0.0,0.1379,0.1667,,0.021,,0.0616,,0.0044,0.084,0.0817,0.9752,,,0.0,0.1379,0.1667,,0.0214,,0.0642,,0.0046,0.0833,0.0787,0.9752,,,0.0,0.1379,0.1667,,0.0213,,0.0627,,0.0045,,block of flats,0.0494,"Stone, brick",No,3.0,2.0,3.0,2.0,-1348.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1840921,407040,Consumer loans,7141.095,49140.0,44190.0,4950.0,49140.0,SATURDAY,12,Y,1,0.10970695970695968,,,XAP,Approved,-1640,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,8.0,high,POS mobile with interest,365243.0,-1599.0,-1389.0,-1419.0,-1415.0,0.0,0,Cash loans,F,Y,Y,0,139500.0,526491.0,19039.5,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-19017,365243,-7139.0,-2580,7.0,1,0,0,1,0,0,,2.0,2,2,MONDAY,16,0,0,0,0,0,0,XNA,0.7435648500474141,0.5951331381610749,0.7570690154522959,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1640.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2622218,298347,Consumer loans,8274.645,45810.0,41229.0,4581.0,45810.0,THURSDAY,18,Y,1,0.1089090909090909,,,XAP,Approved,-2702,Cash through the bank,XAP,,New,Mobile,POS,XNA,Stone,30,Connectivity,6.0,high,POS mobile with interest,365243.0,-2666.0,-2516.0,-2546.0,-2538.0,0.0,0,Cash loans,F,N,N,2,360000.0,99045.0,10399.5,85500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.072508,-15996,-508,-3383.0,-847,,1,1,0,1,1,0,Core staff,4.0,1,1,THURSDAY,9,0,0,0,0,0,0,Trade: type 7,,0.6819929169141861,0.5226973172821112,0.3629,0.1715,0.995,,,0.44,0.1724,0.6667,,0.0,,0.2582,,0.0982,0.3697,0.1779,0.995,,,0.4431,0.1724,0.6667,,0.0,,0.269,,0.104,0.3664,0.1715,0.995,,,0.44,0.1724,0.6667,,0.0,,0.2628,,0.1003,,block of flats,0.3638,Panel,No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1011076,358970,Consumer loans,6603.03,33705.0,35707.5,0.0,33705.0,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-183,XNA,XAP,Family,Repeater,Audio/Video,POS,XNA,Regional / Local,60,Consumer electronics,6.0,middle,POS household with interest,365243.0,-153.0,-3.0,-3.0,365243.0,1.0,0,Cash loans,F,Y,Y,1,112500.0,1374480.0,45553.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-10075,-763,-4114.0,-94,9.0,1,1,0,1,0,0,Laborers,3.0,2,2,MONDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.18003428349671738,0.7598944842792784,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1048.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2538769,295223,Consumer loans,8653.32,76491.0,84568.5,0.0,76491.0,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-626,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Country-wide,300,Consumer electronics,12.0,middle,POS household with interest,365243.0,-595.0,-265.0,-265.0,-257.0,0.0,0,Revolving loans,F,Y,Y,1,202500.0,585000.0,29250.0,585000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.04622,-12544,-3132,-2297.0,-2785,16.0,1,1,0,1,0,1,High skill tech staff,3.0,1,1,FRIDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.806756151411133,0.7708490594391938,0.3606125659189888,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-626.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2037561,164874,Consumer loans,,464836.5,464836.5,,464836.5,SATURDAY,17,Y,1,,,,XAP,Refused,-361,Cash through the bank,LIMIT,Family,Repeater,Audio/Video,XNA,XNA,Country-wide,300,Consumer electronics,,XNA,POS household with interest,,,,,,,0,Cash loans,M,N,Y,1,180000.0,951853.5,55782.0,882000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-14611,-595,-5067.0,-4411,,1,1,0,1,0,0,Cooking staff,3.0,1,1,WEDNESDAY,13,0,0,0,0,1,1,School,,0.7869832434244521,0.5744466170995097,0.3907,0.1436,0.9791,0.7144,0.0561,0.44,0.3793,0.3333,0.375,0.124,0.3093,0.3798,0.0425,0.1299,0.3981,0.1491,0.9791,0.7256,0.0566,0.4431,0.3793,0.3333,0.375,0.1268,0.3379,0.3957,0.0428,0.1375,0.3945,0.1436,0.9791,0.7182,0.0564,0.44,0.3793,0.3333,0.375,0.1262,0.3147,0.3866,0.0427,0.1326,reg oper account,block of flats,0.3576,"Stone, brick",No,0.0,0.0,0.0,0.0,-503.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1745404,197283,Consumer loans,4244.805,23665.5,20178.0,4500.0,23665.5,SATURDAY,14,Y,1,0.1985942576752205,,,XAP,Approved,-1133,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,10,Connectivity,6.0,high,POS mobile with interest,365243.0,-1102.0,-952.0,-1012.0,-1006.0,0.0,0,Cash loans,F,N,N,0,180000.0,454500.0,19386.0,454500.0,Family,Commercial associate,Higher education,Married,House / apartment,0.026392000000000002,-11941,-985,-1178.0,-4328,,1,1,0,1,1,0,Sales staff,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.6543198974662515,0.582006839288284,,0.066,,0.9737,,,0.0,0.1379,0.1667,,,,0.0482,,0.0,0.0672,,0.9737,,,0.0,0.1379,0.1667,,,,0.0502,,0.0,0.0666,,0.9737,,,0.0,0.1379,0.1667,,,,0.049,,0.0,,block of flats,0.0379,"Stone, brick",No,5.0,0.0,5.0,0.0,-2175.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1350957,121432,Consumer loans,2920.185,21145.5,21145.5,0.0,21145.5,WEDNESDAY,17,Y,1,0.0,,,XAP,Approved,-1833,Cash through the bank,XAP,,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,53,Connectivity,10.0,high,POS mobile with interest,365243.0,-1797.0,-1527.0,-1587.0,-1584.0,0.0,0,Cash loans,M,Y,Y,1,126000.0,225000.0,23755.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-14097,-2698,-4108.0,-4053,14.0,1,1,0,1,0,0,Managers,3.0,2,2,TUESDAY,15,0,0,0,0,0,0,Self-employed,0.6500087416674928,0.7084650260099854,0.5602843280409464,,,0.9786,,,,,,,,,0.0671,,,,,0.9786,,,,,,,,,0.0699,,,,,0.9786,,,,,,,,,0.0683,,,,,0.0528,,No,4.0,0.0,4.0,0.0,-870.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2754149,362180,Cash loans,76266.0,1800000.0,1800000.0,,1800000.0,SATURDAY,17,Y,1,,,,XNA,Approved,-493,XNA,XAP,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-463.0,587.0,-217.0,-212.0,0.0,0,Cash loans,F,Y,N,0,315000.0,1354500.0,39604.5,1354500.0,Family,Commercial associate,Higher education,Married,House / apartment,0.030755,-18614,-8478,-4903.0,-2160,1.0,1,1,1,1,0,0,Accountants,2.0,2,2,MONDAY,13,0,0,0,0,0,0,Industry: type 1,0.8683887921770219,0.7100478057679641,0.6397075677637197,0.033,0.043,0.9881,0.8368,0.0226,0.0,0.1034,0.125,0.0,0.0407,0.0269,0.0355,0.0,0.0,0.0336,0.0446,0.9881,0.8432,0.0228,0.0,0.1034,0.125,0.0,0.0416,0.0294,0.037000000000000005,0.0,0.0,0.0333,0.043,0.9881,0.8390000000000001,0.0227,0.0,0.1034,0.125,0.0,0.0414,0.0274,0.0361,0.0,0.0,reg oper account,block of flats,0.0403,"Stone, brick",No,5.0,0.0,5.0,0.0,-2804.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2163570,280087,Cash loans,,0.0,0.0,,,TUESDAY,17,Y,1,,,,XNA,Refused,-319,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Revolving loans,M,Y,Y,0,247500.0,382500.0,19125.0,382500.0,"Spouse, partner",Working,Higher education,Married,Municipal apartment,0.008865999999999999,-20131,-2534,-3028.0,-3585,10.0,1,1,1,1,1,0,Laborers,2.0,2,2,SATURDAY,16,0,0,0,1,1,0,Business Entity Type 3,,0.4673127988157604,0.3572932680336494,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1788.0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2375697,228731,Revolving loans,,0.0,0.0,,,MONDAY,11,Y,1,,,,XAP,Refused,-238,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Card Street,,,,,,,1,Cash loans,F,N,Y,0,135000.0,573628.5,29416.5,463500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.010147,-20492,365243,-12632.0,-3009,,1,0,0,1,0,0,,1.0,2,2,MONDAY,12,0,0,0,0,0,0,XNA,,0.14236818533062578,0.0005272652387098817,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-354.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1684846,399681,Revolving loans,18000.0,0.0,360000.0,,,WEDNESDAY,12,Y,1,,,,XAP,Approved,-1176,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,-89.0,0.0,0,Cash loans,F,N,N,0,121500.0,448056.0,17019.0,315000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.028663,-21441,365243,-1616.0,-811,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,XNA,,0.5816769729895711,0.6956219298394389,0.0722,0.0406,0.9975,0.966,0.0877,0.08,0.069,0.3333,0.0417,0.0436,0.0588,0.0609,0.0,0.0,0.0735,0.0422,0.9975,0.9673,0.0885,0.0806,0.069,0.3333,0.0417,0.0446,0.0643,0.0635,0.0,0.0,0.0729,0.0406,0.9975,0.9665,0.0882,0.08,0.069,0.3333,0.0417,0.0443,0.0599,0.062,0.0,0.0,reg oper account,block of flats,0.0602,"Stone, brick",No,0.0,0.0,0.0,0.0,-1475.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,2.0 +2186832,402531,Consumer loans,7044.795,65025.0,65025.0,0.0,65025.0,WEDNESDAY,12,Y,1,0.0,,,XAP,Approved,-273,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Regional / Local,104,Consumer electronics,12.0,high,POS household with interest,365243.0,-242.0,88.0,365243.0,365243.0,0.0,0,Revolving loans,F,Y,Y,0,112500.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-18571,-2118,-708.0,-1212,13.0,1,1,0,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Self-employed,,0.6093435298473515,0.6313545365850379,0.232,,0.9876,,,0.08,0.069,0.3333,,,,0.1525,,0.0299,0.2363,,0.9876,,,0.0806,0.069,0.3333,,,,0.1589,,0.0317,0.2342,,0.9876,,,0.08,0.069,0.3333,,,,0.1553,,0.0305,,block of flats,0.197,"Stone, brick",No,0.0,0.0,0.0,0.0,-273.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2726388,160169,Consumer loans,11643.21,110880.0,110331.0,11088.0,110880.0,SATURDAY,13,Y,1,0.09945593358535314,,,XAP,Approved,-303,Cash through the bank,XAP,,New,Mobile,POS,XNA,Stone,123,Connectivity,12.0,middle,POS mobile with interest,365243.0,-269.0,61.0,-269.0,-267.0,0.0,0,Cash loans,F,Y,Y,1,144000.0,380533.5,20052.0,328500.0,Other_A,Working,Higher education,Single / not married,House / apartment,0.00496,-13639,-4339,-3041.0,-412,12.0,1,1,0,1,0,0,,2.0,2,2,MONDAY,17,0,0,0,0,0,0,Government,0.5336987009560779,0.4246718435187729,0.3572932680336494,0.0495,,0.9821,,,0.0,0.1379,0.1667,,0.0796,,0.0338,,0.07400000000000001,0.0504,,0.9821,,,0.0,0.1379,0.1667,,0.0814,,0.0353,,0.0784,0.05,,0.9821,,,0.0,0.1379,0.1667,,0.0809,,0.0345,,0.0756,,block of flats,0.0427,,No,4.0,0.0,4.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1412044,253134,Consumer loans,11186.325,105979.5,122148.0,0.0,105979.5,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-933,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,673,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-902.0,-572.0,-572.0,-567.0,0.0,0,Cash loans,F,N,N,0,112500.0,204858.0,14386.5,171000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.020246,-20853,-900,-10318.0,-4382,,1,1,0,1,1,0,Laborers,1.0,3,3,MONDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.7335708830030103,0.3698598795602021,0.5495965024956946,0.0835,,0.9871,,,0.12,0.1034,0.3333,,,,0.1046,,,0.0851,,0.9871,,,0.1208,0.1034,0.3333,,,,0.109,,,0.0843,,0.9871,,,0.12,0.1034,0.3333,,,,0.1065,,,,block of flats,0.0985,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2074326,310454,Consumer loans,21240.0,211941.0,211095.0,18000.0,211941.0,TUESDAY,11,Y,1,0.08556990053749039,,,XAP,Approved,-2072,XNA,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,1226,Consumer electronics,12.0,middle,POS household with interest,365243.0,-2041.0,-1711.0,-1711.0,-1703.0,0.0,0,Cash loans,M,Y,Y,0,900000.0,1800000.0,49500.0,1800000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.006233,-16632,-3850,-60.0,-140,7.0,1,1,0,1,0,0,Managers,1.0,2,2,TUESDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.7192336532798607,0.633031641417419,0.068,0.0223,0.9816,0.7484,0.0174,0.04,0.0345,0.4167,0.4583,0.0292,0.0521,0.0687,0.0154,0.0206,0.0693,0.0232,0.9816,0.7583,0.0176,0.0403,0.0345,0.4167,0.4583,0.0299,0.0569,0.0716,0.0156,0.0218,0.0687,0.0223,0.9816,0.7518,0.0175,0.04,0.0345,0.4167,0.4583,0.0297,0.053,0.0699,0.0155,0.021,reg oper spec account,block of flats,0.068,"Stone, brick",No,1.0,0.0,1.0,0.0,-1608.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1240734,443429,Cash loans,7920.36,220500.0,220500.0,,220500.0,SUNDAY,11,Y,1,,,,XNA,Approved,-436,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-406.0,1004.0,365243.0,365243.0,0.0,1,Cash loans,M,Y,N,1,121500.0,318528.0,25294.5,252000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-15390,-1338,-7948.0,-5011,7.0,1,1,0,1,0,0,,3.0,2,2,TUESDAY,15,0,0,0,0,1,1,Other,0.6419086104982439,0.2484764366533662,0.6956219298394389,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-599.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2313618,141941,Revolving loans,9000.0,180000.0,180000.0,,180000.0,THURSDAY,11,Y,1,,,,XAP,Approved,-334,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-269.0,-224.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,1,112500.0,454500.0,34110.0,454500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.018209,-10289,-1616,-4457.0,-2940,6.0,1,1,0,1,0,0,Sales staff,3.0,3,3,TUESDAY,8,0,0,0,0,0,0,Self-employed,,0.5385216764050178,0.5370699579791587,0.2175,,0.9871,0.8232,0.0756,0.24,0.2069,0.3333,0.375,0.146,0.1774,0.2321,0.0,0.0,0.2216,,0.9871,0.8301,0.0763,0.2417,0.2069,0.3333,0.375,0.1493,0.1938,0.2418,0.0,0.0,0.2196,,0.9871,0.8256,0.076,0.24,0.2069,0.3333,0.375,0.1485,0.1804,0.2363,0.0,0.0,org spec account,block of flats,0.0224,Panel,No,2.0,0.0,2.0,0.0,-543.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2293187,107505,Consumer loans,17248.23,281466.0,247464.0,56295.0,281466.0,TUESDAY,14,Y,1,0.20183886807394247,,,XAP,Approved,-1004,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,41,Connectivity,18.0,middle,POS mobile with interest,365243.0,-964.0,-454.0,-484.0,-474.0,0.0,0,Cash loans,M,N,Y,1,67500.0,1082214.0,35041.5,945000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-14598,-1314,-5134.0,-5132,,1,1,1,1,1,1,Security staff,3.0,2,2,FRIDAY,10,0,0,0,1,1,0,Other,0.2481129282337821,0.5087862802000714,0.5744466170995097,0.0196,0.0,0.9816,0.7484,0.0,0.0,0.069,0.0417,0.0417,0.0284,0.016,0.0117,0.0,0.0,0.02,0.0,0.9816,0.7583,0.0,0.0,0.069,0.0417,0.0417,0.029,0.0174,0.0122,0.0,0.0,0.0198,0.0,0.9816,0.7518,0.0,0.0,0.069,0.0417,0.0417,0.0289,0.0162,0.0119,0.0,0.0,,block of flats,0.0152,Wooden,No,1.0,0.0,1.0,0.0,-2573.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2076291,216941,Consumer loans,15658.425,156600.0,140940.0,15660.0,156600.0,TUESDAY,12,Y,1,0.1089090909090909,,,XAP,Refused,-2515,XNA,SCO,Unaccompanied,New,XNA,POS,XNA,Stone,448,Industry,10.0,low_normal,POS industry without interest,,,,,,,0,Cash loans,F,N,N,0,144000.0,359725.5,23548.5,297000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.010276,-19272,-4914,-2612.0,-2730,,1,1,0,1,0,0,,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,Transport: type 4,0.8629758646245498,0.6508144963172897,0.8396980847302156,0.0082,0.0,0.9712,,,0.0,0.069,0.0417,,0.0483,,0.0086,,0.0,0.0084,0.0,0.9712,,,0.0,0.069,0.0417,,0.0494,,0.0089,,0.0,0.0083,0.0,0.9712,,,0.0,0.069,0.0417,,0.0491,,0.0087,,0.0,,block of flats,0.0071,"Stone, brick",No,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1147096,292703,Cash loans,4921.2,45000.0,45000.0,0.0,45000.0,WEDNESDAY,9,Y,1,0.0,,,XNA,Approved,-2510,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,high,Cash Street: high,365243.0,-2480.0,-2150.0,-2150.0,-2142.0,0.0,0,Cash loans,F,Y,Y,0,108000.0,694773.0,27684.0,621000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020713,-21806,365243,-997.0,-4932,13.0,1,0,0,1,0,0,,2.0,3,2,SUNDAY,10,0,0,0,0,0,0,XNA,0.22422452258216471,0.5428282072748145,0.5370699579791587,0.3691,0.2273,0.9826,0.762,0.0873,0.36,0.3103,0.3333,0.375,0.188,0.3009,0.3696,0.0,0.0,0.3761,0.2358,0.9826,0.7713,0.0881,0.3625,0.3103,0.3333,0.375,0.1923,0.3287,0.3851,0.0,0.0,0.3726,0.2273,0.9826,0.7652,0.0878,0.36,0.3103,0.3333,0.375,0.1913,0.3061,0.3762,0.0,0.0,not specified,block of flats,0.3384,Panel,No,8.0,0.0,8.0,0.0,-2826.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1539059,191173,Consumer loans,4725.855,33705.0,38326.5,3370.5,33705.0,FRIDAY,14,Y,1,0.0880346525910955,,,XAP,Approved,-1872,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,79,Connectivity,12.0,high,POS mobile with interest,365243.0,-1841.0,-1511.0,-1601.0,-1597.0,0.0,1,Cash loans,M,N,Y,0,180000.0,786528.0,48249.0,720000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.007273999999999998,-16184,-6474,-7052.0,-3533,,1,1,0,1,0,0,Drivers,2.0,2,2,MONDAY,11,0,0,0,1,1,0,Self-employed,,0.3372068603389246,0.5797274227921155,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1872.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,1.0 +2035934,251785,Cash loans,36083.205,900000.0,1004544.0,,900000.0,MONDAY,14,Y,1,,,,XNA,Approved,-835,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-805.0,605.0,365243.0,365243.0,1.0,0,Revolving loans,M,N,Y,0,225000.0,405000.0,20250.0,405000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-20487,365243,-9735.0,-3998,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,16,0,0,0,1,0,0,XNA,,0.7430028572838998,0.36896873825284665,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-529.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2494944,297538,Cash loans,22904.28,225000.0,239850.0,,225000.0,FRIDAY,13,Y,1,,,,XNA,Approved,-247,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-217.0,113.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,202500.0,225000.0,11560.5,225000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.04622,-24762,365243,-1195.0,-4387,,1,0,0,1,0,0,,2.0,1,1,THURSDAY,19,0,0,0,0,0,0,XNA,,0.7302131278193086,0.4543210601605785,0.0423,,0.9707,0.5988,,0.0,0.1034,0.125,0.1667,,0.0345,0.0451,0.0,0.0,0.0431,,0.9707,0.6145,,0.0,0.1034,0.125,0.1667,,0.0376,0.047,0.0,0.0,0.0427,,0.9707,0.6042,,0.0,0.1034,0.125,0.1667,,0.0351,0.0459,0.0,0.0,reg oper account,block of flats,0.0369,"Stone, brick",No,0.0,0.0,0.0,0.0,-579.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1592096,118681,Consumer loans,13770.81,162000.0,145800.0,16200.0,162000.0,SUNDAY,16,Y,1,0.1089090909090909,,,XAP,Approved,-275,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Stone,50,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-243.0,87.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,90000.0,770913.0,22221.0,643500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.02461,-20762,365243,-9898.0,-3948,,1,0,0,1,1,0,,1.0,2,2,TUESDAY,13,0,0,0,0,0,0,XNA,,0.7358149445310253,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,3.0,3.0,3.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1094628,335064,Revolving loans,22500.0,450000.0,450000.0,,450000.0,WEDNESDAY,16,Y,1,,,,XAP,Refused,-617,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,1,Cash loans,F,N,Y,2,180000.0,493204.5,26883.0,369000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.011703,-12341,-2098,-2255.0,-1737,,1,1,0,1,0,0,Sales staff,4.0,2,2,THURSDAY,16,0,0,0,0,0,0,Trade: type 3,0.2966651762643793,0.5990943906877257,0.266456808245056,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1269.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1670824,317808,Cash loans,9253.575,108000.0,136512.0,,108000.0,FRIDAY,17,Y,1,,,,XNA,Refused,-37,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash Street: middle,,,,,,,0,Cash loans,M,N,Y,0,171000.0,274941.0,25344.0,229500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.005084,-18162,-4849,-10707.0,-1643,,1,1,0,1,1,0,Laborers,2.0,2,2,SUNDAY,13,0,0,0,0,0,0,Business Entity Type 2,,0.6429474207327817,,0.0814,0.1007,0.9791,,,,0.1379,0.1667,,,,0.0838,,,0.083,0.1045,0.9791,,,,0.1379,0.1667,,,,0.0873,,,0.0822,0.1007,0.9791,,,,0.1379,0.1667,,,,0.0853,,,,block of flats,0.0659,Panel,No,0.0,0.0,0.0,0.0,-1198.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +1730946,245629,Consumer loans,11074.05,84555.0,81787.5,9000.0,84555.0,SUNDAY,11,Y,1,0.10796440238819416,,,XAP,Approved,-1704,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,25,Connectivity,10.0,high,POS mobile with interest,365243.0,-1669.0,-1399.0,-1399.0,-1395.0,0.0,0,Cash loans,M,Y,N,0,157500.0,302341.5,22131.0,261000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.04622,-19746,-5332,-5389.0,-3261,2.0,1,1,0,1,0,0,Laborers,2.0,1,1,WEDNESDAY,11,0,0,0,0,0,0,Business Entity Type 1,0.5638666657250876,0.7704973636662192,0.5064842396679806,0.0619,0.0647,0.9811,,,,0.1379,0.1667,,,,0.0371,,0.0,0.063,0.0672,0.9811,,,,0.1379,0.1667,,,,0.0387,,0.0,0.0625,0.0647,0.9811,,,,0.1379,0.1667,,,,0.0378,,0.0,,block of flats,0.043,Panel,No,2.0,0.0,2.0,0.0,-1704.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2623529,262289,Cash loans,23791.5,382500.0,382500.0,,382500.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-1384,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Country-wide,37,Connectivity,30.0,high,Cash X-Sell: high,365243.0,-1354.0,-484.0,-874.0,-847.0,0.0,0,Cash loans,M,Y,N,0,135000.0,288873.0,18589.5,238500.0,Unaccompanied,Working,Higher education,Civil marriage,With parents,0.035792000000000004,-19638,-618,-8797.0,-1507,36.0,1,1,1,1,0,0,Drivers,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Construction,,0.6502427853153016,0.3740208032583212,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2060.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1861774,300208,Cash loans,12358.26,229500.0,229500.0,,229500.0,SATURDAY,15,Y,1,,,,XNA,Refused,-356,XNA,HC,"Spouse, partner",Repeater,XNA,Cash,x-sell,Regional / Local,70,Consumer electronics,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,N,1,292500.0,507469.5,37057.5,459000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-11850,-2757,-1669.0,-2355,4.0,1,1,0,1,0,0,Private service staff,3.0,2,2,FRIDAY,14,0,0,0,0,0,0,Industry: type 9,0.14235910036807298,0.4965085939980263,0.221335206354466,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1734.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +2727071,265240,Consumer loans,10024.515,100255.5,90229.5,10026.0,100255.5,FRIDAY,18,Y,1,0.1089139793282708,,,XAP,Approved,-2726,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,934,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2695.0,-2425.0,-2425.0,-2416.0,0.0,0,Cash loans,M,Y,N,0,202500.0,450000.0,18328.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.009334,-12388,-4671,-6480.0,-4833,1.0,1,1,1,1,0,0,Laborers,2.0,2,2,MONDAY,9,0,0,0,0,0,0,Trade: type 2,,0.5696159316737935,0.4632753280912678,0.0082,0.0,0.9583,0.4288,0.0011,0.0,0.069,0.0417,0.0833,0.0063,0.0067,0.0097,0.0,0.0,0.0084,0.0,0.9583,0.4512,0.0011,0.0,0.069,0.0417,0.0833,0.0064,0.0073,0.0101,0.0,0.0,0.0083,0.0,0.9583,0.4364,0.0011,0.0,0.069,0.0417,0.0833,0.0064,0.0068,0.0099,0.0,0.0,reg oper account,block of flats,0.0083,Wooden,Yes,9.0,0.0,9.0,0.0,-1351.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,3.0 +1573096,359481,Cash loans,13173.84,180000.0,209700.0,,180000.0,SATURDAY,14,Y,1,,,,XNA,Refused,-1115,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,N,0,112500.0,545040.0,25407.0,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.072508,-10194,-914,-4493.0,-2027,,1,1,0,1,1,1,Laborers,2.0,1,1,SUNDAY,14,0,0,0,0,0,0,Other,0.4661727244235392,0.4774662138478004,0.06423703753438333,0.0753,0.0844,0.9752,0.66,0.0629,0.0,0.1379,0.1667,0.2083,0.0,0.0605,0.0596,0.0039,0.024,0.0693,0.0867,0.9752,0.6733,0.0624,0.0,0.1379,0.1667,0.2083,0.0,0.0588,0.0549,0.0,0.0,0.076,0.0844,0.9752,0.6645,0.0633,0.0,0.1379,0.1667,0.2083,0.0,0.0616,0.0607,0.0039,0.0245,reg oper account,block of flats,0.0519,"Stone, brick",No,0.0,0.0,0.0,0.0,-1857.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2471724,352163,Consumer loans,4411.485,25650.0,21280.5,7695.0,25650.0,FRIDAY,13,Y,1,0.2892289881263324,,,XAP,Approved,-742,Cash through the bank,XAP,Family,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,35,Connectivity,6.0,high,POS mobile with interest,365243.0,-711.0,-561.0,-561.0,-558.0,0.0,0,Cash loans,F,N,Y,2,121500.0,604152.0,25726.5,540000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.006296,-10249,-2258,-4379.0,-919,,1,1,0,1,0,0,Sales staff,4.0,3,3,FRIDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.6251250205620009,0.4101025731788671,0.0619,0.0617,0.9831,0.7688,,0.0,0.1379,0.1667,0.2083,0.0577,0.0504,0.0542,0.0,0.0,0.063,0.0641,0.9831,0.7779,,0.0,0.1379,0.1667,0.2083,0.059,0.0551,0.0565,0.0,0.0,0.0625,0.0617,0.9831,0.7719,,0.0,0.1379,0.1667,0.2083,0.0587,0.0513,0.0552,0.0,0.0,reg oper account,block of flats,0.047,Block,No,1.0,0.0,0.0,0.0,-1199.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1763391,136286,Cash loans,13196.7,63000.0,65079.0,,63000.0,WEDNESDAY,16,Y,1,,,,Medicine,Refused,-549,Cash through the bank,SCO,,New,XNA,Cash,walk-in,Country-wide,55,Connectivity,6.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,N,0,157500.0,840951.0,33480.0,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-10001,-1280,-557.0,-2369,,1,1,1,1,0,0,Core staff,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Self-employed,,0.16318703546427088,0.3185955240537633,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-549.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2037096,394151,Consumer loans,10530.72,48645.0,51214.5,0.0,48645.0,FRIDAY,9,Y,1,0.0,,,XAP,Approved,-774,Cash through the bank,XAP,Unaccompanied,Repeater,Gardening,POS,XNA,Stone,78,Construction,6.0,high,POS industry with interest,365243.0,-743.0,-593.0,-623.0,-618.0,0.0,0,Cash loans,F,N,N,0,135000.0,463941.0,25168.5,400500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.020713,-10720,365243,-4805.0,-3013,,1,0,0,1,0,0,,1.0,3,3,TUESDAY,7,0,0,0,0,0,0,XNA,,0.4766206315029279,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-615.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2737377,237387,Consumer loans,14211.09,131296.5,127912.5,13131.0,131296.5,FRIDAY,15,Y,1,0.10139320654459598,,,XAP,Approved,-2463,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Stone,131,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-2432.0,-2162.0,-2162.0,-2160.0,1.0,0,Cash loans,F,N,Y,0,112500.0,148500.0,8289.0,148500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-21213,365243,-7177.0,-581,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,XNA,,0.5240049538094089,0.7738956942145427,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1699.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +1381774,434218,Consumer loans,13884.93,69345.0,74380.5,0.0,69345.0,MONDAY,7,Y,1,0.0,,,XAP,Approved,-218,XNA,XAP,"Spouse, partner",Repeater,Computers,POS,XNA,Regional / Local,149,Consumer electronics,6.0,middle,POS household with interest,365243.0,-188.0,-38.0,-38.0,-30.0,1.0,0,Cash loans,F,Y,Y,2,157500.0,112068.0,11898.0,99000.0,"Spouse, partner",State servant,Higher education,Married,House / apartment,0.014464,-11713,-2186,-356.0,-3853,5.0,1,1,0,1,0,0,,4.0,2,2,TUESDAY,10,0,0,0,0,0,0,Other,0.5915524430507564,0.22202927726231209,0.5762088360175724,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-779.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2119534,204880,Consumer loans,4746.69,24255.0,24255.0,0.0,24255.0,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-51,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Regional / Local,30,Connectivity,6.0,middle,POS household with interest,365243.0,-21.0,129.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,63000.0,521280.0,22216.5,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-21596,365243,-2612.0,-5096,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,XNA,0.6913843056660376,0.5558958877290152,0.4489622731076524,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,0.0,-1.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1904247,396186,Revolving loans,2250.0,180000.0,45000.0,,180000.0,TUESDAY,16,N,0,,,,XAP,Refused,-164,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Regional / Local,2000,Consumer electronics,0.0,XNA,Card X-Sell,,,,,,,0,Revolving loans,F,Y,Y,0,112500.0,135000.0,6750.0,180000.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.011656999999999999,-8431,-437,-1600.0,-485,14.0,1,1,1,1,1,0,Core staff,2.0,1,1,FRIDAY,15,0,0,0,0,0,0,Bank,0.5574479191138213,0.590593821808745,0.7295666907060153,0.1845,0.1989,0.9851,0.7959999999999999,0.0522,0.0,0.4483,0.1667,0.2083,0.1722,0.1505,0.1138,0.0077,0.1313,0.188,0.2065,0.9851,0.804,0.0527,0.0,0.4483,0.1667,0.2083,0.1761,0.1644,0.1185,0.0078,0.139,0.1863,0.1989,0.9851,0.7987,0.0525,0.0,0.4483,0.1667,0.2083,0.1752,0.1531,0.1158,0.0078,0.134,org spec account,block of flats,0.209,Panel,No,6.0,1.0,6.0,0.0,-753.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2356633,288828,Cash loans,28018.575,675000.0,777910.5,,675000.0,SUNDAY,11,Y,1,,,,XNA,Approved,-1420,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,42.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,Y,Y,0,337500.0,540000.0,21415.5,540000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.026392000000000002,-21574,-12420,-7034.0,-4775,1.0,1,1,0,1,1,0,Laborers,2.0,2,2,MONDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.7666272023688586,0.6512602186973006,0.1608,,0.9906,,,0.16,0.1379,0.375,,,,0.1674,,0.0261,0.1639,,0.9906,,,0.1611,0.1379,0.375,,,,0.1744,,0.0276,0.1624,,0.9906,,,0.16,0.1379,0.375,,,,0.1704,,0.0266,,block of flats,0.1373,"Stone, brick",No,0.0,0.0,0.0,0.0,-1751.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2219354,317164,Cash loans,24241.41,360000.0,505363.5,,360000.0,TUESDAY,15,Y,1,,,,XNA,Refused,-963,Cash through the bank,LIMIT,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,42.0,middle,Cash X-Sell: middle,,,,,,,1,Cash loans,M,Y,Y,1,135000.0,291915.0,20889.0,252000.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.00733,-13684,-2262,-6151.0,-3307,10.0,1,1,0,1,0,0,Laborers,3.0,2,2,SATURDAY,12,0,0,0,0,0,0,Other,,0.5144359415926583,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-136.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1364420,142295,Consumer loans,16109.82,164025.0,164025.0,0.0,164025.0,THURSDAY,8,Y,1,0.0,,,XAP,Approved,-209,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Stone,30,Industry,12.0,low_normal,POS industry with interest,365243.0,-179.0,151.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,99000.0,398016.0,31576.5,360000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.002134,-9920,-2880,-4612.0,-2583,,1,1,0,1,0,0,Sales staff,3.0,3,3,WEDNESDAY,6,0,0,0,1,1,0,Self-employed,,0.026587708594164563,0.5334816299804352,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2659669,366755,Consumer loans,4466.385,32760.0,37251.0,3276.0,32760.0,MONDAY,8,Y,1,0.08803666242706884,,,XAP,Approved,-1785,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,47,Connectivity,12.0,high,POS mobile with interest,365243.0,-1751.0,-1421.0,-1421.0,-1414.0,0.0,0,Cash loans,M,Y,N,4,202500.0,269982.0,28480.5,238500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.006629,-15328,-2578,-1503.0,-693,13.0,1,1,0,1,0,0,Security staff,6.0,2,2,MONDAY,12,0,0,0,0,0,0,Self-employed,,0.4688808533908348,0.6956219298394389,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,0.0 +1210913,434523,Consumer loans,5625.0,124200.0,124200.0,0.0,124200.0,MONDAY,13,Y,1,0.0,,,XAP,Approved,-423,XNA,XAP,Unaccompanied,Refreshed,Computers,POS,XNA,Country-wide,2000,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-393.0,297.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,128250.0,573408.0,24421.5,495000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-20603,365243,-10632.0,-4041,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,XNA,0.7526539875085393,0.5926754288483099,0.6642482627052363,0.1856,0.1282,0.9851,0.7959999999999999,,0.2,0.1724,0.3333,0.375,0.1391,0.1513,0.1902,,0.0,0.1891,0.133,0.9851,0.804,,0.2014,0.1724,0.3333,0.375,0.1423,0.1653,0.1982,,0.0,0.1874,0.1282,0.9851,0.7987,,0.2,0.1724,0.3333,0.375,0.1415,0.1539,0.1936,,0.0,reg oper account,block of flats,0.1669,Panel,No,0.0,0.0,0.0,0.0,-423.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +2546650,380233,Consumer loans,4877.055,38025.0,41791.5,0.0,38025.0,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-2586,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,40,Connectivity,12.0,high,POS mobile with interest,365243.0,-2555.0,-2225.0,-2225.0,-2221.0,1.0,0,Cash loans,F,N,Y,0,337500.0,1636245.0,47970.0,1462500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-15344,-3601,-4640.0,-1860,,1,1,0,1,0,0,High skill tech staff,2.0,2,2,TUESDAY,11,0,0,0,0,1,1,Transport: type 4,,0.595528250458227,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1663.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2328152,131032,Cash loans,37554.03,337500.0,356211.0,,337500.0,SATURDAY,10,Y,1,,,,XNA,Approved,-1461,Cash through the bank,XAP,Family,Refreshed,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1431.0,-1101.0,-1251.0,-1242.0,1.0,0,Cash loans,M,Y,Y,0,202500.0,675000.0,21906.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-20504,-591,-7217.0,-4041,1.0,1,1,0,1,0,0,,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Industry: type 5,,0.7561965941337413,0.7062051096536562,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2832.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1779771,122495,Consumer loans,20305.8,93154.5,93154.5,0.0,93154.5,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-652,Cash through the bank,XAP,Unaccompanied,Repeater,Clothing and Accessories,POS,XNA,Stone,76,Clothing,5.0,low_normal,POS industry with interest,365243.0,-591.0,-471.0,-471.0,-462.0,0.0,0,Cash loans,M,Y,Y,0,270000.0,254700.0,20250.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.018029,-8440,-1107,-928.0,-1097,15.0,1,1,0,1,0,0,Sales staff,2.0,3,3,SUNDAY,8,0,0,0,0,0,0,Trade: type 7,0.16290442573738026,0.4998706780429344,0.11465249430297055,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1330151,266483,Consumer loans,10808.145,107995.5,97195.5,10800.0,107995.5,THURSDAY,18,Y,1,0.10891362897696494,,,XAP,Approved,-1027,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,4500,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-995.0,-725.0,-725.0,-722.0,0.0,0,Cash loans,M,N,Y,0,135000.0,291915.0,20758.5,252000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-17437,-3818,-11178.0,-979,,1,1,0,1,0,0,Security staff,2.0,1,1,TUESDAY,12,0,0,0,0,0,0,Security,0.5660674740526591,0.7103088577601753,,0.0588,,0.9717,,,0.0,0.1724,0.1667,,0.0192,,0.0688,,0.0513,0.0599,,0.9717,,,0.0,0.1724,0.1667,,0.0197,,0.0717,,0.0543,0.0593,,0.9717,,,0.0,0.1724,0.1667,,0.0196,,0.07,,0.0524,,block of flats,0.0758,"Stone, brick",No,0.0,0.0,0.0,0.0,-2123.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2067794,252563,Revolving loans,45000.0,900000.0,900000.0,,900000.0,THURSDAY,9,Y,1,,,,XAP,Refused,-369,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,N,Y,0,360000.0,509922.0,31194.0,472500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.032561,-11198,-1973,-3589.0,-3690,,1,1,0,1,0,0,Managers,2.0,1,1,TUESDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.627637765261628,0.6594055320683344,0.7093,0.4845,0.9816,0.7484,0.0,0.72,0.6207,0.3333,0.375,0.0861,0.5774,0.0,0.0039,0.0408,0.7227,0.5028,0.9816,0.7583,0.0,0.725,0.6207,0.3333,0.375,0.0881,0.6309,0.0,0.0039,0.0432,0.7161,0.4845,0.9816,0.7518,0.0,0.72,0.6207,0.3333,0.375,0.0876,0.5874,0.0,0.0039,0.0417,reg oper account,block of flats,0.6478,Panel,No,0.0,0.0,0.0,0.0,-1244.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1794644,151416,Revolving loans,2250.0,45000.0,45000.0,,45000.0,THURSDAY,20,Y,1,,,,XAP,Approved,-304,XNA,XAP,Family,Repeater,XNA,Cards,walk-in,Regional / Local,100,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,1,180000.0,598500.0,30685.5,598500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.019101,-12321,-2821,-1388.0,-2458,,1,1,0,1,0,0,High skill tech staff,3.0,2,2,SUNDAY,15,0,0,0,0,0,0,Industry: type 4,0.2991037037164274,0.7181903309474852,0.6023863442690867,0.1031,0.0668,0.9791,0.7144,0.0133,0.0,0.2069,0.1667,,0.0606,,0.0926,0.0039,0.0179,0.105,0.0693,0.9791,0.7256,0.0134,0.0,0.2069,0.1667,,0.062,,0.0964,0.0039,0.0189,0.1041,0.0668,0.9791,0.7182,0.0134,0.0,0.2069,0.1667,,0.0616,,0.0942,0.0039,0.0183,,block of flats,0.0733,Panel,No,0.0,0.0,0.0,0.0,-1950.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2355781,116690,Consumer loans,3890.34,40455.0,35955.0,4500.0,40455.0,SUNDAY,18,Y,1,0.12114470623925568,,,XAP,Refused,-2360,Cash through the bank,LIMIT,Other_A,Repeater,Mobile,POS,XNA,Country-wide,21,Connectivity,14.0,high,POS mobile with interest,,,,,,,0,Revolving loans,M,Y,Y,0,135000.0,225000.0,11250.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.01885,-10288,-1678,-10260.0,-2946,2.0,1,1,0,1,1,0,,1.0,2,2,MONDAY,18,0,0,0,0,0,0,Business Entity Type 3,0.4152983985484871,0.5566137808070374,0.2067786544915716,0.2062,0.172,0.9781,0.7008,0.0278,0.0,0.4828,0.1667,0.2083,0.0907,0.1639,0.1765,0.0193,0.0178,0.2101,0.1785,0.9782,0.7125,0.0281,0.0,0.4828,0.1667,0.2083,0.0927,0.1791,0.1839,0.0195,0.0188,0.2082,0.172,0.9781,0.7048,0.028,0.0,0.4828,0.1667,0.2083,0.0922,0.1667,0.1797,0.0194,0.0182,reg oper account,block of flats,0.1579,Panel,No,0.0,0.0,0.0,0.0,-182.0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1256593,382849,Consumer loans,10881.0,68346.0,67324.5,9000.0,68346.0,FRIDAY,18,Y,1,0.12842295962395012,,,XAP,Approved,-818,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,35,Connectivity,8.0,high,POS mobile with interest,365243.0,-786.0,-576.0,-576.0,-571.0,0.0,0,Cash loans,F,N,Y,0,225000.0,1800000.0,98770.5,1800000.0,Family,Commercial associate,Incomplete higher,Married,House / apartment,0.026392000000000002,-14540,-2961,-5194.0,-4231,,1,1,0,1,0,1,High skill tech staff,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.44999307569291175,0.4555154157613151,0.4206109640437848,0.032,,0.9722,,,0.0,0.1379,0.0833,,,,0.039,,0.0254,0.0326,,0.9722,,,0.0,0.1379,0.0833,,,,0.0407,,0.0269,0.0323,,0.9722,,,0.0,0.1379,0.0833,,,,0.0397,,0.0259,,block of flats,0.0362,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1488917,160444,Consumer loans,7949.925,62842.5,58284.0,9000.0,62842.5,FRIDAY,14,Y,1,0.14567829174570754,,,XAP,Approved,-2035,XNA,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Stone,8,Connectivity,10.0,high,POS mobile with interest,365243.0,-1999.0,-1729.0,-1729.0,-1725.0,0.0,0,Cash loans,M,Y,N,0,225000.0,1436850.0,42012.0,1125000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018801,-15156,-6211,-3320.0,-4067,6.0,1,1,1,1,1,0,Managers,2.0,2,2,MONDAY,9,0,0,0,0,0,0,Other,0.4777993137734473,0.615002450032467,0.6690566947824041,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2035.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1437722,115893,Consumer loans,9942.525,96345.0,106519.5,0.0,96345.0,SUNDAY,16,Y,1,0.0,,,XAP,Approved,-746,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Regional / Local,50,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-711.0,-381.0,-381.0,-375.0,0.0,0,Cash loans,M,Y,N,2,126000.0,590337.0,23539.5,477000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-13073,-3551,-7212.0,-4780,21.0,1,1,0,1,0,0,Drivers,4.0,2,2,THURSDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.6851902613277405,0.5226973172821112,0.0082,0.0125,0.9707,0.5988,0.0008,0.0,0.0345,0.0417,0.0833,0.0198,0.0067,0.0116,0.0,0.0,0.0084,0.013,0.9707,0.6145,0.0008,0.0,0.0345,0.0417,0.0833,0.0203,0.0073,0.0121,0.0,0.0,0.0083,0.0125,0.9707,0.6042,0.0008,0.0,0.0345,0.0417,0.0833,0.0202,0.0068,0.0118,0.0,0.0,reg oper account,block of flats,0.0091,"Stone, brick",No,7.0,1.0,7.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,1.0 +2338475,231250,Revolving loans,6750.0,135000.0,135000.0,,135000.0,WEDNESDAY,5,Y,1,,,,XAP,Refused,-873,XNA,SCO,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,45000.0,113760.0,8406.0,90000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.014464,-11543,-2091,-4728.0,-4095,,1,1,0,1,0,0,,2.0,2,2,MONDAY,6,0,0,0,0,0,0,Self-employed,,0.6664667569929351,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1176.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1570796,387380,Consumer loans,6070.905,58045.5,57757.5,5805.0,58045.5,TUESDAY,17,Y,1,0.09946387771520517,,,XAP,Approved,-801,Cash through the bank,XAP,Unaccompanied,Refreshed,Audio/Video,POS,XNA,Country-wide,2200,Consumer electronics,12.0,middle,POS household with interest,365243.0,-770.0,-440.0,-440.0,-425.0,0.0,0,Cash loans,F,N,N,1,135000.0,364230.0,26032.5,337500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Municipal apartment,0.04622,-12058,-1312,-5340.0,-3818,,1,1,0,1,0,0,Laborers,2.0,1,1,FRIDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.2868391308321595,0.5679371712863535,0.7623356180684377,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-358.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2363011,226897,Consumer loans,24920.82,526311.0,526311.0,0.0,526311.0,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-475,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Country-wide,1200,Furniture,24.0,low_action,POS industry without interest,365243.0,-444.0,246.0,365243.0,365243.0,0.0,0,Revolving loans,M,Y,Y,0,202500.0,315000.0,15750.0,315000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.035792000000000004,-16515,-1171,-3529.0,-58,7.0,1,1,0,1,0,0,Managers,2.0,2,2,FRIDAY,18,0,0,0,0,0,0,Business Entity Type 2,0.6065342676171693,0.6560438621006011,0.6817058776720116,0.0464,0.0273,0.998,0.9728,,0.0,0.0345,0.125,,0.0178,,0.0358,,0.0216,0.0473,0.0283,0.998,0.9739,,0.0,0.0345,0.125,,0.0182,,0.0373,,0.0228,0.0468,0.0273,0.998,0.9732,,0.0,0.0345,0.125,,0.0181,,0.0364,,0.022,,block of flats,0.0375,"Stone, brick",No,0.0,0.0,0.0,0.0,-1016.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,4.0,0.0,1.0 +1676212,441800,Consumer loans,3682.845,28336.5,27607.5,2835.0,28336.5,SATURDAY,10,Y,1,0.10142310018141508,,,XAP,Approved,-2505,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,1172,Consumer electronics,10.0,high,POS household with interest,365243.0,-2474.0,-2204.0,-2204.0,-2196.0,1.0,0,Cash loans,F,N,Y,0,135000.0,497520.0,28692.0,450000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-16192,-3385,-3397.0,-5954,,1,1,0,1,1,0,Cooking staff,2.0,2,2,FRIDAY,16,0,0,0,0,0,0,Other,,0.6401312959242026,0.746300213050371,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1774.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2817833,381442,Revolving loans,22500.0,0.0,450000.0,,,SATURDAY,16,Y,1,,,,XAP,Approved,-796,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,-206.0,0.0,0,Cash loans,F,N,Y,0,90000.0,125640.0,6543.0,90000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.010966,-11713,-440,-5446.0,-4291,,1,1,0,1,0,0,Core staff,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,Self-employed,0.3865777266527207,0.6826091370099766,0.7047064232963289,0.1113,0.0852,0.9876,0.83,0.0261,0.12,0.1034,0.3333,0.375,0.057,0.0908,0.1142,0.0,,0.1134,0.0885,0.9876,0.8367,0.0263,0.1208,0.1034,0.3333,0.375,0.0583,0.0992,0.119,0.0,,0.1124,0.0852,0.9876,0.8323,0.0263,0.12,0.1034,0.3333,0.375,0.0579,0.0923,0.1162,0.0,,org spec account,block of flats,0.1072,Panel,No,0.0,0.0,0.0,0.0,-1507.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2770494,432925,Cash loans,17480.745,477000.0,552555.0,,477000.0,THURSDAY,12,Y,1,,,,Other,Refused,-61,Cash through the bank,HC,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,Y,N,0,202500.0,401386.5,15417.0,346500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-17812,-656,-498.0,-1366,16.0,1,1,0,1,0,0,Drivers,2.0,2,2,MONDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.5590840972440876,0.2678689358444539,0.1273,0.1738,0.9821,0.7552,0.0597,0.0,0.2414,0.1667,0.2083,0.128,0.1177,0.1153,0.027000000000000003,0.026,0.105,0.1479,0.9821,0.7648,0.0602,0.0,0.1034,0.1667,0.2083,0.0976,0.1286,0.0928,0.0272,0.0033,0.1286,0.1738,0.9821,0.7585,0.0601,0.0,0.2414,0.1667,0.2083,0.1302,0.1197,0.1173,0.0272,0.0266,reg oper account,block of flats,0.0709,"Stone, brick",No,2.0,1.0,1.0,1.0,-1743.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2100896,125549,Cash loans,44863.875,472500.0,472500.0,,472500.0,WEDNESDAY,5,Y,1,,,,XNA,Approved,-1252,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,12.0,low_normal,Cash Street: low,365243.0,-1221.0,-891.0,-981.0,-975.0,0.0,0,Cash loans,F,Y,Y,1,180000.0,1428408.0,76234.5,1350000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.020713,-14069,-1546,-8086.0,-4746,13.0,1,1,0,1,1,0,Sales staff,3.0,3,2,WEDNESDAY,14,0,0,0,0,0,0,Medicine,,0.4541218968775644,0.3344541255096772,0.1155,0.0716,0.9816,0.7484,0.0216,0.0,0.2414,0.1667,0.2083,0.0771,0.0941,0.1225,0.0,0.0,0.1176,0.0743,0.9816,0.7583,0.0218,0.0,0.2414,0.1667,0.2083,0.0789,0.1028,0.1276,0.0,0.0,0.1166,0.0716,0.9816,0.7518,0.0217,0.0,0.2414,0.1667,0.2083,0.0784,0.0958,0.1247,0.0,0.0,reg oper spec account,block of flats,0.1081,Panel,No,6.0,0.0,6.0,0.0,-1675.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2604323,318089,Cash loans,47294.91,360000.0,428512.5,,360000.0,WEDNESDAY,13,Y,1,,,,XNA,Approved,-798,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-767.0,-437.0,-437.0,-430.0,0.0,0,Cash loans,F,N,Y,0,180000.0,1054935.0,41967.0,904500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.020713,-18768,-3147,-371.0,-2316,,1,1,0,1,0,0,Accountants,2.0,3,3,WEDNESDAY,8,0,0,0,0,0,0,Business Entity Type 3,0.5081477081327276,0.15305678667997505,0.29708661164720285,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1574.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1669035,145222,Consumer loans,16277.49,72616.5,85527.0,0.0,72616.5,TUESDAY,19,Y,1,0.0,,,XAP,Approved,-112,XNA,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Stone,1011,Consumer electronics,6.0,middle,POS household with interest,365243.0,-82.0,68.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,0,270000.0,2048580.0,54040.5,1710000.0,"Spouse, partner",Working,Higher education,Married,House / apartment,0.008865999999999999,-17006,-1684,-6986.0,-557,11.0,1,1,0,1,1,0,Accountants,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Business Entity Type 1,0.7558880938920961,0.7885626165348197,0.3672910183026313,0.0825,0.0518,0.9876,0.83,0.0221,0.04,0.0345,0.3333,0.375,0.0175,0.0672,0.065,0.0,0.0,0.084,0.0538,0.9876,0.8367,0.0223,0.0403,0.0345,0.3333,0.375,0.0179,0.0735,0.0678,0.0,0.0,0.0833,0.0518,0.9876,0.8323,0.0222,0.04,0.0345,0.3333,0.375,0.0178,0.0684,0.0662,0.0,0.0,reg oper account,block of flats,0.0632,Panel,No,0.0,0.0,0.0,0.0,-2259.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +2448110,165616,Consumer loans,6243.885,48960.0,44064.0,4896.0,48960.0,FRIDAY,13,Y,1,0.1089090909090909,,,XAP,Approved,-1096,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,54,Connectivity,8.0,middle,POS mobile with interest,365243.0,-1058.0,-848.0,-968.0,-961.0,0.0,0,Cash loans,F,N,Y,2,153000.0,144486.0,8860.5,103500.0,Family,State servant,Secondary / secondary special,Married,House / apartment,0.010276,-12643,-499,-1919.0,-5333,,1,1,0,1,0,0,Drivers,4.0,2,2,TUESDAY,14,0,0,0,0,0,0,Medicine,,0.5875395279192321,0.6430255641096323,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,0.0,8.0,0.0,-2346.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1263269,223465,Revolving loans,2250.0,45000.0,45000.0,,45000.0,MONDAY,11,Y,1,,,,XAP,Approved,-355,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-339.0,-310.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,225000.0,526500.0,25456.5,526500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018209,-18159,-1804,-7015.0,-1684,,1,1,0,1,0,0,Core staff,3.0,3,3,SATURDAY,12,0,0,0,0,0,0,Kindergarten,0.5319274127044111,0.12287835893437468,0.7801436381572275,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-246.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1320262,420125,Consumer loans,2266.875,22500.0,22500.0,0.0,22500.0,FRIDAY,16,Y,1,0.0,,,XAP,Approved,-357,Cash through the bank,XAP,Unaccompanied,Repeater,Auto Accessories,POS,XNA,Stone,50,Auto technology,12.0,low_normal,POS other with interest,365243.0,-327.0,3.0,-207.0,-201.0,0.0,0,Cash loans,M,N,Y,0,135000.0,52128.0,5472.0,45000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.00733,-13124,-812,-7155.0,-5348,,1,1,0,1,0,0,Drivers,1.0,2,2,FRIDAY,13,0,0,0,0,0,0,Self-employed,0.25601325099894395,0.6221532489001916,0.1684161714286957,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1250.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,4.0 +2087325,167713,Consumer loans,12520.08,115155.0,127314.0,0.0,115155.0,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-540,XNA,XAP,,Repeater,Computers,POS,XNA,Stone,40,Consumer electronics,12.0,middle,POS household with interest,365243.0,-509.0,-179.0,-179.0,-171.0,0.0,0,Cash loans,M,Y,Y,1,135000.0,1436850.0,42142.5,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.008575,-12614,-4987,-5460.0,-3164,9.0,1,1,0,1,0,0,Laborers,3.0,2,2,WEDNESDAY,9,1,1,0,1,1,0,Construction,,0.4100656245397031,0.4101025731788671,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2592650,373962,Consumer loans,3535.155,29650.5,26500.5,3150.0,29650.5,WEDNESDAY,17,Y,1,0.11570247933884292,,,XAP,Approved,-2407,Cash through the bank,XAP,Children,New,Mobile,POS,XNA,Country-wide,5,Connectivity,10.0,low_normal,POS mobile with interest,365243.0,-2347.0,-2077.0,-2077.0,-2074.0,0.0,0,Cash loans,F,N,Y,1,261000.0,840951.0,33480.0,679500.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.04622,-13357,-715,-4814.0,-5002,,1,1,0,1,0,0,Laborers,3.0,1,1,TUESDAY,17,0,0,0,1,1,0,Business Entity Type 3,,0.7565270317837267,0.511891801533151,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2407.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1384011,201799,Consumer loans,9270.585,44995.5,47371.5,0.0,44995.5,FRIDAY,13,Y,1,0.0,,,XAP,Approved,-844,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,1100,Consumer electronics,6.0,high,POS household with interest,365243.0,-813.0,-663.0,-663.0,-659.0,0.0,1,Cash loans,F,N,Y,0,225000.0,568908.0,27369.0,508500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.002042,-19830,-938,-874.0,-3211,,1,1,0,1,0,0,Sales staff,2.0,3,3,TUESDAY,12,0,1,1,0,1,1,Trade: type 7,0.5021463878671567,0.5414549088081161,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-151.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1313126,337766,Consumer loans,2234.115,16605.0,16177.5,1660.5,16605.0,SUNDAY,9,Y,1,0.10138106595725167,,,XAP,Approved,-2330,Cash through the bank,XAP,Children,New,Mobile,POS,XNA,Country-wide,1600,Consumer electronics,10.0,high,POS household with interest,365243.0,-2299.0,-2029.0,-2029.0,-2022.0,0.0,0,Cash loans,F,N,Y,0,171000.0,592560.0,28638.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.0228,-19670,-96,-3316.0,-3176,,1,1,0,1,1,0,Cooking staff,1.0,2,2,SATURDAY,9,0,0,0,1,1,0,Self-employed,0.7107036577819469,0.7374313401606116,0.3108182544189319,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1702.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1054174,184558,Consumer loans,2224.35,16645.5,18292.5,0.0,16645.5,MONDAY,10,Y,1,0.0,,,XAP,Approved,-2023,Cash through the bank,XAP,Family,Refreshed,Audio/Video,POS,XNA,Country-wide,1500,Consumer electronics,12.0,high,POS household with interest,365243.0,-1992.0,-1662.0,-1662.0,-1653.0,0.0,0,Cash loans,F,Y,Y,0,157500.0,387000.0,19890.0,387000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006207,-19450,-11672,-4065.0,-2986,2.0,1,1,1,1,0,0,Medicine staff,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Kindergarten,,0.5096989395449877,0.14375805349116522,0.0825,0.0786,0.9757,0.6668,,0.0,0.1379,0.1667,0.2083,0.0954,0.0672,0.0688,0.0,0.0,0.084,0.0815,0.9757,0.6798,,0.0,0.1379,0.1667,0.2083,0.0975,0.0735,0.0717,0.0,0.0,0.0833,0.0786,0.9757,0.6713,,0.0,0.1379,0.1667,0.2083,0.097,0.0684,0.07,0.0,0.0,reg oper account,block of flats,0.0583,Panel,No,2.0,2.0,2.0,1.0,-923.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,1.0,0.0,1.0 +2559606,242921,Consumer loans,9275.625,110246.4,92038.5,27000.9,110246.4,WEDNESDAY,18,Y,1,0.2470311067367,,,XAP,Approved,-651,Cash through the bank,XAP,"Spouse, partner",Refreshed,Consumer Electronics,POS,XNA,Country-wide,100,Consumer electronics,12.0,middle,POS household with interest,365243.0,-618.0,-288.0,-288.0,-283.0,0.0,0,Cash loans,F,N,Y,0,180000.0,1133748.0,33277.5,990000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.009334,-13982,-7267,-5108.0,-378,,1,1,0,1,0,0,Core staff,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Transport: type 2,,0.7082391454732696,0.5726825047161584,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-650.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1448538,427573,Consumer loans,5564.835,67308.66,53842.5,13466.16,67308.66,FRIDAY,15,Y,1,0.21788982927848569,,,XAP,Approved,-108,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,1600,Consumer electronics,12.0,middle,POS household with interest,365243.0,-78.0,252.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,Y,0,135000.0,292500.0,14625.0,292500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.009175,-21909,365243,-5234.0,-5259,,1,0,0,1,0,0,,2.0,2,2,MONDAY,19,0,0,0,0,0,0,XNA,,0.547274636996912,0.1168672659157136,0.4825,0.3636,0.9851,,,0.52,0.4483,0.3333,,,,,,,0.4916,0.3774,0.9851,,,0.5236,0.4483,0.3333,,,,,,,0.4871,0.3636,0.9851,,,0.52,0.4483,0.3333,,,,,,,,block of flats,0.3951,Panel,No,0.0,0.0,0.0,0.0,-118.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +1089585,140025,Revolving loans,6750.0,0.0,135000.0,,0.0,WEDNESDAY,10,Y,1,,,,XAP,Refused,-1527,XNA,HC,,Repeater,XNA,Cards,walk-in,Stone,129,Consumer electronics,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,270000.0,284400.0,18306.0,225000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.008019,-14136,-115,-7624.0,-4665,,1,1,0,1,0,1,Core staff,2.0,2,2,THURSDAY,19,0,0,0,0,0,0,Other,0.7344717360786386,0.5581782880072312,0.7886807751817684,0.0,,0.9806,,,0.0,,,,,,0.051,,,0.0,,0.9806,,,0.0,,,,,,0.0532,,,0.0,,0.9806,,,0.0,,,,,,0.0519,,,,,0.0401,,No,4.0,0.0,4.0,0.0,-2124.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2662657,357078,Consumer loans,24002.91,220005.0,238882.5,0.0,220005.0,FRIDAY,13,Y,1,0.0,,,XAP,Approved,-673,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Stone,80,Consumer electronics,12.0,middle,POS household with interest,365243.0,-638.0,-308.0,-308.0,-300.0,0.0,0,Cash loans,F,Y,Y,0,108000.0,640080.0,31261.5,450000.0,Family,Working,Lower secondary,Married,House / apartment,0.0228,-20107,-2379,-2068.0,-3574,3.0,1,1,0,1,1,0,,2.0,2,2,SATURDAY,12,0,0,0,0,1,1,Government,,0.5524759992021274,0.4686596550493113,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,17.0,0.0,17.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2283596,196217,Consumer loans,8976.51,119205.0,124276.5,11920.5,119205.0,SATURDAY,15,Y,1,0.09532154292545487,,,XAP,Approved,-230,XNA,XAP,,Repeater,Audio/Video,POS,XNA,Stone,84,Consumer electronics,18.0,middle,POS household with interest,365243.0,-197.0,313.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,36000.0,152820.0,12073.5,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-14098,-1915,-7203.0,-2920,,1,1,0,1,1,1,Sales staff,2.0,2,2,THURSDAY,16,0,0,0,0,0,0,Other,0.3524819805950335,0.7663414808940043,,0.0722,0.0555,0.9901,0.8640000000000001,0.0177,0.08,0.069,0.3333,0.0417,0.0683,0.058,0.046,0.0039,0.0055,0.0735,0.0576,0.9901,0.8693,0.0179,0.0806,0.069,0.3333,0.0417,0.0698,0.0634,0.0479,0.0039,0.0058,0.0729,0.0555,0.9901,0.8658,0.0178,0.08,0.069,0.3333,0.0417,0.0695,0.059,0.0468,0.0039,0.0056,reg oper spec account,block of flats,0.0619,Panel,No,0.0,0.0,0.0,0.0,-1628.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1441630,211990,Consumer loans,4963.14,38205.0,41989.5,0.0,38205.0,SATURDAY,16,Y,1,0.0,,,XAP,Approved,-2248,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Stone,39,Connectivity,12.0,high,POS mobile with interest,365243.0,-2217.0,-1887.0,-1887.0,-1883.0,1.0,0,Revolving loans,F,N,N,1,72000.0,202500.0,10125.0,202500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.009549,-10671,-1820,-4104.0,-1457,,1,1,1,1,1,0,Core staff,3.0,2,2,SUNDAY,12,0,0,0,0,0,0,Kindergarten,,0.32594421543812035,0.4066174366275036,0.0124,0.0,0.9806,0.7348,0.0012,0.0,0.069,0.0417,0.0417,0.0088,0.0101,0.0102,0.0,0.0,0.0126,0.0,0.9806,0.7452,0.0012,0.0,0.069,0.0417,0.0417,0.009000000000000001,0.011,0.0106,0.0,0.0,0.0125,0.0,0.9806,0.7383,0.0012,0.0,0.069,0.0417,0.0417,0.009000000000000001,0.0103,0.0104,0.0,0.0,not specified,block of flats,0.0087,"Stone, brick",No,2.0,1.0,2.0,1.0,-2060.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1536601,102363,Consumer loans,13659.3,64084.5,51264.0,12820.5,64084.5,SUNDAY,12,Y,1,0.21787936240432548,,,XAP,Approved,-1241,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,32,Connectivity,4.0,middle,POS mobile without interest,365243.0,-1201.0,-1111.0,-1111.0,-1108.0,0.0,0,Cash loans,M,Y,Y,0,144000.0,1125000.0,33025.5,1125000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.035792000000000004,-17481,-1375,-9321.0,-923,7.0,1,1,0,1,0,0,,2.0,2,2,TUESDAY,11,0,0,0,1,1,0,Trade: type 7,0.5220916259284353,0.6694736942712936,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1538.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2009203,348432,Cash loans,40783.995,1350000.0,1546020.0,,1350000.0,THURSDAY,9,Y,1,,,,XNA,Refused,-248,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,1,202500.0,1288350.0,37800.0,1125000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.00823,-16089,-9283,-7853.0,-4042,,1,1,0,1,0,0,Medicine staff,3.0,2,2,SUNDAY,11,0,0,0,0,1,1,Medicine,0.5121856727615408,0.6118392569182132,0.5919766183185521,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,0.0,-1094.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1121389,196167,Consumer loans,13125.195,131265.0,118138.5,13126.5,131265.0,SUNDAY,10,Y,1,0.1089090909090909,,,XAP,Approved,-1697,Cash through the bank,XAP,"Spouse, partner",Repeater,Computers,POS,XNA,Regional / Local,149,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1666.0,-1396.0,-1396.0,-1389.0,0.0,0,Cash loans,F,N,Y,0,207000.0,675000.0,23913.0,675000.0,Unaccompanied,Commercial associate,Incomplete higher,Married,With parents,0.018209,-13930,-1146,-1974.0,-3331,,1,1,0,1,0,0,Sales staff,2.0,3,3,WEDNESDAY,13,0,0,0,0,0,0,Self-employed,0.5842498115558294,0.518777301806064,0.6817058776720116,0.133,0.0777,0.9801,0.728,0.0018,0.08,0.0345,0.3333,0.375,0.0652,0.1076,0.0914,0.0039,0.0053,0.1355,0.0806,0.9801,0.7387,0.0018,0.0806,0.0345,0.3333,0.375,0.0667,0.1175,0.0953,0.0039,0.0057,0.1343,0.0777,0.9801,0.7316,0.0018,0.08,0.0345,0.3333,0.375,0.0663,0.1095,0.0931,0.0039,0.0055,reg oper account,block of flats,0.0898,"Stone, brick",No,4.0,1.0,4.0,0.0,-1697.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2295175,319721,Consumer loans,5699.475,110241.0,110241.0,0.0,110241.0,TUESDAY,15,Y,1,0.0,,,XAP,Approved,-1239,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,2602,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-1208.0,-518.0,-608.0,-596.0,0.0,0,Cash loans,F,N,Y,0,103500.0,313438.5,17631.0,283500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.025164,-22266,365243,-3396.0,-5023,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,11,0,0,0,0,0,0,XNA,,0.445836047602964,0.7789040389824382,0.4928,0.2583,0.9871,0.8232,0.1786,0.48,0.4138,0.375,0.4167,0.2754,0.4009,0.523,0.0039,0.0012,0.5021,0.268,0.9871,0.8301,0.1803,0.4834,0.4138,0.375,0.4167,0.2817,0.438,0.5449,0.0039,0.0013,0.4976,0.2583,0.9871,0.8256,0.1798,0.48,0.4138,0.375,0.4167,0.2802,0.4079,0.5324,0.0039,0.0013,not specified,block of flats,0.5093,Panel,No,0.0,0.0,0.0,0.0,-1239.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2669445,104086,Cash loans,9243.0,225000.0,225000.0,0.0,225000.0,WEDNESDAY,14,Y,1,0.0,,,XNA,Refused,-2340,Cash through the bank,SCO,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,60.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,1,112500.0,625536.0,20673.0,540000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.018634,-17972,-2547,-7538.0,-1506,,1,1,1,1,1,0,Laborers,2.0,2,2,FRIDAY,8,0,0,0,0,1,1,Self-employed,0.5699889499246952,0.6594896629054704,0.6894791426446275,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,1.0,-2145.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2261615,389671,Consumer loans,5273.91,28575.0,28647.0,2880.0,28575.0,FRIDAY,13,Y,1,0.0994887499026808,,,XAP,Approved,-1622,Cash through the bank,XAP,Unaccompanied,New,Office Appliances,POS,XNA,Stone,30,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1591.0,-1441.0,-1441.0,-1417.0,0.0,0,Cash loans,F,N,Y,0,90000.0,197820.0,13896.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-16467,-1769,-2723.0,-12,,1,1,1,1,0,0,Sales staff,2.0,3,3,WEDNESDAY,14,1,0,1,1,0,1,Self-employed,,0.6311165366669997,0.4776491548517548,0.0907,0.0827,0.9806,0.7348,0.012,0.0,0.2069,0.1667,0.2083,0.0286,0.0723,0.0835,0.0077,0.0157,0.0924,0.0858,0.9806,0.7452,0.0121,0.0,0.2069,0.1667,0.2083,0.0292,0.079,0.087,0.0078,0.0166,0.0916,0.0827,0.9806,0.7383,0.0121,0.0,0.2069,0.1667,0.2083,0.0291,0.0735,0.085,0.0078,0.016,reg oper account,block of flats,0.0756,Panel,No,2.0,0.0,2.0,0.0,-1504.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2418510,319842,Revolving loans,22500.0,450000.0,450000.0,,450000.0,SATURDAY,14,Y,1,,,,XAP,Approved,-309,XNA,XAP,,Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,2,180000.0,727785.0,28332.0,607500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.008865999999999999,-12534,-1109,-2060.0,-3685,11.0,1,1,0,1,0,0,Core staff,4.0,2,2,SUNDAY,11,0,0,0,0,0,0,School,0.5554429263881372,0.6116574732260486,0.4920600938649263,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2767.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1682869,188967,Consumer loans,8968.14,125370.0,151848.0,0.0,125370.0,THURSDAY,13,Y,1,0.0,,,XAP,Approved,-1219,Cash through the bank,XAP,Family,Refreshed,Audio/Video,POS,XNA,Stone,800,Consumer electronics,24.0,middle,POS household with interest,365243.0,-1188.0,-498.0,-948.0,-943.0,0.0,0,Cash loans,F,N,Y,1,225000.0,550980.0,40221.0,450000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.0228,-10934,-464,-5446.0,-3495,,1,1,0,1,0,0,Sales staff,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.5844997226729006,0.2721336844147212,0.1361,0.1636,0.9871,0.8232,0.0303,0.12,0.1034,0.3333,0.0417,0.0032,0.111,0.1534,0.0,0.0,0.1387,0.1698,0.9871,0.8301,0.0305,0.1208,0.1034,0.3333,0.0417,0.0033,0.1212,0.1598,0.0,0.0,0.1374,0.1636,0.9871,0.8256,0.0304,0.12,0.1034,0.3333,0.0417,0.0032,0.1129,0.1561,0.0,0.0,reg oper account,block of flats,0.1372,Panel,No,1.0,0.0,1.0,0.0,-456.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1778991,419395,Cash loans,18918.81,261000.0,288562.5,,261000.0,TUESDAY,9,Y,1,,,,XNA,Refused,-150,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,N,0,202500.0,997335.0,29290.5,832500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-17807,-385,-146.0,-1346,,1,1,0,1,0,0,Sales staff,2.0,2,2,FRIDAY,17,0,0,0,0,1,1,Self-employed,,0.11037413363201157,0.09569272423026376,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2476261,375801,Cash loans,41851.44,810000.0,921195.0,,810000.0,FRIDAY,10,Y,1,,,,XNA,Approved,-1078,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-1048.0,362.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,139500.0,207000.0,10696.5,207000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.025164,-15630,-1645,-1428.0,-4153,,1,1,0,1,1,0,Sales staff,1.0,2,2,WEDNESDAY,20,0,0,0,0,0,0,Self-employed,,0.5921315702396891,0.4048783643353997,0.0,,0.0,,,,,,,,,,,,0.0,,0.0,,,,,,,,,,,,0.0,,0.0,,,,,,,,,,,,,block of flats,0.0,,No,0.0,0.0,0.0,0.0,-1441.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1614770,149474,Consumer loans,14739.885,128056.5,125392.5,12807.0,128056.5,THURSDAY,19,Y,1,0.100926466975114,,,XAP,Approved,-224,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,1200,Consumer electronics,10.0,middle,POS household with interest,365243.0,-194.0,76.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,225000.0,427500.0,27963.0,427500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.032561,-17124,-1143,-9327.0,-665,,1,1,1,1,1,0,Sales staff,2.0,1,1,THURSDAY,15,0,0,0,0,0,0,Trade: type 3,,0.6381390896799526,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,1.0,0.0,1.0,0.0,-1357.0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1347652,424586,Consumer loans,5847.3,48330.0,57397.5,4837.5,48330.0,WEDNESDAY,12,Y,1,0.08465457174784723,,,XAP,Approved,-1723,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,16.0,high,POS mobile with interest,365243.0,-1692.0,-1242.0,-1242.0,-1228.0,0.0,0,Cash loans,F,N,N,0,112500.0,454500.0,13288.5,454500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.030755,-16637,-2389,-7607.0,-176,,1,1,1,1,0,0,Laborers,2.0,2,2,WEDNESDAY,17,0,0,0,0,1,1,Business Entity Type 3,0.5439364913975469,0.475829724078153,0.4241303111942548,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1723.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2148483,273667,Consumer loans,20990.61,131175.0,118057.5,13117.5,131175.0,THURSDAY,9,Y,1,0.1089090909090909,,,XAP,Approved,-1268,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Stone,770,Furniture,6.0,low_normal,POS industry with interest,365243.0,-1236.0,-1086.0,-1086.0,-1083.0,0.0,0,Cash loans,F,N,Y,0,202500.0,792162.0,38241.0,630000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018029,-10823,-930,-3424.0,-2082,,1,1,0,1,0,0,High skill tech staff,2.0,3,3,FRIDAY,8,0,0,0,1,1,0,Business Entity Type 2,0.13095547333472324,0.4247947328409121,0.5172965813614878,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,5.0 +1446518,218543,Cash loans,5546.61,67500.0,74182.5,,67500.0,SATURDAY,15,Y,1,,,,XNA,Approved,-706,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-676.0,-166.0,-286.0,-278.0,1.0,0,Cash loans,M,N,Y,0,81000.0,808650.0,26217.0,675000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-23268,365243,-13695.0,-3984,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,XNA,,0.5877885735593483,0.25533177083329,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-706.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1729663,302368,Cash loans,17644.5,450000.0,450000.0,,450000.0,SATURDAY,12,Y,1,,,,XNA,Approved,-965,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-935.0,475.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,252000.0,491823.0,25240.5,373500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-19436,-6148,-9229.0,-2988,,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,Electricity,,0.6573453746989989,0.7610263695502636,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-965.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2218908,134596,Cash loans,15612.93,360000.0,409896.0,,360000.0,WEDNESDAY,9,Y,1,,,,XNA,Approved,-385,XNA,XAP,Children,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-355.0,695.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,2,171000.0,327249.0,30145.5,292500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-12741,-4338,-1796.0,-5404,8.0,1,1,0,1,0,0,Managers,4.0,2,2,FRIDAY,12,0,0,0,0,1,1,Medicine,0.5073324587778156,0.3360592910511573,0.5064842396679806,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,16.0,1.0,16.0,0.0,-779.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1189749,369072,Consumer loans,10945.26,166950.0,166950.0,0.0,166950.0,SATURDAY,9,Y,1,0.0,,,XAP,Approved,-462,Non-cash from your account,XAP,,Repeater,Construction Materials,POS,XNA,Stone,5,Construction,18.0,low_normal,POS industry with interest,365243.0,-428.0,82.0,-368.0,-363.0,0.0,0,Cash loans,F,N,N,0,126000.0,673875.0,21865.5,562500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.018801,-23706,365243,-5374.0,-4040,,1,0,0,1,0,0,,1.0,2,2,SATURDAY,9,0,0,0,0,0,0,XNA,,0.5742094638357199,0.6512602186973006,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1274.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +2343573,438884,Consumer loans,6690.825,31941.0,34470.0,0.0,31941.0,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-195,Cash through the bank,XAP,Family,Repeater,Jewelry,POS,XNA,Country-wide,60,Jewelry,6.0,middle,POS other with interest,365243.0,-165.0,-15.0,-15.0,-12.0,1.0,0,Cash loans,M,N,N,0,90000.0,959688.0,34470.0,810000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.0031219999999999998,-17001,365243,-9528.0,-561,,1,0,0,1,0,0,,2.0,3,3,THURSDAY,18,0,0,0,0,0,0,XNA,0.2071270805153532,0.5371029779712786,0.3556387169923543,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1716.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1132572,233332,Consumer loans,6287.175,136512.0,136512.0,0.0,136512.0,SUNDAY,21,Y,1,0.0,,,XAP,Approved,-1598,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,5000,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1562.0,-872.0,-1292.0,-1289.0,0.0,0,Cash loans,F,Y,Y,0,162000.0,202500.0,8577.0,202500.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.026392000000000002,-20858,365243,-14691.0,-4193,17.0,1,0,0,1,1,0,,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,XNA,,0.6779338085808003,0.4866531565147181,0.0825,,0.9737,,,0.0,0.1379,0.1667,,,,0.0624,,0.0,0.084,,0.9737,,,0.0,0.1379,0.1667,,,,0.065,,0.0,0.0833,,0.9737,,,0.0,0.1379,0.1667,,,,0.0635,,0.0,,block of flats,0.0491,"Stone, brick",No,0.0,0.0,0.0,0.0,-1598.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,2.0 +1795084,131475,Cash loans,35613.0,1350000.0,1350000.0,,1350000.0,TUESDAY,9,Y,1,,,,XNA,Refused,-1145,Cash through the bank,HC,Family,New,XNA,Cash,walk-in,AP+ (Cash loan),-1,XNA,60.0,low_action,Cash Street: low,,,,,,,1,Cash loans,F,N,Y,0,148500.0,888840.0,32053.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-16810,-2753,-782.0,-362,,1,1,0,1,0,0,Sales staff,2.0,2,2,SATURDAY,8,0,0,0,0,1,1,Self-employed,,0.4311384517271839,0.475849908720221,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,0.0,9.0,0.0,-1148.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2556218,328962,Cash loans,42778.845,675000.0,744498.0,,675000.0,THURSDAY,11,Y,1,,,,XNA,Approved,-853,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash X-Sell: high,365243.0,-823.0,227.0,-193.0,-185.0,1.0,0,Cash loans,F,N,Y,1,166500.0,640080.0,31261.5,450000.0,Family,State servant,Incomplete higher,Married,House / apartment,0.035792000000000004,-14031,-831,-5506.0,-3478,,1,1,0,1,1,0,Accountants,3.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Other,0.7817943720639563,0.6118652234779093,0.4543210601605785,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1174.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1459357,228952,Cash loans,63071.28,1129500.0,1129500.0,,1129500.0,WEDNESDAY,14,Y,1,,,,XNA,Approved,-742,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-712.0,-22.0,-112.0,-108.0,0.0,0,Cash loans,F,N,Y,0,180000.0,659610.0,19417.5,472500.0,Family,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-21048,365243,-1442.0,-4436,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,XNA,,0.6972309633005196,0.7001838506835805,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2054.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2157278,389218,Cash loans,7373.25,67500.0,71955.0,,67500.0,TUESDAY,9,Y,1,,,,XNA,Refused,-660,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,108000.0,512995.5,39829.5,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020246,-22402,365243,-12372.0,-4598,,1,0,0,1,1,0,,2.0,3,3,THURSDAY,8,0,0,0,0,0,0,XNA,0.7807732819562071,0.4730270970418312,0.3344541255096772,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2284.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +2166098,267465,Cash loans,52953.705,1035000.0,1110141.0,,1035000.0,TUESDAY,11,Y,1,,,,XNA,Approved,-725,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,low_normal,Cash X-Sell: low,365243.0,-695.0,175.0,-365.0,-363.0,1.0,0,Cash loans,M,Y,Y,0,225000.0,1971072.0,68643.0,1800000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.031329,-20086,-5817,-771.0,-3648,10.0,1,1,0,1,0,0,Drivers,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,Construction,0.4473473107110796,0.6991754659623944,0.7801436381572275,0.0619,0.0578,0.9801,0.728,0.0082,0.0,0.1379,0.1667,0.2083,,0.0504,0.0517,0.0,0.0,0.063,0.0599,0.9801,0.7387,0.0083,0.0,0.1379,0.1667,0.2083,,0.0551,0.0539,0.0,0.0,0.0625,0.0578,0.9801,0.7316,0.0083,0.0,0.1379,0.1667,0.2083,,0.0513,0.0527,0.0,0.0,org spec account,block of flats,0.0492,Panel,No,8.0,0.0,8.0,0.0,-753.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2163271,290837,Consumer loans,4396.68,97596.0,97596.0,0.0,97596.0,WEDNESDAY,10,Y,1,0.0,,,XAP,Approved,-785,XNA,XAP,Other_A,New,Computers,POS,XNA,Stone,108,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-753.0,-63.0,-123.0,-116.0,0.0,0,Cash loans,F,N,Y,0,67500.0,313438.5,35491.5,283500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0038130000000000004,-9840,-1273,-4336.0,-483,,1,1,0,1,0,0,Waiters/barmen staff,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.20400469178423647,0.6439357612523765,,0.1464,0.073,0.9851,0.7959999999999999,0.1674,0.04,0.0345,0.3333,0.0417,0.0477,0.116,0.0807,0.0154,0.0718,0.145,0.0609,0.9851,0.804,0.1537,0.0403,0.0345,0.3333,0.0417,0.0383,0.1249,0.0812,0.0078,0.0346,0.1478,0.073,0.9851,0.7987,0.1685,0.04,0.0345,0.3333,0.0417,0.0485,0.118,0.0821,0.0155,0.0733,reg oper account,block of flats,0.0901,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2561256,381569,Cash loans,10061.91,112500.0,127350.0,,112500.0,FRIDAY,9,Y,1,,,,XNA,Approved,-1072,Non-cash from your account,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Country-wide,23,Connectivity,24.0,high,Cash Street: high,365243.0,-1042.0,-352.0,-352.0,-342.0,1.0,0,Revolving loans,F,Y,Y,0,112500.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.018801,-10389,-2040,-793.0,-467,1.0,1,1,0,1,0,0,Sales staff,1.0,2,2,SATURDAY,8,0,0,0,0,0,0,Self-employed,0.4689916704554617,0.15989648619468722,0.6479768603302221,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1935.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2367580,423262,Consumer loans,42411.6,360000.0,324000.0,36000.0,360000.0,MONDAY,13,Y,1,0.1089090909090909,,,XAP,Refused,-2348,Cash through the bank,SCO,Unaccompanied,Repeater,Vehicles,POS,XNA,Stone,50,Industry,10.0,high,POS industry with interest,,,,,,,1,Cash loans,M,Y,N,1,180000.0,675000.0,21906.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0228,-15452,-686,-8329.0,-4228,13.0,1,1,0,1,0,0,Drivers,3.0,2,2,THURSDAY,9,0,0,0,0,0,0,Transport: type 4,,0.397688724133538,0.4578995512067301,0.1742,0.1101,0.9876,0.83,0.109,0.16,0.1207,0.4792,0.5208,0.0735,0.1404,0.1723,0.0077,0.0089,0.1292,0.0595,0.9861,0.8171,0.0696,0.0806,0.0345,0.3333,0.375,0.0594,0.1102,0.1186,0.0039,0.0038,0.1759,0.1101,0.9876,0.8323,0.1097,0.16,0.1207,0.4792,0.5208,0.0748,0.1428,0.1754,0.0078,0.0091,reg oper account,block of flats,0.2637,Panel,No,1.0,1.0,1.0,1.0,-107.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2572556,399850,Consumer loans,8146.845,46575.0,45949.5,2794.5,46575.0,SUNDAY,10,Y,1,0.06243772660131594,,,XAP,Approved,-2553,XNA,XAP,Family,New,Furniture,POS,XNA,Stone,161,Furniture,6.0,low_normal,POS industry without interest,365243.0,-2522.0,-2372.0,-2372.0,-2364.0,1.0,0,Cash loans,F,Y,Y,0,67500.0,86598.0,9220.5,76500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.014464,-13749,-1217,-772.0,-4826,6.0,1,1,0,1,0,0,,1.0,2,2,FRIDAY,6,0,0,0,0,1,1,Business Entity Type 2,0.2735660478703233,0.4009880136537081,,0.067,0.0602,0.9747,0.6532,0.0258,0.0,0.1379,0.1667,0.2083,0.0425,0.0538,0.0669,0.0039,0.1296,0.0683,0.0625,0.9747,0.6668,0.026,0.0,0.1379,0.1667,0.2083,0.0435,0.0588,0.0697,0.0039,0.1372,0.0677,0.0602,0.9747,0.6578,0.026,0.0,0.1379,0.1667,0.2083,0.0432,0.0547,0.0681,0.0039,0.1323,reg oper spec account,block of flats,0.0955,"Stone, brick",No,0.0,0.0,0.0,0.0,-2553.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2621712,341527,Cash loans,17224.2,157500.0,157500.0,0.0,157500.0,FRIDAY,13,Y,1,0.0,,,XNA,Approved,-2561,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,high,Cash Street: high,365243.0,-2531.0,-2201.0,-2201.0,-2195.0,0.0,0,Cash loans,F,N,N,1,90000.0,755190.0,36328.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.031329,-14917,-5348,-8154.0,-4220,,1,1,0,1,0,0,,3.0,2,2,SATURDAY,7,0,0,0,0,0,0,Medicine,,0.6920685556558854,0.5709165417729987,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,0.0,-1679.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1269809,410810,Consumer loans,18448.425,178155.0,196123.5,0.0,178155.0,THURSDAY,14,Y,1,0.0,,,XAP,Refused,-1142,Non-cash from your account,SCO,Unaccompanied,Repeater,Computers,POS,XNA,Stone,57,Consumer electronics,12.0,low_normal,POS household with interest,,,,,,,0,Cash loans,F,N,Y,1,292500.0,1252278.0,36747.0,1093500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010276,-15572,-453,-5154.0,-4035,,1,1,0,1,0,0,Accountants,3.0,2,2,FRIDAY,15,0,0,0,0,1,1,Construction,0.8625027219271141,0.6171230999132096,0.2678689358444539,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-353.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1082413,268164,Cash loans,31212.405,450000.0,610452.0,,450000.0,SUNDAY,11,Y,1,,,,XNA,Approved,-640,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-610.0,440.0,-580.0,-577.0,1.0,0,Cash loans,M,Y,Y,1,180000.0,1042560.0,40702.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009175,-14630,-2086,-3694.0,-4639,8.0,1,1,0,1,0,0,Drivers,3.0,2,2,WEDNESDAY,11,0,0,0,0,1,1,Industry: type 9,0.5172264167155406,0.766126050734293,0.41534714488434,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,3.0,1.0,-1765.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1285801,391432,Consumer loans,2227.905,17496.0,17248.5,1800.0,17496.0,MONDAY,8,Y,1,0.10291433112127654,,,XAP,Approved,-1731,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,40,Connectivity,12.0,high,POS mobile with interest,365243.0,-1700.0,-1370.0,-1370.0,-1347.0,0.0,0,Cash loans,F,N,N,0,58500.0,364896.0,15457.5,315000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.020246,-23501,365243,-1244.0,-4716,,1,0,0,1,0,0,,1.0,3,3,MONDAY,12,0,0,0,0,0,0,XNA,,0.19870613564252185,0.12217974403015852,0.1206,0.0727,0.9975,0.966,0.0752,0.12,0.1034,0.375,0.4167,0.0132,0.0983,0.1107,0.0,0.023,0.1229,0.0755,0.9975,0.9673,0.0758,0.1208,0.1034,0.375,0.4167,0.0135,0.1074,0.1154,0.0,0.0244,0.1218,0.0727,0.9975,0.9665,0.0756,0.12,0.1034,0.375,0.4167,0.0134,0.1,0.1127,0.0,0.0235,reg oper account,block of flats,0.0871,Panel,No,0.0,0.0,0.0,0.0,-1731.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1928059,200273,Cash loans,13483.935,292500.0,339988.5,,292500.0,SATURDAY,10,Y,1,,,,XNA,Approved,-431,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-401.0,649.0,-161.0,-157.0,1.0,0,Revolving loans,M,N,Y,0,103500.0,135000.0,6750.0,135000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.018634,-20076,-2519,-2063.0,-3585,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,16,0,0,0,0,1,1,Other,,0.4928844658831863,0.7032033049040319,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-184.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1370459,422612,Cash loans,6233.04,90000.0,101880.0,,90000.0,WEDNESDAY,9,Y,1,,,,XNA,Approved,-981,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-951.0,-261.0,-261.0,-256.0,1.0,0,Cash loans,F,N,Y,0,202500.0,239850.0,24705.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.018801,-24531,365243,-296.0,-5651,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,10,0,0,0,0,0,0,XNA,,0.5367930665347463,0.5620604831738043,0.0619,0.0459,0.9871,0.8232,0.0088,0.0,0.1379,0.1667,0.2083,0.0,0.0504,0.0516,0.0,0.0221,0.063,0.0476,0.9871,0.8301,0.0089,0.0,0.1379,0.1667,0.2083,0.0,0.0551,0.0538,0.0,0.0234,0.0625,0.0459,0.9871,0.8256,0.0088,0.0,0.1379,0.1667,0.2083,0.0,0.0513,0.0525,0.0,0.0226,reg oper spec account,block of flats,0.0454,Panel,No,2.0,0.0,2.0,0.0,-981.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2042414,360330,Cash loans,74575.215,1260000.0,1333179.0,,1260000.0,THURSDAY,13,Y,1,,,,XNA,Refused,-554,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,1,225000.0,1125000.0,75487.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.04622,-14504,-1979,-1765.0,-1765,,1,1,0,1,0,0,Managers,3.0,1,1,THURSDAY,18,0,0,0,0,0,0,Self-employed,,0.3737978563219818,0.42765737003502935,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,1.0,8.0,0.0,-1604.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1198915,438974,Cash loans,45829.755,427500.0,447250.5,,427500.0,FRIDAY,14,Y,1,,,,XNA,Refused,-545,Cash through the bank,HC,,Refreshed,XNA,Cash,x-sell,Country-wide,20,Connectivity,12.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,Y,N,0,405000.0,478836.0,31999.5,423000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.003540999999999999,-16480,-2631,-771.0,-14,4.0,1,1,0,1,0,0,Drivers,2.0,1,1,THURSDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.5408715062798991,0.5925381655206721,0.3876253444214701,0.1375,0.1126,0.9985,0.9796,0.024,0.16,0.1379,0.3333,0.3471,0.0447,0.1076,0.1383,0.0206,0.1858,0.1061,0.0758,0.999,0.9869,0.0242,0.1208,0.1034,0.3333,0.375,0.0341,0.0918,0.1127,0.0039,0.1255,0.1051,0.0731,0.999,0.9866,0.0241,0.12,0.1034,0.3333,0.375,0.0339,0.0855,0.1101,0.0039,0.121,reg oper account,block of flats,0.1239,Monolithic,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2696756,243723,Consumer loans,7002.36,76495.5,58450.5,22500.0,76495.5,SATURDAY,11,Y,1,0.3027102421176576,,,XAP,Approved,-2033,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,1350,Consumer electronics,10.0,middle,POS household with interest,365243.0,-2002.0,-1732.0,-1732.0,-1724.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,90000.0,7110.0,90000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.030755,-9277,-1083,-4053.0,-1888,4.0,1,1,1,1,0,0,,1.0,2,2,TUESDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.18103862893979167,0.5182531995437125,0.18848953379516772,0.0825,0.1173,0.9896,0.8572,0.0534,0.0,0.2069,0.1667,0.0417,0.0407,0.0672,0.0843,0.0,0.0,0.084,0.1217,0.9896,0.8628,0.0538,0.0,0.2069,0.1667,0.0417,0.0416,0.0735,0.0879,0.0,0.0,0.0833,0.1173,0.9896,0.8591,0.0537,0.0,0.2069,0.1667,0.0417,0.0414,0.0684,0.0858,0.0,0.0,reg oper account,block of flats,0.0955,"Stone, brick",No,0.0,0.0,0.0,0.0,-2033.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1784686,178625,Consumer loans,16468.92,131625.0,121095.0,10530.0,131625.0,SUNDAY,12,Y,1,0.08712727272727272,,,XAP,Refused,-2535,XNA,SCO,Unaccompanied,Repeater,Audio/Video,POS,XNA,Regional / Local,90,Consumer electronics,8.0,low_normal,POS household without interest,,,,,,,0,Cash loans,F,N,Y,0,225000.0,508495.5,22527.0,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-21189,365243,-5939.0,-4298,,1,0,0,1,0,0,,2.0,2,2,MONDAY,9,0,0,0,0,0,0,XNA,,0.6019534089554641,0.524496446363472,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-613.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +1712145,366887,Consumer loans,10224.0,94455.0,92025.0,9445.5,94455.0,WEDNESDAY,15,Y,1,0.101379299223106,,,XAP,Approved,-2805,XNA,XAP,Family,New,Consumer Electronics,POS,XNA,Stone,250,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2774.0,-2504.0,-2504.0,-2500.0,1.0,0,Cash loans,F,N,Y,0,90000.0,728460.0,40806.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.028663,-22877,365243,-1735.0,-3990,,1,0,0,1,0,0,,1.0,2,2,MONDAY,8,0,0,0,0,0,0,XNA,,0.6105037235158111,0.7958031328748403,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1701.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2509644,309540,Cash loans,14827.635,180000.0,203760.0,0.0,180000.0,TUESDAY,8,Y,1,0.0,,,XNA,Approved,-2076,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,24.0,high,Cash X-Sell: high,365243.0,-2046.0,-1356.0,-1356.0,-1350.0,1.0,0,Cash loans,M,N,N,0,112500.0,765000.0,39190.5,765000.0,Family,State servant,Incomplete higher,Civil marriage,House / apartment,0.001417,-21093,-1806,-8345.0,-2759,,1,1,0,1,0,1,Managers,2.0,2,2,SATURDAY,8,0,0,0,0,0,0,Other,0.6541699295140706,0.2951508586612634,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1191796,105180,Consumer loans,27643.005,148495.5,140035.5,29700.0,148495.5,SUNDAY,11,Y,1,0.19056708820488347,,,XAP,Approved,-1643,Cash through the bank,XAP,"Spouse, partner",New,Computers,POS,XNA,Regional / Local,145,Consumer electronics,6.0,high,POS household with interest,365243.0,-1612.0,-1462.0,-1462.0,-1454.0,0.0,0,Cash loans,M,N,N,0,90000.0,675000.0,34465.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-14546,-349,-5707.0,-4574,,1,1,1,1,1,0,Drivers,2.0,3,2,THURSDAY,15,0,0,0,0,0,0,Other,0.3498958474607023,0.6245098752406846,0.3910549766342248,0.133,0.1438,0.9826,0.762,0.0721,0.0,0.2414,0.1667,0.2083,0.0946,0.1084,0.1286,0.0,0.0,0.1355,0.1492,0.9826,0.7713,0.0728,0.0,0.2414,0.1667,0.2083,0.0967,0.1185,0.134,0.0,0.0,0.1343,0.1438,0.9826,0.7652,0.0726,0.0,0.2414,0.1667,0.2083,0.0962,0.1103,0.131,0.0,0.0,reg oper account,block of flats,0.1406,Panel,No,0.0,0.0,0.0,0.0,-1643.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2570596,175163,Cash loans,12864.69,135000.0,148365.0,0.0,135000.0,SATURDAY,14,Y,1,0.0,,,XNA,Approved,-1774,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-1744.0,-1234.0,-1234.0,-1226.0,1.0,0,Cash loans,M,N,N,0,112500.0,251091.0,23967.0,238500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,Municipal apartment,0.072508,-19689,-275,-8848.0,-2470,,1,1,0,1,0,0,Laborers,1.0,1,1,TUESDAY,16,0,0,0,0,0,0,Business Entity Type 2,,0.6991524685133002,,,,0.9573,,,,,,,,,0.0567,,0.0377,,,0.9573,,,,,,,,,0.0591,,0.04,,,0.9573,,,,,,,,,0.0577,,0.0385,,block of flats,0.0586,,No,0.0,0.0,0.0,0.0,-598.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2260673,356405,Revolving loans,11250.0,225000.0,225000.0,,225000.0,TUESDAY,10,Y,1,,,,XAP,Approved,-764,XNA,XAP,,New,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-735.0,-689.0,365243.0,-142.0,365243.0,0.0,0,Cash loans,M,Y,Y,2,112500.0,122256.0,13293.0,108000.0,"Spouse, partner",Commercial associate,Incomplete higher,Civil marriage,House / apartment,0.008575,-14870,-1159,-400.0,-4655,5.0,1,1,0,1,0,0,Laborers,4.0,2,2,WEDNESDAY,14,0,0,0,0,1,1,Self-employed,0.3643540808398252,0.5489211927434736,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-764.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1325382,102379,Revolving loans,6750.0,135000.0,135000.0,,135000.0,WEDNESDAY,14,Y,1,,,,XAP,Refused,-575,XNA,LIMIT,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,Y,Y,0,112500.0,497520.0,32391.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-16228,-2386,-8647.0,-4251,0.0,1,1,1,1,1,0,Drivers,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Business Entity Type 1,0.27753449946630365,0.6799643899287258,0.470456116119975,0.0732,0.0698,0.9737,0.6396,0.0043,0.0,0.1724,0.1667,0.2083,0.0258,0.058,0.0639,0.0077,0.0082,0.0746,0.0724,0.9737,0.6537,0.0043,0.0,0.1724,0.1667,0.2083,0.0264,0.0634,0.0665,0.0078,0.0086,0.0739,0.0698,0.9737,0.6444,0.0043,0.0,0.1724,0.1667,0.2083,0.0263,0.059,0.065,0.0078,0.0083,reg oper account,block of flats,0.052000000000000005,"Stone, brick",No,4.0,0.0,3.0,0.0,-693.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2602041,237625,Cash loans,24689.7,454500.0,517495.5,,454500.0,FRIDAY,11,Y,1,,,,XNA,Refused,-311,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,42.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,112500.0,593010.0,19129.5,495000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,Office apartment,0.018634,-21298,-723,-4226.0,-4298,,1,1,1,1,0,0,,2.0,2,2,MONDAY,11,0,0,0,0,0,0,Other,,0.6071133326332142,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-888.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1556114,347582,Cash loans,9868.5,337500.0,337500.0,,337500.0,WEDNESDAY,12,Y,1,,,,XNA,Approved,-816,XNA,XAP,Family,New,XNA,Cash,walk-in,AP+ (Cash loan),2,XNA,60.0,low_normal,Cash Street: low,365243.0,-777.0,993.0,365243.0,365243.0,0.0,1,Cash loans,F,Y,N,0,67500.0,207000.0,14130.0,207000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018209,-19906,-1187,-10037.0,-2860,9.0,1,1,1,1,0,0,Cooking staff,2.0,3,3,FRIDAY,10,0,0,0,0,0,0,Medicine,,0.02539978775443316,0.1047946227497676,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-817.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2563734,135471,Cash loans,24880.5,900000.0,900000.0,,900000.0,WEDNESDAY,14,Y,1,,,,Other,Refused,-198,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,1,Cash loans,M,Y,Y,0,225000.0,270000.0,21330.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-10180,-2743,-2807.0,-2816,4.0,1,1,1,1,1,0,Laborers,2.0,2,2,FRIDAY,7,0,0,0,0,1,1,Business Entity Type 3,,0.2526318612150576,0.13426542355494275,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-199.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1039379,224834,Consumer loans,7657.29,107410.5,107410.5,0.0,107410.5,THURSDAY,19,Y,1,0.0,,,XAP,Refused,-758,Cash through the bank,LIMIT,,Repeater,Mobile,POS,XNA,Country-wide,5,Connectivity,36.0,high,POS mobile with interest,,,,,,,0,Cash loans,M,Y,Y,0,135000.0,526491.0,22261.5,454500.0,Family,Working,Incomplete higher,Civil marriage,House / apartment,0.006670999999999999,-8375,-979,-3469.0,-1039,16.0,1,1,0,1,1,0,Sales staff,2.0,2,2,SATURDAY,19,0,0,0,0,0,0,Business Entity Type 3,0.1507770040730292,0.521064291004838,0.2366108235287817,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-897.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1567409,254539,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SATURDAY,11,Y,1,,,,XAP,Approved,-213,XNA,XAP,Unaccompanied,Refreshed,XNA,Cards,walk-in,AP+ (Cash loan),5,XNA,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,130500.0,229230.0,22801.5,202500.0,Family,Working,Higher education,Married,House / apartment,0.007120000000000001,-16820,-5173,-4704.0,-377,,1,1,1,1,0,0,Core staff,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,School,,0.7567444711356712,0.6594055320683344,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1809.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1806707,397056,Cash loans,,0.0,0.0,,,TUESDAY,13,Y,1,,,,XNA,Refused,-267,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,Y,N,1,315000.0,681444.0,20790.0,517500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.008575,-18909,-202,-11121.0,-2456,3.0,1,1,0,1,1,0,Drivers,3.0,2,2,MONDAY,18,0,0,0,0,1,1,Self-employed,,0.6466186300189475,0.4920600938649263,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1779.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2767742,243062,Consumer loans,11676.42,137686.5,124686.0,27540.0,137686.5,FRIDAY,16,Y,1,0.1970331194169435,,,XAP,Approved,-2183,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,875,Consumer electronics,16.0,high,POS household with interest,365243.0,-2152.0,-1702.0,-1702.0,-1684.0,0.0,0,Cash loans,M,Y,Y,2,360000.0,1800000.0,62568.0,1800000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.028663,-14896,-2756,-1434.0,-3158,4.0,1,1,0,1,0,0,Managers,4.0,2,2,THURSDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.6680748376093548,0.4908294612434349,0.2392262794694045,0.0825,0.0801,0.9747,0.6532,,0.0,0.1379,0.1667,0.2083,0.0,0.0672,0.0709,,0.0047,0.084,0.0831,0.9747,0.6668,,0.0,0.1379,0.1667,0.2083,0.0,0.0735,0.0738,,0.005,0.0833,0.0801,0.9747,0.6578,,0.0,0.1379,0.1667,0.2083,0.0,0.0684,0.0721,,0.0048,reg oper account,block of flats,0.0613,Panel,No,2.0,1.0,2.0,1.0,-715.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,0.0 +2789882,440256,Cash loans,17957.745,202500.0,231862.5,,202500.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-873,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-843.0,-333.0,-363.0,-358.0,1.0,0,Cash loans,F,N,N,0,153000.0,630747.0,18441.0,526500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-19510,-4555,-5957.0,-2992,,1,1,0,1,0,0,Core staff,2.0,2,2,MONDAY,8,0,0,0,0,0,0,Services,0.6384042691203542,0.7307254673217513,,0.0784,0.0729,0.9742,0.6464,0.0072,0.0,0.1379,0.1525,0.1942,0.2608,0.0628,0.0587,0.0051,0.0043,0.0704,0.0624,0.9747,0.6668,0.0063,0.0,0.1379,0.1667,0.2083,0.2667,0.0735,0.0513,0.0,0.0,0.0833,0.0789,0.9747,0.6578,0.0077,0.0,0.1379,0.1667,0.2083,0.2653,0.0684,0.0643,0.0039,0.0064,reg oper account,block of flats,0.0435,"Stone, brick",No,3.0,0.0,3.0,0.0,-1369.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1770691,247718,Cash loans,7163.235,54000.0,65299.5,,54000.0,TUESDAY,16,Y,1,,,,XNA,Approved,-577,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-547.0,-217.0,-337.0,-327.0,1.0,0,Cash loans,F,N,N,0,112500.0,381528.0,18553.5,315000.0,Unaccompanied,Working,Higher education,Single / not married,With parents,0.019688999999999998,-11061,-157,-4971.0,-3410,,1,1,1,1,1,0,High skill tech staff,1.0,2,2,FRIDAY,9,0,0,0,0,0,0,Medicine,,0.5516378158045098,0.4365064990977374,0.0247,,0.9722,,,0.0,0.069,0.0833,,0.0302,,0.0196,,0.0,0.0252,,0.9722,,,0.0,0.069,0.0833,,0.0309,,0.0204,,0.0,0.025,,0.9722,,,0.0,0.069,0.0833,,0.0308,,0.0199,,0.0,,block of flats,0.0165,"Stone, brick",No,1.0,0.0,1.0,0.0,-325.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2244867,278328,Consumer loans,8475.885,55705.5,53442.0,5571.0,55705.5,SATURDAY,18,Y,1,0.10281337085973348,,,XAP,Approved,-2607,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,1200,Consumer electronics,8.0,high,POS household with interest,365243.0,-2576.0,-2366.0,-2366.0,-2361.0,1.0,0,Cash loans,M,Y,Y,2,292500.0,755190.0,36459.0,675000.0,Family,Working,Higher education,Married,House / apartment,0.016612000000000002,-11573,-878,-5418.0,-3863,7.0,1,1,0,1,1,0,,4.0,2,2,TUESDAY,11,0,0,0,0,1,1,Construction,,0.4521656819201498,0.7136313997323308,0.0082,,0.9707,,,0.0,0.069,0.0417,,0.0326,,0.0107,,0.0,0.0084,,0.9707,,,0.0,0.069,0.0417,,0.0333,,0.0112,,0.0,0.0083,,0.9707,,,0.0,0.069,0.0417,,0.0331,,0.0109,,0.0,,block of flats,0.0084,Others,Yes,0.0,0.0,0.0,0.0,-1154.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1062500,119657,Cash loans,11087.955,90000.0,108207.0,,90000.0,MONDAY,9,Y,1,,,,XNA,Approved,-449,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-419.0,-89.0,-239.0,-233.0,1.0,0,Cash loans,F,N,Y,1,117000.0,628114.5,20889.0,477000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.020246,-13711,-3759,-7386.0,-4339,,1,1,1,1,1,0,Laborers,3.0,3,3,TUESDAY,7,0,0,0,0,0,0,Self-employed,,0.04579420712701548,0.3842068130556564,0.0722,0.085,0.9811,0.7416,0.0084,0.0,0.1379,0.1667,0.2083,0.0509,0.0588,0.066,0.0,0.0,0.0735,0.0882,0.9811,0.7517,0.0085,0.0,0.1379,0.1667,0.2083,0.052000000000000005,0.0643,0.0688,0.0,0.0,0.0729,0.085,0.9811,0.7451,0.0085,0.0,0.1379,0.1667,0.2083,0.0517,0.0599,0.0672,0.0,0.0,reg oper account,block of flats,0.0519,"Stone, brick",No,0.0,0.0,0.0,0.0,-2594.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,2.0 +2539209,194648,Cash loans,12179.205,90000.0,109156.5,,90000.0,FRIDAY,13,Y,1,,,,XNA,Approved,-734,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-704.0,-374.0,-674.0,-667.0,1.0,0,Cash loans,F,Y,Y,1,112500.0,381528.0,25627.5,315000.0,Children,Working,Secondary / secondary special,Married,House / apartment,0.009334,-10873,-2189,-10534.0,-252,10.0,1,1,0,1,0,1,Medicine staff,3.0,2,2,THURSDAY,15,0,0,0,0,0,0,Medicine,0.5462533278165455,0.5783583397678873,0.34741822720026416,,,0.9637,,,,0.069,0.0417,,0.0088,,0.0101,,,,,0.9638,,,,0.069,0.0417,,0.009000000000000001,,0.0106,,,,,0.9637,,,,0.069,0.0417,,0.0089,,0.0103,,,,block of flats,0.009000000000000001,Wooden,No,2.0,0.0,2.0,0.0,-2108.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1428177,144205,Cash loans,,0.0,0.0,,,FRIDAY,16,Y,1,,,,XNA,Refused,-369,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,N,N,0,90000.0,117162.0,12433.5,103500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.01885,-19069,-5024,-5209.0,-2595,,1,1,0,1,0,0,Security staff,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Telecom,0.8051178706574681,0.7123026361641904,0.18629294965553744,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1527.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1906117,415444,Cash loans,43355.16,1170000.0,1339884.0,,1170000.0,MONDAY,18,Y,1,,,,XNA,Approved,-850,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,32,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-820.0,950.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,171000.0,580500.0,29767.5,580500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.04622,-18818,-936,-3628.0,-2339,,1,1,0,1,0,0,Core staff,2.0,1,1,THURSDAY,10,0,0,0,0,0,0,School,0.08091500652893832,0.7022434633341385,0.5082869913916046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1769.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2120260,387088,Consumer loans,5551.11,59472.0,59472.0,0.0,59472.0,FRIDAY,12,Y,1,0.0,,,XAP,Approved,-711,Cash through the bank,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Regional / Local,10,Industry,12.0,low_normal,POS industry with interest,365243.0,-662.0,-332.0,-332.0,365243.0,0.0,1,Cash loans,M,N,Y,2,69750.0,152820.0,10341.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0038130000000000004,-14587,-6886,-5697.0,-4091,,1,1,1,1,0,0,Core staff,4.0,2,2,TUESDAY,10,0,0,0,0,1,1,Agriculture,,0.1363729481966095,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1411597,447384,Cash loans,36874.485,855000.0,1111770.0,,855000.0,FRIDAY,17,Y,1,,,,XNA,Approved,-754,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-724.0,686.0,-544.0,-542.0,1.0,0,Cash loans,F,Y,Y,0,180000.0,1332000.0,38947.5,1332000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.01885,-19362,-520,-7399.0,-2603,10.0,1,1,1,1,0,0,Core staff,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Government,0.8096976882778029,0.7419575696637529,0.5513812618027899,0.0722,0.0652,0.9801,0.728,0.0,0.0,0.1379,0.1667,0.2083,0.092,0.0588,0.067,0.0,0.0,0.0735,0.0676,0.9801,0.7387,0.0,0.0,0.1379,0.1667,0.2083,0.0941,0.0643,0.0698,0.0,0.0,0.0729,0.0652,0.9801,0.7316,0.0,0.0,0.1379,0.1667,0.2083,0.0936,0.0599,0.0682,0.0,0.0,reg oper spec account,block of flats,0.0527,"Stone, brick",No,0.0,0.0,0.0,0.0,-1624.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1945287,256283,Revolving loans,2250.0,45000.0,45000.0,,45000.0,THURSDAY,11,Y,1,,,,XAP,Approved,-285,XNA,XAP,Unaccompanied,New,XNA,Cards,walk-in,Country-wide,500,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,4,270000.0,304933.5,24088.5,225000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-11036,-1905,-903.0,-2653,,1,1,1,1,0,0,Sales staff,6.0,2,2,TUESDAY,10,0,0,0,0,0,0,Self-employed,,0.20172450051927954,,0.0928,0.0887,0.9767,0.6804,0.0147,0.0,0.2069,0.1667,0.2083,0.0638,0.0756,0.0877,0.0,0.0,0.0945,0.0921,0.9767,0.6929,0.0148,0.0,0.2069,0.1667,0.2083,0.0652,0.0826,0.0914,0.0,0.0,0.0937,0.0887,0.9767,0.6847,0.0148,0.0,0.2069,0.1667,0.2083,0.0649,0.077,0.0893,0.0,0.0,org spec account,block of flats,0.077,Panel,No,0.0,0.0,0.0,0.0,-564.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,1.0 +1761581,173421,Consumer loans,14102.415,116910.0,107559.0,17550.0,116910.0,THURSDAY,14,Y,1,0.15277514371104758,,,XAP,Approved,-1932,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,1,Consumer electronics,10.0,high,POS household with interest,365243.0,-1901.0,-1631.0,-1631.0,-1628.0,0.0,0,Cash loans,F,N,N,0,135000.0,254700.0,24939.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.022625,-24917,365243,-5244.0,-4035,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,13,0,0,0,0,0,0,XNA,,0.5338828954042463,0.5388627065779676,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1545.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2293651,273873,Revolving loans,15750.0,0.0,315000.0,,,TUESDAY,12,Y,1,,,,XAP,Refused,-1183,XNA,LIMIT,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,225000.0,1002726.0,29448.0,837000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.009175,-20767,365243,-7371.0,-4121,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,XNA,,0.6152871832623411,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-328.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2781707,100503,Cash loans,29796.21,1129500.0,1129500.0,,1129500.0,FRIDAY,14,Y,1,,,,XNA,Refused,-258,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,189000.0,876019.5,34870.5,783000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.009175,-22524,365243,-8604.0,-5021,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,XNA,,0.6184398011621871,0.3296550543128238,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-287.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +2687555,355136,Consumer loans,2889.36,15255.0,14170.5,1755.0,15255.0,WEDNESDAY,17,Y,1,0.12001849520922706,,,XAP,Approved,-1896,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Stone,55,Connectivity,6.0,high,POS mobile with interest,365243.0,-1856.0,-1706.0,-1706.0,-1703.0,0.0,0,Cash loans,F,N,Y,0,90000.0,225000.0,18040.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.009334,-9692,-317,-7546.0,-2335,,1,1,1,1,1,0,Sales staff,2.0,2,2,TUESDAY,17,0,0,0,0,0,0,Self-employed,,0.6112626359925103,,0.0124,,0.9722,0.6192,0.0,0.0,0.0345,0.0417,0.0833,0.0227,0.0101,0.0118,0.0,0.0153,0.0126,,0.9722,0.6341,0.0,0.0,0.0345,0.0417,0.0833,0.0232,0.011,0.0123,0.0,0.0162,0.0125,,0.9722,0.6243,0.0,0.0,0.0345,0.0417,0.0833,0.0231,0.0103,0.012,0.0,0.0157,not specified,block of flats,0.0093,Wooden,No,0.0,0.0,0.0,0.0,-1887.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1259619,353275,Consumer loans,8832.555,62955.0,47182.5,18000.0,62955.0,FRIDAY,23,Y,1,0.3007499921548937,,,XAP,Approved,-1246,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Stone,117,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1214.0,-1064.0,-1064.0,-1062.0,0.0,0,Cash loans,F,N,Y,0,211500.0,835380.0,35523.0,675000.0,Family,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.035792000000000004,-21509,365243,-693.0,-4880,,1,0,0,1,1,1,,1.0,2,2,FRIDAY,13,0,0,0,0,0,0,XNA,0.8171636295137613,0.6764040514416743,0.6075573001388961,0.0186,0.0537,0.9796,0.7212,,0.0,0.1034,0.0417,0.0417,0.0774,0.0151,0.0172,0.0,0.0,0.0189,0.0557,0.9796,0.7321,,0.0,0.1034,0.0417,0.0417,0.0792,0.0165,0.0179,0.0,0.0,0.0187,0.0537,0.9796,0.7249,,0.0,0.1034,0.0417,0.0417,0.0788,0.0154,0.0175,0.0,0.0,reg oper account,block of flats,0.0135,"Stone, brick",No,0.0,0.0,0.0,0.0,-1246.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1158493,270721,Consumer loans,4505.175,35266.5,36486.0,3528.0,35266.5,TUESDAY,18,Y,1,0.0960242097084202,,,XAP,Approved,-1385,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,5,Connectivity,12.0,high,POS mobile with interest,365243.0,-1354.0,-1024.0,-1024.0,-1016.0,0.0,0,Cash loans,F,N,N,2,225000.0,178290.0,20245.5,157500.0,Unaccompanied,Working,Incomplete higher,Married,Municipal apartment,0.006670999999999999,-15866,-1243,-3048.0,-3174,,1,1,0,1,0,0,Cleaning staff,4.0,2,2,MONDAY,14,0,0,0,1,1,0,Government,0.8184648556576675,0.6026343582341862,0.18629294965553744,0.0103,0.0,0.9652,0.524,0.0011,0.0,0.069,0.0417,0.0833,0.0103,0.0084,0.0069,0.0,0.0014,0.0105,0.0,0.9652,0.5426,0.0011,0.0,0.069,0.0417,0.0833,0.0082,0.0092,0.0072,0.0,0.0,0.0104,0.0,0.9652,0.5304,0.0011,0.0,0.069,0.0417,0.0833,0.0105,0.0086,0.0071,0.0,0.0015,reg oper account,block of flats,0.0055,"Stone, brick",No,0.0,0.0,0.0,0.0,-2008.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1229498,169986,Consumer loans,4337.46,71955.0,57564.0,14391.0,71955.0,MONDAY,11,Y,1,0.2178181818181818,,,XAP,Approved,-816,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,17,Connectivity,18.0,middle,POS mobile with interest,365243.0,-782.0,-272.0,-662.0,-649.0,0.0,0,Cash loans,M,N,N,0,202500.0,509400.0,34042.5,450000.0,Unaccompanied,Working,Incomplete higher,Single / not married,House / apartment,0.020246,-8623,-198,-730.0,-1295,,1,1,1,1,1,0,,1.0,3,3,WEDNESDAY,15,0,1,1,0,1,1,Business Entity Type 1,0.5940062926020899,0.2940965277428825,0.14024318370802974,0.3825,0.1313,0.9816,0.7484,0.0532,0.08,0.069,0.3333,0.375,0.1068,0.3102,0.1148,0.0077,0.0037,0.3897,0.1363,0.9816,0.7583,0.0537,0.0806,0.069,0.3333,0.375,0.1093,0.3388,0.1197,0.0078,0.0039,0.3862,0.1313,0.9816,0.7518,0.0535,0.08,0.069,0.3333,0.375,0.1087,0.3155,0.1169,0.0078,0.0038,reg oper spec account,block of flats,0.1202,Panel,No,1.0,0.0,1.0,0.0,-458.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1189996,390516,Cash loans,9830.97,90000.0,95940.0,,90000.0,WEDNESDAY,13,Y,1,,,,XNA,Approved,-678,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-648.0,-318.0,-588.0,-583.0,1.0,0,Cash loans,F,N,Y,0,315000.0,755190.0,36459.0,675000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.009175,-20064,-4305,-8747.0,-3364,,1,1,0,1,0,0,Accountants,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Bank,,0.7329185167987621,0.7062051096536562,0.2144,0.1088,0.9925,0.9728,0.0364,0.24,0.2241,0.375,0.4167,0.0523,0.0639,0.2323,0.0039,0.0973,0.0809,0.0443,0.9876,0.9739,0.0367,0.0806,0.069,0.375,0.4167,0.0448,0.0698,0.0843,0.0039,0.0114,0.2165,0.1088,0.9925,0.9732,0.0366,0.24,0.2241,0.375,0.4167,0.0532,0.065,0.2365,0.0039,0.0993,reg oper account,block of flats,0.3813,"Stone, brick",No,0.0,0.0,0.0,0.0,-1638.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2643095,278916,Cash loans,22104.9,315000.0,315000.0,,315000.0,TUESDAY,13,Y,1,,,,XNA,Approved,-1527,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,high,Cash X-Sell: high,365243.0,-1497.0,-807.0,-1317.0,-1312.0,0.0,0,Cash loans,F,Y,Y,0,360000.0,2102490.0,57816.0,1755000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.031329,-10050,-1901,-4706.0,-452,3.0,1,1,0,1,0,1,Managers,2.0,2,2,WEDNESDAY,13,0,0,0,1,1,0,Trade: type 2,0.20159524747313856,0.64682347219278,0.41184855592423975,0.0928,0.1073,0.9851,0.7959999999999999,0.0456,0.0,0.2069,0.1667,0.2083,,0.0756,0.0908,0.0,0.0,0.0945,0.1114,0.9851,0.804,0.046,0.0,0.2069,0.1667,0.2083,,0.0826,0.0946,0.0,0.0,0.0937,0.1073,0.9851,0.7987,0.0459,0.0,0.2069,0.1667,0.2083,,0.077,0.0925,0.0,0.0,reg oper account,block of flats,0.0714,Panel,No,0.0,0.0,0.0,0.0,-1171.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,0.0 +1685950,426285,Revolving loans,38250.0,765000.0,765000.0,,765000.0,THURSDAY,10,Y,1,,,,XAP,Approved,-454,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,157500.0,1185282.0,34785.0,1035000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.032561,-19582,-283,-9815.0,-3073,,1,1,0,1,1,0,Security staff,2.0,1,1,WEDNESDAY,13,0,0,0,0,0,0,Kindergarten,,0.6382754180124531,0.3979463219016906,0.1293,0.0946,0.9762,0.6736,0.016,0.032,0.1655,0.2,0.2417,0.1167,0.1022,0.1105,0.0147,0.0107,0.1071,0.0868,0.9762,0.6864,0.011,0.0,0.1724,0.1667,0.2083,0.0928,0.0918,0.0937,0.0078,0.0116,0.1062,0.0845,0.9762,0.6779999999999999,0.0109,0.0,0.1724,0.1667,0.2083,0.1047,0.0855,0.0922,0.0078,0.0111,reg oper account,block of flats,0.0731,Panel,No,2.0,1.0,2.0,1.0,-911.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1486558,180812,Revolving loans,2250.0,0.0,45000.0,,,TUESDAY,16,Y,1,,,,XAP,Approved,-2289,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,0,XNA,0.0,XNA,Card X-Sell,-2287.0,-2247.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,1,99000.0,61128.0,6084.0,54000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-17920,365243,-2359.0,-1476,,1,0,0,1,0,0,,3.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,0.5049174293848416,0.6151836530316361,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-957.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2841507,373850,Consumer loans,11971.485,88083.0,97384.5,0.0,88083.0,THURSDAY,14,Y,1,0.0,,,XAP,Approved,-876,Cash through the bank,XAP,Unaccompanied,New,Photo / Cinema Equipment,POS,XNA,Country-wide,58,Connectivity,12.0,high,POS mobile with interest,365243.0,-845.0,-515.0,-515.0,-509.0,0.0,0,Cash loans,F,N,N,1,112500.0,297130.5,18085.5,256500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,With parents,0.010276,-9593,-206,-4343.0,-2122,,1,1,0,1,0,0,Sales staff,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,Self-employed,,0.1838781931386753,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2221809,298937,Cash loans,56880.0,2250000.0,2250000.0,,2250000.0,SATURDAY,11,Y,1,,,,XNA,Approved,-376,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_action,Cash X-Sell: low,365243.0,-344.0,1426.0,-104.0,-102.0,0.0,0,Cash loans,F,N,Y,0,157500.0,1125000.0,47664.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-22037,-6138,-3788.0,-4376,,1,1,0,1,0,0,Core staff,2.0,2,2,THURSDAY,9,0,0,0,0,1,1,Trade: type 7,0.9416205680246796,0.7921280217159777,0.7826078370261895,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2221.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2751295,428437,Cash loans,8178.345,58500.0,71163.0,0.0,58500.0,TUESDAY,13,Y,1,0.0,,,XNA,Approved,-1677,Cash through the bank,XAP,Children,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-1647.0,-1317.0,-1317.0,-1308.0,1.0,0,Cash loans,F,N,N,0,90000.0,675000.0,23071.5,675000.0,Family,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.026392000000000002,-21651,-4567,-10416.0,-4814,,1,1,1,1,1,0,Sales staff,1.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.6749520769097084,0.7194907850918436,0.0619,,0.9846,,,0.04,0.0345,0.3333,,,,0.0742,,0.0124,0.063,,0.9846,,,0.0403,0.0345,0.3333,,,,0.0773,,0.0132,0.0625,,0.9846,,,0.04,0.0345,0.3333,,,,0.0755,,0.0127,,block of flats,0.0795,"Stone, brick",No,6.0,1.0,6.0,1.0,-1234.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2639123,397608,Cash loans,30955.5,337500.0,337500.0,,337500.0,MONDAY,4,Y,1,,,,Other,Refused,-687,Cash through the bank,LIMIT,,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),6,XNA,18.0,high,Cash Street: high,,,,,,,1,Cash loans,M,Y,Y,0,180000.0,315000.0,23049.0,315000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.014464,-12985,-371,-5635.0,-5215,20.0,1,1,1,1,0,0,Drivers,1.0,2,2,TUESDAY,2,0,0,0,1,1,0,Business Entity Type 3,0.1542963156389685,0.3975996816138564,,0.1237,0.128,0.9816,0.7484,0.0562,0.0,0.2759,0.1667,0.0417,,0.1009,0.107,0.0,0.0,0.1261,0.1328,0.9816,0.7583,0.0567,0.0,0.2759,0.1667,0.0417,,0.1102,0.1115,0.0,0.0,0.1249,0.128,0.9816,0.7518,0.0566,0.0,0.2759,0.1667,0.0417,,0.1026,0.109,0.0,0.0,reg oper account,block of flats,0.1149,"Stone, brick",No,1.0,1.0,1.0,0.0,-312.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1171654,108443,Consumer loans,33131.205,314100.0,298237.5,31410.0,314100.0,WEDNESDAY,13,Y,1,0.10377250079113433,,,XAP,Approved,-692,Cash through the bank,XAP,Family,Repeater,Clothing and Accessories,POS,XNA,Stone,25,Clothing,10.0,low_normal,POS industry with interest,365243.0,-661.0,-391.0,-391.0,-387.0,0.0,0,Cash loans,F,Y,Y,1,157500.0,675000.0,22437.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-13582,-912,-7484.0,-1347,6.0,1,1,0,1,0,0,Sales staff,3.0,2,2,TUESDAY,9,0,0,0,0,1,1,Self-employed,0.2933431912792759,0.6386186647813753,0.25533177083329,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-85.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2275283,158113,Cash loans,16341.165,112500.0,137691.0,,112500.0,TUESDAY,11,Y,1,,,,Repairs,Approved,-561,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,12.0,high,Cash Street: high,365243.0,-531.0,-201.0,-201.0,-199.0,1.0,1,Cash loans,F,N,Y,0,351000.0,679500.0,64647.0,679500.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.026392000000000002,-12056,-2915,-6188.0,-4661,,1,1,0,1,1,0,Accountants,1.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Medicine,0.29203841624797633,0.7130414791042483,0.7826078370261895,0.1485,0.1128,0.9811,,,0.16,0.1379,0.3333,,,,0.1579,,0.0,0.1513,0.117,0.9811,,,0.1611,0.1379,0.3333,,,,0.1646,,0.0,0.1499,0.1128,0.9811,,,0.16,0.1379,0.3333,,,,0.1608,,0.0,,block of flats,0.1242,Panel,No,0.0,0.0,0.0,0.0,-1636.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,1.0 +1033737,174601,Cash loans,6217.2,117000.0,147888.0,,117000.0,WEDNESDAY,6,Y,1,,,,XNA,Approved,-300,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-270.0,1140.0,-120.0,-114.0,1.0,0,Cash loans,F,N,Y,0,153000.0,609183.0,17941.5,508500.0,Unaccompanied,Pensioner,Lower secondary,Widow,House / apartment,0.006305,-23319,365243,-12535.0,-3961,,1,0,0,1,0,0,,1.0,3,3,TUESDAY,8,0,0,0,0,0,0,XNA,,0.2718063931779716,0.7281412993111438,0.0186,0.0488,0.9801,0.728,0.0031,0.0,0.1034,0.0833,0.0417,0.0156,0.0151,0.0223,0.0,0.0,0.0189,0.0506,0.9801,0.7387,0.0031,0.0,0.1034,0.0833,0.0417,0.016,0.0165,0.0232,0.0,0.0,0.0187,0.0488,0.9801,0.7316,0.0031,0.0,0.1034,0.0833,0.0417,0.0159,0.0154,0.0227,0.0,0.0,reg oper account,block of flats,0.0192,"Stone, brick",No,9.0,0.0,8.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2217491,419051,Revolving loans,2250.0,45000.0,45000.0,,45000.0,MONDAY,18,Y,1,,,,XAP,Refused,-215,XNA,HC,Family,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,N,Y,0,247500.0,1099350.0,35595.0,787500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.022625,-9920,-326,-4770.0,-2591,,1,1,0,1,0,0,High skill tech staff,2.0,2,2,SATURDAY,12,0,0,0,0,1,1,Business Entity Type 1,,0.36315303490422496,0.5442347412142162,0.0495,,0.9816,,,0.0,0.1034,0.125,,,,0.0479,,,0.0504,,0.9816,,,0.0,0.1034,0.125,,,,0.0499,,,0.05,,0.9816,,,0.0,0.1034,0.125,,,,0.0488,,,,block of flats,0.0412,"Stone, brick",No,2.0,0.0,2.0,0.0,-1263.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1091974,389397,Cash loans,66199.905,877500.0,915723.0,,877500.0,TUESDAY,11,Y,1,,,,XNA,Approved,-498,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-468.0,42.0,-48.0,-45.0,1.0,0,Cash loans,F,N,Y,0,202500.0,1575000.0,47884.5,1575000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.025164,-18196,-10426,-688.0,-1736,,1,1,0,1,0,1,High skill tech staff,1.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,Business Entity Type 2,0.8554135920152317,0.746163481021609,0.4101025731788671,0.0825,0.0051,0.9742,0.6464,0.0204,0.0,0.1379,0.1667,0.2083,0.063,0.0672,0.0661,0.0039,0.0223,0.084,0.0053,0.9742,0.6602,0.0205,0.0,0.1379,0.1667,0.2083,0.0644,0.0735,0.0689,0.0039,0.0236,0.0833,0.0051,0.9742,0.6511,0.0205,0.0,0.1379,0.1667,0.2083,0.0641,0.0684,0.0673,0.0039,0.0227,reg oper account,block of flats,0.0528,Panel,No,12.0,0.0,12.0,0.0,-2528.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2828281,180763,Revolving loans,2250.0,45000.0,45000.0,,45000.0,FRIDAY,14,Y,1,,,,XAP,Refused,-138,XNA,SCO,Unaccompanied,Repeater,XNA,Cards,walk-in,Country-wide,130,Connectivity,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,121500.0,685012.5,33084.0,553500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.072508,-23536,365243,-737.0,-4895,,1,0,0,1,1,0,,2.0,1,1,WEDNESDAY,12,0,0,0,0,0,0,XNA,,0.643303765420792,0.5172965813614878,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-645.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1875463,339464,Cash loans,33643.845,675000.0,744498.0,,675000.0,FRIDAY,6,Y,1,,,,XNA,Approved,-507,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-477.0,573.0,-27.0,-22.0,1.0,0,Cash loans,F,N,N,0,99000.0,835380.0,33259.5,675000.0,Children,Pensioner,Secondary / secondary special,Widow,Municipal apartment,0.014464,-22279,365243,-4689.0,-4780,,1,0,0,1,0,0,,1.0,2,2,MONDAY,5,0,0,0,0,0,0,XNA,,0.3868252747352083,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-709.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2828720,379139,Cash loans,29129.805,337500.0,368685.0,,337500.0,TUESDAY,13,Y,1,,,,Business development,Refused,-797,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,high,Cash Street: high,,,,,,,0,Cash loans,M,Y,Y,2,225000.0,467667.0,34020.0,423000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,Rented apartment,0.020246,-17804,-1093,-942.0,-1148,11.0,1,1,0,1,0,1,Sales staff,4.0,3,3,MONDAY,7,0,0,0,0,0,0,Business Entity Type 3,,0.3486673072115545,0.12373532211307872,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,0.0,8.0,0.0,-916.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2128036,444523,Cash loans,19340.46,148500.0,179577.0,,148500.0,THURSDAY,13,Y,1,,,,XNA,Approved,-506,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-476.0,-146.0,-356.0,-349.0,1.0,0,Cash loans,F,N,N,0,135000.0,970380.0,28372.5,810000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009334,-16873,-1323,-4799.0,-429,,1,1,1,1,1,0,,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Self-employed,,0.6891670523928994,0.3876253444214701,0.2454,0.1799,0.9911,0.9796,0.078,0.28,0.2241,0.3333,0.375,0.107,0.2118,0.2524,0.0,0.0,0.2353,0.1496,0.9836,0.9804,0.0787,0.282,0.2069,0.3333,0.375,0.0268,0.2314,0.2248,0.0,0.0,0.2477,0.1799,0.9911,0.9799,0.0785,0.28,0.2241,0.3333,0.375,0.1089,0.2155,0.2569,0.0,0.0,reg oper spec account,block of flats,0.1697,Panel,No,0.0,0.0,0.0,0.0,-364.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +2805903,214279,Cash loans,29529.765,454500.0,526491.0,,454500.0,MONDAY,17,Y,1,,,,XNA,Approved,-284,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-254.0,436.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,1,202500.0,711747.0,39870.0,607500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.01885,-13745,-1477,-506.0,-1738,,1,1,0,1,0,0,Laborers,3.0,2,2,FRIDAY,15,0,0,0,0,0,0,Self-employed,0.6111403362833056,0.4753661447957678,,0.1536,0.14400000000000002,0.9881,0.8368,0.0652,0.0,0.3448,0.1667,0.2083,0.0912,0.1252,0.1414,0.0,0.0,0.1565,0.1494,0.9881,0.8432,0.0658,0.0,0.3448,0.1667,0.2083,0.0933,0.1368,0.1473,0.0,0.0,0.1551,0.14400000000000002,0.9881,0.8390000000000001,0.0656,0.0,0.3448,0.1667,0.2083,0.0928,0.1274,0.1439,0.0,0.0,,block of flats,0.1469,Panel,No,0.0,0.0,0.0,0.0,-284.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2041455,312771,Revolving loans,22500.0,0.0,450000.0,,0.0,WEDNESDAY,12,Y,1,,,,XAP,Refused,-1161,XNA,HC,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Revolving loans,M,Y,Y,0,360000.0,675000.0,33750.0,675000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.020246,-23251,365243,-8484.0,-4785,9.0,1,0,0,1,0,0,,2.0,3,3,TUESDAY,15,0,0,0,0,0,0,XNA,0.7856375426661844,0.5461582882196786,0.5585066276769286,0.1237,0.1199,0.9752,0.66,0.0147,0.0,0.2069,0.1667,0.2083,0.0978,0.0962,0.0996,0.0212,0.0242,0.084,0.083,0.9752,0.6733,0.0096,0.0,0.1379,0.1667,0.2083,0.0719,0.0735,0.0736,0.0,0.0,0.1249,0.1199,0.9752,0.6645,0.0148,0.0,0.2069,0.1667,0.2083,0.0995,0.0979,0.1014,0.0214,0.0247,reg oper account,block of flats,0.6097,Panel,No,0.0,0.0,0.0,0.0,-1555.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1120224,403140,Consumer loans,,53761.5,53761.5,0.0,53761.5,FRIDAY,12,Y,1,0.0,,,XAP,Refused,-2034,Cash through the bank,HC,"Spouse, partner",Refreshed,Audio/Video,XNA,XNA,Country-wide,1655,Consumer electronics,,XNA,POS household with interest,,,,,,,0,Cash loans,M,Y,Y,0,135000.0,945000.0,27630.0,945000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-12601,-3601,-12567.0,-3414,13.0,1,1,1,1,0,0,Drivers,2.0,2,2,TUESDAY,14,0,0,0,0,1,1,Business Entity Type 3,0.2577089996205205,0.4364987696132529,0.524496446363472,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1642.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2615451,318348,Consumer loans,14835.645,179955.0,203116.5,0.0,179955.0,MONDAY,12,Y,1,0.0,,,XAP,Refused,-211,Cash through the bank,HC,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,120,Connectivity,18.0,middle,POS mobile with interest,,,,,,,0,Cash loans,M,Y,Y,0,169650.0,1090926.0,41683.5,1003500.0,Unaccompanied,Commercial associate,Incomplete higher,Single / not married,With parents,0.02461,-7692,-248,-2387.0,-356,3.0,1,1,0,1,1,0,,1.0,2,2,TUESDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.13461834626188388,,0.1013,0.0627,0.996,0.9456,0.0378,0.1016,0.05,0.5792,0.0417,0.0886,0.0937,0.1411,0.0116,0.0769,0.0,0.0354,0.9955,0.9412,0.0164,0.0806,0.0345,0.6667,0.0417,0.0,0.1469,0.0455,0.0117,0.0,0.1004,0.0428,0.996,0.9463,0.0324,0.08,0.0345,0.6667,0.0417,0.0214,0.0821,0.1273,0.0116,0.0345,org spec account,block of flats,0.1949,"Stone, brick",No,0.0,0.0,0.0,0.0,-349.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1399448,222794,Cash loans,23816.16,292500.0,316822.5,,292500.0,TUESDAY,14,Y,1,,,,Medicine,Refused,-1477,XNA,HC,Unaccompanied,Refreshed,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,N,0,76500.0,593010.0,19260.0,495000.0,Family,Working,Secondary / secondary special,Separated,House / apartment,0.020246,-13681,-1826,-13330.0,-2921,,1,1,0,1,0,0,Cleaning staff,1.0,3,3,WEDNESDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.5745676383082016,0.6706517530862718,0.1026,0.1119,0.9781,0.7008,0.0136,0.0,0.2069,0.1667,0.2083,0.0929,0.0828,0.0942,0.0039,0.0025,0.0735,0.0723,0.9782,0.7125,0.0094,0.0,0.1379,0.1667,0.2083,0.0647,0.0643,0.0711,0.0,0.0,0.1036,0.1119,0.9781,0.7048,0.0136,0.0,0.2069,0.1667,0.2083,0.0945,0.0842,0.0959,0.0039,0.0025,reg oper spec account,block of flats,0.0587,"Stone, brick",No,4.0,0.0,4.0,0.0,-1478.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1542678,327155,Cash loans,23552.64,360000.0,409896.0,,360000.0,THURSDAY,10,Y,1,,,,XNA,Approved,-672,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash X-Sell: high,365243.0,-642.0,408.0,-402.0,-396.0,1.0,0,Revolving loans,F,N,Y,1,225000.0,202500.0,10125.0,202500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-9336,-1954,-1029.0,-1660,,1,1,0,1,0,0,Core staff,3.0,2,2,THURSDAY,15,0,0,0,0,1,1,Self-employed,0.5912277636214929,0.5628217209311146,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1269.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2244816,192562,Cash loans,27389.25,454500.0,490495.5,,454500.0,THURSDAY,11,Y,1,,,,XNA,Approved,-390,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-360.0,330.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,247500.0,824823.0,24246.0,688500.0,Family,Commercial associate,Higher education,Married,House / apartment,0.02461,-23544,-780,-6937.0,-150,,1,1,0,1,1,0,,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Other,0.7634724401601704,0.6166889853575871,0.6879328378491735,0.0825,,0.9742,,0.0,0.0,0.1379,0.1667,,0.0582,,0.0697,,0.0,0.084,,0.9742,,0.0,0.0,0.1379,0.1667,,0.0595,,0.0726,,0.0,0.0833,,0.9742,,0.0,0.0,0.1379,0.1667,,0.0592,,0.071,,0.0,,block of flats,0.0587,Panel,No,2.0,0.0,2.0,0.0,-390.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1416412,144861,Cash loans,16324.335,189000.0,248715.0,,189000.0,FRIDAY,18,Y,1,,,,XNA,Refused,-197,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,39,Connectivity,24.0,middle,Cash X-Sell: middle,,,,,,,1,Cash loans,M,N,Y,2,117000.0,254700.0,20250.0,225000.0,"Spouse, partner",Working,Lower secondary,Married,House / apartment,0.02461,-14154,-160,-1110.0,-1101,,1,1,1,1,1,0,Laborers,4.0,2,2,SATURDAY,11,0,0,0,0,1,1,Self-employed,,0.3240110168053869,0.2622489709189549,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-197.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1519305,130578,Consumer loans,17828.46,121410.0,98910.0,22500.0,121410.0,SATURDAY,10,Y,1,0.2018330076150684,,,XAP,Approved,-140,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,100,Furniture,6.0,low_normal,POS industry with interest,365243.0,-110.0,40.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,202500.0,494118.0,31707.0,436500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-20295,-3700,-9270.0,-3789,,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,Self-employed,,0.5670569392362769,0.3876253444214701,0.0247,0.0423,0.9866,,,0.0,0.1034,0.0833,,0.0416,,0.0257,,0.0,0.0252,0.0439,0.9866,,,0.0,0.1034,0.0833,,0.0426,,0.0268,,0.0,0.025,0.0423,0.9866,,,0.0,0.1034,0.0833,,0.0424,,0.0261,,0.0,,block of flats,0.0302,Panel,No,6.0,0.0,6.0,0.0,-3399.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,4.0 +2653694,207847,Consumer loans,5593.95,36094.5,38475.0,0.0,36094.5,THURSDAY,14,Y,1,0.0,,,XAP,Approved,-1566,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Regional / Local,300,Consumer electronics,8.0,middle,POS household without interest,365243.0,-1535.0,-1325.0,-1325.0,-1317.0,0.0,0,Cash loans,M,Y,N,0,225000.0,948096.0,37026.0,720000.0,Family,State servant,Higher education,Married,Rented apartment,0.025164,-9604,-2151,-1014.0,-2224,13.0,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.17805934671666965,0.6316254863422041,0.3506958432829587,0.0899,0.0612,0.9851,0.7959999999999999,0.0116,0.04,0.0603,0.2083,,0.0154,,0.0588,,0.0019,0.0567,0.0489,0.9921,0.8955,0.0079,0.0403,0.0345,0.1667,,0.0154,,0.042,,0.0,0.0645,0.0577,0.9861,0.8121,0.0135,0.04,0.0345,0.1667,,0.0157,,0.055,,0.0019,reg oper account,block of flats,0.0317,Block,No,1.0,0.0,1.0,0.0,-778.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2717202,441255,Consumer loans,2231.325,15453.0,16726.5,0.0,15453.0,THURSDAY,10,Y,1,0.0,,,XAP,Approved,-2580,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,60,Connectivity,10.0,high,POS mobile with interest,365243.0,-2549.0,-2279.0,-2279.0,-2276.0,1.0,0,Cash loans,F,N,Y,0,112500.0,1002870.0,39901.5,922500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.0038130000000000004,-20736,365243,-7223.0,-4289,,1,0,0,1,0,0,,2.0,2,2,MONDAY,9,0,0,0,0,0,0,XNA,0.7297424038150186,0.4871629674427618,0.7121551551910698,0.1165,0.0594,0.9866,,,0.0,0.2759,0.1667,,0.1065,,0.1055,,0.0172,0.1187,0.0616,0.9866,,,0.0,0.2759,0.1667,,0.1089,,0.11,,0.0182,0.1176,0.0594,0.9866,,,0.0,0.2759,0.1667,,0.1084,,0.1074,,0.0175,,block of flats,0.0867,"Stone, brick",No,2.0,0.0,2.0,0.0,-1558.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,3.0 +2424600,188046,Cash loans,39926.835,630000.0,694863.0,,630000.0,FRIDAY,18,Y,1,,,,XNA,Approved,-586,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash X-Sell: high,365243.0,-556.0,494.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,2,225000.0,1006920.0,51543.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.007273999999999998,-10910,-3276,-399.0,-2388,,1,1,0,1,0,0,High skill tech staff,4.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Medicine,0.35649501220581964,0.6985587882746584,0.7121551551910698,0.0722,0.0755,0.9796,0.7212,0.0317,0.0,0.1379,0.1667,,0.0552,0.0588,0.0462,0.0,0.0,0.0735,0.0784,0.9796,0.7321,0.032,0.0,0.1379,0.1667,,0.0565,0.0643,0.0482,0.0,0.0,0.0729,0.0755,0.9796,0.7249,0.0319,0.0,0.1379,0.1667,,0.0562,0.0599,0.0471,0.0,0.0,reg oper account,block of flats,0.0528,Panel,No,0.0,0.0,0.0,0.0,-2058.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2231278,393588,Consumer loans,15434.82,76495.5,81022.5,7650.0,76495.5,MONDAY,10,Y,1,0.0939586168715831,,,XAP,Refused,-473,Cash through the bank,LIMIT,,Repeater,Computers,POS,XNA,Country-wide,1900,Consumer electronics,6.0,middle,POS household with interest,,,,,,,0,Cash loans,M,N,Y,0,247500.0,1042560.0,61087.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.032561,-13558,-2348,-507.0,-2851,,1,1,0,1,0,0,Cooking staff,2.0,1,1,FRIDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.5292436954655744,0.2301588968634147,0.0361,0.0219,0.9796,0.7212,0.0093,0.08,0.069,0.3333,0.375,0.0173,0.0275,0.1184,0.009000000000000001,0.0386,0.0368,0.0227,0.9791,0.7256,0.0,0.0806,0.069,0.3333,0.375,0.0177,0.0303,0.12,0.0078,0.0341,0.0364,0.0219,0.9796,0.7249,0.0139,0.08,0.069,0.3333,0.375,0.0176,0.0282,0.122,0.0078,0.0416,reg oper account,block of flats,0.0999,"Stone, brick",No,0.0,0.0,0.0,0.0,-519.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2603763,399636,Cash loans,27790.965,450000.0,512370.0,,450000.0,MONDAY,14,Y,1,,,,XNA,Approved,-1038,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-1008.0,42.0,-858.0,-850.0,1.0,0,Cash loans,F,Y,Y,0,225000.0,203760.0,20281.5,180000.0,Unaccompanied,State servant,Higher education,Widow,House / apartment,0.018801,-17643,-4778,-1441.0,-1185,15.0,1,1,0,1,0,0,,1.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Other,0.7589996798646985,0.6351038663213532,0.18848953379516772,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1038.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1322712,426163,Consumer loans,4451.67,34622.1,39194.1,0.0,34622.1,MONDAY,12,Y,1,0.0,,,XAP,Approved,-86,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,25,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,365243.0,365243.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,2,45000.0,261000.0,15111.0,261000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018209,-14094,-4884,-4631.0,-4883,,1,1,0,1,1,0,Medicine staff,4.0,3,3,WEDNESDAY,11,0,0,0,0,0,0,Medicine,0.5304899854698231,0.5289167912948914,0.375711009574066,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1762.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2792018,390772,Consumer loans,11785.5,130950.0,104760.0,26190.0,130950.0,SATURDAY,16,Y,1,0.2178181818181818,,,XAP,Approved,-2715,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Stone,17,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-2684.0,-2414.0,-2444.0,-2441.0,0.0,0,Cash loans,F,N,Y,1,292500.0,1671210.0,44086.5,1395000.0,Unaccompanied,State servant,Secondary / secondary special,Married,Municipal apartment,0.072508,-17339,-4820,-5166.0,-882,,1,1,1,1,1,0,Core staff,3.0,1,1,FRIDAY,17,0,0,0,0,0,0,School,0.8276609027411348,0.7358446995330913,0.7091891096653581,0.2959,0.1857,0.9791,0.7144,0.0944,0.32,0.2759,0.3333,0.375,0.0351,0.2412,0.2855,0.0,0.0,0.3015,0.1927,0.9791,0.7256,0.0952,0.3222,0.2759,0.3333,0.375,0.0359,0.2635,0.2975,0.0,0.0,0.2987,0.1857,0.9791,0.7182,0.095,0.32,0.2759,0.3333,0.375,0.0357,0.2454,0.2906,0.0,0.0,reg oper account,block of flats,0.2246,Panel,No,0.0,0.0,0.0,0.0,-2041.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1469806,168223,Consumer loans,4267.935,16645.5,14980.5,1665.0,16645.5,FRIDAY,14,Y,1,0.10893853375605196,,,XAP,Approved,-2629,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,55,Connectivity,4.0,low_normal,POS mobile with interest,365243.0,-2593.0,-2503.0,-2503.0,-2501.0,0.0,0,Cash loans,M,N,Y,0,135000.0,675000.0,24930.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-20957,-1698,-517.0,-733,,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Self-employed,,0.6114652681084936,0.24318648044201235,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-1738.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1537347,117591,Cash loans,18809.325,171000.0,182286.0,,171000.0,MONDAY,9,Y,1,,,,Other,Approved,-863,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-833.0,-503.0,-503.0,-500.0,1.0,0,Cash loans,F,N,Y,0,382500.0,2085120.0,72607.5,1800000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.010006000000000001,-23049,-3469,-2560.0,-5132,,1,1,0,1,0,0,Private service staff,1.0,2,1,WEDNESDAY,14,0,0,0,0,0,0,Self-employed,0.7492916208450829,0.03217787741858216,0.20559813854932085,0.1082,0.0642,0.9866,0.8164,0.0428,0.08,0.0345,0.3333,0.375,0.0751,0.0874,0.0915,0.0039,0.0138,0.1103,0.0667,0.9866,0.8236,0.0432,0.0806,0.0345,0.3333,0.375,0.0768,0.0955,0.0953,0.0039,0.0146,0.1093,0.0642,0.9866,0.8189,0.0431,0.08,0.0345,0.3333,0.375,0.0764,0.0889,0.0931,0.0039,0.0141,reg oper account,block of flats,0.0994,Panel,No,0.0,0.0,0.0,0.0,-1415.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2158032,345555,Cash loans,16293.15,225000.0,254700.0,0.0,225000.0,TUESDAY,14,Y,1,0.0,,,XNA,Approved,-1530,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-1500.0,-810.0,-900.0,-895.0,1.0,0,Cash loans,F,N,Y,0,162000.0,533668.5,21865.5,477000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.018801,-22484,365243,-2602.0,-3974,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,8,0,0,0,0,0,0,XNA,,0.5204639696629946,0.6479768603302221,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1530.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1949804,113785,Cash loans,10873.71,103500.0,103500.0,,103500.0,FRIDAY,9,Y,1,,,,XNA,Approved,-1309,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,N,N,0,157500.0,1078200.0,38200.5,900000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.018801,-15109,-620,-7469.0,-4266,,1,1,0,1,0,0,Security staff,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.546472647451951,0.266456808245056,,,0.9896,,,0.0,,0.1667,,,,0.1082,,0.1199,,,0.9896,,,0.0,,0.1667,,,,0.1127,,0.127,,,0.9896,,,0.0,,0.1667,,,,0.1101,,0.1224,,block of flats,0.1112,,No,0.0,0.0,0.0,0.0,-1418.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1559780,226153,Consumer loans,5514.435,46728.0,57681.0,0.0,46728.0,THURSDAY,16,Y,1,0.0,,,XAP,Approved,-445,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Country-wide,1000,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-414.0,-84.0,-174.0,-169.0,0.0,0,Cash loans,F,N,Y,1,90000.0,562491.0,22437.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.016612000000000002,-11224,-1863,-5772.0,-3601,,1,1,0,1,0,0,Cooking staff,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Self-employed,0.1888837798066524,0.3212774129588528,0.7726311345553628,0.0763,0.102,0.9871,0.8232,0.047,0.0,0.2069,0.1667,0.2083,0.1,0.0622,0.0843,0.0,0.0,0.0777,0.1058,0.9871,0.8301,0.0474,0.0,0.2069,0.1667,0.2083,0.1023,0.068,0.0878,0.0,0.0,0.077,0.102,0.9871,0.8256,0.0473,0.0,0.2069,0.1667,0.2083,0.1018,0.0633,0.0858,0.0,0.0,reg oper account,block of flats,0.092,"Stone, brick",No,0.0,0.0,0.0,0.0,-1045.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2205429,269325,Revolving loans,15750.0,315000.0,315000.0,,315000.0,TUESDAY,13,Y,1,,,,XAP,Refused,-266,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,N,Y,0,166500.0,225000.0,11074.5,225000.0,Children,Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-20379,365243,-11396.0,-3182,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,,0.6936414608817025,0.7165702448010511,0.0103,,0.9707,,,0.0,0.069,0.0417,,,,0.009000000000000001,,,0.0105,,0.9707,,,0.0,0.069,0.0417,,,,0.0094,,,0.0104,,0.9707,,,0.0,0.069,0.0417,,,,0.0091,,,,block of flats,0.0095,"Stone, brick",No,0.0,0.0,0.0,0.0,-1.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +1720407,166347,Cash loans,11213.01,112500.0,119925.0,,112500.0,FRIDAY,16,Y,1,,,,XNA,Approved,-293,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-263.0,67.0,365243.0,365243.0,1.0,0,Cash loans,M,N,N,0,135000.0,247275.0,17208.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.0105,-24086,365243,-7681.0,-5430,,1,0,0,1,0,0,,1.0,3,3,THURSDAY,10,0,0,0,0,0,0,XNA,,0.4986570304477223,,0.0907,0.1273,0.9896,0.8572,0.053,0.0,0.2069,0.1667,0.2083,0.1056,0.0731,0.0851,0.0039,0.0037,0.0924,0.1321,0.9896,0.8628,0.0535,0.0,0.2069,0.1667,0.2083,0.108,0.0799,0.0887,0.0039,0.0039,0.0916,0.1273,0.9896,0.8591,0.0534,0.0,0.2069,0.1667,0.2083,0.1074,0.0744,0.0867,0.0039,0.0037,reg oper spec account,block of flats,0.0678,"Stone, brick",No,0.0,0.0,0.0,0.0,-293.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2660632,367608,Cash loans,58492.44,990000.0,1047501.0,,990000.0,MONDAY,12,Y,1,,,,XNA,Approved,-870,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,540000.0,1400503.5,129730.5,1368000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.018801,-23352,365243,-9809.0,-4293,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,,0.4973012633185316,0.7338145369642702,0.2227,0.129,0.9851,0.7959999999999999,0.0949,0.24,0.2069,0.3333,,0.0646,0.1816,0.2237,0.0,0.0,0.2269,0.1339,0.9851,0.804,0.0958,0.2417,0.2069,0.3333,,0.0661,0.1983,0.233,0.0,0.0,0.2248,0.129,0.9851,0.7987,0.0955,0.24,0.2069,0.3333,,0.0657,0.1847,0.2277,0.0,0.0,,block of flats,0.2278,Panel,No,0.0,0.0,0.0,0.0,-1348.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2629710,318971,Consumer loans,3496.995,18445.5,17424.0,1845.0,18445.5,SUNDAY,10,Y,1,0.1042800730329922,,,XAP,Approved,-2858,Cash through the bank,XAP,"Spouse, partner",New,Mobile,POS,XNA,Regional / Local,15,Connectivity,6.0,high,POS mobile with interest,365243.0,-2827.0,-2677.0,-2677.0,-2669.0,1.0,0,Cash loans,M,N,N,1,90000.0,345510.0,18742.5,247500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.031329,-12312,-2393,-6441.0,-4451,,1,1,0,1,0,0,Low-skill Laborers,2.0,2,2,TUESDAY,8,0,0,0,0,0,0,Trade: type 7,,0.49346384875239097,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2644.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1410019,416379,Revolving loans,5625.0,0.0,112500.0,,,TUESDAY,14,Y,1,,,,XAP,Approved,-2545,XNA,XAP,,Repeater,XNA,Cards,x-sell,Stone,775,Consumer electronics,0.0,XNA,Card Street,-2543.0,-2495.0,365243.0,-882.0,365243.0,1.0,0,Cash loans,F,Y,N,1,135000.0,621000.0,22815.0,621000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.010966,-10754,-3347,-10728.0,-3405,4.0,1,1,1,1,1,0,,3.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Business Entity Type 1,0.6549654085374232,0.6302149806843074,0.4014074137749511,0.0619,0.0091,0.9767,,0.0083,0.0,0.1379,0.1667,0.2083,0.0586,0.0496,0.049,0.0039,0.0504,0.063,0.0094,0.9767,,0.0084,0.0,0.1379,0.1667,0.2083,0.0599,0.0542,0.051,0.0039,0.0534,0.0625,0.0091,0.9767,,0.0084,0.0,0.1379,0.1667,0.2083,0.0596,0.0504,0.0499,0.0039,0.0515,reg oper account,block of flats,0.0541,"Stone, brick",No,2.0,1.0,2.0,0.0,-2787.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1459937,115796,Consumer loans,8903.7,114475.5,147721.5,0.0,114475.5,SUNDAY,9,Y,1,0.0,,,XAP,Approved,-177,XNA,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,1295,Consumer electronics,24.0,middle,POS household with interest,,,,,,,0,Revolving loans,F,N,Y,0,135000.0,180000.0,9000.0,180000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.006629,-9253,-102,-280.0,-267,,1,1,1,1,0,0,High skill tech staff,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Kindergarten,,0.3168116740800984,,0.0948,0.1012,0.9851,0.7484,,0.0,0.1379,0.125,0.1667,0.0183,0.0538,0.0765,0.1081,0.0159,0.0966,0.105,0.9816,0.7583,,0.0,0.1379,0.125,0.1667,0.0187,0.0588,0.0709,0.1089,0.0168,0.0958,0.1012,0.9851,0.7518,,0.0,0.1379,0.125,0.1667,0.0186,0.0547,0.0779,0.1087,0.0162,,block of flats,0.0569,Panel,No,7.0,0.0,7.0,0.0,-177.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2363251,337392,Consumer loans,8837.415,121041.0,146605.5,0.0,121041.0,WEDNESDAY,5,Y,1,0.0,,,XAP,Approved,-827,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,1939,Consumer electronics,24.0,middle,POS household with interest,365243.0,-796.0,-106.0,-796.0,-788.0,0.0,0,Cash loans,F,Y,Y,0,337500.0,1251072.0,45067.5,1080000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-16607,-5652,-1550.0,-154,16.0,1,1,0,1,0,0,Drivers,2.0,3,3,THURSDAY,4,0,0,0,0,0,0,Construction,,0.18562381856559929,0.8406665596573005,0.033,0.0293,0.9752,,,0.0,0.069,0.125,,0.0077,,0.0163,,0.0,0.0336,0.0304,0.9752,,,0.0,0.069,0.125,,0.0079,,0.017,,0.0,0.0333,0.0293,0.9752,,,0.0,0.069,0.125,,0.0078,,0.0166,,0.0,,block of flats,0.0208,"Stone, brick",No,11.0,0.0,10.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1906463,320040,Consumer loans,57737.07,478764.0,532728.0,0.0,478764.0,SUNDAY,4,Y,1,0.0,,,XAP,Approved,-243,Cash through the bank,XAP,Unaccompanied,Refreshed,Clothing and Accessories,POS,XNA,Stone,60,Clothing,10.0,low_action,POS industry with interest,365243.0,-212.0,58.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,202500.0,1067940.0,31225.5,765000.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,House / apartment,0.002506,-14180,-2467,-8297.0,-4741,,1,1,0,1,0,0,,2.0,2,2,FRIDAY,6,0,0,0,0,0,0,Postal,,0.7498730075168948,0.5424451438613613,0.0825,,0.9821,0.7552,0.0,0.0,0.1379,0.1667,0.0417,,0.0672,0.0681,0.0,0.0,0.084,,0.9821,0.7648,0.0,0.0,0.1379,0.1667,0.0417,,0.0735,0.0709,0.0,0.0,0.0833,,0.9821,0.7585,0.0,0.0,0.1379,0.1667,0.0417,,0.0684,0.0693,0.0,0.0,reg oper account,block of flats,0.0535,Panel,No,0.0,0.0,0.0,0.0,-2255.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1630190,356387,Consumer loans,4335.075,40050.0,39019.5,4005.0,40050.0,FRIDAY,11,Y,1,0.10137965789048307,,,XAP,Approved,-1768,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Stone,27,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1716.0,-1446.0,-1446.0,-1437.0,0.0,0,Cash loans,F,N,N,0,72000.0,495351.0,25776.0,459000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-21611,365243,-3431.0,-1264,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,XNA,0.7555911154982482,0.6121508136828895,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1768.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1941319,170454,Consumer loans,4521.195,25195.5,23683.5,2700.0,25195.5,SUNDAY,9,Y,1,0.11145395624331322,,,XAP,Approved,-977,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Country-wide,120,Consumer electronics,6.0,middle,POS household with interest,365243.0,-940.0,-790.0,-790.0,-780.0,0.0,0,Cash loans,M,N,Y,0,135000.0,247275.0,19953.0,225000.0,Family,Working,Higher education,Civil marriage,House / apartment,0.030755,-11476,-2894,-9800.0,-2939,,1,1,1,1,0,0,Drivers,2.0,2,2,THURSDAY,12,0,0,0,0,1,1,Business Entity Type 3,,0.40936752276617744,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,1.0,4.0,1.0,-1224.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1878871,443575,Consumer loans,,89361.0,89361.0,0.0,89361.0,MONDAY,18,Y,1,0.0,,,XAP,Refused,-1577,Cash through the bank,XNA,,Repeater,Computers,XNA,XNA,Country-wide,56,Connectivity,,XNA,POS mobile with interest,,,,,,,1,Cash loans,F,Y,Y,0,225000.0,225000.0,16371.0,225000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.035792000000000004,-14377,-2486,-4375.0,-4376,1.0,1,1,0,1,1,0,Cleaning staff,1.0,2,2,WEDNESDAY,10,0,0,0,1,1,0,Trade: type 7,,0.5730649239073784,0.16048893062734468,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-1655.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1861898,184376,Cash loans,31544.37,675000.0,744498.0,,675000.0,TUESDAY,2,Y,1,,,,XNA,Approved,-332,XNA,XAP,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-302.0,748.0,-302.0,-299.0,1.0,0,Cash loans,F,N,Y,0,202500.0,299772.0,15651.0,247500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.006629,-16444,-2929,-36.0,-1,,1,1,0,1,0,1,,2.0,2,2,FRIDAY,9,0,0,0,1,1,0,Other,,0.6881261657040989,0.7165702448010511,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,3.0,8.0,0.0,-401.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1369956,427004,Cash loans,92606.985,810000.0,837801.0,,810000.0,SATURDAY,12,Y,1,,,,XNA,Approved,-765,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-735.0,-405.0,-405.0,-393.0,1.0,0,Cash loans,M,Y,Y,0,675000.0,579942.0,42331.5,495000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.072508,-16134,-1692,-5291.0,-3262,2.0,1,1,0,1,1,0,,2.0,1,1,MONDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.5080814292572581,0.7068227980279771,0.22009464485041005,0.2959,0.23,0.9776,0.6940000000000001,0.0453,0.32,0.2759,0.3333,0.375,0.0349,0.2412,0.2849,0.0,0.0,0.3015,0.1931,0.9777,0.706,0.0,0.3222,0.2759,0.3333,0.375,0.0355,0.2635,0.2964,0.0,0.0,0.2987,0.23,0.9776,0.6981,0.0456,0.32,0.2759,0.3333,0.375,0.0355,0.2454,0.29,0.0,0.0,reg oper account,block of flats,0.2238,Panel,No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +2378736,436493,Consumer loans,12852.81,107154.0,104071.5,10719.0,107154.0,WEDNESDAY,17,Y,1,0.1016980103279056,,,XAP,Approved,-1183,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Regional / Local,777,Consumer electronics,9.0,low_normal,POS household with interest,365243.0,-1152.0,-912.0,-912.0,-906.0,0.0,0,Cash loans,F,N,N,0,101700.0,258709.5,26239.5,234000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.032561,-19315,-811,-3389.0,-457,,1,1,0,1,1,0,,2.0,1,1,TUESDAY,10,0,0,0,0,0,0,Hotel,0.7729049606824526,0.7051888078008892,0.4014074137749511,0.0639,,0.9786,0.7076,,0.12,0.1034,0.3333,,0.0801,0.0403,0.2001,,0.0621,0.0651,,0.9786,0.7190000000000001,,0.1208,0.1034,0.3333,,0.08199999999999999,0.0441,0.2085,,0.0657,0.0645,,0.9786,0.7115,,0.12,0.1034,0.3333,,0.0815,0.041,0.2037,,0.0634,,block of flats,0.1841,"Stone, brick",No,0.0,0.0,0.0,0.0,-56.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2080871,324583,Consumer loans,4472.55,44730.0,40257.0,4473.0,44730.0,THURSDAY,16,Y,1,0.1089090909090909,,,XAP,Approved,-2654,XNA,XAP,Family,New,Consumer Electronics,POS,XNA,Stone,37,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2619.0,-2349.0,-2349.0,-2343.0,0.0,0,Cash loans,F,N,Y,0,90000.0,286704.0,20520.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-16193,-339,-4782.0,-4547,,1,1,0,1,0,0,Cooking staff,2.0,2,2,FRIDAY,12,0,0,0,1,1,0,Self-employed,,0.3020894456435957,0.6092756673894402,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-500.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1106229,312106,Consumer loans,7855.695,38205.0,38205.0,0.0,38205.0,THURSDAY,11,Y,1,0.0,,,XAP,Approved,-564,XNA,XAP,,Refreshed,Computers,POS,XNA,Country-wide,13,Connectivity,6.0,high,POS mobile with interest,365243.0,-518.0,-368.0,-368.0,-365.0,0.0,0,Cash loans,M,N,N,0,121500.0,260568.0,25902.0,247500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.006233,-14985,365243,-6136.0,-4953,,1,0,0,1,0,0,,2.0,2,2,SUNDAY,18,0,0,0,0,0,0,XNA,0.4286954635723239,0.2160074792986414,0.2955826421513093,0.0773,0.0727,0.9806,0.7348,0.0153,0.0,0.1724,0.1667,,0.0163,0.0622,0.0685,0.0039,0.0022,0.0788,0.0755,0.9806,0.7452,0.0154,0.0,0.1724,0.1667,,0.0167,0.068,0.0713,0.0039,0.0024,0.0781,0.0727,0.9806,0.7383,0.0154,0.0,0.1724,0.1667,,0.0166,0.0633,0.0697,0.0039,0.0023,reg oper account,block of flats,0.0657,Panel,No,0.0,0.0,0.0,0.0,-2331.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2588572,246574,Consumer loans,5094.225,28305.0,24984.0,4500.0,28305.0,TUESDAY,16,Y,1,0.1662226662226662,,,XAP,Approved,-1599,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,15,Connectivity,6.0,high,POS mobile with interest,365243.0,-1561.0,-1411.0,-1411.0,-1405.0,0.0,0,Cash loans,M,Y,Y,1,189000.0,1006920.0,39933.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.04622,-11381,-233,-5960.0,-3534,13.0,1,1,1,1,1,0,Laborers,3.0,1,1,FRIDAY,17,0,0,0,0,1,1,Business Entity Type 3,,0.7166786652579593,0.18411615593071512,0.0041,,0.9558,,,,0.0345,0.0417,,,,0.0034,,,0.0042,,0.9558,,,,0.0345,0.0417,,,,0.0035,,,0.0042,,0.9558,,,,0.0345,0.0417,,,,0.0034,,,,block of flats,0.0034,Wooden,Yes,0.0,0.0,0.0,0.0,-1599.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1899029,267858,Cash loans,21928.5,225000.0,283131.0,,225000.0,WEDNESDAY,12,Y,1,,,,XNA,Approved,-490,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-460.0,50.0,-310.0,-304.0,1.0,0,Cash loans,F,Y,N,1,90000.0,1256400.0,36864.0,900000.0,Family,State servant,Higher education,Married,House / apartment,0.035792000000000004,-10101,-1227,-3988.0,-2724,7.0,1,1,0,1,0,0,Core staff,3.0,2,2,WEDNESDAY,16,0,0,0,0,1,1,School,,0.6938273064524072,0.5620604831738043,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2229.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,1.0,0.0,0.0,0.0,1.0 +1032935,312041,Cash loans,45495.81,900000.0,1004544.0,,900000.0,FRIDAY,17,Y,1,,,,XNA,Approved,-489,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-459.0,951.0,-219.0,-214.0,1.0,0,Cash loans,F,N,Y,0,225000.0,1170400.5,49716.0,1003500.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.008019,-17251,-2856,-7958.0,-457,,1,1,0,1,1,0,Laborers,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.5780703512422153,0.221335206354466,0.0247,0.0081,0.9742,0.6464,0.0041,0.0,0.069,0.0833,0.125,0.0189,0.0202,0.0191,0.0,0.0,0.0252,0.0084,0.9742,0.6602,0.0042,0.0,0.069,0.0833,0.125,0.0193,0.022,0.0199,0.0,0.0,0.025,0.0081,0.9742,0.6511,0.0041,0.0,0.069,0.0833,0.125,0.0192,0.0205,0.0195,0.0,0.0,reg oper account,block of flats,0.0173,"Stone, brick",No,0.0,0.0,0.0,0.0,-1811.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +2762713,455914,Consumer loans,2837.745,35145.0,28116.0,7029.0,35145.0,MONDAY,16,Y,1,0.2178181818181818,,,XAP,Approved,-311,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,12.0,middle,POS mobile with interest,365243.0,-281.0,49.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,315000.0,1066500.0,31180.5,1066500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.019688999999999998,-12932,-5644,-945.0,-1479,0.0,1,1,0,1,0,1,Core staff,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,Government,0.7892431129232506,0.6631287663921012,0.3910549766342248,0.1031,0.0582,0.9866,0.8164,0.0178,0.1,0.0862,0.375,0.2083,0.0245,0.0841,0.1153,0.0,0.0,0.084,0.0483,0.9866,0.8236,0.0075,0.0806,0.069,0.375,0.0,0.025,0.0735,0.0959,0.0,0.0,0.1041,0.0582,0.9866,0.8189,0.0179,0.1,0.0862,0.375,0.2083,0.0249,0.0855,0.1173,0.0,0.0,reg oper spec account,block of flats,0.0724,Panel,No,1.0,0.0,1.0,0.0,-1669.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2127987,370158,Cash loans,12567.78,180000.0,218722.5,,180000.0,SATURDAY,8,Y,1,,,,XNA,Approved,-488,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash X-Sell: high,365243.0,-458.0,592.0,-308.0,-298.0,1.0,0,Cash loans,F,N,Y,2,94500.0,545040.0,25537.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.0038130000000000004,-10434,-1801,-4049.0,-770,,1,1,0,1,0,0,Laborers,4.0,2,2,THURSDAY,10,0,0,0,0,1,1,Medicine,0.23031421023316986,0.4139752535435992,0.5744466170995097,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1536.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1697033,225835,Consumer loans,4605.165,18855.0,22396.5,0.0,18855.0,MONDAY,16,Y,1,0.0,,,XAP,Refused,-717,Cash through the bank,LIMIT,Unaccompanied,Repeater,Photo / Cinema Equipment,POS,XNA,Regional / Local,213,Consumer electronics,6.0,high,POS household with interest,,,,,,,0,Revolving loans,M,N,Y,0,112500.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Incomplete higher,Single / not married,House / apartment,0.020246,-8559,-340,-8543.0,-906,,1,1,0,1,0,0,Sales staff,1.0,3,3,THURSDAY,7,0,0,0,0,0,0,Business Entity Type 3,,0.3905871830179756,0.4992720153045617,0.0825,0.0795,0.9737,0.6396,0.0145,0.0,0.1379,0.1667,0.0417,0.0568,0.0656,0.0607,0.0077,0.0053,0.084,0.0825,0.9737,0.6537,0.0147,0.0,0.1379,0.1667,0.0417,0.0581,0.0716,0.0632,0.0078,0.0056,0.0833,0.0795,0.9737,0.6444,0.0146,0.0,0.1379,0.1667,0.0417,0.0578,0.0667,0.0618,0.0078,0.0054,reg oper account,block of flats,0.0489,"Stone, brick",No,3.0,1.0,3.0,1.0,-825.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1729172,442754,Revolving loans,2250.0,45000.0,45000.0,,45000.0,MONDAY,7,Y,1,,,,XAP,Refused,-56,XNA,SCO,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,N,0,175500.0,916470.0,26928.0,765000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.007305,-16339,-4129,-5200.0,-4562,,1,1,0,1,0,0,Sales staff,2.0,3,3,MONDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.4432981940191756,0.4241303111942548,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1065.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +1386939,293710,Consumer loans,19437.57,194395.14,174955.5,19439.64,194395.14,MONDAY,18,Y,1,0.10890979681899456,,,XAP,Approved,-2560,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,2709,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2529.0,-2259.0,-2259.0,-2239.0,0.0,0,Cash loans,F,N,Y,1,270000.0,1852731.0,49005.0,1656000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.032561,-16562,-151,-4498.0,-93,,1,1,0,1,0,0,Sales staff,3.0,1,1,SATURDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.7492683726399524,0.6632557640244137,0.5370699579791587,0.0412,,0.9722,,,,0.069,0.1667,,,,0.0464,,0.0097,0.042,,0.9722,,,,0.069,0.1667,,,,0.0483,,0.0103,0.0416,,0.9722,,,,0.069,0.1667,,,,0.0472,,0.01,,,0.037000000000000005,"Stone, brick",No,0.0,0.0,0.0,0.0,-549.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1893991,271932,Consumer loans,9623.07,89505.0,88528.5,8950.5,89505.0,FRIDAY,13,Y,1,0.10000008393416204,,,XAP,Approved,-2298,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,2230,Consumer electronics,12.0,high,POS household with interest,365243.0,-2267.0,-1937.0,-2087.0,-2079.0,1.0,0,Cash loans,M,Y,N,0,157500.0,966555.0,51628.5,913500.0,Family,Working,Secondary / secondary special,Married,With parents,0.025164,-10180,-2533,-2036.0,-2636,13.0,1,1,1,1,1,0,Laborers,2.0,2,2,SUNDAY,9,0,0,0,0,0,0,Industry: type 11,0.3086374825015836,0.6560438621006011,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1457.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2175299,422261,Cash loans,9292.995,135000.0,161730.0,,135000.0,FRIDAY,13,Y,1,,,,XNA,Refused,-1573,XNA,SCO,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash X-Sell: high,,,,,,,1,Cash loans,F,N,Y,2,135000.0,640080.0,31261.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0038130000000000004,-12004,-2596,-1142.0,-2043,,1,1,0,1,0,0,Sales staff,4.0,2,2,WEDNESDAY,5,0,0,0,1,1,0,Business Entity Type 3,,0.30110834231611955,0.4794489811780563,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2150.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1693506,248205,Consumer loans,3793.275,30915.0,27810.0,3105.0,30915.0,WEDNESDAY,16,Y,1,0.10938467645891227,,,XAP,Approved,-1962,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,53,Connectivity,10.0,high,POS mobile with interest,365243.0,-1897.0,-1627.0,-1657.0,-1650.0,0.0,0,Cash loans,M,Y,Y,0,270000.0,367389.0,18886.5,279000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0228,-13376,-3200,-4176.0,-4188,9.0,1,1,0,1,1,0,Drivers,2.0,2,2,FRIDAY,10,0,0,0,1,1,0,Business Entity Type 1,0.579130746305612,0.6411029547578498,0.5298898341969072,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1962.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2260418,456139,Cash loans,10332.72,90000.0,95940.0,,90000.0,FRIDAY,12,Y,1,,,,XNA,Approved,-752,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-718.0,-388.0,-678.0,-672.0,0.0,0,Cash loans,F,N,Y,0,90000.0,203760.0,13747.5,180000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.019688999999999998,-23340,365243,-7902.0,-3982,,1,0,0,1,1,0,,1.0,2,2,MONDAY,14,0,0,0,0,0,0,XNA,,0.19454042579528752,0.4848514754962666,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1696.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2179374,326130,Cash loans,33911.1,675000.0,855045.0,,675000.0,THURSDAY,8,Y,1,,,,XNA,Approved,-759,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,N,Y,0,270000.0,1125000.0,33025.5,1125000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.018209,-17773,-2905,-573.0,-1251,,1,1,0,1,0,0,Laborers,2.0,3,3,SUNDAY,7,0,0,0,0,0,0,Business Entity Type 3,,0.4986515635917288,0.33285056416487313,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,0.0,-2016.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1283114,384149,Revolving loans,22500.0,0.0,450000.0,,,SATURDAY,15,Y,1,,,,XAP,Approved,-919,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,1,180000.0,1563840.0,64539.0,1350000.0,Unaccompanied,State servant,Higher education,Married,Office apartment,0.011656999999999999,-11906,-2876,-4134.0,-4170,,1,1,0,1,0,0,Sales staff,3.0,1,1,MONDAY,11,0,0,0,0,0,0,Self-employed,,0.4968037931483961,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1980.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2832073,119988,Consumer loans,5974.47,115560.0,115560.0,0.0,115560.0,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-1311,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,278,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-1280.0,-590.0,-680.0,-673.0,0.0,0,Cash loans,M,Y,Y,0,153000.0,679500.0,19867.5,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-19163,-2084,-847.0,-2702,10.0,1,1,1,1,0,0,Security staff,2.0,2,2,MONDAY,6,0,0,0,0,1,1,Business Entity Type 3,,0.5858639356866506,0.29859498978739724,0.0763,0.1163,0.9846,0.7892,0.0,0.0,0.2069,0.1667,0.2083,0.0844,0.0622,0.0771,0.0,0.1427,0.0777,0.1207,0.9846,0.7975,0.0,0.0,0.2069,0.1667,0.2083,0.0863,0.068,0.0803,0.0,0.151,0.077,0.1163,0.9846,0.792,0.0,0.0,0.2069,0.1667,0.2083,0.0858,0.0633,0.0785,0.0,0.1457,reg oper account,block of flats,0.0917,"Stone, brick",No,0.0,0.0,0.0,0.0,-1760.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2053776,226439,Consumer loans,15227.235,142650.0,154890.0,0.0,142650.0,TUESDAY,10,Y,1,0.0,,,XAP,Approved,-661,Cash through the bank,XAP,"Spouse, partner",Repeater,Construction Materials,POS,XNA,Stone,21,Construction,12.0,middle,POS industry with interest,365243.0,-630.0,-300.0,-570.0,-564.0,0.0,1,Cash loans,M,Y,N,0,157500.0,343800.0,13090.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.028663,-23617,-1284,-13948.0,-4123,16.0,1,1,0,1,0,0,Drivers,2.0,2,2,FRIDAY,12,0,1,1,0,1,1,Transport: type 4,,,0.633031641417419,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2247.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1054325,436943,Consumer loans,15465.15,153090.0,153090.0,0.0,153090.0,TUESDAY,15,Y,1,0.0,,,XAP,Approved,-14,XNA,XAP,,Repeater,Clothing and Accessories,POS,XNA,Stone,40,Clothing,12.0,middle,POS industry with interest,365243.0,365243.0,349.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,Y,0,112500.0,225000.0,11250.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.007120000000000001,-20341,365243,-9798.0,-3492,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,14,0,0,0,0,0,0,XNA,,0.1953537989258013,0.6706517530862718,0.1041,0.0613,0.9806,0.7348,0.0304,0.0,0.2069,0.1667,0.2083,0.0656,0.0841,0.0903,0.0039,0.0291,0.1061,0.0636,0.9806,0.7452,0.0306,0.0,0.2069,0.1667,0.2083,0.0671,0.0918,0.0941,0.0039,0.0308,0.1051,0.0613,0.9806,0.7383,0.0306,0.0,0.2069,0.1667,0.2083,0.0667,0.0855,0.0919,0.0039,0.0297,reg oper account,block of flats,0.094,"Stone, brick",No,1.0,1.0,1.0,1.0,-2291.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1451738,183765,Cash loans,27449.82,450000.0,491580.0,,450000.0,TUESDAY,8,Y,1,,,,XNA,Refused,-273,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,N,Y,0,166500.0,458725.5,27850.5,396000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.010032,-14575,-1711,-8415.0,-4183,,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,4,0,0,0,0,0,0,Business Entity Type 2,,0.3951510741434464,,0.1338,0.1316,0.9816,0.7484,0.0483,0.05,0.2328,0.2188,0.0417,0.0,0.0836,0.0858,0.0019,0.0077,0.125,0.1193,0.9796,0.7321,0.0434,0.0,0.2759,0.1667,0.0417,0.0,0.0735,0.0473,0.0,0.0,0.1239,0.1354,0.9806,0.7383,0.0486,0.0,0.2414,0.1667,0.0417,0.0,0.0851,0.0797,0.0019,0.0005,reg oper account,block of flats,0.1634,"Stone, brick",No,1.0,1.0,1.0,1.0,-760.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1471199,147838,Consumer loans,5159.7,28998.0,25708.5,4500.0,28998.0,SUNDAY,12,Y,1,0.16223609549991194,,,XAP,Approved,-2790,XNA,XAP,Children,New,Mobile,POS,XNA,Country-wide,5,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2759.0,-2609.0,-2669.0,-2664.0,1.0,0,Cash loans,M,Y,Y,0,135000.0,675000.0,34465.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-22823,-1017,-4028.0,-4807,10.0,1,1,0,1,1,0,,2.0,2,2,THURSDAY,16,0,1,1,0,1,1,Self-employed,0.6988028238345657,0.7442077531366105,0.7636399214572418,0.0763,0.0718,0.9871,0.8232,,0.0,0.2069,0.1667,0.0417,,0.0622,0.0671,0.0,0.0425,0.0777,0.0745,0.9871,0.8301,,0.0,0.2069,0.1667,0.0417,,0.068,0.0699,0.0,0.045,0.077,0.0718,0.9871,0.8256,,0.0,0.2069,0.1667,0.0417,,0.0633,0.0683,0.0,0.0434,reg oper account,block of flats,0.062,"Stone, brick",No,0.0,0.0,0.0,0.0,-7.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1192548,123965,Consumer loans,50716.8,540000.0,507168.0,54000.0,540000.0,TUESDAY,15,Y,1,0.1048008957939674,,,XAP,Approved,-1052,Cash through the bank,XAP,"Spouse, partner",New,Clothing and Accessories,POS,XNA,Stone,27,Clothing,12.0,middle,POS industry with interest,365243.0,-1020.0,-690.0,-690.0,-683.0,0.0,0,Cash loans,M,N,Y,0,270000.0,540000.0,40504.5,540000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-14735,-5081,-1522.0,-2281,,1,1,1,1,1,1,Sales staff,2.0,2,2,THURSDAY,14,0,0,0,0,1,1,Trade: type 7,,0.5541136472854437,0.12373532211307872,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1052.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +1011765,167602,Consumer loans,16043.535,310500.0,310500.0,0.0,310500.0,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-766,Cash through the bank,XAP,Family,New,Clothing and Accessories,POS,XNA,Stone,52,Clothing,24.0,low_normal,POS industry with interest,365243.0,-735.0,-45.0,-45.0,365243.0,0.0,0,Cash loans,F,N,Y,2,54000.0,222547.5,15826.5,202500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-14767,-5185,-7442.0,-5465,,1,1,1,1,0,0,Sales staff,4.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Self-employed,,0.27894484293408656,0.36227724703843145,0.0918,0.1006,0.9821,0.7552,0.1241,0.0,0.2069,0.1667,0.0417,0.0002,0.0748,0.0862,0.0039,0.0373,0.0935,0.1044,0.9821,0.7648,0.1252,0.0,0.2069,0.1667,0.0417,0.0002,0.0817,0.0899,0.0039,0.0394,0.0926,0.1006,0.9821,0.7585,0.1249,0.0,0.2069,0.1667,0.0417,0.0002,0.0761,0.0878,0.0039,0.038,not specified,block of flats,0.0678,Panel,No,4.0,0.0,4.0,0.0,-766.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1118450,249910,Cash loans,56229.75,270000.0,277308.0,,270000.0,FRIDAY,4,Y,1,,,,XNA,Approved,-949,XNA,XAP,Group of people,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,365243.0,-919.0,-769.0,-919.0,-912.0,1.0,0,Cash loans,M,N,N,1,450000.0,631332.0,64822.5,585000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010032,-14890,-6627,-4501.0,-4681,,1,1,0,1,1,1,High skill tech staff,3.0,2,2,TUESDAY,4,0,0,0,1,0,1,Military,0.4877272034931801,0.5619821692099503,0.5919766183185521,0.0619,0.0744,0.9871,0.8232,0.0083,0.0,0.0345,0.1667,0.2083,0.0101,0.0504,0.0531,0.0,0.0,0.063,0.0772,0.9871,0.8301,0.0084,0.0,0.0345,0.1667,0.2083,0.0104,0.0551,0.0553,0.0,0.0,0.0625,0.0744,0.9871,0.8256,0.0084,0.0,0.0345,0.1667,0.2083,0.0103,0.0513,0.054000000000000006,0.0,0.0,not specified,block of flats,0.0463,"Stone, brick",No,0.0,0.0,0.0,0.0,-949.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2074423,373011,Consumer loans,7514.235,75150.0,67635.0,7515.0,75150.0,FRIDAY,15,Y,1,0.1089090909090909,,,XAP,Approved,-1614,Cash through the bank,XAP,Unaccompanied,New,Furniture,POS,XNA,Stone,120,Furniture,10.0,low_normal,POS industry with interest,365243.0,-1583.0,-1313.0,-1403.0,-1394.0,0.0,0,Cash loans,F,N,Y,0,202500.0,296280.0,15255.0,225000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.031329,-15117,-8322,-6237.0,-4284,,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Industry: type 5,0.7973992009925992,0.7226431993734994,0.5673792367572691,0.0371,0.0487,0.9707,0.5988,0.0084,0.0,0.1379,0.0833,0.0417,0.0,0.0303,0.0515,0.0,0.0065,0.0378,0.0506,0.9707,0.6145,0.0085,0.0,0.1379,0.0833,0.0417,0.0,0.0331,0.0537,0.0,0.0069,0.0375,0.0487,0.9707,0.6042,0.0085,0.0,0.1379,0.0833,0.0417,0.0,0.0308,0.0524,0.0,0.0066,reg oper account,block of flats,0.0549,"Stone, brick",No,12.0,0.0,12.0,0.0,-1365.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2362679,242004,Consumer loans,7297.65,108265.5,81265.5,27000.0,108265.5,SATURDAY,12,Y,1,0.2716050315701173,,,XAP,Approved,-524,Cash through the bank,XAP,,New,Computers,POS,XNA,Country-wide,91,Connectivity,16.0,high,POS mobile with interest,365243.0,-487.0,-37.0,-37.0,-33.0,0.0,0,Cash loans,F,N,N,0,90000.0,288873.0,11020.5,238500.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.00702,-10753,-392,-7780.0,-2347,,1,1,0,1,0,0,Core staff,1.0,2,2,FRIDAY,18,0,0,0,0,0,0,Self-employed,,0.1953537989258013,0.4418358231994413,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,0.0,9.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2450582,149925,Consumer loans,9346.59,80851.5,67000.5,18000.0,80851.5,THURSDAY,14,Y,1,0.2306296593977255,,,XAP,Approved,-2257,Cash through the bank,XAP,Family,Repeater,Construction Materials,POS,XNA,Stone,1000,Construction,8.0,middle,POS other with interest,365243.0,-2226.0,-2016.0,-2106.0,-2100.0,1.0,0,Cash loans,F,N,Y,0,135000.0,1215000.0,35523.0,1215000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-22066,365243,-5639.0,-4580,,1,0,0,1,0,0,,2.0,2,2,SUNDAY,10,0,0,0,0,0,0,XNA,,0.7395513317618801,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,0.0,-145.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +2559691,159557,Consumer loans,12555.45,133186.5,122373.0,22500.0,133186.5,TUESDAY,17,Y,1,0.1691450129047196,,,XAP,Approved,-1022,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,520,Consumer electronics,12.0,middle,POS household with interest,365243.0,-991.0,-661.0,-661.0,-653.0,0.0,0,Cash loans,F,N,Y,0,112500.0,104256.0,12501.0,90000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.02461,-10108,-2409,-4856.0,-2775,,1,1,0,1,0,1,Drivers,1.0,2,2,TUESDAY,13,0,0,0,0,0,0,School,0.481152655766416,0.6772889049207736,0.3740208032583212,0.0124,0.0,0.9613,0.4696,0.0026,0.0,0.1034,0.0417,0.0833,,0.0101,0.0138,0.0,0.0,0.0126,0.0,0.9613,0.4904,0.0027,0.0,0.1034,0.0417,0.0833,,0.011,0.0144,0.0,0.0,0.0125,0.0,0.9613,0.4767,0.0027,0.0,0.1034,0.0417,0.0833,,0.0103,0.0141,0.0,0.0,reg oper account,block of flats,0.0123,Wooden,Yes,0.0,0.0,0.0,0.0,-1022.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1768241,388697,Consumer loans,3267.945,26095.5,25425.0,2610.0,26095.5,SATURDAY,15,Y,1,0.10139209105501236,,,XAP,Approved,-2261,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,520,Consumer electronics,10.0,middle,POS household with interest,365243.0,-2230.0,-1960.0,-1960.0,-1952.0,0.0,0,Cash loans,F,N,Y,0,157500.0,582804.0,24822.0,463500.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.02461,-20944,-2841,-2871.0,-2877,,1,1,0,1,1,1,Sales staff,2.0,2,2,SATURDAY,10,0,0,0,1,1,0,Trade: type 7,0.7593471456869235,0.4902228537663287,0.4614823912998385,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-1875.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2394750,152911,Consumer loans,3925.44,26505.0,27279.0,1305.0,26505.0,SATURDAY,14,Y,1,0.04972234943897413,,,XAP,Approved,-1743,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,10.0,high,POS mobile with interest,365243.0,-1709.0,-1439.0,-1469.0,-1462.0,0.0,0,Cash loans,F,N,Y,2,135000.0,85320.0,5683.5,67500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-11665,-380,-5723.0,-3420,,1,1,0,1,0,0,,4.0,2,2,SATURDAY,8,0,0,0,1,1,0,Self-employed,0.3101635940144177,0.5329413460804172,0.3825018041447388,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1305.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1281910,331166,Cash loans,27519.435,135000.0,143910.0,,135000.0,TUESDAY,12,Y,1,,,,Repairs,Approved,-319,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,walk-in,AP+ (Cash loan),28,XNA,6.0,middle,Cash Street: middle,365243.0,-289.0,-139.0,-139.0,-125.0,1.0,0,Cash loans,M,N,Y,1,135000.0,156384.0,16969.5,135000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.022625,-16866,-503,-3484.0,-379,,1,1,1,1,1,0,Security staff,3.0,2,2,SATURDAY,8,0,1,1,0,1,1,Security,0.6256490212154394,0.6820261142605216,0.6986675550534175,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2766.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1722111,346202,Consumer loans,7413.21,64251.0,71037.0,0.0,64251.0,SATURDAY,20,Y,1,0.0,,,XAP,Refused,-531,Cash through the bank,LIMIT,,Repeater,Furniture,POS,XNA,Stone,50,Furniture,12.0,middle,POS industry with interest,,,,,,,0,Revolving loans,F,Y,Y,0,247500.0,270000.0,13500.0,270000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.005313,-9306,-793,-4109.0,-1485,2.0,1,1,0,1,0,0,Managers,2.0,2,2,FRIDAY,19,1,1,0,0,0,0,Bank,0.2224245308483937,0.6352812190633319,0.5298898341969072,0.0897,0.0,0.9742,0.6464,0.0,0.0,0.2069,0.1667,0.2083,0.0965,0.0731,0.1119,0.0,0.0093,0.0914,0.0,0.9742,0.6602,0.0,0.0,0.2069,0.1667,0.2083,0.0987,0.0799,0.1165,0.0,0.0098,0.0906,0.0,0.9742,0.6511,0.0,0.0,0.2069,0.1667,0.2083,0.0981,0.0744,0.1139,0.0,0.0095,reg oper account,block of flats,0.08800000000000001,"Stone, brick",No,0.0,0.0,0.0,0.0,-638.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2473432,436376,Cash loans,42646.05,1350000.0,1546020.0,,1350000.0,TUESDAY,14,Y,1,,,,Buying a new car,Refused,-226,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,1,Cash loans,F,N,N,0,153000.0,729792.0,39591.0,630000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-19089,-4603,-5910.0,-2568,,1,1,1,1,0,0,Sales staff,2.0,2,2,TUESDAY,17,0,0,0,0,0,0,Self-employed,,0.7562449698383735,0.14825437906109115,,0.0998,0.9901,0.8640000000000001,,0.16,0.1379,0.3333,0.375,0.0781,0.3329,0.1112,,0.3077,,0.1036,0.9901,0.8693,,0.1611,0.1379,0.3333,0.375,0.0799,0.3636,0.1159,,0.3257,,0.0998,0.9901,0.8658,,0.16,0.1379,0.3333,0.375,0.0795,0.3386,0.1132,,0.3142,org spec account,block of flats,0.1544,Panel,No,1.0,0.0,1.0,0.0,-2031.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2485859,344310,Consumer loans,7401.645,59897.295,65166.795,0.0,59897.295,WEDNESDAY,10,Y,1,0.0,,,XAP,Approved,-133,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,50,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-94.0,176.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,90000.0,225000.0,15165.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.0031219999999999998,-11239,-386,-580.0,-2996,,1,1,0,1,0,0,Waiters/barmen staff,1.0,3,3,WEDNESDAY,10,0,0,0,0,0,0,Restaurant,0.07103030427436167,0.6412337635480023,0.34741822720026416,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-133.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1087418,422358,Cash loans,10332.72,90000.0,95940.0,,90000.0,SATURDAY,7,Y,1,,,,XNA,Approved,-946,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-916.0,-586.0,-586.0,-579.0,1.0,0,Cash loans,F,N,Y,0,112500.0,121500.0,6781.5,121500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.010032,-25029,365243,-11408.0,-4525,,1,0,0,1,0,0,,1.0,2,2,SUNDAY,4,0,0,0,0,0,0,XNA,0.9054234063506332,0.5057309391302657,,0.1103,0.0889,0.9841,,,0.08,0.069,0.3333,,,,0.1151,,0.1846,0.1124,0.0923,0.9841,,,0.0806,0.069,0.3333,,,,0.12,,0.1954,0.1114,0.0889,0.9841,,,0.08,0.069,0.3333,,,,0.1172,,0.1885,,block of flats,0.1307,"Stone, brick",No,0.0,0.0,0.0,0.0,-1109.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2662257,416526,Consumer loans,24284.385,292401.0,321349.5,0.0,292401.0,SATURDAY,15,Y,1,0.0,,,XAP,Approved,-529,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Regional / Local,158,Consumer electronics,18.0,middle,POS household with interest,365243.0,-498.0,12.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,225000.0,900000.0,29875.5,900000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.003069,-14729,-786,-2051.0,-3022,,1,1,0,1,0,0,Core staff,3.0,3,3,WEDNESDAY,10,0,0,0,0,1,1,Military,0.6783922704984433,0.8016442110340379,0.2314393514998941,0.1629,0.1147,0.9876,,,0.16,0.1379,0.375,,0.0722,,0.0936,,0.0243,0.166,0.1191,0.9876,,,0.1611,0.1379,0.375,,0.0739,,0.0975,,0.0257,0.1645,0.1147,0.9876,,,0.16,0.1379,0.375,,0.0735,,0.0952,,0.0248,,block of flats,0.1317,Panel,No,9.0,0.0,9.0,0.0,-1891.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1572111,106766,Consumer loans,18719.01,190350.0,190350.0,0.0,190350.0,SATURDAY,18,Y,1,0.0,,,XAP,Approved,-527,Cash through the bank,XAP,,New,Tourism,POS,XNA,Stone,50,Industry,12.0,middle,POS other with interest,365243.0,-492.0,-162.0,-372.0,-365.0,0.0,0,Cash loans,M,Y,N,0,270000.0,1350000.0,35743.5,1350000.0,,Working,Higher education,Civil marriage,With parents,0.030755,-11457,-1764,-5239.0,-3707,6.0,1,1,0,1,0,0,IT staff,2.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,Business Entity Type 3,,0.7031206292627785,0.2032521136204725,0.1567,0.1142,0.9866,0.8164,0.044,0.16,0.1379,0.3333,0.375,0.0536,0.1252,0.1589,0.0116,0.0487,0.1597,0.1185,0.9866,0.8236,0.0444,0.1611,0.1379,0.3333,0.375,0.0548,0.1368,0.1656,0.0117,0.0515,0.1582,0.1142,0.9866,0.8189,0.0443,0.16,0.1379,0.3333,0.375,0.0545,0.1274,0.1618,0.0116,0.0497,reg oper account,block of flats,0.1587,"Stone, brick",No,0.0,0.0,0.0,0.0,-527.0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1607252,348553,Revolving loans,2250.0,45000.0,45000.0,,45000.0,MONDAY,18,Y,1,,,,XAP,Approved,-287,XNA,XAP,Family,Repeater,XNA,Cards,walk-in,Regional / Local,100,Consumer electronics,0.0,XNA,Card Street,-261.0,-180.0,365243.0,-150.0,365243.0,0.0,0,Cash loans,F,N,Y,0,139500.0,900000.0,29745.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.026392000000000002,-16641,-862,-8018.0,-186,,1,1,1,1,1,0,Accountants,1.0,2,2,MONDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.7592130482832312,0.6833430251142077,0.6446794549585961,0.2072,,0.9891,,,0.24,0.2069,0.3333,,,,0.228,,0.0301,0.2111,,0.9891,,,0.2417,0.2069,0.3333,,,,0.2376,,0.0319,0.2092,,0.9891,,,0.24,0.2069,0.3333,,,,0.2321,,0.0308,,block of flats,0.2147,Block,No,0.0,0.0,0.0,0.0,-349.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1718948,243227,Consumer loans,4186.215,51849.0,41476.5,10372.5,51849.0,THURSDAY,13,Y,1,0.2178748954569124,,,XAP,Approved,-279,Cash through the bank,XAP,Unaccompanied,Repeater,Auto Accessories,POS,XNA,Country-wide,28,Connectivity,12.0,middle,POS mobile with interest,365243.0,-249.0,81.0,365243.0,365243.0,0.0,1,Cash loans,F,N,Y,1,202500.0,450000.0,36211.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007114,-9957,-809,-603.0,-267,,1,1,1,1,1,0,,3.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Trade: type 2,0.2867830789116058,0.5279413808836161,,0.2139,,0.9886,0.8368,0.0568,0.23,0.1983,0.3333,0.0417,0.0991,0.1519,0.1366,0.0,0.382,0.1513,,0.9886,0.8497,0.0573,0.1611,0.1379,0.3333,0.0417,0.1008,0.1322,0.0983,0.0,0.2767,0.2071,,0.9886,0.8457,0.0572,0.22,0.1897,0.3333,0.0417,0.1003,0.1231,0.133,0.0,0.3776,reg oper account,block of flats,0.2548,Panel,No,1.0,0.0,1.0,0.0,-649.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2244487,155996,Consumer loans,6313.455,115092.0,139401.0,0.0,115092.0,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-1046,Cash through the bank,XAP,Other_B,Refreshed,Computers,POS,XNA,Country-wide,1700,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1015.0,-325.0,-325.0,-318.0,0.0,0,Cash loans,M,N,N,0,135000.0,1272888.0,37345.5,1111500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-15698,-2346,-6259.0,-4328,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,16,0,0,0,0,1,1,Business Entity Type 3,,0.3551256437854799,0.7738956942145427,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2551.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1209508,218531,Cash loans,16420.005,225000.0,321142.5,,225000.0,TUESDAY,11,Y,1,,,,XNA,Approved,-717,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,Y,Y,0,121500.0,814041.0,23931.0,679500.0,Unaccompanied,Working,Incomplete higher,Single / not married,House / apartment,0.018209,-8856,-134,-5075.0,-1514,19.0,1,1,1,1,0,0,Core staff,1.0,3,3,FRIDAY,7,0,0,0,0,0,0,Mobile,0.2850072909397677,0.2869929260895497,0.4329616670974407,0.2016,0.1008,0.9771,0.6872,0.0042,0.0,0.1241,0.1667,0.2083,0.0462,0.1378,0.0751,0.0,0.0,0.1712,0.0871,0.9772,0.6994,0.0039,0.0,0.1034,0.1667,0.2083,0.0516,0.1497,0.0662,0.0,0.0,0.1718,0.084,0.9771,0.6914,0.0042,0.0,0.1034,0.1667,0.2083,0.0513,0.1402,0.0647,0.0,0.0,reg oper spec account,specific housing,0.05,"Stone, brick",No,5.0,0.0,5.0,0.0,-1413.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1722698,132032,Cash loans,51387.12,463500.0,500211.0,,463500.0,TUESDAY,11,Y,1,,,,XNA,Refused,-139,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,N,0,180000.0,521280.0,31500.0,450000.0,Unaccompanied,Working,Higher education,Widow,House / apartment,0.035792000000000004,-19190,-1159,-6712.0,-2726,,1,1,1,1,1,0,Sales staff,1.0,2,2,SUNDAY,12,0,0,0,0,0,0,Self-employed,,0.6777189158477637,0.2225807646753351,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-139.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1200851,103949,Consumer loans,14891.355,88078.5,93892.5,0.0,88078.5,SATURDAY,9,Y,1,0.0,,,XAP,Approved,-2244,XNA,XAP,Family,New,Furniture,POS,XNA,Stone,150,Furniture,8.0,high,POS industry with interest,365243.0,-2212.0,-2002.0,-2002.0,-1991.0,1.0,0,Cash loans,F,N,Y,1,81000.0,173092.5,12438.0,157500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006852,-15199,-5672,-7107.0,-3281,,1,1,1,1,1,0,,3.0,3,3,WEDNESDAY,9,0,0,0,0,0,0,Industry: type 11,,0.5179419947467602,0.6940926425266661,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1239899,328956,Consumer loans,3036.915,18765.0,15012.0,3753.0,18765.0,WEDNESDAY,15,Y,1,0.2178181818181818,,,XAP,Approved,-1203,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,25,Connectivity,6.0,high,POS mobile with interest,365243.0,-1153.0,-1003.0,-1063.0,-1059.0,0.0,0,Cash loans,F,N,Y,0,112500.0,343800.0,16155.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0038130000000000004,-16185,-1503,-1636.0,-4381,,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,13,0,0,0,0,1,1,Business Entity Type 3,,,0.7700870700124128,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1203.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1004258,310263,Consumer loans,7929.09,71892.0,52650.0,22500.0,71892.0,SUNDAY,12,Y,1,0.326075122482308,,,XAP,Approved,-2518,Cash through the bank,XAP,Children,Repeater,Audio/Video,POS,XNA,Country-wide,3500,Consumer electronics,8.0,high,POS household with interest,365243.0,-2487.0,-2277.0,-2277.0,-2266.0,1.0,0,Cash loans,F,N,Y,0,126000.0,1546020.0,45328.5,1350000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-23445,365243,-2317.0,-4578,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,XNA,0.7907140925105454,0.5945639599374273,0.7366226976503176,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2813751,333025,Cash loans,15001.74,229500.0,254340.0,,229500.0,THURSDAY,11,Y,1,,,,XNA,Approved,-825,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-795.0,-105.0,-645.0,-632.0,1.0,0,Cash loans,F,N,Y,0,112500.0,625536.0,20803.5,540000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.009656999999999999,-22501,365243,-575.0,-2627,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,XNA,,0.5094420895966495,0.6894791426446275,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1039.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2052602,358670,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SATURDAY,12,Y,1,,,,XAP,Refused,-230,XNA,SCOFR,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,N,0,85500.0,416052.0,20367.0,292500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Municipal apartment,0.009334,-17376,-3229,-8298.0,-902,,1,1,0,1,0,0,Laborers,1.0,2,2,FRIDAY,12,0,0,0,0,0,0,Postal,,0.6275559913372901,,0.0247,,0.9617,,,0.0,0.1034,0.125,,0.0381,,0.0241,,0.0457,0.0252,,0.9618,,,0.0,0.1034,0.125,,0.039,,0.0251,,0.0483,0.025,,0.9617,,,0.0,0.1034,0.125,,0.0388,,0.0246,,0.0466,,block of flats,0.0289,"Stone, brick",No,2.0,0.0,2.0,0.0,-282.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2748326,379631,Revolving loans,38250.0,765000.0,765000.0,,765000.0,SATURDAY,9,Y,1,,,,XAP,Refused,-452,XNA,LIMIT,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,N,Y,0,157500.0,454500.0,19386.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.025164,-20555,-1174,-7428.0,-3606,,1,1,0,1,1,0,Cleaning staff,1.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Other,,0.26525634018619443,0.7407990879702335,0.0897,0.1028,0.9856,0.8028,0.0155,0.0,0.2069,0.1667,0.2083,0.0846,0.0731,0.0806,0.0,0.0,0.0914,0.1067,0.9856,0.8105,0.0156,0.0,0.2069,0.1667,0.2083,0.0865,0.0799,0.0839,0.0,0.0,0.0906,0.1028,0.9856,0.8054,0.0156,0.0,0.2069,0.1667,0.2083,0.086,0.0744,0.08199999999999999,0.0,0.0,org spec account,block of flats,0.0718,"Stone, brick",No,0.0,0.0,0.0,0.0,-1931.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1921160,357597,Consumer loans,11500.83,54567.0,69628.5,0.0,54567.0,THURSDAY,19,Y,1,0.0,,,XAP,Approved,-980,Cash through the bank,XAP,Family,Refreshed,Photo / Cinema Equipment,POS,XNA,Country-wide,30,Connectivity,8.0,high,POS mobile with interest,365243.0,-949.0,-739.0,-739.0,-731.0,0.0,0,Cash loans,F,Y,N,1,135000.0,841437.0,27936.0,639000.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.00733,-15058,-4440,-6117.0,-4339,8.0,1,1,0,1,0,0,Laborers,3.0,2,2,THURSDAY,11,0,0,0,0,0,0,Industry: type 1,0.537585891284095,0.6124415172886426,0.813917469762627,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-980.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2530557,166247,Consumer loans,,178645.5,178645.5,0.0,178645.5,SUNDAY,15,Y,1,0.0,,,XAP,Refused,-1953,Cash through the bank,LIMIT,Children,Repeater,Audio/Video,XNA,XNA,Country-wide,600,Consumer electronics,,XNA,POS household with interest,,,,,,,0,Cash loans,F,N,N,0,193500.0,545040.0,39627.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-19476,-982,-13393.0,-2971,,1,1,0,1,0,0,,2.0,1,1,SUNDAY,12,0,1,1,0,0,0,Business Entity Type 3,0.8630009489131572,0.5747440238597067,0.4382813743111921,0.0124,0.0,0.9722,0.6192,0.0022,0.0,0.069,0.0417,0.0833,0.0488,0.0101,0.0127,0.0,0.0,0.0126,0.0,0.9722,0.6341,0.0022,0.0,0.069,0.0417,0.0833,0.0499,0.011,0.0132,0.0,0.0,0.0125,0.0,0.9722,0.6243,0.0022,0.0,0.069,0.0417,0.0833,0.0497,0.0103,0.0129,0.0,0.0,reg oper account,block of flats,0.0112,"Stone, brick",No,1.0,0.0,1.0,0.0,-2046.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2231152,231466,Cash loans,14234.85,315000.0,315000.0,,315000.0,MONDAY,11,Y,1,,,,XNA,Approved,-532,XNA,XAP,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-502.0,548.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,135000.0,463284.0,17595.0,382500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.00496,-23436,365243,-3923.0,-3951,,1,0,0,1,1,0,,1.0,2,2,MONDAY,10,0,0,0,0,0,0,XNA,0.7877276198749131,0.1538749663352202,0.7826078370261895,,,0.9866,,,,,,,,,0.0178,,,,,0.9866,,,,,,,,,0.0186,,,,,0.9866,,,,,,,,,0.0181,,,,,0.014,,No,1.0,1.0,1.0,0.0,-872.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1175720,360306,Consumer loans,29645.685,138469.5,110772.0,27697.5,138469.5,FRIDAY,19,Y,1,0.2178464965537208,,,XAP,Approved,-832,XNA,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,4.0,middle,POS mobile without interest,365243.0,-801.0,-711.0,-711.0,-695.0,0.0,0,Cash loans,M,Y,Y,0,202500.0,1350000.0,39474.0,1350000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010147,-13294,-319,-3038.0,-4524,13.0,1,1,1,1,1,0,Laborers,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,Business Entity Type 1,,0.7502788422483679,0.5531646987710016,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.2526,,No,0.0,0.0,0.0,0.0,-1133.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,0.0 +2008652,166224,Consumer loans,32429.835,146376.0,121221.0,29277.0,146376.0,WEDNESDAY,14,Y,1,0.2118653706059519,,,XAP,Refused,-1010,Cash through the bank,LIMIT,Unaccompanied,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,93,Connectivity,4.0,middle,POS mobile without interest,,,,,,,0,Cash loans,M,Y,N,0,135000.0,755856.0,36490.5,652500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.035792000000000004,-10409,-671,-3207.0,-3088,65.0,1,1,0,1,0,0,Drivers,1.0,2,2,FRIDAY,10,0,0,0,0,1,1,Self-employed,0.30458016403512433,0.3649908503511745,0.4866531565147181,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1119.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1188171,128101,Consumer loans,2876.04,31005.0,27076.5,9855.0,31005.0,THURSDAY,15,Y,1,0.2906188730241368,,,XAP,Approved,-1689,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,188,Connectivity,14.0,high,POS mobile with interest,365243.0,-1658.0,-1268.0,-1268.0,-1259.0,0.0,0,Cash loans,F,N,N,0,81000.0,315000.0,18081.0,315000.0,Other_B,Working,Higher education,Single / not married,With parents,0.028663,-8882,-1200,-2942.0,-1303,,1,1,1,1,1,0,,1.0,2,2,SATURDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.5961075244434226,0.3077366963789207,0.0247,0.0395,0.9876,0.83,0.0026,0.0,0.069,0.0833,0.125,0.0366,0.0202,0.0242,0.0,0.0,0.0252,0.041,0.9876,0.8367,0.0026,0.0,0.069,0.0833,0.125,0.0375,0.022,0.0252,0.0,0.0,0.025,0.0395,0.9876,0.8323,0.0026,0.0,0.069,0.0833,0.125,0.0373,0.0205,0.0246,0.0,0.0,reg oper account,block of flats,0.0205,"Stone, brick",No,7.0,0.0,7.0,0.0,-670.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2585623,287776,Cash loans,23332.365,382500.0,417843.0,,382500.0,FRIDAY,13,Y,1,,,,XNA,Approved,-852,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-822.0,-132.0,-792.0,-786.0,1.0,0,Cash loans,F,N,Y,0,292500.0,1258650.0,53455.5,1125000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-21677,365243,-2889.0,-4782,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,XNA,,0.6937622676676335,0.2735646775174348,0.1247,0.0845,0.9801,0.728,0.0091,0.0,0.069,0.1667,0.2083,0.0792,0.1009,0.0645,0.0039,0.002,0.1271,0.0877,0.9801,0.7387,0.0091,0.0,0.069,0.1667,0.2083,0.081,0.1102,0.0672,0.0039,0.0021,0.126,0.0845,0.9801,0.7316,0.0091,0.0,0.069,0.1667,0.2083,0.0806,0.1026,0.0656,0.0039,0.0021,reg oper account,block of flats,0.0561,Block,No,2.0,0.0,2.0,0.0,-177.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,7.0 +1349996,339705,Consumer loans,15789.555,143172.0,141610.5,14319.0,143172.0,THURSDAY,8,Y,1,0.10001117637953512,,,XAP,Refused,-1848,Cash through the bank,HC,Family,New,Computers,POS,XNA,Country-wide,2300,Consumer electronics,12.0,high,POS household with interest,,,,,,,0,Cash loans,M,Y,Y,0,180000.0,855882.0,36391.5,765000.0,Family,Working,Incomplete higher,Single / not married,House / apartment,0.006852,-10584,-1023,-5084.0,-3199,18.0,1,1,1,1,1,0,Drivers,1.0,3,3,THURSDAY,6,0,0,0,0,1,1,Self-employed,0.1397045684124222,0.29895448225818155,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-749.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1326016,332146,Revolving loans,2250.0,45000.0,45000.0,,45000.0,THURSDAY,7,Y,1,,,,XAP,Refused,-77,XNA,SCOFR,Unaccompanied,Repeater,XNA,Cards,walk-in,Country-wide,47,Connectivity,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,N,Y,0,157500.0,225000.0,21037.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.006629,-8562,-658,-5228.0,-908,,1,1,1,1,0,0,Sales staff,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,Trade: type 2,0.1383786906170342,0.2318064128862408,,0.0124,0.0,0.9816,0.7484,0.0186,0.0,0.069,0.0417,0.0833,0.0269,0.0101,0.0099,0.0,0.0031,0.0126,0.0,0.9816,0.7583,0.0188,0.0,0.069,0.0417,0.0833,0.0268,0.011,0.0101,0.0,0.0032,0.0125,0.0,0.9816,0.7518,0.0187,0.0,0.069,0.0417,0.0833,0.0274,0.0103,0.0101,0.0,0.0032,not specified,block of flats,0.0083,Wooden,Yes,7.0,0.0,7.0,0.0,-890.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2593552,194311,Consumer loans,5680.215,52371.0,45697.5,10476.0,52371.0,SUNDAY,19,Y,1,0.20310851849424308,,,XAP,Approved,-2396,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,93,Connectivity,11.0,low_normal,POS mobile with interest,365243.0,-2365.0,-2065.0,-2065.0,-2060.0,1.0,1,Cash loans,F,Y,N,1,297000.0,396000.0,19260.0,396000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-10890,-975,-1434.0,-2316,64.0,1,1,1,1,1,0,Sales staff,3.0,2,2,MONDAY,14,0,0,0,0,0,0,Trade: type 7,,0.7072712150906815,0.3539876078507373,0.0309,0.0,0.997,0.9592,0.0209,0.0,0.069,0.1667,0.2083,0.0195,0.0252,0.0291,0.0,0.0,0.0315,0.0,0.997,0.9608,0.0211,0.0,0.069,0.1667,0.2083,0.0199,0.0275,0.0303,0.0,0.0,0.0312,0.0,0.997,0.9597,0.0211,0.0,0.069,0.1667,0.2083,0.0198,0.0257,0.0296,0.0,0.0,reg oper account,block of flats,0.0308,Panel,No,0.0,0.0,0.0,0.0,-6.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2516887,120563,Consumer loans,16965.135,92515.5,83187.0,13500.0,92515.5,SATURDAY,6,Y,1,0.15206519255667533,,,XAP,Approved,-479,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Regional / Local,46,Connectivity,6.0,high,POS mobile with interest,365243.0,-442.0,-292.0,-292.0,-289.0,0.0,0,Cash loans,F,N,N,0,162000.0,521280.0,41062.5,450000.0,Unaccompanied,Working,Incomplete higher,Single / not married,With parents,0.014464,-11209,-522,-5146.0,-3801,,1,1,1,1,1,1,High skill tech staff,1.0,2,2,SATURDAY,4,0,1,1,0,1,1,Business Entity Type 3,,0.2470296396720533,,0.0918,0.0922,0.9801,0.728,0.0114,0.0,0.2069,0.1667,0.0417,,0.0748,0.0848,0.0,0.0,0.0935,0.0957,0.9801,0.7387,0.0115,0.0,0.2069,0.1667,0.0417,,0.0817,0.0884,0.0,0.0,0.0926,0.0922,0.9801,0.7316,0.0115,0.0,0.2069,0.1667,0.0417,,0.0761,0.0863,0.0,0.0,reg oper account,block of flats,0.0729,Panel,No,0.0,0.0,0.0,0.0,-387.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2825143,123080,Consumer loans,7114.95,137700.0,137700.0,0.0,137700.0,FRIDAY,14,Y,1,0.0,,,XAP,Approved,-543,XNA,XAP,,New,Consumer Electronics,POS,XNA,Stone,20,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-508.0,182.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,Y,0,56250.0,157500.0,7875.0,157500.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.007273999999999998,-21860,365243,-10093.0,-4242,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,XNA,,0.4710542716090835,0.7726311345553628,0.2969,0.2486,0.9831,0.7688,0.0702,0.32,0.2759,0.3333,0.375,0.1142,0.2421,0.3113,0.0,0.0,0.3025,0.258,0.9831,0.7779,0.0708,0.3222,0.2759,0.3333,0.375,0.1168,0.2645,0.3243,0.0,0.0,0.2998,0.2486,0.9831,0.7719,0.0706,0.32,0.2759,0.3333,0.375,0.1162,0.2463,0.3169,0.0,0.0,reg oper account,block of flats,0.2832,"Stone, brick",No,3.0,0.0,3.0,0.0,-543.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1249595,392702,Cash loans,17512.2,90000.0,90000.0,,90000.0,SATURDAY,14,Y,1,,,,XNA,Approved,-875,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,6.0,high,Cash X-Sell: high,365243.0,-845.0,-695.0,-755.0,-747.0,0.0,0,Cash loans,M,N,Y,0,135000.0,354519.0,27562.5,328500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-19367,-4396,-4233.0,-1423,,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,15,0,0,0,0,1,1,Self-employed,,0.4654026080253844,0.5352762504724826,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-563.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1193504,153647,Consumer loans,11089.08,106191.0,117405.0,0.0,106191.0,THURSDAY,16,Y,1,0.0,,,XAP,Approved,-521,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,1423,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-490.0,-160.0,-160.0,-154.0,0.0,0,Revolving loans,F,N,Y,1,135000.0,337500.0,16875.0,337500.0,Family,Working,Higher education,Married,Office apartment,0.04622,-11702,-1578,-2690.0,-3645,,1,1,0,1,0,0,Laborers,3.0,1,1,SUNDAY,14,0,0,0,0,0,0,Services,0.5825805284616857,0.7657261605789958,0.7850520263728172,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-521.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1314548,180509,Cash loans,39407.22,315000.0,332046.0,,315000.0,TUESDAY,17,Y,1,,,,XNA,Refused,-569,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,M,Y,Y,0,180000.0,161730.0,14962.5,135000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,With parents,0.035792000000000004,-9665,-1155,-4002.0,-2155,64.0,1,1,0,1,0,0,Laborers,1.0,2,2,THURSDAY,18,0,0,0,0,0,0,Self-employed,,0.1036210203328439,0.2807895743848605,0.1124,,0.9747,,,,0.0345,0.1667,,,,,,,0.1145,,0.9747,,,,0.0345,0.1667,,,,,,,0.1135,,0.9747,,,,0.0345,0.1667,,,,,,,,specific housing,0.031,Panel,No,0.0,0.0,0.0,0.0,-541.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2131065,110160,Consumer loans,4813.785,21937.5,25785.0,0.0,21937.5,SATURDAY,7,Y,1,0.0,,,XAP,Approved,-674,Cash through the bank,XAP,,New,Auto Accessories,POS,XNA,Regional / Local,40,Auto technology,6.0,middle,POS other with interest,365243.0,-642.0,-492.0,-492.0,-484.0,0.0,0,Cash loans,M,N,Y,0,90000.0,331834.5,20182.5,252000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.006852,-10137,-786,-774.0,-863,,1,1,0,1,0,0,Laborers,2.0,3,3,MONDAY,12,0,0,0,0,1,1,Business Entity Type 3,,0.6175880153985541,0.19519840600440985,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1130319,380060,Consumer loans,7086.6,71221.5,70866.0,7123.5,71221.5,TUESDAY,14,Y,1,0.099476712774272,,,XAP,Approved,-734,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Stone,271,Consumer electronics,12.0,middle,POS household with interest,365243.0,-703.0,-373.0,-403.0,-393.0,0.0,0,Cash loans,F,N,Y,0,103500.0,781920.0,25969.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.0105,-23240,365243,-2266.0,-3864,,1,0,0,1,1,0,,1.0,3,3,MONDAY,12,0,0,0,0,0,0,XNA,,0.6479466445230389,0.6658549219640212,0.1557,,0.9965,,,0.08,0.1034,0.3333,,,,0.1072,,0.086,0.1586,,0.9965,,,0.0806,0.1034,0.3333,,,,0.1117,,0.091,0.1572,,0.9965,,,0.08,0.1034,0.3333,,,,0.1092,,0.0878,,block of flats,0.1031,"Stone, brick",No,0.0,0.0,0.0,0.0,-734.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +2784599,216980,Consumer loans,16781.94,135802.17,147754.17,0.0,135802.17,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-17,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,25,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,365243.0,294.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,90000.0,310671.0,24673.5,256500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-13546,-2079,-6558.0,-2381,,1,1,0,1,0,0,Cooking staff,3.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.601212126205001,0.6397685169169994,0.6006575372857061,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-223.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1488341,176951,Consumer loans,32941.665,549000.0,494100.0,54900.0,549000.0,SATURDAY,19,Y,1,0.1089090909090909,,,XAP,Approved,-491,Cash through the bank,XAP,,New,Medical Supplies,POS,XNA,Regional / Local,30,Industry,18.0,low_normal,POS other with interest,365243.0,-455.0,55.0,-65.0,-63.0,0.0,0,Revolving loans,F,N,Y,0,180000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-8207,-1006,-117.0,-870,,1,1,0,1,0,0,Sales staff,2.0,2,2,SUNDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.21090442377949767,,0.2639,0.0795,0.9796,0.7212,0.0868,0.16,0.069,0.625,0.6667,0.1364,0.2152,0.2786,0.0,0.0018,0.2689,0.0825,0.9796,0.7321,0.0876,0.1611,0.069,0.625,0.6667,0.1395,0.2351,0.2903,0.0,0.0019,0.2665,0.0795,0.9796,0.7249,0.0874,0.16,0.069,0.625,0.6667,0.1388,0.2189,0.2836,0.0,0.0018,reg oper account,block of flats,0.2192,Panel,No,1.0,0.0,1.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1768299,371816,Consumer loans,7128.72,76495.5,77931.0,7650.0,76495.5,TUESDAY,13,Y,1,0.09735274715819464,,,XAP,Approved,-1772,Cash through the bank,XAP,Other_B,New,Consumer Electronics,POS,XNA,Country-wide,10,Consumer electronics,16.0,high,POS household with interest,365243.0,-1741.0,-1291.0,-1501.0,-1494.0,0.0,1,Cash loans,M,N,Y,0,157500.0,614223.0,31491.0,549000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.018801,-13059,-1028,-1217.0,-2261,,1,1,0,1,0,0,,1.0,2,2,WEDNESDAY,11,0,0,0,1,1,0,Business Entity Type 3,0.33574776222032754,0.03293408469132356,0.2512394458905693,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1772.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2755568,239723,Consumer loans,13460.985,64579.5,72103.5,0.0,64579.5,SATURDAY,15,Y,1,0.0,,,XAP,Approved,-809,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Stone,94,Consumer electronics,6.0,middle,POS household with interest,365243.0,-778.0,-628.0,-628.0,-619.0,0.0,0,Cash loans,F,N,N,0,191250.0,562491.0,24907.5,454500.0,Family,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.003069,-20025,365243,-924.0,-3000,,1,0,0,1,0,0,,1.0,3,3,WEDNESDAY,10,0,0,0,0,0,0,XNA,,0.48294631992215,0.6894791426446275,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1187.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1810219,276557,Consumer loans,9084.825,89955.0,83529.0,18000.0,89955.0,WEDNESDAY,15,Y,1,0.1930841076306903,,,XAP,Approved,-1284,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Regional / Local,160,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1253.0,-923.0,-1073.0,-1070.0,0.0,0,Cash loans,F,N,Y,0,185400.0,675000.0,19867.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.0228,-19982,365243,-1220.0,-3490,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,XNA,,0.5657411712295362,0.6658549219640212,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-2142.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2183075,368399,Consumer loans,21741.84,217444.5,195696.0,21748.5,217444.5,THURSDAY,18,Y,1,0.10892937570903666,,,XAP,Refused,-2665,Cash through the bank,SCO,Other_B,Repeater,XNA,POS,XNA,Stone,150,Consumer electronics,10.0,low_normal,POS household without interest,,,,,,,0,Cash loans,M,Y,Y,0,180000.0,765000.0,22495.5,765000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.019688999999999998,-13437,-4914,-7095.0,-4282,10.0,1,1,0,1,0,0,,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Military,0.5596209679286331,0.6824764666621932,0.5989262182569273,0.0825,0.0742,0.9752,0.66,0.0101,0.0,0.1379,0.1667,0.2083,0.0804,0.0651,0.0692,0.0097,0.0076,0.084,0.077,0.9752,0.6733,0.0101,0.0,0.1379,0.1667,0.2083,0.0594,0.0735,0.0662,0.0,0.0,0.0833,0.0742,0.9752,0.6645,0.0101,0.0,0.1379,0.1667,0.2083,0.077,0.068,0.0718,0.0019,0.0016,reg oper account,block of flats,0.0608,Panel,No,3.0,0.0,3.0,0.0,-2152.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,3.0,0.0,4.0 +1402274,146329,Cash loans,,0.0,0.0,,,MONDAY,16,Y,1,,,,XNA,Refused,-208,XNA,SCOFR,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Revolving loans,M,Y,Y,0,225000.0,180000.0,9000.0,180000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.030755,-18556,-1932,-810.0,-813,20.0,1,1,0,1,0,0,Drivers,2.0,2,2,SATURDAY,11,0,1,1,0,1,1,Emergency,,0.4131426043082684,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-42.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2786610,182729,Cash loans,25932.915,450000.0,533160.0,,450000.0,THURSDAY,10,Y,1,,,,Repairs,Refused,-399,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,135000.0,459000.0,14935.5,459000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-20132,365243,-12347.0,-3431,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,XNA,,0.2961435654275993,0.8245949709919925,0.0247,0.0427,0.9608,0.4628,0.0038,0.0,0.1034,0.125,0.1667,0.0266,0.0202,0.0286,0.0,0.01,0.0252,0.0443,0.9608,0.4838,0.0038,0.0,0.1034,0.125,0.1667,0.0272,0.022,0.0255,0.0,0.0,0.025,0.0427,0.9608,0.47,0.0038,0.0,0.1034,0.125,0.1667,0.027000000000000003,0.0205,0.0291,0.0,0.0102,,block of flats,0.0236,Block,No,7.0,0.0,7.0,0.0,-1183.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1499082,341455,Consumer loans,4048.02,40455.0,34569.0,9000.0,40455.0,FRIDAY,18,Y,1,0.2249723009896528,,,XAP,Approved,-2252,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Stone,158,Consumer electronics,12.0,high,POS other with interest,365243.0,-2221.0,-1891.0,-1921.0,-1914.0,0.0,0,Cash loans,M,N,N,2,191250.0,755190.0,58572.0,675000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.003069,-14915,-7165,-92.0,-4851,,1,1,0,1,0,0,,4.0,3,3,WEDNESDAY,10,0,0,0,0,0,0,Other,0.5123446882256886,0.7489325755293154,0.6910212267577837,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2252.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1667766,265322,Consumer loans,6584.76,65209.5,64881.0,6525.0,65209.5,FRIDAY,12,Y,1,0.09951990283475028,,,XAP,Approved,-625,Cash through the bank,XAP,,New,Computers,POS,XNA,Country-wide,58,Connectivity,12.0,middle,POS mobile with interest,365243.0,-593.0,-263.0,-533.0,-525.0,0.0,0,Cash loans,M,Y,Y,1,180000.0,1042560.0,34587.0,900000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.00496,-15342,-2965,-8990.0,-5245,21.0,1,1,0,1,0,0,High skill tech staff,3.0,2,2,SUNDAY,11,0,0,0,0,0,0,Business Entity Type 2,0.4247490825569284,0.6879618881066997,0.5638350489514956,0.0072,,0.9434,,,,,,,,,0.004,,,0.0074,,0.9434,,,,,,,,,0.0042,,,0.0073,,0.9434,,,,,,,,,0.0041,,,,block of flats,0.0054,,No,0.0,0.0,0.0,0.0,-625.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1181555,244523,Consumer loans,4399.29,42660.0,32508.0,12780.0,42660.0,SATURDAY,15,Y,1,0.3073348749819336,,,XAP,Approved,-530,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,10.0,high,POS mobile with interest,,,,,,,0,Revolving loans,M,N,Y,0,112500.0,180000.0,9000.0,180000.0,"Spouse, partner",Working,Secondary / secondary special,Married,With parents,0.02461,-7998,-824,-2830.0,-674,,1,1,0,1,0,0,,2.0,2,2,THURSDAY,18,0,0,0,1,1,0,Business Entity Type 2,,0.3351816078989296,0.03737806417657625,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,3.0,0.0,3.0,0.0,-530.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1006655,270511,Cash loans,5352.255,67500.0,74182.5,,67500.0,MONDAY,9,Y,1,,,,XNA,Approved,-678,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Regional / Local,100,Consumer electronics,18.0,middle,Cash X-Sell: middle,365243.0,-648.0,-138.0,-198.0,-196.0,1.0,1,Cash loans,F,Y,Y,0,225000.0,1042560.0,34587.0,900000.0,Children,Pensioner,Secondary / secondary special,Married,House / apartment,0.006852,-22417,365243,-2799.0,-1545,26.0,1,0,0,1,0,0,,2.0,3,3,SUNDAY,8,0,0,0,0,0,0,XNA,,0.018785882478113768,0.5424451438613613,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-740.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2697163,196086,Cash loans,42778.845,675000.0,744498.0,,675000.0,TUESDAY,10,Y,1,,,,XNA,Approved,-388,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash X-Sell: high,365243.0,-358.0,692.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,0,135000.0,188460.0,10350.0,135000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.02461,-16887,-248,-4893.0,-435,,1,1,0,1,0,0,,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.2127444675449562,,,0.1182,0.9776,0.6940000000000001,0.0107,0.0,0.2069,0.1667,0.2083,0.0917,0.0807,0.0775,0.0039,0.0773,,0.1226,0.9777,0.706,0.0108,0.0,0.2069,0.1667,0.2083,0.0938,0.0882,0.0808,0.0039,0.0818,,0.1182,0.9776,0.6981,0.0108,0.0,0.2069,0.1667,0.2083,0.0933,0.0821,0.0789,0.0039,0.0789,,block of flats,0.0828,"Stone, brick",No,6.0,1.0,6.0,0.0,-388.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1535416,133769,Consumer loans,6789.825,75640.5,66901.5,15129.0,75640.5,SATURDAY,10,Y,1,0.2008625616525116,,,XAP,Approved,-525,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,40,Connectivity,12.0,middle,POS mobile with interest,365243.0,-494.0,-164.0,-404.0,-398.0,0.0,0,Cash loans,F,Y,N,1,112500.0,675000.0,29731.5,675000.0,Family,Working,Higher education,Married,House / apartment,0.006207,-14030,-5888,-4784.0,-4408,11.0,1,1,0,1,0,0,Managers,3.0,2,2,TUESDAY,13,0,0,0,0,0,0,Kindergarten,0.4752040382233035,0.5918093726954939,0.34578480246959553,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2249.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1083040,394887,Cash loans,11852.235,90000.0,108837.0,,90000.0,SATURDAY,14,Y,1,,,,XNA,Approved,-776,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-746.0,-416.0,-416.0,-411.0,1.0,0,Cash loans,M,Y,N,0,225000.0,1056447.0,31018.5,922500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.030755,-16418,-2693,-4609.0,-4623,29.0,1,1,0,1,0,0,Drivers,2.0,2,2,FRIDAY,16,0,0,0,0,1,1,Self-employed,,0.6564927554020505,0.6263042766749393,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1592.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1446864,455017,Consumer loans,4979.97,110421.0,110421.0,0.0,110421.0,FRIDAY,14,Y,1,0.0,,,XAP,Approved,-1093,Cash through the bank,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Country-wide,2000,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1061.0,-371.0,-461.0,-454.0,0.0,0,Cash loans,F,Y,Y,1,157500.0,900000.0,35694.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.020246,-15976,-1598,-7918.0,-5378,4.0,1,1,1,1,1,0,,3.0,3,3,SATURDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.7101563022091444,0.4523444444596729,0.813917469762627,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,2.0,3.0,1.0,-1093.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2050320,148280,Cash loans,20865.15,225000.0,299056.5,,225000.0,SUNDAY,15,Y,1,,,,XNA,Approved,-480,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-450.0,240.0,-90.0,-88.0,1.0,0,Cash loans,F,N,N,1,157500.0,943425.0,27585.0,787500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-9645,-2555,-5209.0,-800,,1,1,0,1,0,0,Private service staff,3.0,2,2,THURSDAY,14,0,0,0,0,0,0,Other,0.2287603276860029,0.6683210387885224,0.4014074137749511,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1854.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2731477,161339,Cash loans,9125.1,45000.0,45000.0,,45000.0,FRIDAY,10,Y,1,,,,Urgent needs,Approved,-484,Cash through the bank,XAP,,New,XNA,Cash,walk-in,Country-wide,20,Connectivity,6.0,high,Cash Street: high,365243.0,-454.0,-304.0,-304.0,-300.0,0.0,0,Cash loans,F,N,N,0,128250.0,269550.0,14112.0,225000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.031329,-13154,-2913,-7299.0,-2019,,1,1,0,1,0,0,,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.666981815439864,0.39449540531239935,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-484.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1689519,347504,Consumer loans,3633.12,26055.0,28804.5,0.0,26055.0,TUESDAY,14,Y,1,0.0,,,XAP,Approved,-1040,Cash through the bank,XAP,Family,New,Auto Accessories,POS,XNA,Country-wide,100,Connectivity,12.0,high,POS mobile with interest,365243.0,-1009.0,-679.0,-679.0,-671.0,0.0,0,Cash loans,F,N,Y,2,54000.0,634482.0,24714.0,454500.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-12565,-193,-6519.0,-4483,,1,1,0,1,0,0,Low-skill Laborers,4.0,2,2,SATURDAY,9,0,0,0,0,1,1,Business Entity Type 3,0.3320575884664305,0.5127861640894961,0.6195277080511546,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1040.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2445058,423095,Cash loans,14780.43,135000.0,172206.0,0.0,135000.0,WEDNESDAY,14,Y,1,0.0,,,XNA,Approved,-1876,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-1846.0,-1336.0,-1456.0,-1452.0,1.0,0,Cash loans,M,Y,Y,0,382500.0,755190.0,36459.0,675000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-14765,365243,-2262.0,-5591,7.0,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,0.6220127386475929,0.6235761380054387,0.6848276586890367,0.2216,0.1445,0.9786,0.7076,0.086,0.24,0.2069,0.3333,0.375,0.0251,0.1807,0.2081,0.0,0.0,0.2258,0.15,0.9786,0.7190000000000001,0.0868,0.2417,0.2069,0.3333,0.375,0.0256,0.1974,0.2168,0.0,0.0,0.2238,0.1445,0.9786,0.7115,0.0865,0.24,0.2069,0.3333,0.375,0.0255,0.1838,0.2118,0.0,0.0,reg oper account,block of flats,0.2107,Panel,No,0.0,0.0,0.0,0.0,-1444.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1931590,126158,Cash loans,11982.915,112500.0,119925.0,,112500.0,FRIDAY,10,Y,1,,,,XNA,Approved,-572,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-542.0,-212.0,-272.0,-269.0,1.0,0,Cash loans,M,Y,Y,0,360000.0,900000.0,50386.5,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.026392000000000002,-20494,-3432,-2191.0,-4033,10.0,1,1,0,1,1,0,Managers,1.0,2,2,WEDNESDAY,10,0,0,0,0,1,1,Business Entity Type 3,,0.6935578098294743,0.7421816117614419,0.0577,0.095,0.9722,,,0.0,0.1379,0.1667,,0.0945,,0.0695,,0.019,0.0588,0.0986,0.9722,,,0.0,0.1379,0.1667,,0.0967,,0.0724,,0.0201,0.0583,0.095,0.9722,,,0.0,0.1379,0.1667,,0.0962,,0.0707,,0.0194,,block of flats,0.0647,"Stone, brick",No,1.0,0.0,1.0,0.0,-1223.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2321285,193247,Consumer loans,6504.075,42255.0,40248.0,4500.0,42255.0,SATURDAY,12,Y,1,0.10952241644116137,,,XAP,Approved,-1654,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,30,Connectivity,8.0,high,POS mobile with interest,365243.0,-1614.0,-1404.0,-1404.0,-1400.0,0.0,0,Cash loans,F,N,Y,0,180000.0,473841.0,31666.5,387000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0060079999999999995,-12244,-1415,-5873.0,-570,,1,1,0,1,0,1,Laborers,2.0,2,2,MONDAY,12,0,1,1,0,1,1,Agriculture,0.28931188468118124,0.6885765128078041,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1654.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2080582,282110,Consumer loans,10091.88,61150.5,50166.0,13500.0,61150.5,SUNDAY,7,Y,1,0.23093530727118505,,,XAP,Approved,-659,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,30,Connectivity,6.0,high,POS mobile with interest,365243.0,-619.0,-469.0,-469.0,-463.0,0.0,0,Cash loans,F,Y,Y,0,112500.0,239850.0,25960.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.006629,-18455,-2842,-5422.0,-1972,22.0,1,1,1,1,0,0,Core staff,1.0,2,2,MONDAY,5,0,0,0,0,0,0,Medicine,,0.43293602295916295,0.6925590674998008,0.0722,0.0838,0.9806,,,0.0,0.1379,0.1667,,,,0.06,,0.0253,0.0735,0.0869,0.9806,,,0.0,0.1379,0.1667,,,,0.0625,,0.0268,0.0729,0.0838,0.9806,,,0.0,0.1379,0.1667,,,,0.0611,,0.0259,,block of flats,0.0577,Mixed,No,1.0,1.0,1.0,1.0,-986.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,1.0,1.0 +2293297,187531,Consumer loans,5826.105,116109.0,129181.5,0.0,116109.0,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-1266,Cash through the bank,XAP,Other_A,New,Computers,POS,XNA,Country-wide,5207,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1234.0,-544.0,-544.0,-530.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,152820.0,9949.5,135000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.01885,-9308,-93,-7981.0,-1990,18.0,1,1,0,1,1,0,Laborers,1.0,2,2,SATURDAY,12,0,0,0,0,1,1,Business Entity Type 3,0.08715931286256615,0.3102462478007447,0.4135967602644276,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1266.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2118792,230704,Consumer loans,28774.8,360000.0,360000.0,0.0,360000.0,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-342,Cash through the bank,XAP,Family,Refreshed,Furniture,POS,XNA,Stone,35,Furniture,16.0,middle,POS industry with interest,365243.0,-312.0,138.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,1,225000.0,746280.0,54436.5,675000.0,Family,Commercial associate,Higher education,Civil marriage,House / apartment,0.030755,-16381,-1409,-7303.0,-3544,,1,1,0,1,0,0,Sales staff,3.0,2,2,FRIDAY,10,0,0,0,0,1,1,Business Entity Type 3,0.4354477284028091,0.4614711994196315,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-143.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2699398,318275,Revolving loans,6750.0,135000.0,135000.0,,135000.0,THURSDAY,15,Y,1,,,,XAP,Refused,-739,XNA,LIMIT,,New,XNA,Cards,walk-in,AP+ (Cash loan),4,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,N,Y,2,135000.0,521280.0,27423.0,450000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.015221,-13723,-290,-377.0,-4570,,1,1,0,1,0,0,Laborers,4.0,2,2,MONDAY,16,0,0,0,0,1,1,Industry: type 9,0.4122879718496029,0.3820695779999551,0.08559545132461807,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-184.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2378235,360800,Consumer loans,9251.775,52123.5,46908.0,5215.5,52123.5,WEDNESDAY,12,Y,1,0.10897490836884774,,,XAP,Approved,-579,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,20,Connectivity,6.0,high,POS mobile with interest,365243.0,-533.0,-383.0,-383.0,-374.0,0.0,0,Revolving loans,F,N,Y,1,94500.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Incomplete higher,Single / not married,House / apartment,0.010556,-7748,-1108,-791.0,-307,,1,1,1,1,1,0,Core staff,2.0,3,3,MONDAY,10,0,0,0,0,1,1,Trade: type 7,0.1913171334711337,0.3518423267351426,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-579.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1495693,244768,Cash loans,13188.375,225000.0,254700.0,,225000.0,SUNDAY,12,Y,1,,,,XNA,Approved,-181,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-150.0,540.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,90000.0,254700.0,14350.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.00733,-24393,365243,-10105.0,-4064,,1,0,0,1,0,0,,1.0,2,2,SATURDAY,11,0,0,0,0,0,0,XNA,,0.6210885577491589,0.622922000268356,0.0742,,0.9861,,,0.08,0.069,0.3333,,,,0.0764,,,0.0756,,0.9861,,,0.0806,0.069,0.3333,,,,0.0796,,,0.0749,,0.9861,,,0.08,0.069,0.3333,,,,0.0778,,,,block of flats,0.0681,Panel,No,0.0,0.0,0.0,0.0,-268.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2269980,319382,Consumer loans,37920.105,341653.5,341653.5,0.0,341653.5,THURSDAY,20,Y,1,0.0,,,XAP,Approved,-478,Cash through the bank,XAP,,New,Furniture,POS,XNA,Country-wide,400,Furniture,10.0,low_normal,POS industry with interest,365243.0,-444.0,-174.0,-204.0,-202.0,0.0,0,Cash loans,F,Y,N,0,405000.0,1800000.0,49500.0,1800000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.072508,-14527,-2548,-8614.0,-4099,20.0,1,1,1,1,1,0,Core staff,2.0,1,1,FRIDAY,13,0,0,0,0,0,0,Bank,,0.6763370380599962,0.816092360478441,0.118,0.0496,0.9846,0.7892,0.0412,0.0932,0.04,0.6317,0.6733,0.0,0.0953,0.1172,0.0045,0.0061,0.1176,0.046,0.9836,0.7844,0.0348,0.0806,0.0345,0.625,0.6667,0.0,0.1019,0.1158,0.0039,0.0005,0.1166,0.0499,0.9836,0.7786,0.0375,0.08,0.0345,0.625,0.6667,0.0,0.0949,0.1139,0.0039,0.0006,reg oper account,block of flats,0.0876,Panel,No,1.0,1.0,1.0,0.0,-478.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2263168,255293,Consumer loans,84015.0,922500.0,900000.0,22500.0,922500.0,SUNDAY,18,Y,1,0.026563192904656318,,,XAP,Approved,-494,Cash through the bank,XAP,"Spouse, partner",New,Clothing and Accessories,POS,XNA,Country-wide,80,Clothing,12.0,low_normal,POS industry with interest,365243.0,-460.0,-130.0,-220.0,-214.0,0.0,0,Cash loans,F,Y,N,0,337500.0,1921797.0,66928.5,1755000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.04622,-17148,-1337,-756.0,-626,7.0,1,1,1,1,1,0,HR staff,2.0,1,1,SATURDAY,18,0,1,1,0,1,1,Construction,0.6890917781792896,0.584250095454697,0.5316861425197883,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-494.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2183868,268867,Consumer loans,6165.0,55800.0,61326.0,0.0,55800.0,THURSDAY,15,Y,1,0.0,,,XAP,Approved,-1428,Cash through the bank,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Stone,566,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1392.0,-1062.0,-1062.0,-1054.0,0.0,0,Cash loans,M,Y,Y,0,90000.0,95940.0,10201.5,90000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.011656999999999999,-19766,-2004,-10422.0,-2970,8.0,1,1,1,1,1,0,,2.0,1,1,THURSDAY,10,0,0,0,0,1,1,Industry: type 1,0.4871596231165326,0.12671148030430845,0.7874761977281463,0.0619,0.0773,0.9851,0.7959999999999999,0.0545,0.0,0.1034,0.1667,0.2083,0.0414,0.0504,0.0647,0.0,0.0,0.063,0.0802,0.9851,0.804,0.055,0.0,0.1034,0.1667,0.2083,0.0423,0.0551,0.0674,0.0,0.0,0.0625,0.0773,0.9851,0.7987,0.0549,0.0,0.1034,0.1667,0.2083,0.0421,0.0513,0.0659,0.0,0.0,reg oper account,block of flats,0.0807,Others,No,0.0,0.0,0.0,0.0,-1428.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2168746,444493,Consumer loans,13981.815,239044.5,270598.5,0.0,239044.5,WEDNESDAY,11,Y,1,0.0,,,XAP,Approved,-812,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,1750,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-781.0,-91.0,-91.0,-80.0,0.0,0,Cash loans,F,N,N,0,180000.0,582228.0,18778.5,486000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-19486,365243,-1248.0,-2721,,1,0,0,1,1,0,,2.0,2,2,SATURDAY,7,0,0,0,0,0,0,XNA,,0.6872432056906362,0.3108182544189319,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-812.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1104939,150717,Consumer loans,21078.315,152055.0,112059.0,45616.5,152055.0,FRIDAY,9,Y,1,0.3150807541726232,,,XAP,Approved,-341,XNA,XAP,Unaccompanied,New,Computers,POS,XNA,Regional / Local,145,Consumer electronics,6.0,middle,POS household with interest,365243.0,-310.0,-160.0,-160.0,-157.0,0.0,0,Cash loans,M,N,Y,0,117000.0,219042.0,22572.0,193500.0,Unaccompanied,State servant,Higher education,Single / not married,House / apartment,0.006629,-10908,-1189,-4624.0,-3521,,1,1,0,1,0,0,Managers,1.0,2,2,WEDNESDAY,10,0,0,0,1,1,0,Other,0.2118699589093268,0.7285816252497889,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-341.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1308266,132987,Consumer loans,10201.95,92745.0,92745.0,0.0,92745.0,MONDAY,8,Y,1,0.0,,,XAP,Approved,-1446,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Stone,100,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1415.0,-1145.0,-1145.0,-1139.0,0.0,0,Cash loans,F,Y,Y,0,90000.0,436032.0,22923.0,360000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-22780,365243,-11519.0,-4320,19.0,1,0,0,1,0,0,,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,XNA,,0.2158741925805803,0.6674577419214722,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2467245,314468,Consumer loans,15504.57,88587.0,74362.5,17730.0,88587.0,SUNDAY,11,Y,1,0.20967594340670315,,,XAP,Approved,-1653,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,40,Connectivity,6.0,high,POS mobile with interest,365243.0,-1612.0,-1462.0,-1492.0,-1485.0,0.0,0,Cash loans,M,Y,N,1,90000.0,317979.0,19345.5,274500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008473999999999999,-18112,-11480,-11860.0,-1670,65.0,1,1,0,1,0,0,Laborers,3.0,2,2,MONDAY,14,0,0,0,0,0,0,Business Entity Type 2,,0.357729009997492,0.7394117535524816,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1653.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1947090,151515,Revolving loans,6750.0,135000.0,135000.0,,135000.0,MONDAY,14,Y,1,,,,XAP,Approved,-544,XNA,XAP,,New,XNA,Cards,walk-in,AP+ (Cash loan),4,XNA,0.0,XNA,Card Street,-544.0,365243.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,F,N,Y,0,157500.0,675000.0,49248.0,675000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.031329,-10155,-1884,-7316.0,-2831,,1,1,0,1,1,0,Sales staff,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,Self-employed,0.2413198891336924,0.3804188604518256,0.09758161268744599,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,2.0,3.0,1.0,-544.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1391119,365152,Consumer loans,19580.76,166050.0,162220.5,16650.0,166050.0,WEDNESDAY,18,Y,1,0.1013770500801621,,,XAP,Approved,-1014,Cash through the bank,XAP,Unaccompanied,Refreshed,Mobile,POS,XNA,Country-wide,20,Connectivity,12.0,high,POS mobile with interest,365243.0,-983.0,-653.0,-713.0,-708.0,0.0,0,Revolving loans,M,Y,Y,1,202500.0,675000.0,33750.0,675000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.072508,-10510,-24,-4899.0,-498,6.0,1,1,0,1,0,0,,3.0,1,1,TUESDAY,18,0,0,0,0,0,0,Business Entity Type 1,,0.7443326162057874,0.6706517530862718,0.0859,0.0734,0.9752,0.66,0.0112,0.02,0.0976,0.2396,0.0312,0.0,0.07,0.0674,0.001,0.0063,0.084,0.0397,0.9742,0.6602,0.0094,0.0,0.1379,0.1667,0.0417,0.0,0.0735,0.0573,0.0,0.0,0.0833,0.0783,0.9742,0.6511,0.0109,0.0,0.1207,0.1667,0.0417,0.0,0.0684,0.0703,0.0,0.0018,reg oper account,block of flats,0.0489,Block,No,0.0,0.0,0.0,0.0,-493.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2733334,103581,Cash loans,18071.145,135000.0,163732.5,,135000.0,SUNDAY,13,Y,1,,,,XNA,Approved,-656,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-626.0,-296.0,-296.0,-292.0,1.0,0,Revolving loans,F,N,Y,0,337500.0,247500.0,12375.0,247500.0,Family,Working,Secondary / secondary special,Single / not married,House / apartment,0.031329,-8865,-1430,-7644.0,-1536,,1,1,0,1,0,0,,1.0,2,2,FRIDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.28602250651013306,0.58516872182435,,0.1113,0.0591,0.9896,0.8572,,0.12,0.1034,0.3333,0.375,0.1033,0.0908,0.1203,0.0,0.0,0.1134,0.0613,0.9896,0.8628,,0.1208,0.1034,0.3333,0.375,0.1057,0.0992,0.1253,0.0,0.0,0.1124,0.0591,0.9896,0.8591,,0.12,0.1034,0.3333,0.375,0.1051,0.0923,0.1225,0.0,0.0,reg oper account,block of flats,0.0946,Panel,No,,,,,-1062.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2416494,421670,Consumer loans,15291.18,129393.0,135081.0,6480.0,129393.0,SUNDAY,11,Y,1,0.04985348429941221,,,XAP,Approved,-1708,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,1720,Consumer electronics,12.0,high,POS household with interest,365243.0,-1675.0,-1345.0,-1405.0,-1400.0,0.0,0,Cash loans,M,Y,N,0,180000.0,508495.5,23562.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-16920,-6850,-2298.0,-459,3.0,1,1,1,1,1,0,Laborers,2.0,3,3,SATURDAY,7,0,0,0,0,0,0,Industry: type 5,0.7623548392082841,0.6856759031049855,0.5460231970049609,0.0619,0.0297,0.9925,0.898,0.012,0.08,0.069,0.375,0.4167,0.0619,0.0504,0.0771,0.0,0.0,0.063,0.0308,0.9926,0.902,0.0121,0.0806,0.069,0.375,0.4167,0.0633,0.0551,0.0804,0.0,0.0,0.0625,0.0297,0.9925,0.8994,0.0121,0.08,0.069,0.375,0.4167,0.063,0.0513,0.0785,0.0,0.0,reg oper account,block of flats,0.0672,Panel,No,0.0,0.0,0.0,0.0,-79.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1498631,130399,Cash loans,65826.09,904500.0,943902.0,,904500.0,MONDAY,11,Y,1,,,,XNA,Approved,-409,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-379.0,131.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,157500.0,454500.0,24214.5,454500.0,Unaccompanied,Pensioner,Lower secondary,Married,House / apartment,0.026392000000000002,-23261,365243,-14149.0,-4235,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,9,0,0,0,1,0,0,XNA,,0.4909005071634125,0.7992967832109371,0.0557,,0.9781,,,0.0,0.1379,0.1667,,,,0.0531,,0.0437,0.0567,,0.9782,,,0.0,0.1379,0.1667,,,,0.0553,,0.0463,0.0562,,0.9781,,,0.0,0.1379,0.1667,,,,0.054000000000000006,,0.0446,,block of flats,0.0512,"Stone, brick",No,8.0,1.0,8.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,1.0 +1142089,222096,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,14,Y,1,,,,XAP,Refused,-352,XNA,SCOFR,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,N,N,0,112500.0,152820.0,18265.5,135000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.018634,-14110,-6443,-7770.0,-4201,,1,1,0,1,0,0,,1.0,2,2,FRIDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.1562650670781765,0.3377055529044749,0.5172965813614878,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1886452,140323,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,8,Y,1,,,,XAP,Refused,-216,XNA,HC,Family,Repeater,XNA,Cards,walk-in,Country-wide,200,Consumer electronics,0.0,XNA,Card Street,,,,,,,1,Cash loans,F,N,Y,1,146250.0,473760.0,51151.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.002506,-13429,-1052,-2814.0,-3770,,1,1,1,1,0,0,Sales staff,3.0,2,2,TUESDAY,4,0,0,0,0,0,0,Self-employed,,0.7174594919274233,0.6313545365850379,0.0247,0.0324,0.9771,,,0.0,0.069,0.0833,,0.1327,,0.019,,0.0,0.0252,0.0336,0.9772,,,0.0,0.069,0.0833,,0.1357,,0.0198,,0.0,0.025,0.0324,0.9771,,,0.0,0.069,0.0833,,0.135,,0.0193,,0.0,,block of flats,0.0149,Block,No,0.0,0.0,0.0,0.0,-618.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1004014,153528,Consumer loans,7761.105,87880.5,66906.0,27000.0,87880.5,THURSDAY,11,Y,1,0.31313712164776003,,,XAP,Approved,-2301,Cash through the bank,XAP,Group of people,New,Mobile,POS,XNA,Country-wide,17,Connectivity,12.0,high,POS mobile with interest,365243.0,-2270.0,-1940.0,-1940.0,-1934.0,0.0,0,Cash loans,M,Y,Y,2,112500.0,396171.0,20358.0,342000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.031329,-13326,-3699,-3773.0,-4806,1.0,1,1,1,1,0,0,Managers,3.0,2,2,TUESDAY,12,0,0,0,0,0,0,Trade: type 7,0.5720546338781503,0.631365958545172,,0.1021,0.0727,0.9856,0.8028,0.0116,0.0,0.2069,0.1667,0.0417,0.0212,0.0832,0.0893,0.0,0.0,0.104,0.0755,0.9856,0.8105,0.0117,0.0,0.2069,0.1667,0.0417,0.0217,0.0909,0.093,0.0,0.0,0.1031,0.0727,0.9856,0.8054,0.0117,0.0,0.2069,0.1667,0.0417,0.0216,0.0847,0.0909,0.0,0.0,reg oper account,block of flats,0.0766,Panel,No,0.0,0.0,0.0,0.0,-374.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1489859,446696,Cash loans,28595.88,225000.0,239850.0,,225000.0,WEDNESDAY,14,Y,1,,,,XNA,Approved,-1063,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Country-wide,74,Connectivity,12.0,high,Cash Street: high,365243.0,-1033.0,-703.0,-820.0,-814.0,1.0,0,Cash loans,M,Y,Y,1,225000.0,971280.0,51876.0,900000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.003069,-14550,-2081,-3182.0,-1931,5.0,1,1,0,1,0,0,,3.0,3,3,TUESDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.7132631168947435,0.7877155021849866,0.5937175866150576,0.0619,0.0695,0.9801,,,0.0,0.1379,0.1667,,0.0552,,0.0367,,0.0,0.063,0.0721,0.9801,,,0.0,0.1379,0.1667,,0.0565,,0.0382,,0.0,0.0625,0.0695,0.9801,,,0.0,0.1379,0.1667,,0.0562,,0.0374,,0.0,,block of flats,0.0422,"Stone, brick",No,6.0,1.0,6.0,1.0,-1063.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,1.0,0.0,3.0 +2543417,365007,Consumer loans,5685.12,43110.0,47376.0,0.0,43110.0,WEDNESDAY,15,Y,1,0.0,,,XAP,Approved,-337,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,90,Consumer electronics,10.0,middle,POS household with interest,365243.0,-307.0,-37.0,-97.0,-95.0,1.0,0,Cash loans,F,N,N,0,112500.0,225000.0,13527.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,With parents,0.010276,-10892,-2266,-4983.0,-3571,,1,1,1,1,1,0,Sales staff,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Trade: type 7,0.7160984064869086,0.5613738103437803,0.363945238612397,0.0649,0.0568,0.9896,,,0.04,0.1034,0.2708,,0.023,,0.0679,,0.0226,0.0305,0.0235,0.9866,,,0.0,0.069,0.1667,,0.0118,,0.0356,,0.0,0.0656,0.0568,0.9896,,,0.04,0.1034,0.2708,,0.0234,,0.0691,,0.0231,,block of flats,0.033,"Stone, brick",No,0.0,0.0,0.0,0.0,-824.0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +2712999,376177,Consumer loans,3316.365,33745.5,16524.0,18000.0,33745.5,FRIDAY,17,Y,1,0.5678263342496918,,,XAP,Approved,-2380,Cash through the bank,XAP,"Spouse, partner",Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,6.0,high,POS mobile with interest,365243.0,-2347.0,-2197.0,-2197.0,-2189.0,1.0,0,Cash loans,F,N,N,0,135000.0,485640.0,31401.0,450000.0,Unaccompanied,Working,Incomplete higher,Married,Municipal apartment,0.032561,-12364,-5194,-6456.0,-3845,,1,1,1,1,1,0,High skill tech staff,2.0,1,1,THURSDAY,13,0,0,0,0,0,0,Housing,,0.7303552667352892,0.7544061731797895,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2380.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2431331,195688,Revolving loans,4500.0,157500.0,90000.0,,157500.0,FRIDAY,13,Y,1,,,,XAP,Refused,-327,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,90000.0,81000.0,9612.0,81000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.015221,-23662,365243,-425.0,-5048,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,XNA,0.8371336035619061,0.4938082073658594,0.4543210601605785,0.1485,0.0868,0.9881,,,0.16,0.1379,0.3333,,0.0976,,0.1464,,0.1411,0.1513,0.09,0.9881,,,0.1611,0.1379,0.3333,,0.0999,,0.1526,,0.1493,0.1499,0.0868,0.9881,,,0.16,0.1379,0.3333,,0.0993,,0.1491,,0.14400000000000002,,block of flats,0.1458,Panel,No,0.0,0.0,0.0,0.0,-1447.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1225118,331106,Cash loans,14579.955,297000.0,344110.5,,297000.0,SATURDAY,9,Y,1,,,,XNA,Refused,-199,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,2,103500.0,254700.0,20250.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-8937,-189,-1075.0,-1608,14.0,1,1,0,1,0,0,Sales staff,4.0,2,2,TUESDAY,13,0,0,0,0,1,1,Industry: type 11,0.28764265708272385,0.0953784741203933,,0.0598,0.0843,0.9776,0.6940000000000001,0.0131,0.0,0.1379,0.1667,0.2083,0.0127,0.0471,0.0525,0.0077,0.0909,0.0609,0.0874,0.9777,0.706,0.0132,0.0,0.1379,0.1667,0.2083,0.013,0.0514,0.0547,0.0078,0.0962,0.0604,0.0843,0.9776,0.6981,0.0132,0.0,0.1379,0.1667,0.2083,0.0129,0.0479,0.0535,0.0078,0.0928,reg oper spec account,block of flats,0.0682,"Stone, brick",No,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2462817,148470,Consumer loans,25363.485,130500.0,137389.5,0.0,130500.0,SUNDAY,16,Y,1,0.0,,,XAP,Approved,-949,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,4232,Consumer electronics,6.0,middle,POS household with interest,365243.0,-917.0,-767.0,-767.0,-759.0,0.0,0,Cash loans,F,N,N,0,117000.0,728460.0,38938.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.00496,-21503,365243,-7602.0,-4055,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,XNA,,0.6779624552618313,0.42765737003502935,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-949.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2731686,222240,Cash loans,50401.17,450000.0,473760.0,,450000.0,FRIDAY,10,Y,1,,,,XNA,Refused,-125,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,477,Consumer electronics,12.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,225000.0,490495.5,30136.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018029,-15890,-1492,-9158.0,-4118,,1,1,0,1,0,0,Laborers,2.0,3,3,THURSDAY,7,0,0,0,1,1,1,Business Entity Type 3,,0.18253654764522945,0.6263042766749393,0.0082,0.0,0.9717,,,0.0,0.0345,0.0417,,,,0.0104,,0.0,0.0084,0.0,0.9717,,,0.0,0.0345,0.0417,,,,0.0108,,0.0,0.0083,0.0,0.9717,,,0.0,0.0345,0.0417,,,,0.0106,,0.0,,block of flats,0.0082,Wooden,No,10.0,0.0,10.0,0.0,-1482.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2652209,411409,Cash loans,60745.635,855000.0,1036687.5,,855000.0,MONDAY,9,Y,1,,,,XNA,Approved,-673,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-643.0,47.0,-73.0,-65.0,1.0,0,Cash loans,F,N,Y,0,396000.0,521136.0,50899.5,495000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.072508,-20034,-4952,-4180.0,-3449,,1,1,0,1,0,0,,1.0,1,1,TUESDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.7714202388883377,0.7352209993926424,0.2247,0.0915,0.9821,0.7552,0.1455,0.32,0.1379,0.3054,0.5692,0.0529,0.1827,0.2137,0.0039,0.0027,0.2006,0.0718,0.9796,0.7321,0.0012,0.3222,0.1379,0.4583,0.5,0.0,0.1754,0.1795,0.0039,0.0025,0.1999,0.0913,0.9796,0.7249,0.0083,0.32,0.1379,0.4583,0.5,0.0186,0.1633,0.1757,0.0039,0.0029,reg oper account,block of flats,0.2335,Panel,No,0.0,0.0,0.0,0.0,-1221.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2724039,337750,Revolving loans,22500.0,450000.0,450000.0,,450000.0,FRIDAY,10,Y,1,,,,XAP,Refused,-344,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,1,135000.0,284400.0,18643.5,225000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.019101,-10427,-3097,-2346.0,-679,,1,1,0,1,0,0,,3.0,2,2,SATURDAY,9,0,1,1,0,1,1,Business Entity Type 3,0.3992066243565673,0.5540596180359055,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,2.0,2.0,2.0,-1805.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2318608,172134,Cash loans,13886.325,67500.0,69727.5,0.0,67500.0,WEDNESDAY,13,Y,1,0.0,,,XNA,Approved,-2094,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,high,Cash X-Sell: high,365243.0,-2064.0,-1914.0,-1914.0,-1908.0,1.0,0,Cash loans,F,N,Y,2,112500.0,278460.0,19930.5,225000.0,Family,State servant,Secondary / secondary special,Married,House / apartment,0.025164,-11990,-3453,-2928.0,-4502,,1,1,0,1,0,0,Laborers,4.0,2,2,THURSDAY,13,0,0,0,0,0,0,Postal,0.3581494048743797,0.33478702149819883,0.7751552674785404,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-1497.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2727074,148097,Cash loans,21135.78,337500.0,376483.5,,337500.0,SATURDAY,9,Y,1,,,,XNA,Approved,-1112,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,365243.0,-1082.0,-212.0,-272.0,-264.0,1.0,0,Cash loans,F,Y,N,0,180000.0,728460.0,57555.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018209,-13208,-4927,-2141.0,-1253,6.0,1,1,1,1,1,0,Security staff,2.0,3,3,WEDNESDAY,18,0,0,0,0,1,1,Hotel,0.4379026558690102,0.27697866576208113,0.28812959991785075,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2661.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1134203,187305,Cash loans,30612.69,355500.0,385065.0,0.0,355500.0,SATURDAY,13,Y,1,0.0,,,XNA,Approved,-2300,Cash through the bank,XAP,Children,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash Street: middle,365243.0,-2270.0,-1760.0,-1790.0,-1788.0,1.0,0,Cash loans,F,Y,N,0,180000.0,1007761.5,39564.0,927000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018634,-18564,-228,-2632.0,-2108,12.0,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,16,0,0,0,1,1,0,Trade: type 7,,0.3351474987361848,0.2707073872651806,0.2062,0.133,0.9866,,,0.2,0.1724,0.375,,0.1632,,0.2147,,0.2751,0.2101,0.138,0.9866,,,0.2014,0.1724,0.375,,0.1669,,0.2237,,0.2912,0.2082,0.133,0.9866,,,0.2,0.1724,0.375,,0.166,,0.2186,,0.2809,,block of flats,0.2287,Panel,No,0.0,0.0,0.0,0.0,-1055.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2617189,255609,Cash loans,13114.98,112500.0,119925.0,,112500.0,WEDNESDAY,15,Y,1,,,,XNA,Approved,-2788,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,high,Cash Street: high,365243.0,-2758.0,-2428.0,-2488.0,-2483.0,1.0,0,Cash loans,M,Y,N,2,225000.0,450000.0,27193.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-11592,-2526,-1270.0,-4263,11.0,1,1,0,1,0,0,Drivers,4.0,2,2,MONDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.4238961776759885,0.6058190152007971,0.4578995512067301,0.0742,0.0548,0.9851,,,0.08,0.069,0.3333,,0.0285,,0.0763,,0.0,0.0756,0.0569,0.9851,,,0.0806,0.069,0.3333,,0.0291,,0.0795,,0.0,0.0749,0.0548,0.9851,,,0.08,0.069,0.3333,,0.0289,,0.0777,,0.0,,block of flats,0.0729,Panel,No,2.0,1.0,2.0,0.0,-554.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2212931,217533,Cash loans,36867.645,900000.0,1256400.0,,900000.0,WEDNESDAY,14,Y,1,,,,XNA,Refused,-271,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,150,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,1,135000.0,746280.0,58963.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-15380,-1824,-7313.0,-5456,,1,1,1,1,1,0,Sales staff,3.0,2,2,THURSDAY,14,0,0,0,0,0,0,Self-employed,0.5926135004361949,0.7579621019062412,0.5673792367572691,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0782,,No,3.0,0.0,3.0,0.0,-1472.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2191788,364279,Revolving loans,45000.0,0.0,900000.0,,,MONDAY,14,Y,1,,,,XAP,Approved,-558,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,-47.0,0.0,1,Cash loans,F,Y,Y,0,373500.0,1288350.0,41692.5,1125000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.010147,-13175,-1591,-5961.0,-2166,3.0,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,15,0,0,0,0,0,0,Other,0.5916848551630223,0.35459498205860684,0.5190973382084597,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1359.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1418273,195327,Consumer loans,6240.915,46167.03,32314.5,13852.53,46167.03,SUNDAY,16,Y,1,0.3267843846768806,,,XAP,Approved,-281,Cash through the bank,XAP,Other_A,Repeater,Jewelry,POS,XNA,Country-wide,50,Industry,6.0,high,POS others without interest,365243.0,-249.0,-99.0,-99.0,-92.0,0.0,0,Cash loans,M,Y,Y,0,202500.0,450000.0,21109.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-10498,-935,-4219.0,-961,14.0,1,1,0,1,0,0,Drivers,2.0,2,2,MONDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.3860559130402728,0.6356662013755796,0.6894791426446275,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1259203,379835,Cash loans,16228.665,225000.0,247275.0,,225000.0,TUESDAY,15,Y,1,,,,XNA,Approved,-176,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Regional / Local,350,Consumer electronics,18.0,low_normal,Cash X-Sell: low,365243.0,-146.0,364.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,76500.0,261000.0,17442.0,261000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009175,-17782,-3291,-7867.0,-1336,,1,1,1,1,1,0,Managers,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Postal,,0.7315722742455388,0.7252764347002191,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1893.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1865825,225324,Cash loans,10951.47,211500.0,211500.0,,211500.0,MONDAY,14,Y,1,,,,XNA,Approved,-173,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-143.0,547.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,112500.0,254700.0,14751.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.022625,-24253,365243,-6471.0,-2583,,1,0,0,1,0,0,,1.0,2,2,SATURDAY,16,0,0,0,0,0,0,XNA,0.8304146405855823,0.7530301032826656,0.7338145369642702,0.1495,0.0498,0.9886,0.8436,0.0283,0.04,0.0345,0.3333,0.375,0.0614,0.121,0.0997,0.0039,0.0092,0.1523,0.0517,0.9886,0.8497,0.0286,0.0403,0.0345,0.3333,0.375,0.0628,0.1322,0.1038,0.0039,0.0097,0.1509,0.0498,0.9886,0.8457,0.0285,0.04,0.0345,0.3333,0.375,0.0625,0.1231,0.1014,0.0039,0.0094,reg oper account,block of flats,0.0804,"Stone, brick",No,4.0,0.0,4.0,0.0,-1750.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1008006,128876,Cash loans,8533.485,135000.0,152820.0,,135000.0,FRIDAY,14,Y,1,,,,XNA,Approved,-330,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),10,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-300.0,390.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,N,2,144000.0,296280.0,17136.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-12340,-3053,-1887.0,-4245,1.0,1,1,0,1,0,0,Accountants,4.0,2,2,SATURDAY,14,0,0,0,0,0,0,Bank,0.6569961233272735,0.24566144850071026,0.5814837058057234,0.1608,0.0966,0.9796,,,0.0,0.069,0.1667,,0.0741,,0.07200000000000001,,0.0885,0.1639,0.1003,0.9796,,,0.0,0.069,0.1667,,0.0758,,0.0751,,0.0937,0.1624,0.0966,0.9796,,,0.0,0.069,0.1667,,0.0754,,0.0733,,0.0904,,block of flats,0.0778,"Stone, brick",No,0.0,0.0,0.0,0.0,-2629.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1311759,104796,Cash loans,11294.91,180000.0,209700.0,,180000.0,WEDNESDAY,15,Y,1,,,,XNA,Approved,-1021,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,365243.0,-991.0,-121.0,-121.0,-114.0,1.0,0,Cash loans,F,N,N,0,54000.0,307557.0,17784.0,265500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,Municipal apartment,0.011656999999999999,-20851,365243,-5919.0,-3995,,1,0,0,1,1,0,,2.0,1,1,TUESDAY,15,0,0,0,0,0,0,XNA,0.8269650635178752,0.6194919115645402,0.5620604831738043,0.0082,0.019,0.9513,,,0.0,0.0345,0.0417,,,,0.0056,,0.0,0.0084,0.0197,0.9513,,,0.0,0.0345,0.0417,,,,0.0058,,0.0,0.0083,0.019,0.9513,,,0.0,0.0345,0.0417,,,,0.0057,,0.0,,block of flats,0.0044,Wooden,No,0.0,0.0,0.0,0.0,-2819.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,1.0 +1244135,193519,Revolving loans,6750.0,135000.0,135000.0,,135000.0,SATURDAY,9,Y,1,,,,XAP,Approved,-515,XNA,XAP,,Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-281.0,-231.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,90000.0,621000.0,26442.0,621000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-14168,-7214,-1205.0,-4876,,1,1,0,1,0,0,Core staff,3.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Kindergarten,,0.642279476302161,0.5172965813614878,0.099,0.0879,0.9791,,,0.0,0.2069,0.1667,,0.0465,,0.0758,,0.1451,0.1008,0.0912,0.9791,,,0.0,0.2069,0.1667,,0.0475,,0.079,,0.1537,0.0999,0.0879,0.9791,,,0.0,0.2069,0.1667,,0.0473,,0.0772,,0.1482,,block of flats,0.0969,"Stone, brick",No,0.0,0.0,0.0,0.0,-515.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2390306,314827,Cash loans,15876.225,450000.0,553950.0,,450000.0,WEDNESDAY,7,Y,1,,,,Purchase of electronic equipment,Refused,-133,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,1,Cash loans,F,N,Y,0,67500.0,544491.0,17694.0,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.002134,-19551,365243,-1113.0,-1076,,1,0,0,1,0,0,,2.0,3,3,WEDNESDAY,10,0,0,0,0,0,0,XNA,,0.029072777763675176,0.5478104658520093,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-637.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1495888,130377,Cash loans,12743.01,166500.0,188478.0,0.0,166500.0,MONDAY,12,Y,1,0.0,,,XNA,Approved,-2458,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,high,Cash Street: high,365243.0,-2428.0,-1738.0,-1798.0,-1794.0,1.0,0,Cash loans,F,N,Y,0,112500.0,261000.0,13662.0,261000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.035792000000000004,-24753,365243,-341.0,-3737,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,18,0,0,0,0,0,0,XNA,,0.4397879071909187,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2471887,128469,Cash loans,28633.32,225000.0,271300.5,,225000.0,THURSDAY,11,Y,1,,,,XNA,Approved,-1062,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1032.0,-702.0,-822.0,-813.0,1.0,0,Cash loans,F,N,Y,1,135000.0,1017684.0,29884.5,729000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-15943,-8388,-3049.0,-4403,,1,1,0,1,0,0,Laborers,3.0,2,2,TUESDAY,9,0,0,0,0,0,0,Business Entity Type 2,0.7882695687607386,0.2622583692422573,0.6610235391308081,0.0722,0.0511,0.9757,0.6668,0.0078,0.0,0.1379,0.1667,0.2083,0.0725,0.0588,0.0526,0.0,0.0,0.0735,0.0531,0.9757,0.6798,0.0078,0.0,0.1379,0.1667,0.2083,0.0741,0.0643,0.0548,0.0,0.0,0.0729,0.0511,0.9757,0.6713,0.0078,0.0,0.1379,0.1667,0.2083,0.0737,0.0599,0.0535,0.0,0.0,reg oper account,block of flats,0.0414,"Stone, brick",No,5.0,0.0,5.0,0.0,-2078.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1029490,253780,Consumer loans,22363.2,245943.0,216693.0,31500.0,245943.0,SATURDAY,16,Y,1,0.13822454153164526,,,XAP,Approved,-1311,Cash through the bank,XAP,Family,New,Construction Materials,POS,XNA,Stone,426,Construction,12.0,middle,POS industry with interest,365243.0,-1280.0,-950.0,-950.0,-945.0,0.0,0,Cash loans,F,N,N,0,135000.0,1155226.5,38308.5,1035000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.00496,-21534,365243,-5298.0,-4321,,1,0,0,1,1,0,,2.0,2,2,MONDAY,17,0,0,0,0,0,0,XNA,,0.5852536516841392,0.5691487713619409,0.0031,,0.9662,,,,,0.0,,,,,,,0.0032,,0.9662,,,,,0.0,,,,,,,0.0031,,0.9662,,,,,0.0,,,,,,,,terraced house,0.0031,,No,0.0,0.0,0.0,0.0,-1311.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1515506,261775,Consumer loans,3839.04,20205.0,18184.5,2020.5,20205.0,WEDNESDAY,12,Y,1,0.1089090909090909,,,XAP,Approved,-779,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,38,Connectivity,6.0,high,POS mobile with interest,365243.0,-748.0,-598.0,-598.0,-592.0,0.0,0,Cash loans,F,N,Y,0,112500.0,239850.0,23494.5,225000.0,Family,Pensioner,Incomplete higher,Married,House / apartment,0.008473999999999999,-25054,365243,-2306.0,-4785,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,XNA,,0.4754479498424156,0.1595195404777181,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-196.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2107202,208857,Consumer loans,5582.34,37125.0,45432.0,0.0,37125.0,MONDAY,10,Y,1,0.0,,,XAP,Approved,-716,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,180,Consumer electronics,10.0,middle,POS household with interest,365243.0,-685.0,-415.0,-415.0,-409.0,0.0,0,Cash loans,F,N,N,0,63000.0,436032.0,16564.5,360000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-13041,-1152,-2591.0,-4135,,1,1,1,1,0,0,Core staff,2.0,2,2,MONDAY,9,0,0,0,0,1,1,Postal,,0.5249757263276672,0.6832688314232291,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,10.0,1.0,10.0,1.0,-716.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2122575,214932,Revolving loans,29250.0,585000.0,585000.0,,585000.0,THURSDAY,11,Y,1,,,,XAP,Refused,-195,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,N,2,450000.0,521280.0,31630.5,450000.0,Unaccompanied,Commercial associate,Higher education,Married,With parents,0.009175,-11726,-2730,-3214.0,-3403,,1,1,0,1,0,0,Sales staff,4.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Trade: type 7,,0.6915603621757781,0.1556893746835917,0.0722,0.0341,0.9732,0.6328,0.0103,0.0,0.1379,0.1667,0.2083,0.0695,0.053,0.0548,0.027000000000000003,0.0172,0.0735,0.0354,0.9732,0.6472,0.0104,0.0,0.1379,0.1667,0.2083,0.0711,0.0579,0.0571,0.0272,0.0182,0.0729,0.0341,0.9732,0.6377,0.0104,0.0,0.1379,0.1667,0.2083,0.0708,0.0539,0.0558,0.0272,0.0175,reg oper account,block of flats,0.0468,"Stone, brick",No,0.0,0.0,0.0,0.0,-821.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2349238,237882,Cash loans,26179.425,630000.0,829584.0,,630000.0,SATURDAY,15,Y,1,,,,Other,Refused,-3,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,N,N,0,78300.0,511920.0,14206.5,405000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.009175,-16866,-199,-3713.0,-382,,1,1,1,1,1,0,Managers,2.0,2,2,MONDAY,15,0,1,1,0,1,1,Business Entity Type 3,0.4796698982557394,0.693464849265496,0.722392890081304,0.1464,,0.9752,,,0.0,0.1552,0.1667,,,,0.0806,,0.0,0.1261,,0.9752,,,0.0,0.1034,0.1667,,,,0.0616,,0.0,0.1478,,0.9752,,,0.0,0.1552,0.1667,,,,0.0821,,0.0,,block of flats,0.0492,"Stone, brick",No,0.0,0.0,0.0,0.0,-256.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2071877,302742,Cash loans,29462.535,382500.0,435514.5,,382500.0,MONDAY,13,Y,1,,,,XNA,Refused,-503,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash X-Sell: high,,,,,,,1,Cash loans,F,N,Y,0,180000.0,539100.0,29245.5,450000.0,Unaccompanied,State servant,Secondary / secondary special,Widow,House / apartment,0.006233,-22595,-202,-4393.0,-4448,,1,1,0,1,0,0,,1.0,2,2,SUNDAY,15,0,0,0,0,1,1,Government,,0.7225029240955226,0.4812493411434029,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-879.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2165249,124671,Consumer loans,11669.76,94167.0,103491.0,0.0,94167.0,SATURDAY,16,Y,1,0.0,,,XAP,Approved,-1910,Cash through the bank,XAP,"Spouse, partner",Repeater,Computers,POS,XNA,Stone,100,Consumer electronics,12.0,high,POS household with interest,365243.0,-1874.0,-1544.0,-1544.0,-1538.0,0.0,0,Cash loans,M,Y,N,0,180000.0,225000.0,16371.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.011656999999999999,-14192,-2071,-8536.0,-4637,1.0,1,1,1,1,1,0,Drivers,2.0,1,1,MONDAY,11,0,1,1,0,1,1,Business Entity Type 1,0.356369296027812,0.5814481518240048,0.13177013253138142,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-845.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1110442,380221,Consumer loans,21768.255,153000.0,113346.0,45000.0,153000.0,SUNDAY,16,Y,1,0.30950633997127114,,,XAP,Approved,-1557,Cash through the bank,XAP,Unaccompanied,Repeater,Clothing and Accessories,POS,XNA,Regional / Local,469,Clothing,6.0,middle,POS industry with interest,365243.0,-1526.0,-1376.0,-1376.0,-1360.0,0.0,0,Cash loans,F,N,Y,0,112500.0,584766.0,25888.5,472500.0,Unaccompanied,Pensioner,Higher education,Widow,House / apartment,0.008865999999999999,-23631,365243,-11325.0,-4991,,1,0,0,1,1,0,,1.0,2,2,WEDNESDAY,18,0,0,0,0,0,0,XNA,,0.4646029117316596,0.6528965519806539,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2818857,323220,Consumer loans,7433.91,48856.5,46872.0,4887.0,48856.5,WEDNESDAY,19,Y,1,0.10283017973158813,,,XAP,Approved,-2297,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,2148,Consumer electronics,8.0,high,POS household with interest,365243.0,-2266.0,-2056.0,-2056.0,-2048.0,1.0,0,Cash loans,F,N,N,1,180000.0,1350000.0,37255.5,1350000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010556,-19115,-2303,-8150.0,-2655,,1,1,0,1,0,0,Laborers,3.0,3,3,THURSDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.4829681620982723,0.5028782772082183,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2297.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2622679,452916,Consumer loans,4399.065,32305.5,35505.0,0.0,32305.5,MONDAY,8,Y,1,0.0,,,XAP,Approved,-1676,Cash through the bank,XAP,Family,Refreshed,Mobile,POS,XNA,Country-wide,19,Connectivity,12.0,high,POS mobile with interest,365243.0,-1645.0,-1315.0,-1405.0,-1397.0,0.0,0,Cash loans,M,Y,Y,1,135000.0,327024.0,16033.5,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-10929,-2396,-1016.0,-3502,1.0,1,1,0,1,0,0,Laborers,3.0,2,2,THURSDAY,11,0,1,1,0,1,1,Construction,,0.2596899112335601,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2183759,447096,Cash loans,51273.0,540000.0,540000.0,,540000.0,SATURDAY,19,Y,1,,,,XNA,Approved,-460,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-430.0,-100.0,-130.0,-125.0,0.0,0,Cash loans,M,Y,Y,0,292500.0,494550.0,39780.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-18296,-406,-6273.0,-1844,8.0,1,1,0,1,0,0,Drivers,2.0,2,2,SATURDAY,14,0,0,0,0,0,0,Self-employed,,0.5300390569386557,0.2940831009471255,0.1464,0.0927,0.9806,0.7348,0.0568,0.16,0.1379,0.3333,0.375,0.0929,0.1177,0.1383,0.0077,0.018000000000000002,0.1492,0.0962,0.9806,0.7452,0.0573,0.1611,0.1379,0.3333,0.375,0.095,0.1286,0.1441,0.0078,0.0191,0.1478,0.0927,0.9806,0.7383,0.0571,0.16,0.1379,0.3333,0.375,0.0945,0.1197,0.1408,0.0078,0.0184,reg oper account,block of flats,0.1438,Panel,No,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +2835114,190907,Cash loans,25146.945,405000.0,461133.0,,405000.0,THURSDAY,17,Y,1,,,,XNA,Approved,-1035,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,middle,Cash Street: middle,365243.0,-1005.0,45.0,-495.0,-493.0,1.0,1,Cash loans,M,N,Y,0,225000.0,229500.0,12577.5,229500.0,"Spouse, partner",State servant,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-21866,-4325,-357.0,-81,,1,1,1,1,0,0,Laborers,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.6850628900950219,0.5280927512030451,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1526.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1353441,317148,Consumer loans,18834.03,228568.5,228568.5,0.0,228568.5,THURSDAY,15,Y,1,0.0,,,XAP,Refused,-2225,Cash through the bank,LIMIT,Children,Repeater,Computers,POS,XNA,Country-wide,568,Consumer electronics,18.0,high,POS household with interest,,,,,,,0,Cash loans,F,N,N,0,247500.0,216144.0,8275.5,171000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.010006000000000001,-20376,365243,-7267.0,-3897,,1,0,0,1,1,0,,1.0,2,1,TUESDAY,15,0,0,0,0,0,0,XNA,,0.5272492000804053,0.5316861425197883,0.1062,0.0738,0.9901,0.8640000000000001,0.0322,0.12,0.1034,0.3333,0.375,0.0746,0.0857,0.1165,0.0039,0.0239,0.1082,0.0765,0.9901,0.8693,0.0325,0.1208,0.1034,0.3333,0.375,0.0763,0.0937,0.1213,0.0039,0.0253,0.1072,0.0738,0.9901,0.8658,0.0324,0.12,0.1034,0.3333,0.375,0.0759,0.0872,0.1186,0.0039,0.0244,reg oper account,block of flats,0.1144,Panel,No,1.0,0.0,1.0,0.0,-530.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,5.0,0.0,2.0 +2007448,326971,Consumer loans,13711.59,77638.5,73332.0,7767.0,77638.5,SATURDAY,11,Y,1,0.10430423421878304,,,XAP,Approved,-1628,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Country-wide,1782,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1597.0,-1447.0,-1477.0,-1473.0,0.0,0,Revolving loans,F,N,Y,1,144000.0,450000.0,22500.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-14619,-7147,-582.0,-3395,,1,1,1,1,1,1,High skill tech staff,3.0,3,3,WEDNESDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.4334126861561329,0.6462387801643792,0.7862666146611379,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1849.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1435691,209193,Cash loans,73349.325,675000.0,698166.0,,675000.0,MONDAY,13,Y,1,,,,XNA,Approved,-714,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-684.0,-354.0,-354.0,-344.0,1.0,0,Cash loans,M,N,N,0,360000.0,781920.0,40617.0,675000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.019101,-11777,-1895,-5466.0,-4338,,1,1,0,1,0,0,Managers,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.6493045774279902,0.4202115194643642,,0.0608,0.0724,0.9925,0.898,0.0054,0.08,0.0345,0.4583,0.5417,0.0176,0.0496,0.066,0.0,0.0722,0.062,0.0752,0.9926,0.902,0.0054,0.0806,0.0345,0.4583,0.5417,0.018000000000000002,0.0542,0.0688,0.0,0.0764,0.0614,0.0724,0.9925,0.8994,0.0054,0.08,0.0345,0.4583,0.5417,0.0179,0.0504,0.0672,0.0,0.0737,org spec account,block of flats,0.0676,Panel,No,11.0,0.0,11.0,0.0,-1531.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1871385,200987,Cash loans,24482.385,405000.0,503338.5,,405000.0,SATURDAY,14,Y,1,,,,Other,Approved,-700,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,middle,Cash Street: middle,365243.0,-670.0,740.0,-520.0,-517.0,1.0,0,Cash loans,F,N,Y,0,103500.0,354276.0,13356.0,292500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.022625,-19823,-3085,-7036.0,-3369,,1,1,0,1,1,0,,1.0,2,2,SATURDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.6928309489473443,0.7388641852198745,0.4956658291397297,0.1495,0.073,0.9846,0.7892,0.0586,0.04,0.0345,0.3333,0.375,0.0447,0.1202,0.0985,0.0077,0.0203,0.1523,0.0758,0.9846,0.7975,0.0591,0.0403,0.0345,0.3333,0.375,0.0457,0.1313,0.1026,0.0078,0.0215,0.1509,0.073,0.9846,0.792,0.059,0.04,0.0345,0.3333,0.375,0.0455,0.1223,0.1003,0.0078,0.0208,reg oper account,block of flats,0.1139,"Stone, brick",No,0.0,0.0,0.0,0.0,-1862.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2376570,330214,Cash loans,39720.375,202500.0,209182.5,,202500.0,WEDNESDAY,14,Y,1,,,,XNA,Refused,-437,Cash through the bank,SCO,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,Y,Y,0,220500.0,225000.0,12694.5,225000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.026392000000000002,-24796,-2625,-3244.0,-4250,11.0,1,1,0,1,0,0,Managers,2.0,2,2,SATURDAY,11,0,0,0,0,1,1,Construction,,0.7101693472857233,0.6296742509538716,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,0.0,-1483.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1589099,216934,Consumer loans,19869.3,151267.5,180630.0,0.0,151267.5,TUESDAY,14,Y,1,0.0,,,XAP,Approved,-330,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,200,Furniture,10.0,low_normal,POS other with interest,365243.0,-275.0,-5.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,99000.0,436032.0,21339.0,360000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009175,-19913,-2561,-11904.0,-3457,,1,1,1,1,1,0,Cooking staff,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Government,,0.7017997446665891,0.6512602186973006,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-330.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2721326,427248,Cash loans,26368.245,337500.0,445936.5,,337500.0,TUESDAY,5,Y,1,,,,Other,Approved,-470,Cash through the bank,XAP,,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,30.0,middle,Cash Street: middle,365243.0,-440.0,430.0,-140.0,-136.0,1.0,0,Cash loans,M,Y,N,2,157500.0,545040.0,26640.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010032,-16693,-400,-6727.0,-247,21.0,1,1,1,1,0,0,Drivers,4.0,2,2,TUESDAY,6,0,0,0,0,1,1,Self-employed,,0.5334420840330752,0.35233997269170386,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-470.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2040159,165227,Cash loans,21955.95,360000.0,393264.0,,360000.0,FRIDAY,15,Y,1,,,,XNA,Approved,-1169,XNA,XAP,Children,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-1134.0,-444.0,-894.0,-886.0,0.0,0,Revolving loans,F,N,N,0,99000.0,225000.0,11250.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.0228,-20958,365243,-8203.0,-4485,,1,0,0,1,1,0,,1.0,2,2,FRIDAY,9,0,0,0,0,0,0,XNA,0.8825605960806601,0.7673033522459675,0.13510601574017175,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1823.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +1742965,242398,Consumer loans,,43150.5,43150.5,0.0,43150.5,MONDAY,13,Y,1,0.0,,,XAP,Refused,-2054,Cash through the bank,XNA,Children,Repeater,Mobile,XNA,XNA,Country-wide,-1,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Revolving loans,F,N,Y,0,135000.0,405000.0,20250.0,405000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.028663,-17255,-3290,-6419.0,-798,,1,1,0,1,1,0,Laborers,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,Self-employed,,0.6124986103826107,0.7032033049040319,0.0165,,0.9796,,,,0.069,0.0417,,0.0198,,0.0099,,0.0181,0.0168,,0.9796,,,,0.069,0.0417,,0.0203,,0.0103,,0.0192,0.0167,,0.9796,,,,0.069,0.0417,,0.0202,,0.0101,,0.0185,,block of flats,0.0122,"Stone, brick",No,0.0,0.0,0.0,0.0,-1606.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2482935,323851,Cash loans,24223.275,225000.0,304933.5,,225000.0,MONDAY,11,Y,1,,,,Other,Refused,-423,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),4,XNA,24.0,high,Cash Street: high,,,,,,,1,Cash loans,M,N,Y,0,171000.0,259600.5,20641.5,234805.5,Family,Working,Incomplete higher,Married,House / apartment,0.015221,-18103,-2403,-1590.0,-1590,,1,1,1,1,1,1,Drivers,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Transport: type 3,,0.2344962935157465,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2742734,246914,Cash loans,74178.405,1354500.0,1418868.0,,1354500.0,SATURDAY,10,Y,1,,,,XNA,Approved,-429,XNA,XAP,Family,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-399.0,291.0,365243.0,365243.0,1.0,0,Revolving loans,M,N,N,0,450000.0,382500.0,19125.0,382500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.02461,-18433,-10983,-3925.0,-1982,,1,1,0,1,0,0,High skill tech staff,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Police,0.7295767569817521,0.6585314357414876,0.4650692149562261,0.0629,0.0468,0.9747,,,0.0,0.1034,0.1667,,,,0.0466,,0.0191,0.0641,0.0486,0.9747,,,0.0,0.1034,0.1667,,,,0.0486,,0.0203,0.0635,0.0468,0.9747,,,0.0,0.1034,0.1667,,,,0.0475,,0.0195,,block of flats,0.0441,Panel,No,0.0,0.0,0.0,0.0,-1183.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,17.0,0.0,3.0 +2501711,172722,Revolving loans,7875.0,157500.0,157500.0,,157500.0,SUNDAY,8,Y,1,,,,XAP,Refused,-699,XNA,HC,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,Y,Y,0,90000.0,931401.0,47556.0,832500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-20662,365243,-109.0,-3846,1.0,1,0,0,1,0,0,,2.0,2,2,SATURDAY,9,0,0,0,0,0,0,XNA,,0.3229629774827344,0.7338145369642702,0.0186,0.0,0.9861,,,0.0,0.0345,0.0417,,,,0.0198,,0.0107,0.0189,0.0,0.9861,,,0.0,0.0345,0.0417,,,,0.0207,,0.0113,0.0187,0.0,0.9861,,,0.0,0.0345,0.0417,,,,0.0202,,0.0109,,block of flats,0.0179,Wooden,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2208210,367554,Consumer loans,11565.9,230503.5,256450.5,0.0,230503.5,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-1648,Cash through the bank,XAP,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Country-wide,1730,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1616.0,-926.0,-926.0,-919.0,0.0,0,Cash loans,F,Y,N,1,90000.0,50940.0,5346.0,45000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-12098,-3944,-584.0,-2364,24.0,1,1,1,1,0,0,Laborers,3.0,3,3,MONDAY,12,0,0,0,0,0,0,Self-employed,,0.7357256666360589,0.5028782772082183,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1689.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1696490,138172,Consumer loans,4589.55,31450.5,34047.0,0.0,31450.5,SATURDAY,16,Y,1,0.0,,,XAP,Approved,-2307,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,10.0,high,POS mobile with interest,365243.0,-2275.0,-2005.0,-2005.0,-1998.0,1.0,0,Cash loans,F,N,N,1,135000.0,562491.0,27189.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.030755,-12995,-3675,-5020.0,-4450,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Self-employed,0.3636623970862564,0.6806492491934151,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1208238,184903,Consumer loans,6545.385,173250.0,173250.0,0.0,173250.0,FRIDAY,10,Y,1,0.0,,,XAP,Approved,-490,Cash through the bank,XAP,,New,Clothing and Accessories,POS,XNA,Regional / Local,81,Clothing,36.0,low_normal,POS industry with interest,365243.0,-445.0,605.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,112500.0,495000.0,17910.0,495000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.028663,-21968,365243,-1429.0,-4043,,1,0,0,1,1,0,,1.0,2,2,FRIDAY,15,0,0,0,0,0,0,XNA,,0.2485826218634875,0.2608559142068693,0.0825,0.0598,0.9732,0.6328,,0.0,0.1379,0.1667,,0.0686,,0.0626,,0.0575,0.084,0.0621,0.9732,0.6472,,0.0,0.1379,0.1667,,0.0702,,0.0652,,0.0609,0.0833,0.0598,0.9732,0.6377,,0.0,0.1379,0.1667,,0.0698,,0.0637,,0.0587,reg oper account,block of flats,0.0492,"Stone, brick",No,1.0,0.0,1.0,0.0,-149.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2535361,169276,Consumer loans,3007.08,24090.48,26475.48,0.0,24090.48,SUNDAY,11,Y,1,0.0,,,XAP,Approved,-55,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-13.0,257.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,171000.0,436032.0,13347.0,360000.0,Unaccompanied,Pensioner,Higher education,Widow,House / apartment,0.009334,-18438,365243,-7605.0,-1984,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,XNA,,0.7615066508621019,0.3376727217405312,,,0.9791,,,,0.0862,0.0417,,,,0.0126,,,,,0.9712,,,,0.069,0.0417,,,,0.0093,,,,,0.9791,,,,0.0862,0.0417,,,,0.0129,,,,block of flats,0.006999999999999999,Wooden,No,0.0,0.0,0.0,0.0,-1514.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2530395,298720,Cash loans,59078.52,1948500.0,1948500.0,,1948500.0,SATURDAY,16,Y,1,,,,XNA,Refused,-451,Cash through the bank,HC,Children,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,135000.0,1032093.0,43857.0,922500.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.010966,-23492,365243,-1548.0,-4751,7.0,1,0,0,1,0,0,,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,XNA,,0.6989960593018631,0.6706517530862718,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1597.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2605934,248290,Consumer loans,8413.47,91188.0,82066.5,9121.5,91188.0,SATURDAY,17,Y,1,0.1089413379750924,,,XAP,Approved,-887,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Regional / Local,278,Consumer electronics,12.0,middle,POS household with interest,365243.0,-856.0,-526.0,-736.0,-731.0,0.0,0,Cash loans,M,N,Y,0,202500.0,1006920.0,42790.5,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0060079999999999995,-18595,-3092,-11160.0,-1927,,1,1,0,1,0,0,Managers,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,Services,,0.7299675038989837,0.7106743858828587,0.3361,0.2721,0.9836,0.7756,0.0696,0.4,0.3448,0.3333,0.375,0.1543,0.2723,0.377,0.0077,0.0024,0.3424,0.2824,0.9836,0.7844,0.0703,0.4028,0.3448,0.3333,0.375,0.1578,0.2975,0.3928,0.0078,0.0026,0.3393,0.2721,0.9836,0.7786,0.0701,0.4,0.3448,0.3333,0.375,0.157,0.277,0.3837,0.0078,0.0025,reg oper account,block of flats,0.3351,Panel,No,0.0,0.0,0.0,0.0,-887.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1769573,221652,Cash loans,16762.905,135000.0,162315.0,,135000.0,MONDAY,9,Y,1,,,,XNA,Approved,-1027,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,,,,,,,0,Revolving loans,M,N,Y,0,90000.0,315000.0,15750.0,315000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-19858,365243,-4505.0,-3322,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,XNA,,0.64682347219278,,0.1485,0.0,0.9806,0.7348,0.0638,0.16,0.1379,0.3333,0.375,0.0964,0.121,0.1532,,0.0,0.1513,0.0,0.9806,0.7452,0.0644,0.1611,0.1379,0.3333,0.375,0.0986,0.1322,0.1596,,0.0,0.1499,0.0,0.9806,0.7383,0.0642,0.16,0.1379,0.3333,0.375,0.0981,0.1231,0.1559,,0.0,not specified,block of flats,0.1204,Panel,No,1.0,1.0,1.0,1.0,-1615.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1205560,315671,Cash loans,17079.255,135000.0,143910.0,,135000.0,FRIDAY,10,Y,1,,,,Other,Approved,-319,Cash through the bank,XAP,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-289.0,41.0,-169.0,-163.0,1.0,0,Cash loans,M,N,Y,0,189000.0,308133.0,13702.5,234000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.010147,-13536,-687,-7490.0,-2817,,1,1,0,1,1,0,Security staff,2.0,2,2,TUESDAY,9,0,1,1,0,0,0,Security,,0.39484275246747547,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2152.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1171511,335252,Cash loans,21061.98,270000.0,291919.5,,270000.0,FRIDAY,5,Y,1,,,,XNA,Approved,-794,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-764.0,-254.0,-734.0,-720.0,1.0,0,Cash loans,F,N,N,0,135000.0,203760.0,10480.5,180000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.018029,-23828,365243,-46.0,-5749,,1,0,0,1,0,0,,1.0,3,3,SATURDAY,12,0,0,0,0,0,0,XNA,,0.5086223230375583,0.6092756673894402,0.0309,,0.9995,,,,0.0345,0.0833,,,,,,,0.0315,,0.9995,,,,0.0345,0.0833,,,,,,,0.0312,,0.9995,,,,0.0345,0.0833,,,,,,,,block of flats,0.0268,"Stone, brick",No,0.0,0.0,0.0,0.0,-1103.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1386846,296242,Consumer loans,2384.19,20655.0,20430.0,2065.5,20655.0,THURSDAY,9,Y,1,0.09999854516357813,,,XAP,Approved,-2616,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,50,Connectivity,12.0,low_normal,POS mobile with interest,365243.0,-2564.0,-2234.0,-2264.0,-2256.0,1.0,0,Cash loans,F,N,Y,0,112500.0,497520.0,27909.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.010006000000000001,-21117,-3267,-7076.0,-4662,,1,1,0,1,0,0,Managers,1.0,2,1,TUESDAY,15,0,0,0,0,0,0,Other,0.6701532427044771,0.6547647184866623,0.6956219298394389,0.2227,0.157,0.9881,0.8368,0.0564,0.24,0.2069,0.3333,0.375,0.1201,0.1807,0.271,0.0039,0.0031,0.2269,0.1629,0.9881,0.8432,0.0569,0.2417,0.2069,0.3333,0.375,0.1229,0.1974,0.2824,0.0039,0.0033,0.2248,0.157,0.9881,0.8390000000000001,0.0568,0.24,0.2069,0.3333,0.375,0.1222,0.1838,0.2759,0.0039,0.0032,reg oper account,block of flats,0.2447,Panel,No,0.0,0.0,0.0,0.0,-1489.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,0.0 +2580977,438878,Cash loans,28343.7,900000.0,1030680.0,,900000.0,FRIDAY,11,Y,1,,,,XNA,Refused,-249,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,Y,Y,0,135000.0,1288350.0,37800.0,1125000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-22762,365243,-4148.0,-327,10.0,1,0,0,1,0,0,,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,XNA,,0.39937132187225605,0.470456116119975,0.0196,0.0,0.9806,0.7348,0.0061,,0.1034,0.0417,,0.0378,0.016,0.0137,,,0.02,0.0,0.9806,0.7452,0.0061,,0.1034,0.0417,,0.0386,0.0174,0.0143,,,0.0198,0.0,0.9806,0.7383,0.0061,,0.1034,0.0417,,0.0384,0.0162,0.0139,,,reg oper account,block of flats,0.0141,"Stone, brick",No,0.0,0.0,0.0,0.0,-788.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1975636,342208,Cash loans,6679.8,90000.0,90000.0,,90000.0,THURSDAY,14,Y,1,,,,XNA,Approved,-438,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Country-wide,63,Connectivity,24.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,Y,0,112500.0,540000.0,17419.5,540000.0,Family,Working,Secondary / secondary special,Widow,House / apartment,0.015221,-19416,-3515,-10415.0,-2919,,1,1,0,1,1,0,Laborers,1.0,2,2,MONDAY,14,0,0,0,0,0,0,Industry: type 11,,0.42208800678700464,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-438.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2075300,239016,Cash loans,56907.675,675000.0,709749.0,,675000.0,THURSDAY,8,Y,1,,,,Other,Approved,-645,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,middle,Cash Street: middle,365243.0,-615.0,-105.0,-135.0,-131.0,1.0,0,Cash loans,F,N,Y,0,135000.0,1030680.0,59301.0,900000.0,"Spouse, partner",Pensioner,Higher education,Married,House / apartment,0.018801,-23161,365243,-6406.0,-296,,1,0,0,1,1,0,,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,XNA,,0.5436149835769924,,,0.4357,0.9821,0.7552,0.2741,0.64,0.5517,0.3333,0.0417,0.2424,0.4774,0.596,,0.0115,,0.4522,0.9821,0.7648,0.2766,0.6445,0.5517,0.3333,0.0417,0.2479,0.5216,0.621,,0.0121,,0.4357,0.9821,0.7585,0.2759,0.64,0.5517,0.3333,0.0417,0.2466,0.4857,0.6067,,0.0117,reg oper spec account,block of flats,0.6211,Panel,No,2.0,0.0,2.0,0.0,-897.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1843816,429614,Consumer loans,12653.685,105727.5,115033.5,0.0,105727.5,FRIDAY,13,Y,1,0.0,,,XAP,Approved,-515,XNA,XAP,,Repeater,Audio/Video,POS,XNA,Stone,400,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-484.0,-214.0,-214.0,-212.0,0.0,0,Revolving loans,M,N,N,0,135000.0,270000.0,13500.0,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,With parents,0.035792000000000004,-7745,-1163,-2290.0,-416,,1,1,0,1,0,0,Laborers,1.0,2,2,TUESDAY,12,0,0,0,0,1,1,Industry: type 9,0.03959885591269889,0.36816434724707,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-663.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1310977,258429,Consumer loans,10348.02,103500.0,93150.0,10350.0,103500.0,WEDNESDAY,13,Y,1,0.1089090909090909,,,XAP,Approved,-749,Cash through the bank,XAP,Unaccompanied,New,Clothing and Accessories,POS,XNA,Country-wide,603,Clothing,10.0,low_normal,POS industry with interest,365243.0,-717.0,-447.0,-657.0,-653.0,0.0,0,Cash loans,F,Y,Y,1,135000.0,927000.0,30636.0,927000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.019688999999999998,-10532,-117,-71.0,-1905,5.0,1,1,0,1,0,0,Private service staff,3.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Self-employed,,0.3585835874189269,0.1940678276718812,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-749.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1630737,398436,Cash loans,55964.385,1215000.0,1320849.0,,1215000.0,TUESDAY,11,Y,1,,,,XNA,Refused,-396,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Country-wide,3000,Consumer electronics,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,Y,N,0,306000.0,265851.0,14548.5,229500.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.010006000000000001,-19419,-1108,-3638.0,-2831,8.0,1,1,1,1,1,0,Drivers,2.0,2,2,SATURDAY,10,0,0,0,0,1,1,Business Entity Type 3,,0.014520750952987991,0.4135967602644276,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-623.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2240645,353351,Consumer loans,5915.295,52186.5,57699.0,0.0,52186.5,SUNDAY,16,Y,1,0.0,,,XAP,Approved,-1164,Cash through the bank,XAP,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Country-wide,1000,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1133.0,-803.0,-803.0,-786.0,0.0,0,Cash loans,F,Y,Y,1,202500.0,182448.0,17500.5,157500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.006852,-14418,-1232,-4978.0,-5415,4.0,1,1,0,1,1,0,Managers,3.0,3,3,TUESDAY,11,0,1,1,0,1,1,Business Entity Type 3,0.5139413246196632,0.7132070033194218,0.6178261467332483,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1716.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2307195,239000,Consumer loans,4981.59,45787.5,50319.0,0.0,45787.5,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-2368,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Stone,10,Furniture,12.0,middle,POS industry with interest,365243.0,-2336.0,-2006.0,-2006.0,-2003.0,1.0,0,Cash loans,F,N,Y,0,189000.0,675000.0,24930.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-17195,-1367,-9855.0,-741,,1,1,0,1,1,0,,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Trade: type 3,,0.6950198596870201,0.6413682574954046,0.2505,,0.9846,,,0.28,0.2414,0.3333,,,,0.2711,,0.3324,0.2553,,0.9846,,,0.282,0.2414,0.3333,,,,0.2825,,0.3519,0.2529,,0.9846,,,0.28,0.2414,0.3333,,,,0.276,,0.3394,,block of flats,0.2855,"Stone, brick",No,2.0,0.0,2.0,0.0,-1215.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,3.0 +1031818,378278,Consumer loans,8223.525,46575.0,44406.0,4657.5,46575.0,WEDNESDAY,10,Y,1,0.10338522341640746,,,XAP,Approved,-134,Cash through the bank,XAP,,Repeater,Jewelry,POS,XNA,Country-wide,50,Jewelry,6.0,middle,POS industry without interest,365243.0,-88.0,62.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,2,270000.0,171000.0,13639.5,171000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018209,-14742,-3041,-6576.0,-4621,17.0,1,1,0,1,0,0,Sales staff,4.0,3,3,THURSDAY,12,0,0,0,0,0,0,Self-employed,0.4773604323138659,0.4349771956131108,0.07647351918548448,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2052.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2441787,183365,Consumer loans,7793.235,72000.0,70146.0,7200.0,72000.0,THURSDAY,10,Y,1,0.1013815135295238,,,XAP,Refused,-1542,Cash through the bank,LIMIT,Unaccompanied,Refreshed,Furniture,POS,XNA,Stone,44,Furniture,10.0,low_normal,POS industry with interest,,,,,,,0,Cash loans,F,N,Y,0,90000.0,848745.0,36090.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-17630,-1933,-2682.0,-1186,,1,1,0,1,0,0,Medicine staff,2.0,2,2,SATURDAY,10,0,0,0,0,1,1,Medicine,,0.5885513267449031,0.43473324875017305,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-2247.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2066203,112266,Consumer loans,9970.47,101015.64,90913.5,10102.14,101015.64,THURSDAY,16,Y,1,0.10891530100055433,,,XAP,Approved,-1071,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,1050,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-1036.0,-766.0,-766.0,-760.0,0.0,0,Cash loans,M,Y,Y,1,180000.0,900000.0,26446.5,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.02461,-19024,-3222,-952.0,-2557,9.0,1,1,0,1,1,0,Managers,3.0,2,2,THURSDAY,18,0,0,0,0,1,1,Transport: type 4,0.7183662164133807,0.7188316342792154,0.5902333386185574,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1071.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1576689,205755,Consumer loans,2698.56,16191.0,14571.0,1620.0,16191.0,WEDNESDAY,11,Y,1,0.1089696295921977,,,XAP,Approved,-1514,Cash through the bank,XAP,Children,Repeater,Consumer Electronics,POS,XNA,Stone,5,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1483.0,-1333.0,-1363.0,-1356.0,0.0,1,Cash loans,F,N,Y,0,112500.0,274500.0,10345.5,274500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-18995,-2322,-5576.0,-2530,,1,1,0,1,0,0,Sales staff,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,Self-employed,,0.26607969974891643,0.17456426555726348,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1674.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,1.0,0.0,1.0 +2106252,375460,Cash loans,37315.62,315000.0,373455.0,,315000.0,FRIDAY,17,Y,1,,,,XNA,Approved,-397,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-363.0,-33.0,-153.0,-150.0,0.0,0,Cash loans,F,N,N,1,202500.0,270000.0,25762.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.028663,-15907,-1866,-97.0,-3834,,1,1,0,1,0,0,Medicine staff,3.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,Other,0.6359868211044301,0.3810994488835941,0.6479768603302221,0.0742,0.0557,0.9891,,,0.08,0.069,0.3333,,,,0.046,,0.0056,0.0756,0.0566,0.9891,,,0.0806,0.069,0.3333,,,,0.0477,,0.0,0.0749,0.0557,0.9891,,,0.08,0.069,0.3333,,,,0.0468,,0.0058,,,0.0859,Mixed,No,1.0,1.0,1.0,0.0,-1544.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,7.0,0.0,2.0 +1165879,358311,Cash loans,24650.1,450000.0,512370.0,,450000.0,THURSDAY,8,Y,1,,,,XNA,Approved,-781,XNA,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-751.0,299.0,-511.0,-505.0,1.0,0,Cash loans,F,N,Y,0,112500.0,119893.5,14355.0,103500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,With parents,0.006629,-13041,-231,-242.0,-4651,,1,1,0,1,0,0,Sales staff,1.0,2,2,MONDAY,9,0,0,0,1,1,0,Trade: type 7,,0.6705760136890923,0.4596904504249018,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-319.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,8.0 +1204840,210950,Cash loans,25830.315,450000.0,491580.0,,450000.0,FRIDAY,13,Y,1,,,,Urgent needs,Approved,-481,Cash through the bank,XAP,,New,XNA,Cash,walk-in,AP+ (Cash loan),5,XNA,24.0,low_normal,Cash Street: low,365243.0,-448.0,242.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,166500.0,679500.0,27076.5,679500.0,Unaccompanied,State servant,Secondary / secondary special,Civil marriage,House / apartment,0.011703,-21864,-819,-13226.0,-4538,,1,1,1,1,1,0,Accountants,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Government,0.7782650409901892,0.7215021989953875,0.6528965519806539,0.1165,0.114,0.9821,,,0.0,0.2759,0.1667,,,,0.1071,,0.1261,0.1187,0.1183,0.9821,,,0.0,0.2759,0.1667,,,,0.1115,,0.1335,0.1176,0.114,0.9821,,,0.0,0.2759,0.1667,,,,0.109,,0.1288,,block of flats,0.1221,Panel,No,0.0,0.0,0.0,0.0,-481.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2386036,256553,Consumer loans,11221.155,126000.0,109453.5,27000.0,126000.0,FRIDAY,13,Y,1,0.2154979868266812,,,XAP,Approved,-576,Cash through the bank,XAP,,Repeater,Sport and Leisure,POS,XNA,Stone,15,Industry,12.0,middle,POS industry with interest,365243.0,-545.0,-215.0,-245.0,-238.0,0.0,0,Cash loans,F,N,Y,0,157500.0,675000.0,32602.5,675000.0,Children,Working,Secondary / secondary special,Widow,House / apartment,0.030755,-21276,-3714,-9292.0,-4738,,1,1,0,1,0,0,Cleaning staff,1.0,2,2,SUNDAY,15,0,0,0,0,0,0,Other,,0.4311545414041371,0.7544061731797895,0.0309,0.03,0.9871,0.8232,0.0044,0.0,0.069,0.1667,0.2083,0.006999999999999999,0.0252,0.0292,0.0,0.0,0.0315,0.0312,0.9871,0.8301,0.0044,0.0,0.069,0.1667,0.2083,0.0072,0.0275,0.0304,0.0,0.0,0.0312,0.03,0.9871,0.8256,0.0044,0.0,0.069,0.1667,0.2083,0.0071,0.0257,0.0297,0.0,0.0,reg oper account,block of flats,0.026,Panel,No,0.0,0.0,0.0,0.0,-223.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1783224,295457,Cash loans,81563.895,1260000.0,1333179.0,,1260000.0,WEDNESDAY,2,Y,1,,,,XNA,Approved,-670,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-640.0,50.0,-70.0,-64.0,1.0,0,Cash loans,M,Y,Y,0,270000.0,1166724.0,34245.0,913500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.014464,-19182,-640,-74.0,-2476,15.0,1,1,0,1,0,0,Drivers,1.0,2,2,MONDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.4493718264777001,0.5761063583270896,,,,0.9767,,,,,,,,,0.0608,,,,,0.9767,,,,,,,,,0.0633,,,,,0.9767,,,,,,,,,0.0619,,,,,0.0525,,No,0.0,0.0,0.0,0.0,-829.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,3.0 +1632726,426663,Consumer loans,,153675.0,153675.0,0.0,153675.0,THURSDAY,16,Y,1,0.0,,,XAP,Refused,-2090,Cash through the bank,LIMIT,Family,Repeater,Computers,XNA,XNA,Stone,114,Consumer electronics,,XNA,POS household with interest,,,,,,,1,Cash loans,F,Y,Y,0,270000.0,1046142.0,33876.0,913500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-9964,-944,-4517.0,-1110,1.0,1,1,0,1,0,0,Realty agents,2.0,2,2,MONDAY,15,0,0,0,0,0,0,Self-employed,0.3260080632952456,0.6164718582393616,0.2512394458905693,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1691.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +1780010,315671,Consumer loans,2072.745,17955.0,17761.5,1795.5,17955.0,THURSDAY,18,Y,1,0.09998786763167804,,,XAP,Approved,-2805,XNA,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,40,Connectivity,12.0,low_normal,POS mobile with interest,365243.0,-2774.0,-2444.0,-2444.0,-2438.0,1.0,0,Cash loans,M,N,Y,0,189000.0,308133.0,13702.5,234000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.010147,-13536,-687,-7490.0,-2817,,1,1,0,1,1,0,Security staff,2.0,2,2,TUESDAY,9,0,1,1,0,0,0,Security,,0.39484275246747547,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2152.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1141118,245610,Cash loans,21135.78,337500.0,376483.5,,337500.0,WEDNESDAY,6,Y,1,,,,XNA,Refused,-423,Cash through the bank,XNA,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,Y,N,1,135000.0,814041.0,28971.0,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-15147,-3278,-9072.0,-1150,12.0,1,1,0,1,0,0,Laborers,3.0,3,2,SATURDAY,9,0,0,0,0,0,0,University,0.4551548478862754,0.0856807300374653,0.7076993447402619,0.2134,0.2775,0.9871,0.8232,0.2087,0.28,0.2414,0.3333,0.375,0.1041,0.1715,0.2622,0.0116,0.02,0.2174,0.2879,0.9871,0.8301,0.2106,0.282,0.2414,0.3333,0.375,0.1065,0.1873,0.2732,0.0117,0.0212,0.2155,0.2775,0.9871,0.8256,0.21,0.28,0.2414,0.3333,0.375,0.1059,0.1744,0.2669,0.0116,0.0204,reg oper spec account,block of flats,0.2106,Panel,No,0.0,0.0,0.0,0.0,-667.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1246880,308894,Consumer loans,12294.9,50535.0,47083.5,5053.5,50535.0,SUNDAY,10,Y,1,0.10556266967970744,,,XAP,Refused,-343,XNA,SCO,,New,Consumer Electronics,POS,XNA,Stone,53,Consumer electronics,4.0,low_normal,POS household with interest,,,,,,,0,Cash loans,F,Y,Y,0,135000.0,521280.0,27423.0,450000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.030755,-14057,-1257,-2910.0,-2923,15.0,1,1,0,1,0,0,Sales staff,2.0,2,2,SUNDAY,10,0,0,0,0,0,0,Self-employed,0.6923905746475497,0.65694629747558,0.2405414172860865,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-343.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2529975,116807,Cash loans,81208.08,2250000.0,2517300.0,,2250000.0,SATURDAY,14,Y,1,,,,XNA,Refused,-539,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,1,Cash loans,M,N,Y,1,585000.0,1240614.0,41130.0,1111500.0,Unaccompanied,State servant,Secondary / secondary special,Married,Rented apartment,0.072508,-15939,-5122,-8281.0,-2311,,1,1,0,1,1,0,Laborers,3.0,1,1,WEDNESDAY,18,0,0,0,0,0,0,Government,0.3473886479076617,0.5748241928231871,0.4686596550493113,0.2175,0.1131,0.9801,0.728,0.0,0.24,0.2069,0.3333,0.0,0.0,0.1774,0.2045,0.0,0.0652,0.2216,0.1174,0.9801,0.7387,0.0,0.2417,0.2069,0.3333,0.0,0.0,0.1938,0.213,0.0,0.069,0.2196,0.1131,0.9801,0.7316,0.0,0.24,0.2069,0.3333,0.0,0.0,0.1804,0.2081,0.0,0.0665,reg oper spec account,block of flats,0.1874,Panel,No,0.0,0.0,0.0,0.0,-1615.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1856815,148460,Consumer loans,11248.875,112500.0,101250.0,11250.0,112500.0,FRIDAY,10,Y,1,0.1089090909090909,,,XAP,Approved,-2594,XNA,XAP,,New,Furniture,POS,XNA,Stone,150,Furniture,10.0,low_normal,POS industry without interest,365243.0,-2560.0,-2290.0,-2290.0,-2284.0,0.0,0,Revolving loans,F,Y,Y,2,90000.0,270000.0,13500.0,270000.0,Family,Working,Higher education,Married,House / apartment,0.026392000000000002,-10453,-498,-2377.0,-3129,2.0,1,1,0,1,1,0,Sales staff,4.0,2,2,TUESDAY,14,0,0,0,0,1,1,Self-employed,0.770245587269624,0.7125266476912006,0.6738300778602003,,,0.9786,,,,,,,,,0.0677,,,,,0.9786,,,,,,,,,0.0706,,,,,0.9786,,,,,,,,,0.0689,,,,,0.0,,No,1.0,1.0,1.0,1.0,-403.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2112991,190512,Revolving loans,11250.0,765000.0,225000.0,,765000.0,SATURDAY,11,N,1,,,,XAP,Refused,-494,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,112500.0,647046.0,21001.5,463500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.007305,-18881,-8328,-6096.0,-2287,,1,1,0,1,1,0,Low-skill Laborers,1.0,3,3,WEDNESDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.35402287277820704,0.6264308614135721,0.23272477626794336,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1615.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1232491,410163,Consumer loans,3761.055,19534.095,18445.5,1957.095,19534.095,FRIDAY,10,Y,1,0.10446976831757296,,,XAP,Approved,-1950,Non-cash from your account,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,909,Consumer electronics,6.0,high,POS household with interest,365243.0,-1912.0,-1762.0,-1762.0,-1752.0,0.0,0,Cash loans,F,N,Y,0,157500.0,239850.0,23494.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.0105,-24916,365243,-12565.0,-3933,,1,0,0,1,1,0,,1.0,3,3,TUESDAY,17,0,0,0,0,0,0,XNA,,0.6568132223916464,0.6313545365850379,,,0.9831,,,,0.2759,0.1667,,,,0.1085,,0.0,,,0.9831,,,,0.2759,0.1667,,,,0.1131,,0.0,,,0.9831,,,,0.2759,0.1667,,,,0.1105,,0.0,,,0.0853,"Stone, brick",No,0.0,0.0,0.0,0.0,-1762.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1364276,153658,Consumer loans,1857.69,27661.5,18036.0,11250.0,27661.5,THURSDAY,18,Y,1,0.4183662066268092,,,XAP,Approved,-1876,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Stone,140,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1823.0,-1493.0,-1493.0,-1488.0,0.0,0,Cash loans,M,N,N,0,157500.0,454500.0,14661.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.0105,-13960,-218,-5470.0,-4245,,1,1,0,1,0,0,Laborers,2.0,3,3,THURSDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.5659979913396402,0.317375177009599,0.1061556230153924,0.0165,0.0,0.9752,0.66,0.0,0.0,0.069,0.0417,0.0833,0.0307,0.0134,0.0125,0.0,0.0,0.0168,0.0,0.9752,0.6733,0.0,0.0,0.069,0.0417,0.0833,0.0314,0.0147,0.013,0.0,0.0,0.0167,0.0,0.9752,0.6645,0.0,0.0,0.069,0.0417,0.0833,0.0312,0.0137,0.0127,0.0,0.0,reg oper account,block of flats,0.0098,"Stone, brick",No,0.0,0.0,0.0,0.0,-1876.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1719104,234820,Consumer loans,7123.05,78705.0,61771.5,22500.0,78705.0,MONDAY,17,Y,1,0.2907809337029181,,,XAP,Approved,-1430,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Regional / Local,655,Consumer electronics,12.0,high,POS household with interest,365243.0,-1399.0,-1069.0,-1189.0,-1186.0,0.0,0,Cash loans,F,Y,Y,1,247500.0,1551798.0,45504.0,1215000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.032561,-14707,-401,-6278.0,-2470,3.0,1,1,0,1,0,0,,3.0,1,1,WEDNESDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.7052706330948032,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1430.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1761711,113923,Consumer loans,3000.915,24997.5,22495.5,2502.0,24997.5,MONDAY,12,Y,1,0.10900711889370754,,,XAP,Approved,-2823,Cash through the bank,XAP,Other_B,New,Mobile,POS,XNA,Stone,9,Connectivity,10.0,high,POS mobile with interest,365243.0,-2784.0,-2514.0,-2514.0,-2481.0,0.0,0,Cash loans,M,Y,Y,1,112500.0,270000.0,13783.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-10830,-1716,-1253.0,-3453,4.0,1,1,1,1,1,0,Laborers,3.0,2,2,WEDNESDAY,9,0,0,0,1,1,1,Construction,,0.4133759083568922,0.4543210601605785,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2823.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1390759,425101,Consumer loans,6901.92,64300.5,58392.0,18000.0,64300.5,MONDAY,15,Y,1,0.2566189700968212,,,XAP,Approved,-1794,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,10,Connectivity,12.0,high,POS mobile with interest,365243.0,-1739.0,-1409.0,-1409.0,-1402.0,0.0,0,Cash loans,M,N,Y,0,405000.0,675000.0,54252.0,675000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,With parents,0.04622,-9986,-568,-4724.0,-2659,,1,1,0,1,1,1,Managers,1.0,1,1,WEDNESDAY,13,0,1,1,0,0,0,Business Entity Type 3,,0.6589541986477326,0.20208660168203949,0.1299,0.0484,0.9831,0.7688,0.0,0.16,0.1379,0.3333,0.375,0.0,0.1059,0.1435,0.0,0.0,0.1324,0.0502,0.9831,0.7779,0.0,0.1611,0.1379,0.3333,0.375,0.0,0.1157,0.1495,0.0,0.0,0.1312,0.0484,0.9831,0.7719,0.0,0.16,0.1379,0.3333,0.375,0.0,0.1077,0.1461,0.0,0.0,reg oper account,block of flats,0.1129,"Stone, brick",No,0.0,0.0,0.0,0.0,-132.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2587553,194532,Cash loans,,0.0,0.0,,,TUESDAY,14,Y,1,,,,XNA,Refused,-380,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,0,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,405000.0,746280.0,59094.0,675000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.072508,-23532,365243,-952.0,-4187,,1,0,0,1,1,0,,2.0,1,1,THURSDAY,15,0,0,0,0,0,0,XNA,,0.5077041296487351,0.5954562029091491,0.2639,0.0712,0.9965,0.9524,0.1659,0.32,0.1379,0.6667,0.7083,0.0243,0.2152,0.165,0.0,0.0693,0.2689,0.0739,0.9965,0.9543,0.1512,0.3222,0.1379,0.6667,0.7083,0.0236,0.2351,0.1538,0.0,0.0631,0.2665,0.0712,0.9965,0.953,0.16699999999999998,0.32,0.1379,0.6667,0.7083,0.0247,0.2189,0.168,0.0,0.0708,reg oper account,block of flats,0.0236,Panel,No,0.0,0.0,0.0,0.0,-3.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2086017,415220,Cash loans,72776.565,1759500.0,1884915.0,,1759500.0,FRIDAY,16,Y,1,,,,XNA,Approved,-355,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-325.0,725.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,135000.0,398016.0,22977.0,360000.0,Children,Pensioner,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-23623,365243,-7586.0,-4067,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,XNA,0.6637228131280455,0.052658238580629055,0.445396241560834,0.0711,0.0544,0.9906,0.8708,0.0293,0.0,0.2069,0.1667,0.2083,0.0456,0.0572,0.0743,0.0039,0.0419,0.0725,0.0565,0.9906,0.8759,0.0296,0.0,0.2069,0.1667,0.2083,0.0466,0.0624,0.0774,0.0039,0.0443,0.0718,0.0544,0.9906,0.8725,0.0295,0.0,0.2069,0.1667,0.2083,0.0464,0.0581,0.0756,0.0039,0.0427,reg oper account,block of flats,0.0835,"Stone, brick",No,0.0,0.0,0.0,0.0,-1919.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +2069177,416633,Consumer loans,7540.83,87213.69,78961.5,17459.19,87213.69,FRIDAY,13,Y,1,0.19720503046691445,,,XAP,Approved,-2023,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,2300,Consumer electronics,16.0,high,POS household with interest,365243.0,-1992.0,-1542.0,-1542.0,-1531.0,0.0,0,Cash loans,M,Y,Y,2,157500.0,297000.0,13842.0,297000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-12196,-713,-6281.0,-4166,7.0,1,1,0,1,0,0,Laborers,4.0,2,2,FRIDAY,10,0,0,0,0,0,0,Trade: type 7,,0.34035168727593995,0.29708661164720285,0.5309,0.2491,0.9816,0.7484,,0.88,0.3793,0.4583,0.0,0.3977,,0.5878,,0.0487,0.541,0.2585,0.9816,0.7583,,0.8862,0.3793,0.4583,0.0,0.4067,,0.6124,,0.0516,0.5361,0.2491,0.9816,0.7518,,0.88,0.3793,0.4583,0.0,0.4046,,0.5983,,0.0498,,block of flats,0.5149,Panel,No,0.0,0.0,0.0,0.0,-107.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2610508,436086,Consumer loans,5982.84,52024.5,52024.5,0.0,52024.5,WEDNESDAY,16,Y,1,0.0,,,XAP,Approved,-749,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,200,Consumer electronics,10.0,middle,POS household with interest,365243.0,-718.0,-448.0,-478.0,-458.0,0.0,0,Cash loans,M,Y,Y,2,202500.0,811017.0,49617.0,751500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-9907,-550,-2577.0,-2576,13.0,1,1,0,1,0,0,Drivers,4.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.6429976197051943,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1757.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2643726,180837,Consumer loans,8231.94,141120.0,159318.0,0.0,141120.0,THURSDAY,21,Y,1,0.0,,,XAP,Approved,-574,Cash through the bank,XAP,,New,Medical Supplies,POS,XNA,Stone,25,Industry,24.0,low_normal,POS industry with interest,365243.0,-537.0,153.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,148500.0,679500.0,26946.0,679500.0,Unaccompanied,Working,Higher education,Married,Municipal apartment,0.006670999999999999,-18462,-215,-5763.0,-2012,,1,1,0,1,0,0,,2.0,2,2,THURSDAY,19,0,0,0,0,1,1,Business Entity Type 3,,0.7078413458879441,0.8435435389318647,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-574.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1217395,384027,Cash loans,14202.36,229500.0,254340.0,,229500.0,SATURDAY,12,Y,1,,,,XNA,Approved,-1083,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-1053.0,-363.0,-933.0,-927.0,1.0,0,Cash loans,F,N,N,0,225000.0,511249.5,21789.0,382500.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.009656999999999999,-23024,365243,-13558.0,-4137,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,16,0,0,0,0,0,0,XNA,0.7878192463614281,0.5305619514677582,0.7309873696832169,0.0557,0.0414,0.9762,0.6736,0.0242,0.0,0.1034,0.1667,0.2083,0.0673,0.0412,0.0611,0.0193,0.0233,0.0567,0.043,0.9762,0.6864,0.0244,0.0,0.1034,0.1667,0.2083,0.0688,0.045,0.0637,0.0195,0.0246,0.0562,0.0414,0.9762,0.6779999999999999,0.0243,0.0,0.1034,0.1667,0.2083,0.0685,0.0419,0.0622,0.0194,0.0238,reg oper account,block of flats,0.0531,Block,No,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1870394,307411,Cash loans,6392.88,49500.0,52767.0,,49500.0,FRIDAY,19,Y,1,,,,XNA,Approved,-847,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Country-wide,20,Connectivity,12.0,high,Cash Street: high,365243.0,-817.0,-487.0,-487.0,-481.0,1.0,0,Cash loans,F,N,Y,2,72000.0,1080000.0,31576.5,1080000.0,Unaccompanied,State servant,Incomplete higher,Married,House / apartment,0.032561,-11475,-3548,-1915.0,-2709,,1,1,1,1,0,0,Medicine staff,4.0,1,1,FRIDAY,10,0,0,0,0,0,0,Medicine,0.6912749008614911,0.7158609528990171,,0.0354,0.0707,0.996,0.9456,0.002,0.016,0.0759,0.125,0.1667,0.0,0.0288,0.0428,0.0,0.0021,0.0336,0.0726,0.9965,0.9543,0.0,0.0,0.069,0.125,0.1667,0.0,0.0294,0.0225,0.0,0.0,0.0333,0.0707,0.9965,0.953,0.0,0.0,0.069,0.125,0.1667,0.0,0.0274,0.0405,0.0,0.0025,reg oper account,block of flats,0.0176,Mixed,No,0.0,0.0,0.0,0.0,-1918.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1446027,310073,Consumer loans,3920.805,19426.5,20466.0,1944.0,19426.5,FRIDAY,16,Y,1,0.09447535596933183,,,XAP,Approved,-1460,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Regional / Local,145,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1429.0,-1279.0,-1279.0,-1276.0,0.0,0,Revolving loans,M,Y,Y,0,157500.0,202500.0,10125.0,202500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-17653,-3736,-680.0,-1209,13.0,1,1,1,1,1,0,,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Housing,,0.7617766054610009,0.5832379256761245,0.0371,0.0,0.9732,0.6328,0.0028,0.0,0.1034,0.0833,0.125,0.0452,0.0244,0.0238,0.027000000000000003,0.0208,0.0378,0.0,0.9732,0.6472,0.0028,0.0,0.1034,0.0833,0.125,0.0463,0.0266,0.0248,0.0272,0.022,0.0375,0.0,0.9732,0.6377,0.0028,0.0,0.1034,0.0833,0.125,0.046,0.0248,0.0243,0.0272,0.0212,reg oper account,block of flats,0.025,"Stone, brick",No,0.0,0.0,0.0,0.0,-1571.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1508511,249817,Cash loans,23844.78,454500.0,526491.0,,454500.0,TUESDAY,12,Y,1,,,,XNA,Refused,-513,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,90000.0,57339.0,6151.5,49500.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.025164,-20573,365243,-1450.0,-3832,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,12,0,0,0,0,0,0,XNA,0.35679113161977016,0.4301894192082407,0.5460231970049609,0.0577,0.0767,0.9846,0.7892,0.006,0.04,0.0345,0.4025,,0.1171,,0.0791,,0.0111,0.0189,0.0589,0.9831,0.7779,0.0054,0.0403,0.0345,0.3333,,0.0112,,0.0742,,0.0,0.0198,0.0835,0.9841,0.7853,0.0061,0.04,0.0345,0.3333,,0.1596,,0.0763,,0.014,reg oper account,block of flats,0.0589,"Stone, brick",No,1.0,1.0,1.0,1.0,-915.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1388344,222116,Consumer loans,5403.555,29916.0,26923.5,2992.5,29916.0,MONDAY,13,Y,1,0.10894185537687336,,,XAP,Approved,-2525,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,48,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2471.0,-2321.0,-2351.0,-2344.0,0.0,0,Cash loans,F,N,N,0,135000.0,808650.0,23773.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.005144,-21321,365243,-3806.0,-4093,,1,0,0,1,0,0,,1.0,2,2,SATURDAY,14,0,0,0,0,0,0,XNA,0.6823061696322726,0.4895015203362017,0.38079968264891495,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1122.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2546605,306373,Consumer loans,14771.385,86890.5,78201.0,8689.5,86890.5,SUNDAY,17,Y,1,0.10891473123696437,,,XAP,Refused,-453,Cash through the bank,HC,,Repeater,Mobile,POS,XNA,Country-wide,10,Connectivity,6.0,middle,POS mobile with interest,,,,,,,0,Cash loans,F,N,N,0,112500.0,263686.5,13914.0,238500.0,Unaccompanied,Pensioner,Lower secondary,Widow,House / apartment,0.02461,-24655,365243,-11795.0,-4180,,1,0,0,1,1,0,,1.0,2,2,THURSDAY,12,0,0,0,0,0,0,XNA,,0.4703678065025897,0.6195277080511546,0.133,0.1273,0.9791,0.7144,,0.0,0.2759,0.1667,,0.101,,0.1224,,0.0,0.1355,0.1321,0.9791,0.7256,,0.0,0.2759,0.1667,,0.1033,,0.1276,,0.0,0.1343,0.1273,0.9791,0.7182,,0.0,0.2759,0.1667,,0.1027,,0.1246,,0.0,,block of flats,0.1047,"Stone, brick",No,5.0,1.0,5.0,1.0,-453.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1489617,248582,Consumer loans,37901.52,216000.0,216000.0,0.0,216000.0,SATURDAY,5,Y,1,0.0,,,XAP,Approved,-242,XNA,XAP,,Repeater,Clothing and Accessories,POS,XNA,Stone,50,Clothing,6.0,low_action,POS industry with interest,365243.0,-206.0,-56.0,-56.0,-52.0,0.0,0,Cash loans,F,N,Y,1,225000.0,1454094.0,42646.5,1138500.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.010032,-12898,-986,-9338.0,-4879,,1,1,0,1,0,0,Sales staff,3.0,2,2,WEDNESDAY,11,0,0,0,0,1,1,Business Entity Type 3,0.5891089997344645,0.6649094551919386,0.8193176922872417,0.0619,0.0629,0.9876,,,,0.1379,0.1667,,,,0.0677,,,0.063,0.0653,0.9876,,,,0.1379,0.1667,,,,0.0705,,,0.0625,0.0629,0.9876,,,,0.1379,0.1667,,,,0.0689,,,,block of flats,0.0594,Panel,No,3.0,0.0,3.0,0.0,-1608.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +2525026,303253,Revolving loans,22500.0,450000.0,450000.0,,450000.0,THURSDAY,18,Y,1,,,,XAP,Approved,-465,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-447.0,-416.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,0,180000.0,545040.0,26509.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-10774,-1170,-1031.0,-3341,18.0,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,11,0,0,0,0,1,1,Business Entity Type 3,0.4732689193685124,0.5867497045669829,0.5100895276257282,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1575.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2512324,115786,Cash loans,12682.305,283500.0,329530.5,,283500.0,SATURDAY,13,Y,1,,,,XNA,Approved,-210,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-180.0,870.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,166500.0,281493.0,15399.0,243000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.010006000000000001,-23164,365243,-7164.0,-4600,,1,0,0,1,0,0,,1.0,2,2,SATURDAY,11,0,0,0,1,0,0,XNA,,0.6599265750830152,0.6023863442690867,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,1.0,6.0,1.0,-495.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2342769,396762,Cash loans,32596.695,540000.0,625536.0,,540000.0,WEDNESDAY,10,Y,1,,,,XNA,Refused,-390,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,M,N,Y,1,225000.0,521280.0,31630.5,450000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-13224,-4019,-776.0,-4217,,1,1,0,1,0,0,,3.0,2,2,MONDAY,11,0,0,0,0,0,0,Construction,,0.5334692961309502,0.5797274227921155,0.0392,,0.9876,0.83,,0.0,0.1379,0.125,,,,,,,0.0399,,0.9876,0.8367,,0.0,0.1379,0.125,,,,,,,0.0396,,0.9876,0.8323,,0.0,0.1379,0.125,,,,,,,org spec account,block of flats,0.0323,"Stone, brick",No,0.0,0.0,0.0,0.0,-1178.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1316317,171958,Consumer loans,6012.81,29430.0,21105.0,9000.0,29430.0,FRIDAY,13,Y,1,0.3255877157222447,,,XAP,Approved,-2670,XNA,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,25,Connectivity,4.0,low_normal,POS mobile with interest,365243.0,-2639.0,-2549.0,-2549.0,-2542.0,1.0,0,Cash loans,M,Y,Y,2,90000.0,640080.0,31261.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.011703,-17206,-292,-6741.0,-754,2.0,1,1,0,1,1,0,Laborers,4.0,2,2,MONDAY,14,0,1,1,0,0,0,Construction,,0.6294706397870851,0.746300213050371,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2837.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1087470,454509,Consumer loans,4578.57,40410.0,34996.5,8082.0,40410.0,SUNDAY,12,Y,1,0.2043254228274598,,,XAP,Approved,-1149,XNA,XAP,Other_A,New,Mobile,POS,XNA,Country-wide,62,Connectivity,10.0,high,POS mobile with interest,365243.0,-1118.0,-848.0,-878.0,-876.0,0.0,0,Cash loans,F,N,Y,2,135000.0,814041.0,23931.0,679500.0,Unaccompanied,Working,Lower secondary,Married,House / apartment,0.008865999999999999,-13623,-563,-6711.0,-846,,1,1,0,1,0,0,Laborers,4.0,2,2,MONDAY,10,0,0,0,0,0,0,Industry: type 1,,0.4189547067807917,0.36227724703843145,0.0928,0.0724,0.9776,0.6940000000000001,0.0137,0.0,0.2069,0.1667,0.2083,0.0965,0.0756,0.0784,0.0,0.0,0.0945,0.0752,0.9777,0.706,0.0138,0.0,0.2069,0.1667,0.2083,0.0987,0.0826,0.0817,0.0,0.0,0.0937,0.0724,0.9776,0.6981,0.0138,0.0,0.2069,0.1667,0.2083,0.0982,0.077,0.0798,0.0,0.0,reg oper account,block of flats,0.0692,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2771218,387420,Cash loans,38816.1,1327500.0,1327500.0,,1327500.0,FRIDAY,10,Y,1,,,,XNA,Refused,-280,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Revolving loans,F,N,Y,0,202500.0,337500.0,16875.0,337500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-22936,365243,-14343.0,-4509,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,XNA,,0.32857767807834976,,0.0608,0.0754,0.9806,0.7348,0.0077,0.0,0.1379,0.1667,0.2083,0.0451,0.0479,0.0538,0.0077,0.0554,0.062,0.0783,0.9806,0.7452,0.0078,0.0,0.1379,0.1667,0.2083,0.0462,0.0523,0.056,0.0078,0.0586,0.0614,0.0754,0.9806,0.7383,0.0077,0.0,0.1379,0.1667,0.2083,0.0459,0.0487,0.0548,0.0078,0.0565,reg oper account,block of flats,0.0586,"Stone, brick",No,12.0,0.0,12.0,0.0,-1243.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1301487,201066,Consumer loans,7156.26,42705.0,35374.5,9000.0,42705.0,THURSDAY,12,Y,1,0.2208885324188031,,,XAP,Approved,-1954,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,25,Connectivity,6.0,high,POS mobile with interest,365243.0,-1918.0,-1768.0,-1768.0,-1762.0,0.0,0,Cash loans,F,Y,Y,0,360000.0,225000.0,21037.5,225000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.04622,-17293,-699,-4226.0,-835,5.0,1,1,0,1,1,0,,2.0,1,1,THURSDAY,22,0,0,0,0,1,1,Business Entity Type 3,,0.6982962523999343,0.5937175866150576,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1954.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1342726,114558,Cash loans,17648.01,121500.0,148702.5,,121500.0,THURSDAY,12,Y,1,,,,XNA,Refused,-595,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,M,Y,Y,0,180000.0,202500.0,21937.5,202500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008865999999999999,-13953,-980,-4577.0,-4788,64.0,1,1,0,1,0,0,Drivers,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.3629038306202517,0.7863850913025769,0.4329616670974407,0.0763,0.0621,0.9866,0.8164,0.0201,0.08,0.069,0.3333,0.375,0.0621,0.0597,0.0834,0.0116,0.0279,0.0777,0.0644,0.9866,0.8236,0.0203,0.0806,0.069,0.3333,0.375,0.0635,0.0652,0.0869,0.0117,0.0295,0.077,0.0621,0.9866,0.8189,0.0202,0.08,0.069,0.3333,0.375,0.0632,0.0607,0.0849,0.0116,0.0284,reg oper account,block of flats,0.0716,Panel,No,0.0,0.0,0.0,0.0,-1983.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1670654,254453,Consumer loans,2814.255,13500.0,14170.5,0.0,13500.0,WEDNESDAY,8,Y,1,0.0,,,XAP,Approved,-2380,XNA,XAP,Unaccompanied,New,Homewares,POS,XNA,Stone,139,Consumer electronics,6.0,high,POS household with interest,365243.0,-2341.0,-2191.0,-2191.0,-2187.0,1.0,0,Cash loans,F,N,N,0,36000.0,269550.0,11416.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020713,-23112,365243,-2398.0,-4880,,1,0,0,1,0,0,,2.0,3,3,WEDNESDAY,8,0,0,0,0,0,0,XNA,,0.02740794508886326,0.18411615593071512,0.0918,0.1008,0.9806,0.7348,0.0143,0.0,0.2069,0.1667,0.2083,0.1136,0.07400000000000001,0.0844,0.0039,0.0075,0.0935,0.1046,0.9806,0.7452,0.0144,0.0,0.2069,0.1667,0.2083,0.1162,0.0808,0.0879,0.0039,0.008,0.0926,0.1008,0.9806,0.7383,0.0144,0.0,0.2069,0.1667,0.2083,0.1156,0.0752,0.0859,0.0039,0.0077,reg oper account,block of flats,0.0781,Panel,No,2.0,0.0,2.0,0.0,-1873.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2473658,153966,Consumer loans,5225.895,62235.0,56011.5,6223.5,62235.0,TUESDAY,15,Y,1,0.1089090909090909,,,XAP,Refused,-2214,Cash through the bank,LIMIT,Family,Repeater,Furniture,POS,XNA,Country-wide,3160,Furniture,12.0,low_normal,POS industry with interest,,,,,,,0,Cash loans,F,N,Y,1,108000.0,941193.0,37327.5,760500.0,Unaccompanied,Working,Secondary / secondary special,Married,Rented apartment,0.007305,-14142,-2567,-5259.0,-5034,,1,1,0,1,0,0,Medicine staff,3.0,3,3,THURSDAY,8,0,0,0,1,1,0,University,0.38996845936038255,0.6228880734546164,0.3606125659189888,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1869.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,2.0 +1523675,144194,Consumer loans,3380.58,31378.5,25078.5,6300.0,31378.5,SATURDAY,13,Y,1,0.21866159081131106,,,XAP,Approved,-1876,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,57,Connectivity,10.0,high,POS mobile with interest,365243.0,-1834.0,-1564.0,-1594.0,-1588.0,0.0,0,Cash loans,F,Y,Y,2,180000.0,448056.0,16222.5,315000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.010643000000000001,-14766,-3815,-8068.0,-4096,13.0,1,1,0,1,0,0,Laborers,4.0,2,2,SATURDAY,14,0,0,0,0,0,0,Business Entity Type 2,,0.7347167624394068,0.2418614865234661,0.017,0.0449,0.9826,0.8096,0.0059,0.0,0.0431,0.1042,0.1667,0.0334,0.014,0.0283,0.0,0.0,0.0168,0.0,0.9722,0.8105,0.0052,0.0,0.0345,0.125,0.1667,0.03,0.0156,0.0116,0.0,0.0,0.0172,0.0596,0.9856,0.8121,0.0054,0.0,0.0345,0.125,0.1667,0.0353,0.0145,0.0343,0.0,0.0,reg oper account,block of flats,0.0294,"Stone, brick",No,0.0,0.0,0.0,0.0,-1452.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1078349,257744,Consumer loans,32510.97,89505.0,91867.5,0.0,89505.0,SUNDAY,10,Y,1,0.0,,,XAP,Approved,-591,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Regional / Local,245,Consumer electronics,3.0,middle,POS household with interest,365243.0,-560.0,-500.0,-500.0,-493.0,0.0,0,Cash loans,F,Y,Y,0,225000.0,1468719.0,40387.5,1282500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.007120000000000001,-13191,-1320,-4238.0,-4238,7.0,1,1,0,1,1,0,,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.5866568657473828,0.7087224042433959,0.4632753280912678,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-591.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2166345,143698,Consumer loans,9373.815,77220.0,84015.0,0.0,77220.0,MONDAY,10,Y,1,0.0,,,XAP,Approved,-691,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Regional / Local,130,Furniture,10.0,low_normal,POS industry with interest,365243.0,-659.0,-389.0,-389.0,-384.0,0.0,0,Revolving loans,M,Y,N,2,90000.0,270000.0,13500.0,270000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.00702,-13793,-2226,-7878.0,-4469,15.0,1,1,0,1,0,0,Drivers,4.0,2,2,SATURDAY,11,0,0,0,1,1,1,Self-employed,,0.2733065332256798,0.8327850252992314,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-383.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,2.0 +1045377,403655,Consumer loans,3964.815,28755.0,19755.0,9000.0,28755.0,FRIDAY,17,Y,1,0.3408735239721157,,,XAP,Refused,-2218,Cash through the bank,HC,,Repeater,Mobile,POS,XNA,Country-wide,65,Connectivity,6.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,Y,N,1,157500.0,898326.0,24700.5,643500.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.035792000000000004,-16879,-2173,-5973.0,-409,18.0,1,1,1,1,1,0,Core staff,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,School,0.7863259923515022,0.5636716694022847,0.6754132910917112,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2218.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2139652,272279,Revolving loans,2250.0,45000.0,45000.0,,45000.0,MONDAY,8,Y,1,,,,XAP,Refused,-302,XNA,HC,Family,Repeater,XNA,Cards,walk-in,Country-wide,2132,Consumer electronics,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,Y,N,0,135000.0,270000.0,19777.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.001417,-20080,-1483,-3732.0,-3604,12.0,1,1,0,1,0,0,,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,Medicine,,0.29960567756380313,0.4241303111942548,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1371.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2006581,195132,Consumer loans,6510.87,47745.0,52470.0,0.0,47745.0,FRIDAY,14,Y,1,0.0,,,XAP,Approved,-1841,Cash through the bank,XAP,Unaccompanied,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,40,Connectivity,12.0,high,POS mobile with interest,365243.0,-1810.0,-1480.0,-1480.0,-1475.0,0.0,0,Cash loans,F,N,Y,0,67500.0,904500.0,38452.5,904500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-23719,365243,-7350.0,-4176,,1,0,0,1,1,0,,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,XNA,,0.33449001621861985,0.722392890081304,0.0722,0.0701,0.9821,0.7552,0.0062,0.0,0.1379,0.1667,0.2083,0.049,0.058,0.0669,0.0039,0.0045,0.0735,0.0727,0.9821,0.7648,0.0063,0.0,0.1379,0.1667,0.2083,0.0501,0.0634,0.0697,0.0039,0.0048,0.0729,0.0701,0.9821,0.7585,0.0062,0.0,0.1379,0.1667,0.2083,0.0498,0.059,0.0681,0.0039,0.0046,reg oper account,block of flats,0.057,Block,No,2.0,0.0,2.0,0.0,-529.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2085023,108455,Cash loans,34792.2,1147500.0,1147500.0,,1147500.0,TUESDAY,14,Y,1,,,,XNA,Approved,-178,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_action,Cash X-Sell: low,365243.0,-144.0,1266.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,0,292500.0,733500.0,20299.5,733500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018209,-20608,-803,-9661.0,-3979,6.0,1,1,0,1,1,0,Laborers,2.0,3,3,WEDNESDAY,15,0,0,0,0,0,0,Construction,0.8124702063083922,0.5010351253227302,0.7801436381572275,0.0928,0.0996,0.9767,0.6804,0.012,0.0,0.2069,0.1667,0.2083,0.0964,0.0756,0.0873,0.0,0.0,0.0945,0.1034,0.9767,0.6929,0.0121,0.0,0.2069,0.1667,0.2083,0.0986,0.0826,0.091,0.0,0.0,0.0937,0.0996,0.9767,0.6847,0.012,0.0,0.2069,0.1667,0.2083,0.0981,0.077,0.0889,0.0,0.0,reg oper account,block of flats,0.0752,Panel,No,0.0,0.0,0.0,0.0,-2196.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2272132,387720,Consumer loans,22932.72,117994.5,124222.5,0.0,117994.5,FRIDAY,11,Y,1,0.0,,,XAP,Approved,-770,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,8025,Consumer electronics,6.0,middle,POS household with interest,365243.0,-739.0,-589.0,-589.0,-586.0,0.0,0,Cash loans,M,N,N,1,202500.0,491211.0,47983.5,472500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.008019,-16153,-1010,-7144.0,-4538,,1,1,0,1,0,0,Managers,3.0,2,2,FRIDAY,13,0,0,0,0,0,0,Self-employed,0.6529931202038238,0.5290802464984798,0.7583930617144343,0.0227,0.0371,0.9568,0.4084,0.0063,0.0,0.069,0.125,0.1667,0.0197,0.0185,0.0134,0.0,0.0,0.0231,0.0385,0.9568,0.4316,0.0064,0.0,0.069,0.125,0.1667,0.0202,0.0202,0.014,0.0,0.0,0.0229,0.0371,0.9568,0.4163,0.0064,0.0,0.069,0.125,0.1667,0.02,0.0188,0.0137,0.0,0.0,not specified,block of flats,0.0166,"Stone, brick",No,0.0,0.0,0.0,0.0,-1404.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1809476,142205,Consumer loans,6627.555,55539.0,49981.5,5557.5,55539.0,MONDAY,13,Y,1,0.10897968503705006,,,XAP,Refused,-2301,Cash through the bank,HC,Children,New,Mobile,POS,XNA,Country-wide,8025,Consumer electronics,10.0,high,POS household with interest,,,,,,,0,Cash loans,F,Y,Y,0,180000.0,703728.0,22999.5,607500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.008019,-22697,365243,-4621.0,-4621,10.0,1,0,0,1,0,0,,2.0,2,2,SATURDAY,14,0,0,0,0,0,0,XNA,,0.08795519288362401,0.6075573001388961,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-630.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1307411,247495,Consumer loans,10390.05,94455.0,94455.0,0.0,94455.0,SATURDAY,16,Y,1,0.0,,,XAP,Approved,-498,Cash through the bank,XAP,,New,Gardening,POS,XNA,Country-wide,1000,Construction,10.0,low_normal,POS industry with interest,365243.0,-452.0,-182.0,-332.0,-329.0,0.0,0,Revolving loans,F,Y,Y,1,202500.0,225000.0,11250.0,585000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.04622,-11315,-2357,-2858.0,-961,9.0,1,1,1,1,0,0,Accountants,3.0,1,1,SUNDAY,17,0,1,1,0,1,1,Business Entity Type 3,0.6846716364484737,0.7162922068923979,0.4902575124990026,0.133,,0.9791,0.7144,,0.0,0.1034,0.1667,0.2083,0.0679,0.1084,0.0403,0.0,0.0139,0.1355,,0.9791,0.7256,,0.0,0.1034,0.1667,0.2083,0.0695,0.1185,0.042,0.0,0.0147,0.1343,,0.9791,0.7182,,0.0,0.1034,0.1667,0.2083,0.0691,0.1103,0.041,0.0,0.0142,reg oper spec account,block of flats,0.0484,"Stone, brick",No,0.0,0.0,0.0,0.0,-498.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2573104,357609,Cash loans,7830.0,112500.0,112500.0,,112500.0,MONDAY,4,Y,1,,,,XNA,Approved,-227,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-197.0,313.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,1,315000.0,619965.0,20128.5,517500.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,With parents,0.008068,-14052,-104,-2640.0,-4791,,1,1,0,1,0,0,Drivers,3.0,3,3,THURSDAY,9,0,0,0,1,1,0,Construction,,0.11308687444238348,0.4329616670974407,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2215.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2246073,347683,Cash loans,16770.375,202500.0,222547.5,,202500.0,FRIDAY,14,Y,1,,,,XNA,Approved,-964,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-934.0,-424.0,-874.0,-871.0,1.0,0,Cash loans,F,N,Y,0,225000.0,797868.0,25866.0,666000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.00496,-23316,365243,-3893.0,-4115,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,XNA,,0.7001266803962845,0.4206109640437848,,,0.9861,,,,,,,,,0.0278,,,,,0.9861,,,,,,,,,0.0289,,,,,0.9861,,,,,,,,,0.0283,,,,,0.0219,,No,0.0,0.0,0.0,0.0,-1207.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2653414,165371,Consumer loans,11149.56,100066.5,110632.5,0.0,100066.5,FRIDAY,19,Y,1,0.0,,,XAP,Approved,-701,Cash through the bank,XAP,Unaccompanied,Refreshed,Audio/Video,POS,XNA,Country-wide,1200,Consumer electronics,12.0,middle,POS household with interest,365243.0,-667.0,-337.0,-337.0,-335.0,0.0,0,Cash loans,F,Y,N,0,202500.0,1206954.0,35419.5,945000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.072508,-12425,-742,-6513.0,-4302,6.0,1,1,0,1,0,0,High skill tech staff,1.0,1,1,SATURDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.5294044243978797,0.7333463543756724,0.5814837058057234,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2635289,401611,Consumer loans,16121.205,173250.0,169303.5,17325.0,173250.0,THURSDAY,17,Y,1,0.10110192173221133,,,XAP,Approved,-641,XNA,XAP,,Repeater,Vehicles,POS,XNA,Stone,14,Auto technology,12.0,low_normal,POS other with interest,365243.0,-607.0,-277.0,-277.0,-260.0,0.0,1,Cash loans,M,Y,N,0,171000.0,272520.0,19827.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.010147,-11846,-217,-2018.0,-856,7.0,1,1,0,1,0,0,Security staff,1.0,2,2,FRIDAY,18,0,1,1,0,1,1,Security,0.12909565728036465,0.36816434724707,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-219.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1900977,268596,Cash loans,35067.105,810000.0,907299.0,,810000.0,TUESDAY,10,Y,1,,,,XNA,Refused,-389,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Stone,100,Consumer electronics,42.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,67500.0,45000.0,1980.0,45000.0,Unaccompanied,Pensioner,Lower secondary,Married,House / apartment,0.018801,-22656,365243,-13463.0,-4588,,1,0,0,1,1,0,,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,XNA,0.6546257369220817,0.4373380303961703,0.7194907850918436,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-793.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2791926,228124,Consumer loans,6221.52,51498.0,61155.0,5152.5,51498.0,TUESDAY,15,Y,1,0.0846290526575562,,,XAP,Approved,-1846,Cash through the bank,XAP,Other_B,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,960,Consumer electronics,16.0,high,POS household with interest,365243.0,-1815.0,-1365.0,-1365.0,-1358.0,0.0,0,Cash loans,F,N,Y,0,171000.0,247275.0,17338.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.010006000000000001,-19696,365243,-11020.0,-3112,,1,0,0,1,0,0,,1.0,2,2,SUNDAY,14,0,0,0,0,0,0,XNA,,0.6318289842540319,0.6801388218428291,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,1.0,-798.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2306794,422078,Consumer loans,6480.855,29250.0,31144.5,2925.0,29250.0,SATURDAY,14,Y,1,0.0935027197079766,,,XAP,Approved,-1580,XNA,XAP,,New,Audio/Video,POS,XNA,Stone,48,Consumer electronics,6.0,high,POS household with interest,365243.0,-1546.0,-1396.0,-1396.0,-1390.0,0.0,0,Cash loans,M,N,Y,1,126000.0,343287.0,22941.0,310500.0,Family,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.030755,-9086,-382,-3900.0,-1678,,1,1,0,1,0,0,Core staff,2.0,2,2,THURSDAY,12,0,0,0,0,1,1,Trade: type 2,0.4324621725144508,0.33445594202850504,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2544357,292784,Consumer loans,4935.96,109444.5,109444.5,0.0,109444.5,MONDAY,10,Y,1,0.0,,,XAP,Refused,-1560,Cash through the bank,HC,"Spouse, partner",New,Consumer Electronics,POS,XNA,Regional / Local,109,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,0,Cash loans,M,Y,Y,1,112500.0,450000.0,21109.5,450000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-12326,-1015,-6269.0,-4835,12.0,1,1,1,1,1,0,Core staff,3.0,2,2,SUNDAY,11,0,0,0,0,1,1,Agriculture,,0.4840330454967284,0.16048893062734468,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1573.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,4.0 +2271099,293503,Consumer loans,6560.685,33385.5,31536.0,3339.0,33385.5,FRIDAY,17,Y,1,0.1042716715542522,,,XAP,Approved,-1308,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,38,Connectivity,6.0,high,POS mobile with interest,365243.0,-1277.0,-1127.0,-1127.0,-1117.0,0.0,0,Cash loans,F,Y,Y,0,135000.0,646920.0,19044.0,540000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.007114,-20848,365243,-2827.0,-3358,4.0,1,0,0,1,1,0,,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,XNA,0.7844591455064381,0.4534118568804656,0.5406544504453575,0.1031,,0.9811,0.7416,,0.0,0.2069,0.1667,0.0417,,,0.0881,,,0.105,,0.9811,0.7517,,0.0,0.2069,0.1667,0.0417,,,0.0917,,,0.1041,,0.9811,0.7451,,0.0,0.2069,0.1667,0.0417,,,0.0897,,,reg oper account,block of flats,0.0904,"Stone, brick",No,2.0,0.0,2.0,0.0,-568.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1811465,102257,Consumer loans,5435.64,42277.23,47857.23,0.0,42277.23,FRIDAY,16,Y,1,0.0,,,XAP,Approved,-34,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,365243.0,271.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,112500.0,524866.5,19917.0,369000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.035792000000000004,-18174,-1754,-9393.0,-1703,,1,1,0,1,1,0,Accountants,1.0,2,2,THURSDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.5782298913369913,0.6068890219281505,0.6528965519806539,0.3433,0.266,0.9846,0.7892,0.0742,0.36,0.3103,0.3333,0.375,0.2084,0.2799,0.3354,0.0,0.0,0.3498,0.276,0.9846,0.7975,0.0749,0.3625,0.3103,0.3333,0.375,0.2132,0.3058,0.3495,0.0,0.0,0.3466,0.266,0.9846,0.792,0.0747,0.36,0.3103,0.3333,0.375,0.2121,0.2847,0.3415,0.0,0.0,reg oper account,block of flats,0.2638,Panel,No,6.0,0.0,6.0,0.0,-363.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1219283,240501,Cash loans,39466.485,675000.0,870457.5,,675000.0,TUESDAY,12,Y,1,,,,XNA,Approved,-867,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-837.0,213.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,157500.0,760225.5,32337.0,679500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.007114,-19609,365243,-9135.0,-216,,1,0,0,1,1,0,,2.0,2,2,MONDAY,13,0,0,0,0,0,0,XNA,0.8025588207309696,0.6968107201633134,0.746300213050371,0.0268,0.0671,0.9876,,,0.0,0.1034,0.0833,,0.0484,,0.018000000000000002,,0.0,0.0273,0.0697,0.9876,,,0.0,0.1034,0.0833,,0.0496,,0.0188,,0.0,0.0271,0.0671,0.9876,,,0.0,0.1034,0.0833,,0.0493,,0.0183,,0.0,,block of flats,0.0266,"Stone, brick",No,1.0,0.0,1.0,0.0,-1290.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2279279,455287,Cash loans,,0.0,0.0,,,TUESDAY,16,Y,1,,,,XNA,Refused,-307,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,0,XNA,,XNA,Cash,,,,,,,1,Cash loans,F,N,Y,1,90000.0,173196.0,19669.5,153000.0,Children,Working,Secondary / secondary special,Civil marriage,House / apartment,0.016612000000000002,-16891,-103,-5548.0,-433,,1,1,0,1,0,0,,3.0,2,2,MONDAY,11,0,0,0,0,0,0,Restaurant,,0.5592080763770361,0.180887977767074,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,5.0,0.0,2.0 +2392119,384818,Revolving loans,2250.0,45000.0,45000.0,,45000.0,THURSDAY,16,Y,1,,,,XAP,Refused,-225,XNA,HC,Unaccompanied,Repeater,XNA,Cards,walk-in,Channel of corporate sales,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,N,Y,2,162000.0,45000.0,5337.0,45000.0,Family,Commercial associate,Higher education,Single / not married,House / apartment,0.030755,-11649,-4033,-5236.0,-3914,,1,1,1,1,1,0,Laborers,3.0,2,2,FRIDAY,15,0,0,0,0,0,0,Self-employed,,0.6699525625096079,0.1674084472266241,0.0082,0.0,0.9429,0.218,0.0,0.0,0.069,0.0,,0.0124,,0.0044,,0.0,0.0084,0.0,0.9429,0.2486,0.0,0.0,0.069,0.0,,0.0126,,0.0046,,0.0,0.0083,0.0,0.9429,0.2285,0.0,0.0,0.069,0.0,,0.0126,,0.0045,,0.0,reg oper spec account,block of flats,0.005,"Stone, brick",No,1.0,0.0,0.0,0.0,-2038.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,0.0,0.0,4.0 +1599483,231681,Consumer loans,5553.81,108220.5,120384.0,0.0,108220.5,MONDAY,10,Y,1,0.0,,,XAP,Approved,-789,Cash through the bank,XAP,"Spouse, partner",New,Computers,POS,XNA,Country-wide,1423,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-758.0,-68.0,-248.0,-244.0,0.0,0,Revolving loans,M,N,Y,0,157500.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Rented apartment,0.04622,-9628,-497,-4475.0,-2306,,1,1,1,1,1,0,Drivers,1.0,1,1,SATURDAY,11,0,0,0,1,1,1,Business Entity Type 2,0.26925732117733336,0.7197500196086986,0.2276129150623945,0.0918,0.0982,0.9861,0.8096,0.0139,0.0,0.2069,0.1667,0.0417,,0.0748,0.0896,0.0,0.0,0.0935,0.1019,0.9861,0.8171,0.014,0.0,0.2069,0.1667,0.0417,,0.0817,0.0934,0.0,0.0,0.0926,0.0982,0.9861,0.8121,0.014,0.0,0.2069,0.1667,0.0417,,0.0761,0.0912,0.0,0.0,not specified,block of flats,0.0782,Panel,No,0.0,0.0,0.0,0.0,-2191.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1622903,303933,Consumer loans,2451.51,25155.0,22639.5,2515.5,25155.0,WEDNESDAY,9,Y,1,0.1089090909090909,,,XAP,Approved,-531,Cash through the bank,XAP,,New,Clothing and Accessories,POS,XNA,Stone,30,Clothing,12.0,middle,POS industry with interest,365243.0,-500.0,-170.0,-320.0,-310.0,0.0,1,Cash loans,F,N,Y,0,112500.0,526491.0,25456.5,454500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.025164,-8449,-583,-2934.0,-1118,,1,1,0,1,0,1,Accountants,1.0,2,2,TUESDAY,12,0,0,0,1,1,0,Business Entity Type 3,0.1993326682818335,0.41847568977055655,0.0969483170508572,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,0.0 +1919156,159412,Consumer loans,3339.72,26955.0,26955.0,0.0,26955.0,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-971,Cash through the bank,XAP,Unaccompanied,Refreshed,Mobile,POS,XNA,Stone,10,Connectivity,12.0,high,POS other with interest,365243.0,-892.0,-562.0,-592.0,-587.0,0.0,0,Cash loans,F,N,Y,0,135000.0,1178217.0,34578.0,922500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-16191,-9123,-2970.0,-4654,,1,1,0,1,0,0,Core staff,2.0,2,2,SUNDAY,8,0,0,0,0,0,0,Kindergarten,,0.6696817307713981,0.0005272652387098817,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2390172,418073,Revolving loans,20250.0,405000.0,405000.0,,405000.0,WEDNESDAY,15,Y,1,,,,XAP,Refused,-235,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,Y,N,2,184500.0,573628.5,27724.5,463500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-14682,-2069,-18.0,-4799,64.0,1,1,0,1,0,0,Laborers,4.0,2,2,SUNDAY,12,0,0,0,0,0,0,Self-employed,,0.6516191273680116,0.6785676886853644,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1673.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1761407,136216,Consumer loans,2874.15,62910.0,24628.5,40500.0,62910.0,MONDAY,12,Y,1,0.6772485443113507,,,XAP,Approved,-2855,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,196,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-2824.0,-2494.0,-2494.0,-1197.0,1.0,0,Cash loans,F,N,N,0,67500.0,262246.5,17086.5,243000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.018634,-24990,365243,-5003.0,-4021,,1,0,0,1,1,0,,1.0,2,2,THURSDAY,10,0,0,0,0,0,0,XNA,,0.4412161194422813,0.35233997269170386,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1229.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +1054854,339270,Cash loans,9425.745,45000.0,46485.0,,45000.0,WEDNESDAY,13,Y,1,,,,XNA,Approved,-752,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,365243.0,-722.0,-572.0,-722.0,-712.0,1.0,0,Cash loans,F,N,Y,0,67500.0,260568.0,28192.5,247500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020713,-20240,365243,-11124.0,-3518,,1,0,0,1,0,0,,2.0,3,3,SATURDAY,10,0,0,0,0,0,0,XNA,0.7272562637068992,0.3364643826106457,0.3656165070113335,0.2897,0.2037,0.9846,0.7892,0.0658,0.4,0.3448,0.3333,0.375,0.0584,0.2219,0.3355,0.0695,0.0727,0.2952,0.2114,0.9846,0.7975,0.0664,0.4028,0.3448,0.3333,0.375,0.0597,0.2424,0.3496,0.07,0.077,0.2925,0.2037,0.9846,0.792,0.0662,0.4,0.3448,0.3333,0.375,0.0594,0.2257,0.3416,0.0699,0.0742,reg oper account,block of flats,0.3157,Panel,No,0.0,0.0,0.0,0.0,-152.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2663713,136673,Cash loans,34142.94,1080000.0,1236816.0,,1080000.0,THURSDAY,14,Y,1,,,,XNA,Refused,-184,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,180000.0,1040985.0,30568.5,909000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-20711,365243,-320.0,-4226,13.0,1,0,0,1,0,0,,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,XNA,,0.3573422337147276,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-181.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1809727,158240,Cash loans,62611.02,1057500.0,1118920.5,,1057500.0,WEDNESDAY,15,Y,1,,,,XNA,Refused,-539,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,180000.0,135000.0,16150.5,135000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-23474,365243,-88.0,-4584,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,XNA,,0.6176861367458096,0.4382813743111921,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1925.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1249356,276501,Revolving loans,45000.0,900000.0,900000.0,,900000.0,MONDAY,13,Y,1,,,,XAP,Approved,-457,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,2,99000.0,648000.0,19075.5,648000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-11935,-3351,-5948.0,-3718,,1,1,1,1,1,0,High skill tech staff,4.0,2,2,WEDNESDAY,19,0,0,0,0,0,0,Business Entity Type 2,0.36681838282083895,0.3617533053705674,0.6738300778602003,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-192.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1123360,204503,Revolving loans,18000.0,0.0,360000.0,,,SATURDAY,14,Y,1,,,,XAP,Refused,-1256,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,Y,Y,0,180000.0,1105083.0,36652.5,904500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.030755,-12087,-3988,-4031.0,-4247,9.0,1,1,0,1,0,0,,2.0,2,2,TUESDAY,17,0,0,0,0,0,0,Security Ministries,0.6633557487935821,0.2858978721410488,0.22888341670067305,0.133,0.1509,0.9791,0.7144,0.0548,0.0,0.2759,0.1667,0.2083,0.0683,0.1084,0.1197,0.0,0.0,0.1355,0.1566,0.9791,0.7256,0.0553,0.0,0.2759,0.1667,0.2083,0.0699,0.1185,0.1247,0.0,0.0,0.1343,0.1509,0.9791,0.7182,0.0551,0.0,0.2759,0.1667,0.2083,0.0695,0.1103,0.1219,0.0,0.0,reg oper spec account,block of flats,0.1241,"Stone, brick",No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +1389337,445906,Cash loans,14277.645,229500.0,299322.0,,229500.0,WEDNESDAY,12,Y,1,,,,XNA,Approved,-577,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,low_normal,Cash X-Sell: low,365243.0,-547.0,323.0,-427.0,-419.0,1.0,0,Cash loans,F,N,N,0,225000.0,552555.0,19975.5,477000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-20065,-3313,-12181.0,-3525,,1,1,0,1,0,0,Security staff,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Kindergarten,,0.6087707803521087,0.6986675550534175,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2276.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1600405,219441,Consumer loans,11327.13,116325.0,98910.0,26325.0,116325.0,SATURDAY,14,Y,1,0.2289321530068925,,,XAP,Approved,-1683,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Regional / Local,100,Consumer electronics,12.0,high,POS household with interest,365243.0,-1652.0,-1322.0,-1322.0,-1318.0,0.0,0,Cash loans,F,N,Y,0,216000.0,159264.0,9270.0,126000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010147,-21568,-14225,-11470.0,-3998,,1,1,1,1,1,0,Accountants,2.0,2,2,TUESDAY,17,0,0,0,0,0,0,Medicine,0.7272036598058781,0.766126050734293,0.5567274263630174,0.1113,0.0664,0.9841,0.7824,0.0263,0.12,0.1034,0.3333,0.375,0.0875,0.0908,0.1174,0.0,0.0,0.1134,0.0689,0.9841,0.7909,0.0265,0.1208,0.1034,0.3333,0.375,0.0895,0.0992,0.1223,0.0,0.0,0.1124,0.0664,0.9841,0.7853,0.0264,0.12,0.1034,0.3333,0.375,0.08900000000000001,0.0923,0.1195,0.0,0.0,reg oper spec account,block of flats,0.1067,Panel,No,1.0,1.0,1.0,1.0,-1683.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2150946,178038,Revolving loans,2250.0,45000.0,45000.0,,45000.0,MONDAY,11,Y,1,,,,XAP,Refused,-307,XNA,HC,Unaccompanied,Refreshed,XNA,Cards,walk-in,Country-wide,50,Connectivity,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,202500.0,225000.0,8212.5,225000.0,"Spouse, partner",Working,Secondary / secondary special,Married,Office apartment,0.010006000000000001,-13936,-6599,-3425.0,-1223,,1,1,0,1,0,0,Core staff,2.0,2,2,SUNDAY,9,0,0,0,0,0,0,Industry: type 9,,0.09374586006709633,,0.2206,0.1475,0.9891,0.8504,,0.24,0.2069,0.3333,0.375,0.1161,0.1799,0.2653,,0.033,0.2248,0.1531,0.9891,0.8563,,0.2417,0.2069,0.3333,0.375,0.1188,0.1965,0.2764,,0.0349,0.2228,0.1475,0.9891,0.8524,,0.24,0.2069,0.3333,0.375,0.1182,0.183,0.2701,,0.0337,reg oper account,block of flats,0.3323,Panel,No,0.0,0.0,0.0,0.0,-28.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1237431,289679,Consumer loans,3632.76,27855.0,32368.5,2785.5,27855.0,WEDNESDAY,18,Y,1,0.08629637387701905,,,XAP,Approved,-1969,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,2217,Consumer electronics,14.0,high,POS household with interest,365243.0,-1938.0,-1548.0,-1548.0,-1538.0,0.0,0,Cash loans,M,Y,Y,1,180000.0,301500.0,15525.0,301500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.019101,-10326,-1508,-5145.0,-2967,2.0,1,1,0,1,0,0,,3.0,2,2,FRIDAY,17,0,0,0,0,0,0,Business Entity Type 3,,0.6071289805322637,0.4382813743111921,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-749.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2706515,207798,Consumer loans,9205.335,75825.0,82498.5,0.0,75825.0,MONDAY,15,Y,1,0.0,,,XAP,Approved,-717,Non-cash from your account,XAP,Family,Repeater,Computers,POS,XNA,Stone,7,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-686.0,-416.0,-416.0,-412.0,0.0,0,Cash loans,F,N,Y,0,202500.0,834048.0,26185.5,720000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.019688999999999998,-23088,365243,-11076.0,-4928,,1,0,0,1,1,0,,1.0,2,2,THURSDAY,9,0,0,0,0,0,0,XNA,,0.1735739251618644,,0.1072,0.1052,0.9846,0.7892,0.046,0.0,0.2069,0.1667,0.2083,0.0662,0.0874,0.0983,0.0,0.0,0.1092,0.1092,0.9846,0.7975,0.0465,0.0,0.2069,0.1667,0.2083,0.0677,0.0955,0.1024,0.0,0.0,0.1083,0.1052,0.9846,0.792,0.0463,0.0,0.2069,0.1667,0.2083,0.0673,0.0889,0.1,0.0,0.0,reg oper account,block of flats,0.1058,Block,No,0.0,0.0,0.0,0.0,-1474.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1208960,164971,Cash loans,12178.125,90000.0,109156.5,,90000.0,TUESDAY,11,Y,1,,,,XNA,Approved,-1232,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-1202.0,-872.0,-902.0,-898.0,1.0,1,Cash loans,F,N,Y,1,135000.0,675000.0,21906.0,675000.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.00733,-14121,-2798,-2517.0,-1027,,1,1,0,1,0,0,Sales staff,3.0,2,2,TUESDAY,13,0,0,0,0,0,0,Self-employed,0.1929691403916116,0.628531689899611,0.33928769990891394,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1598.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1697885,240723,Consumer loans,3891.15,26946.0,29169.0,0.0,26946.0,MONDAY,16,Y,1,0.0,,,XAP,Approved,-2906,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,28,Connectivity,10.0,high,POS mobile with interest,365243.0,-2875.0,-2605.0,-2605.0,-2599.0,1.0,0,Cash loans,F,N,N,1,225000.0,565380.0,27328.5,423000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.019688999999999998,-17222,-8051,-4102.0,-774,,1,1,0,1,0,0,,3.0,2,2,TUESDAY,14,0,0,0,0,0,0,Business Entity Type 2,0.625930542524105,0.6503124080458572,0.5937175866150576,0.2598,0.0,0.9871,,,0.2,0.1724,0.3333,,0.0868,,0.243,,0.0012,0.2647,0.0,0.9871,,,0.2014,0.1724,0.3333,,0.0887,,0.2531,,0.0012,0.2623,0.0,0.9871,,,0.2,0.1724,0.3333,,0.0883,,0.2473,,0.0012,,block of flats,0.1914,Panel,No,0.0,0.0,0.0,0.0,-2112.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1282604,112255,Revolving loans,33750.0,0.0,675000.0,,,THURSDAY,17,Y,1,,,,XAP,Approved,-718,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,-140.0,0.0,0,Cash loans,F,N,Y,0,157500.0,814041.0,23800.5,679500.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.006207,-9981,-132,-1867.0,-2648,,1,1,1,1,0,1,Sales staff,1.0,2,2,MONDAY,14,1,1,1,1,1,1,Trade: type 7,0.1896324732395576,0.5348133226107324,0.3031463744186309,,,0.9781,,,,0.1379,0.1667,,,,0.042,,,,,0.9782,,,,0.1379,0.1667,,,,0.0437,,,,,0.9781,,,,0.1379,0.1667,,,,0.0427,,,,,0.0482,,No,0.0,0.0,0.0,0.0,-1756.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1152961,282400,Consumer loans,8823.915,143523.0,168151.5,0.0,143523.0,SUNDAY,16,Y,1,0.0,,,XAP,Approved,-1067,Cash through the bank,XAP,"Spouse, partner",Refreshed,Computers,POS,XNA,Country-wide,1766,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-1036.0,-346.0,-346.0,-339.0,0.0,1,Cash loans,M,N,Y,0,121500.0,427500.0,20790.0,427500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-11004,-614,-1260.0,-3365,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.5266277831205171,0.28812959991785075,0.0515,0.0503,0.9796,,,0.0,0.1379,0.1667,,0.0503,,0.0538,,0.0,0.0525,0.0522,0.9796,,,0.0,0.1379,0.1667,,0.0514,,0.056,,0.0,0.052000000000000005,0.0503,0.9796,,,0.0,0.1379,0.1667,,0.0512,,0.0547,,0.0,,block of flats,0.0423,Panel,No,0.0,0.0,0.0,0.0,-1067.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2015561,331076,Consumer loans,4884.615,21546.0,17842.5,4311.0,21546.0,SATURDAY,15,Y,1,0.21193359555333965,,,XAP,Approved,-976,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,75,Connectivity,4.0,middle,POS mobile without interest,365243.0,-945.0,-855.0,-855.0,-849.0,0.0,0,Cash loans,F,N,N,0,90000.0,161730.0,13963.5,135000.0,Unaccompanied,Working,Secondary / secondary special,Separated,With parents,0.010006000000000001,-9352,-742,-7641.0,-841,,1,1,0,1,0,0,Sales staff,1.0,2,2,TUESDAY,13,0,0,0,0,0,0,Self-employed,,0.2340608548173833,,0.0237,,0.9861,0.8096,0.0056,0.0,0.069,0.0417,,0.0265,0.0193,0.0177,0.0,0.0,0.0242,,0.9861,0.8171,0.0056,0.0,0.069,0.0417,,0.0271,0.0211,0.0184,0.0,0.0,0.0239,,0.9861,0.8121,0.0056,0.0,0.069,0.0417,,0.0269,0.0197,0.018000000000000002,0.0,0.0,,block of flats,0.0169,Wooden,No,2.0,1.0,2.0,1.0,-222.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2695760,152822,Cash loans,16366.68,463500.0,555273.0,,463500.0,THURSDAY,11,Y,1,,,,XNA,Refused,-209,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,Y,Y,1,360000.0,1125000.0,36423.0,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.030755,-12027,-3802,-1618.0,-1330,28.0,1,1,0,1,0,0,Managers,3.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Self-employed,0.4736303174159052,0.5968759651917024,0.6512602186973006,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-969.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,6.0 +1092421,140457,Consumer loans,2780.145,14175.0,15736.5,0.0,14175.0,TUESDAY,13,Y,1,0.0,,,XAP,Approved,-765,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Regional / Local,145,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-734.0,-584.0,-704.0,-695.0,0.0,0,Cash loans,M,Y,Y,2,126000.0,1350000.0,43681.5,1350000.0,Family,Working,Higher education,Married,House / apartment,0.028663,-10681,-1810,-4654.0,-3361,64.0,1,1,0,1,0,0,Laborers,4.0,2,2,THURSDAY,9,0,0,0,0,0,0,Industry: type 9,,0.6320273495378292,0.31703177858344445,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-488.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,0.0 +2439884,339159,Consumer loans,17481.42,130810.5,143761.5,0.0,130810.5,MONDAY,15,Y,1,0.0,,,XAP,Approved,-1781,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,4500,Consumer electronics,12.0,high,POS household with interest,365243.0,-1750.0,-1420.0,-1480.0,-1474.0,0.0,0,Cash loans,F,N,Y,0,157500.0,675000.0,19867.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.072508,-13601,-1933,-7708.0,-435,,1,1,1,1,1,0,Core staff,2.0,1,1,THURSDAY,14,0,0,0,0,0,0,Trade: type 2,0.6674060816101929,0.6066385753219141,0.5919766183185521,0.0619,0.0476,0.9722,,,0.0,0.1034,0.1667,,0.048,,0.0506,,0.0,0.063,0.0494,0.9722,,,0.0,0.1034,0.1667,,0.0491,,0.0528,,0.0,0.0625,0.0476,0.9722,,,0.0,0.1034,0.1667,,0.0488,,0.0515,,0.0,,block of flats,0.0398,Block,No,13.0,0.0,13.0,0.0,-1224.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1296761,198868,Cash loans,53388.45,1804500.0,2018875.5,,1804500.0,SUNDAY,17,Y,1,,,,XNA,Refused,-280,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,135000.0,691020.0,22419.0,495000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.04622,-15435,-1079,-7205.0,-3972,,1,1,0,1,0,0,Medicine staff,2.0,1,1,SUNDAY,10,0,1,1,0,0,0,Medicine,,0.3929059097283487,0.4294236843421945,0.0742,0.028,0.9518,0.3404,0.0184,0.0,0.0345,0.1667,0.2083,0.0195,0.0605,0.0298,0.0,0.0,0.0756,0.0291,0.9518,0.3662,0.0186,0.0,0.0345,0.1667,0.2083,0.0199,0.0661,0.031,0.0,0.0,0.0749,0.028,0.9518,0.3492,0.0185,0.0,0.0345,0.1667,0.2083,0.0198,0.0616,0.0303,0.0,0.0,,block of flats,0.0335,"Stone, brick",No,1.0,0.0,1.0,0.0,-1515.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2599184,353212,Revolving loans,,0.0,0.0,,,THURSDAY,10,Y,1,,,,XAP,Refused,-23,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Card Street,,,,,,,0,Revolving loans,F,N,Y,2,135000.0,247500.0,12375.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.010643000000000001,-12745,-1004,-12691.0,-4420,,1,1,0,1,1,0,Laborers,3.0,2,2,SATURDAY,11,0,0,0,0,1,1,Business Entity Type 3,,0.457490303140133,,0.0237,0.0495,0.9617,,,0.0,0.1379,0.0833,,0.124,,0.0319,,0.0064,0.0242,0.0514,0.9618,,,0.0,0.1379,0.0833,,0.1268,,0.0332,,0.0068,0.0239,0.0495,0.9617,,,0.0,0.1379,0.0833,,0.1262,,0.0325,,0.0065,,block of flats,0.0299,"Stone, brick",No,2.0,0.0,2.0,0.0,-207.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1872720,259738,Consumer loans,3702.375,40095.0,36085.5,4009.5,40095.0,MONDAY,15,Y,1,0.1089090909090909,,,XAP,Refused,-2409,Cash through the bank,SCO,Unaccompanied,Repeater,Sport and Leisure,POS,XNA,Stone,20,Industry,12.0,middle,POS industry with interest,,,,,,,0,Cash loans,F,N,Y,0,202500.0,900000.0,46084.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-16809,-5226,-8775.0,-334,,1,1,0,1,1,0,Cleaning staff,2.0,2,2,TUESDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.6686311956814324,0.6577838002083306,0.1082,,0.9856,,,0.12,0.1034,0.3333,,0.0707,,0.1136,,0.0118,0.1103,,0.9856,,,0.1208,0.1034,0.3333,,0.0723,,0.1184,,0.0125,0.1093,,0.9856,,,0.12,0.1034,0.3333,,0.0719,,0.1157,,0.0121,,block of flats,0.0919,Panel,No,4.0,0.0,4.0,0.0,-987.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1155876,342419,Revolving loans,5625.0,0.0,112500.0,,,SATURDAY,18,Y,1,,,,XAP,Approved,-2169,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-2166.0,-2131.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,90000.0,246357.0,24363.0,234000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.022625,-18434,-5326,-6099.0,-1949,,1,1,0,1,0,0,Security staff,1.0,2,2,FRIDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.6651142778586827,0.4403159613731448,,0.0,,0.0,,,,,,,,,,,,0.0,,0.0005,,,,,,,,,,,,0.0,,0.0,,,,,,,,,,,,,block of flats,0.0,,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2555734,264898,Revolving loans,10125.0,0.0,202500.0,,,WEDNESDAY,9,N,1,,,,XAP,Refused,-408,XNA,HC,,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),4,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,N,0,126000.0,630000.0,24412.5,630000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.015221,-20088,365243,-10018.0,-3486,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,13,0,0,0,0,0,0,XNA,,0.3159886955591309,0.4525335592581747,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-765.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,0.0 +1104786,414899,Consumer loans,3219.075,30595.5,27234.0,9000.0,30595.5,TUESDAY,14,Y,1,0.2705143837781692,,,XAP,Approved,-1624,Non-cash from your account,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,62,Connectivity,12.0,high,POS mobile with interest,365243.0,-1592.0,-1262.0,-1442.0,-1437.0,0.0,0,Cash loans,M,N,Y,0,135000.0,276277.5,15115.5,238500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.020713,-17367,-4546,-1683.0,-896,,1,1,0,1,0,0,High skill tech staff,2.0,3,3,TUESDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.4594458174035606,0.6110807539115994,0.4135967602644276,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1624.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2425039,215250,Revolving loans,9000.0,0.0,180000.0,,,SATURDAY,19,Y,1,,,,XAP,Approved,-2826,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card Street,-2790.0,-2745.0,365243.0,-1465.0,-57.0,0.0,0,Cash loans,F,Y,Y,0,202500.0,1042560.0,34587.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006207,-15237,-2713,-7400.0,-3963,64.0,1,1,0,1,0,0,,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,Self-employed,0.3776891813559923,0.5600272303883109,0.30620229831350426,0.033,,0.9737,,,0.0,0.069,0.125,,,,0.0245,,,0.0336,,0.9737,,,0.0,0.069,0.125,,,,0.0255,,,0.0333,,0.9737,,,0.0,0.069,0.125,,,,0.0249,,,,block of flats,0.0207,"Stone, brick",No,0.0,0.0,0.0,0.0,-1047.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2466991,134013,Consumer loans,8895.645,79155.0,78583.5,7650.0,79155.0,TUESDAY,18,Y,1,0.0966161115407058,,,XAP,Approved,-1638,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Stone,143,Consumer electronics,12.0,high,POS household with interest,365243.0,-1607.0,-1277.0,-1277.0,-1269.0,0.0,0,Cash loans,F,N,N,0,1350000.0,305221.5,15633.0,252000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.0031219999999999998,-14188,-2893,-5380.0,-5696,,1,1,0,1,0,0,Managers,2.0,3,3,TUESDAY,12,0,0,0,0,0,0,Postal,0.6787181121067282,0.6736746275190213,0.6674577419214722,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1638.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1774892,112529,Cash loans,8652.42,139500.0,162517.5,,139500.0,THURSDAY,8,Y,1,,,,XNA,Approved,-397,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,365243.0,-367.0,503.0,-217.0,-212.0,1.0,0,Cash loans,F,N,Y,0,283500.0,932643.0,27400.5,778500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.006629,-22127,365243,-8138.0,-4298,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,7,0,0,0,0,0,0,XNA,,0.5855508662632949,0.6263042766749393,0.0268,,0.9767,0.7008,,0.0,0.069,0.095,,0.0119,,0.0194,,0.0051,0.0305,,0.9667,0.5622,,0.0,0.069,0.0417,,0.0082,,0.0105,,0.0052,0.0302,,0.9667,0.7048,,0.0,0.069,0.0417,,0.0082,,0.0103,,0.005,,block of flats,0.0262,Wooden,No,1.0,0.0,1.0,0.0,-2372.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1651092,119579,Consumer loans,7283.565,51660.0,51660.0,0.0,51660.0,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-593,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,10.0,high,POS mobile with interest,365243.0,-553.0,-283.0,-283.0,-277.0,0.0,0,Cash loans,M,Y,Y,2,225000.0,900000.0,26446.5,900000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.026392000000000002,-12430,-323,-2052.0,-1889,2.0,1,1,1,1,0,0,,4.0,2,2,THURSDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.7218865314961239,0.7077282765627312,0.09445169198377182,0.133,0.128,0.9836,,,0.0,0.3103,0.1667,,0.0656,,0.1248,,0.0,0.1355,0.1328,0.9836,,,0.0,0.3103,0.1667,,0.0671,,0.13,,0.0,0.1343,0.128,0.9836,,,0.0,0.3103,0.1667,,0.0667,,0.127,,0.0,,block of flats,0.0981,Panel,No,1.0,0.0,1.0,0.0,-797.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2265651,313643,Consumer loans,6640.92,126000.0,126000.0,0.0,126000.0,FRIDAY,16,Y,1,0.0,,,XAP,Approved,-599,Cash through the bank,XAP,,Repeater,Clothing and Accessories,POS,XNA,Stone,35,Clothing,24.0,low_normal,POS industry with interest,365243.0,-568.0,122.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,90000.0,727785.0,21406.5,607500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.008625,-18280,-1598,-6420.0,-1823,,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,17,0,0,0,0,0,0,Self-employed,,0.4813411038946636,0.6347055309763198,0.1057,0.1007,0.9831,,,0.16,0.1897,0.2083,,0.0374,,0.1021,,0.0078,0.0945,0.1047,0.9811,,,0.1611,0.2069,0.1667,,0.0189,,0.0866,,0.0,0.0937,0.1008,0.9816,,,0.16,0.2069,0.1667,,0.0188,,0.0888,,0.008,,block of flats,0.1751,Panel,No,3.0,0.0,3.0,0.0,-1385.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1945812,377378,Revolving loans,2250.0,45000.0,45000.0,,45000.0,MONDAY,15,Y,1,,,,XAP,Approved,-367,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),1,XNA,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,2,90000.0,57564.0,6025.5,54000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-13443,-673,-4431.0,-4442,,1,1,1,1,1,0,Sales staff,4.0,2,2,THURSDAY,12,0,0,0,0,1,1,Self-employed,0.6402692749077593,0.4058719973626676,0.7776594425716818,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-472.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2705258,435785,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SATURDAY,11,Y,1,,,,XAP,Approved,-255,XNA,XAP,Family,New,XNA,Cards,walk-in,Country-wide,4200,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,207000.0,582768.0,56902.5,540000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.019101,-16290,-1316,-10444.0,-5445,,1,1,0,1,0,0,Accountants,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Construction,,0.4606507050378558,0.7136313997323308,0.0082,0.0101,0.9727,0.626,0.0088,0.0,0.0345,0.0417,0.0833,0.0175,0.0067,0.0038,0.0,0.0,0.0084,0.0105,0.9727,0.6406,0.0089,0.0,0.0345,0.0417,0.0833,0.0179,0.0073,0.004,0.0,0.0,0.0083,0.0101,0.9727,0.631,0.0089,0.0,0.0345,0.0417,0.0833,0.0178,0.0068,0.0039,0.0,0.0,reg oper account,block of flats,0.0042,"Stone, brick",No,0.0,0.0,0.0,0.0,-619.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1044252,227122,Revolving loans,6750.0,0.0,135000.0,,,WEDNESDAY,10,Y,1,,,,XAP,Refused,-1116,XNA,HC,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,2,180000.0,170640.0,9922.5,135000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.035792000000000004,-13941,-1073,-7919.0,-4744,,1,1,0,1,0,0,,3.0,2,2,SATURDAY,13,0,0,0,0,1,1,Transport: type 4,0.5266044880773945,0.23439032429797765,0.6754132910917112,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-4.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1697528,366287,Cash loans,15929.19,238500.0,277222.5,,238500.0,MONDAY,9,Y,1,,,,XNA,Approved,-317,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash X-Sell: high,365243.0,-287.0,763.0,-107.0,-101.0,1.0,0,Cash loans,F,N,Y,1,108000.0,540000.0,17550.0,540000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.028663,-20012,-377,-2372.0,-3439,,1,1,0,1,0,0,Medicine staff,2.0,2,2,WEDNESDAY,13,0,0,0,0,1,1,Medicine,0.6813876539449043,0.6298428873763989,0.3825018041447388,0.0165,,0.9742,,,,0.069,0.0417,,,,0.011,,0.0271,0.0168,,0.9742,,,,0.069,0.0417,,,,0.0115,,0.0287,0.0167,,0.9742,,,,0.069,0.0417,,,,0.0112,,0.0277,,block of flats,0.0094,"Stone, brick",No,0.0,0.0,0.0,0.0,-1133.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2598959,160758,Consumer loans,3107.97,27126.0,26793.0,2745.0,27126.0,FRIDAY,16,Y,1,0.1012104592543349,,,XAP,Approved,-1434,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,12,Connectivity,12.0,high,POS mobile with interest,365243.0,-1403.0,-1073.0,-1103.0,-1096.0,0.0,0,Revolving loans,M,N,Y,0,121500.0,247500.0,12375.0,247500.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.04622,-12062,-2168,-6103.0,-401,,1,1,1,1,1,0,Laborers,1.0,1,1,THURSDAY,16,0,0,0,0,1,1,Business Entity Type 3,0.17247853137632885,0.6824432944419224,0.6178261467332483,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1434.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2767901,193740,Cash loans,17976.375,180000.0,227520.0,,180000.0,MONDAY,16,Y,1,,,,Other,Approved,-329,Cash through the bank,XAP,,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,high,Cash Street: high,365243.0,-299.0,391.0,-179.0,-176.0,1.0,0,Cash loans,M,Y,Y,1,157500.0,634482.0,24714.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.009334,-14992,-367,-894.0,-4539,15.0,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Business Entity Type 2,,0.5549995436234777,0.2340151665320674,0.0825,0.065,0.9757,0.6668,0.0102,0.0,0.1379,0.1667,0.2083,0.0391,0.0672,0.0695,0.0,0.0,0.084,0.0675,0.9757,0.6798,0.0103,0.0,0.1379,0.1667,0.2083,0.04,0.0735,0.0725,0.0,0.0,0.0833,0.065,0.9757,0.6713,0.0103,0.0,0.1379,0.1667,0.2083,0.0397,0.0684,0.0708,0.0,0.0,reg oper account,block of flats,0.0603,Panel,No,3.0,0.0,3.0,0.0,-329.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1435089,289242,Revolving loans,2250.0,45000.0,45000.0,,45000.0,THURSDAY,12,Y,1,,,,XAP,Approved,-320,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Country-wide,140,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,-248.0,0.0,0,Cash loans,M,N,Y,0,90000.0,277969.5,17136.0,229500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-16126,-8183,-8273.0,-4275,,1,1,0,1,0,0,Laborers,2.0,3,3,TUESDAY,8,0,0,0,0,0,0,Business Entity Type 2,0.5660848443252424,0.2887591961029972,0.6817058776720116,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1613.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1535178,256403,Consumer loans,20764.44,193410.0,186898.5,19341.0,193410.0,SUNDAY,13,Y,1,0.10213420451818042,,,XAP,Approved,-2267,Cash through the bank,XAP,Children,Repeater,Computers,POS,XNA,Country-wide,3000,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2236.0,-1966.0,-1966.0,-1959.0,1.0,0,Cash loans,F,N,Y,0,225000.0,1138500.0,51579.0,1138500.0,"Spouse, partner",Commercial associate,Higher education,Married,House / apartment,0.026392000000000002,-16566,-7129,-4735.0,-87,,1,1,0,1,1,0,Managers,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,Other,0.5203644122193167,0.7291909250282321,0.6986675550534175,0.0567,,0.9786,,,0.0,0.1034,0.1667,,,,0.0488,,0.0,0.0578,,0.9786,,,0.0,0.1034,0.1667,,,,0.0508,,0.0,0.0573,,0.9786,,,0.0,0.1034,0.1667,,,,0.0497,,0.0,,block of flats,0.0384,"Stone, brick",No,0.0,0.0,0.0,0.0,-2709.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2321436,442985,Cash loans,25540.245,450000.0,545040.0,,450000.0,WEDNESDAY,6,Y,1,,,,XNA,Approved,-313,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-283.0,1127.0,-193.0,-190.0,1.0,0,Cash loans,F,Y,Y,1,247500.0,900000.0,48955.5,900000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.014464,-10928,-3467,-537.0,-3598,13.0,1,1,1,1,1,0,Core staff,3.0,2,2,MONDAY,7,0,0,0,0,0,0,Police,0.3212405468122388,0.4758788113960288,0.17560597946937906,0.1,,0.9826,,,0.08,0.0345,0.5417,,,,0.0914,,,0.1019,,0.9826,,,0.0806,0.0345,0.5417,,,,0.0952,,,0.101,,0.9826,,,0.08,0.0345,0.5417,,,,0.093,,,,block of flats,0.084,"Stone, brick",No,1.0,0.0,1.0,0.0,-1195.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,1.0,0.0,6.0 +2369425,264600,Consumer loans,12805.83,116091.0,120591.0,0.0,116091.0,TUESDAY,16,Y,1,0.0,,,XAP,Approved,-1115,Cash through the bank,XAP,Other_B,New,Computers,POS,XNA,Country-wide,2240,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1084.0,-754.0,-754.0,-746.0,0.0,0,Cash loans,F,N,Y,0,112500.0,189000.0,19845.0,189000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.008865999999999999,-9067,-1931,-6460.0,-1725,,1,1,1,1,0,0,,1.0,2,2,THURSDAY,17,0,0,0,0,0,0,Military,,0.2915606698003392,0.633031641417419,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1115.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2533937,343560,Cash loans,20317.59,270000.0,291919.5,,270000.0,SATURDAY,9,Y,1,,,,XNA,Refused,-1028,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,,,,,,,0,Revolving loans,F,N,Y,0,112500.0,247500.0,12375.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.018029,-19511,-839,-9754.0,-3054,,1,1,0,1,0,0,Sales staff,1.0,3,2,FRIDAY,8,0,0,0,0,0,0,Self-employed,,0.5753745798763786,,0.0784,0.0639,0.9747,0.6532,0.0075,0.0,0.1379,0.1667,0.2083,0.0533,0.0572,0.054000000000000006,0.0309,0.0354,0.0798,0.0663,0.9747,0.6668,0.0076,0.0,0.1379,0.1667,0.2083,0.0545,0.0624,0.0563,0.0311,0.0375,0.0791,0.0639,0.9747,0.6578,0.0076,0.0,0.1379,0.1667,0.2083,0.0542,0.0581,0.055,0.0311,0.0362,reg oper account,block of flats,0.0562,"Stone, brick",No,2.0,0.0,2.0,0.0,-1737.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2425544,226058,Consumer loans,10575.54,107145.0,96430.5,10714.5,107145.0,MONDAY,13,Y,1,0.1089090909090909,,,XAP,Approved,-1008,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Regional / Local,400,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-977.0,-707.0,-707.0,-701.0,0.0,0,Cash loans,M,Y,Y,2,180000.0,814041.0,23931.0,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-14834,-3624,-3267.0,-1991,3.0,1,1,0,1,0,0,Drivers,4.0,2,2,MONDAY,9,0,1,1,0,0,0,Transport: type 4,0.3273029428294901,0.568108874049696,0.7662336700704004,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-1008.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1696914,271505,Consumer loans,,18175.5,18175.5,0.0,18175.5,SATURDAY,11,Y,1,0.0,,,XAP,Refused,-2154,Cash through the bank,HC,Family,Repeater,Mobile,XNA,XNA,Country-wide,89,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Revolving loans,F,N,Y,0,112500.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-12640,-4247,-4689.0,-4080,,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Self-employed,,0.4290962554533366,0.5406544504453575,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,4.0,0.0,-1029.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2122969,411262,Cash loans,19062.675,450000.0,530698.5,,450000.0,MONDAY,15,Y,1,,,,XNA,Approved,-399,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-369.0,1041.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,67500.0,139405.5,7560.0,94500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009656999999999999,-10349,-1245,-3967.0,-781,,1,1,0,1,0,1,Medicine staff,2.0,2,2,MONDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.491667931428926,0.422882996736408,,0.0773,0.0915,0.9762,0.6736,0.0118,0.0,0.1724,0.1667,0.2083,0.0761,0.063,0.0762,0.0,0.0,0.0788,0.095,0.9762,0.6864,0.0119,0.0,0.1724,0.1667,0.2083,0.0778,0.0689,0.0794,0.0,0.0,0.0781,0.0915,0.9762,0.6779999999999999,0.0119,0.0,0.1724,0.1667,0.2083,0.0774,0.0641,0.0776,0.0,0.0,reg oper account,block of flats,0.0664,Panel,No,2.0,0.0,2.0,0.0,-984.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1045533,228231,Consumer loans,13307.13,68310.0,64723.5,6831.0,68310.0,THURSDAY,17,Y,1,0.10397081944531793,,,XAP,Approved,-1180,Cash through the bank,XAP,Other_B,New,Photo / Cinema Equipment,POS,XNA,Country-wide,15,Connectivity,6.0,high,POS mobile with interest,365243.0,-1149.0,-999.0,-999.0,-994.0,0.0,0,Cash loans,M,N,Y,0,247500.0,792162.0,40446.0,630000.0,Unaccompanied,Working,Incomplete higher,Single / not married,House / apartment,0.04622,-9051,-1184,-5800.0,-1712,,1,1,0,1,0,0,Laborers,1.0,1,1,MONDAY,18,0,0,0,0,0,0,Business Entity Type 3,,0.7438620901720678,,0.0742,0.085,0.9737,0.6396,0.0653,0.0,0.1379,0.2083,0.25,0.05,0.0605,0.0777,0.0,0.0,0.0756,0.0882,0.9737,0.6537,0.0659,0.0,0.1379,0.2083,0.25,0.0512,0.0661,0.081,0.0,0.0,0.0749,0.085,0.9737,0.6444,0.0657,0.0,0.1379,0.2083,0.25,0.0509,0.0616,0.0791,0.0,0.0,reg oper account,block of flats,0.0968,"Stone, brick",No,2.0,0.0,2.0,0.0,-538.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2336826,323198,Consumer loans,10290.51,56970.0,51273.0,5697.0,56970.0,MONDAY,14,Y,1,0.1089090909090909,,,XAP,Refused,-2324,Cash through the bank,LIMIT,Unaccompanied,Repeater,Auto Accessories,POS,XNA,Stone,3,Industry,6.0,low_normal,POS industry with interest,,,,,,,0,Cash loans,M,Y,Y,0,225000.0,781920.0,43659.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00702,-16362,-967,-9026.0,-4307,6.0,1,1,0,1,0,0,Drivers,2.0,2,2,MONDAY,17,0,0,0,0,0,0,Business Entity Type 3,,0.5236395032791287,0.3979463219016906,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1560.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1552200,143795,Revolving loans,11250.0,225000.0,225000.0,,225000.0,SATURDAY,11,Y,1,,,,XAP,Refused,-651,XNA,SCOFR,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,N,0,166500.0,225000.0,17775.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.02461,-12938,-1657,-6651.0,-4120,,1,1,0,1,1,1,,1.0,2,2,SATURDAY,8,0,0,0,0,0,0,Business Entity Type 3,0.5301949523630267,0.690238758469794,0.25396280933631177,0.0206,0.0,0.9776,0.6940000000000001,,,0.0345,0.125,0.0417,0.0091,0.0168,0.0145,0.0,0.0,0.021,0.0,0.9777,0.706,,,0.0345,0.125,0.0417,0.0093,0.0184,0.0152,0.0,0.0,0.0208,0.0,0.9776,0.6981,,,0.0345,0.125,0.0417,0.0092,0.0171,0.0148,0.0,0.0,reg oper account,block of flats,0.0181,"Stone, brick",No,1.0,1.0,1.0,0.0,-1531.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1993394,369977,Revolving loans,5625.0,0.0,112500.0,,,THURSDAY,16,Y,1,,,,XAP,Approved,-1196,XNA,XAP,,Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-992.0,-940.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,193500.0,490536.0,28291.5,405000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.011656999999999999,-16808,-4291,-9388.0,-356,,1,1,0,1,0,0,Drivers,1.0,1,1,WEDNESDAY,17,0,0,0,0,0,0,Self-employed,0.5259367436398527,0.7222003068817233,0.7380196196295241,0.0825,0.0785,0.9757,0.6668,0.0078,0.0,0.1379,0.1667,0.2083,0.0,0.0672,0.0696,0.0,0.0,0.084,0.0815,0.9757,0.6798,0.0079,0.0,0.1379,0.1667,0.2083,0.0,0.0735,0.0726,0.0,0.0,0.0833,0.0785,0.9757,0.6713,0.0079,0.0,0.1379,0.1667,0.2083,0.0,0.0684,0.0709,0.0,0.0,reg oper account,block of flats,0.0591,Panel,No,0.0,0.0,0.0,0.0,-2500.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1342415,350903,Cash loans,36206.55,1372500.0,1372500.0,,1372500.0,TUESDAY,12,Y,1,,,,XNA,Refused,-260,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,99000.0,1056447.0,31018.5,922500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.015221,-16898,-6188,-6847.0,-441,9.0,1,1,0,1,0,0,Medicine staff,2.0,2,2,WEDNESDAY,7,0,0,0,0,0,0,Other,,0.5123163073625396,0.15193454904964762,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-873.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2566849,412654,Consumer loans,16104.15,136300.5,135625.5,13630.5,136300.5,MONDAY,16,Y,1,0.099459007586721,,,XAP,Approved,-379,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,15,Connectivity,12.0,high,POS mobile with interest,365243.0,-348.0,-18.0,-78.0,-72.0,0.0,0,Revolving loans,M,Y,Y,0,112500.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-14082,-442,-285.0,-306,18.0,1,1,1,1,0,0,Drivers,2.0,2,2,TUESDAY,17,0,0,0,0,0,0,Self-employed,0.26921558138874685,0.724026068940153,0.2778856891082046,0.0371,0.0245,0.9881,0.8368,0.0071,0.04,0.0345,0.3333,0.375,0.0086,0.0303,0.0384,0.0,0.0,0.0378,0.0255,0.9881,0.8432,0.0071,0.0403,0.0345,0.3333,0.375,0.0088,0.0331,0.04,0.0,0.0,0.0375,0.0245,0.9881,0.8390000000000001,0.0071,0.04,0.0345,0.3333,0.375,0.0087,0.0308,0.0391,0.0,0.0,reg oper spec account,block of flats,0.0341,Panel,No,0.0,0.0,0.0,0.0,-379.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1536847,138623,Cash loans,12381.165,90000.0,109480.5,0.0,90000.0,SATURDAY,14,Y,1,0.0,,,Other,Approved,-1685,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-1655.0,-1325.0,-1325.0,-1322.0,1.0,0,Cash loans,M,Y,N,0,225000.0,813195.0,27004.5,702000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.031329,-17795,-2562,-284.0,-1324,11.0,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.6308041104289231,0.6759827043147885,,0.0485,,0.9985,,,0.0,0.1034,0.0833,,0.1758,,0.0545,,0.0,0.0494,,0.9985,,,0.0,0.1034,0.0833,,0.1798,,0.0567,,0.0,0.0489,,0.9985,,,0.0,0.1034,0.0833,,0.1789,,0.0554,,0.0,,block of flats,0.0428,Mixed,No,0.0,0.0,0.0,0.0,-1244.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1584962,331422,Consumer loans,8414.37,74236.5,82075.5,0.0,74236.5,THURSDAY,15,Y,1,0.0,,,XAP,Approved,-558,Cash through the bank,XAP,,New,Construction Materials,POS,XNA,Stone,100,Construction,12.0,middle,POS industry with interest,365243.0,-527.0,-197.0,-377.0,-373.0,0.0,0,Cash loans,F,N,Y,0,180000.0,1288350.0,37669.5,1125000.0,Group of people,Commercial associate,Higher education,Married,House / apartment,0.04622,-21271,-526,-7.0,-4632,,1,1,0,1,0,0,Secretaries,2.0,1,1,TUESDAY,16,0,0,0,0,0,0,Medicine,0.8283004740563834,0.7193970113121291,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,5.0,0.0,5.0,0.0,-558.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1792883,432242,Consumer loans,3530.385,22455.0,28494.0,0.0,22455.0,THURSDAY,14,Y,1,0.0,,,XAP,Approved,-1670,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,high,POS mobile with interest,365243.0,-1599.0,-1269.0,-1269.0,-1261.0,0.0,0,Cash loans,F,N,Y,1,121500.0,454500.0,21996.0,454500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.015221,-11420,-979,-69.0,-287,,1,1,0,1,0,0,Laborers,3.0,2,2,MONDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.42980887755832536,0.501075160239048,0.1103,0.0765,0.9886,0.8436,,0.12,0.1034,0.3333,0.0417,0.0739,,0.1093,,0.0029,0.1124,0.0794,0.9886,0.8497,,0.1208,0.1034,0.3333,0.0417,0.0756,,0.1139,,0.003,0.1114,0.0765,0.9886,0.8457,,0.12,0.1034,0.3333,0.0417,0.0752,,0.1113,,0.0029,reg oper account,block of flats,0.0968,Panel,No,2.0,0.0,2.0,0.0,-479.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2148434,413165,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,11,Y,1,,,,XAP,Approved,-252,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-202.0,-173.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,2,207000.0,271066.5,13968.0,234000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-15701,-3644,-7700.0,-4697,17.0,1,1,0,1,0,1,Laborers,4.0,2,2,WEDNESDAY,10,0,0,0,0,1,1,Trade: type 7,0.6345736277098059,0.5994882387806106,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1813.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1716551,144734,Consumer loans,8271.54,81225.0,90355.5,0.0,81225.0,TUESDAY,13,Y,1,0.0,,,XAP,Approved,-772,Cash through the bank,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Country-wide,1400,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-740.0,-410.0,-440.0,-438.0,0.0,0,Cash loans,F,Y,Y,3,157500.0,932643.0,33174.0,778500.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.072508,-15577,-403,-9581.0,-567,7.0,1,1,0,1,1,0,Core staff,5.0,1,1,THURSDAY,12,0,0,0,0,0,0,School,0.7258179035876607,0.7720981742281323,0.3825018041447388,0.0825,0.0637,0.9737,,,0.0,0.1379,0.1667,,0.0,,0.0705,,0.0,0.084,0.0661,0.9737,,,0.0,0.1379,0.1667,,0.0,,0.0734,,0.0,0.0833,0.0637,0.9737,,,0.0,0.1379,0.1667,,0.0,,0.0717,,0.0,,block of flats,0.0554,Panel,No,0.0,0.0,0.0,0.0,-772.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1211515,273849,Consumer loans,17816.94,96075.0,100831.5,0.0,96075.0,TUESDAY,15,Y,1,0.0,,,XAP,Approved,-1284,Cash through the bank,XAP,Other_B,Repeater,Computers,POS,XNA,Regional / Local,134,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-1253.0,-1103.0,-1103.0,-1097.0,0.0,0,Cash loans,M,N,N,1,225000.0,180000.0,13225.5,180000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.028663,-12324,-2450,-4102.0,-4532,,1,1,1,1,0,0,,3.0,2,2,FRIDAY,16,0,0,0,1,1,0,Self-employed,,0.5186080649119356,0.4311917977993083,0.0082,,0.9752,,,,0.069,0.0417,,,,0.005,,0.0088,0.0084,,0.9752,,,,0.069,0.0417,,,,0.0053,,0.0093,0.0083,,0.9752,,,,0.069,0.0417,,,,0.0051,,0.009000000000000001,,block of flats,0.0059,"Stone, brick",No,3.0,0.0,3.0,0.0,-1757.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2117929,246735,Cash loans,23764.05,481500.0,595903.5,,481500.0,SUNDAY,13,Y,1,,,,XNA,Approved,-148,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,315000.0,733315.5,71437.5,679500.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.04622,-13327,-3877,-7725.0,-4919,4.0,1,1,0,1,0,0,,1.0,1,1,MONDAY,11,0,1,1,0,0,0,Business Entity Type 3,,0.7643779535492761,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-916.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2109519,220913,Cash loans,53174.88,900000.0,952272.0,,900000.0,WEDNESDAY,14,Y,1,,,,Repairs,Refused,-561,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,157500.0,1006920.0,51543.0,900000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.008625,-14996,-1458,-6716.0,-4478,,1,1,1,1,0,0,High skill tech staff,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.1965907704979024,0.6594055320683344,0.0124,,0.9886,,,0.0,0.069,0.0417,,,,0.0114,,0.0038,0.0126,,0.9886,,,0.0,0.069,0.0417,,,,0.0119,,0.004,0.0125,,0.9886,,,0.0,0.069,0.0417,,,,0.0116,,0.0038,,block of flats,0.0098,"Stone, brick",No,0.0,0.0,0.0,0.0,-802.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1028533,272807,Consumer loans,4729.815,67455.0,23566.5,45000.0,67455.0,SATURDAY,11,Y,1,0.7147672829893733,,,XAP,Approved,-2340,Cash through the bank,XAP,Other_B,New,Mobile,POS,XNA,Country-wide,36,Connectivity,6.0,high,POS mobile with interest,365243.0,-2309.0,-2159.0,-2189.0,-2185.0,1.0,0,Revolving loans,M,Y,Y,1,270000.0,675000.0,33750.0,675000.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.04622,-15471,-3091,-4171.0,-4639,16.0,1,1,0,1,1,0,Managers,3.0,1,1,MONDAY,9,0,1,1,0,0,0,Business Entity Type 3,,0.10186520455735608,,0.1608,0.1026,0.9935,0.9116,0.0436,0.16,0.1379,0.375,0.4167,,0.1311,0.1928,0.0,0.0,0.1639,0.1065,0.9935,0.9151,0.044,0.1611,0.1379,0.375,0.4167,,0.1433,0.2009,0.0,0.0,0.1624,0.1026,0.9935,0.9128,0.0439,0.16,0.1379,0.375,0.4167,,0.1334,0.1963,0.0,0.0,reg oper spec account,block of flats,0.1755,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,4.0,1.0,2.0 +1515063,426316,Cash loans,18697.5,450000.0,450000.0,,450000.0,FRIDAY,16,Y,1,,,,XNA,Approved,-953,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,42.0,middle,Cash X-Sell: middle,365243.0,-923.0,307.0,-203.0,-195.0,0.0,0,Cash loans,M,N,Y,0,112500.0,227520.0,8577.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009549,-17176,-3744,-9641.0,-704,,1,1,1,1,1,0,Laborers,2.0,2,2,SATURDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.7029836705246194,0.33928769990891394,0.0876,0.0979,0.9836,,,,0.2069,0.1667,,0.1471,,0.0827,,,0.0893,0.1016,0.9836,,,,0.2069,0.1667,,0.1505,,0.0861,,,0.0885,0.0979,0.9836,,,,0.2069,0.1667,,0.1497,,0.0842,,,,block of flats,0.0755,Panel,No,5.0,0.0,5.0,0.0,-2165.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +2363242,211456,Consumer loans,4801.5,44361.0,43218.0,4437.0,44361.0,FRIDAY,13,Y,1,0.10140166537900247,,,XAP,Approved,-2737,Cash through the bank,XAP,"Spouse, partner",Repeater,Office Appliances,POS,XNA,Country-wide,-1,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2706.0,-2436.0,-2436.0,-2427.0,1.0,0,Cash loans,M,Y,Y,0,270000.0,490536.0,38884.5,405000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.010966,-16762,-1793,-8155.0,-262,3.0,1,1,0,1,0,0,Drivers,2.0,2,2,FRIDAY,16,0,0,0,0,0,0,Other,,0.588127627256636,0.0920128093981064,0.133,0.1528,0.9776,,0.0165,0.0,0.2759,0.1667,0.2083,0.1074,0.1084,0.1194,0.0,0.0,0.1355,0.1586,0.9777,,0.0166,0.0,0.2759,0.1667,0.2083,0.1099,0.1185,0.1244,0.0,0.0,0.1343,0.1528,0.9776,,0.0166,0.0,0.2759,0.1667,0.2083,0.1093,0.1103,0.1216,0.0,0.0,org spec account,block of flats,0.1029,"Stone, brick",No,2.0,0.0,2.0,0.0,-1578.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1903805,398748,Consumer loans,3022.47,58495.5,58495.5,0.0,58495.5,THURSDAY,10,Y,1,0.0,,,XAP,Approved,-805,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,1000,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-774.0,-84.0,-114.0,-109.0,0.0,0,Cash loans,F,N,Y,0,135000.0,900000.0,31887.0,900000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.019688999999999998,-10522,-271,-4365.0,-1029,,1,1,1,1,1,1,Core staff,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.6526204736878571,0.4939229948920179,,0.1801,0.1095,0.9955,0.9388,0.0655,0.1732,0.1493,0.3054,0.1804,0.1655,0.1468,0.1761,0.0051,0.0101,0.0609,0.0683,1.0,1.0,0.0276,0.0806,0.069,0.2083,0.25,0.2001,0.0533,0.0554,0.0,0.0,0.1499,0.1128,1.0,1.0,0.0349,0.16,0.1379,0.3333,0.25,0.199,0.1231,0.1667,0.0,0.0,not specified,block of flats,0.157,Panel,No,3.0,0.0,3.0,0.0,-805.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2605257,215178,Consumer loans,2457.72,19161.0,21060.0,0.0,19161.0,TUESDAY,14,Y,1,0.0,,,XAP,Approved,-2870,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,73,Connectivity,12.0,high,POS mobile with interest,365243.0,-2839.0,-2509.0,-2509.0,-2501.0,1.0,0,Cash loans,M,Y,N,0,202500.0,278460.0,19507.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.018634,-18080,-5707,-4059.0,-1621,13.0,1,1,0,1,0,0,Laborers,1.0,2,2,TUESDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.2955358013564952,0.7561401475902012,0.6161216908872079,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1971.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,1.0,0.0,1.0 +1313159,185096,Consumer loans,18645.84,110691.0,104881.5,11070.0,110691.0,SUNDAY,13,Y,1,0.10397654505233962,,,XAP,Approved,-1036,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,1600,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-1005.0,-855.0,-885.0,-874.0,0.0,0,Cash loans,F,N,N,0,135000.0,1006920.0,42660.0,900000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.005084,-22329,365243,-11146.0,-4568,,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,XNA,,0.6434793699778232,0.5902333386185574,0.0619,0.0621,0.9846,,,,0.1379,0.1667,,,,,,,0.063,0.0645,0.9846,,,,0.1379,0.1667,,,,,,,0.0625,0.0621,0.9846,,,,0.1379,0.1667,,,,,,,,block of flats,0.0477,Panel,No,2.0,0.0,2.0,0.0,-1890.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2460770,298082,Cash loans,13071.33,135000.0,155970.0,,135000.0,THURSDAY,14,Y,1,,,,XNA,Refused,-908,Cash through the bank,SCO,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,M,Y,Y,0,202500.0,225000.0,11074.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018209,-13617,-2627,-308.0,-2633,12.0,1,1,0,1,0,0,Sales staff,2.0,3,3,TUESDAY,6,0,0,0,0,0,0,Self-employed,,0.3155634686743404,0.1777040724853336,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-243.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +1977988,235056,Cash loans,47998.395,1215000.0,1338493.5,,1215000.0,MONDAY,5,Y,1,,,,XNA,Approved,-816,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Regional / Local,120,Consumer electronics,42.0,low_normal,Cash X-Sell: low,365243.0,-786.0,444.0,-546.0,-544.0,1.0,0,Cash loans,F,N,Y,1,270000.0,1288350.0,37800.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-16741,-4768,-4099.0,-284,,1,1,1,1,1,0,Accountants,3.0,3,3,FRIDAY,8,0,0,0,0,0,0,Self-employed,0.3787514401411078,0.4255750290991497,0.3723336657058204,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2177.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2582814,105569,Cash loans,8141.4,67500.0,67500.0,,67500.0,THURSDAY,13,Y,1,,,,XNA,Refused,-1259,XNA,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Country-wide,33,Connectivity,12.0,high,Cash Street: high,,,,,,,0,Cash loans,M,N,Y,0,90000.0,900000.0,32017.5,900000.0,Unaccompanied,Working,Academic degree,Married,House / apartment,0.008575,-13944,-4811,-4964.0,-4958,,1,1,1,1,0,0,Managers,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Security,0.3163933727851757,0.4916765705297185,0.2392262794694045,0.1485,,0.9831,,,0.16,0.1379,0.3333,,0.1414,,0.1496,,0.0105,0.1513,,0.9831,,,0.1611,0.1379,0.3333,,0.1447,,0.1559,,0.0112,0.1499,,0.9831,,,0.16,0.1379,0.3333,,0.1439,,0.1523,,0.0108,,block of flats,0.12,Panel,No,0.0,0.0,0.0,0.0,-310.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1935929,304224,Cash loans,21128.715,103500.0,110331.0,,103500.0,MONDAY,12,Y,1,,,,XNA,Refused,-298,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,121500.0,99576.0,5530.5,67500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.009549,-17835,-3273,-6125.0,-1382,,1,1,0,1,0,0,Core staff,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,Self-employed,,0.5920100952053687,0.4830501881366946,0.1031,0.0894,0.9786,0.7076,0.0124,0.0,0.2069,0.1667,0.2083,0.0961,0.0841,0.0914,0.0,0.0,0.105,0.0928,0.9786,0.7190000000000001,0.0125,0.0,0.2069,0.1667,0.2083,0.0983,0.0918,0.0952,0.0,0.0,0.1041,0.0894,0.9786,0.7115,0.0125,0.0,0.2069,0.1667,0.2083,0.0978,0.0855,0.093,0.0,0.0,reg oper spec account,block of flats,0.0719,"Stone, brick",No,0.0,0.0,0.0,0.0,-1435.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,7.0 +1084107,352673,Consumer loans,18090.54,85990.5,80581.5,8599.5,85990.5,THURSDAY,11,Y,1,0.10501830292021022,,,XAP,Approved,-1534,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,3575,Consumer electronics,5.0,middle,POS household without interest,365243.0,-1502.0,-1382.0,-1412.0,-1405.0,0.0,0,Cash loans,M,Y,Y,0,166500.0,679500.0,27076.5,679500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.025164,-15651,-2457,-2998.0,-4057,11.0,1,1,0,1,0,1,,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,Transport: type 2,,0.2653117484731741,0.6479768603302221,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2241236,153673,Consumer loans,5479.425,47470.5,46953.0,4747.5,47470.5,MONDAY,18,Y,1,0.10000791270701616,,,XAP,Approved,-2382,XNA,XAP,Unaccompanied,New,Photo / Cinema Equipment,POS,XNA,Country-wide,42,Connectivity,12.0,low_normal,POS mobile with interest,365243.0,-2351.0,-2021.0,-2021.0,-2019.0,1.0,0,Cash loans,M,N,Y,1,135000.0,72000.0,7249.5,72000.0,Unaccompanied,Working,Secondary / secondary special,Married,Rented apartment,0.0105,-10414,-2742,-1771.0,-2946,,1,1,1,1,1,0,Laborers,3.0,3,3,WEDNESDAY,13,0,0,0,0,0,0,Business Entity Type 2,0.18338582372793416,0.534769799203404,0.4650692149562261,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,1.0,-492.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1596830,217343,Consumer loans,11146.23,109084.5,108540.0,10912.5,109084.5,WEDNESDAY,10,Y,1,0.09949314200585632,,,XAP,Refused,-583,Cash through the bank,SCOFR,,New,Mobile,POS,XNA,Country-wide,80,Connectivity,12.0,middle,POS mobile with interest,,,,,,,0,Cash loans,M,N,N,0,103500.0,568800.0,15772.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,With parents,0.00702,-8253,-310,-8147.0,-932,,1,1,0,1,0,0,Core staff,1.0,2,2,FRIDAY,14,0,0,0,0,0,0,Trade: type 2,0.2240185495644248,0.6149299598979118,0.3774042489507649,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-107.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2653097,197228,Cash loans,13165.02,180000.0,203760.0,,180000.0,MONDAY,16,Y,1,,,,XNA,Approved,-1345,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-1315.0,-625.0,-625.0,-618.0,1.0,0,Cash loans,F,N,Y,0,270000.0,675000.0,21906.0,675000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0060079999999999995,-14171,-603,-369.0,-3764,,1,1,0,1,1,0,,2.0,2,2,TUESDAY,13,0,0,0,1,1,0,Business Entity Type 1,,0.5361785968955731,0.7503751495159068,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-149.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2357414,420212,Cash loans,20252.7,360000.0,474916.5,,360000.0,MONDAY,16,Y,1,,,,XNA,Approved,-913,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,Y,Y,0,90000.0,450000.0,30204.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.026392000000000002,-9002,-2026,-1907.0,-1660,11.0,1,1,1,1,0,0,,1.0,2,2,FRIDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.6062419202333529,0.3876253444214701,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,1.0,0.0,0.0,0.0,3.0 +1139605,149131,Cash loans,24146.82,450000.0,533160.0,,450000.0,THURSDAY,10,Y,1,,,,XNA,Approved,-543,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-513.0,897.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,N,0,157500.0,523597.5,21451.5,468000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.035792000000000004,-19027,-125,-8998.0,-2551,4.0,1,1,0,1,1,0,,2.0,2,2,MONDAY,16,0,0,0,0,0,0,Electricity,,0.6741695862533649,0.5190973382084597,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1223.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,6.0 +1661045,283373,Cash loans,39989.25,1125000.0,1125000.0,,1125000.0,MONDAY,9,Y,1,,,,XNA,Approved,-926,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,100,XNA,60.0,middle,Cash X-Sell: middle,365243.0,-896.0,874.0,-806.0,-801.0,0.0,0,Cash loans,F,N,Y,0,211500.0,1379376.0,40459.5,1080000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.032561,-20916,-96,-60.0,-2647,,1,1,0,1,0,0,Cleaning staff,2.0,1,1,WEDNESDAY,11,0,0,0,0,0,0,Culture,,0.5492189760018261,0.30620229831350426,0.0649,0.0,0.9424,0.2112,0.0178,,0.2414,0.2083,0.2083,0.0411,0.0513,0.0911,0.0077,0.0017,0.0662,0.0,0.9424,0.2421,0.0179,,0.2414,0.2083,0.2083,0.0421,0.056,0.0949,0.0078,0.0018,0.0656,0.0,0.9424,0.2217,0.0179,,0.2414,0.2083,0.2083,0.0418,0.0522,0.0927,0.0078,0.0017,reg oper account,block of flats,0.0817,"Stone, brick",No,0.0,0.0,0.0,0.0,-400.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,5.0,0.0,2.0 +2508456,164442,Cash loans,14350.14,121500.0,156456.0,0.0,121500.0,WEDNESDAY,10,Y,1,0.0,,,Other,Approved,-1810,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,365243.0,-1779.0,-1269.0,-1299.0,-1296.0,0.0,0,Cash loans,F,N,Y,0,112500.0,979992.0,28782.0,702000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-19819,-5413,-9261.0,-3260,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Business Entity Type 2,,0.2653117484731741,0.4686596550493113,0.1433,0.1181,0.9737,0.6396,0.0163,0.0,0.2414,0.1667,0.2083,0.0644,0.1168,0.0901,0.0,0.0,0.146,0.1225,0.9737,0.6537,0.0165,0.0,0.2414,0.1667,0.2083,0.0658,0.1276,0.0938,0.0,0.0,0.1447,0.1181,0.9737,0.6444,0.0164,0.0,0.2414,0.1667,0.2083,0.0655,0.1189,0.0917,0.0,0.0,reg oper account,block of flats,0.0798,Block,No,0.0,0.0,0.0,0.0,-36.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,3.0 +1212949,451198,Consumer loans,13524.21,97650.0,90072.0,13500.0,97650.0,SATURDAY,14,Y,1,0.14195658356242294,,,XAP,Approved,-1033,Cash through the bank,XAP,"Spouse, partner",New,Audio/Video,POS,XNA,Country-wide,70,Consumer electronics,8.0,middle,POS household with interest,365243.0,-1002.0,-792.0,-792.0,-786.0,0.0,0,Cash loans,F,N,Y,0,135000.0,163008.0,16249.5,144000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,With parents,0.035792000000000004,-13718,-4884,-4133.0,-4610,,1,1,0,1,0,0,Drivers,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Government,,0.7307598882638241,0.6347055309763198,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1033.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,5.0,2.0,2.0 +1375644,143659,Cash loans,8981.82,45000.0,46485.0,0.0,45000.0,FRIDAY,13,Y,1,0.0,,,XNA,Approved,-2194,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,6.0,high,Cash Street: high,365243.0,-2164.0,-2014.0,-2014.0,-2010.0,1.0,0,Cash loans,F,Y,N,0,225000.0,491823.0,20965.5,373500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,Office apartment,0.02461,-17022,-2428,-5508.0,-563,6.0,1,1,0,1,0,0,Medicine staff,2.0,2,2,MONDAY,15,0,0,0,0,0,0,Other,,0.6616617084084837,0.4223696523543468,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0035,,No,0.0,0.0,0.0,0.0,-592.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2409445,356615,Cash loans,13034.52,180000.0,203760.0,,180000.0,WEDNESDAY,13,Y,1,,,,XNA,Approved,-1665,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,24.0,middle,Cash X-Sell: middle,365243.0,-1635.0,-945.0,-945.0,-940.0,1.0,0,Cash loans,F,N,Y,1,112500.0,225000.0,17541.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.007120000000000001,-18715,-2867,-7068.0,-2262,,1,1,1,1,0,0,Secretaries,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.6414940035758647,0.2858978721410488,0.7032033049040319,0.0639,,0.9742,,,,0.1379,0.125,,,,0.0454,,,0.0651,,0.9742,,,,0.1379,0.125,,,,0.0473,,,0.0645,,0.9742,,,,0.1379,0.125,,,,0.0462,,,,block of flats,0.0357,"Stone, brick",No,0.0,0.0,0.0,0.0,-1665.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1024893,193531,Consumer loans,6217.335,50850.0,49540.5,5085.0,50850.0,WEDNESDAY,11,Y,1,0.10138172232249172,,,XAP,Approved,-2264,Cash through the bank,XAP,Unaccompanied,New,Sport and Leisure,POS,XNA,Stone,23,Industry,10.0,high,POS industry with interest,365243.0,-2233.0,-1963.0,-2053.0,-2050.0,1.0,0,Cash loans,M,Y,Y,0,135000.0,636138.0,20520.0,531000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.010556,-23218,365243,-4532.0,-4532,29.0,1,0,0,1,0,0,,1.0,3,3,SATURDAY,12,0,0,0,0,0,0,XNA,0.6775952524814829,0.6192341447468799,0.5779691187553125,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1690.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2729746,130382,Consumer loans,61643.835,616500.0,554850.0,61650.0,616500.0,SUNDAY,13,Y,1,0.1089090909090909,,,XAP,Approved,-968,Cash through the bank,XAP,Family,New,Clothing and Accessories,POS,XNA,Stone,6,Clothing,10.0,low_normal,POS industry with interest,365243.0,-937.0,-667.0,-817.0,-814.0,0.0,0,Cash loans,F,Y,Y,0,180000.0,1155226.5,38308.5,1035000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.00702,-21500,-2091,-8754.0,-4848,0.0,1,1,0,1,0,0,Accountants,1.0,2,2,TUESDAY,13,0,0,0,0,1,1,Business Entity Type 3,0.8388580497055528,0.6238327510269711,0.5656079814115492,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-968.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2819999,345917,Revolving loans,6750.0,0.0,135000.0,,,TUESDAY,16,Y,1,,,,XAP,Approved,-2722,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,38,Connectivity,0.0,XNA,Card Street,-2719.0,-2683.0,365243.0,-1556.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,270000.0,956574.0,38065.5,855000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-14866,-3259,-139.0,-4144,8.0,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,9,0,0,0,0,1,1,Other,,0.5884454141547826,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2520.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2347312,245902,Cash loans,7557.885,90000.0,118147.5,,90000.0,SATURDAY,16,Y,1,,,,XNA,Approved,-459,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-429.0,261.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,112500.0,339241.5,12312.0,238500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-18196,-3039,-5889.0,-1727,,1,1,0,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Government,,0.0618521481365673,0.20559813854932085,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,1.0,0.0,-2558.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2488520,376405,Cash loans,45938.88,1057500.0,1180341.0,,1057500.0,THURSDAY,10,Y,1,,,,XNA,Refused,-240,Cash through the bank,XNA,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,292500.0,153576.0,8946.0,121500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010966,-20980,365243,-11526.0,-2798,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,XNA,,0.2007754035972499,0.7688075728291359,0.1,0.0838,0.9841,0.7824,0.0117,0.0,0.2069,0.1667,0.2083,0.0,0.0799,0.0889,0.0077,0.0095,0.1019,0.087,0.9841,0.7909,0.0118,0.0,0.2069,0.1667,0.2083,0.0,0.0872,0.0926,0.0078,0.0101,0.101,0.0838,0.9841,0.7853,0.0118,0.0,0.2069,0.1667,0.2083,0.0,0.0812,0.0905,0.0078,0.0097,org spec account,block of flats,0.0778,Panel,No,2.0,0.0,2.0,0.0,-2265.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2552904,305009,Cash loans,26651.25,463500.0,500211.0,,463500.0,TUESDAY,10,Y,1,,,,XNA,Approved,-723,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-693.0,-3.0,-603.0,-599.0,1.0,0,Cash loans,F,N,Y,0,337500.0,708939.0,37899.0,612000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.010966,-23388,365243,-548.0,-4347,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,8,0,0,0,0,0,0,XNA,,0.414012389521586,0.5226973172821112,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2051.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2561237,354041,Cash loans,17767.89,225000.0,254700.0,0.0,225000.0,TUESDAY,11,Y,1,0.0,,,XNA,Approved,-1778,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,high,Cash X-Sell: high,365243.0,-1748.0,-1058.0,-1298.0,-1290.0,1.0,0,Cash loans,F,N,Y,0,247500.0,247500.0,25488.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-19532,-3845,-671.0,-2607,,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Self-employed,,0.5157741078209264,0.5849900404894085,0.1464,,0.9886,,,0.04,0.0345,0.3333,,,,0.0931,,0.0205,0.1492,,0.9886,,,0.0403,0.0345,0.3333,,,,0.097,,0.0217,0.1478,,0.9886,,,0.04,0.0345,0.3333,,,,0.0948,,0.0209,,block of flats,0.0777,"Stone, brick",No,4.0,1.0,4.0,0.0,-397.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2100136,450228,Consumer loans,3973.095,17487.0,13945.5,3987.0,17487.0,SUNDAY,14,Y,1,0.24214166761720085,,,XAP,Approved,-2564,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,21,Connectivity,4.0,low_normal,POS mobile with interest,365243.0,-2529.0,-2439.0,-2439.0,-2431.0,1.0,0,Cash loans,F,N,Y,0,292500.0,900000.0,38263.5,900000.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.025164,-20828,365243,-1950.0,-4177,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,12,0,0,0,0,0,0,XNA,,0.5613953483321269,0.7151031019926098,0.0722,0.0632,0.9836,0.7756,0.0832,0.0,0.1379,0.1667,0.0,0.0142,0.0588,0.0525,0.0,0.0,0.0735,0.0656,0.9836,0.7844,0.084,0.0,0.1379,0.1667,0.0,0.0145,0.0643,0.0547,0.0,0.0,0.0729,0.0632,0.9836,0.7786,0.0838,0.0,0.1379,0.1667,0.0,0.0144,0.0599,0.0534,0.0,0.0,org spec account,block of flats,0.0455,Mixed,No,0.0,0.0,0.0,0.0,-1890.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +1361943,232341,Consumer loans,8818.515,85455.0,94477.5,0.0,85455.0,THURSDAY,18,Y,1,0.0,,,XAP,Approved,-338,Cash through the bank,XAP,,Refreshed,Computers,POS,XNA,Country-wide,120,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-293.0,37.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,3,157500.0,536917.5,17874.0,463500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-14116,-2833,-3244.0,-5583,,1,1,0,1,0,0,Core staff,5.0,2,2,SATURDAY,12,0,0,0,0,0,0,Kindergarten,0.3614581106060609,0.6504267743349164,0.4048783643353997,,,0.9747,,,,,,,,,0.0078,,,,,0.9747,,,,,,,,,0.0082,,,,,0.9747,,,,,,,,,0.008,,,,,0.0065,,No,5.0,0.0,5.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +2445859,236207,Cash loans,13816.755,189000.0,213948.0,0.0,189000.0,MONDAY,9,Y,1,0.0,,,XNA,Approved,-1620,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-1590.0,-900.0,-900.0,-893.0,1.0,0,Cash loans,F,Y,Y,0,247500.0,282690.0,12105.0,202500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.020713,-19046,-5618,-8310.0,-2579,14.0,1,1,0,1,0,0,Laborers,1.0,3,2,THURSDAY,7,0,0,0,0,0,0,Self-employed,0.48385864266466794,0.5271238332193676,0.13680052191177486,0.2856,0.2059,0.9816,0.7484,0.0679,0.28,0.2414,0.3333,0.375,0.1297,0.2311,0.2863,0.0077,0.0129,0.29100000000000004,0.2136,0.9816,0.7583,0.0686,0.282,0.2414,0.3333,0.375,0.1327,0.2525,0.2983,0.0078,0.0136,0.2883,0.2059,0.9816,0.7518,0.0684,0.28,0.2414,0.3333,0.375,0.132,0.2351,0.2914,0.0078,0.0131,reg oper account,block of flats,0.2651,Panel,No,1.0,0.0,1.0,0.0,-1070.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1137544,160396,Consumer loans,4448.205,39163.5,39163.5,0.0,39163.5,WEDNESDAY,19,Y,1,0.0,,,XAP,Approved,-187,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,35,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-151.0,119.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,135000.0,413235.0,30199.5,337500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.030755,-12265,-140,-4388.0,-4086,,1,1,0,1,0,0,Cooking staff,3.0,2,2,MONDAY,15,0,0,0,0,0,0,Restaurant,0.07371895850479243,0.477739010134693,0.10684194768082178,0.1825,0.1351,0.9866,0.8164,0.0568,0.2,0.1724,0.3333,0.375,0.1135,0.1488,0.1859,0.0039,0.0033,0.1859,0.1402,0.9866,0.8236,0.0573,0.2014,0.1724,0.3333,0.375,0.1161,0.1625,0.1937,0.0039,0.0035,0.1842,0.1351,0.9866,0.8189,0.0572,0.2,0.1724,0.3333,0.375,0.1155,0.1513,0.1893,0.0039,0.0034,reg oper account,block of flats,0.1684,Panel,No,3.0,0.0,3.0,0.0,-1330.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1690454,267595,Cash loans,20646.9,225000.0,247275.0,,225000.0,MONDAY,9,Y,1,,,,XNA,Approved,-1396,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-1366.0,-856.0,-1186.0,-1179.0,1.0,0,Cash loans,M,Y,Y,1,495000.0,1762110.0,51651.0,1575000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-14236,-3392,-6764.0,-4998,7.0,1,1,0,1,1,0,Drivers,3.0,2,2,THURSDAY,16,0,0,0,0,0,0,Self-employed,0.4877073265942791,0.6564039854752164,0.36896873825284665,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1396.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1223189,117072,Cash loans,4921.2,45000.0,45000.0,0.0,45000.0,MONDAY,8,Y,1,0.0,,,XNA,Approved,-2313,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,high,Cash Street: high,365243.0,-2283.0,-1953.0,-1953.0,-1950.0,0.0,0,Cash loans,M,N,Y,1,157500.0,814041.0,28971.0,679500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.025164,-10473,-2637,-2850.0,-2844,,1,1,1,1,0,0,Low-skill Laborers,3.0,2,2,THURSDAY,8,0,0,0,0,0,0,Business Entity Type 3,,0.19263214536799025,,0.0124,0.0067,0.9548,,,0.0,0.069,0.0833,,0.027000000000000003,,0.02,,0.0,0.0126,0.006999999999999999,0.9548,,,0.0,0.069,0.0833,,0.0277,,0.0208,,0.0,0.0125,0.0067,0.9548,,,0.0,0.069,0.0833,,0.0275,,0.0204,,0.0,,block of flats,0.0157,Mixed,No,12.0,0.0,11.0,0.0,-753.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2563086,391458,Cash loans,4514.175,49500.0,54400.5,,49500.0,WEDNESDAY,6,Y,1,,,,XNA,Approved,-532,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-502.0,8.0,-292.0,-290.0,1.0,0,Cash loans,M,N,Y,0,99000.0,555273.0,20529.0,463500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.020713,-17952,-4086,-2730.0,-1482,,1,1,0,1,0,0,,1.0,3,3,WEDNESDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.460813700336128,0.6785676886853644,0.099,0.1096,0.9786,0.7076,0.0461,0.0,0.2069,0.1667,0.2083,,0.0773,0.0896,0.0154,0.0165,0.1008,0.1137,0.9786,0.7190000000000001,0.0465,0.0,0.2069,0.1667,0.2083,,0.0845,0.0933,0.0156,0.0175,0.0999,0.1096,0.9786,0.7115,0.0464,0.0,0.2069,0.1667,0.2083,,0.0787,0.0912,0.0155,0.0169,reg oper account,block of flats,0.07400000000000001,Panel,No,2.0,1.0,2.0,1.0,-1019.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2740168,221875,Consumer loans,7753.32,73665.0,64665.0,9000.0,73665.0,TUESDAY,13,Y,1,0.13305936580218805,,,XAP,Refused,-2271,Cash through the bank,LIMIT,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,70,Connectivity,12.0,high,POS mobile with interest,,,,,,,0,Cash loans,M,N,Y,0,171000.0,225000.0,11619.0,225000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.026392000000000002,-11839,-153,-3668.0,-4173,,1,1,0,1,0,1,Cleaning staff,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,Industry: type 9,0.3741947895907414,0.6523782635152829,0.5726825047161584,0.0825,0.078,0.9945,,,0.08,0.069,0.375,,0.0568,,0.1024,,0.0058,0.084,0.0809,0.9945,,,0.0806,0.069,0.375,,0.0581,,0.1067,,0.0061,0.0833,0.078,0.9945,,,0.08,0.069,0.375,,0.0578,,0.1042,,0.0059,,block of flats,0.0818,Panel,No,0.0,0.0,0.0,0.0,-1806.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1258266,114251,Consumer loans,15721.83,256176.0,156001.5,112500.0,256176.0,TUESDAY,11,Y,1,0.4563204573260379,,,XAP,Approved,-312,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,1170,Consumer electronics,12.0,middle,POS household with interest,365243.0,-280.0,50.0,-160.0,-153.0,0.0,0,Cash loans,M,Y,Y,0,252000.0,1356133.5,44950.5,1215000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.04622,-20091,-1163,-2013.0,-3605,21.0,1,1,0,1,0,0,High skill tech staff,2.0,1,1,SATURDAY,14,0,1,1,0,0,0,Business Entity Type 3,0.7393676901412825,0.7409724744610511,,0.2773,0.13,0.9955,0.9388,0.1076,0.4,0.1724,0.625,0.0417,0.0226,0.2261,0.2769,0.0,0.0,0.2826,0.1349,0.9955,0.9412,0.1086,0.4028,0.1724,0.625,0.0417,0.0231,0.247,0.2885,0.0,0.0,0.28,0.13,0.9955,0.9396,0.1083,0.4,0.1724,0.625,0.0417,0.023,0.23,0.2819,0.0,0.0,org spec account,block of flats,0.2766,Panel,No,1.0,0.0,1.0,0.0,-1215.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2281839,223292,Cash loans,67233.285,2025000.0,2217456.0,,2025000.0,WEDNESDAY,17,Y,1,,,,Business development,Refused,-384,Cash through the bank,VERIF,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,low_action,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,238500.0,1096020.0,55962.0,900000.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.00963,-20082,-5327,-9593.0,-3601,,1,1,0,1,0,0,Managers,1.0,2,2,FRIDAY,17,0,0,0,0,0,0,Services,0.6775643544405958,0.5625741980010308,0.5352762504724826,0.2969,0.1578,0.9841,0.7824,,0.36,0.2069,0.4583,0.5,0.1259,,0.2922,,0.0034,0.3025,0.1638,0.9841,0.7909,,0.2417,0.2069,0.4583,0.5,0.1288,,0.3045,,0.0036,0.2998,0.1578,0.9841,0.7853,,0.36,0.2069,0.4583,0.5,0.1281,,0.2975,,0.0035,,block of flats,0.2306,Panel,No,0.0,0.0,0.0,0.0,-557.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2425569,361857,Cash loans,20317.59,270000.0,291919.5,,270000.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-867,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-837.0,-327.0,-777.0,-770.0,1.0,0,Cash loans,F,N,Y,0,74250.0,315000.0,15282.0,315000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.072508,-22381,365243,-12506.0,-831,,1,0,0,1,0,0,,2.0,1,1,TUESDAY,13,0,0,0,0,0,0,XNA,,0.5361350904338075,,0.1485,0.094,0.9826,0.762,0.0,0.16,0.1379,0.3333,0.375,0.0,0.121,0.1408,0.0,0.0,0.1513,0.0976,0.9826,0.7713,0.0,0.1611,0.1379,0.3333,0.375,0.0,0.1322,0.1467,0.0,0.0,0.1499,0.094,0.9826,0.7652,0.0,0.16,0.1379,0.3333,0.375,0.0,0.1231,0.1433,0.0,0.0,org spec account,block of flats,0.1107,Panel,No,0.0,0.0,0.0,0.0,-1197.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1535442,133933,Cash loans,16598.52,292500.0,347904.0,,292500.0,SATURDAY,13,Y,1,,,,XNA,Approved,-860,Cash through the bank,XAP,Family,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,42.0,middle,Cash X-Sell: middle,365243.0,-830.0,400.0,-800.0,-795.0,1.0,0,Cash loans,F,N,Y,0,135000.0,135000.0,6493.5,135000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.00963,-18318,-4979,-1585.0,-1849,,1,1,0,1,1,0,HR staff,2.0,2,2,FRIDAY,18,0,0,0,0,1,1,Industry: type 1,,0.6178255558370451,0.2418614865234661,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-979.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +2462984,274235,Consumer loans,4486.095,25402.5,27760.5,2542.5,25402.5,MONDAY,15,Y,1,0.09137754137754137,,,XAP,Approved,-1057,Cash through the bank,XAP,Family,New,Jewelry,POS,XNA,Regional / Local,62,Industry,8.0,high,POS other with interest,365243.0,-1026.0,-816.0,-906.0,-889.0,0.0,1,Cash loans,M,Y,N,1,180000.0,297130.5,23602.5,256500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-8939,-999,-8917.0,-1550,3.0,1,1,0,1,0,0,Waiters/barmen staff,3.0,2,2,MONDAY,15,0,0,0,0,0,0,Self-employed,,0.5641126348339954,0.23791607950711405,0.1485,0.084,0.9866,0.8164,0.0799,0.16,0.1379,0.3333,0.375,0.0237,0.1118,0.1417,0.0425,0.0427,0.1513,0.0872,0.9866,0.8236,0.0806,0.1611,0.1379,0.3333,0.375,0.0242,0.1221,0.1477,0.0428,0.0452,0.1499,0.084,0.9866,0.8189,0.0804,0.16,0.1379,0.3333,0.375,0.0241,0.1137,0.1443,0.0427,0.0436,reg oper account,block of flats,0.1639,Panel,No,5.0,0.0,5.0,0.0,-1057.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +1420974,367872,Revolving loans,2250.0,45000.0,45000.0,,45000.0,THURSDAY,14,Y,1,,,,XAP,Approved,-239,XNA,XAP,Unaccompanied,New,XNA,Cards,walk-in,AP+ (Cash loan),10,XNA,0.0,XNA,Card Street,-231.0,-193.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,85500.0,360000.0,16780.5,360000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010966,-15434,-7015,-8101.0,-4518,,1,1,1,1,1,1,Cooking staff,3.0,2,2,FRIDAY,13,0,0,0,0,0,0,School,,0.17100747068325398,0.3490552510751822,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-239.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2747896,134256,Consumer loans,9030.195,65650.5,76050.0,0.0,65650.5,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-277,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,100,Connectivity,12.0,high,POS mobile with interest,,,,,,,0,Cash loans,M,Y,Y,0,180000.0,693301.5,35527.5,598500.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.035792000000000004,-16647,365243,-2507.0,-183,2.0,1,0,0,1,0,0,,2.0,2,2,THURSDAY,17,0,0,0,0,0,0,XNA,0.6873088009688828,0.6708851003355519,0.3672910183026313,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-2293.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1244943,192994,Cash loans,31247.865,900000.0,1064205.0,,900000.0,TUESDAY,15,Y,1,,,,XNA,Approved,-814,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-784.0,986.0,365243.0,365243.0,1.0,1,Cash loans,M,Y,Y,2,189000.0,765000.0,22495.5,765000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010276,-14210,-3711,-8266.0,-4756,8.0,1,1,1,1,0,0,Laborers,4.0,2,2,THURSDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.4586954276650335,0.1852020815902493,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1159.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1540540,214950,Cash loans,14984.235,67500.0,78079.5,,67500.0,THURSDAY,9,Y,1,,,,XNA,Approved,-993,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-963.0,-813.0,-813.0,-800.0,1.0,1,Revolving loans,M,N,Y,0,184500.0,135000.0,6750.0,135000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Rented apartment,0.025164,-9216,-381,-1093.0,-1867,,1,1,0,1,0,0,Drivers,2.0,2,2,WEDNESDAY,14,0,0,0,0,1,1,Business Entity Type 3,,0.4342249243207465,0.6127042441012546,0.0402,0.0365,0.9906,0.8708,0.0298,0.0264,0.0345,0.3333,0.375,0.0205,0.0475,0.0435,0.0077,0.0026,0.0,0.0355,0.9906,0.8759,0.0249,0.0403,0.0345,0.3333,0.375,0.0126,0.0487,0.0407,0.0,0.0,0.0552,0.0365,0.9906,0.8725,0.0299,0.04,0.0345,0.3333,0.375,0.0208,0.0483,0.0401,0.0078,0.0027,reg oper account,block of flats,0.0445,Panel,No,1.0,0.0,1.0,0.0,-2222.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1872950,400842,Consumer loans,4251.15,94365.0,94365.0,0.0,94365.0,FRIDAY,13,Y,1,0.0,,,XAP,Approved,-508,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,500,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-477.0,213.0,365243.0,365243.0,0.0,0,Revolving loans,F,Y,Y,0,225000.0,675000.0,33750.0,675000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.00963,-21790,-5254,-2062.0,-5236,2.0,1,1,0,1,1,0,Managers,2.0,2,2,TUESDAY,15,0,1,1,0,1,1,Government,0.9264556247374236,0.6438705784852047,0.6528965519806539,0.0742,0.1015,0.9558,0.3948,0.0271,0.0,0.2069,0.1667,0.2083,0.0531,0.0605,0.0568,0.0,0.0736,0.0756,0.1053,0.9558,0.4185,0.0274,0.0,0.2069,0.1667,0.2083,0.0543,0.0661,0.0592,0.0,0.0779,0.0749,0.1015,0.9558,0.4029,0.0273,0.0,0.2069,0.1667,0.2083,0.054000000000000006,0.0616,0.0578,0.0,0.0752,reg oper account,block of flats,0.0755,"Stone, brick",No,0.0,0.0,0.0,0.0,-2048.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1998588,218531,Consumer loans,7475.04,58608.0,54108.0,4500.0,58608.0,THURSDAY,15,Y,1,0.08362184498548134,,,XAP,Approved,-442,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,42,Connectivity,10.0,high,POS mobile with interest,365243.0,-378.0,-108.0,-198.0,-194.0,0.0,0,Cash loans,F,Y,Y,0,121500.0,814041.0,23931.0,679500.0,Unaccompanied,Working,Incomplete higher,Single / not married,House / apartment,0.018209,-8856,-134,-5075.0,-1514,19.0,1,1,1,1,0,0,Core staff,1.0,3,3,FRIDAY,7,0,0,0,0,0,0,Mobile,0.2850072909397677,0.2869929260895497,0.4329616670974407,0.2016,0.1008,0.9771,0.6872,0.0042,0.0,0.1241,0.1667,0.2083,0.0462,0.1378,0.0751,0.0,0.0,0.1712,0.0871,0.9772,0.6994,0.0039,0.0,0.1034,0.1667,0.2083,0.0516,0.1497,0.0662,0.0,0.0,0.1718,0.084,0.9771,0.6914,0.0042,0.0,0.1034,0.1667,0.2083,0.0513,0.1402,0.0647,0.0,0.0,reg oper spec account,specific housing,0.05,"Stone, brick",No,5.0,0.0,5.0,0.0,-1413.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1394778,225535,Consumer loans,17391.645,146448.0,156919.5,0.0,146448.0,SUNDAY,11,Y,1,0.0,,,XAP,Approved,-740,Non-cash from your account,XAP,Other_B,Repeater,Audio/Video,POS,XNA,Country-wide,946,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-709.0,-439.0,-559.0,-551.0,0.0,0,Cash loans,F,Y,N,0,112500.0,562500.0,16119.0,562500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-9855,-755,-2807.0,-907,5.0,1,1,1,1,0,0,Cleaning staff,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Business Entity Type 2,,0.31682587344297364,0.2750003523983893,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-31.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2828529,379698,Revolving loans,11250.0,225000.0,225000.0,,225000.0,FRIDAY,11,Y,1,,,,XAP,Refused,-620,XNA,HC,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,N,Y,0,180000.0,578979.0,29691.0,517500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.002042,-13800,-631,-1169.0,-3049,,1,1,0,1,0,0,Laborers,2.0,3,3,TUESDAY,18,0,0,0,0,0,0,Business Entity Type 3,,0.46199294707886,0.2735646775174348,0.0928,0.0791,0.9925,,,0.0,0.2069,0.1667,,,,0.1081,,0.0626,0.0945,0.0821,0.9926,,,0.0,0.2069,0.1667,,,,0.1126,,0.0662,0.0937,0.0791,0.9925,,,0.0,0.2069,0.1667,,,,0.11,,0.0639,,block of flats,0.0986,Panel,No,0.0,0.0,0.0,0.0,-1318.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1809400,234356,Cash loans,26474.625,225000.0,239850.0,,225000.0,TUESDAY,9,Y,1,,,,XNA,Approved,-629,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-599.0,-269.0,-419.0,-408.0,1.0,0,Cash loans,M,N,Y,0,225000.0,1113840.0,57001.5,900000.0,Family,Working,Secondary / secondary special,Single / not married,House / apartment,0.010006000000000001,-18629,-176,-396.0,-2184,,1,1,0,1,0,0,Security staff,1.0,2,2,TUESDAY,11,0,0,0,0,1,1,Security,0.6785581051098167,0.08411944668540253,0.6058362647264226,0.0165,0.0,0.9881,0.8368,0.005,0.0,0.069,0.0417,0.0833,0.0102,0.0134,0.0183,0.0,0.0,0.0168,0.0,0.9881,0.8432,0.005,0.0,0.069,0.0417,0.0833,0.0105,0.0147,0.019,0.0,0.0,0.0167,0.0,0.9881,0.8390000000000001,0.005,0.0,0.069,0.0417,0.0833,0.0104,0.0137,0.0186,0.0,0.0,,block of flats,0.0176,Wooden,No,6.0,0.0,6.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2617096,369022,Cash loans,24058.215,306000.0,355680.0,,306000.0,FRIDAY,13,Y,1,,,,XNA,Approved,-1073,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,high,Cash Street: high,365243.0,-1043.0,7.0,-953.0,-945.0,1.0,1,Cash loans,F,N,Y,0,112500.0,1534500.0,43087.5,1534500.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.008865999999999999,-21591,365243,-9740.0,-430,,1,0,0,1,1,0,,1.0,2,2,SUNDAY,12,0,0,0,0,0,0,XNA,,0.28599163568424146,0.08846056465419698,0.067,0.0615,0.9747,0.6532,0.0151,0.0,0.1379,0.1667,0.2083,0.0543,0.0538,0.0497,0.0039,0.0548,0.0683,0.0639,0.9747,0.6668,0.0153,0.0,0.1379,0.1667,0.2083,0.0556,0.0588,0.0518,0.0039,0.058,0.0677,0.0615,0.9747,0.6578,0.0152,0.0,0.1379,0.1667,0.2083,0.0553,0.0547,0.0506,0.0039,0.0559,reg oper account,block of flats,0.0593,"Stone, brick",No,0.0,0.0,0.0,0.0,-1073.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1940259,149875,Consumer loans,4700.565,103788.0,103788.0,0.0,103788.0,SUNDAY,14,Y,1,0.0,,,XAP,Approved,-317,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,250,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-286.0,404.0,365243.0,365243.0,0.0,0,Revolving loans,M,Y,Y,2,171000.0,495000.0,24750.0,495000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-10134,-205,-1180.0,-2343,3.0,1,1,0,1,1,0,,4.0,2,2,TUESDAY,12,0,0,0,1,1,0,Business Entity Type 3,0.2127835819565876,0.40155541817777457,0.4740512892789932,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1561.0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +1450871,437239,Cash loans,,0.0,0.0,,,WEDNESDAY,6,Y,1,,,,XNA,Refused,-13,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,N,Y,0,315000.0,517536.0,28206.0,432000.0,Unaccompanied,Working,Lower secondary,Single / not married,House / apartment,0.018801,-13575,-562,-7448.0,-5170,,1,1,0,1,0,0,Low-skill Laborers,1.0,2,2,TUESDAY,6,0,0,0,0,0,0,Other,,0.4873432577426596,0.2822484337007223,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-818.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2475099,164916,Revolving loans,11250.0,0.0,360000.0,,,FRIDAY,18,N,0,,,,XAP,Refused,-1054,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,N,Y,1,405000.0,781920.0,40054.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0105,-15782,-5537,-4911.0,-1558,,1,1,0,1,0,0,Laborers,3.0,3,3,TUESDAY,16,0,0,0,0,0,0,Self-employed,,0.004884301569113108,0.1940678276718812,,0.152,0.9846,,,0.08,0.2069,0.3333,,,,0.2188,,0.0037,,0.1063,0.9846,,,0.0,0.1379,0.3333,,,,0.1522,,0.0039,,0.152,0.9846,,,0.08,0.2069,0.3333,,,,0.2227,,0.0038,,,0.2293,Panel,No,4.0,0.0,3.0,0.0,-1054.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,12.0 +1693426,150212,Cash loans,26574.255,225000.0,289732.5,,225000.0,WEDNESDAY,11,Y,1,,,,Repairs,Approved,-470,Cash through the bank,XAP,,New,XNA,Cash,walk-in,Credit and cash offices,0,XNA,18.0,high,Cash Street: high,365243.0,-440.0,70.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,1,67500.0,755190.0,36459.0,675000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.016612000000000002,-10425,-1277,-1143.0,-1365,,1,1,0,1,0,0,High skill tech staff,3.0,2,2,THURSDAY,11,0,0,0,1,1,0,Self-employed,0.20895338847041006,0.5434142404920675,0.4083588531230431,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-470.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1597221,114191,Cash loans,68495.13,1215000.0,1285569.0,,1215000.0,MONDAY,10,Y,1,,,,XNA,Approved,-704,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-661.0,29.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,292500.0,860917.5,39033.0,769500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.00496,-18783,-2402,-7196.0,-2311,15.0,1,1,0,1,1,0,High skill tech staff,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.6012825500367409,0.5478104658520093,0.0722,,0.9762,,,0.0,0.2328,0.1667,,0.0583,,,,,0.0735,,0.9762,,,0.0,0.2069,0.1667,,0.0597,,,,,0.0729,,0.9762,,,0.0,0.2241,0.1667,,0.0594,,,,,,block of flats,0.0733,,No,4.0,0.0,4.0,0.0,-1172.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1355849,271743,Cash loans,63180.0,2250000.0,2250000.0,,2250000.0,FRIDAY,14,Y,1,,,,XNA,Approved,-712,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Revolving loans,F,Y,Y,0,90000.0,225000.0,11250.0,225000.0,Family,Working,Higher education,Married,House / apartment,0.018029,-14047,-827,-7698.0,-3970,1.0,1,1,0,1,0,0,Managers,2.0,3,3,WEDNESDAY,10,0,0,0,0,0,0,Hotel,0.4847306829818196,0.4927532874539839,0.5884877883422673,,,0.9861,,,,0.2069,0.1667,,,,,,,,,0.9861,,,,0.2069,0.1667,,,,,,,,,0.9861,,,,0.2069,0.1667,,,,,,,,block of flats,0.0677,Panel,No,3.0,1.0,3.0,1.0,-1937.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1684656,367709,Consumer loans,7455.915,64777.5,63427.5,6480.0,64777.5,WEDNESDAY,14,Y,0,0.10095210229101442,,,XAP,Approved,-623,Cash through the bank,XAP,,Refreshed,Audio/Video,POS,XNA,Country-wide,1060,Consumer electronics,10.0,middle,POS household with interest,365243.0,-592.0,-322.0,-592.0,-584.0,0.0,0,Cash loans,F,Y,N,0,54000.0,225000.0,15660.0,225000.0,Children,Pensioner,Secondary / secondary special,Married,House / apartment,0.008019,-19563,365243,-239.0,-3058,14.0,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,XNA,,0.5636071294127138,0.6479768603302221,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2211.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1620894,431344,Consumer loans,2847.87,27778.5,27778.5,0.0,27778.5,SATURDAY,15,Y,1,0.0,,,XAP,Approved,-567,Cash through the bank,XAP,,Repeater,Construction Materials,POS,XNA,Regional / Local,673,Construction,12.0,middle,POS industry with interest,365243.0,-527.0,-197.0,-467.0,-435.0,0.0,0,Cash loans,F,Y,Y,0,103500.0,986553.0,28975.5,823500.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.031329,-13344,-407,-6619.0,-3704,22.0,1,1,0,1,0,0,Sales staff,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Industry: type 3,0.5927906152994452,0.4330004466260385,0.6430255641096323,0.0124,0.0132,0.9692,,,,0.069,0.0417,,,,0.0115,,0.0105,0.0126,0.0137,0.9692,,,,0.069,0.0417,,,,0.012,,0.0111,0.0125,0.0132,0.9692,,,,0.069,0.0417,,,,0.0117,,0.0107,,block of flats,0.0119,"Stone, brick",No,1.0,0.0,1.0,0.0,-2575.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,1.0,3.0 +1143596,211016,Revolving loans,2250.0,45000.0,45000.0,,45000.0,TUESDAY,16,Y,1,,,,XAP,Approved,-310,XNA,XAP,Unaccompanied,New,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-290.0,-261.0,365243.0,-47.0,365243.0,0.0,0,Cash loans,F,N,Y,0,126000.0,360000.0,26325.0,360000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-21319,365243,-2833.0,-512,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,XNA,,0.6986094381405232,0.2103502286944494,0.0371,0.0,0.9727,0.626,0.0033,0.0,0.1034,0.0833,0.125,0.0,0.0235,0.0242,0.0309,0.0214,0.0378,0.0,0.9727,0.6406,0.0033,0.0,0.1034,0.0833,0.125,0.0,0.0257,0.0252,0.0311,0.0226,0.0375,0.0,0.9727,0.631,0.0033,0.0,0.1034,0.0833,0.125,0.0,0.0239,0.0247,0.0311,0.0218,reg oper account,block of flats,0.0255,Panel,No,1.0,0.0,1.0,0.0,-310.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2454618,108189,Consumer loans,14487.165,54715.5,50850.0,5490.0,54715.5,SATURDAY,8,Y,1,0.10612547197211733,,,XAP,Refused,-2721,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,POS,XNA,Country-wide,36,Connectivity,4.0,low_normal,POS mobile with interest,,,,,,,0,Cash loans,F,Y,Y,0,99000.0,900000.0,26446.5,900000.0,Family,Working,Secondary / secondary special,Single / not married,House / apartment,0.010006000000000001,-16274,-5527,-4851.0,-4488,11.0,1,1,1,1,1,0,Cleaning staff,1.0,2,2,THURSDAY,14,0,0,0,0,0,0,School,,0.34701542579222217,0.5849900404894085,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-244.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2051637,245693,Consumer loans,21390.57,184702.5,116671.5,73881.0,184702.5,TUESDAY,11,Y,1,0.422262239826533,,,XAP,Approved,-455,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Stone,117,Consumer electronics,6.0,middle,POS household with interest,365243.0,-424.0,-274.0,-334.0,-331.0,0.0,0,Cash loans,F,N,Y,1,180000.0,261751.5,19701.0,211500.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.010643000000000001,-14696,-4929,-6078.0,-4626,,1,1,0,1,0,0,Core staff,2.0,2,2,TUESDAY,14,0,0,0,0,1,1,School,,0.5907260008361911,0.5280927512030451,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-455.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1824869,112697,Cash loans,7009.875,67500.0,71955.0,,67500.0,FRIDAY,14,Y,1,,,,XNA,Approved,-312,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Stone,200,Consumer electronics,12.0,low_normal,Cash X-Sell: low,365243.0,-282.0,48.0,-42.0,-37.0,1.0,0,Cash loans,M,N,Y,1,157500.0,239850.0,25960.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-10287,-318,-3724.0,-2406,,1,1,1,1,1,1,Laborers,3.0,2,2,TUESDAY,11,0,0,0,0,0,0,Mobile,,0.2453495532540649,0.4101025731788671,0.0722,0.084,0.9781,0.7008,0.104,0.0,0.1379,0.1667,0.0417,0.0325,0.0588,0.066,0.0,0.0,0.0735,0.0872,0.9782,0.7125,0.1049,0.0,0.1379,0.1667,0.0417,0.0332,0.0643,0.0688,0.0,0.0,0.0729,0.084,0.9781,0.7048,0.1046,0.0,0.1379,0.1667,0.0417,0.033,0.0599,0.0672,0.0,0.0,,block of flats,0.0519,"Stone, brick",No,0.0,0.0,0.0,0.0,-143.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +2087615,371605,Consumer loans,7009.605,75973.5,68373.0,7600.5,75973.5,MONDAY,9,Y,1,0.10895424660632262,,,XAP,Approved,-380,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Stone,70,Furniture,12.0,middle,POS industry with interest,365243.0,-341.0,-11.0,-191.0,-185.0,0.0,0,Cash loans,F,Y,Y,1,90000.0,101880.0,11623.5,90000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-10156,-2114,-2430.0,-2823,4.0,1,1,0,1,0,0,Laborers,3.0,2,2,WEDNESDAY,11,0,0,0,0,1,1,Other,0.5260469389464226,0.1797728858691309,0.5495965024956946,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-572.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2840068,158149,Cash loans,17582.625,135000.0,163255.5,,135000.0,THURSDAY,17,Y,1,,,,XNA,Refused,-836,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,Y,Y,1,180000.0,629325.0,30406.5,562500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.010276,-16475,-4696,-8986.0,-11,24.0,1,1,0,1,0,0,Laborers,3.0,2,2,SUNDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.5042810384861416,0.7431281055034443,0.2445163919946749,0.0825,,0.9752,0.66,,0.0,0.1379,0.1667,0.2083,0.0367,0.0672,0.071,,0.0,0.084,,0.9752,0.6733,,0.0,0.1379,0.1667,0.2083,0.0375,0.0735,0.0739,,0.0,0.0833,,0.9752,0.6645,,0.0,0.1379,0.1667,0.2083,0.0373,0.0684,0.0722,,0.0,,block of flats,0.0561,Panel,No,1.0,0.0,1.0,0.0,-1534.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,4.0 +1455008,441099,Consumer loans,6552.585,36630.0,32130.0,4500.0,36630.0,SATURDAY,13,Y,1,0.1337949519767701,,,XAP,Approved,-733,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Regional / Local,30,Connectivity,6.0,high,POS mobile with interest,365243.0,-696.0,-546.0,-546.0,-536.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,472500.0,48415.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-10750,-1819,-5432.0,-1797,8.0,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,Other,,0.6476772318053992,0.4365064990977374,0.0742,0.0406,0.9801,0.728,0.0292,0.08,0.069,0.3333,0.375,0.0522,0.0605,0.0725,0.0,0.0,0.0756,0.0422,0.9801,0.7387,0.0295,0.0806,0.069,0.3333,0.375,0.0533,0.0661,0.0755,0.0,0.0,0.0749,0.0406,0.9801,0.7316,0.0294,0.08,0.069,0.3333,0.375,0.0531,0.0616,0.0738,0.0,0.0,reg oper account,block of flats,0.068,Panel,No,0.0,0.0,0.0,0.0,-1590.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1229979,239959,Consumer loans,2711.16,24651.0,24381.0,2466.0,24651.0,WEDNESDAY,10,Y,1,0.10003718038582272,,,XAP,Approved,-2460,Cash through the bank,XAP,Other_B,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,12.0,high,POS mobile with interest,365243.0,-2429.0,-2099.0,-2099.0,-2092.0,1.0,0,Cash loans,F,N,N,0,270000.0,208512.0,22023.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.009175,-14272,-3745,-3832.0,-3915,,1,1,0,1,0,0,Sales staff,1.0,2,2,SATURDAY,17,0,0,0,0,1,1,Trade: type 7,0.4012797289451238,0.08301249902647398,0.4471785780453068,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1510.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1536187,434435,Consumer loans,8065.215,73308.15,71419.5,7333.65,73308.15,THURSDAY,17,Y,1,0.1014183120986849,,,XAP,Approved,-1812,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Stone,593,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1779.0,-1509.0,-1509.0,-1501.0,0.0,0,Cash loans,M,N,Y,0,382500.0,675000.0,43267.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-19543,-351,-7417.0,-3066,,1,1,0,1,0,0,Drivers,2.0,2,2,WEDNESDAY,18,0,0,0,0,0,0,Self-employed,,0.7771033537468349,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1812.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2066996,232184,Consumer loans,16965.675,125955.0,137038.5,0.0,125955.0,THURSDAY,17,Y,1,0.0,,,XAP,Approved,-206,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,50,Consumer electronics,10.0,middle,POS household with interest,365243.0,-176.0,94.0,365243.0,365243.0,1.0,0,Revolving loans,M,Y,Y,0,225000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.010006000000000001,-12680,-2142,-4078.0,-4076,19.0,1,1,0,1,0,0,Drivers,1.0,2,2,SUNDAY,9,0,0,0,1,1,1,Other,0.3375974684591384,0.13220149363315867,0.3556387169923543,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1375324,174898,Consumer loans,4398.525,25154.46,24808.5,1515.96,25154.46,THURSDAY,15,Y,1,0.06271802933642152,,,XAP,Approved,-2568,Cash through the bank,XAP,Children,New,Sport and Leisure,POS,XNA,Country-wide,-1,Consumer electronics,6.0,low_normal,POS household without interest,365243.0,-2536.0,-2386.0,-2386.0,-2383.0,1.0,0,Revolving loans,F,N,Y,0,139500.0,405000.0,20250.0,405000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.026392000000000002,-16315,-2388,-3043.0,-1002,,1,1,0,1,0,0,Core staff,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Insurance,,0.5901813391699318,0.2707073872651806,0.0825,,0.9732,,,0.0,0.1379,0.1667,,0.0548,,0.0634,,0.0278,0.084,,0.9732,,,0.0,0.1379,0.1667,,0.0561,,0.0661,,0.0295,0.0833,,0.9732,,,0.0,0.1379,0.1667,,0.0558,,0.0646,,0.0284,,block of flats,0.0559,"Stone, brick",No,1.0,0.0,1.0,0.0,-1233.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,11.0,2.0,3.0 +2260992,308906,Consumer loans,3899.25,18297.0,14634.0,3663.0,18297.0,SUNDAY,14,Y,1,0.21803246433841614,,,XAP,Approved,-1173,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,5,Connectivity,4.0,middle,POS mobile without interest,365243.0,-1141.0,-1051.0,-1051.0,-1047.0,0.0,0,Cash loans,F,N,Y,0,157500.0,247500.0,9328.5,247500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.015221,-23496,365243,-11334.0,-4761,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,14,0,0,0,0,0,0,XNA,,0.46205273600308905,0.722392890081304,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1879.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1085396,381431,Revolving loans,2250.0,45000.0,45000.0,,45000.0,THURSDAY,19,Y,1,,,,XAP,Approved,-232,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Country-wide,20,Connectivity,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,0,310500.0,1010065.5,64683.0,882000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.04622,-13384,-1150,-906.0,-4423,,1,1,0,1,0,0,High skill tech staff,2.0,1,1,FRIDAY,10,0,0,0,0,1,1,Business Entity Type 3,,0.4352029355675076,0.14644206667896328,0.0722,0.041,0.9921,0.8912,0.0133,0.0,0.1207,0.1667,0.2083,,0.0588,0.078,0.0,0.0,0.063,0.0,0.9916,0.8889,0.0117,0.0,0.1034,0.1667,0.2083,,0.0551,0.0701,0.0,0.0,0.0729,0.041,0.9921,0.8927,0.0134,0.0,0.1207,0.1667,0.2083,,0.0599,0.0794,0.0,0.0,reg oper spec account,block of flats,0.0311,Panel,No,0.0,0.0,0.0,0.0,-112.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2336055,418174,Consumer loans,4949.28,27400.5,24660.0,2740.5,27400.5,THURSDAY,15,Y,1,0.10892697711222922,,,XAP,Approved,-2857,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,40,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2826.0,-2676.0,-2676.0,-2602.0,0.0,0,Cash loans,M,N,N,0,157500.0,50940.0,6174.0,45000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.031329,-12945,-171,-416.0,-1640,,1,1,0,1,0,0,Security staff,1.0,2,2,FRIDAY,12,0,0,0,0,1,1,Business Entity Type 3,,0.3724373083901588,0.03252034508171319,0.0619,0.0475,0.9742,,,0.0,0.1379,0.1667,,0.0614,,0.0361,,0.0,0.063,0.0493,0.9742,,,0.0,0.1379,0.1667,,0.0628,,0.0376,,0.0,0.0625,0.0475,0.9742,,,0.0,0.1379,0.1667,,0.0625,,0.0367,,0.0,,block of flats,0.0414,Panel,No,0.0,0.0,0.0,0.0,-178.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2018329,307304,Cash loans,8709.795,90000.0,97425.0,,90000.0,WEDNESDAY,14,Y,1,,,,XNA,Approved,-2859,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,15.0,middle,Cash Street: middle,365243.0,-2829.0,-2409.0,-2409.0,-2400.0,1.0,0,Cash loans,F,N,Y,0,162000.0,522000.0,25110.0,522000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.028663,-19087,-1575,-6651.0,-2588,,1,1,0,1,0,0,,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Housing,,0.5519623089613505,0.633031641417419,0.3124,0.4039,0.9906,0.8708,0.0541,0.32,0.2759,0.3333,0.375,0.0465,0.2547,0.3332,0.0,0.0,0.3183,0.4192,0.9906,0.8759,0.0546,0.3222,0.2759,0.3333,0.375,0.0475,0.2782,0.3471,0.0,0.0,0.3154,0.4039,0.9906,0.8725,0.0544,0.32,0.2759,0.3333,0.375,0.0473,0.2591,0.3392,0.0,0.0,reg oper account,block of flats,0.2916,"Stone, brick",No,7.0,0.0,7.0,0.0,-854.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2287572,300657,Consumer loans,23609.79,106407.0,88119.0,21285.0,106407.0,WEDNESDAY,16,Y,1,0.21188713392563333,,,XAP,Approved,-1071,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,300,Connectivity,4.0,middle,POS mobile without interest,365243.0,-1040.0,-950.0,-950.0,-941.0,0.0,0,Revolving loans,M,N,Y,0,103500.0,247500.0,12375.0,247500.0,Family,Commercial associate,Higher education,Married,House / apartment,0.015221,-11251,-287,-1575.0,-3877,,1,1,0,1,1,0,Managers,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.7339018907484369,,0.0701,0.0523,0.9891,0.8504,0.047,0.08,0.069,0.3333,0.375,0.048,0.0572,0.0751,0.0,0.0,0.0714,0.0542,0.9891,0.8563,0.0474,0.0806,0.069,0.3333,0.375,0.0491,0.0624,0.0782,0.0,0.0,0.0708,0.0523,0.9891,0.8524,0.0473,0.08,0.069,0.3333,0.375,0.0488,0.0581,0.0764,0.0,0.0,,block of flats,0.0849,Panel,No,0.0,0.0,0.0,0.0,-1071.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1766821,440243,Revolving loans,0.0,0.0,0.0,,0.0,WEDNESDAY,13,Y,1,,,,XAP,Approved,-24,XNA,XAP,Unaccompanied,New,XNA,Cards,walk-in,Regional / Local,2,Clothing,0.0,XNA,Card Street,-24.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,2,180000.0,497520.0,25758.0,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.009175,-10477,-389,-2038.0,-2053,,1,1,0,1,0,0,,4.0,2,2,SATURDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.4747058589445765,0.7348275640089083,0.4848514754962666,0.1515,0.0916,0.9856,,,0.16,0.1379,0.3333,,0.0386,,0.1524,,0.0042,0.1544,0.0951,0.9856,,,0.1611,0.1379,0.3333,,0.0395,,0.1587,,0.0044,0.153,0.0916,0.9856,,,0.16,0.1379,0.3333,,0.0393,,0.1551,,0.0042,,block of flats,0.1207,Panel,No,0.0,0.0,0.0,0.0,-390.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2299515,378541,Consumer loans,2443.545,21172.5,20938.5,2119.5,21172.5,THURSDAY,11,Y,1,0.10010964445390673,,,XAP,Approved,-2907,Cash through the bank,XAP,Other_B,New,Mobile,POS,XNA,Country-wide,26,Connectivity,12.0,low_normal,POS mobile with interest,365243.0,-2876.0,-2546.0,-2576.0,-2568.0,1.0,1,Cash loans,M,Y,Y,0,180000.0,512064.0,25033.5,360000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.018634,-11417,-607,-424.0,-1,9.0,1,1,1,1,1,0,Laborers,1.0,2,2,SATURDAY,10,0,1,1,0,1,1,Industry: type 12,,0.2835153639882477,,0.0722,0.0902,0.9771,,,0.0,0.1379,0.1667,,0.0274,,0.0658,,0.0195,0.0735,0.0936,0.9772,,,0.0,0.1379,0.1667,,0.028,,0.0686,,0.0206,0.0729,0.0902,0.9771,,,0.0,0.1379,0.1667,,0.0279,,0.067,,0.0199,,block of flats,0.056,"Stone, brick",No,0.0,0.0,0.0,0.0,-329.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1770267,331812,Consumer loans,5523.795,30096.0,27085.5,3010.5,30096.0,FRIDAY,15,Y,1,0.10894165941713783,,,XAP,Approved,-911,XNA,XAP,,New,Mobile,POS,XNA,Country-wide,20,Connectivity,6.0,high,POS mobile with interest,365243.0,-854.0,-704.0,-734.0,-726.0,0.0,0,Cash loans,F,N,Y,2,135000.0,675000.0,32602.5,675000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.006296,-14900,-4451,-4978.0,-4978,,1,1,0,1,0,0,Core staff,4.0,3,3,SATURDAY,13,0,0,0,0,0,0,School,0.6253777695248663,0.4008146929009209,0.3490552510751822,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-911.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1180787,159195,Cash loans,16073.1,270000.0,299223.0,,270000.0,WEDNESDAY,13,Y,1,,,,XNA,Approved,-732,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Country-wide,26,Connectivity,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Revolving loans,F,Y,N,0,94500.0,135000.0,6750.0,135000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.028663,-22788,365243,-3048.0,-3974,12.0,1,0,0,1,1,0,,2.0,2,2,SUNDAY,9,0,0,0,0,0,0,XNA,,0.4181564304269191,0.6279908192952864,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2343.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1049080,441805,Cash loans,25875.0,900000.0,900000.0,,900000.0,MONDAY,13,Y,1,,,,XNA,Refused,-691,Non-cash from your account,LIMIT,Unaccompanied,Repeater,XNA,Cash,x-sell,Regional / Local,234,Consumer electronics,48.0,low_action,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,1,63000.0,157500.0,9040.5,157500.0,"Spouse, partner",Commercial associate,Incomplete higher,Married,House / apartment,0.022625,-12103,-213,-2593.0,-4083,,1,1,1,1,1,0,Secretaries,3.0,2,2,SATURDAY,12,0,0,0,0,0,0,Bank,0.6908804883756332,0.4704495227120274,0.8327850252992314,0.0165,,0.9796,,,0.0,0.069,0.0417,,,,0.0092,,,0.0168,,0.9796,,,0.0,0.069,0.0417,,,,0.0096,,,0.0167,,0.9796,,,0.0,0.069,0.0417,,,,0.0094,,,,block of flats,0.013,Block,No,8.0,0.0,7.0,0.0,-1578.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2226891,225149,Consumer loans,6015.105,23800.5,28305.0,0.0,23800.5,MONDAY,16,Y,1,0.0,,,XAP,Approved,-947,Cash through the bank,XAP,Family,Refreshed,Mobile,POS,XNA,Country-wide,47,Connectivity,6.0,high,POS mobile with interest,365243.0,-916.0,-766.0,-766.0,-759.0,0.0,0,Cash loans,F,N,N,0,90000.0,100512.0,6930.0,72000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.008865999999999999,-10558,-3739,-1398.0,-3199,,1,1,0,1,0,0,High skill tech staff,1.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,School,,0.43408525004565546,,0.0247,0.0,0.9732,,,0.0,0.069,0.0833,,0.0286,,0.0111,,0.0,0.0252,0.0,0.9732,,,0.0,0.069,0.0833,,0.0292,,0.0116,,0.0,0.025,0.0,0.9732,,,0.0,0.069,0.0833,,0.0291,,0.0113,,0.0,,block of flats,0.0129,"Stone, brick",No,5.0,0.0,5.0,0.0,-947.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2573017,212617,Consumer loans,8899.695,61074.0,48856.5,12217.5,61074.0,SUNDAY,7,Y,1,0.2178663290732256,,,XAP,Approved,-421,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,90,Connectivity,6.0,middle,POS mobile without interest,365243.0,-338.0,-188.0,-278.0,-274.0,0.0,0,Cash loans,F,Y,Y,0,180000.0,1006920.0,67693.5,900000.0,Unaccompanied,Commercial associate,Incomplete higher,Married,With parents,0.006852,-18949,-1242,-591.0,-2469,10.0,1,1,0,1,0,0,Security staff,2.0,3,3,MONDAY,10,0,0,0,0,0,0,Security,,0.011018688503310007,0.3185955240537633,0.067,0.0882,0.9866,0.8164,0.0511,0.0,0.1379,0.1667,0.0417,0.0088,0.0546,0.067,0.0,0.1012,0.0683,0.0915,0.9866,0.8236,0.0515,0.0,0.1379,0.1667,0.0417,0.009000000000000001,0.0597,0.0698,0.0,0.1071,0.0677,0.0882,0.9866,0.8189,0.0514,0.0,0.1379,0.1667,0.0417,0.009000000000000001,0.0556,0.0682,0.0,0.1033,,block of flats,0.0527,"Stone, brick",No,0.0,0.0,0.0,0.0,-498.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +2439463,185500,Cash loans,12069.0,135000.0,135000.0,,135000.0,MONDAY,9,Y,1,,,,XNA,Approved,-2846,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,15.0,middle,Cash Street: middle,365243.0,-2816.0,-2396.0,-2426.0,-2420.0,0.0,0,Cash loans,M,Y,Y,2,180000.0,325282.5,17775.0,220500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-11979,-3289,-3097.0,-4665,4.0,1,1,0,1,1,1,Security staff,4.0,2,2,FRIDAY,9,0,0,0,0,1,1,Security,0.2307736549930308,0.13775149672736595,0.3842068130556564,0.0247,0.0419,0.9906,0.8708,0.0042,0.0,0.069,0.125,0.1667,0.0076,0.0202,0.0219,0.0,0.0,0.0252,0.0435,0.9906,0.8759,0.0042,0.0,0.069,0.125,0.1667,0.0078,0.022,0.0228,0.0,0.0,0.025,0.0419,0.9906,0.8725,0.0042,0.0,0.069,0.125,0.1667,0.0078,0.0205,0.0223,0.0,0.0,reg oper account,block of flats,0.0195,Panel,No,0.0,0.0,0.0,0.0,-497.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1326991,211224,Cash loans,11516.67,90000.0,95940.0,,90000.0,FRIDAY,13,Y,1,,,,XNA,Approved,-828,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Country-wide,30,Connectivity,12.0,high,Cash Street: high,365243.0,-798.0,-468.0,-678.0,-671.0,1.0,0,Cash loans,F,N,N,0,166500.0,781920.0,23836.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.00733,-21897,365243,-10430.0,-4194,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,11,0,0,0,0,0,0,XNA,,0.584276653598903,0.6722428897082422,,0.0258,0.9846,0.7892,0.0228,0.0,0.069,0.0417,0.0833,0.0054,0.0067,0.0058,,0.0221,,0.0268,0.9846,0.7975,0.023,0.0,0.069,0.0417,0.0833,0.0055,0.0073,0.006,,0.0234,,0.0258,0.9846,0.792,0.0229,0.0,0.069,0.0417,0.0833,0.0055,0.0068,0.0059,,0.0226,reg oper account,block of flats,0.0077,Panel,No,9.0,0.0,9.0,0.0,-55.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,5.0,4.0 +1005433,214809,Consumer loans,10138.95,52645.5,49725.0,5265.0,52645.5,THURSDAY,12,Y,1,0.10427466150870406,,,XAP,Approved,-1980,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,20,Connectivity,6.0,high,POS mobile with interest,365243.0,-1943.0,-1793.0,-1793.0,-1788.0,0.0,0,Cash loans,F,N,Y,1,112500.0,1436850.0,42142.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-11143,-2855,-7457.0,-1479,,1,1,0,1,0,0,Accountants,3.0,2,2,WEDNESDAY,7,0,0,0,0,0,0,Other,,0.7079001317840855,0.7610263695502636,0.0825,0.0382,0.9896,0.8572,0.02,0.08,0.069,0.375,0.4167,0.0458,0.0672,0.0853,0.0,0.0,0.084,0.0396,0.9896,0.8628,0.0202,0.0806,0.069,0.375,0.4167,0.0468,0.0735,0.0889,0.0,0.0,0.0833,0.0382,0.9896,0.8591,0.0201,0.08,0.069,0.375,0.4167,0.0465,0.0684,0.0869,0.0,0.0,reg oper account,block of flats,0.0671,Panel,No,8.0,0.0,6.0,0.0,-1980.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2126883,192809,Consumer loans,4916.295,40896.0,24106.5,18000.0,40896.0,SATURDAY,10,Y,1,0.46557268743867,,,XAP,Approved,-939,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,10,Connectivity,6.0,high,POS mobile with interest,365243.0,-908.0,-758.0,-878.0,-874.0,0.0,0,Cash loans,M,Y,Y,2,162000.0,625356.0,20304.0,522000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-16175,-1004,-7283.0,-3800,38.0,1,1,0,1,0,0,Drivers,4.0,2,2,SUNDAY,10,0,0,0,0,1,1,Business Entity Type 3,0.3043480477632102,0.4906764405238408,0.3774042489507649,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1967.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1926247,288847,Cash loans,15986.16,180000.0,220401.0,,180000.0,THURSDAY,10,Y,1,,,,XNA,Approved,-975,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Country-wide,22,Connectivity,30.0,high,Cash Street: high,365243.0,-945.0,-75.0,-315.0,-307.0,1.0,0,Cash loans,F,Y,N,0,85500.0,754740.0,29245.5,630000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.004849,-12478,-5933,-2367.0,-1761,19.0,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,Business Entity Type 2,0.30977411666995397,0.002012677285165466,0.4740512892789932,0.0701,0.0545,0.9801,0.728,0.0089,0.0,0.1379,0.1667,,0.0,0.0546,0.0448,0.0116,,0.0714,0.0566,0.9801,0.7387,0.0089,0.0,0.1379,0.1667,,0.0,0.0597,0.0466,0.0117,,0.0708,0.0545,0.9801,0.7316,0.0089,0.0,0.1379,0.1667,,0.0,0.0556,0.0456,0.0116,,reg oper account,block of flats,0.0539,"Stone, brick",No,0.0,0.0,0.0,0.0,-1387.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2287082,357564,Consumer loans,21711.825,191668.5,181993.5,9675.0,191668.5,SUNDAY,13,Y,1,0.05497488917299683,,,XAP,Approved,-1282,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,3205,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1251.0,-981.0,-981.0,-974.0,0.0,0,Cash loans,F,Y,N,3,450000.0,1511928.0,50098.5,1237500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.04622,-13158,-560,-264.0,-3539,2.0,1,1,0,1,0,0,Sales staff,5.0,1,1,MONDAY,15,0,1,1,0,0,0,Business Entity Type 3,0.8209196477340907,0.7830083927772096,0.2793353208976285,0.3196,,0.9995,0.9932,,0.4,0.1724,0.625,0.5833,,0.2606,0.3462,0.0,0.0055,0.3256,,0.9995,0.9935,,0.4028,0.1724,0.625,0.5833,,0.2847,0.3607,0.0,0.0058,0.3227,,0.9995,0.9933,,0.4,0.1724,0.625,0.5833,,0.2651,0.3525,0.0,0.0056,reg oper account,block of flats,0.3714,"Stone, brick",No,0.0,0.0,0.0,0.0,-1282.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +2375992,392755,Cash loans,42081.255,1363500.0,1525482.0,,1363500.0,SATURDAY,12,Y,1,,,,Buying a new car,Refused,-104,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,N,Y,0,225000.0,878733.0,28476.0,733500.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.016612000000000002,-12313,-765,-953.0,-3006,,1,1,0,1,0,1,High skill tech staff,1.0,2,2,FRIDAY,11,0,0,0,0,1,1,Business Entity Type 3,0.6976666928679043,0.6745585530163888,0.8027454758994178,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-1506.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,4.0,0.0,5.0 +1900003,392708,Consumer loans,4178.61,16420.5,19471.5,0.0,16420.5,TUESDAY,11,Y,1,0.0,,,XAP,Approved,-1215,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,6.0,high,POS mobile with interest,365243.0,-1184.0,-1034.0,-1034.0,-1028.0,0.0,0,Cash loans,F,N,N,0,85500.0,142200.0,8163.0,112500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.00963,-19859,-394,-2516.0,-815,,1,1,0,1,0,0,Medicine staff,1.0,2,2,SATURDAY,11,0,0,0,0,1,1,Kindergarten,,0.3171525529409426,0.7394117535524816,0.0495,0.0463,0.9856,0.8028,0.0037,0.0,0.0345,0.125,0.1667,0.0781,0.0403,0.021,0.0,0.0,0.0504,0.0481,0.9856,0.8105,0.0038,0.0,0.0345,0.125,0.1667,0.0799,0.0441,0.0219,0.0,0.0,0.05,0.0463,0.9856,0.8054,0.0038,0.0,0.0345,0.125,0.1667,0.0795,0.041,0.0214,0.0,0.0,reg oper account,block of flats,0.0254,"Stone, brick",No,0.0,0.0,0.0,0.0,-1845.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2199867,156167,Cash loans,18806.715,225000.0,278334.0,,225000.0,MONDAY,8,Y,1,,,,XNA,Approved,-176,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,135000.0,690048.0,22387.5,576000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.007120000000000001,-19604,365243,-10078.0,-3133,,1,0,0,1,0,0,,1.0,2,2,MONDAY,10,0,0,0,0,0,0,XNA,,0.6629968592992738,0.5867400085415683,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1531.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2261602,262883,Cash loans,8344.62,90000.0,119619.0,,90000.0,MONDAY,10,Y,1,,,,XNA,Approved,-991,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,Y,0,67500.0,98910.0,7033.5,90000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-17354,-3989,-9814.0,-883,,1,1,0,1,1,0,Laborers,2.0,2,2,FRIDAY,8,0,0,0,0,0,0,Business Entity Type 3,,0.213687243338596,0.4902575124990026,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-417.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1488440,348928,Revolving loans,6750.0,135000.0,135000.0,,135000.0,THURSDAY,9,Y,1,,,,XAP,Approved,-329,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-229.0,-191.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,165150.0,559368.0,28687.5,418500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.0228,-22200,365243,-3795.0,-4833,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,XNA,,0.6226877226214217,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-259.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1132664,181382,Consumer loans,8018.37,85905.0,85905.0,0.0,85905.0,FRIDAY,11,Y,1,0.0,,,XAP,Approved,-613,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Stone,25,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-563.0,-233.0,-233.0,-226.0,0.0,0,Cash loans,M,Y,Y,0,180000.0,481500.0,38173.5,481500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.030755,-18042,-108,-2051.0,-1595,9.0,1,1,0,1,0,0,Drivers,2.0,2,2,TUESDAY,18,0,0,0,0,1,1,Transport: type 4,,0.5443852708974283,0.3077366963789207,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-613.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1940733,347666,Consumer loans,5822.865,50445.0,49896.0,5044.5,50445.0,SATURDAY,10,Y,1,0.09999761725701604,,,XAP,Approved,-2788,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,45,Connectivity,12.0,low_normal,POS mobile with interest,365243.0,-2757.0,-2427.0,-2427.0,-2416.0,1.0,0,Cash loans,F,N,Y,0,112500.0,320382.0,15543.0,229500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.0105,-13492,-856,-550.0,-846,,1,1,0,1,0,0,Laborers,2.0,3,3,MONDAY,10,0,0,0,0,0,0,Agriculture,,0.4731088625561349,0.7366226976503176,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-837.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2096544,256677,Consumer loans,9029.295,84280.5,93181.5,0.0,84280.5,TUESDAY,16,Y,1,0.0,,,XAP,Approved,-542,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,51,Connectivity,12.0,low_normal,POS mobile without interest,365243.0,-511.0,-181.0,-211.0,-208.0,0.0,0,Cash loans,F,N,N,0,445500.0,360000.0,17446.5,360000.0,Family,State servant,Higher education,Married,House / apartment,0.003069,-16742,-7894,-466.0,-290,,1,1,0,1,0,0,Core staff,2.0,3,3,FRIDAY,14,0,0,0,0,0,0,Medicine,0.7311121975962712,0.6873325028797871,0.20092608771597092,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,1.0,0.0,1.0 +1474226,205431,Cash loans,29600.595,283500.0,316584.0,,283500.0,FRIDAY,18,Y,1,,,,XNA,Approved,-404,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-371.0,-41.0,-251.0,-248.0,0.0,0,Cash loans,M,N,Y,0,157500.0,819792.0,39568.5,720000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.02461,-19356,-11917,-11996.0,-2903,,1,1,0,1,1,0,Laborers,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Business Entity Type 2,,0.5287914714370593,0.7136313997323308,0.1309,0.1313,0.9776,,,0.0,0.2759,0.1667,,0.1367,,0.1158,,0.0162,0.1334,0.1363,0.9777,,,0.0,0.2759,0.1667,,0.1398,,0.1207,,0.0171,0.1322,0.1313,0.9776,,,0.0,0.2759,0.1667,,0.139,,0.1179,,0.0165,,block of flats,0.1029,"Stone, brick",No,1.0,0.0,1.0,0.0,-1700.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1754794,281979,Cash loans,13417.425,112500.0,144864.0,,112500.0,TUESDAY,18,Y,1,,,,XNA,Approved,-567,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-537.0,-27.0,-537.0,-520.0,1.0,0,Cash loans,M,Y,Y,0,225000.0,180000.0,20439.0,180000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.011703,-8944,-1038,-1642.0,-1614,5.0,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,17,0,0,0,0,1,1,Industry: type 11,0.16625633790159353,0.6508095267837367,0.2225807646753351,0.117,0.1165,0.9896,,,0.0,0.2069,0.2083,,,,0.1,,0.1288,0.1176,0.1209,0.9811,,,0.0,0.1379,0.1667,,,,0.0947,,0.1363,0.1181,0.1165,0.9896,,,0.0,0.2069,0.2083,,,,0.1018,,0.1315,,block of flats,0.0931,Panel,No,0.0,0.0,0.0,0.0,-1239.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +2106147,194328,Consumer loans,5872.86,56434.5,57285.0,5647.5,56434.5,WEDNESDAY,13,Y,1,0.097733935710339,,,XAP,Approved,-336,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Stone,300,Furniture,12.0,middle,POS industry with interest,365243.0,-305.0,25.0,-305.0,-297.0,0.0,0,Cash loans,M,Y,Y,0,157500.0,273636.0,29601.0,247500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.005084,-13657,-927,-12114.0,-2490,23.0,1,1,0,1,0,0,Drivers,2.0,2,2,WEDNESDAY,13,0,0,0,0,1,1,Self-employed,,0.5316238732251467,0.39449540531239935,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-544.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +2841516,291914,Consumer loans,2923.47,20245.5,21915.0,0.0,20245.5,MONDAY,9,Y,1,0.0,,,XAP,Approved,-2383,Cash through the bank,XAP,"Spouse, partner",New,Mobile,POS,XNA,Regional / Local,692,Connectivity,10.0,high,POS household with interest,365243.0,-2352.0,-2082.0,-2082.0,-2076.0,1.0,0,Cash loans,M,Y,Y,1,180000.0,301095.0,27742.5,279000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.025164,-17741,-2111,-3614.0,-468,8.0,1,1,0,1,0,0,Drivers,3.0,2,2,THURSDAY,8,0,0,0,0,0,0,Self-employed,,0.13302653403607936,0.4294236843421945,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-36.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,1.0,0.0 +1363678,202406,Consumer loans,4748.805,105295.5,105295.5,0.0,105295.5,TUESDAY,20,Y,1,0.0,,,XAP,Approved,-1317,XNA,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,2170,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1286.0,-596.0,-1106.0,-1102.0,0.0,0,Cash loans,M,N,Y,0,360000.0,2133000.0,66973.5,2133000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.010276,-10130,-2252,-9637.0,-2577,,1,1,0,1,1,0,Sales staff,2.0,2,2,WEDNESDAY,16,0,0,0,1,1,0,Trade: type 2,,0.5323752146090978,0.7910749129911773,0.0082,0.0,0.9707,0.5988,0.0014,0.0,0.069,0.0417,0.0833,0.016,0.0067,0.0084,0.0,0.0,0.0084,0.0,0.9707,0.6145,0.0014,0.0,0.069,0.0417,0.0833,0.0163,0.0073,0.0088,0.0,0.0,0.0083,0.0,0.9707,0.6042,0.0014,0.0,0.069,0.0417,0.0833,0.0162,0.0068,0.0086,0.0,0.0,reg oper account,block of flats,0.0074,Others,Yes,1.0,0.0,1.0,0.0,-946.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2392942,366356,Consumer loans,3075.75,30150.0,30001.5,3015.0,30150.0,TUESDAY,17,Y,1,0.09945357899562614,,,XAP,Approved,-729,XNA,XAP,Family,Repeater,Office Appliances,POS,XNA,Stone,10,Consumer electronics,12.0,middle,POS household with interest,365243.0,-692.0,-362.0,-542.0,-535.0,0.0,0,Cash loans,M,Y,Y,1,180000.0,1267735.5,37066.5,1107000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.019101,-11395,-458,-804.0,-4005,6.0,1,1,0,1,0,0,Core staff,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,School,0.14271994807733987,0.5923586455311243,0.07647351918548448,0.1361,,0.9747,,,0.0,0.1034,0.125,,0.0539,,0.0303,,0.0646,0.1387,,0.9747,,,0.0,0.1034,0.125,,0.0551,,0.0316,,0.0684,0.1374,,0.9747,,,0.0,0.1034,0.125,,0.0548,,0.0309,,0.0659,,block of flats,0.0379,"Stone, brick",No,3.0,0.0,3.0,0.0,-480.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1730478,387741,Consumer loans,14112.765,141016.5,126913.5,14103.0,141016.5,SUNDAY,17,Y,1,0.10891951715514908,,,XAP,Approved,-1395,Cash through the bank,XAP,Other_B,New,Audio/Video,POS,XNA,Country-wide,1246,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1352.0,-1082.0,-1112.0,-1108.0,0.0,0,Cash loans,F,N,N,0,225000.0,808650.0,26086.5,675000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.035792000000000004,-11748,-2067,-4974.0,-4365,,1,1,1,1,1,0,Laborers,2.0,2,2,TUESDAY,17,0,0,0,0,0,0,Medicine,0.5151181943404237,0.6858125639758109,0.4776491548517548,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,0.0,-1395.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1129666,244276,Cash loans,9476.955,90000.0,95940.0,,90000.0,FRIDAY,17,Y,1,,,,XNA,Approved,-600,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-570.0,-240.0,-240.0,-234.0,1.0,0,Cash loans,F,N,N,0,67500.0,101880.0,9922.5,90000.0,Unaccompanied,Working,Higher education,Married,Municipal apartment,0.009549,-20046,-6030,-6469.0,-3533,,1,1,0,1,0,0,Core staff,2.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,Government,,0.5304530206024286,0.5989262182569273,0.0701,0.1033,0.9786,0.7076,0.0086,0.0,0.1379,0.1667,0.2083,0.0419,0.0546,0.0614,0.0116,0.0194,0.0714,0.1072,0.9786,0.7190000000000001,0.0086,0.0,0.1379,0.1667,0.2083,0.0428,0.0597,0.064,0.0117,0.0205,0.0708,0.1033,0.9786,0.7115,0.0086,0.0,0.1379,0.1667,0.2083,0.0426,0.0556,0.0625,0.0116,0.0198,reg oper account,block of flats,0.0572,"Stone, brick",No,0.0,0.0,0.0,0.0,-600.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1396049,197484,Consumer loans,2546.865,19980.0,19192.5,2250.0,19980.0,SATURDAY,13,Y,1,0.11428026328341122,,,XAP,Approved,-1991,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,40,Connectivity,10.0,high,POS mobile with interest,365243.0,-1960.0,-1690.0,-1690.0,-1682.0,0.0,0,Cash loans,F,N,N,1,67500.0,807984.0,26833.5,697500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-12761,-453,-6882.0,-4569,,1,1,0,1,0,0,Sales staff,3.0,2,2,TUESDAY,13,0,0,0,0,0,0,Self-employed,,0.7399512752339351,0.8004513396487078,0.0646,0.0589,0.9861,0.8096,0.02,0.0,0.131,0.1667,0.2083,0.0405,0.0521,0.052000000000000005,0.0,0.0,0.0788,0.0692,0.9871,0.8105,0.0074,0.0,0.1034,0.1667,0.2083,0.0403,0.045,0.0735,0.0,0.0,0.0625,0.0667,0.9871,0.8121,0.0201,0.0,0.1034,0.1667,0.2083,0.0402,0.053,0.0418,0.0,0.0,reg oper spec account,block of flats,0.0555,Panel,No,0.0,0.0,0.0,0.0,-1985.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1076032,402366,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SATURDAY,17,Y,1,,,,XAP,Approved,-342,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Regional / Local,142,Consumer electronics,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,157500.0,1293502.5,35568.0,1129500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.0031219999999999998,-15107,-3187,-6664.0,-5726,,1,1,1,1,0,0,Laborers,2.0,3,3,FRIDAY,13,0,0,0,0,0,0,Industry: type 3,,0.5302351501770654,0.7121551551910698,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-789.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1388537,328824,Consumer loans,4876.785,25488.0,23917.5,2700.0,25488.0,TUESDAY,10,Y,1,0.110474141243372,,,XAP,Approved,-1620,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Stone,20,Connectivity,6.0,high,POS mobile with interest,365243.0,-1584.0,-1434.0,-1434.0,-1426.0,0.0,0,Revolving loans,F,N,N,0,112500.0,202500.0,10125.0,202500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.035792000000000004,-16668,-3519,-1295.0,-220,,1,1,1,1,1,0,Waiters/barmen staff,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.5239748544637401,0.6562609442704903,0.7121551551910698,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,1.0,0.0,-1620.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2723792,441881,Cash loans,31314.96,1066500.0,1066500.0,,1066500.0,FRIDAY,10,Y,1,,,,XNA,Refused,-148,Cash through the bank,HC,"Spouse, partner",Repeater,XNA,Cash,x-sell,Stone,360,Consumer electronics,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,126000.0,450000.0,35685.0,450000.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-22139,365243,-5653.0,-386,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,14,0,0,0,0,0,0,XNA,,0.553967765380652,0.0005272652387098817,0.1531,0.0,0.9767,0.6804,0.0149,0.0,0.1034,0.1667,0.2083,0.0348,0.1248,0.0512,0.0,0.0316,0.1471,0.0,0.9767,0.6929,0.015,0.0,0.1034,0.1667,0.2083,0.0341,0.1286,0.0508,0.0,0.0252,0.1546,0.0,0.9767,0.6847,0.015,0.0,0.1034,0.1667,0.2083,0.0354,0.127,0.0521,0.0,0.0322,reg oper account,block of flats,0.055,"Stone, brick",No,5.0,2.0,5.0,2.0,-618.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2630169,137745,Consumer loans,6486.84,59931.0,58387.5,5994.0,59931.0,TUESDAY,19,Y,1,0.10139575668617394,,,XAP,Approved,-2707,Cash through the bank,XAP,Other_B,New,Consumer Electronics,POS,XNA,Country-wide,-1,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2676.0,-2406.0,-2496.0,-2492.0,1.0,0,Cash loans,F,Y,Y,2,112500.0,711747.0,45616.5,607500.0,Family,State servant,Incomplete higher,Married,House / apartment,0.031329,-13014,-111,-1552.0,-4833,8.0,1,1,0,1,0,0,Drivers,4.0,2,2,SUNDAY,11,0,0,0,0,0,0,Kindergarten,0.5957786848236201,0.4440214566309587,0.5585066276769286,0.0992,0.091,0.9767,,,0.0,0.2241,0.1667,,0.0577,,0.0771,,0.0339,0.0945,0.0944,0.9767,,,0.0,0.2069,0.1667,,0.0591,,0.0539,,0.0,0.0937,0.091,0.9767,,,0.0,0.2069,0.1667,,0.0587,,0.0785,,0.0194,,block of flats,0.0609,Panel,No,4.0,0.0,4.0,0.0,-355.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1784152,200573,Cash loans,15270.3,135000.0,143910.0,,135000.0,TUESDAY,8,Y,1,,,,Repairs,Refused,-283,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Country-wide,100,Connectivity,12.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,207000.0,157500.0,11200.5,157500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-20058,-6239,-10202.0,-2835,,1,1,1,1,1,0,Waiters/barmen staff,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,Other,0.8115648221633969,0.7208558210935924,0.6940926425266661,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1671.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2652518,398878,Consumer loans,4875.885,31455.0,30172.5,3150.0,31455.0,TUESDAY,9,Y,1,0.10295255048799948,,,XAP,Approved,-1700,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,23,Connectivity,8.0,high,POS mobile with interest,365243.0,-1660.0,-1450.0,-1450.0,-1443.0,0.0,0,Cash loans,F,N,Y,2,90000.0,808650.0,26217.0,675000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.020713,-14786,-1809,-7629.0,-5025,,1,1,1,1,0,0,Core staff,4.0,3,3,MONDAY,7,0,0,0,0,1,1,Government,,0.13956398316491986,0.5954562029091491,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1544.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1540930,299609,Consumer loans,7402.545,43155.0,25983.0,18000.0,43155.0,WEDNESDAY,14,Y,1,0.4457093959856388,,,XAP,Approved,-2683,XNA,XAP,Family,New,Mobile,POS,XNA,Country-wide,117,Connectivity,4.0,low_normal,POS mobile with interest,365243.0,-2652.0,-2562.0,-2562.0,-2560.0,1.0,1,Revolving loans,F,N,N,0,135000.0,270000.0,13500.0,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,With parents,0.006629,-15816,-1409,-2247.0,-170,,1,1,0,1,0,1,Sales staff,2.0,2,2,FRIDAY,11,0,0,0,1,1,0,Trade: type 7,0.4364345445569521,0.17106948028661315,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-2422.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1557537,341017,Consumer loans,7249.275,41445.0,40887.0,2488.5,41445.0,MONDAY,7,Y,1,0.0624823397372417,,,XAP,Approved,-2188,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Regional / Local,800,Consumer electronics,6.0,low_normal,POS household without interest,365243.0,-2157.0,-2007.0,-2007.0,-2000.0,1.0,0,Revolving loans,F,N,Y,0,112500.0,202500.0,10125.0,202500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.0038179999999999998,-20454,-2983,-12414.0,-3845,,1,1,1,1,1,1,Medicine staff,2.0,2,2,FRIDAY,6,0,0,0,0,0,0,Medicine,0.7022520350040382,0.2892534686249185,0.1873887653772306,0.0825,0.0456,0.9836,0.7756,0.0486,0.0,0.1379,0.1667,0.0417,0.0288,0.0672,0.0773,0.0,0.0,0.084,0.0474,0.9836,0.7844,0.049,0.0,0.1379,0.1667,0.0417,0.0294,0.0735,0.0805,0.0,0.0,0.0833,0.0456,0.9836,0.7786,0.0489,0.0,0.1379,0.1667,0.0417,0.0293,0.0684,0.0787,0.0,0.0,reg oper account,block of flats,0.0608,Block,No,0.0,0.0,0.0,0.0,-2188.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,1.0,0.0,0.0,0.0,0.0 +1285800,179727,Consumer loans,13753.08,125028.0,125028.0,0.0,125028.0,TUESDAY,11,Y,1,0.0,,,XAP,Approved,-1104,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Regional / Local,842,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1072.0,-802.0,-802.0,-798.0,0.0,0,Cash loans,F,Y,N,0,450000.0,1467612.0,56029.5,1350000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.008068,-15529,-4726,-606.0,-2116,12.0,1,1,0,1,0,1,Managers,2.0,3,3,SUNDAY,9,0,0,0,0,0,0,Trade: type 7,0.5805413117813313,0.4234808363713776,0.4489622731076524,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1814.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1422639,322954,Cash loans,14349.825,157500.0,157500.0,,157500.0,FRIDAY,16,Y,1,,,,XNA,Refused,-860,Cash through the bank,LIMIT,"Spouse, partner",Repeater,XNA,Cash,x-sell,AP+ (Cash loan),60,XNA,12.0,low_action,Cash Street: low,,,,,,,0,Cash loans,F,Y,N,0,135000.0,229500.0,12015.0,229500.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,Rented apartment,0.00702,-8762,-416,-205.0,-1447,10.0,1,1,1,1,0,1,Core staff,2.0,2,2,THURSDAY,19,0,0,0,0,0,0,Bank,0.2707033343526262,0.4280412582501185,0.43473324875017305,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-872.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1744176,287571,Consumer loans,10854.54,108027.0,108027.0,0.0,108027.0,SATURDAY,9,Y,1,0.0,,,XAP,Approved,-737,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Stone,93,Consumer electronics,12.0,middle,POS household with interest,365243.0,-701.0,-371.0,-521.0,-512.0,0.0,0,Cash loans,M,N,Y,0,135000.0,360000.0,28269.0,360000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.028663,-17876,-2031,-1470.0,-1420,,1,1,0,1,0,0,Drivers,2.0,2,2,MONDAY,15,0,0,0,0,0,0,School,0.4276825742903461,0.6190846091851903,0.4686596550493113,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-2348.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1269121,288521,Cash loans,6767.415,63000.0,79992.0,,63000.0,FRIDAY,20,Y,1,,,,XNA,Refused,-1142,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,M,N,Y,0,157500.0,550980.0,43659.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,With parents,0.006670999999999999,-11033,-665,-10864.0,-3580,,1,1,0,1,0,0,Laborers,1.0,2,2,SATURDAY,15,0,0,0,0,1,1,Business Entity Type 3,,0.446165638624928,0.5172965813614878,0.0082,0.0266,0.9722,,,0.0,0.0345,0.0417,,0.0154,,0.0092,,0.0,0.0084,0.0276,0.9722,,,0.0,0.0345,0.0417,,0.0157,,0.0096,,0.0,0.0083,0.0266,0.9722,,,0.0,0.0345,0.0417,,0.0156,,0.0093,,0.0,,block of flats,0.0092,Block,No,0.0,0.0,0.0,0.0,-1418.0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +2245290,358230,Cash loans,27726.84,270000.0,284611.5,,270000.0,MONDAY,20,Y,1,,,,Repairs,Refused,-662,Cash through the bank,SCO,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,N,0,202500.0,337500.0,24687.0,337500.0,Unaccompanied,Commercial associate,Higher education,Married,Municipal apartment,0.006670999999999999,-19990,-4873,-10270.0,-3514,,1,1,0,1,0,0,Managers,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.6187442027136757,0.3201633668633456,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1258.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1696938,293575,Consumer loans,,89055.0,89055.0,0.0,89055.0,MONDAY,10,Y,1,0.0,,,XAP,Refused,-1546,Cash through the bank,HC,,Repeater,Mobile,XNA,XNA,Country-wide,10,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,0,270000.0,673875.0,21865.5,562500.0,Other_A,Commercial associate,Higher education,Separated,House / apartment,0.072508,-17404,-6033,-780.0,-962,,1,1,0,1,0,0,Managers,1.0,1,1,SUNDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.5430018591791096,,0.1728,0.1061,0.9791,0.7144,0.1354,0.1864,0.1493,0.3333,0.1525,0.0057,0.1409,0.1898,0.0,0.0448,0.1513,0.0787,0.9791,0.7256,0.053,0.1611,0.1034,0.3333,0.0417,0.0,0.1322,0.1484,0.0,0.0,0.1499,0.0943,0.9791,0.7182,0.0542,0.16,0.1379,0.3333,0.0417,0.0,0.1231,0.146,0.0,0.0,org spec account,block of flats,0.1639,Panel,No,0.0,0.0,0.0,0.0,-1930.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +1103794,138852,Consumer loans,15736.32,170550.0,153495.0,17055.0,170550.0,FRIDAY,10,Y,1,0.1089090909090909,0.1420010200612037,0.5687103594080338,XAP,Approved,-825,Cash through the bank,XAP,Unaccompanied,Refreshed,Construction Materials,POS,XNA,Stone,23,Construction,12.0,middle,POS industry with interest,365243.0,-782.0,-452.0,-452.0,-445.0,0.0,0,Revolving loans,M,Y,Y,0,112500.0,135000.0,6750.0,135000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.008068,-22832,365243,-6741.0,-4734,7.0,1,0,0,1,1,0,,2.0,3,3,THURSDAY,6,0,0,0,0,0,0,XNA,,0.16369831422360606,0.41534714488434,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2299.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1208105,385287,Cash loans,19661.94,180000.0,191880.0,,180000.0,WEDNESDAY,9,Y,1,,,,XNA,Approved,-567,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-537.0,-207.0,-447.0,-444.0,1.0,0,Cash loans,F,N,N,0,94500.0,91647.0,4536.0,76500.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.0228,-23642,365243,-2471.0,-4514,,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,XNA,,0.5913866989491036,0.6769925032909132,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2229608,136209,Consumer loans,9317.565,52740.0,52740.0,0.0,52740.0,SUNDAY,6,Y,1,0.0,,,XAP,Approved,-306,Cash through the bank,XAP,,Refreshed,Auto Accessories,POS,XNA,Stone,120,Furniture,6.0,low_normal,POS other with interest,365243.0,-272.0,-122.0,-122.0,-117.0,0.0,0,Cash loans,M,Y,Y,0,157500.0,263686.5,26208.0,238500.0,"Spouse, partner",Working,Secondary / secondary special,Civil marriage,House / apartment,0.018029,-20308,-2752,-6805.0,-3867,17.0,1,1,0,1,0,0,Drivers,2.0,3,3,FRIDAY,7,0,0,0,0,0,0,Self-employed,,0.5265896232306497,,0.1134,0.3142,0.9871,,,0.0,0.2069,0.1667,,0.0077,,0.115,,0.1165,0.1155,0.326,0.9871,,,0.0,0.2069,0.1667,,0.0079,,0.1199,,0.1233,0.1145,0.3142,0.9871,,,0.0,0.2069,0.1667,,0.0078,,0.1171,,0.1189,,block of flats,0.0905,Panel,No,4.0,0.0,4.0,0.0,-2056.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1016569,227456,Cash loans,10588.995,90000.0,95940.0,0.0,90000.0,THURSDAY,8,Y,1,0.0,,,XNA,Approved,-2001,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-1971.0,-1641.0,-1641.0,-1634.0,1.0,0,Cash loans,F,N,Y,0,202500.0,1546020.0,45333.0,1350000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-19041,-10420,-1437.0,-2477,,1,1,0,1,0,0,Managers,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Housing,0.7427347138068466,0.5786942590156351,0.2471909382666521,0.1629,0.0244,0.9707,0.5988,0.0483,0.0,0.4483,0.1667,0.2083,0.3489,0.121,0.1959,0.0541,0.1933,0.166,0.0253,0.9707,0.6145,0.0487,0.0,0.4483,0.1667,0.2083,0.3568,0.1322,0.2041,0.0545,0.2047,0.1645,0.0244,0.9707,0.6042,0.0486,0.0,0.4483,0.1667,0.2083,0.3549,0.1231,0.1994,0.0543,0.1974,not specified,block of flats,0.2225,"Stone, brick",No,8.0,0.0,8.0,0.0,-1378.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2749720,109205,Cash loans,25853.67,337500.0,368685.0,,337500.0,TUESDAY,11,Y,1,,,,XNA,Approved,-923,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-893.0,-203.0,-353.0,-351.0,1.0,0,Cash loans,M,Y,Y,0,427500.0,1255680.0,45234.0,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,Rented apartment,0.04622,-16220,-3538,-321.0,-4251,6.0,1,1,0,1,0,1,High skill tech staff,1.0,1,1,MONDAY,15,0,0,0,0,1,1,School,0.6383226431066856,0.7282355410211593,0.22009464485041005,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1983.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2168296,122479,Cash loans,,0.0,0.0,,,TUESDAY,17,Y,1,,,,XNA,Refused,-385,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,Y,Y,0,112500.0,184500.0,14922.0,184500.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.015221,-17839,-468,-4362.0,-1393,13.0,1,1,0,1,1,0,Core staff,2.0,2,2,TUESDAY,11,0,0,0,1,1,0,Medicine,,0.08134340283916736,0.08559545132461807,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-385.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +2797460,383033,Cash loans,9989.19,45000.0,52051.5,,45000.0,MONDAY,11,Y,1,,,,XNA,Approved,-847,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-817.0,-667.0,-757.0,-742.0,1.0,0,Cash loans,M,N,Y,0,202500.0,983299.5,41791.5,904500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.025164,-20743,-3887,-2476.0,-798,,1,1,0,1,0,0,Drivers,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Self-employed,,0.2934205527885729,0.060443691326567524,0.0515,0.0139,0.9752,0.66,0.005,0.0,0.1034,0.1667,0.2083,0.0273,0.0412,0.0412,0.0039,0.0252,0.0525,0.0144,0.9752,0.6733,0.005,0.0,0.1034,0.1667,0.2083,0.0279,0.045,0.0429,0.0039,0.0266,0.052000000000000005,0.0139,0.9752,0.6645,0.005,0.0,0.1034,0.1667,0.2083,0.0278,0.0419,0.0419,0.0039,0.0257,reg oper account,block of flats,0.0375,"Stone, brick",No,0.0,0.0,0.0,0.0,-1464.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +2004502,147494,Cash loans,74308.905,1354500.0,1418868.0,,1354500.0,WEDNESDAY,17,Y,1,,,,XNA,Approved,-509,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-479.0,211.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,315000.0,648598.5,23427.0,535500.0,Unaccompanied,State servant,Secondary / secondary special,Civil marriage,Municipal apartment,0.072508,-22517,-12393,-12529.0,-4672,,1,1,0,1,1,0,Core staff,2.0,1,1,MONDAY,17,0,0,0,0,0,0,School,,0.7160966355140719,,0.1959,0.098,0.9821,0.7552,0.0311,0.24,0.1034,0.625,0.6667,0.0,0.1572,0.2368,0.0116,0.0782,0.1996,0.1017,0.9821,0.7648,0.0314,0.2417,0.1034,0.625,0.6667,0.0,0.1717,0.2467,0.0117,0.0828,0.1978,0.098,0.9821,0.7585,0.0313,0.24,0.1034,0.625,0.6667,0.0,0.1599,0.241,0.0116,0.0798,reg oper account,block of flats,0.2032,Panel,No,0.0,0.0,0.0,0.0,-509.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1974374,190753,Cash loans,25739.235,666000.0,797868.0,,666000.0,WEDNESDAY,13,Y,1,,,,XNA,Approved,-206,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,90000.0,760225.5,32206.5,679500.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-22328,365243,-9607.0,-4596,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,XNA,,0.6675255950808131,0.8083935912119442,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1955.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +1499508,399961,Consumer loans,25119.27,233262.0,248656.5,0.0,233262.0,SATURDAY,17,Y,1,0.0,,,XAP,Approved,-215,Cash through the bank,XAP,,Repeater,Clothing and Accessories,POS,XNA,Country-wide,70,Clothing,12.0,middle,POS industry with interest,365243.0,-180.0,150.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,292500.0,1019205.0,36607.5,774000.0,Unaccompanied,Commercial associate,Incomplete higher,Single / not married,House / apartment,0.032561,-14501,-1863,-11805.0,-2019,,1,1,0,1,1,1,Laborers,1.0,1,1,THURSDAY,19,0,0,0,0,0,0,Business Entity Type 3,0.7604116458797409,0.7360274331241756,0.6817058776720116,0.4423,0.3044,0.9836,,,0.48,0.4138,0.3333,,,,0.4387,,0.0277,0.4506,0.3158,0.9836,,,0.4834,0.4138,0.3333,,,,0.4571,,0.0293,0.4466,0.3044,0.9836,,,0.48,0.4138,0.3333,,,,0.4466,,0.0283,,block of flats,0.3511,Panel,No,0.0,0.0,0.0,0.0,-1491.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1385790,388536,Consumer loans,4894.56,44496.0,44496.0,0.0,44496.0,TUESDAY,13,Y,1,0.0,,,XAP,Approved,-626,Cash through the bank,XAP,Unaccompanied,Repeater,Clothing and Accessories,POS,XNA,Stone,130,Clothing,10.0,low_normal,POS industry with interest,365243.0,-589.0,-319.0,-319.0,-313.0,0.0,0,Cash loans,F,N,Y,0,270000.0,315000.0,30685.5,315000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-14698,-2807,-6713.0,-3989,,1,1,1,1,1,0,Sales staff,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Self-employed,,0.7352960124701695,0.3825018041447388,0.2804,,0.9901,,,0.28,0.2414,0.375,,,,0.2724,,0.0907,0.2857,,0.9901,,,0.282,0.2414,0.375,,,,0.2838,,0.096,0.2831,,0.9901,,,0.28,0.2414,0.375,,,,0.2773,,0.0926,,block of flats,0.234,Panel,No,7.0,0.0,6.0,0.0,-1388.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1893633,210930,Revolving loans,4500.0,90000.0,90000.0,,90000.0,TUESDAY,14,Y,1,,,,XAP,Refused,-384,XNA,HC,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,157500.0,545040.0,26640.0,450000.0,Family,Working,Secondary / secondary special,Single / not married,House / apartment,0.018634,-10579,-1651,-3737.0,-3217,,1,1,0,1,0,0,Private service staff,1.0,2,2,MONDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.390248175687826,0.3920143158908279,0.5691487713619409,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-246.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1317336,333042,Consumer loans,5296.095,49500.0,25974.0,24750.0,49500.0,TUESDAY,12,Y,1,0.531405251951739,,,XAP,Approved,-1427,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Stone,2424,Furniture,6.0,high,POS industry with interest,365243.0,-1393.0,-1243.0,-1273.0,-1268.0,0.0,0,Cash loans,F,N,Y,0,112500.0,343377.0,19840.5,283500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-23010,-2840,-6071.0,-4198,,1,1,0,1,0,0,Laborers,2.0,3,2,MONDAY,9,0,0,0,0,0,0,Industry: type 3,,0.3772182052230685,0.4241303111942548,0.2959,0.1617,0.9806,0.7348,0.0463,0.16,0.1379,0.3333,0.375,0.0957,0.2412,0.2132,0.0,0.0,0.3015,0.1678,0.9806,0.7452,0.0467,0.1611,0.1379,0.3333,0.375,0.0979,0.2635,0.2221,0.0,0.0,0.2987,0.1617,0.9806,0.7383,0.0466,0.16,0.1379,0.3333,0.375,0.0974,0.2454,0.217,0.0,0.0,not specified,block of flats,0.193,"Stone, brick",No,0.0,0.0,0.0,0.0,-1716.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1677306,393470,Cash loans,22082.49,459000.0,459000.0,,459000.0,SATURDAY,17,Y,1,,,,XNA,Refused,-130,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,150,XNA,36.0,middle,Cash X-Sell: middle,,,,,,,1,Cash loans,F,N,Y,0,225000.0,536917.5,27544.5,463500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-19765,-393,-6612.0,-3291,,1,1,0,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Trade: type 3,,0.3282593528721716,0.2940831009471255,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-3068.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2074104,176655,Revolving loans,4500.0,0.0,90000.0,,,THURSDAY,17,Y,1,,,,XAP,Approved,-2871,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,40,Connectivity,0.0,XNA,Card Street,-2847.0,-2801.0,365243.0,-1493.0,365243.0,0.0,0,Cash loans,F,N,Y,0,117000.0,346500.0,14679.0,346500.0,Family,State servant,Higher education,Married,House / apartment,0.030755,-18635,-4261,-7909.0,-2159,,1,1,1,1,1,0,Core staff,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,School,0.8070811715336016,0.6276582076017128,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2249.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1612064,161516,Cash loans,24188.805,229500.0,304497.0,,229500.0,TUESDAY,11,Y,1,,,,XNA,Refused,-482,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,M,N,N,1,270000.0,545040.0,26640.0,450000.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.072508,-11840,-4406,-5791.0,-2301,,1,1,0,1,0,0,Drivers,3.0,1,1,MONDAY,11,0,0,0,0,0,0,Business Entity Type 2,0.24189325875536397,0.6926274968152443,0.09950368352887068,0.1041,0.0459,0.9816,0.7484,0.0,0.08,0.0345,0.5138,0.5554,0.0,0.0849,0.0831,0.0,0.0105,0.1008,0.0486,0.9786,0.7190000000000001,0.0,0.0806,0.0345,0.4583,0.5,0.0,0.0882,0.0748,0.0,0.0,0.0999,0.0468,0.9791,0.7182,0.0,0.08,0.0345,0.4583,0.5,0.0,0.0821,0.0738,0.0,0.0,reg oper account,block of flats,0.0565,Block,No,5.0,0.0,4.0,0.0,-1467.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2807570,351508,Cash loans,41572.62,360000.0,376632.0,,360000.0,MONDAY,14,Y,1,,,,XNA,Approved,-421,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-391.0,-61.0,-181.0,-177.0,1.0,0,Cash loans,F,N,Y,2,76500.0,436032.0,28516.5,360000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.020246,-11832,-161,-964.0,-3232,,1,1,0,1,0,0,,4.0,3,3,TUESDAY,14,0,0,0,0,0,0,Government,0.4031904517954176,0.3446111785257034,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2391.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1390576,209963,Consumer loans,7524.54,49455.0,47443.5,4950.0,49455.0,TUESDAY,13,Y,1,0.10289444301296914,,,XAP,Approved,-2593,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Stone,139,Connectivity,8.0,high,POS mobile with interest,365243.0,-2562.0,-2352.0,-2382.0,-2378.0,1.0,0,Cash loans,M,N,Y,1,157500.0,432841.5,34326.0,391500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.020713,-11935,-1200,-421.0,-531,,1,1,0,1,0,0,Drivers,3.0,3,2,FRIDAY,8,0,0,0,0,0,0,Business Entity Type 3,,0.2401800901595524,0.6910212267577837,0.1557,0.0882,0.9866,0.8164,0.0092,0.04,0.0345,0.3333,0.375,0.0306,0.1261,0.1099,0.0039,0.0061,0.1586,0.0915,0.9866,0.8236,0.0093,0.0403,0.0345,0.3333,0.375,0.0313,0.1377,0.1145,0.0039,0.0065,0.1572,0.0882,0.9866,0.8189,0.0093,0.04,0.0345,0.3333,0.375,0.0312,0.1283,0.1119,0.0039,0.0062,reg oper account,block of flats,0.0928,Panel,No,3.0,0.0,3.0,0.0,-1503.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1104248,250209,Revolving loans,9000.0,180000.0,180000.0,,180000.0,FRIDAY,15,Y,1,,,,XAP,Approved,-163,XNA,XAP,Family,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-163.0,-122.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,0,135000.0,598486.5,24156.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-11017,-631,-759.0,-3365,,1,1,0,1,0,0,Laborers,2.0,2,2,SUNDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.4216346695407884,,0.0433,0.0004,0.9732,0.6328,0.0,0.0,0.069,0.0417,0.0417,0.0084,0.0353,0.0105,0.0,0.0223,0.0441,0.0004,0.9732,0.6472,0.0,0.0,0.069,0.0417,0.0417,0.0086,0.0386,0.011,0.0,0.0236,0.0437,0.0004,0.9732,0.6377,0.0,0.0,0.069,0.0417,0.0417,0.0086,0.0359,0.0107,0.0,0.0228,reg oper account,specific housing,0.0131,"Stone, brick",No,1.0,1.0,1.0,1.0,-1769.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2473678,447050,Cash loans,20123.865,225000.0,254700.0,,225000.0,SATURDAY,15,Y,1,,,,XNA,Approved,-93,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-63.0,627.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,0,225000.0,523237.5,25578.0,432000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.006629,-14115,-972,-5957.0,-1035,20.0,1,1,0,1,0,0,Drivers,2.0,2,2,WEDNESDAY,7,0,0,0,0,0,0,Self-employed,,0.6851006326222622,0.3825018041447388,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-497.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1348201,272424,Cash loans,,0.0,0.0,,,MONDAY,18,Y,1,,,,XNA,Refused,-480,XNA,HC,,Refreshed,XNA,XNA,XNA,AP+ (Cash loan),3407,XNA,,XNA,Cash,,,,,,,1,Cash loans,F,N,N,0,67500.0,225000.0,16501.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.008019,-10804,-1022,-5345.0,-3453,,1,1,0,1,0,0,Core staff,1.0,2,2,THURSDAY,13,0,0,0,0,0,0,Kindergarten,,0.5129500623253437,0.6706517530862718,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2748.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1982836,280453,Revolving loans,11250.0,225000.0,225000.0,,225000.0,THURSDAY,12,Y,1,,,,XAP,Approved,-903,XNA,XAP,,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),50,XNA,0.0,XNA,Card Street,-783.0,-738.0,365243.0,-312.0,365243.0,0.0,0,Cash loans,F,N,N,0,157500.0,224136.0,15106.5,198000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.007114,-16515,-1441,-4306.0,-71,,1,1,0,1,1,0,Laborers,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,Kindergarten,0.3190703124970445,0.6381845349294564,0.5656079814115492,0.1536,,0.9881,,,0.0,0.3448,0.1667,,0.1509,,0.1836,,0.0606,0.1565,,0.9881,,,0.0,0.3448,0.1667,,0.1544,,0.1913,,0.0641,0.1551,,0.9881,,,0.0,0.3448,0.1667,,0.1535,,0.1869,,0.0619,,block of flats,0.1738,Panel,No,2.0,0.0,2.0,0.0,-1212.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2021898,278597,Consumer loans,4810.68,27225.0,27225.0,0.0,27225.0,MONDAY,11,Y,1,0.0,,,XAP,Refused,-1023,XNA,SCO,Family,Repeater,Construction Materials,POS,XNA,Stone,30,Furniture,6.0,low_normal,POS industry with interest,,,,,,,0,Cash loans,F,N,Y,0,166500.0,339948.0,24174.0,315000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.01885,-15745,-1380,-1338.0,-4857,,1,1,1,1,0,1,Accountants,2.0,2,2,TUESDAY,13,0,0,0,0,1,1,Other,,0.6430980082310416,0.6769925032909132,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2249.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2144354,245676,Cash loans,13071.105,90000.0,110146.5,,90000.0,TUESDAY,16,Y,1,,,,XNA,Approved,-1212,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-1182.0,-852.0,-852.0,-849.0,1.0,0,Cash loans,F,N,Y,0,135000.0,78192.0,8338.5,67500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.009334,-20999,365243,-4030.0,-4485,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,XNA,,0.6224667743849641,0.2678689358444539,0.0808,0.0938,0.9831,0.8096,0.0133,0.0,0.1493,0.1667,0.0,0.016,0.0658,0.0703,0.0,0.0,0.084,0.1073,0.9791,0.8628,0.0148,0.0,0.1379,0.1667,0.0,0.013,0.0735,0.0628,0.0,0.0,0.0833,0.1034,0.9791,0.8591,0.0148,0.0,0.1379,0.1667,0.0,0.0129,0.0684,0.0634,0.0,0.0,reg oper account,block of flats,0.0474,Panel,No,1.0,0.0,1.0,0.0,-1212.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1212290,331484,Consumer loans,2177.775,21780.0,19602.0,2178.0,21780.0,THURSDAY,8,Y,1,0.1089090909090909,,,XAP,Approved,-2817,XNA,XAP,,Repeater,Furniture,POS,XNA,Stone,137,Furniture,10.0,low_normal,POS industry with interest,365243.0,-2781.0,-2511.0,-2511.0,-2506.0,0.0,0,Cash loans,M,N,N,0,58500.0,98910.0,7011.0,90000.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-24270,365243,-7226.0,-4637,,1,0,0,1,0,0,,2.0,2,2,SUNDAY,9,0,0,0,0,0,0,XNA,0.7820370545450313,0.6760497559205869,0.7421816117614419,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,15.0,0.0,15.0,0.0,-1819.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2035242,249555,Cash loans,37801.845,1125000.0,1288350.0,,1125000.0,MONDAY,10,Y,1,,,,XNA,Approved,-3,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,2,337500.0,900000.0,26446.5,900000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.009175,-16610,-6577,-119.0,-146,3.0,1,1,0,1,0,0,Core staff,4.0,2,2,THURSDAY,15,0,0,0,0,0,0,Security Ministries,,0.7203230793342498,0.2707073872651806,0.0928,0.0,0.9995,,,0.08,0.069,0.3333,,0.0793,,0.1024,,0.0,0.0662,0.0,0.9995,,,0.0403,0.0345,0.3333,,0.0811,,0.0608,,0.0,0.0937,0.0,0.9995,,,0.08,0.069,0.3333,,0.0807,,0.1042,,0.0,,block of flats,0.0534,"Stone, brick",No,2.0,1.0,2.0,1.0,-3.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2483821,271219,Cash loans,29129.805,337500.0,368685.0,,337500.0,WEDNESDAY,11,Y,1,,,,Buying a home,Refused,-401,Cash through the bank,LIMIT,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,high,Cash Street: high,,,,,,,1,Cash loans,F,N,Y,0,103500.0,373500.0,18166.5,373500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-16781,-2046,-60.0,-333,,1,1,0,1,0,0,Security staff,2.0,2,2,FRIDAY,15,0,0,0,0,1,1,Business Entity Type 3,,0.20969146911635025,0.2392262794694045,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,2.0 +2690269,338704,Consumer loans,4768.74,22608.0,20344.5,2263.5,22608.0,FRIDAY,17,Y,1,0.10903915749855236,,,XAP,Approved,-2698,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Stone,5,Connectivity,5.0,high,POS mobile with interest,365243.0,-2627.0,-2507.0,-2507.0,-2500.0,0.0,0,Cash loans,F,Y,Y,1,135000.0,297000.0,23809.5,297000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-15021,-7121,-991.0,-4050,13.0,1,1,0,1,0,0,High skill tech staff,3.0,2,2,MONDAY,13,0,0,0,0,0,0,Medicine,0.5070209301981822,0.6846947724303312,0.5884877883422673,0.1237,0.11,0.9767,0.6804,0.0126,0.0,0.2069,0.1667,0.2083,0.0924,0.1009,0.1047,0.0,0.0,0.1261,0.1142,0.9767,0.6929,0.0128,0.0,0.2069,0.1667,0.2083,0.0945,0.1102,0.1091,0.0,0.0,0.1249,0.11,0.9767,0.6847,0.0127,0.0,0.2069,0.1667,0.2083,0.094,0.1026,0.1066,0.0,0.0,reg oper account,block of flats,0.0893,Panel,No,0.0,0.0,0.0,0.0,-1794.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,7.0 +1405556,345706,Consumer loans,9262.08,84366.0,82192.5,8437.5,84366.0,MONDAY,12,Y,1,0.10139252505190934,,,XAP,Approved,-1793,Cash through the bank,XAP,Other_A,New,Consumer Electronics,POS,XNA,Country-wide,2200,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1762.0,-1492.0,-1492.0,-1486.0,0.0,0,Cash loans,F,N,Y,0,135000.0,728460.0,38938.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.008625,-22253,365243,-9635.0,-5543,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,,0.5620198490470272,0.6109913280868294,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +2251334,414291,Cash loans,18951.705,99000.0,102267.0,,99000.0,MONDAY,12,Y,1,,,,XNA,Approved,-1122,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-1092.0,-942.0,-972.0,-969.0,1.0,0,Cash loans,F,N,Y,0,58500.0,239850.0,23494.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.022625,-24607,365243,-3738.0,-3827,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,XNA,,0.602278218777896,0.25946765482111994,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2373.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1250843,262909,Cash loans,13337.1,157500.0,157500.0,0.0,157500.0,FRIDAY,15,Y,1,0.0,,,Buying a used car,Refused,-2372,Cash through the bank,SCO,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,0,XNA,18.0,high,Cash Street: high,,,,,,,0,Cash loans,M,Y,Y,0,225000.0,269982.0,26833.5,238500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.035792000000000004,-14292,-3095,-1331.0,-4132,13.0,1,1,0,1,0,0,Drivers,2.0,2,2,THURSDAY,13,0,0,0,1,1,0,Transport: type 4,0.2270540064530739,0.6569216558015636,0.5937175866150576,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-883.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +2324763,435827,Cash loans,7969.635,63000.0,67158.0,0.0,63000.0,THURSDAY,13,Y,1,0.0,,,Other,Refused,-1745,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,12.0,high,Cash Street: high,,,,,,,1,Cash loans,F,N,Y,1,270000.0,1256400.0,44644.5,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-12728,-1138,-6557.0,-4130,,1,1,0,1,0,0,Sales staff,3.0,2,2,SATURDAY,13,0,0,0,0,0,0,Trade: type 7,0.3813402113698634,0.6091352920795285,,0.1495,0.0861,0.9901,0.8640000000000001,0.0449,0.24,0.1034,0.4583,0.5,0.0314,0.1219,0.1651,0.0,0.0,0.0525,0.0298,0.9901,0.8693,0.0151,0.0806,0.0345,0.4583,0.5,0.0098,0.0459,0.0517,0.0,0.0,0.1509,0.0861,0.9901,0.8658,0.0452,0.24,0.1034,0.4583,0.5,0.0319,0.124,0.168,0.0,0.0,reg oper spec account,block of flats,0.2615,Panel,No,0.0,0.0,0.0,0.0,-1641.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1880637,445584,Revolving loans,22500.0,0.0,450000.0,,,THURSDAY,13,Y,1,,,,XAP,Approved,-788,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-763.0,-728.0,365243.0,-148.0,-40.0,0.0,1,Cash loans,M,Y,Y,1,225000.0,640080.0,29970.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.022625,-13674,-283,-7633.0,-111,6.0,1,1,0,1,0,1,Core staff,3.0,2,2,MONDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.14990079842600634,0.5357652633664656,0.1206410299309233,0.1979,0.1233,0.9851,0.7959999999999999,0.2853,0.32,0.1379,0.4583,0.5,0.0114,0.1614,0.1983,0.0,0.0013,0.2017,0.1279,0.9851,0.804,0.2879,0.3222,0.1379,0.4583,0.5,0.0116,0.1763,0.2066,0.0,0.0014,0.1999,0.1233,0.9851,0.7987,0.2871,0.32,0.1379,0.4583,0.5,0.0116,0.1642,0.2018,0.0,0.0013,reg oper account,block of flats,0.1866,Panel,No,5.0,0.0,5.0,0.0,-788.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2763792,329283,Cash loans,29368.35,540000.0,610569.0,,540000.0,WEDNESDAY,13,Y,1,,,,Payments on other loans,Refused,-1508,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,148500.0,265306.5,26370.0,252000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.011656999999999999,-23897,365243,-15009.0,-1569,,1,0,0,1,0,0,,2.0,1,1,SATURDAY,16,0,0,0,0,0,0,XNA,,0.6755658645927113,0.8327850252992314,0.0722,0.0653,0.9786,0.7076,0.0095,0.0,0.1379,0.1667,0.2083,0.0,0.058,0.0629,0.0039,0.0028,0.0735,0.0678,0.9786,0.7190000000000001,0.0096,0.0,0.1379,0.1667,0.2083,0.0,0.0634,0.0655,0.0039,0.003,0.0729,0.0653,0.9786,0.7115,0.0096,0.0,0.1379,0.1667,0.2083,0.0,0.059,0.064,0.0039,0.0029,reg oper account,block of flats,0.0553,"Stone, brick",No,0.0,0.0,0.0,0.0,-1552.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1176109,172841,Consumer loans,14304.555,130171.5,130171.5,0.0,130171.5,SATURDAY,16,Y,1,0.0,,,XAP,Approved,-551,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,25,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-514.0,-244.0,-244.0,-242.0,0.0,0,Revolving loans,M,Y,N,0,135000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Incomplete higher,Single / not married,House / apartment,0.015221,-8833,-299,-8792.0,-1478,8.0,1,1,1,1,1,0,Sales staff,1.0,2,2,THURSDAY,14,0,1,1,0,1,1,Other,0.19002127633094212,0.19804542162477184,0.5638350489514956,,,0.9518,,,,,,,,,0.0032,,,,,0.9518,,,,,,,,,0.0033,,,,,0.9518,,,,,,,,,0.0032,,,,block of flats,0.0025,,No,0.0,0.0,0.0,0.0,-708.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1683558,248483,Consumer loans,6513.3,58455.0,64629.0,0.0,58455.0,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-193,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,140,Consumer electronics,12.0,middle,POS household with interest,365243.0,-163.0,167.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,90000.0,593010.0,19260.0,495000.0,Unaccompanied,Pensioner,Higher education,Civil marriage,House / apartment,0.008068,-22813,365243,-10079.0,-4883,,1,0,0,1,0,0,,2.0,3,3,WEDNESDAY,7,0,0,0,0,0,0,XNA,,0.4530758733086118,0.5100895276257282,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,0.0,-634.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2025604,411576,Revolving loans,11250.0,225000.0,225000.0,,225000.0,THURSDAY,16,Y,1,,,,XAP,Refused,-635,XNA,HC,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,135000.0,270000.0,11421.0,270000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.026392000000000002,-12774,-171,-6886.0,-4411,,1,1,0,1,0,0,Core staff,1.0,2,2,TUESDAY,9,0,0,0,0,0,0,Self-employed,,0.4305164293484344,0.4311917977993083,0.3258,0.2573,0.9831,0.7688,0.1553,0.36,0.3103,0.3333,,0.3082,0.2639,0.3688,0.0077,0.0074,0.3319,0.267,0.9831,0.7779,0.1567,0.3625,0.3103,0.3333,,0.3152,0.2883,0.3842,0.0078,0.0078,0.3289,0.2573,0.9831,0.7719,0.1563,0.36,0.3103,0.3333,,0.3135,0.2685,0.3754,0.0078,0.0076,reg oper spec account,block of flats,0.3443,Panel,No,0.0,0.0,0.0,0.0,-44.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1144258,257631,Cash loans,34768.125,675000.0,940950.0,,675000.0,SUNDAY,9,Y,1,,,,XNA,Refused,-568,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,54.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,225000.0,497520.0,36184.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.018029,-16557,-2834,-2485.0,-98,,1,1,0,1,0,0,Sales staff,1.0,3,2,MONDAY,13,0,0,0,0,0,0,Self-employed,0.37683772757784,0.6927252534822023,0.17249546677733105,0.0928,0.1003,0.9796,0.7212,0.0433,0.0,0.2069,0.1667,0.2083,0.0674,0.0756,0.0872,0.0,0.0,0.0945,0.104,0.9796,0.7321,0.0437,0.0,0.2069,0.1667,0.2083,0.0689,0.0826,0.0908,0.0,0.0,0.0937,0.1003,0.9796,0.7249,0.0436,0.0,0.2069,0.1667,0.2083,0.0685,0.077,0.0887,0.0,0.0,reg oper account,block of flats,0.0922,Panel,No,0.0,0.0,0.0,0.0,-1660.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1151545,371222,Cash loans,24314.265,225000.0,254700.0,,225000.0,TUESDAY,14,Y,1,,,,XNA,Approved,-112,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-82.0,248.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,135000.0,757413.0,32220.0,612000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,With parents,0.019101,-15947,-3425,-9940.0,-3763,,1,1,0,1,1,0,,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.6279462963578396,0.6459137620423806,0.34090642641523844,0.2608,0.1322,0.9841,0.7824,0.0581,0.28,0.2414,0.3333,0.375,0.0549,0.2127,0.2766,0.0,0.0,0.2658,0.1372,0.9841,0.7909,0.0586,0.282,0.2414,0.3333,0.375,0.0562,0.2323,0.2882,0.0,0.0,0.2634,0.1322,0.9841,0.7853,0.0585,0.28,0.2414,0.3333,0.375,0.0559,0.2163,0.2815,0.0,0.0,reg oper account,block of flats,0.2493,Panel,No,10.0,3.0,10.0,0.0,-1527.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2198891,126958,Consumer loans,8098.695,80995.5,72895.5,8100.0,80995.5,THURSDAY,11,Y,1,0.10891514175029926,,,XAP,Approved,-2888,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,2000,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2857.0,-2587.0,-2617.0,-2612.0,0.0,0,Cash loans,F,Y,Y,0,270000.0,799299.0,35338.5,702000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.018801,-21121,365243,-9503.0,-1133,6.0,1,0,0,1,0,0,,2.0,2,2,MONDAY,10,0,0,0,0,0,0,XNA,,0.7672096327044404,0.3046721837533529,0.1536,0.1295,0.9791,0.7144,0.0619,0.0,0.3448,0.1667,0.0417,0.0,0.1252,0.1307,0.0,0.0,0.1565,0.1344,0.9791,0.7256,0.0624,0.0,0.3448,0.1667,0.0417,0.0,0.1368,0.1362,0.0,0.0,0.1551,0.1295,0.9791,0.7182,0.0623,0.0,0.3448,0.1667,0.0417,0.0,0.1274,0.1331,0.0,0.0,reg oper spec account,block of flats,0.1366,Panel,No,0.0,0.0,0.0,0.0,-2888.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2726707,361299,Consumer loans,5343.255,41116.5,40054.5,4113.0,41116.5,THURSDAY,18,Y,1,0.10141916361783912,,,XAP,Approved,-2894,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,31,Connectivity,10.0,low_normal,POS mobile with interest,365243.0,-2856.0,-2586.0,-2646.0,-2639.0,1.0,0,Cash loans,F,Y,Y,0,112500.0,509400.0,28575.0,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.005144,-18531,-925,-8397.0,-2082,8.0,1,1,0,1,1,0,High skill tech staff,2.0,2,2,SUNDAY,15,0,0,0,0,0,0,Government,,0.4229790629220079,0.6817058776720116,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-736.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +1831554,240955,Cash loans,44701.515,450000.0,470790.0,,450000.0,FRIDAY,18,Y,1,,,,XNA,Approved,-739,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,100,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-709.0,-379.0,-379.0,-373.0,1.0,0,Cash loans,F,N,Y,0,202500.0,797557.5,31036.5,688500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.032561,-15856,-1660,-3437.0,-844,,1,1,1,1,1,0,Laborers,1.0,1,1,TUESDAY,17,0,0,0,0,0,0,Business Entity Type 3,,0.6706726191317957,0.2793353208976285,0.2175,0.1155,0.996,0.9456,0.1208,0.32,0.1379,0.4583,,,0.1748,0.2427,0.0116,0.0182,0.2216,0.1198,0.996,0.9477,0.1219,0.3222,0.1379,0.4583,,,0.191,0.2528,0.0117,0.0192,0.2196,0.1155,0.996,0.9463,0.1216,0.32,0.1379,0.4583,,,0.1779,0.247,0.0116,0.0185,reg oper account,block of flats,0.2571,Monolithic,No,4.0,2.0,4.0,2.0,-1961.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1443219,225770,Consumer loans,10074.69,144792.0,169636.5,0.0,144792.0,WEDNESDAY,7,Y,1,0.0,,,XAP,Approved,-574,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,1782,Consumer electronics,24.0,middle,POS household with interest,365243.0,-543.0,147.0,-213.0,-206.0,0.0,0,Cash loans,F,Y,N,0,94500.0,814041.0,26257.5,679500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.018029,-16335,-9777,-1125.0,-5517,27.0,1,1,0,1,0,0,Cleaning staff,1.0,3,3,TUESDAY,5,0,0,0,0,0,0,Other,,0.4473114688463418,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1013.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2334142,242909,Cash loans,12084.615,270000.0,313839.0,,270000.0,FRIDAY,9,Y,1,,,,XNA,Refused,-150,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Revolving loans,F,N,Y,0,67500.0,202500.0,10125.0,202500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-22912,365243,-871.0,-3779,,1,0,0,1,0,0,,2.0,2,2,MONDAY,12,0,0,0,0,0,0,XNA,,0.3980659204241564,0.5316861425197883,0.0186,0.0314,0.9876,,,0.0,0.069,0.0833,,0.0147,,0.0166,,0.0018,0.0189,0.0325,0.9876,,,0.0,0.069,0.0833,,0.015,,0.0173,,0.0019,0.0187,0.0314,0.9876,,,0.0,0.069,0.0833,,0.0149,,0.0169,,0.0018,,block of flats,0.0134,"Stone, brick",No,2.0,0.0,2.0,0.0,-1826.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2014870,321623,Cash loans,31067.865,360000.0,393264.0,,360000.0,FRIDAY,12,Y,1,,,,XNA,Approved,-913,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,Y,0,225000.0,225000.0,18171.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.018209,-14221,-2054,-1698.0,-1530,,1,1,1,1,1,0,Sales staff,1.0,3,3,MONDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.4192528389979205,0.19747451156854226,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-622.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +1785860,138395,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,11,Y,1,,,,XAP,Refused,-180,XNA,HC,Unaccompanied,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,117000.0,675000.0,26284.5,675000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.0031219999999999998,-16880,-3091,-6306.0,-404,,1,1,1,1,1,0,Medicine staff,2.0,3,3,MONDAY,13,0,0,0,0,0,0,Medicine,,0.4176404396093431,0.2458512138252296,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-335.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1906100,389933,Cash loans,11521.35,180000.0,252121.5,,180000.0,FRIDAY,12,Y,1,,,,XNA,Approved,-1240,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-1210.0,-160.0,-670.0,-656.0,1.0,0,Cash loans,M,N,Y,0,202500.0,332842.5,16186.5,234000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-22102,-3415,-4308.0,-4308,,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,10,0,0,0,0,1,1,Other,,0.43911995242700863,0.2263473957097693,0.0814,0.0635,0.9737,0.6396,0.02,0.0,0.1379,0.1667,0.0417,0.0518,0.0664,0.0705,0.0,0.0,0.083,0.0659,0.9737,0.6537,0.0202,0.0,0.1379,0.1667,0.0417,0.053,0.0725,0.0735,0.0,0.0,0.0822,0.0635,0.9737,0.6444,0.0201,0.0,0.1379,0.1667,0.0417,0.0527,0.0676,0.0718,0.0,0.0,reg oper spec account,block of flats,0.0717,Block,No,6.0,0.0,6.0,0.0,-341.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2592609,291754,Cash loans,11508.3,225000.0,276975.0,,225000.0,THURSDAY,11,Y,1,,,,XNA,Approved,-1418,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,100,Consumer electronics,42.0,middle,Cash X-Sell: middle,365243.0,-1388.0,-158.0,-338.0,-330.0,1.0,0,Cash loans,F,Y,Y,0,67500.0,104256.0,8487.0,90000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.031329,-22816,365243,-14154.0,-4217,15.0,1,0,0,1,0,0,,1.0,2,2,MONDAY,9,0,0,0,0,0,0,XNA,0.8606536598565195,0.25561615602133475,0.4866531565147181,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,2.0,3.0,0.0,-2737.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,1.0,0.0,0.0,0.0,2.0 +2499598,281725,Consumer loans,5763.915,30406.5,28719.0,3042.0,30406.5,SATURDAY,10,Y,1,0.10431077565109864,,,XAP,Approved,-2291,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Stone,10,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-2256.0,-2106.0,-2106.0,-2101.0,1.0,0,Cash loans,F,N,N,1,180000.0,364896.0,26077.5,315000.0,Family,Working,Secondary / secondary special,Separated,House / apartment,0.019101,-15204,-1160,-6908.0,-3821,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Business Entity Type 3,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2830857,315987,Consumer loans,8892.63,80951.4,78867.0,8096.4,80951.4,SUNDAY,10,Y,1,0.1013957094175669,,,XAP,Approved,-1891,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Stone,150,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1860.0,-1590.0,-1590.0,-1583.0,0.0,0,Cash loans,F,N,N,0,67500.0,225000.0,11488.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.005084,-22972,365243,-5996.0,-6011,,1,0,0,1,0,0,,1.0,2,2,SUNDAY,16,0,0,0,0,0,0,XNA,,0.26569128067364817,0.41184855592423975,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1891.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1311220,111889,Cash loans,10611.81,112500.0,123637.5,0.0,112500.0,FRIDAY,16,Y,1,0.0,,,Repairs,Approved,-2019,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,365243.0,-1988.0,-1478.0,-1478.0,-1464.0,0.0,0,Cash loans,F,N,Y,0,135000.0,284400.0,16456.5,225000.0,Unaccompanied,Working,Higher education,Widow,House / apartment,0.02461,-24261,-8035,-11472.0,-4184,,1,1,0,1,1,0,,1.0,2,2,MONDAY,12,0,0,0,0,0,0,Other,,0.668912148948223,0.6577838002083306,0.1848,,0.9836,,0.0399,0.2,0.1724,0.3333,,0.1079,0.1505,0.1647,0.001,0.0007,0.1502,,0.9836,,0.0267,0.1611,0.1379,0.3333,,0.0901,0.1313,0.1224,0.0,0.0,0.1863,,0.9836,,0.0352,0.2,0.1724,0.3333,,0.108,0.1526,0.1596,0.0,0.0,,block of flats,0.2137,Block,No,2.0,0.0,2.0,0.0,-96.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2635524,160779,Cash loans,4550.4,180000.0,180000.0,,180000.0,FRIDAY,13,Y,1,,,,Urgent needs,Refused,-302,XNA,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,60.0,low_action,Cash Street: low,,,,,,,0,Cash loans,F,N,N,0,315000.0,314055.0,16164.0,238500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.020713,-20588,-1995,-9223.0,-4047,,1,1,0,1,0,0,,2.0,3,2,SATURDAY,7,0,0,0,0,0,0,Kindergarten,,0.5974335766807336,0.5316861425197883,0.1794,0.15,0.9806,0.7348,0.0415,0.08,0.3103,0.3333,0.2083,0.1011,0.1463,0.203,0.0,0.0,0.1828,0.1557,0.9806,0.7452,0.0418,0.0806,0.3103,0.3333,0.2083,0.1034,0.1598,0.2115,0.0,0.0,0.1811,0.15,0.9806,0.7383,0.0417,0.08,0.3103,0.3333,0.2083,0.1028,0.1488,0.2066,0.0,0.0,reg oper spec account,block of flats,0.1823,Panel,No,5.0,0.0,5.0,0.0,-1646.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1801307,210327,Consumer loans,3279.555,31225.5,28102.5,3123.0,31225.5,SATURDAY,15,Y,1,0.10892478612322964,,,XAP,Approved,-2913,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,35,Connectivity,12.0,low_normal,POS mobile with interest,365243.0,-2882.0,-2552.0,-2552.0,-2541.0,0.0,1,Cash loans,M,N,Y,0,225000.0,592560.0,31153.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.004849,-14981,-4352,-1033.0,-3945,,1,1,0,1,0,0,Drivers,2.0,2,2,SUNDAY,17,0,0,0,0,0,0,Business Entity Type 1,,0.4914962140604099,0.3996756156233169,0.0825,,0.9771,0.6872,0.0086,0.0,0.1379,0.1667,0.0417,0.0763,0.0672,0.0492,,,0.084,,0.9772,0.6994,0.0087,0.0,0.1379,0.1667,0.0417,0.078,0.0735,0.0513,,,0.0833,,0.9771,0.6914,0.0087,0.0,0.1379,0.1667,0.0417,0.0776,0.0684,0.0501,,,reg oper account,block of flats,0.0434,"Stone, brick",No,1.0,0.0,1.0,0.0,-233.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2076445,167498,Consumer loans,11867.49,130455.0,110880.0,19575.0,130455.0,SATURDAY,12,Y,1,0.1634199880836652,,,XAP,Approved,-185,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,67,Connectivity,14.0,high,POS mobile with interest,365243.0,-128.0,262.0,365243.0,365243.0,0.0,0,Revolving loans,F,Y,N,0,90000.0,180000.0,9000.0,180000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.008068,-7811,-502,-2369.0,-500,64.0,1,1,0,1,0,0,Sales staff,2.0,3,3,TUESDAY,9,0,0,0,1,1,0,Self-employed,0.06611093246143485,0.3959091678605737,0.4632753280912678,0.0165,,0.9776,,,0.0,0.069,0.0417,,0.0095,,0.0147,,0.0,0.0168,,0.9777,,,0.0,0.069,0.0417,,0.0097,,0.0153,,0.0,0.0167,,0.9776,,,0.0,0.069,0.0417,,0.0097,,0.015,,0.0,,block of flats,0.0124,"Stone, brick",No,1.0,0.0,1.0,0.0,-991.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1661346,377177,Revolving loans,6750.0,135000.0,135000.0,,135000.0,MONDAY,10,Y,1,,,,XAP,Approved,-263,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,337500.0,1467612.0,58203.0,1350000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.006207,-20048,365243,-4098.0,-3088,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,XNA,,0.38252400477734105,0.746300213050371,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,5.0,1.0,5.0,1.0,-263.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2697630,346214,Cash loans,11975.85,67500.0,67500.0,,67500.0,TUESDAY,16,Y,1,,,,XNA,Approved,-102,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,low_normal,Cash X-Sell: low,365243.0,-72.0,78.0,-42.0,-34.0,0.0,0,Cash loans,M,N,Y,0,225000.0,765000.0,24021.0,765000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.010643000000000001,-8532,-460,-8488.0,-935,,1,1,0,1,1,0,Core staff,1.0,2,2,SATURDAY,14,0,0,0,0,0,0,Trade: type 2,0.2124343513998383,0.6033463107356295,0.190705947811054,0.0928,0.1127,0.9841,,,0.0,0.2069,0.1667,,0.0997,,0.0955,,0.0,0.0945,0.117,0.9841,,,0.0,0.2069,0.1667,,0.102,,0.0995,,0.0,0.0937,0.1127,0.9841,,,0.0,0.2069,0.1667,,0.1014,,0.0972,,0.0,,block of flats,0.0817,Panel,No,1.0,0.0,1.0,0.0,-469.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +2524550,217449,Consumer loans,11628.045,67455.0,60705.0,6750.0,67455.0,SUNDAY,12,Y,1,0.10898174540602824,,,XAP,Approved,-1586,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Stone,895,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1555.0,-1405.0,-1435.0,-1432.0,0.0,0,Cash loans,F,Y,Y,1,216000.0,787131.0,26145.0,679500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.002042,-16921,-4223,-1087.0,-457,64.0,1,1,0,1,0,0,,3.0,3,3,THURSDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.4446909558974058,0.7636399214572418,0.1093,0.0881,0.9801,0.728,0.0428,0.0,0.2069,0.1667,0.0417,0.0587,0.0841,0.1019,0.0232,0.0324,0.1113,0.0914,0.9801,0.7387,0.0432,0.0,0.2069,0.1667,0.0417,0.06,0.0918,0.1062,0.0233,0.0343,0.1103,0.0881,0.9801,0.7316,0.0431,0.0,0.2069,0.1667,0.0417,0.0597,0.0855,0.1038,0.0233,0.0331,reg oper account,block of flats,0.1106,"Stone, brick",No,0.0,0.0,0.0,0.0,-1586.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1055144,209042,Consumer loans,10920.78,117000.0,117000.0,0.0,117000.0,WEDNESDAY,13,Y,1,0.0,,,XAP,Approved,-510,Cash through the bank,XAP,,New,Construction Materials,POS,XNA,Stone,44,Construction,12.0,low_normal,POS industry with interest,365243.0,-479.0,-149.0,-209.0,-205.0,0.0,0,Cash loans,F,N,Y,0,126000.0,508495.5,22527.0,454500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.025164,-19914,-5080,-1257.0,-176,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Other,0.6119865787029808,0.4599716489305876,,0.0021,0.0,0.9677,0.5579999999999999,0.0,0.0,0.069,0.0,0.0417,0.02,0.0017,0.0012,0.0,0.0,0.0021,0.0,0.9677,0.5753,0.0,0.0,0.069,0.0,0.0417,0.0205,0.0018,0.0012,0.0,0.0,0.0021,0.0,0.9677,0.5639,0.0,0.0,0.069,0.0,0.0417,0.0204,0.0017,0.0012,0.0,0.0,reg oper account,terraced house,0.0009,Wooden,No,4.0,0.0,4.0,0.0,-510.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1256720,222932,Consumer loans,4144.095,56250.0,37093.5,22500.0,56250.0,WEDNESDAY,8,Y,1,0.4111949366045867,,,XAP,Approved,-97,XNA,XAP,,Refreshed,Furniture,POS,XNA,Stone,20,Furniture,10.0,low_normal,POS industry with interest,365243.0,-66.0,204.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,2,112500.0,700830.0,22608.0,585000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-13481,-538,-7280.0,-4565,,1,1,1,1,1,1,,4.0,2,2,TUESDAY,13,0,0,0,0,1,1,Industry: type 1,,0.5947906077392551,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-97.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1025181,385984,Cash loans,9245.925,45000.0,51673.5,,45000.0,MONDAY,15,Y,1,,,,XNA,Approved,-186,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,AP+ (Cash loan),10,XNA,6.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,2,144000.0,900000.0,26316.0,900000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.025164,-11844,-2160,-1505.0,-809,,1,1,1,1,0,0,Managers,4.0,2,2,FRIDAY,15,0,0,0,0,0,0,Business Entity Type 2,0.7025476767625467,0.6598824053004135,0.14825437906109115,0.101,0.2963,0.9906,,,0.0,0.2414,0.1667,,0.0721,,0.094,,0.0008,0.1029,0.3075,0.9906,,,0.0,0.2414,0.1667,,0.0737,,0.0979,,0.0009,0.102,0.2963,0.9906,,,0.0,0.2414,0.1667,,0.0733,,0.0957,,0.0009,,block of flats,0.0871,Panel,No,6.0,1.0,6.0,0.0,-1155.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2599193,394887,Consumer loans,6984.495,66510.0,59850.0,6660.0,66510.0,SATURDAY,17,Y,1,0.10905646450977978,,,XAP,Refused,-2897,Cash through the bank,VERIF,,New,XNA,POS,XNA,Stone,57,Connectivity,12.0,high,POS household with interest,,,,,,,0,Cash loans,M,Y,N,0,225000.0,1056447.0,31018.5,922500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.030755,-16418,-2693,-4609.0,-4623,29.0,1,1,0,1,0,0,Drivers,2.0,2,2,FRIDAY,16,0,0,0,0,1,1,Self-employed,,0.6564927554020505,0.6263042766749393,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1592.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2150798,295081,Consumer loans,3960.99,43609.5,39028.5,8725.5,43609.5,SUNDAY,20,Y,1,0.1989961621491964,,,XAP,Refused,-528,Cash through the bank,SCO,,Repeater,Mobile,POS,XNA,Country-wide,15,Connectivity,12.0,middle,POS mobile with interest,,,,,,,0,Cash loans,M,Y,Y,1,180000.0,715095.0,65718.0,675000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.022625,-11716,-611,-2478.0,-3399,9.0,1,1,0,1,0,0,High skill tech staff,3.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Other,,0.5521623910379507,0.39277386060313396,0.2227,0.1268,0.9791,0.7144,0.0403,0.16,0.1379,0.3333,0.375,0.1229,0.1799,0.2165,0.0077,0.0344,0.2269,0.1316,0.9791,0.7256,0.0407,0.1611,0.1379,0.3333,0.375,0.1257,0.1965,0.2256,0.0078,0.0364,0.2248,0.1268,0.9791,0.7182,0.0406,0.16,0.1379,0.3333,0.375,0.1251,0.183,0.2204,0.0078,0.0351,reg oper account,block of flats,0.2184,Panel,No,1.0,0.0,1.0,0.0,-920.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1026235,168271,Consumer loans,26815.14,141525.0,147595.5,0.0,141525.0,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-562,Cash through the bank,XAP,Unaccompanied,New,Clothing and Accessories,POS,XNA,Regional / Local,12,Clothing,6.0,middle,POS industry with interest,365243.0,-531.0,-381.0,-381.0,-375.0,0.0,0,Cash loans,F,N,Y,0,135000.0,450000.0,36211.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.019688999999999998,-8141,-265,-7311.0,-799,,1,1,0,1,1,0,Sales staff,1.0,2,2,THURSDAY,12,0,0,0,0,0,0,Trade: type 1,,0.2352901543059465,0.32173528219668485,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-779.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1596110,229335,Consumer loans,2866.68,17955.0,14170.5,4455.0,17955.0,SATURDAY,11,Y,1,0.26049770475960377,,,XAP,Approved,-1468,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,15,Connectivity,6.0,high,POS mobile with interest,365243.0,-1437.0,-1287.0,-1347.0,-1341.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,1395000.0,36927.0,1395000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.025164,-13821,-1172,-3746.0,-384,4.0,1,1,0,1,1,0,High skill tech staff,1.0,2,2,THURSDAY,10,0,0,0,0,0,0,Transport: type 4,,0.5889113681360177,0.3092753558842053,0.1093,0.1195,0.9737,0.6396,0.0154,0.0,0.2069,0.1667,0.2083,0.0366,0.0874,0.0832,0.0077,0.0938,0.1113,0.124,0.9737,0.6537,0.0156,0.0,0.2069,0.1667,0.2083,0.0374,0.0955,0.0867,0.0078,0.0993,0.1103,0.1195,0.9737,0.6444,0.0155,0.0,0.2069,0.1667,0.2083,0.0372,0.0889,0.0847,0.0078,0.0957,reg oper account,block of flats,0.0943,Block,No,0.0,0.0,0.0,0.0,-1204.0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1976400,454344,Consumer loans,3544.65,32751.0,31905.0,3276.0,32751.0,MONDAY,15,Y,1,0.10141445149887204,,,XAP,Approved,-2524,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,3100,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2493.0,-2223.0,-2283.0,-2280.0,1.0,0,Cash loans,M,N,N,3,360000.0,481495.5,35370.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.011703,-12366,-1583,-1751.0,-3958,,1,1,1,1,1,0,Drivers,5.0,2,2,FRIDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.33815711280158417,0.5423451833129174,0.5495965024956946,0.099,0.1199,0.9771,0.6872,,0.0,0.2069,0.1667,0.2083,0.0785,,0.0753,,0.1521,0.1008,0.1244,0.9772,0.6994,,0.0,0.2069,0.1667,0.2083,0.0803,,0.0785,,0.1611,0.0999,0.1199,0.9771,0.6914,,0.0,0.2069,0.1667,0.2083,0.0799,,0.0767,,0.1553,not specified,block of flats,0.0988,"Stone, brick",No,3.0,0.0,3.0,0.0,-1127.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1069236,347878,Consumer loans,31921.155,324567.0,162283.5,162283.5,324567.0,TUESDAY,16,Y,1,0.5445454545454544,,,XAP,Refused,-942,Cash through the bank,LIMIT,,Refreshed,Furniture,POS,XNA,Country-wide,100,Furniture,6.0,high,POS industry with interest,,,,,,,0,Cash loans,F,Y,Y,1,382500.0,571396.5,29304.0,427500.0,Unaccompanied,Pensioner,Higher education,Single / not married,House / apartment,0.072508,-17453,365243,-4986.0,-1006,4.0,1,0,0,1,0,1,,2.0,1,1,SATURDAY,12,0,0,0,0,0,0,XNA,0.8298736973746696,0.7250909301692611,0.4382813743111921,0.1232,0.0697,0.993,0.9048,0.0868,0.2,0.0862,0.4583,0.5,0.0,0.1004,0.0729,0.0,0.0005,0.1008,0.0722,0.993,0.9085,0.0701,0.1611,0.069,0.4583,0.5,0.0,0.0882,0.0753,0.0,0.0,0.1244,0.0697,0.993,0.9061,0.0873,0.2,0.0862,0.4583,0.5,0.0,0.1022,0.0742,0.0,0.0006,reg oper account,block of flats,0.0953,Panel,No,1.0,0.0,1.0,0.0,-942.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2744314,256974,Cash loans,25987.5,450000.0,450000.0,,450000.0,TUESDAY,14,Y,1,,,,XNA,Refused,-590,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Country-wide,50,Connectivity,36.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,Y,0,67500.0,333621.0,17163.0,288000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.002134,-19629,365243,-2082.0,-3180,,1,0,0,1,0,0,,2.0,3,3,THURSDAY,6,0,0,0,0,0,0,XNA,,0.04031108043900487,0.4083588531230431,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2505766,303824,Cash loans,37611.945,607500.0,667642.5,,607500.0,FRIDAY,16,Y,1,,,,XNA,Refused,-480,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,Y,Y,0,202500.0,640080.0,24259.5,450000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.04622,-22051,365243,-6503.0,-4535,6.0,1,0,0,1,0,0,,2.0,1,1,TUESDAY,17,0,0,0,0,0,0,XNA,,0.7350235250817344,0.7898803468924867,0.2118,0.0998,0.9906,0.8708,0.063,0.232,0.1103,0.6417,0.6833,0.0,0.1866,0.2246,0.0039,0.0021,0.1418,0.0627,0.9906,0.8759,0.0384,0.1611,0.069,0.6667,0.7083,0.0,0.124,0.1533,0.0039,0.0,0.2123,0.0964,0.9906,0.8725,0.0673,0.16,0.1034,0.6667,0.7083,0.0,0.2027,0.2276,0.0039,0.0023,reg oper account,block of flats,0.1763,Block,No,0.0,0.0,0.0,0.0,-1930.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,1.0 +2762543,409379,Consumer loans,3136.635,30330.0,28386.0,4500.0,30330.0,MONDAY,12,Y,1,0.14902721799273522,,,XAP,Approved,-1815,Cash through the bank,XAP,,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,37,Connectivity,12.0,high,POS mobile with interest,365243.0,-1781.0,-1451.0,-1661.0,-1655.0,0.0,0,Revolving loans,F,Y,Y,1,90000.0,247500.0,12375.0,247500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.009656999999999999,-11200,-499,-5223.0,-516,0.0,1,1,0,1,0,0,Core staff,3.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Bank,,0.11211017997394934,0.2735646775174348,0.0629,0.0535,0.9866,0.8164,0.0118,0.04,0.0345,0.3333,0.375,0.0552,0.0513,0.0626,0.0,0.0,0.0641,0.0556,0.9866,0.8236,0.0119,0.0403,0.0345,0.3333,0.375,0.0564,0.056,0.0652,0.0,0.0,0.0635,0.0535,0.9866,0.8189,0.0119,0.04,0.0345,0.3333,0.375,0.0561,0.0522,0.0637,0.0,0.0,reg oper account,block of flats,0.063,"Stone, brick",No,0.0,0.0,0.0,0.0,-1815.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1445924,196367,Consumer loans,4357.71,15295.5,15295.5,0.0,15295.5,FRIDAY,12,Y,1,0.0,,,XAP,Approved,-2486,Cash through the bank,XAP,"Spouse, partner",Refreshed,Audio/Video,POS,XNA,Country-wide,1500,Consumer electronics,4.0,high,POS household with interest,,,,,,,0,Cash loans,M,Y,Y,0,157500.0,1024290.0,29947.5,855000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-11672,-195,-754.0,-428,18.0,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,11,0,0,0,0,1,1,Trade: type 7,0.656639466170731,0.6198681301438798,0.5334816299804352,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1605.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1302756,256869,Cash loans,25663.365,495000.0,553806.0,,495000.0,WEDNESDAY,13,Y,1,,,,XNA,Approved,-251,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),20,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-221.0,829.0,365243.0,365243.0,1.0,0,Cash loans,M,N,N,0,157500.0,307557.0,18715.5,265500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0105,-11182,-429,-2940.0,-215,,1,1,0,1,0,0,Laborers,2.0,3,3,TUESDAY,11,0,0,0,1,1,1,Other,0.13426180280930392,0.4118601316546156,0.3791004853998145,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-841.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2178699,231057,Cash loans,30431.655,135000.0,156388.5,,135000.0,THURSDAY,9,Y,1,,,,XNA,Approved,-455,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,high,Cash X-Sell: high,365243.0,-425.0,-275.0,-275.0,-270.0,1.0,0,Cash loans,F,N,Y,1,67500.0,219042.0,21793.5,193500.0,Group of people,Working,Secondary / secondary special,Single / not married,House / apartment,0.031329,-15887,-2019,-3963.0,-3999,,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,14,0,0,0,0,1,1,Industry: type 3,,0.6276326546052821,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1335.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1617514,108302,Cash loans,13846.095,112500.0,127350.0,,112500.0,WEDNESDAY,9,Y,1,,,,XNA,Approved,-175,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-145.0,185.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,1,63000.0,364500.0,33561.0,364500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.031329,-10223,-775,-183.0,-181,,1,1,0,1,0,0,Laborers,3.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Postal,0.2827771606257863,0.6230524325228005,0.445396241560834,0.0247,0.0071,0.9801,0.7959999999999999,0.0103,0.0,0.069,0.0417,0.0417,0.0377,0.0202,0.0225,0.0,0.0,0.0252,0.0,0.9851,0.804,0.0091,0.0,0.069,0.0417,0.0417,0.0271,0.022,0.0231,0.0,0.0,0.025,0.0,0.9851,0.7987,0.0104,0.0,0.069,0.0417,0.0417,0.0383,0.0205,0.0226,0.0,0.0,reg oper account,block of flats,0.0181,"Stone, brick",No,5.0,0.0,5.0,0.0,-175.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2287432,447134,Cash loans,23715.27,337500.0,368685.0,,337500.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-905,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-875.0,-185.0,-575.0,-572.0,1.0,0,Cash loans,F,Y,Y,0,162000.0,753840.0,24448.5,540000.0,Unaccompanied,Pensioner,Higher education,Separated,House / apartment,0.022625,-22994,365243,-2192.0,-3856,12.0,1,0,0,1,0,0,,1.0,2,2,FRIDAY,11,0,0,0,1,0,0,XNA,,0.6504665498580975,0.41885428862332175,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,13.0,0.0,13.0,0.0,-1197.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1102708,264524,Consumer loans,9574.83,103477.5,135697.5,0.0,103477.5,WEDNESDAY,9,Y,1,0.0,,,XAP,Approved,-664,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Regional / Local,486,Consumer electronics,18.0,middle,POS household with interest,365243.0,-633.0,-123.0,-543.0,-534.0,0.0,0,Cash loans,M,N,Y,2,112500.0,545040.0,26640.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-11976,-1961,-169.0,-4632,,1,1,1,1,0,0,Drivers,4.0,2,2,TUESDAY,12,0,0,0,0,1,1,Business Entity Type 3,0.2269764488820313,0.5763092744000353,0.1852020815902493,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-17.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2580818,406049,Consumer loans,8626.32,81216.0,71946.0,15750.0,81216.0,THURSDAY,16,Y,1,0.19559822361546486,,,XAP,Approved,-1952,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Stone,21,Connectivity,12.0,high,POS mobile with interest,365243.0,-1916.0,-1586.0,-1586.0,-1578.0,0.0,0,Cash loans,M,Y,Y,0,315000.0,508495.5,35518.5,454500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.028663,-18419,-4638,-2304.0,-1969,2.0,1,1,0,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,8,0,0,0,0,1,1,Self-employed,,0.6465436742995817,0.646329897706246,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1952.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1744931,147193,Consumer loans,12248.55,150943.5,135193.5,15750.0,150943.5,THURSDAY,12,Y,1,0.11363975141812545,,,XAP,Approved,-1470,Cash through the bank,XAP,Unaccompanied,New,Construction Materials,POS,XNA,Stone,42,Construction,14.0,middle,POS industry with interest,365243.0,-1427.0,-1037.0,-1037.0,-1033.0,0.0,0,Cash loans,F,N,Y,0,270000.0,1831887.0,75600.0,1710000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-20066,-3988,-12600.0,-3425,,1,1,1,1,1,0,Private service staff,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,Services,0.26586896433701146,0.6613042522496742,0.3441550073724169,0.1041,0.1245,0.9796,0.7212,0.0114,0.0,0.2069,0.1667,0.2083,0.0528,0.0849,0.08900000000000001,0.0,0.0,0.1061,0.1292,0.9796,0.7321,0.0115,0.0,0.2069,0.1667,0.2083,0.054000000000000006,0.0927,0.0928,0.0,0.0,0.1051,0.1245,0.9796,0.7249,0.0115,0.0,0.2069,0.1667,0.2083,0.0537,0.0864,0.0906,0.0,0.0,reg oper account,block of flats,0.07,"Stone, brick",No,0.0,0.0,0.0,0.0,-1828.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2587437,208135,Cash loans,,0.0,0.0,,,FRIDAY,9,Y,1,,,,XNA,Refused,-206,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,112500.0,315000.0,25015.5,315000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.015221,-13412,-3257,-39.0,-972,,1,1,0,1,0,0,Managers,1.0,2,2,MONDAY,11,0,0,0,0,0,0,Postal,0.11601997993780012,0.4501892931304269,0.3344541255096772,0.0928,0.0999,0.9801,,,0.0,0.2069,0.1667,,0.0831,,0.0876,,0.0,0.0945,0.1036,0.9801,,,0.0,0.2069,0.1667,,0.085,,0.0912,,0.0,0.0937,0.0999,0.9801,,,0.0,0.2069,0.1667,,0.0846,,0.0892,,0.0,,block of flats,0.0755,Panel,No,4.0,0.0,4.0,0.0,-494.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2075217,214802,Revolving loans,2250.0,45000.0,45000.0,,45000.0,FRIDAY,11,Y,1,,,,XAP,Approved,-432,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Regional / Local,25,Connectivity,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,112500.0,652500.0,26703.0,652500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-9574,-488,-208.0,-2263,,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,13,0,0,0,0,1,1,Other,0.3928152335988053,0.5049711278234005,0.36227724703843145,0.1,0.1132,0.9781,,,0.0,0.1724,0.1667,,0.0939,,0.0849,,0.0175,0.1019,0.1174,0.9782,,,0.0,0.1724,0.1667,,0.096,,0.0884,,0.0185,0.101,0.1132,0.9781,,,0.0,0.1724,0.1667,,0.0955,,0.0864,,0.0179,,block of flats,0.0705,"Stone, brick",No,3.0,0.0,3.0,0.0,-432.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2331168,264177,Revolving loans,22500.0,0.0,450000.0,,,TUESDAY,17,Y,1,,,,XAP,Approved,-937,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,157500.0,1078200.0,31653.0,900000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.04622,-15382,-1426,-7956.0,-1637,12.0,1,1,0,1,1,0,Laborers,2.0,1,1,MONDAY,16,0,1,1,0,0,0,Business Entity Type 3,0.6878328914623253,0.6433840465722707,,0.1418,0.1035,0.9811,,,0.24,0.1724,0.25,,0.0886,,0.1044,,0.0221,0.063,0.0641,0.9811,,,0.2417,0.1379,0.1667,,0.0452,,0.0547,,0.0063,0.1431,0.1035,0.9811,,,0.24,0.1724,0.25,,0.0902,,0.1063,,0.0226,,block of flats,0.204,Panel,No,0.0,0.0,0.0,0.0,-2082.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1708820,159305,Cash loans,,0.0,0.0,,,WEDNESDAY,15,Y,1,,,,XNA,Refused,-194,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,171000.0,454500.0,14791.5,454500.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.028663,-22248,-8105,-810.0,-4834,,1,1,1,1,0,0,Core staff,1.0,2,2,MONDAY,16,0,0,0,0,0,0,Government,,0.6515794127487671,0.3723336657058204,0.0227,0.0404,0.9935,0.9116,0.0191,0.0,0.0517,0.1667,0.2083,0.0661,0.0177,0.046,0.0039,0.0102,0.0158,0.0415,0.9935,0.9151,0.0163,0.0,0.0345,0.1667,0.2083,0.0478,0.0129,0.0313,0.0039,0.0104,0.0229,0.0404,0.9935,0.9128,0.0193,0.0,0.0517,0.1667,0.2083,0.0672,0.018000000000000002,0.0468,0.0039,0.0104,reg oper account,block of flats,0.0328,"Stone, brick",No,9.0,0.0,9.0,0.0,-1738.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1601098,226405,Cash loans,37801.845,1125000.0,1288350.0,,1125000.0,MONDAY,11,Y,1,,,,XNA,Refused,-117,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,1,Cash loans,M,Y,N,0,157500.0,450000.0,21888.0,450000.0,Unaccompanied,Working,Lower secondary,Married,House / apartment,0.030755,-16062,-1534,-859.0,-3193,64.0,1,1,0,1,0,0,,2.0,2,2,FRIDAY,16,0,0,0,0,1,1,Industry: type 9,,0.39307283721160496,0.19294222771695085,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,2.0,4.0,1.0,-1359.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1189321,199272,Consumer loans,3579.66,20610.0,24462.0,3150.0,20610.0,WEDNESDAY,15,Y,1,0.12424439966812845,,,XAP,Approved,-1198,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,35,Connectivity,10.0,high,POS mobile with interest,365243.0,-1167.0,-897.0,-927.0,-921.0,0.0,0,Revolving loans,M,Y,N,0,157500.0,450000.0,22500.0,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.02461,-9893,-835,-4233.0,-2543,7.0,1,1,0,1,0,0,Accountants,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.5223254108418753,0.4156314009426502,,0.0866,0.0846,0.9786,0.7076,0.0709,0.0,0.1379,0.2083,0.25,0.0762,0.0706,0.0799,0.0,0.0,0.0882,0.0878,0.9786,0.7190000000000001,0.0716,0.0,0.1379,0.2083,0.25,0.0779,0.0771,0.0833,0.0,0.0,0.0874,0.0846,0.9786,0.7115,0.0714,0.0,0.1379,0.2083,0.25,0.0775,0.0718,0.0814,0.0,0.0,reg oper account,block of flats,0.1017,"Stone, brick",No,1.0,0.0,1.0,0.0,-1415.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,3.0 +2762821,325009,Cash loans,30149.37,596325.15,667168.65,,596325.15,TUESDAY,11,Y,1,,,,XNA,Approved,-1200,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash Street: middle,365243.0,-1170.0,-120.0,-120.0,-117.0,1.0,0,Cash loans,F,N,Y,0,63000.0,640080.0,31261.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007305,-17589,-5834,-10122.0,-1115,,1,1,1,1,0,0,Sales staff,2.0,3,3,FRIDAY,9,0,0,0,0,0,0,Self-employed,,0.4952567604530114,0.7713615919194317,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1200.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1507692,190217,Cash loans,23776.245,450000.0,526140.0,,450000.0,WEDNESDAY,9,Y,1,,,,XNA,Refused,-640,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,166500.0,594121.5,30465.0,472500.0,Unaccompanied,Working,Secondary / secondary special,Married,Office apartment,0.031329,-18986,-2246,-2118.0,-2466,,1,1,0,1,0,0,Medicine staff,2.0,2,2,SATURDAY,14,0,0,0,0,0,0,Medicine,,0.5577036615680451,0.3077366963789207,0.0722,0.0836,0.9791,0.7144,0.0077,0.0,0.2069,0.1667,0.2083,0.0642,0.0588,0.0693,0.0,0.0,0.0735,0.0867,0.9791,0.7256,0.0078,0.0,0.2069,0.1667,0.2083,0.0656,0.0643,0.0723,0.0,0.0,0.0729,0.0836,0.9791,0.7182,0.0078,0.0,0.2069,0.1667,0.2083,0.0653,0.0599,0.0706,0.0,0.0,reg oper account,block of flats,0.0545,Block,No,0.0,0.0,0.0,0.0,-1935.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2318690,426428,Revolving loans,6750.0,135000.0,135000.0,,135000.0,WEDNESDAY,10,Y,1,,,,XAP,Approved,-355,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-259.0,-215.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,1,180000.0,127350.0,12726.0,112500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.011703,-11527,-744,-1649.0,-664,,1,1,0,1,1,0,,3.0,2,2,MONDAY,11,0,0,0,0,1,1,Transport: type 4,,0.37782973107777656,0.7597121819739279,0.6928,0.0,0.9821,0.7552,,0.76,0.6552,0.3333,0.375,0.3917,0.0,0.7468,0.0,0.0206,0.7059,0.0,0.9821,0.7648,,0.7653,0.6552,0.3333,0.375,0.4006,0.0,0.778,0.0,0.0218,0.6995,0.0,0.9821,0.7585,,0.76,0.6552,0.3333,0.375,0.3985,0.0,0.7602,0.0,0.021,reg oper account,block of flats,0.6821,Panel,No,1.0,0.0,1.0,0.0,-1460.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2494185,148818,Cash loans,58100.31,1575000.0,1757952.0,,1575000.0,FRIDAY,7,Y,1,,,,XNA,Refused,-1372,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,low_normal,Cash Street: low,,,,,,,0,Revolving loans,M,Y,Y,1,270000.0,765000.0,38250.0,765000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.0038130000000000004,-14849,-968,-2865.0,-3279,3.0,1,1,1,1,1,0,Sales staff,3.0,2,2,FRIDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.649362947228079,0.7408717314510461,0.5460231970049609,0.1309,0.1144,0.9846,0.7892,0.0278,0.16,0.1379,0.3333,0.375,0.086,0.1067,0.1461,0.0,0.0,0.1334,0.1187,0.9846,0.7975,0.0281,0.1611,0.1379,0.3333,0.375,0.0879,0.1166,0.1523,0.0,0.0,0.1322,0.1144,0.9846,0.792,0.028,0.16,0.1379,0.3333,0.375,0.0875,0.1086,0.1488,0.0,0.0,reg oper account,block of flats,0.1302,"Stone, brick",No,4.0,0.0,3.0,0.0,-1632.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2639711,201457,Cash loans,27187.02,229500.0,272088.0,,229500.0,WEDNESDAY,7,Y,1,,,,XNA,Approved,-460,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-430.0,-100.0,-130.0,-127.0,1.0,0,Cash loans,F,N,Y,0,103500.0,787131.0,26014.5,679500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.028663,-16458,-3696,-8738.0,-5,,1,1,1,1,1,0,,2.0,2,2,MONDAY,8,0,0,0,0,0,0,School,,0.4203393891876731,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1373592,304585,Revolving loans,9000.0,0.0,180000.0,,,FRIDAY,16,Y,1,,,,XAP,Approved,-2323,XNA,XAP,,Repeater,XNA,Cards,x-sell,Stone,1526,Furniture,0.0,XNA,Card X-Sell,-2318.0,-2273.0,365243.0,-1543.0,-714.0,0.0,0,Cash loans,F,N,Y,1,135000.0,675000.0,22306.5,675000.0,Family,Working,Secondary / secondary special,Single / not married,House / apartment,0.010006000000000001,-16064,-538,-2343.0,-4416,,1,1,1,1,0,0,Core staff,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,Mobile,0.6963823773088766,0.7388894997263712,0.4938628816996244,0.0278,0.0701,0.9811,0.7416,,0.0,0.1379,0.1667,0.2083,0.031,0.021,0.0441,0.0077,0.0064,0.0284,0.0728,0.9811,0.7517,,0.0,0.1379,0.1667,0.2083,0.0317,0.023,0.046,0.0078,0.0068,0.0281,0.0701,0.9811,0.7451,,0.0,0.1379,0.1667,0.2083,0.0315,0.0214,0.0449,0.0078,0.0066,reg oper account,block of flats,0.0509,Panel,No,0.0,0.0,0.0,0.0,-1582.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,4.0,0.0,0.0 +1440553,254935,Cash loans,39096.855,900000.0,1004544.0,,900000.0,FRIDAY,18,Y,1,,,,XNA,Approved,-1080,Cash through the bank,XAP,"Spouse, partner",Refreshed,XNA,Cash,x-sell,AP+ (Cash loan),6,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-1050.0,360.0,-390.0,-385.0,1.0,0,Cash loans,F,Y,Y,0,292500.0,1575000.0,43312.5,1575000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-17144,-1285,-1585.0,-681,17.0,1,1,1,1,0,0,Sales staff,2.0,1,1,SUNDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.6451982478607906,0.41885428862332175,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-3190.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1074770,100020,Consumer loans,5729.265,32512.5,35086.5,0.0,32512.5,SATURDAY,10,Y,1,0.0,,,XAP,Approved,-243,Cash through the bank,XAP,Unaccompanied,Repeater,Gardening,POS,XNA,Stone,550,Consumer electronics,8.0,high,POS household with interest,365243.0,-211.0,-1.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,0,108000.0,509602.5,26149.5,387000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-12931,-1317,-6392.0,-3866,,1,1,0,1,0,0,Drivers,2.0,2,2,THURSDAY,12,0,0,0,1,1,0,Government,,0.2363778398884225,0.06210303783729682,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-3.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1656363,305123,Cash loans,28409.175,135000.0,139455.0,,135000.0,FRIDAY,11,Y,1,,,,Other,Refused,-431,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Country-wide,30,Connectivity,6.0,high,Cash Street: high,,,,,,,0,Cash loans,M,N,Y,2,166500.0,284400.0,22599.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00702,-14573,-564,-2726.0,-3980,,1,1,0,1,0,0,Laborers,4.0,2,2,TUESDAY,9,0,0,0,0,1,1,Business Entity Type 3,,0.35202686366303554,0.4561097392782771,0.0619,,0.9811,0.7416,0.0185,0.0,0.1379,0.1667,0.2083,0.0317,0.0504,0.0525,0.0,,0.063,,0.9811,0.7517,0.0186,0.0,0.1379,0.1667,0.2083,0.0324,0.0551,0.0547,0.0,,0.0625,,0.9811,0.7451,0.0186,0.0,0.1379,0.1667,0.2083,0.0323,0.0513,0.0534,0.0,,reg oper account,block of flats,0.0514,"Stone, brick",No,3.0,1.0,3.0,0.0,-22.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1803912,192593,Cash loans,9842.4,90000.0,90000.0,0.0,90000.0,TUESDAY,10,Y,1,0.0,,,XNA,Refused,-2288,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,M,N,Y,0,360000.0,251091.0,26496.0,238500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.00702,-17295,-216,-3757.0,-838,,1,1,0,1,0,0,Managers,2.0,2,2,MONDAY,13,0,1,1,0,1,1,Industry: type 7,,0.6600443475753327,0.7165702448010511,0.0584,,0.994,,,,0.1379,0.3333,,,,0.0447,,0.0791,0.0368,,0.9945,,,,0.1379,0.3333,,,,0.0277,,0.0837,0.0656,,0.9945,,,,0.1379,0.3333,,,,0.0505,,0.0808,,block of flats,0.0429,Panel,No,0.0,0.0,0.0,0.0,-1830.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2269539,116254,Revolving loans,22500.0,0.0,450000.0,,,THURSDAY,15,Y,1,,,,XAP,Approved,-1206,XNA,XAP,,Refreshed,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card X-Sell,-1181.0,-1134.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,270000.0,1718473.5,47254.5,1345500.0,Family,Commercial associate,Higher education,Single / not married,House / apartment,0.072508,-18508,-5052,-7918.0,-1999,,1,1,0,1,1,0,,1.0,1,1,SATURDAY,12,0,0,0,0,0,0,Other,,0.7312285966418574,0.28371188263500075,0.2438,0.1035,0.9891,,,0.28,0.1207,0.6667,,0.0378,,0.2594,,0.0037,0.2132,0.0993,0.9891,,,0.2417,0.1034,0.6667,,0.0,,0.2316,,0.0038,0.2462,0.1035,0.9891,,,0.28,0.1207,0.6667,,0.0384,,0.2641,,0.0037,,block of flats,0.1748,Panel,No,0.0,0.0,0.0,0.0,-1206.0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2697006,139949,Consumer loans,25388.28,137610.0,123849.0,13761.0,137610.0,FRIDAY,18,Y,1,0.1089090909090909,,,XAP,Approved,-915,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,40,Connectivity,6.0,high,POS mobile with interest,365243.0,-857.0,-707.0,-737.0,-731.0,0.0,0,Cash loans,M,Y,N,0,225000.0,1113840.0,57001.5,900000.0,Family,State servant,Secondary / secondary special,Married,Municipal apartment,0.032561,-10062,-1624,-5767.0,-2277,10.0,1,1,0,1,1,0,Laborers,2.0,1,1,WEDNESDAY,14,0,0,0,0,1,1,Industry: type 1,,0.5934459459971433,0.5549467685334323,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,2.0,7.0,2.0,-915.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2578300,164002,Cash loans,21513.24,382500.0,426681.0,,382500.0,TUESDAY,10,Y,1,,,,XNA,Approved,-967,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,112500.0,808650.0,23773.5,675000.0,Family,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.005084,-19899,-2778,-11095.0,-2800,,1,1,1,1,1,0,,1.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Other,0.7561701599593934,0.6900657386948118,0.33928769990891394,0.0804,0.1117,0.9836,0.7756,0.0,0.24,0.2069,0.1667,0.2083,0.0389,0.0639,0.0801,0.0077,0.0065,0.0819,0.116,0.9836,0.7844,0.0,0.2417,0.2069,0.1667,0.2083,0.0398,0.0698,0.0835,0.0078,0.0069,0.0812,0.1117,0.9836,0.7786,0.0,0.24,0.2069,0.1667,0.2083,0.0396,0.065,0.0816,0.0078,0.0067,reg oper account,block of flats,0.0645,"Stone, brick",No,0.0,0.0,0.0,0.0,-1908.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1359335,118599,Revolving loans,11250.0,225000.0,225000.0,,225000.0,SATURDAY,14,Y,1,,,,XAP,Approved,-352,XNA,XAP,,New,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-348.0,-311.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,2,157500.0,808650.0,26086.5,675000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.0105,-13507,-344,-1162.0,-171,11.0,1,1,0,1,1,0,,4.0,3,3,MONDAY,9,0,0,0,1,1,0,Government,0.5853744692843537,0.5150422396200406,0.6144143775673561,0.0082,0.0,0.9687,0.5716,0.001,0.0,0.0345,0.0417,0.0833,0.0066,0.0067,0.0075,0.0,0.0,0.0084,0.0,0.9687,0.5884,0.001,0.0,0.0345,0.0417,0.0833,0.0067,0.0073,0.0078,0.0,0.0,0.0083,0.0,0.9687,0.5773,0.001,0.0,0.0345,0.0417,0.0833,0.0067,0.0068,0.0076,0.0,0.0,reg oper account,block of flats,0.0065,"Stone, brick",No,0.0,0.0,0.0,0.0,-352.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2722141,189091,Cash loans,14746.455,135000.0,143910.0,,135000.0,WEDNESDAY,13,Y,1,,,,XNA,Approved,-482,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-452.0,-122.0,-122.0,-114.0,1.0,0,Cash loans,F,N,Y,0,112500.0,277969.5,18576.0,229500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0105,-17410,-2758,-5577.0,-935,,1,1,0,1,1,0,Cooking staff,2.0,3,3,TUESDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.321162981939842,0.6986675550534175,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-33.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2043461,400421,Consumer loans,14895.0,137610.0,134068.5,13761.0,137610.0,SUNDAY,17,Y,1,0.1013801710754619,,,XAP,Refused,-2869,Cash through the bank,SCO,Family,Repeater,XNA,POS,XNA,Country-wide,264,Consumer electronics,10.0,low_normal,POS household with interest,,,,,,,0,Revolving loans,F,N,N,0,225000.0,675000.0,33750.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,Municipal apartment,0.032561,-23192,-4007,-17292.0,-3932,,1,1,0,1,1,0,,1.0,1,1,SATURDAY,14,0,0,0,0,0,0,University,,0.6773271402774579,0.5352762504724826,0.1564,0.119,0.9776,0.6940000000000001,0.0,0.13,0.2328,0.25,0.2917,0.0215,0.1267,0.1502,0.0039,0.0048,0.0735,0.0773,0.9762,0.6864,0.0,0.0,0.2414,0.1667,0.2083,0.0132,0.0634,0.0656,0.0039,0.0032,0.1489,0.1125,0.9767,0.6847,0.0,0.12,0.2414,0.25,0.2917,0.0214,0.1214,0.1439,0.0039,0.0043,org spec account,block of flats,0.1916,Panel,No,1.0,0.0,1.0,0.0,-2869.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,3.0,2.0 +2388522,405835,Cash loans,37267.785,450000.0,481185.0,,450000.0,SATURDAY,12,Y,1,,,,XNA,Approved,-605,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-575.0,-65.0,-425.0,-422.0,1.0,0,Cash loans,F,Y,Y,0,256500.0,539100.0,27652.5,450000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.011703,-17845,-263,-273.0,-1383,1.0,1,1,0,1,0,1,Core staff,2.0,2,2,TUESDAY,12,1,1,0,0,0,0,Bank,0.4221615434270263,0.6601866296081499,0.4884551844437485,0.1237,0.0,0.9742,0.6464,,0.0,0.2069,0.1667,0.2083,0.0789,,0.0951,,,0.1261,0.0,0.9742,0.6602,,0.0,0.2069,0.1667,0.2083,0.0807,,0.099,,,0.1249,0.0,0.9742,0.6511,,0.0,0.2069,0.1667,0.2083,0.0803,,0.0968,,,reg oper account,block of flats,0.0811,"Stone, brick",No,0.0,0.0,0.0,0.0,-462.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +2578319,111311,Revolving loans,45000.0,900000.0,900000.0,,900000.0,MONDAY,12,Y,1,,,,XAP,Approved,-459,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-355.0,-323.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,247500.0,604152.0,26739.0,540000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.008575,-16267,365243,-10180.0,-1555,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,XNA,,0.4443831771165869,0.7209441499436497,0.0412,0.0,0.9757,0.6668,0.0044,0.0,0.069,0.1667,0.2083,0.0235,0.0336,0.0236,0.0,0.0,0.042,0.0,0.9757,0.6798,0.0045,0.0,0.069,0.1667,0.2083,0.024,0.0367,0.0246,0.0,0.0,0.0416,0.0,0.9757,0.6713,0.0045,0.0,0.069,0.1667,0.2083,0.0239,0.0342,0.024,0.0,0.0,reg oper spec account,block of flats,0.028,"Stone, brick",No,4.0,0.0,4.0,0.0,-952.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1900233,426730,Consumer loans,8910.27,44775.0,31275.0,13500.0,44775.0,SUNDAY,16,Y,1,0.3283691183188669,,,XAP,Approved,-2659,Cash through the bank,XAP,Group of people,New,Furniture,POS,XNA,Stone,100,Furniture,4.0,low_normal,POS industry with interest,365243.0,-2628.0,-2538.0,-2538.0,-2533.0,0.0,0,Cash loans,F,N,Y,0,202500.0,518562.0,25078.5,463500.0,Unaccompanied,Commercial associate,Lower secondary,Married,House / apartment,0.016612000000000002,-18958,-1744,-618.0,-2518,,1,1,0,1,0,0,Cleaning staff,2.0,2,2,SATURDAY,14,0,0,0,0,0,0,Business Entity Type 2,0.6133207130072539,0.6760449667598325,0.4507472818545589,,,0.9985,0.9796,,,,0.3333,0.375,,1.0,0.115,,,,,0.9985,0.9804,,,,0.3333,0.375,,1.0,0.1198,,,,,0.9985,0.9799,,,,0.3333,0.375,,1.0,0.117,,,reg oper account,block of flats,0.2022,,No,4.0,0.0,4.0,0.0,-1092.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2535371,304845,Consumer loans,20609.82,139545.0,154984.5,0.0,139545.0,SATURDAY,5,Y,1,0.0,,,XAP,Approved,-275,XNA,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,138,Consumer electronics,8.0,low_action,POS household without interest,365243.0,-245.0,-35.0,-65.0,-57.0,1.0,0,Cash loans,M,Y,N,0,157500.0,323388.0,34105.5,292500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.006305,-8476,-904,-2160.0,-941,16.0,1,1,0,1,0,0,Laborers,1.0,3,3,MONDAY,6,0,0,0,0,0,0,Transport: type 2,0.18097703992675893,0.6129293040126128,0.34090642641523844,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-591.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1565296,160530,Cash loans,43102.98,810000.0,893398.5,,810000.0,WEDNESDAY,7,Y,1,,,,XNA,Approved,-1002,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-972.0,78.0,-882.0,-879.0,1.0,0,Cash loans,M,N,Y,1,180000.0,787131.0,26145.0,679500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-16901,-1822,-283.0,-373,,1,1,0,1,0,0,Drivers,3.0,2,2,THURSDAY,15,0,0,0,0,0,0,Self-employed,,0.5571426035671366,0.7910749129911773,0.0371,0.0624,0.9742,0.6464,0.0,0.0,0.1034,0.0833,0.0417,0.0,0.0303,0.0199,0.0,0.0352,0.0378,0.0647,0.9742,0.6602,0.0,0.0,0.1034,0.0833,0.0417,0.0,0.0331,0.0207,0.0,0.0372,0.0375,0.0624,0.9742,0.6511,0.0,0.0,0.1034,0.0833,0.0417,0.0,0.0308,0.0203,0.0,0.0359,reg oper account,block of flats,0.0233,Others,No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2522829,415922,Consumer loans,8079.93,70677.0,78142.5,0.0,70677.0,SATURDAY,9,Y,1,0.0,,,XAP,Approved,-328,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Regional / Local,260,Consumer electronics,12.0,middle,POS household with interest,365243.0,-297.0,33.0,-57.0,-54.0,0.0,1,Cash loans,F,N,Y,1,67500.0,284400.0,13387.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018209,-11792,-557,-889.0,-2893,,1,1,1,1,0,0,Laborers,3.0,3,3,FRIDAY,8,0,0,0,0,0,0,Business Entity Type 3,0.057601306346742674,0.3342077393547029,,0.066,0.0793,0.9752,0.66,0.0268,0.0,0.1379,0.125,0.1667,0.0578,0.0538,0.0502,0.0,0.0,0.0672,0.0823,0.9752,0.6733,0.0271,0.0,0.1379,0.125,0.1667,0.0591,0.0588,0.0523,0.0,0.0,0.0666,0.0793,0.9752,0.6645,0.027000000000000003,0.0,0.1379,0.125,0.1667,0.0588,0.0547,0.0511,0.0,0.0,reg oper account,block of flats,0.0395,"Stone, brick",No,0.0,0.0,0.0,0.0,-287.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +2630642,254370,Cash loans,48698.595,1129500.0,1227901.5,,1129500.0,WEDNESDAY,13,Y,0,,,,XNA,Approved,-622,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-592.0,458.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,270000.0,938304.0,31140.0,810000.0,Unaccompanied,Pensioner,Higher education,Widow,House / apartment,0.009656999999999999,-23469,365243,-5375.0,-4742,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,12,0,0,0,0,0,0,XNA,,0.3435648898980881,0.656158373001177,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,1.0,0.0,1.0,0.0,-1530.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,8.0 +1652961,226946,Consumer loans,11709.225,97636.5,96570.0,9765.0,97636.5,SUNDAY,12,Y,1,0.10001384988266064,,,XAP,Approved,-1781,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,360,Consumer electronics,12.0,high,POS household with interest,365243.0,-1750.0,-1420.0,-1420.0,-1410.0,0.0,0,Cash loans,F,N,Y,0,171000.0,526491.0,19039.5,454500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.009175,-17745,-5453,-11537.0,-358,,1,1,1,1,1,0,Managers,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Government,0.8038763435311627,0.6959923814108895,0.3046721837533529,0.1546,0.1875,0.9821,0.7552,0.0262,0.0,0.3448,0.1667,0.0417,0.1208,0.1252,0.1513,0.0039,0.0024,0.1576,0.1946,0.9821,0.7648,0.0264,0.0,0.3448,0.1667,0.0417,0.1236,0.1368,0.1577,0.0039,0.0025,0.1561,0.1875,0.9821,0.7585,0.0263,0.0,0.3448,0.1667,0.0417,0.1229,0.1274,0.154,0.0039,0.0024,reg oper account,block of flats,0.1195,Panel,No,0.0,0.0,0.0,0.0,-1781.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1648054,171568,Consumer loans,22947.705,229500.0,206550.0,22950.0,229500.0,TUESDAY,14,Y,1,0.1089090909090909,,,XAP,Approved,-845,Cash through the bank,XAP,"Spouse, partner",Repeater,Construction Materials,POS,XNA,Stone,80,Construction,10.0,low_normal,POS industry with interest,365243.0,-814.0,-544.0,-544.0,-539.0,0.0,0,Cash loans,M,N,N,1,112500.0,720000.0,21181.5,720000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-15773,-1599,-1951.0,-4643,,1,1,1,1,1,0,Laborers,3.0,3,3,SUNDAY,6,0,0,0,0,0,0,Business Entity Type 2,0.3432061965457293,0.7242270166090273,0.6263042766749393,0.4165,0.2919,0.9841,0.7824,0.0763,0.44,0.3793,0.3333,0.375,0.0663,0.3387,0.4291,0.0039,0.006,0.4244,0.303,0.9841,0.7909,0.077,0.4431,0.3793,0.3333,0.375,0.0678,0.3701,0.4471,0.0039,0.0064,0.4205,0.2919,0.9841,0.7853,0.0768,0.44,0.3793,0.3333,0.375,0.0675,0.3446,0.4368,0.0039,0.0061,reg oper account,block of flats,0.3794,"Stone, brick",No,0.0,0.0,0.0,0.0,-1243.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1006171,273249,Revolving loans,11025.0,0.0,157500.0,,,SUNDAY,4,Y,1,,,,XAP,Approved,-1955,XNA,XAP,,Repeater,XNA,Cards,x-sell,Regional / Local,27,Consumer electronics,0.0,XNA,Card X-Sell,-1949.0,-1920.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,225000.0,835380.0,40320.0,675000.0,Other_A,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.006305,-14980,-2927,-6243.0,-4576,,1,1,0,1,0,0,Sales staff,2.0,3,3,TUESDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.5038450353393037,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1955.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2653233,263887,Consumer loans,7255.8,63666.0,62550.0,6750.0,63666.0,THURSDAY,16,Y,1,0.10608028335301058,,,XAP,Approved,-2174,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,1257,Consumer electronics,12.0,high,POS household with interest,365243.0,-2143.0,-1813.0,-1813.0,-1807.0,0.0,0,Cash loans,F,N,N,0,270000.0,761872.5,53154.0,675000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.016612000000000002,-14157,-714,-4291.0,-2783,,1,1,0,1,0,1,,2.0,2,2,MONDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.6727390007250945,0.5776329338487993,0.5352762504724826,0.2722,0.1347,0.9846,,,0.16,0.069,0.4583,,0.0687,,0.1954,,0.0,0.2773,0.1398,0.9846,,,0.1611,0.069,0.4583,,0.0702,,0.2036,,0.0,0.2748,0.1347,0.9846,,,0.16,0.069,0.4583,,0.0699,,0.1989,,0.0,,block of flats,0.1984,"Stone, brick",No,0.0,0.0,0.0,0.0,-2174.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,6.0 +1222569,291182,Cash loans,68872.995,360000.0,368316.0,,360000.0,FRIDAY,13,Y,1,,,,XNA,Refused,-373,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,Y,Y,0,90000.0,755190.0,34992.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.01885,-22517,365243,-5590.0,-4682,16.0,1,0,0,1,0,0,,1.0,2,2,SUNDAY,10,0,0,0,0,0,0,XNA,0.8090785457933092,0.7201159789502852,,0.1598,0.2329,0.9697,0.5852,0.0362,0.04,0.3793,0.375,,0.1444,0.1168,0.1863,0.0618,0.1936,0.1628,0.2417,0.9697,0.6014,0.0365,0.0403,0.3793,0.375,,0.1477,0.1276,0.1941,0.0623,0.205,0.1613,0.2329,0.9697,0.5907,0.0364,0.04,0.3793,0.375,,0.1469,0.1189,0.1897,0.0621,0.1977,,block of flats,0.2084,"Stone, brick",No,0.0,0.0,0.0,0.0,-572.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1818791,167490,Consumer loans,10646.19,103716.0,113985.0,0.0,103716.0,SATURDAY,10,Y,1,0.0,,,XAP,Approved,-1238,Cash through the bank,XAP,Family,Repeater,Construction Materials,POS,XNA,Stone,800,Construction,12.0,low_normal,POS industry with interest,365243.0,-1205.0,-875.0,-1025.0,-1020.0,0.0,0,Cash loans,F,N,Y,0,135000.0,751500.0,33232.5,751500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.018029,-23056,365243,-7490.0,-938,,1,0,0,1,0,0,,1.0,3,3,FRIDAY,8,0,0,0,0,0,0,XNA,0.8231760638647118,0.5685756080898808,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1238.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1588901,380535,Cash loans,19081.62,495000.0,573408.0,,495000.0,THURSDAY,10,Y,1,,,,XNA,Approved,-398,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-368.0,1042.0,-338.0,-332.0,1.0,0,Cash loans,F,N,N,0,202500.0,174132.0,18414.0,157500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.006296,-15767,-240,-6332.0,-4415,,1,1,0,1,0,0,Core staff,2.0,3,3,WEDNESDAY,15,1,1,0,0,0,0,Trade: type 3,,0.4792941976988406,0.6144143775673561,0.1072,0.0664,0.9846,0.7892,0.0,0.04,0.0345,0.3333,0.0417,0.0,0.0874,0.0654,0.0,0.1178,0.1092,0.0689,0.9846,0.7975,0.0,0.0403,0.0345,0.3333,0.0417,0.0,0.0955,0.0682,0.0,0.1247,0.1083,0.0664,0.9846,0.792,0.0,0.04,0.0345,0.3333,0.0417,0.0,0.0889,0.0666,0.0,0.1203,not specified,specific housing,0.0771,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1011652,292408,Consumer loans,16735.32,167373.0,150633.0,16740.0,167373.0,SATURDAY,14,Y,1,0.10892665972517558,,,XAP,Approved,-2337,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,691,Consumer electronics,10.0,low_normal,POS household without interest,,,,,,,1,Cash loans,F,N,N,2,175500.0,436032.0,16564.5,360000.0,"Spouse, partner",State servant,Secondary / secondary special,Married,House / apartment,0.010276,-15699,-7829,-8929.0,-1368,,1,1,0,1,0,0,Medicine staff,4.0,2,2,FRIDAY,11,0,0,0,0,0,0,Medicine,0.3582367861376925,0.2409871353025724,,0.0186,0.0,0.9811,0.7416,0.0022,0.0,0.1034,0.0417,0.0833,0.0103,0.0151,0.0168,0.0,0.0,0.0189,0.0,0.9811,0.7517,0.0023,0.0,0.1034,0.0417,0.0833,0.0106,0.0165,0.0175,0.0,0.0,0.0187,0.0,0.9811,0.7451,0.0023,0.0,0.1034,0.0417,0.0833,0.0105,0.0154,0.0171,0.0,0.0,reg oper account,block of flats,0.0144,"Stone, brick",No,1.0,0.0,1.0,0.0,-1262.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1545312,247706,Consumer loans,1716.39,41206.5,36832.5,4374.0,41206.5,SATURDAY,20,Y,1,0.11560515055546175,,,XAP,Approved,-2589,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,-1,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-2558.0,-1868.0,-1868.0,-1860.0,0.0,0,Cash loans,F,N,N,0,166500.0,900000.0,47943.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.026392000000000002,-22147,-8490,-9464.0,-4196,,1,1,1,1,1,0,Accountants,1.0,2,2,THURSDAY,12,0,0,0,0,0,0,Business Entity Type 2,,0.7721789695332415,0.7435593141311444,0.0825,0.0799,0.9786,,,0.0,0.1379,0.1667,,,,0.062,,0.0,0.084,0.0829,0.9786,,,0.0,0.1379,0.1667,,,,0.0646,,0.0,0.0833,0.0799,0.9786,,,0.0,0.1379,0.1667,,,,0.0631,,0.0,,block of flats,0.0487,"Stone, brick",No,0.0,0.0,0.0,0.0,-2162.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,11.0,0.0,2.0 +2830301,144728,Cash loans,25130.7,855000.0,855000.0,,855000.0,TUESDAY,17,Y,1,,,,XNA,Refused,-202,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,180000.0,450000.0,23107.5,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.026392000000000002,-14666,-1229,-2951.0,-2257,,1,1,0,1,0,1,Private service staff,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Self-employed,0.63102847349968,0.6212120602218764,0.6738300778602003,0.0825,0.0785,0.9757,,,0.0,0.1379,0.1667,,,,0.0704,,0.0,0.084,0.0814,0.9757,,,0.0,0.1379,0.1667,,,,0.0734,,0.0,0.0833,0.0785,0.9757,,,0.0,0.1379,0.1667,,,,0.0717,,0.0,,block of flats,0.0554,Panel,No,0.0,0.0,0.0,0.0,-402.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1567768,138817,Consumer loans,6658.875,65767.5,72711.0,0.0,65767.5,MONDAY,9,Y,1,0.0,,,XAP,Approved,-299,Cash through the bank,XAP,,Repeater,Jewelry,POS,XNA,Country-wide,65,Jewelry,12.0,low_action,POS others without interest,365243.0,-258.0,72.0,-228.0,-216.0,0.0,0,Cash loans,F,N,Y,0,135000.0,414000.0,30123.0,414000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.018801,-11358,-138,-4884.0,-3494,,1,1,0,1,1,0,Core staff,2.0,2,2,SATURDAY,9,0,0,0,0,0,0,Medicine,0.13852208812927588,0.5426762533186166,0.4223696523543468,0.2227,0.117,0.9781,0.7008,0.0997,0.24,0.2069,0.3333,0.0417,0.1827,0.1816,0.2219,0.0,0.0,0.2269,0.1214,0.9782,0.7125,0.1006,0.2417,0.2069,0.3333,0.0417,0.1868,0.1983,0.2312,0.0,0.0,0.2248,0.117,0.9781,0.7048,0.1003,0.24,0.2069,0.3333,0.0417,0.1858,0.1847,0.2259,0.0,0.0,reg oper spec account,block of flats,0.229,Panel,No,4.0,0.0,4.0,0.0,-2461.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1058236,353899,Consumer loans,20696.805,111330.0,117207.0,0.0,111330.0,FRIDAY,15,Y,1,0.0,,,XAP,Approved,-795,Cash through the bank,XAP,Children,Repeater,Furniture,POS,XNA,Regional / Local,130,Furniture,6.0,low_action,POS industry with interest,365243.0,-763.0,-613.0,-613.0,-609.0,0.0,0,Cash loans,F,N,Y,2,67500.0,339948.0,23787.0,315000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.00702,-14189,-1517,-6041.0,-545,,1,1,1,1,1,0,Core staff,4.0,2,2,TUESDAY,12,0,0,0,0,0,0,Other,0.7482523578700802,0.6447826511067507,0.8128226070575616,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2068.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1267155,196584,Consumer loans,10046.07,75600.0,73651.5,7560.0,75600.0,SATURDAY,10,Y,1,0.10138376058473582,,,XAP,Approved,-2216,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Stone,7,Connectivity,10.0,high,POS mobile with interest,365243.0,-2182.0,-1912.0,-1912.0,-1900.0,0.0,0,Cash loans,M,Y,Y,1,540000.0,1636821.0,51525.0,1413000.0,Group of people,Working,Incomplete higher,Married,House / apartment,0.003540999999999999,-16152,-3882,-3102.0,-4324,64.0,1,1,0,1,0,0,Managers,3.0,1,1,WEDNESDAY,16,0,0,0,0,0,0,Electricity,,0.2954375430593076,0.6610235391308081,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1102.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2834169,372175,Consumer loans,2775.6,14355.0,13500.0,855.0,14355.0,TUESDAY,13,Y,1,0.0648674836135651,,,XAP,Approved,-1569,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,30,Connectivity,6.0,high,POS mobile with interest,365243.0,-1538.0,-1388.0,-1388.0,-1382.0,0.0,1,Cash loans,F,Y,N,0,202500.0,765000.0,23274.0,765000.0,Unaccompanied,State servant,Higher education,Civil marriage,House / apartment,0.01885,-11583,-2092,-5192.0,-3663,7.0,1,1,1,1,1,0,Core staff,2.0,2,2,THURSDAY,11,0,0,0,0,1,1,Government,,0.2586486624350273,0.1096264336424546,0.1964,0.0111,0.9841,0.7824,0.0385,0.16,0.1379,0.375,,0.1963,0.1547,0.1783,0.0251,0.2091,0.1985,0.0079,0.9841,0.7909,0.0308,0.1611,0.1379,0.375,,0.1672,0.16899999999999998,0.1815,0.0195,0.2159,0.1983,0.0111,0.9841,0.7853,0.0387,0.16,0.1379,0.375,,0.1998,0.1573,0.1815,0.0252,0.2135,,block of flats,0.198,"Stone, brick",No,0.0,0.0,0.0,0.0,-1569.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2408057,357988,Cash loans,25597.935,540000.0,604152.0,,540000.0,THURSDAY,12,Y,1,,,,XNA,Approved,-540,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-510.0,540.0,-210.0,-208.0,1.0,0,Cash loans,M,Y,N,0,135000.0,225000.0,10822.5,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-14870,-118,-8473.0,-4447,6.0,1,1,1,1,0,0,Laborers,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Construction,0.6974074645206207,0.7978444532587857,0.6041125998015721,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-2806.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1342342,105684,Consumer loans,,133965.0,133965.0,0.0,133965.0,SUNDAY,18,Y,1,0.0,,,XAP,Refused,-828,Cash through the bank,LIMIT,,Repeater,Mobile,XNA,XNA,Country-wide,35,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,0,166500.0,343800.0,16852.5,225000.0,Unaccompanied,State servant,Higher education,Married,Co-op apartment,0.022625,-12321,-5418,-431.0,-4415,,1,1,0,1,1,0,Core staff,2.0,2,2,TUESDAY,16,0,0,0,0,0,0,Police,0.5501875221198079,0.7775045989882384,0.5478104658520093,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-269.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2697640,247413,Revolving loans,38250.0,0.0,765000.0,,,WEDNESDAY,9,Y,1,,,,XAP,Approved,-664,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-559.0,-532.0,365243.0,-289.0,-88.0,0.0,1,Cash loans,F,N,N,0,247500.0,226422.0,20893.5,189000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009656999999999999,-14574,-2544,-1729.0,-1775,,1,1,0,1,1,0,Sales staff,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Self-employed,0.7317407920484551,0.6981165477894349,0.4992720153045617,0.0722,0.0535,0.9906,0.8708,0.0041,0.0,0.0345,0.1667,0.2083,0.0468,0.0588,0.0266,0.0,0.0,0.0735,0.0555,0.9906,0.8759,0.0041,0.0,0.0345,0.1667,0.2083,0.0479,0.0643,0.0278,0.0,0.0,0.0729,0.0535,0.9906,0.8725,0.0041,0.0,0.0345,0.1667,0.2083,0.0476,0.0599,0.0271,0.0,0.0,reg oper spec account,block of flats,0.0378,"Stone, brick",No,0.0,0.0,0.0,0.0,-2427.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1719493,119423,Consumer loans,12679.425,112482.0,128812.5,0.0,112482.0,SATURDAY,18,Y,1,0.0,,,XAP,Approved,-11,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,100,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,365243.0,349.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,1,126000.0,263686.5,29880.0,238500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-8396,-1231,-6770.0,-1072,,1,1,0,1,0,0,Medicine staff,3.0,2,2,WEDNESDAY,15,0,0,0,0,1,1,Medicine,,0.5069334626805627,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1355.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,0.0,0.0,1.0 +1271228,131757,Consumer loans,60299.55,319405.5,336271.5,0.0,319405.5,TUESDAY,6,Y,1,0.0,,,XAP,Approved,-155,Cash through the bank,XAP,Unaccompanied,Repeater,Construction Materials,POS,XNA,Stone,50,Construction,6.0,low_normal,POS industry with interest,365243.0,-125.0,25.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,N,0,315000.0,958531.5,64188.0,837000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0038179999999999998,-13457,-3101,-3086.0,-3095,11.0,1,1,0,1,0,0,Managers,2.0,2,2,WEDNESDAY,6,0,0,0,0,0,0,Business Entity Type 3,,0.7076739941632152,0.4830501881366946,0.1227,0.0615,0.9861,,,0.0,0.2759,0.1667,,0.2027,,0.1119,,,0.125,0.0638,0.9861,,,0.0,0.2759,0.1667,,0.2073,,0.1166,,,0.1239,0.0615,0.9861,,,0.0,0.2759,0.1667,,0.2062,,0.1139,,,,block of flats,0.08800000000000001,Block,No,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2644014,187678,Consumer loans,3737.88,37814.85,33156.0,11251.35,37814.85,MONDAY,10,Y,1,0.27593952352482193,,,XAP,Approved,-1683,Cash through the bank,XAP,Other_B,New,Mobile,POS,XNA,Country-wide,40,Connectivity,12.0,high,POS mobile with interest,365243.0,-1652.0,-1322.0,-1322.0,-1312.0,0.0,0,Cash loans,M,N,N,0,216000.0,514602.0,51025.5,495000.0,Unaccompanied,State servant,Higher education,Widow,House / apartment,0.019688999999999998,-23740,-10763,-759.0,-4459,,1,1,0,1,1,0,Core staff,1.0,2,2,WEDNESDAY,13,0,0,0,1,1,1,Medicine,,0.6905612746847377,0.5691487713619409,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,0.0,-1683.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1451807,327673,Consumer loans,5521.05,94644.0,106852.5,0.0,94644.0,MONDAY,12,Y,1,0.0,,,XAP,Approved,-569,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,198,Consumer electronics,24.0,low_normal,POS mobile with interest,365243.0,-538.0,152.0,365243.0,365243.0,0.0,1,Cash loans,F,N,Y,0,157500.0,835380.0,42781.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.04622,-18119,-3208,-6798.0,-1666,,1,1,0,1,0,0,Cooking staff,1.0,1,1,WEDNESDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.6163115679429557,0.6817058776720116,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1058.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2104581,174305,Consumer loans,8308.08,41395.5,41395.5,0.0,41395.5,SUNDAY,14,Y,1,0.0,,,XAP,Approved,-2547,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Stone,40,Connectivity,6.0,high,POS mobile with interest,365243.0,-2506.0,-2356.0,-2386.0,-2379.0,0.0,0,Cash loans,M,N,N,0,135000.0,337500.0,31086.0,337500.0,Unaccompanied,State servant,Higher education,Single / not married,With parents,0.035792000000000004,-12711,-5034,-6681.0,-4631,,1,1,1,1,0,0,Laborers,1.0,2,2,SATURDAY,9,0,0,0,0,0,0,Industry: type 1,0.1429602145099333,0.6259394658124506,0.326475210066026,0.0665,0.0091,0.993,0.9456,0.0082,0.08,0.069,0.2708,0.0417,0.0484,0.0168,0.0768,0.0154,0.042,0.0252,0.0094,0.9901,0.9477,0.0083,0.0403,0.0345,0.1667,0.0417,0.0,0.0184,0.033,0.0156,0.0114,0.0671,0.0091,0.993,0.9463,0.0083,0.08,0.069,0.2708,0.0417,0.0492,0.0171,0.0782,0.0155,0.0429,reg oper account,block of flats,0.0454,Block,No,0.0,0.0,0.0,0.0,-955.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,10.0 +1273284,419207,Revolving loans,3375.0,0.0,157500.0,,,SATURDAY,10,N,0,,,,XAP,Refused,-2130,XNA,SCO,,Repeater,XNA,Cards,x-sell,Regional / Local,50,Furniture,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,Y,N,0,112500.0,95940.0,9616.5,90000.0,Unaccompanied,State servant,Incomplete higher,Civil marriage,With parents,0.00702,-9954,-1874,-7384.0,-2428,5.0,1,1,1,1,1,0,Core staff,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Other,0.5466914852560518,0.4432766077692771,0.5567274263630174,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1488.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,1.0 +1980631,383220,Cash loans,26622.81,472500.0,547344.0,,472500.0,MONDAY,11,Y,1,,,,Buying a used car,Approved,-486,Cash through the bank,XAP,,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,middle,Cash Street: middle,365243.0,-456.0,954.0,365243.0,365243.0,1.0,1,Cash loans,M,Y,Y,0,256500.0,552555.0,30105.0,477000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.011703,-21503,-1674,-5049.0,-5053,7.0,1,1,0,1,0,1,Core staff,2.0,2,2,THURSDAY,11,0,0,0,0,1,1,School,,0.6761790493201129,0.28961123838200553,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-488.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1258076,454708,Consumer loans,5728.77,25425.0,21010.5,5085.0,25425.0,WEDNESDAY,14,Y,1,0.2122215428992458,,,XAP,Approved,-1398,Cash through the bank,XAP,Other_B,Repeater,Mobile,POS,XNA,Country-wide,46,Connectivity,4.0,middle,POS mobile without interest,365243.0,-1367.0,-1277.0,-1277.0,-1267.0,0.0,0,Cash loans,M,N,N,1,180000.0,675000.0,32472.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.019688999999999998,-10271,-2745,-825.0,-2827,,1,1,1,1,0,0,Drivers,2.0,2,2,SUNDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.5058344224376451,0.4330756104337408,0.33285056416487313,0.2577,0.0019,0.9806,0.7348,0.0225,0.0,0.5517,0.1667,0.0417,0.2108,0.2034,0.2303,0.0309,0.1152,0.2626,0.002,0.9806,0.7452,0.0227,0.0,0.5517,0.1667,0.0417,0.2156,0.2222,0.2399,0.0311,0.122,0.2602,0.0019,0.9806,0.7383,0.0227,0.0,0.5517,0.1667,0.0417,0.2145,0.2069,0.2344,0.0311,0.1177,,block of flats,0.1853,"Stone, brick",No,0.0,0.0,0.0,0.0,-1398.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1332172,170290,Consumer loans,2079.09,19795.5,17815.5,1980.0,19795.5,SATURDAY,10,Y,1,0.10893384860195493,,,XAP,Approved,-2914,XNA,XAP,,New,Mobile,POS,XNA,Stone,89,Connectivity,12.0,high,POS mobile with interest,365243.0,-2831.0,-2501.0,-2531.0,-2521.0,0.0,0,Cash loans,M,Y,Y,1,225000.0,1325475.0,56290.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.035792000000000004,-18852,-2845,-6474.0,-2411,18.0,1,1,0,1,0,0,Managers,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Self-employed,,0.6108468600816664,0.5762088360175724,0.0124,,0.9593,,,,0.1034,0.0417,,,,0.0084,,0.0383,0.0126,,0.9593,,,,0.1034,0.0417,,,,0.0087,,0.0406,0.0125,,0.9593,,,,0.1034,0.0417,,,,0.0085,,0.0391,,block of flats,0.017,Wooden,Yes,0.0,0.0,0.0,0.0,-2914.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +2737452,367090,Consumer loans,6248.88,63382.95,63382.5,0.45,63382.95,THURSDAY,8,Y,1,7.732219928086481e-06,,,XAP,Approved,-380,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,25,Connectivity,14.0,high,POS mobile with interest,365243.0,-338.0,52.0,-158.0,-153.0,0.0,1,Cash loans,M,N,Y,0,112500.0,408780.0,19881.0,337500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-11917,-488,-7103.0,-3781,,1,1,0,1,1,0,Drivers,2.0,3,3,SATURDAY,9,0,0,0,1,1,0,Business Entity Type 2,0.2045751454095429,0.4515103252023922,0.08788069918013308,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,1.0,0.0,0.0,0.0,2.0 +2323669,167046,Cash loans,40212.945,630000.0,717808.5,,630000.0,FRIDAY,9,Y,1,,,,XNA,Approved,-1050,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,24.0,low_normal,Cash Street: low,365243.0,-1020.0,-330.0,-330.0,-328.0,1.0,0,Cash loans,F,N,N,0,202500.0,284400.0,16011.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-24379,365243,-12023.0,-4062,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,XNA,,0.5847652359463056,0.813917469762627,0.0825,,0.9757,,,0.0,0.1379,0.1667,,,,0.0639,,,0.084,,0.9757,,,0.0,0.1379,0.1667,,,,0.0666,,,0.0833,,0.9757,,,0.0,0.1379,0.1667,,,,0.0651,,,,block of flats,0.0548,"Stone, brick",No,0.0,0.0,0.0,0.0,-1278.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1577601,267576,Revolving loans,9000.0,0.0,180000.0,,,THURSDAY,14,Y,1,,,,XAP,Approved,-2742,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,24,Connectivity,0.0,XNA,Card Street,-2741.0,-2690.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,81000.0,247500.0,12766.5,247500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.025164,-14592,-224,-7788.0,-4121,,1,1,1,1,0,0,Waiters/barmen staff,1.0,2,2,TUESDAY,11,0,0,0,0,1,1,Business Entity Type 3,0.4337035808090436,0.6341962610756307,0.2366108235287817,0.1237,0.0531,0.9816,0.7484,0.012,0.0,0.069,0.1667,0.0417,0.0187,0.0992,0.0634,0.0077,0.0037,0.1261,0.0551,0.9816,0.7583,0.0121,0.0,0.069,0.1667,0.0417,0.0191,0.1084,0.066,0.0078,0.0039,0.1249,0.0531,0.9816,0.7518,0.0121,0.0,0.069,0.1667,0.0417,0.019,0.1009,0.0645,0.0078,0.0037,reg oper account,block of flats,0.0572,Block,No,10.0,1.0,10.0,1.0,-2208.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1088484,182867,Consumer loans,9909.18,89730.0,89757.0,17946.0,89730.0,TUESDAY,20,Y,1,0.1814696475914825,,,XAP,Approved,-1280,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,20,Connectivity,12.0,high,POS mobile with interest,365243.0,-1226.0,-896.0,-926.0,-918.0,0.0,0,Cash loans,F,N,Y,1,270000.0,1042560.0,58347.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-15136,-761,-4322.0,-2709,,1,1,0,1,1,0,Private service staff,3.0,1,1,MONDAY,14,0,0,0,0,0,0,Other,0.7472937146128359,0.7494174582985605,0.8106180215523969,0.1134,0.0489,0.9935,,,0.16,0.069,0.5417,,,,0.0566,,0.0038,0.1155,0.0507,0.9935,,,0.1611,0.069,0.5417,,,,0.059,,0.0041,0.1145,0.0489,0.9935,,,0.16,0.069,0.5417,,,,0.0576,,0.0039,,block of flats,0.0812,Panel,No,2.0,0.0,2.0,0.0,-1280.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1013576,440624,Consumer loans,8080.92,84150.0,75735.0,8415.0,84150.0,THURSDAY,16,Y,1,0.1089090909090909,,,XAP,Approved,-1609,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Stone,3190,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1578.0,-1248.0,-1248.0,-1242.0,0.0,0,Cash loans,M,Y,Y,1,270000.0,675000.0,21775.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,Municipal apartment,0.032561,-16761,-2437,-9471.0,-266,5.0,1,1,0,1,0,0,Drivers,3.0,1,1,WEDNESDAY,16,0,0,0,0,0,0,Self-employed,0.543719394480896,0.7290440803714842,0.32173528219668485,0.2658,0.1783,0.9836,0.7688,0.0866,0.28,0.1328,0.4642,0.4688,0.093,0.2,0.2536,0.0203,0.064,0.2069,0.1573,0.9846,0.7975,0.0681,0.2417,0.1034,0.4583,0.5,0.0615,0.1745,0.21,0.0039,0.0032,0.2134,0.1603,0.9846,0.792,0.0832,0.28,0.1034,0.4583,0.5,0.0939,0.1667,0.2279,0.0233,0.0748,reg oper account,block of flats,0.1997,Panel,No,4.0,0.0,4.0,0.0,-1609.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2203667,318541,Revolving loans,13500.0,270000.0,270000.0,,270000.0,WEDNESDAY,13,Y,1,,,,XAP,Approved,-306,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,N,0,270000.0,478498.5,51664.5,454500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.02461,-18371,-1904,-8984.0,-1921,2.0,1,1,0,1,0,0,,2.0,2,2,THURSDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.6722693403991992,0.4400578303966329,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1138.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1230606,387453,Cash loans,8752.005,67500.0,71212.5,0.0,67500.0,WEDNESDAY,7,Y,1,0.0,,,XNA,Approved,-2793,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,10.0,middle,Cash Street: middle,365243.0,-2763.0,-2493.0,-2493.0,-2488.0,1.0,0,Cash loans,F,N,Y,0,90000.0,291915.0,20443.5,252000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.020246,-22600,365243,-13085.0,-4779,,1,0,0,1,0,0,,1.0,3,3,WEDNESDAY,7,0,0,0,0,0,0,XNA,,0.4471060426547624,0.6075573001388961,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1245.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2210138,433023,Consumer loans,3536.235,19012.5,20016.0,0.0,19012.5,TUESDAY,8,Y,1,0.0,,,XAP,Approved,-452,XNA,XAP,,Repeater,Construction Materials,POS,XNA,Stone,416,Construction,6.0,low_normal,POS industry with interest,365243.0,-405.0,-255.0,-255.0,-251.0,0.0,0,Cash loans,M,N,N,0,202500.0,553806.0,26770.5,495000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-16836,-4188,-5188.0,-255,,1,1,0,1,0,0,Core staff,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,Police,0.29350996453216355,0.7110237859978195,0.4241303111942548,,,0.9791,,,,,,,,,0.0516,,,,,0.9791,,,,,,,,,0.0537,,,,,0.9791,,,,,,,,,0.0525,,,,,0.0406,,No,0.0,0.0,0.0,0.0,-1334.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1428795,422431,Cash loans,54520.2,1350000.0,1467612.0,,1350000.0,MONDAY,13,Y,1,,,,Building a house or an annex,Refused,-709,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,low_action,Cash Street: low,,,,,,,0,Cash loans,M,Y,N,1,576000.0,2687355.0,67932.0,2475000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-16557,-1927,-4785.0,-91,6.0,1,1,1,1,1,0,Managers,3.0,2,2,TUESDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.6409620602795326,,0.1526,0.0916,0.9925,0.898,0.0277,0.16,0.1379,0.375,0.4167,0.0,0.1227,0.1649,0.0077,0.0096,0.1439,0.092,0.9926,0.902,0.0276,0.1611,0.1379,0.375,0.4167,0.0,0.1258,0.1603,0.0,0.0,0.1541,0.0916,0.9925,0.8994,0.0279,0.16,0.1379,0.375,0.4167,0.0,0.1248,0.1679,0.0078,0.0098,reg oper account,block of flats,0.121,Panel,No,0.0,0.0,0.0,0.0,-1515.0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,,,,,, +1715688,207215,Cash loans,37339.155,675000.0,767664.0,,675000.0,MONDAY,10,Y,1,,,,Repairs,Approved,-382,Cash through the bank,XAP,,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,middle,Cash Street: middle,365243.0,-352.0,1058.0,-22.0,-19.0,1.0,0,Cash loans,M,Y,Y,0,99000.0,1078200.0,31653.0,900000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-23284,365243,-9305.0,-4651,10.0,1,0,0,1,0,0,,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,XNA,,0.6116990265253609,0.6347055309763198,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-382.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1850369,168911,Consumer loans,7140.645,108918.0,108918.0,0.0,108918.0,THURSDAY,18,Y,1,0.0,,,XAP,Approved,-901,Cash through the bank,XAP,"Spouse, partner",New,Computers,POS,XNA,Regional / Local,250,Consumer electronics,18.0,low_normal,POS household with interest,365243.0,-870.0,-360.0,-450.0,-443.0,0.0,0,Revolving loans,M,N,N,1,112500.0,225000.0,11250.0,225000.0,"Spouse, partner",Working,Secondary / secondary special,Married,With parents,0.0228,-9987,-494,-4774.0,-2615,,1,1,0,1,1,0,Drivers,3.0,2,2,TUESDAY,10,0,0,0,1,1,1,Construction,,0.5350254916176216,0.2721336844147212,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-86.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,2.0,2.0 +1696499,313039,Consumer loans,6591.465,31455.0,33948.0,0.0,31455.0,WEDNESDAY,15,Y,1,0.0,,,XAP,Approved,-280,XNA,XAP,Unaccompanied,Repeater,Photo / Cinema Equipment,POS,XNA,Regional / Local,150,Consumer electronics,6.0,middle,POS household with interest,365243.0,-250.0,-100.0,-100.0,-94.0,1.0,0,Revolving loans,F,N,N,0,135000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-10085,-1761,-1768.0,-2771,,1,1,0,1,0,0,Waiters/barmen staff,2.0,2,2,WEDNESDAY,14,0,0,0,1,1,0,Business Entity Type 3,0.0882563141520215,0.5727920437502906,0.5549467685334323,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1837.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1424370,363749,Revolving loans,4500.0,90000.0,90000.0,,90000.0,SATURDAY,14,Y,1,,,,XAP,Approved,-167,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,2,225000.0,514602.0,54166.5,495000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-18943,-3582,-3859.0,-2483,20.0,1,1,0,1,0,0,Core staff,4.0,2,2,FRIDAY,16,0,0,0,0,0,0,Hotel,0.6608640077745275,0.3719876455384437,,0.0619,,0.9811,0.7416,,0.0,0.1379,0.1667,0.2083,,0.0504,0.0607,0.0,0.0,0.063,,0.9811,0.7517,,0.0,0.1379,0.1667,0.2083,,0.0551,0.0632,0.0,0.0,0.0625,,0.9811,0.7451,,0.0,0.1379,0.1667,0.2083,,0.0513,0.0617,0.0,0.0,reg oper account,block of flats,0.0477,Panel,No,4.0,1.0,4.0,1.0,-361.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2086034,312079,Consumer loans,4749.12,36886.5,41296.5,0.0,36886.5,MONDAY,14,Y,1,0.0,,,XAP,Approved,-546,Cash through the bank,XAP,,Refreshed,Homewares,POS,XNA,Country-wide,1000,Construction,10.0,middle,POS industry with interest,365243.0,-515.0,-245.0,-245.0,-239.0,0.0,0,Cash loans,F,N,Y,2,112500.0,1546020.0,45333.0,1350000.0,Family,Working,Secondary / secondary special,Married,With parents,0.035792000000000004,-8958,-1795,-901.0,-1550,,1,1,0,1,0,0,Sales staff,4.0,2,2,MONDAY,14,0,0,0,0,0,0,Self-employed,,0.6474975711077288,0.6674577419214722,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1156910,254425,Consumer loans,20395.755,152955.0,113184.0,39771.0,152955.0,WEDNESDAY,20,Y,1,0.2831828612693572,,,XAP,Approved,-2906,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,2604,Consumer electronics,6.0,low_normal,POS household without interest,365243.0,-2874.0,-2724.0,-2754.0,-2671.0,0.0,0,Cash loans,M,N,N,1,225000.0,1231272.0,32607.0,882000.0,Unaccompanied,Commercial associate,Higher education,Married,With parents,0.030755,-19735,-1214,-2967.0,-3289,,1,1,0,1,0,0,,3.0,2,2,THURSDAY,16,0,0,0,0,0,0,Other,,0.6122909843311755,0.7062051096536562,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-712.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2792143,167850,Consumer loans,3984.12,36810.0,35860.5,3681.0,36810.0,THURSDAY,12,Y,1,0.10138572477937448,,,XAP,Approved,-2200,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,2300,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2169.0,-1899.0,-1899.0,-1882.0,1.0,0,Cash loans,M,Y,Y,0,112500.0,675000.0,21906.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-18775,-4593,-8691.0,-2317,24.0,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,Industry: type 3,,0.7050160221089112,0.2750003523983893,0.1237,0.08800000000000001,0.9851,,,0.0,0.069,0.1667,,,,0.064,,0.0,0.1261,0.0913,0.9851,,,0.0,0.069,0.1667,,,,0.0667,,0.0,0.1249,0.08800000000000001,0.9851,,,0.0,0.069,0.1667,,,,0.0651,,0.0,,block of flats,0.0503,Panel,No,2.0,0.0,2.0,0.0,-2200.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1897298,294809,Consumer loans,14588.055,156289.5,156289.5,0.0,156289.5,SUNDAY,14,Y,1,0.0,,,XAP,Approved,-577,Cash through the bank,XAP,,Repeater,Medical Supplies,POS,XNA,Stone,10,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-325.0,5.0,-295.0,-290.0,0.0,0,Cash loans,F,N,N,0,189000.0,1288350.0,41562.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.019688999999999998,-17061,-5303,-2952.0,-614,,1,1,1,1,0,0,Managers,1.0,2,2,TUESDAY,12,0,0,0,0,0,0,Other,,0.6703924236397789,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1594.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2754509,108322,Cash loans,26207.82,427500.0,467001.0,,427500.0,SUNDAY,11,Y,1,,,,XNA,Approved,-863,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-833.0,-143.0,-173.0,-170.0,1.0,0,Cash loans,F,N,N,0,157500.0,675000.0,65889.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.025164,-23629,365243,-47.0,-4425,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,12,0,0,0,0,0,0,XNA,,0.26525634018619443,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-1736.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1939840,180057,Revolving loans,16875.0,337500.0,337500.0,,337500.0,THURSDAY,9,Y,1,,,,XAP,Approved,-161,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,157500.0,274941.0,21406.5,229500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-16773,-244,-6761.0,-304,,1,1,0,1,0,0,Core staff,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,Trade: type 3,0.18380582963372746,0.5247194167914286,0.7091891096653581,0.0655,0.1053,0.9771,,,0.0,0.1552,0.1042,,0.12,,0.0583,,0.0,0.0084,0.1093,0.9727,,,0.0,0.0345,0.0417,,0.1227,,0.0094,,0.0,0.0661,0.1053,0.9771,,,0.0,0.1552,0.1042,,0.1221,,0.0594,,0.0,,block of flats,0.0071,Block,No,0.0,0.0,0.0,0.0,-722.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1309828,220653,Cash loans,11377.98,180000.0,203760.0,,180000.0,THURSDAY,8,Y,1,,,,XNA,Approved,-133,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-103.0,587.0,-103.0,-95.0,1.0,0,Cash loans,F,N,N,0,81000.0,225000.0,11781.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-17417,-2544,-4580.0,-967,,1,1,1,1,0,0,,2.0,2,2,THURSDAY,6,0,0,0,0,0,0,Government,0.6508267623556745,0.6001548616006187,,0.0546,0.0572,0.9856,0.8028,,0.0,0.0345,0.0833,,,,0.0263,,,0.0557,0.0593,0.9856,0.8105,,0.0,0.0345,0.0833,,,,0.0274,,,0.0552,0.0572,0.9856,0.8054,,0.0,0.0345,0.0833,,,,0.0268,,,,specific housing,0.0208,"Stone, brick",No,0.0,0.0,0.0,0.0,-3189.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1063940,324848,Cash loans,,0.0,0.0,,,TUESDAY,14,Y,1,,,,XNA,Refused,-182,XNA,SCOFR,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,MLM partners,,XNA,Cash,,,,,,,0,Cash loans,M,N,Y,0,90000.0,450000.0,27193.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-9328,-916,-4309.0,-2009,,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Industry: type 7,0.15951113936510933,0.3218976204895264,0.5585066276769286,0.0619,0.0628,0.9762,,,,0.1379,0.1667,,0.0633,,0.0496,,0.0183,0.063,0.0652,0.9762,,,,0.1379,0.1667,,0.0647,,0.0516,,0.0194,0.0625,0.0628,0.9762,,,,0.1379,0.1667,,0.0644,,0.0505,,0.0187,,block of flats,0.043,Panel,No,0.0,0.0,0.0,0.0,-937.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2663330,223314,Consumer loans,6684.615,47970.0,54976.5,4797.0,47970.0,FRIDAY,12,Y,1,0.0874027636144628,,,XAP,Approved,-815,Cash through the bank,XAP,Unaccompanied,Refreshed,Mobile,POS,XNA,Country-wide,25,Connectivity,12.0,high,POS mobile with interest,365243.0,-773.0,-443.0,-473.0,-470.0,0.0,0,Revolving loans,F,N,Y,0,58500.0,157500.0,7875.0,202500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.02461,-16171,-9597,-7304.0,-4345,,1,1,1,1,1,0,,1.0,2,2,MONDAY,12,0,0,0,0,0,0,Business Entity Type 1,,0.6071394123427742,0.501075160239048,0.0165,,0.9896,,,0.0,0.0345,0.125,,0.0613,,0.0155,,0.0068,0.0168,,0.9896,,,0.0,0.0345,0.125,,0.0627,,0.0161,,0.0071,0.0167,,0.9896,,,0.0,0.0345,0.125,,0.0623,,0.0158,,0.0069,,block of flats,0.0137,"Stone, brick",No,1.0,0.0,1.0,0.0,-1900.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1901673,305139,Cash loans,22482.0,225000.0,225000.0,,225000.0,SATURDAY,17,Y,1,,,,XNA,Approved,-1101,Cash through the bank,XAP,Family,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1071.0,-741.0,-741.0,-722.0,0.0,0,Cash loans,M,Y,Y,0,146700.0,1205451.0,39969.0,1080000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.04622,-23664,-1308,-7319.0,-4393,25.0,1,1,0,1,1,0,Security staff,2.0,1,1,MONDAY,16,0,0,0,0,0,0,Security,,0.7898504235454179,0.11612491427195998,0.0412,0.0715,0.9692,0.5784,0.0322,0.0,0.1724,0.125,0.1667,0.1159,0.0336,0.0434,0.0,0.0,0.042,0.0742,0.9692,0.5949,0.0325,0.0,0.1724,0.125,0.1667,0.1186,0.0367,0.0452,0.0,0.0,0.0416,0.0715,0.9692,0.584,0.0324,0.0,0.1724,0.125,0.1667,0.1179,0.0342,0.0441,0.0,0.0,reg oper account,block of flats,0.0517,"Stone, brick",No,4.0,0.0,4.0,0.0,-1101.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1460073,303275,Consumer loans,3253.77,26505.0,23854.5,2650.5,26505.0,SUNDAY,13,Y,1,0.1089090909090909,,,XAP,Approved,-1197,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,35,Connectivity,10.0,high,POS mobile with interest,365243.0,-1134.0,-864.0,-984.0,-980.0,0.0,0,Cash loans,F,N,Y,0,90000.0,50940.0,5089.5,45000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.011656999999999999,-24043,365243,-8601.0,-4048,,1,0,0,1,0,0,,1.0,1,1,SUNDAY,11,0,0,0,0,0,0,XNA,0.7863749995935402,0.6914250765068548,0.6363761710860439,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1800.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +2248469,300949,Revolving loans,4500.0,0.0,90000.0,,,SUNDAY,14,Y,1,,,,XAP,Approved,-2638,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card Street,-2635.0,-2574.0,365243.0,-1022.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,157500.0,219069.0,11313.0,148500.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.030755,-15611,-107,-4831.0,-5016,5.0,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,17,0,0,0,0,0,0,Construction,,0.6234375381283483,0.5797274227921155,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2410.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2127006,231062,Consumer loans,11675.745,72342.0,60925.5,14472.0,72342.0,FRIDAY,10,Y,1,0.20904305363392195,,,XAP,Approved,-496,Cash through the bank,XAP,,Repeater,Auto Accessories,POS,XNA,Regional / Local,30,Industry,6.0,middle,POS other with interest,365243.0,-448.0,-298.0,-328.0,-326.0,0.0,0,Revolving loans,M,Y,N,0,112500.0,180000.0,9000.0,180000.0,Family,State servant,Secondary / secondary special,Single / not married,With parents,0.026392000000000002,-9532,-1780,-4132.0,-2122,5.0,1,1,0,1,0,0,,1.0,2,2,THURSDAY,14,0,0,0,0,0,0,Other,,0.2660071104561016,0.722392890081304,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,-1466.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1170593,262819,Revolving loans,5625.0,112500.0,112500.0,,112500.0,SUNDAY,10,Y,1,,,,XAP,Refused,-110,XNA,HC,Unaccompanied,Refreshed,XNA,Cards,x-sell,Country-wide,200,Consumer electronics,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,180000.0,521280.0,35392.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.04622,-21212,-3396,-14778.0,-4055,,1,1,1,1,0,0,Cleaning staff,2.0,1,1,FRIDAY,14,0,0,0,0,0,0,Housing,,0.4474520339779709,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-2154.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2430483,449398,Consumer loans,8263.53,59130.0,30604.5,29565.0,59130.0,WEDNESDAY,10,Y,1,0.5351377812225916,,,XAP,Approved,-592,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Regional / Local,145,Consumer electronics,4.0,middle,POS household with interest,365243.0,-561.0,-471.0,-501.0,-497.0,0.0,0,Cash loans,F,N,Y,0,99000.0,508495.5,21541.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-19269,-3067,-6554.0,-2511,,1,1,1,1,0,0,Core staff,2.0,2,2,SUNDAY,7,0,0,0,0,0,0,Kindergarten,,0.6114185102677335,0.5460231970049609,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-592.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2439063,209205,Cash loans,44307.27,540000.0,572076.0,,540000.0,SUNDAY,18,Y,1,,,,XNA,Approved,-714,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-683.0,-173.0,-173.0,-168.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,640080.0,29970.0,450000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-18800,-357,-516.0,-2342,38.0,1,1,0,1,0,0,Drivers,2.0,1,1,SUNDAY,15,0,0,0,0,0,0,Industry: type 3,,0.5987634593223361,0.7366226976503176,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1882753,180776,Cash loans,26316.0,900000.0,900000.0,,900000.0,THURSDAY,14,Y,1,,,,XNA,Refused,-334,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,N,Y,1,292500.0,302341.5,16528.5,261000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.010966,-10969,-4208,-145.0,-3519,,1,1,0,1,0,0,Managers,3.0,2,2,TUESDAY,14,0,0,0,0,0,0,Police,,0.5031453070113279,0.5370699579791587,0.3247,0.0907,0.999,,0.1148,0.24,0.1034,0.625,0.6667,0.3089,0.2597,0.2851,0.0232,0.0849,0.3309,0.0941,0.999,,0.1159,0.2417,0.1034,0.625,0.6667,0.3159,0.2837,0.2971,0.0233,0.0898,0.3279,0.0907,0.999,,0.1155,0.24,0.1034,0.625,0.6667,0.3143,0.2642,0.2903,0.0233,0.0866,reg oper spec account,block of flats,0.373,"Stone, brick",No,0.0,0.0,0.0,0.0,-3051.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +1608510,283368,Cash loans,22585.455,450000.0,628771.5,,450000.0,SATURDAY,11,Y,1,,,,XNA,Refused,-403,XNA,HC,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,N,Y,3,180000.0,239850.0,28462.5,225000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.04622,-12261,-1482,-1268.0,-1531,,1,1,0,1,1,0,Laborers,5.0,1,1,WEDNESDAY,16,0,1,1,0,1,1,Industry: type 1,0.15652514009299634,0.7228798147996307,0.4722533429586386,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-585.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2647128,153465,Consumer loans,31229.01,312268.5,281038.5,31230.0,312268.5,WEDNESDAY,19,Y,1,0.10892007708401287,,,XAP,Refused,-1056,Cash through the bank,HC,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,750,Consumer electronics,10.0,low_normal,POS household with interest,,,,,,,0,Cash loans,F,Y,Y,2,405000.0,835380.0,45445.5,675000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-10042,-732,-1335.0,-2364,7.0,1,1,0,1,0,0,Accountants,4.0,1,1,TUESDAY,17,0,0,0,0,0,0,Transport: type 4,0.3944714935530205,0.6867259490133649,0.3539876078507373,0.3134,0.0545,0.9965,,,0.48,0.1379,0.7083,,0.0205,,0.2912,,0.0525,0.3193,0.0566,0.9965,,,0.4834,0.1379,0.7083,,0.021,,0.3034,,0.0556,0.3164,0.0545,0.9965,,,0.48,0.1379,0.7083,,0.0209,,0.2964,,0.0536,,block of flats,0.2404,Panel,No,0.0,0.0,0.0,0.0,-1057.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2606379,312659,Consumer loans,44300.295,466564.5,466564.5,0.0,466564.5,WEDNESDAY,17,Y,1,0.0,,,XAP,Approved,-22,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Regional / Local,5,Furniture,12.0,low_normal,POS industry with interest,365243.0,365243.0,340.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,121500.0,882000.0,25920.0,882000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.028663,-14461,-156,-1185.0,-1052,1.0,1,1,0,1,0,0,Accountants,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Government,,0.6549080549137015,0.6528965519806539,0.1429,0.1072,0.9851,0.7552,0.0586,0.104,0.1034,0.325,0.3333,0.0581,0.1225,0.1382,0.0019,0.0235,0.0756,0.042,0.9861,0.8171,0.0229,0.1611,0.1034,0.3333,0.375,0.0,0.0661,0.0586,0.0,0.0,0.1124,0.1091,0.9861,0.7652,0.0644,0.12,0.1034,0.3333,0.375,0.0624,0.1261,0.1717,0.0,0.0,reg oper account,block of flats,0.1707,Panel,No,0.0,0.0,0.0,0.0,-1596.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,3.0,3.0 +1260979,300923,Consumer loans,10379.97,111253.5,111253.5,0.0,111253.5,SUNDAY,10,Y,1,0.0,,,XAP,Approved,-2481,Cash through the bank,XAP,"Spouse, partner",New,Furniture,POS,XNA,Country-wide,10,Furniture,12.0,low_normal,POS industry with interest,365243.0,-2450.0,-2120.0,-2120.0,-2117.0,0.0,0,Cash loans,F,N,Y,0,112500.0,888840.0,29506.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.010966,-20722,-2742,-14148.0,-4277,,1,1,0,1,1,0,,1.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Government,,0.631844244706489,0.5352762504724826,0.0639,0.0745,0.9806,,0.0085,0.0,0.1379,0.1667,0.2083,0.0871,0.0513,0.0525,0.0039,0.0446,0.0651,0.0774,0.9806,,0.0086,0.0,0.1379,0.1667,0.2083,0.0891,0.056,0.0547,0.0039,0.0472,0.0645,0.0745,0.9806,,0.0085,0.0,0.1379,0.1667,0.2083,0.0887,0.0522,0.0535,0.0039,0.0455,reg oper spec account,block of flats,0.0516,"Stone, brick",No,0.0,0.0,0.0,0.0,-2481.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2013966,271721,Consumer loans,5896.125,33120.0,35307.0,0.0,33120.0,FRIDAY,14,Y,1,0.0,,,XAP,Approved,-1228,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,40,Connectivity,8.0,high,POS mobile with interest,365243.0,-1197.0,-987.0,-987.0,-980.0,0.0,0,Cash loans,F,N,N,0,135000.0,288873.0,11020.5,238500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007273999999999998,-14860,-5507,-7068.0,-3994,,1,1,0,1,0,0,,2.0,2,2,MONDAY,11,0,0,0,0,1,1,Government,,0.6437953609744713,0.501075160239048,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1228.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1227438,205892,Revolving loans,22500.0,0.0,450000.0,,,SATURDAY,11,Y,1,,,,XAP,Approved,-970,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-968.0,-922.0,365243.0,-161.0,365243.0,0.0,0,Cash loans,F,N,Y,1,180000.0,281493.0,25947.0,243000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010147,-14499,-2020,-8644.0,-5220,,1,1,0,1,0,1,Medicine staff,3.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Other,0.7009232616764169,0.6533347627709593,0.34741822720026416,0.0722,,0.9781,,,,0.1379,0.1667,,,,0.065,,,0.0735,,0.9782,,,,0.1379,0.1667,,,,0.0677,,,0.0729,,0.9781,,,,0.1379,0.1667,,,,0.0661,,,,block of flats,0.0511,"Stone, brick",No,0.0,0.0,0.0,0.0,-1870.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1213575,101006,Cash loans,8806.005,45000.0,46485.0,,45000.0,THURSDAY,12,Y,1,,,,XNA,Approved,-1009,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,,,,,,,0,Revolving loans,F,N,N,0,180000.0,540000.0,27000.0,540000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.025164,-22839,365243,-9376.0,-4008,,1,0,0,1,1,0,,1.0,2,2,FRIDAY,8,0,0,0,0,0,0,XNA,,0.4347890995754515,0.6848276586890367,0.0186,0.0151,0.9861,0.8096,0.0048,0.0,0.069,0.0833,0.0,0.0,0.0151,0.0096,0.0,0.0,0.0189,0.0157,0.9861,0.8171,0.0048,0.0,0.069,0.0833,0.0,0.0,0.0165,0.01,0.0,0.0,0.0187,0.0151,0.9861,0.8121,0.0048,0.0,0.069,0.0833,0.0,0.0,0.0154,0.0098,0.0,0.0,reg oper spec account,block of flats,0.0131,Panel,No,3.0,0.0,3.0,0.0,-3233.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2474456,261614,Consumer loans,12162.06,219650.805,219650.805,0.0,219650.805,FRIDAY,10,Y,1,0.0,,,XAP,Approved,-54,XNA,XAP,,Repeater,Medical Supplies,POS,XNA,Country-wide,150,XNA,24.0,low_normal,POS industry with interest,,,,,,,0,Cash loans,F,N,Y,0,67500.0,361998.0,17545.5,292500.0,Unaccompanied,Pensioner,Higher education,Widow,House / apartment,0.007120000000000001,-18578,365243,-8105.0,-2121,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,XNA,0.14819109680656073,0.580686936821281,0.5424451438613613,0.16699999999999998,,0.9791,0.7144,,0.0,0.1034,0.1667,0.0417,,0.1345,0.0609,,,0.1702,,0.9791,0.7256,,0.0,0.1034,0.1667,0.0417,,0.1469,0.0634,,,0.1686,,0.9791,0.7182,,0.0,0.1034,0.1667,0.0417,,0.1368,0.062,,,not specified,block of flats,0.048,"Stone, brick",No,4.0,1.0,4.0,1.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1253924,321823,Revolving loans,6750.0,135000.0,135000.0,,135000.0,TUESDAY,5,Y,1,,,,XAP,Refused,-697,XNA,HC,,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),6,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,1,135000.0,956574.0,40657.5,855000.0,"Spouse, partner",State servant,Higher education,Married,With parents,0.006629,-11646,-95,-2217.0,-2896,,1,1,1,1,1,0,Core staff,3.0,2,2,SATURDAY,6,0,0,0,1,1,0,School,,0.045090391554072566,0.5691487713619409,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2184120,363373,Cash loans,17026.695,180000.0,215500.5,,180000.0,WEDNESDAY,11,Y,1,,,,Repairs,Approved,-387,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,high,Cash Street: high,365243.0,-357.0,333.0,-177.0,-173.0,1.0,0,Cash loans,M,N,N,1,225000.0,1125000.0,36423.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-11818,-496,-5404.0,-4257,,1,1,0,1,0,0,Laborers,3.0,2,2,FRIDAY,12,0,0,0,0,0,0,Construction,0.26403555381901145,0.6468334631150922,0.4294236843421945,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2268.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1075574,296033,Consumer loans,6914.115,74938.5,67441.5,7497.0,74938.5,THURSDAY,17,Y,1,0.10895487026634562,,,XAP,Approved,-628,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Regional / Local,50,Consumer electronics,12.0,middle,POS household with interest,365243.0,-597.0,-267.0,-297.0,-289.0,0.0,0,Cash loans,F,N,Y,1,67500.0,900000.0,26316.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010966,-12470,-4885,-838.0,-3382,,1,1,0,1,0,0,Laborers,3.0,2,2,TUESDAY,14,0,0,0,0,0,0,Industry: type 3,,0.61274770770586,0.8327850252992314,,,0.9901,,,,,,,,,0.0501,,,,,0.9901,,,,,,,,,0.0522,,,,,0.9901,,,,,,,,,0.051,,,,,0.0697,,No,0.0,0.0,0.0,0.0,-6.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1822343,430372,Consumer loans,2010.195,16312.5,14737.5,2700.0,16312.5,SATURDAY,14,Y,1,0.16863343108504394,,,XAP,Approved,-2099,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Regional / Local,94,Connectivity,10.0,high,POS mobile with interest,365243.0,-2065.0,-1795.0,-1795.0,-1790.0,0.0,0,Cash loans,F,N,Y,0,450000.0,675000.0,21906.0,675000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.0228,-15119,-1183,-9255.0,-4446,,1,1,0,1,1,0,Managers,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.6450599397748606,0.6597204256526884,0.4418358231994413,0.334,0.1773,0.9851,0.7959999999999999,0.0728,0.36,0.3103,0.3333,0.375,0.1732,0.2723,0.3599,0.0,0.0,0.3403,0.184,0.9851,0.804,0.0734,0.3625,0.3103,0.3333,0.375,0.1772,0.2975,0.3749,0.0,0.0,0.3373,0.1773,0.9851,0.7987,0.0732,0.36,0.3103,0.3333,0.375,0.1763,0.277,0.3663,0.0,0.0,reg oper account,block of flats,0.3228,Panel,No,0.0,0.0,0.0,0.0,-515.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1213662,193271,Consumer loans,7325.145,103680.0,141768.0,0.0,103680.0,SUNDAY,10,Y,1,0.0,,,XAP,Approved,-614,Cash through the bank,XAP,,New,Computers,POS,XNA,Regional / Local,100,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-583.0,107.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,1,54000.0,214146.0,14310.0,214146.0,"Spouse, partner",Working,Secondary / secondary special,Married,With parents,0.018209,-8554,-345,-4299.0,-1215,,1,1,1,1,0,0,Low-skill Laborers,3.0,3,3,FRIDAY,11,0,0,0,0,0,0,Business Entity Type 2,,0.3933389295090013,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-614.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1723601,429391,Consumer loans,3957.615,36018.0,35622.0,3604.5,36018.0,TUESDAY,13,Y,1,0.1000759227006789,,,XAP,Approved,-2435,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,12.0,high,POS mobile with interest,365243.0,-2403.0,-2073.0,-2103.0,-2094.0,1.0,0,Cash loans,F,N,Y,0,90000.0,568197.0,24201.0,490500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.004849,-16495,-231,-256.0,-38,,1,1,0,1,0,0,Medicine staff,2.0,2,2,MONDAY,16,0,0,0,0,0,0,Other,,0.04305650055753457,0.7530673920730478,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1188640,185276,Consumer loans,5976.045,56646.0,62626.5,0.0,56646.0,SATURDAY,14,Y,1,0.0,,,XAP,Approved,-379,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,300,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-348.0,-18.0,-18.0,-14.0,0.0,0,Cash loans,F,Y,Y,1,225000.0,1125000.0,36292.5,1125000.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.018209,-14400,-1643,-8263.0,-4157,6.0,1,1,1,1,1,0,Accountants,2.0,3,3,SUNDAY,16,1,1,0,1,1,1,Industry: type 9,0.4877890429821444,0.7265618029211046,0.32173528219668485,0.0629,0.0742,0.9727,0.626,0.0107,0.0,0.1379,0.125,0.1667,0.0371,0.0462,0.0759,0.0232,0.0482,0.0641,0.077,0.9727,0.6406,0.0108,0.0,0.1379,0.125,0.1667,0.0379,0.0505,0.0791,0.0233,0.051,0.0635,0.0742,0.9727,0.631,0.0107,0.0,0.1379,0.125,0.1667,0.0377,0.047,0.0772,0.0233,0.0492,reg oper spec account,block of flats,0.076,"Stone, brick",No,0.0,0.0,0.0,0.0,-379.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,1.0,0.0 +2363123,290553,Consumer loans,13402.845,221400.0,259393.5,0.0,221400.0,MONDAY,18,Y,1,0.0,,,XAP,Approved,-609,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,200,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-578.0,112.0,-128.0,-120.0,0.0,0,Cash loans,F,Y,Y,0,135000.0,1350000.0,39474.0,1350000.0,"Spouse, partner",Working,Higher education,Married,House / apartment,0.030755,-10346,-1350,-4702.0,-801,4.0,1,1,1,1,0,0,Core staff,2.0,2,2,MONDAY,13,0,0,0,0,0,0,Government,0.4366128339871701,0.5924061679297055,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,2.0,0.0,-609.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2545078,101282,Cash loans,14937.795,351000.0,415863.0,,351000.0,WEDNESDAY,17,Y,1,,,,XNA,Refused,-278,Cash through the bank,XNA,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Revolving loans,F,Y,Y,0,135000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008625,-18777,-2999,-3875.0,-2323,3.0,1,1,0,1,1,0,Laborers,2.0,2,2,MONDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.4468952292879257,0.7662336700704004,0.0722,0.0727,0.9801,,,0.0,0.2069,0.1667,,0.0225,,0.0605,,0.0653,0.0735,0.0755,0.9801,,,0.0,0.2069,0.1667,,0.023,,0.0631,,0.0691,0.0729,0.0727,0.9801,,,0.0,0.2069,0.1667,,0.0229,,0.0616,,0.0666,,block of flats,0.0644,Panel,No,0.0,0.0,0.0,0.0,-730.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,1.0,4.0 +2274158,392830,Cash loans,10933.29,54000.0,55782.0,0.0,54000.0,FRIDAY,12,Y,1,0.0,,,XNA,Approved,-2220,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,6.0,high,Cash Street: high,365243.0,-2190.0,-2040.0,-2040.0,-2036.0,1.0,0,Cash loans,M,Y,Y,2,180000.0,1288350.0,37800.0,1125000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.019688999999999998,-15594,-4855,-5247.0,-3950,6.0,1,1,0,1,0,0,Laborers,3.0,2,2,SATURDAY,10,0,0,0,0,0,0,Industry: type 1,,0.618300467711699,0.7838324335199619,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-595.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2208269,264985,Consumer loans,4492.305,19656.0,21213.0,0.0,19656.0,THURSDAY,13,Y,1,0.0,,,XAP,Approved,-42,Cash through the bank,XAP,Other_B,Repeater,Mobile,POS,XNA,Country-wide,24,Connectivity,6.0,high,POS mobile with interest,365243.0,-12.0,138.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,N,1,202500.0,1016496.0,33723.0,877500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,With parents,0.016612000000000002,-8275,-1008,-1238.0,-959,64.0,1,1,0,1,1,0,Sales staff,3.0,2,2,THURSDAY,14,0,0,0,1,1,0,Trade: type 7,0.2214522011861383,0.32649215542973603,0.2764406945454034,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-861.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1482002,262726,Consumer loans,22521.465,279189.0,207189.0,72000.0,279189.0,THURSDAY,16,Y,1,0.2808654547798998,,,XAP,Approved,-2594,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,2009,Consumer electronics,12.0,high,POS household with interest,365243.0,-2563.0,-2233.0,-2233.0,-2227.0,0.0,0,Cash loans,F,N,Y,0,360000.0,1350000.0,52123.5,1350000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.019688999999999998,-21261,-4248,-7669.0,-4756,,1,1,1,1,1,0,Managers,1.0,2,2,MONDAY,9,0,0,0,0,0,0,Self-employed,,0.6566406809767131,0.6446794549585961,0.0825,0.07200000000000001,0.9757,,,0.0,0.1379,0.1667,,0.0808,,0.0633,,0.0,0.084,0.0747,0.9757,,,0.0,0.1379,0.1667,,0.0826,,0.0659,,0.0,0.0833,0.07200000000000001,0.9757,,,0.0,0.1379,0.1667,,0.0822,,0.0644,,0.0,,block of flats,0.0498,"Stone, brick",No,0.0,0.0,0.0,0.0,-2594.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1036731,257094,Cash loans,4727.7,45000.0,45000.0,,45000.0,SATURDAY,10,Y,1,,,,XNA,Refused,-363,Cash through the bank,HC,,Refreshed,XNA,Cash,x-sell,AP+ (Cash loan),10,XNA,12.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,67500.0,95940.0,9616.5,90000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.025164,-21889,365243,-6339.0,-3966,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,9,0,0,0,0,0,0,XNA,,0.6001233759351794,0.5744466170995097,0.0825,,0.9846,,,0.0,0.2069,0.1667,,,,0.0774,,0.0,0.084,,0.9846,,,0.0,0.2069,0.1667,,,,0.0807,,0.0,0.0833,,0.9846,,,0.0,0.2069,0.1667,,,,0.0788,,0.0,,block of flats,0.0609,Panel,No,3.0,2.0,3.0,2.0,-363.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1475784,451286,Consumer loans,4590.675,32836.5,31747.5,3285.0,32836.5,FRIDAY,13,Y,1,0.10212413148829333,,,XAP,Approved,-2389,Cash through the bank,XAP,Other_B,New,Mobile,POS,XNA,Country-wide,21,Connectivity,9.0,low_normal,POS mobile with interest,365243.0,-2358.0,-2118.0,-2118.0,-2114.0,1.0,0,Cash loans,F,N,N,0,139500.0,755190.0,29947.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.020713,-20355,-1811,-9249.0,-3656,,1,1,1,1,1,0,Core staff,1.0,3,3,SATURDAY,14,0,0,0,0,1,1,Kindergarten,,0.44551730814736185,0.4543210601605785,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1767.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2167764,240238,Cash loans,36836.1,630000.0,630000.0,,630000.0,WEDNESDAY,15,Y,1,,,,XNA,Approved,-1360,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,24.0,middle,Cash X-Sell: middle,365243.0,-1330.0,-640.0,-640.0,-635.0,0.0,0,Cash loans,M,N,N,0,270000.0,490495.5,38754.0,454500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.035792000000000004,-18153,-210,-3332.0,-1648,,1,1,0,1,1,0,Managers,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.4747335640751934,0.7421816117614419,0.1052,,0.9846,,,0.16,0.069,0.4583,,,,0.0646,,,0.1071,,0.9846,,,0.1611,0.069,0.4583,,,,0.0673,,,0.1062,,0.9846,,,0.16,0.069,0.4583,,,,0.0657,,,,block of flats,0.0772,Panel,No,0.0,0.0,0.0,0.0,-1736.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2774319,120533,Revolving loans,11250.0,0.0,225000.0,,,FRIDAY,8,Y,1,,,,XAP,Approved,-2755,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,27,Connectivity,0.0,XNA,Card Street,-2747.0,-2692.0,365243.0,-1657.0,365243.0,0.0,0,Cash loans,M,N,Y,0,202500.0,1291500.0,46521.0,1291500.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.014519999999999996,-21331,365243,-5282.0,-4820,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,XNA,,0.3144074714444937,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-776.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1854106,151018,Consumer loans,8935.92,67410.0,73809.0,6750.0,67410.0,SUNDAY,14,Y,1,0.09125440529752894,,,XAP,Approved,-1928,Cash through the bank,XAP,Family,New,Furniture,POS,XNA,Stone,26,Industry,10.0,middle,POS industry with interest,365243.0,-1896.0,-1626.0,-1626.0,-1620.0,0.0,0,Cash loans,F,Y,Y,0,292500.0,1287000.0,40410.0,1287000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.026392000000000002,-17561,-9213,-9231.0,-1096,2.0,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,18,0,0,0,0,0,0,Business Entity Type 2,,0.5495058974266936,0.7352209993926424,0.0588,,0.9796,,,0.0,,0.1667,,,,0.0544,,,0.0599,,0.9796,,,0.0,,0.1667,,,,0.0567,,,0.0593,,0.9796,,,0.0,,0.1667,,,,0.0554,,,,block of flats,0.0607,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2230279,101180,Consumer loans,9272.025,89955.0,95323.5,4500.0,89955.0,MONDAY,10,Y,1,0.04909574489883735,,,XAP,Approved,-1654,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,1200,Consumer electronics,14.0,middle,POS household with interest,365243.0,-1623.0,-1233.0,-1233.0,-1228.0,0.0,0,Cash loans,M,N,Y,1,63000.0,78192.0,8419.5,67500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-15457,365243,-9570.0,-4263,,1,0,0,1,0,0,,3.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,XNA,,0.19524726213895907,0.7032033049040319,0.033,0.0073,0.9762,,,0.0,0.069,0.125,,0.0191,,0.0254,,0.0,0.0336,0.0075,0.9762,,,0.0,0.069,0.125,,0.0195,,0.0265,,0.0,0.0333,0.0073,0.9762,,,0.0,0.069,0.125,,0.0194,,0.0259,,0.0,,block of flats,0.0215,"Stone, brick",No,7.0,0.0,6.0,0.0,-1654.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1076239,223444,Consumer loans,27756.765,324580.5,241699.5,97375.5,324580.5,TUESDAY,12,Y,1,0.3127649393738311,,,XAP,Approved,-1842,Cash through the bank,XAP,Children,Repeater,Audio/Video,POS,XNA,Country-wide,2100,Consumer electronics,10.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,157500.0,545040.0,33475.5,450000.0,"Spouse, partner",Working,Incomplete higher,Married,House / apartment,0.009656999999999999,-16812,-3453,-4824.0,-344,,1,1,0,1,1,0,Sales staff,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Self-employed,0.5093340493370615,0.5183787694129388,0.8038850611746273,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1842.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1605116,418617,Cash loans,6408.72,54000.0,54000.0,,54000.0,SUNDAY,11,Y,1,,,,XNA,Approved,-1340,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Country-wide,15,Connectivity,12.0,high,Cash Street: high,365243.0,-1310.0,-980.0,-1040.0,-1032.0,0.0,0,Cash loans,M,Y,Y,1,360000.0,315000.0,30217.5,315000.0,Unaccompanied,Commercial associate,Higher education,Married,Rented apartment,0.010643000000000001,-10821,-2847,-5033.0,-3498,3.0,1,1,0,1,0,0,Managers,3.0,2,2,WEDNESDAY,15,1,1,1,1,0,0,Trade: type 2,,0.7399386515325229,0.6058362647264226,0.133,0.1532,0.9786,0.7076,0.0151,0.0,0.2759,0.1667,0.2083,0.0,0.1084,0.1197,0.0,0.0,0.1355,0.159,0.9786,0.7190000000000001,0.0152,0.0,0.2759,0.1667,0.2083,0.0,0.1185,0.1248,0.0,0.0,0.1343,0.1532,0.9786,0.7115,0.0152,0.0,0.2759,0.1667,0.2083,0.0,0.1103,0.1219,0.0,0.0,reg oper account,block of flats,0.1024,"Stone, brick",No,4.0,0.0,4.0,0.0,-1340.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2679228,449807,Consumer loans,12046.23,110655.0,114606.0,11065.5,110655.0,SUNDAY,15,Y,1,0.09589553283397947,,,XAP,Approved,-768,Cash through the bank,XAP,Unaccompanied,Refreshed,Consumer Electronics,POS,XNA,Country-wide,221,Consumer electronics,12.0,middle,POS household with interest,365243.0,-737.0,-407.0,-407.0,-404.0,0.0,1,Cash loans,F,N,Y,0,135000.0,247275.0,16717.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.072508,-21761,365243,-13377.0,-4756,,1,0,0,1,1,0,,2.0,1,1,FRIDAY,14,0,0,0,0,0,0,XNA,,0.6734005517578332,0.7850520263728172,0.2959,0.1977,0.9816,,,0.32,0.2759,0.3333,,0.0,,0.1809,,0.0005,0.3015,0.2052,0.9816,,,0.3222,0.2759,0.3333,,0.0,,0.1885,,0.0005,0.2987,0.1977,0.9816,,,0.32,0.2759,0.3333,,0.0,,0.1842,,0.0005,,block of flats,0.2242,Panel,No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2241806,395529,Cash loans,13608.045,135000.0,148365.0,,135000.0,FRIDAY,9,Y,1,,,,Urgent needs,Approved,-724,Cash through the bank,XAP,,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,365243.0,-694.0,-184.0,-334.0,-330.0,1.0,0,Cash loans,F,N,Y,0,225000.0,607041.0,29331.0,490500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.020246,-18521,-1312,-3189.0,-2076,,1,1,0,1,0,0,Core staff,1.0,3,3,MONDAY,6,0,0,0,0,0,0,Government,0.8541737931407164,0.2638523004929805,0.2807895743848605,0.1021,0.0815,0.9771,0.6872,0.0133,0.0,0.2069,0.1667,0.2083,0.0789,0.0799,0.0628,0.0154,0.1011,0.104,0.0845,0.9772,0.6994,0.0134,0.0,0.2069,0.1667,0.2083,0.0807,0.0872,0.0655,0.0156,0.107,0.1031,0.0815,0.9771,0.6914,0.0134,0.0,0.2069,0.1667,0.2083,0.0803,0.0812,0.064,0.0155,0.1032,reg oper account,block of flats,0.0714,Panel,No,1.0,0.0,1.0,0.0,-724.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2678775,305775,Consumer loans,2719.98,21847.5,23652.0,0.0,21847.5,FRIDAY,13,Y,1,0.0,,,XAP,Refused,-1477,XNA,HC,Family,Repeater,Computers,POS,XNA,Regional / Local,21,Consumer electronics,10.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,Y,1,85500.0,107820.0,4747.5,90000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-10236,-3246,-10236.0,-805,,1,1,1,1,1,0,Sales staff,3.0,2,2,FRIDAY,11,0,0,0,0,1,1,Self-employed,,0.3523411768500896,0.7252764347002191,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1410352,151585,Consumer loans,12332.43,94230.0,61303.5,36000.0,94230.0,SATURDAY,19,Y,1,0.4029379490693832,,,XAP,Approved,-799,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,45,Connectivity,6.0,high,POS mobile with interest,365243.0,-768.0,-618.0,-618.0,-616.0,0.0,0,Cash loans,M,Y,Y,0,292500.0,675000.0,32602.5,675000.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,House / apartment,0.014464,-8194,-1287,-7349.0,-817,6.0,1,1,0,1,0,0,Laborers,1.0,2,2,SUNDAY,8,0,0,0,0,0,0,Military,0.13683876150580476,0.5283119533905672,0.4223696523543468,0.1546,0.0152,0.9742,,,0.0,0.0345,0.1667,,0.0523,,0.0668,,0.0,0.1576,0.0158,0.9742,,,0.0,0.0345,0.1667,,0.0535,,0.0696,,0.0,0.1561,0.0152,0.9742,,,0.0,0.0345,0.1667,,0.0532,,0.068,,0.0,,block of flats,0.0526,"Stone, brick",No,1.0,0.0,1.0,0.0,-407.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1481677,209923,Revolving loans,18000.0,360000.0,360000.0,,360000.0,SATURDAY,10,Y,1,,,,XAP,Approved,-58,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,2,225000.0,1129500.0,31189.5,1129500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0228,-18029,-94,-1771.0,-1584,,1,1,0,1,1,0,Medicine staff,4.0,2,2,MONDAY,13,0,0,0,0,0,0,Business Entity Type 2,0.9025036967082573,0.6018852922718863,0.6940926425266661,0.4505,0.3828,0.9975,,,0.48,0.2069,0.5417,,0.1272,,0.3609,,0.2276,0.459,0.3973,0.9975,,,0.4834,0.2069,0.5417,,0.1301,,0.376,,0.241,0.4549,0.3828,0.9975,,,0.48,0.2069,0.5417,,0.1294,,0.3674,,0.2324,,block of flats,0.4357,"Stone, brick",No,0.0,0.0,0.0,0.0,-687.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1366972,107266,Cash loans,16591.5,135000.0,135000.0,0.0,135000.0,SATURDAY,17,Y,1,0.0,,,XNA,Approved,-2751,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,10.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,Y,Y,0,315000.0,1546020.0,50004.0,1350000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.008019,-19047,-1310,-1005.0,-2516,16.0,1,1,0,1,0,0,,2.0,2,2,SATURDAY,11,0,0,0,0,1,1,Business Entity Type 3,,0.5846908971840105,0.7449321846094795,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-410.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2482290,432862,Cash loans,71489.475,1575000.0,1687266.0,,1575000.0,THURSDAY,11,Y,1,,,,XNA,Approved,-480,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-450.0,600.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,405000.0,1354500.0,68935.5,1354500.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.0228,-23711,365243,-1908.0,-4848,,1,0,0,1,1,0,,2.0,2,2,MONDAY,10,0,0,0,0,0,0,XNA,,0.5987161760541374,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-480.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2516622,182370,Consumer loans,4934.745,90675.0,92925.0,0.0,90675.0,WEDNESDAY,16,Y,1,0.0,,,XAP,Approved,-1344,Cash through the bank,XAP,"Spouse, partner",New,Audio/Video,POS,XNA,Regional / Local,814,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-1313.0,-623.0,-623.0,-619.0,0.0,0,Cash loans,F,Y,N,0,180000.0,452385.0,23107.5,373500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-10761,-1007,-2682.0,-949,4.0,1,1,1,1,0,0,Sales staff,2.0,2,2,MONDAY,14,0,0,0,0,1,1,Business Entity Type 3,0.3695903121595687,0.4764515309599847,0.6397075677637197,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1344.0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1746646,364676,Consumer loans,4416.84,29821.5,27328.5,4500.0,29821.5,SUNDAY,11,Y,1,0.15397863835584746,,,XAP,Approved,-575,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,34,Connectivity,8.0,high,POS mobile with interest,365243.0,-536.0,-326.0,-326.0,-323.0,0.0,0,Cash loans,F,N,Y,2,135000.0,900000.0,46084.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.030755,-10935,-3031,-4065.0,-3457,,1,1,0,1,0,0,Cooking staff,3.0,2,2,MONDAY,14,0,0,0,0,0,0,Government,0.5864317803317233,0.580686936821281,0.813917469762627,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1591.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1950840,419309,Cash loans,27105.3,531000.0,531000.0,,531000.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-299,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_action,Cash X-Sell: low,365243.0,-269.0,421.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,130500.0,900000.0,38263.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-20287,-11097,-8771.0,-3840,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,11,0,0,0,0,0,0,Business Entity Type 2,,0.5957283934702191,0.511891801533151,0.2876,,0.996,,,0.24,0.1034,0.5417,,,,0.2493,,0.0136,0.2931,,0.996,,,0.2417,0.1034,0.5417,,,,0.2598,,0.0144,0.2904,,0.996,,,0.24,0.1034,0.5417,,,,0.2538,,0.0139,,block of flats,0.2573,"Stone, brick",No,3.0,1.0,3.0,1.0,-1497.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2092499,118862,Consumer loans,1463.67,32454.0,32454.0,0.0,32454.0,THURSDAY,18,Y,1,0.0,,,XAP,Approved,-1531,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,4000,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1496.0,-806.0,-1316.0,-1311.0,0.0,0,Revolving loans,F,N,Y,0,112500.0,337500.0,16875.0,337500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.02461,-17221,-465,-1316.0,-745,,1,1,0,1,0,0,Core staff,2.0,2,2,TUESDAY,12,0,0,0,1,0,1,Business Entity Type 3,0.8235064914239891,0.5044354195118113,0.1595195404777181,0.0629,0.0471,0.9752,,,0.0,0.1034,0.1667,,0.0506,,0.0446,,0.0298,0.0641,0.0488,0.9752,,,0.0,0.1034,0.1667,,0.0518,,0.0465,,0.0315,0.0635,0.0471,0.9752,,,0.0,0.1034,0.1667,,0.0515,,0.0454,,0.0304,,block of flats,0.0449,Panel,No,0.0,0.0,0.0,0.0,-1531.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,2.0 +2530729,184448,Cash loans,,0.0,0.0,,,TUESDAY,8,Y,1,,,,XNA,Refused,-350,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,N,0,112500.0,270000.0,13783.5,270000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.015221,-20326,365243,-785.0,-3801,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,15,0,0,0,1,0,0,XNA,,0.7789350197870419,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,1.0,6.0,1.0,-678.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1911806,349268,Consumer loans,6444.9,56250.0,47250.0,9000.0,56250.0,SATURDAY,14,Y,1,0.17425454545454544,,,XAP,Approved,-1550,Cash through the bank,XAP,Other_B,Repeater,Mobile,POS,XNA,Stone,22,Consumer electronics,10.0,high,POS household with interest,365243.0,-1514.0,-1244.0,-1244.0,-1241.0,0.0,0,Cash loans,M,N,Y,0,81000.0,416052.0,15075.0,292500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.010643000000000001,-17333,-336,-9955.0,-890,,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Other,,0.5796749384493823,,0.0165,0.0,0.9727,0.626,,0.0,0.0862,0.0417,0.0833,0.0085,0.0134,0.0152,0.0,0.0071,0.0168,0.0,0.9727,0.6406,,0.0,0.069,0.0417,0.0833,0.0087,0.0147,0.0114,0.0,0.0075,0.0167,0.0,0.9727,0.631,,0.0,0.0862,0.0417,0.0833,0.0087,0.0137,0.0155,0.0,0.0073,reg oper account,block of flats,0.009000000000000001,Block,No,0.0,0.0,0.0,0.0,-1550.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2803043,111617,Cash loans,21675.465,454500.0,508495.5,,454500.0,MONDAY,10,Y,1,,,,XNA,Approved,-578,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-548.0,502.0,-188.0,-180.0,1.0,0,Cash loans,F,N,Y,0,292500.0,1800000.0,62698.5,1800000.0,Children,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-14958,-1774,-3627.0,-5516,,1,1,0,1,0,0,,2.0,1,1,FRIDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.7777215153149133,0.7313875821189549,0.42765737003502935,0.1536,0.1545,0.9806,,,0.0,0.3448,0.1667,,,,0.0855,,0.1759,0.1565,0.1603,0.9806,,,0.0,0.3448,0.1667,,,,0.0891,,0.1862,0.1551,0.1545,0.9806,,,0.0,0.3448,0.1667,,,,0.0871,,0.1796,,block of flats,0.1181,Panel,No,0.0,0.0,0.0,0.0,-730.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2306635,323769,Cash loans,41630.715,1125000.0,1255680.0,,1125000.0,WEDNESDAY,17,Y,1,,,,XNA,Approved,-85,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,2,315000.0,900000.0,46084.5,900000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.030755,-12433,-435,-4257.0,-1953,,1,1,0,1,0,0,Core staff,4.0,2,2,FRIDAY,15,0,0,0,1,1,0,Medicine,,0.6656788242728222,0.08673126364696013,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-603.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1641220,105893,Consumer loans,2449.89,21375.0,22873.5,3510.0,21375.0,TUESDAY,14,Y,1,0.1448901431163072,,,XAP,Approved,-1865,Cash through the bank,XAP,Children,New,Mobile,POS,XNA,Country-wide,29,Connectivity,14.0,high,POS mobile with interest,365243.0,-1834.0,-1444.0,-1474.0,-1468.0,0.0,0,Revolving loans,F,N,Y,1,90000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.028663,-12501,-491,-668.0,-4259,,1,1,0,1,0,0,Cooking staff,3.0,2,2,FRIDAY,13,0,0,0,0,0,0,Self-employed,,0.5881541123088154,0.4884551844437485,0.034,0.0306,0.9717,0.6124,0.0552,0.0,0.069,0.0833,0.125,0.0608,0.0277,0.015,0.0,0.0,0.0347,0.0317,0.9717,0.6276,0.0558,0.0,0.069,0.0833,0.125,0.0622,0.0303,0.0157,0.0,0.0,0.0344,0.0306,0.9717,0.6176,0.0556,0.0,0.069,0.0833,0.125,0.0619,0.0282,0.0153,0.0,0.0,reg oper account,block of flats,0.0302,"Stone, brick",No,0.0,0.0,0.0,0.0,-1865.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2044168,142058,Consumer loans,1943.325,17955.9,17491.5,1796.4,17955.9,MONDAY,15,Y,1,0.1014336920603543,,,XAP,Approved,-2475,XNA,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Stone,116,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-2444.0,-2174.0,-2174.0,-2168.0,1.0,0,Cash loans,F,N,N,1,67500.0,675000.0,21775.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.02461,-14638,-1513,-4127.0,-5372,,1,1,1,1,1,0,Sales staff,3.0,2,2,THURSDAY,20,0,0,0,0,0,0,Self-employed,0.6431491276460144,0.5941685475873382,0.6940926425266661,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1638.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,10.0,0.0,1.0 +2552235,429929,Cash loans,16997.535,229500.0,254340.0,,229500.0,WEDNESDAY,9,Y,1,,,,XNA,Approved,-298,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-268.0,422.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,1,157500.0,1024290.0,30078.0,855000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.025164,-16888,-1236,-9216.0,-438,17.0,1,1,0,1,0,0,Managers,3.0,2,2,SUNDAY,8,0,0,0,0,0,0,Business Entity Type 3,0.5265449899246489,0.7838987735978816,0.8061492814355136,0.0742,0.0692,0.9826,0.762,0.0257,0.0,0.069,0.1667,0.2083,0.0887,0.0605,0.0655,0.0,0.0,0.0756,0.0718,0.9826,0.7713,0.026,0.0,0.069,0.1667,0.2083,0.0907,0.0661,0.0682,0.0,0.0,0.0749,0.0692,0.9826,0.7652,0.0259,0.0,0.069,0.1667,0.2083,0.0902,0.0616,0.0667,0.0,0.0,reg oper account,block of flats,0.0704,"Stone, brick",No,0.0,0.0,0.0,0.0,-1033.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1130284,418814,Consumer loans,15479.955,136035.0,132534.0,13603.5,136035.0,THURSDAY,15,Y,1,0.10138019455525224,,,XAP,Approved,-2258,Non-cash from your account,XAP,Family,Repeater,Computers,POS,XNA,Stone,50,Consumer electronics,10.0,middle,POS household with interest,365243.0,-2222.0,-1952.0,-1982.0,-1975.0,1.0,0,Cash loans,F,N,Y,0,67500.0,675000.0,19737.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-20997,365243,-9652.0,-3508,,1,0,0,1,1,0,,2.0,2,2,MONDAY,15,0,0,0,0,0,0,XNA,0.8582566285984367,0.2555038282606472,0.5673792367572691,0.0959,0.0885,0.9846,0.7892,,0.0,0.2069,0.1667,0.2083,0.1902,,0.0581,,0.0192,0.0977,0.0918,0.9846,0.7975,,0.0,0.2069,0.1667,0.2083,0.1946,,0.0606,,0.0203,0.0968,0.0885,0.9846,0.792,,0.0,0.2069,0.1667,0.2083,0.1935,,0.0592,,0.0196,,block of flats,0.0703,Block,No,6.0,0.0,5.0,0.0,-2853.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2653035,139153,Consumer loans,11833.38,115425.0,115425.0,0.0,115425.0,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-927,XNA,XAP,Family,New,Furniture,POS,XNA,Stone,5,Furniture,12.0,middle,POS industry with interest,365243.0,-894.0,-564.0,-744.0,-738.0,0.0,0,Revolving loans,F,N,Y,0,90000.0,180000.0,9000.0,180000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.015221,-20848,365243,-1059.0,-4326,,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,XNA,,0.6426863355048417,0.4920600938649263,0.0495,0.0643,0.9752,,,0.0,0.1034,0.1667,,0.0513,,0.0397,,0.0,0.0504,0.0667,0.9752,,,0.0,0.1034,0.1667,,0.0525,,0.0414,,0.0,0.05,0.0643,0.9752,,,0.0,0.1034,0.1667,,0.0522,,0.0405,,0.0,,block of flats,0.0346,"Stone, brick",No,1.0,0.0,1.0,0.0,-927.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,4.0,4.0 +1460760,386445,Revolving loans,4500.0,90000.0,90000.0,,90000.0,SUNDAY,14,Y,1,,,,XAP,Approved,-426,XNA,XAP,"Spouse, partner",Repeater,XNA,Cards,x-sell,AP+ (Cash loan),4,XNA,0.0,XNA,Card X-Sell,-368.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,1,112500.0,393039.0,31180.5,355500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.02461,-12562,-1080,-5897.0,-4075,,1,1,1,1,1,0,Laborers,3.0,2,2,SATURDAY,10,0,1,1,0,1,1,Business Entity Type 3,,0.6485549709673217,0.3201633668633456,0.1485,0.0,0.9752,,,0.0,0.1034,0.0417,,0.0,,0.0382,,0.0,0.1513,0.0,0.9752,,,0.0,0.1034,0.0417,,0.0,,0.0398,,0.0,0.1499,0.0,0.9752,,,0.0,0.1034,0.0417,,0.0,,0.0389,,0.0,,specific housing,0.0473,"Stone, brick",No,3.0,0.0,3.0,0.0,-1141.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2208907,420412,Cash loans,28646.145,715500.0,975226.5,,715500.0,WEDNESDAY,15,Y,1,,,,XNA,Refused,-175,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,121500.0,592560.0,32274.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Widow,Municipal apartment,0.007114,-16706,-2002,-7222.0,-244,,1,1,0,1,1,0,Cleaning staff,1.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,Other,,0.7802838715026482,0.7490217048463391,0.0928,0.0964,0.9786,0.7076,0.0132,0.0,0.2069,0.1667,0.2083,0.1376,,0.0881,,0.0,0.0945,0.1,0.9786,0.7190000000000001,0.0133,0.0,0.2069,0.1667,0.2083,0.1408,,0.0918,,0.0,0.0937,0.0964,0.9786,0.7115,0.0133,0.0,0.2069,0.1667,0.2083,0.14,,0.0897,,0.0,reg oper account,block of flats,0.0693,Panel,No,0.0,0.0,0.0,0.0,-852.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,4.0 +1289231,185073,Consumer loans,2255.445,20920.5,16996.5,5220.0,20920.5,WEDNESDAY,9,Y,1,0.2558933470823281,,,XAP,Approved,-2007,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,24,Connectivity,10.0,high,POS mobile with interest,365243.0,-1976.0,-1706.0,-1706.0,-1702.0,0.0,0,Cash loans,F,N,Y,0,90000.0,286704.0,12145.5,247500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-20401,365243,-10694.0,-3962,,1,0,0,1,1,0,,2.0,2,2,MONDAY,9,0,0,0,0,0,0,XNA,,0.3762990832952279,0.3962195720630885,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-16.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2827357,340174,Consumer loans,9846.27,68355.0,70353.0,6835.5,68355.0,FRIDAY,11,Y,1,0.09644546673521193,,,XAP,Approved,-977,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,10.0,high,POS mobile with interest,365243.0,-944.0,-674.0,-674.0,-665.0,0.0,0,Cash loans,M,N,N,0,450000.0,1494486.0,41224.5,1305000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-17242,-4813,-6271.0,-781,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.36509550019499865,0.57571647391153,0.5602843280409464,0.0773,0.0693,0.9826,0.762,0.0589,0.0,0.1724,0.1667,0.2083,0.0147,0.063,0.0691,0.0077,0.0049,0.0788,0.0719,0.9826,0.7713,0.0595,0.0,0.1724,0.1667,0.2083,0.015,0.0689,0.07200000000000001,0.0078,0.0052,0.0781,0.0693,0.9826,0.7652,0.0593,0.0,0.1724,0.1667,0.2083,0.015,0.0641,0.0704,0.0078,0.005,reg oper account,block of flats,0.0866,Panel,No,0.0,0.0,0.0,0.0,-2640.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,1.0 +2113882,435374,Consumer loans,6573.915,130410.0,145152.0,0.0,130410.0,SUNDAY,19,Y,1,0.0,,,XAP,Approved,-570,Cash through the bank,XAP,,Refreshed,Audio/Video,POS,XNA,Country-wide,1524,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-538.0,152.0,365243.0,365243.0,0.0,1,Cash loans,F,N,N,1,90000.0,508495.5,24592.5,454500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.019101,-15121,-653,-7257.0,-4284,,1,1,0,1,0,0,,3.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.7622539328805767,0.5195906699431158,,0.1196,0.1141,0.9881,0.8368,0.017,0.08,0.1724,0.25,0.2917,0.0427,0.0971,0.0767,0.0039,0.0021,0.0935,0.1141,0.9871,0.8301,0.0131,0.0,0.1379,0.1667,0.2083,0.0366,0.0808,0.0515,0.0039,0.0,0.1207,0.1141,0.9881,0.8390000000000001,0.0171,0.08,0.1724,0.25,0.2917,0.0434,0.0988,0.0781,0.0039,0.0022,reg oper account,block of flats,0.064,"Stone, brick",No,0.0,0.0,0.0,0.0,-59.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1189784,334976,Consumer loans,2202.84,21910.5,18355.5,3555.0,21910.5,SATURDAY,8,Y,1,0.17670606247316042,,,XAP,Approved,-1367,Cash through the bank,XAP,Unaccompanied,Refreshed,Mobile,POS,XNA,Country-wide,20,Connectivity,14.0,high,POS mobile with interest,365243.0,-1336.0,-946.0,-1216.0,-1212.0,0.0,0,Cash loans,M,N,Y,0,122400.0,249606.0,19849.5,220500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.002134,-18683,-1072,-8640.0,-2147,,1,1,0,1,0,0,Security staff,1.0,3,3,MONDAY,6,0,0,0,0,0,0,Transport: type 4,0.4374131632770655,0.6246329365282077,,0.1639,0.2296,0.9851,0.7959999999999999,,0.0,0.3793,0.1667,0.0417,,,0.0953,,0.0048,0.16699999999999998,0.2382,0.9851,0.804,,0.0,0.3793,0.1667,0.0417,,,0.0993,,0.005,0.1655,0.2296,0.9851,0.7987,,0.0,0.3793,0.1667,0.0417,,,0.097,,0.0049,reg oper account,block of flats,0.1312,"Stone, brick",No,1.0,1.0,1.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1552112,100923,Consumer loans,,98325.0,98325.0,0.0,98325.0,SUNDAY,16,Y,1,0.0,,,XAP,Refused,-291,Cash through the bank,HC,,Repeater,Computers,XNA,XNA,Country-wide,30,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,F,Y,Y,2,270000.0,284256.0,30289.5,270000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.007114,-12333,-502,-2571.0,-3232,1.0,1,1,0,1,1,0,Cleaning staff,4.0,2,2,THURSDAY,10,0,0,0,0,0,0,Other,,0.2651072007852093,0.5172965813614878,0.0515,,,0.6668,,,0.1034,0.1667,0.2083,0.0312,,0.0415,,0.0298,0.0525,,,0.6798,,,0.1034,0.1667,0.2083,0.0319,,0.0433,,0.0316,0.052000000000000005,,,0.6713,,,0.1034,0.1667,0.2083,0.0317,,0.0423,,0.0305,,block of flats,0.0392,"Stone, brick",No,6.0,0.0,6.0,0.0,-911.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,3.0 +1158159,342161,Consumer loans,5280.93,45751.5,45252.0,4576.5,45751.5,WEDNESDAY,15,Y,1,0.10002758552745004,,,XAP,Approved,-2713,Non-cash from your account,XAP,,Repeater,Mobile,POS,XNA,Stone,10,Connectivity,12.0,high,POS mobile with interest,365243.0,-2663.0,-2333.0,-2483.0,-2478.0,1.0,0,Cash loans,M,Y,N,1,90000.0,776304.0,25042.5,648000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-14954,-6658,-6471.0,-4602,15.0,1,1,1,1,1,0,Laborers,3.0,2,2,SATURDAY,12,0,0,0,0,0,0,Housing,,0.3128681488909764,0.7583930617144343,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-306.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,2.0 +2476102,135085,Consumer loans,4588.38,32796.0,38430.0,2250.0,32796.0,WEDNESDAY,14,Y,1,0.06023732904263879,,,XAP,Approved,-1715,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,high,POS mobile with interest,365243.0,-1684.0,-1354.0,-1594.0,-1592.0,0.0,0,Cash loans,F,Y,Y,1,157500.0,1260000.0,36972.0,1260000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.007305,-11457,-2349,-2227.0,-2274,9.0,1,1,1,1,0,0,,3.0,3,3,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.26752682612769185,0.5784969819153497,0.7380196196295241,0.0155,0.0,0.9384,,,0.0,0.069,0.0417,,,,0.0082,,0.0036,0.0158,0.0,0.9384,,,0.0,0.069,0.0417,,,,0.0086,,0.0038,0.0156,0.0,0.9384,,,0.0,0.069,0.0417,,,,0.0084,,0.0036,,block of flats,0.0072,Wooden,No,1.0,1.0,1.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1900671,356968,Consumer loans,14927.625,135225.0,146826.0,0.0,135225.0,THURSDAY,13,Y,1,0.0,,,XAP,Approved,-378,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,220,Consumer electronics,12.0,middle,POS household with interest,365243.0,-344.0,-14.0,-104.0,-102.0,0.0,0,Cash loans,F,N,Y,4,194400.0,309073.5,26428.5,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-12626,-1818,-2283.0,-1457,,1,1,0,1,1,0,Laborers,6.0,2,2,THURSDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.13090920470754233,0.6553922247011178,0.1008037063175332,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-168.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,0.0 +1469626,109194,Consumer loans,5761.215,31896.0,28705.5,3190.5,31896.0,TUESDAY,18,Y,1,0.10893982146521647,,,XAP,Approved,-2691,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,26,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2651.0,-2501.0,-2501.0,-2490.0,0.0,0,Cash loans,F,Y,Y,0,225000.0,1232793.0,46953.0,1134000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-15323,-8041,-1500.0,-1497,14.0,1,1,0,1,1,0,Core staff,2.0,2,2,FRIDAY,12,0,0,0,0,1,1,Transport: type 2,,0.6892373137660077,0.5442347412142162,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,0.0,8.0,0.0,-1908.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1057955,104657,Revolving loans,11250.0,225000.0,225000.0,,225000.0,SATURDAY,13,Y,1,,,,XAP,Approved,-102,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Country-wide,1500,Consumer electronics,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,270000.0,752553.0,40954.5,598500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.04622,-20989,365243,-736.0,-4262,5.0,1,0,0,1,1,0,,2.0,1,1,WEDNESDAY,13,0,0,0,0,0,0,XNA,0.5577444745023084,0.40820483258909984,0.5190973382084597,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-458.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +2786880,288526,Cash loans,23154.12,396000.0,396000.0,,396000.0,WEDNESDAY,18,Y,1,,,,XNA,Refused,-929,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,Y,Y,1,180000.0,971280.0,54364.5,900000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-11164,365243,-170.0,-1904,5.0,1,0,0,1,0,0,,3.0,2,2,MONDAY,14,0,0,0,0,0,0,XNA,,0.16545113137305956,,0.0876,0.1078,0.9851,0.7756,0.0127,0.0,0.2069,0.1667,0.2083,0.0959,0.071,0.0782,0.0019,0.0176,0.084,0.1106,0.9836,0.7844,0.0128,0.0,0.2069,0.1667,0.2083,0.0863,0.0735,0.078,0.0,0.0035,0.0885,0.1078,0.9851,0.7786,0.0128,0.0,0.2069,0.1667,0.2083,0.0975,0.0723,0.0796,0.0019,0.018000000000000002,org spec account,block of flats,0.0658,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2031195,194205,Cash loans,28465.38,225000.0,239850.0,,225000.0,THURSDAY,15,Y,1,,,,Urgent needs,Approved,-565,Non-cash from your account,XAP,,New,XNA,Cash,walk-in,AP+ (Cash loan),4,XNA,12.0,high,Cash Street: high,365243.0,-535.0,-205.0,-535.0,-527.0,1.0,0,Revolving loans,F,N,Y,0,157500.0,450000.0,22500.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019101,-15335,-3194,-655.0,-4095,,1,1,0,1,1,0,Sales staff,2.0,2,2,TUESDAY,14,0,1,1,0,1,1,Self-employed,,0.23098579403295896,0.511891801533151,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-565.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2256342,396074,Cash loans,28441.89,211500.0,256513.5,,211500.0,THURSDAY,13,Y,1,,,,XNA,Approved,-1002,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-972.0,-642.0,-822.0,-817.0,1.0,0,Cash loans,M,Y,Y,0,157500.0,979992.0,28782.0,702000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Rented apartment,0.018634,-10900,-1149,-10867.0,-3430,36.0,1,1,0,1,0,0,Laborers,1.0,2,2,FRIDAY,17,0,0,0,1,1,0,Business Entity Type 3,0.1971507691651904,0.6054481902382438,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2502.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,7.0 +2240515,340250,Consumer loans,3175.065,30231.0,27207.0,3024.0,30231.0,SATURDAY,17,Y,1,0.10894151397872742,,,XAP,Approved,-2530,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,18,Connectivity,12.0,low_normal,POS mobile with interest,365243.0,-2498.0,-2168.0,-2168.0,-2165.0,0.0,0,Cash loans,F,Y,Y,0,112500.0,277969.5,13648.5,229500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.035792000000000004,-14781,-1386,-3094.0,-2769,3.0,1,1,0,1,1,0,Accountants,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,Other,0.7454765496941214,0.7024948873694195,,0.0247,,0.9722,,,,0.069,0.0833,,,,,,,0.0252,,0.9722,,,,0.069,0.0833,,,,,,,0.025,,0.9722,,,,0.069,0.0833,,,,,,,,block of flats,0.0169,"Stone, brick",No,1.0,0.0,1.0,0.0,-2530.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1939643,440268,Cash loans,23526.0,450000.0,450000.0,,450000.0,TUESDAY,9,Y,1,,,,Repairs,Refused,-182,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,Y,Y,0,121500.0,225000.0,26703.0,225000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.014519999999999996,-24549,365243,-3431.0,-1867,8.0,1,0,0,1,1,0,,2.0,2,2,TUESDAY,8,0,0,0,0,0,0,XNA,0.6815449949312551,0.5265896232306497,0.6109913280868294,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-182.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2763523,328394,Cash loans,34897.995,675000.0,767664.0,,675000.0,MONDAY,12,Y,1,,,,XNA,Approved,-1013,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,180000.0,1453257.0,38335.5,1269000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-19006,-1961,-7085.0,-2552,,1,1,0,1,1,0,,2.0,2,2,SATURDAY,9,0,0,0,0,1,1,Other,,0.7435786682725459,0.7421816117614419,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1013.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1940872,442095,Cash loans,25682.31,679500.0,796104.0,,679500.0,THURSDAY,11,Y,1,,,,XNA,Approved,-316,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-286.0,1484.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,72000.0,397881.0,14418.0,328500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,Municipal apartment,0.031329,-23748,365243,-3864.0,-4286,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,XNA,,0.6627280811403536,0.6863823354047934,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,10.0,0.0,10.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +2702683,374897,Consumer loans,5039.505,50400.0,45360.0,5040.0,50400.0,FRIDAY,10,Y,1,0.1089090909090909,,,XAP,Approved,-2827,Cash through the bank,XAP,Family,New,Other,POS,XNA,Stone,120,Construction,10.0,low_normal,POS industry without interest,365243.0,-2793.0,-2523.0,-2523.0,-2517.0,0.0,1,Cash loans,F,Y,Y,0,135000.0,263686.5,20961.0,238500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-19622,-2705,-8731.0,-3167,21.0,1,1,0,1,1,0,High skill tech staff,2.0,2,2,THURSDAY,14,0,0,0,0,1,1,Business Entity Type 3,0.5838568324204075,0.7257660523561767,0.3296550543128238,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-2644.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2777253,353048,Cash loans,6320.835,45000.0,54738.0,0.0,45000.0,SATURDAY,9,Y,1,0.0,,,XNA,Approved,-1799,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-1769.0,-1439.0,-1439.0,-1434.0,1.0,0,Cash loans,F,N,Y,0,112500.0,379008.0,35433.0,360000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.010966,-19125,-332,-1102.0,-2663,,1,1,1,1,1,0,Core staff,1.0,2,2,SATURDAY,13,0,0,0,0,0,0,Kindergarten,0.5995854925116133,0.3146243409982624,0.7032033049040319,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1622.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1042673,152859,Consumer loans,17004.06,449842.5,449842.5,0.0,449842.5,MONDAY,16,Y,1,0.0,,,XAP,Refused,-1241,Cash through the bank,LIMIT,Unaccompanied,Repeater,Construction Materials,POS,XNA,Stone,16,Construction,36.0,low_normal,POS industry with interest,,,,,,,0,Cash loans,F,Y,Y,0,180000.0,473760.0,53581.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.010556,-19761,-1961,-49.0,-3291,19.0,1,1,0,1,0,0,Sales staff,2.0,3,3,WEDNESDAY,10,0,0,0,0,1,1,Services,,0.2181183365046956,0.5172965813614878,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,2.0,4.0,2.0,-270.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2708758,311175,Revolving loans,13500.0,270000.0,270000.0,,270000.0,THURSDAY,12,Y,1,,,,XAP,Refused,-861,XNA,HC,Unaccompanied,Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,121500.0,392238.0,31117.5,346500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.04622,-17706,-456,-6722.0,-1247,,1,1,1,1,1,0,Laborers,2.0,1,1,WEDNESDAY,23,0,0,0,0,1,1,Business Entity Type 3,,0.4983399533733603,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2051.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2235327,453254,Cash loans,27857.34,270000.0,284611.5,,270000.0,TUESDAY,9,Y,1,,,,XNA,Approved,-916,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-886.0,-556.0,-766.0,-757.0,1.0,1,Cash loans,F,N,Y,0,90000.0,284400.0,18643.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-24148,365243,-3077.0,-3849,,1,0,0,1,0,1,,2.0,2,2,MONDAY,9,0,0,0,0,0,0,XNA,,0.6341150878211159,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1185.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1044031,187299,Cash loans,59991.48,1467000.0,1571566.5,,1467000.0,SATURDAY,8,Y,1,,,,XNA,Refused,-21,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,Y,Y,2,112500.0,239850.0,23850.0,225000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.006852,-15346,-2286,-7970.0,-4000,14.0,1,1,0,1,0,0,Drivers,4.0,3,3,SATURDAY,6,0,0,0,0,0,0,Emergency,0.3345147905438842,0.42673546870665824,0.6512602186973006,0.1113,0.0739,0.9762,0.6736,0.1925,0.0,0.2069,0.1667,0.2083,0.0844,0.1757,0.0779,1.0,0.0611,0.1134,0.0767,0.9762,0.6864,0.1942,0.0,0.2069,0.1667,0.2083,0.0863,0.1919,0.0812,1.0,0.0647,0.1124,0.0739,0.9762,0.6779999999999999,0.1937,0.0,0.2069,0.1667,0.2083,0.0859,0.1787,0.0793,1.0,0.0624,reg oper account,block of flats,0.1052,"Stone, brick",No,1.0,0.0,1.0,0.0,-264.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +2647894,172202,Revolving loans,3375.0,0.0,67500.0,,,MONDAY,12,Y,1,,,,XAP,Approved,-1107,XNA,XAP,,Refreshed,XNA,Cards,x-sell,AP+ (Cash loan),-1,XNA,0.0,XNA,Card X-Sell,-868.0,-820.0,365243.0,-667.0,365243.0,0.0,0,Cash loans,F,N,Y,0,135000.0,454500.0,20403.0,454500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-21711,365243,-2464.0,-4620,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,XNA,,0.7200719029449647,0.6971469077844458,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-1107.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2677104,398680,Consumer loans,5557.68,38340.0,44856.0,0.0,38340.0,SUNDAY,9,Y,1,0.0,,,XAP,Approved,-1282,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,12.0,high,POS mobile with interest,365243.0,-1251.0,-921.0,-951.0,-945.0,0.0,0,Cash loans,F,N,N,0,31500.0,526491.0,22437.0,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-20945,365243,-7773.0,-4399,,1,0,0,1,0,0,,2.0,2,2,MONDAY,8,0,0,0,0,0,0,XNA,0.10816383259962856,0.35878479527590096,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1143258,243497,Consumer loans,11531.025,93762.0,93762.0,0.0,93762.0,THURSDAY,8,Y,1,0.0,,,XAP,Approved,-110,XNA,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,40,Connectivity,12.0,high,POS mobile with interest,365243.0,-80.0,250.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,45000.0,808650.0,23643.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-21040,365243,-1671.0,-4346,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,7,0,0,0,0,0,0,XNA,,0.16214456766623808,0.622922000268356,0.0309,0.0602,0.9975,0.966,0.0229,0.0,0.1034,0.0833,0.125,,0.0252,0.0351,0.0,0.0,0.0315,0.0625,0.9975,0.9673,0.0231,0.0,0.1034,0.0833,0.125,,0.0275,0.0366,0.0,0.0,0.0312,0.0602,0.9975,0.9665,0.0231,0.0,0.1034,0.0833,0.125,,0.0257,0.0358,0.0,0.0,org spec account,block of flats,0.0402,"Stone, brick",No,2.0,0.0,2.0,0.0,-1620.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2819091,443598,Consumer loans,4692.555,41958.0,46390.5,0.0,41958.0,SATURDAY,9,Y,1,0.0,,,XAP,Approved,-451,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Stone,150,Consumer electronics,12.0,middle,POS household with interest,365243.0,-420.0,-90.0,-90.0,-86.0,0.0,1,Cash loans,M,N,N,0,90000.0,808650.0,26217.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.002042,-17649,365243,-8657.0,-1177,,1,0,0,1,0,0,,1.0,3,3,TUESDAY,10,0,0,0,0,0,0,XNA,,0.0604386890208768,0.5971924268337128,0.0165,,0.9767,,,,0.069,0.0417,,,,,,,0.0168,,0.9767,,,,0.069,0.0417,,,,,,,0.0167,,0.9767,,,,0.069,0.0417,,,,,,,,block of flats,0.0111,"Stone, brick",No,0.0,0.0,0.0,0.0,-451.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2250878,358433,Cash loans,35280.0,180000.0,180000.0,0.0,180000.0,MONDAY,9,Y,1,0.0,,,XNA,Refused,-2415,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,6.0,high,Cash Street: high,,,,,,,0,Cash loans,M,Y,Y,0,225000.0,450000.0,22018.5,450000.0,Family,Working,Secondary / secondary special,Single / not married,House / apartment,0.026392000000000002,-15369,-579,-2721.0,-898,3.0,1,1,0,1,0,0,Laborers,1.0,2,2,MONDAY,15,0,0,0,0,1,1,Business Entity Type 3,0.11415651536263186,0.2208605404830181,0.047600735169013066,0.0485,0.0473,0.993,,,0.0,0.069,0.2083,,0.0082,,0.0412,,0.0,0.0494,0.0491,0.993,,,0.0,0.069,0.2083,,0.0084,,0.0429,,0.0,0.0489,0.0473,0.993,,,0.0,0.069,0.2083,,0.0083,,0.042,,0.0,,block of flats,0.0324,"Stone, brick",No,3.0,1.0,3.0,1.0,-459.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,1.0,3.0 +1256604,118487,Cash loans,20123.865,225000.0,254700.0,,225000.0,SATURDAY,12,Y,1,,,,Repairs,Approved,-597,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,high,Cash Street: high,365243.0,-567.0,123.0,365243.0,365243.0,1.0,1,Cash loans,M,Y,Y,0,112500.0,134775.0,10935.0,112500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.010276,-20733,-2424,-2886.0,-4210,17.0,1,1,0,1,0,0,Laborers,1.0,2,2,MONDAY,17,0,0,0,0,0,0,Business Entity Type 3,,0.5776329338487993,0.4418358231994413,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-811.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,7.0 +1366802,110116,Cash loans,13318.875,225000.0,254700.0,,225000.0,MONDAY,9,Y,1,,,,XNA,Approved,-299,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-269.0,421.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,202500.0,1102500.0,46710.0,1102500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.019688999999999998,-23096,365243,-8131.0,-1515,,1,0,0,1,0,0,,1.0,2,2,SATURDAY,9,0,0,0,0,0,0,XNA,,0.22255475683003667,0.6161216908872079,0.033,0.0453,0.9737,0.6396,0.0057,0.0,0.1379,0.125,0.1667,0.0481,0.0269,0.0307,0.0,0.0,0.0336,0.047,0.9737,0.6537,0.0057,0.0,0.1379,0.125,0.1667,0.0492,0.0294,0.032,0.0,0.0,0.0333,0.0453,0.9737,0.6444,0.0057,0.0,0.1379,0.125,0.1667,0.049,0.0274,0.0313,0.0,0.0,reg oper account,block of flats,0.0273,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2155260,166953,Consumer loans,10111.14,200542.5,179275.5,21267.0,200542.5,SUNDAY,15,Y,1,0.11549520108523813,,,XAP,Approved,-2623,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,2358,Consumer electronics,30.0,middle,POS household without interest,365243.0,-2592.0,-1722.0,-1722.0,-1713.0,0.0,0,Cash loans,F,N,N,0,157500.0,795465.0,31675.5,711000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-16272,-6429,-10047.0,-892,,1,1,0,1,0,0,Private service staff,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.3747103560146369,0.7113426922195674,0.4776491548517548,0.0619,0.0297,0.9752,0.66,0.019,0.0,0.1379,0.125,0.1667,0.0744,0.0504,0.0412,0.0,0.0,0.063,0.0308,0.9752,0.6733,0.0192,0.0,0.1379,0.125,0.1667,0.076,0.0551,0.0429,0.0,0.0,0.0625,0.0297,0.9752,0.6645,0.0191,0.0,0.1379,0.125,0.1667,0.0756,0.0513,0.042,0.0,0.0,reg oper account,block of flats,0.0428,"Stone, brick",No,2.0,0.0,2.0,0.0,-2426.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2633546,364334,Cash loans,9897.885,45000.0,52006.5,,45000.0,SUNDAY,14,Y,1,,,,Repairs,Refused,-458,Cash through the bank,XNA,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,middle,Cash Street: middle,,,,,,,0,Cash loans,M,N,Y,0,135000.0,52128.0,6025.5,45000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.00823,-20390,-2281,-418.0,-3949,,1,1,0,1,0,1,Laborers,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Self-employed,0.6322974217756657,0.5413517500298217,,0.0082,,0.9702,,,0.0,0.0345,0.0417,,,,0.0074,,0.0,0.0084,,0.9702,,,0.0,0.0345,0.0417,,,,0.0077,,0.0,0.0083,,0.9702,,,0.0,0.0345,0.0417,,,,0.0075,,0.0,,block of flats,0.0058,Block,No,0.0,0.0,0.0,0.0,-587.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2072523,235084,Cash loans,27519.75,454500.0,490495.5,,454500.0,TUESDAY,11,Y,1,,,,XNA,Refused,-385,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),2,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,N,0,157500.0,508495.5,20295.0,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.008625,-23191,365243,-2399.0,-2400,3.0,1,0,0,1,0,0,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,0.6815354021537633,0.27363238846174626,0.3108182544189319,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-463.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +1672230,451513,Consumer loans,18496.755,164835.0,182241.0,0.0,164835.0,MONDAY,17,Y,1,0.0,,,XAP,Approved,-35,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Country-wide,90,Furniture,12.0,middle,POS industry with interest,365243.0,-5.0,325.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,N,3,157500.0,844474.5,28039.5,729000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00733,-13591,-5006,-1951.0,-4041,64.0,1,1,0,1,0,0,Laborers,5.0,2,2,MONDAY,9,0,0,0,0,0,0,Industry: type 1,0.4024292077532301,0.202973945821674,0.6658549219640212,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2909.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1987478,324234,Consumer loans,12836.07,125185.5,137578.5,0.0,125185.5,THURSDAY,8,Y,1,0.0,,,XAP,Approved,-1177,Cash through the bank,XAP,Family,Repeater,Homewares,POS,XNA,Stone,150,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-1146.0,-816.0,-816.0,-810.0,0.0,0,Cash loans,M,Y,N,1,157500.0,2013840.0,53253.0,1800000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.006852,-16337,365243,-6597.0,-3629,14.0,1,0,0,1,0,0,,3.0,3,3,FRIDAY,9,0,0,0,0,0,0,XNA,,0.4752788875365872,0.5190973382084597,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1177.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1140556,443192,Consumer loans,4379.85,22288.5,24052.5,0.0,22288.5,TUESDAY,11,Y,1,0.0,,,XAP,Refused,-134,Cash through the bank,SCO,Unaccompanied,New,Construction Materials,POS,XNA,Country-wide,1000,Construction,6.0,low_normal,POS industry with interest,,,,,,,0,Revolving loans,F,N,Y,0,216000.0,247500.0,12375.0,247500.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.072508,-20904,365243,-8019.0,-1524,,1,0,0,1,1,0,,1.0,1,1,WEDNESDAY,16,0,0,0,0,0,0,XNA,,0.5504909229727247,0.5797274227921155,0.2438,0.1035,0.9891,,,0.28,0.1207,0.6667,,0.0378,,0.2594,,0.0037,0.2132,0.0993,0.9891,,,0.2417,0.1034,0.6667,,0.0,,0.2316,,0.0038,0.2462,0.1035,0.9891,,,0.28,0.1207,0.6667,,0.0384,,0.2641,,0.0037,,block of flats,0.1748,Panel,No,,,,,-134.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2618331,286082,Revolving loans,22500.0,450000.0,450000.0,,450000.0,THURSDAY,14,Y,1,,,,XAP,Approved,-163,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card X-Sell,-152.0,-118.0,365243.0,-26.0,365243.0,0.0,0,Cash loans,M,N,Y,0,540000.0,1436850.0,42142.5,1125000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.072508,-19752,-161,-6049.0,-3293,,1,1,0,1,0,0,Managers,1.0,1,1,SATURDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.7200939414779609,0.20092608771597092,0.1567,0.1201,0.9901,0.8640000000000001,,0.2,0.069,0.875,0.7083,0.0414,0.1076,0.1941,0.0077,0.0497,0.1366,0.0802,0.9901,0.8693,,0.1611,0.069,0.875,0.7083,0.0423,0.1175,0.1446,0.0078,0.0079,0.1582,0.1201,0.9901,0.8658,,0.2,0.069,0.875,0.7083,0.0421,0.1095,0.1976,0.0078,0.0507,org spec account,block of flats,0.2,Panel,No,0.0,0.0,0.0,0.0,-367.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1481507,360285,Cash loans,23976.0,450000.0,450000.0,,450000.0,SUNDAY,20,Y,1,,,,XNA,Approved,-452,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-422.0,268.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,2,180000.0,454500.0,36040.5,454500.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.030755,-12463,-2170,-2213.0,-2136,11.0,1,1,1,1,0,0,Laborers,4.0,2,2,THURSDAY,2,0,0,0,0,0,0,Self-employed,0.6390977672973092,0.7052933599968286,0.5280927512030451,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1543.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1278127,180842,Cash loans,16164.0,450000.0,450000.0,,450000.0,SUNDAY,15,Y,1,,,,XNA,Refused,-180,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,1,Cash loans,F,Y,N,0,180000.0,1530000.0,42075.0,1530000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.031329,-9601,-578,-9422.0,-555,2.0,1,1,1,1,1,1,,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,Medicine,0.6600314344484011,0.6463687496015791,0.10411991642915908,0.1227,0.1504,0.9871,0.8232,0.109,0.0,0.069,0.1667,0.0,0.1352,0.0983,0.1127,0.0077,0.0023,0.125,0.1561,0.9871,0.8301,0.11,0.0,0.069,0.1667,0.0,0.1383,0.1074,0.1174,0.0078,0.0025,0.1239,0.1504,0.9871,0.8256,0.1097,0.0,0.069,0.1667,0.0,0.1375,0.1,0.1147,0.0078,0.0024,reg oper account,block of flats,0.0892,"Stone, brick",No,1.0,1.0,1.0,1.0,-1946.0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0.0,0.0,0.0,0.0,1.0,2.0 +2159178,145572,Consumer loans,24796.035,210519.0,205717.5,21055.5,210519.0,SUNDAY,14,Y,1,0.10112029931413187,,,XAP,Approved,-1054,Cash through the bank,XAP,Family,Refreshed,Photo / Cinema Equipment,POS,XNA,Regional / Local,100,Consumer electronics,12.0,high,POS other with interest,365243.0,-1023.0,-693.0,-843.0,-836.0,0.0,1,Cash loans,M,N,Y,0,225000.0,526491.0,22131.0,454500.0,Unaccompanied,Working,Incomplete higher,Single / not married,House / apartment,0.072508,-11490,-752,-4865.0,-3599,,1,1,0,1,1,0,Laborers,1.0,1,1,THURSDAY,12,0,0,0,0,0,0,Advertising,,0.6689605770065766,0.06825115445188665,0.1577,0.0966,0.9801,0.728,0.0,0.18,0.1466,0.3854,0.4271,0.0,0.1286,0.1492,0.0,0.0144,0.0578,0.026,0.9767,0.6929,0.0,0.2417,0.2069,0.3333,0.375,0.0,0.0505,0.0516,0.0,0.0,0.17800000000000002,0.1082,0.9791,0.7182,0.0,0.2,0.1724,0.3333,0.375,0.0,0.1462,0.1712,0.0,0.0035,reg oper account,block of flats,0.1658,Panel,No,0.0,0.0,0.0,0.0,-2987.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2072453,286910,Consumer loans,4372.11,35955.0,35955.0,0.0,35955.0,SUNDAY,18,Y,1,0.0,,,XAP,Refused,-1587,Cash through the bank,LIMIT,,Refreshed,Audio/Video,POS,XNA,Country-wide,10,Connectivity,12.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,N,1,337500.0,269550.0,24853.5,225000.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.032561,-12154,-181,-450.0,-4407,,1,1,0,1,0,1,Managers,2.0,1,1,FRIDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.3724948312541648,0.7135200010243686,0.07647351918548448,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1587.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2772825,250251,Consumer loans,3225.645,21897.0,23823.0,0.0,21897.0,TUESDAY,15,Y,1,0.0,,,XAP,Approved,-1108,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,65,Connectivity,10.0,high,POS mobile with interest,365243.0,-1069.0,-799.0,-799.0,-794.0,0.0,0,Cash loans,F,N,Y,2,180000.0,398016.0,31576.5,360000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-15111,-3762,-3747.0,-4390,,1,1,0,1,0,0,High skill tech staff,4.0,2,2,THURSDAY,14,0,0,0,0,1,1,Industry: type 9,0.5070872133395016,0.7195779619427379,0.5406544504453575,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,2.0,6.0,1.0,-3303.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1765272,395279,Consumer loans,5228.19,45877.5,18351.0,27526.5,45877.5,WEDNESDAY,17,Y,1,0.6534545454545454,,,XAP,Approved,-2371,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,112,Connectivity,4.0,high,POS mobile with interest,365243.0,-2333.0,-2243.0,-2243.0,-2234.0,0.0,0,Cash loans,F,N,Y,0,81000.0,284256.0,27396.0,270000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.026392000000000002,-21871,365243,-5563.0,-4617,,1,0,0,1,1,0,,2.0,2,2,MONDAY,13,0,0,0,0,0,0,XNA,,0.7309405526125566,,0.1485,,0.9901,,,0.16,0.1379,0.3333,,,,0.1516,,0.0012,0.1513,,0.9901,,,0.1611,0.1379,0.3333,,,,0.1579,,0.0013,0.1499,,0.9901,,,0.16,0.1379,0.3333,,,,0.1543,,0.0012,,block of flats,0.1195,Panel,No,0.0,0.0,0.0,0.0,-1219.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1431297,156960,Cash loans,64686.6,630000.0,630000.0,,630000.0,THURSDAY,13,Y,1,,,,Repairs,Approved,-689,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Contact center,-1,XNA,12.0,middle,Cash Street: middle,,,,,,,0,Cash loans,M,Y,Y,0,301500.0,454500.0,31630.5,454500.0,Family,Working,Higher education,Married,House / apartment,0.04622,-13095,-5210,-6826.0,-4510,1.0,1,1,1,1,1,0,IT staff,2.0,1,1,SUNDAY,16,0,0,0,0,1,1,Business Entity Type 3,0.2720334197145869,0.7622128519088752,0.6144143775673561,0.0649,0.0326,0.9811,0.7416,0.0161,0.04,0.0345,0.3333,0.375,0.0202,0.053,0.0619,0.0,0.0,0.0662,0.0339,0.9811,0.7517,0.0162,0.0403,0.0345,0.3333,0.375,0.0207,0.0579,0.0645,0.0,0.0,0.0656,0.0326,0.9811,0.7451,0.0162,0.04,0.0345,0.3333,0.375,0.0206,0.0539,0.063,0.0,0.0,reg oper account,block of flats,0.0709,"Stone, brick",No,0.0,0.0,0.0,0.0,-1624.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,6.0,0.0,4.0 +1294612,385536,Cash loans,59800.545,1215000.0,1338493.5,,1215000.0,FRIDAY,13,Y,1,,,,XNA,Approved,-348,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,42.0,middle,Cash X-Sell: middle,365243.0,-318.0,912.0,-318.0,-311.0,1.0,0,Cash loans,M,Y,Y,0,450000.0,640080.0,29839.5,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.018801,-19505,-353,-183.0,-2947,14.0,1,1,0,1,0,0,Managers,2.0,2,2,WEDNESDAY,7,0,0,0,0,0,0,Construction,,0.6047427658591765,0.21518240418475384,0.3804,0.0567,0.9965,0.9524,0.1614,0.24,0.3448,0.7917,0.125,0.0572,0.2807,0.4298,0.1351,0.6401,0.3876,0.0589,0.9965,0.9543,0.1629,0.2417,0.3448,0.7917,0.125,0.0585,0.3067,0.4478,0.1362,0.6776,0.3841,0.0567,0.9965,0.953,0.1625,0.24,0.3448,0.7917,0.125,0.0582,0.2856,0.4376,0.1359,0.6535,org spec account,block of flats,0.4876,Mixed,No,0.0,0.0,0.0,0.0,-1832.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1337115,164916,Cash loans,32580.765,337500.0,481608.0,,337500.0,WEDNESDAY,17,Y,1,,,,Repairs,Approved,-475,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,high,Cash Street: high,365243.0,-445.0,605.0,-445.0,-436.0,1.0,0,Cash loans,M,N,Y,1,405000.0,781920.0,40054.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0105,-15782,-5537,-4911.0,-1558,,1,1,0,1,0,0,Laborers,3.0,3,3,TUESDAY,16,0,0,0,0,0,0,Self-employed,,0.004884301569113108,0.1940678276718812,,0.152,0.9846,,,0.08,0.2069,0.3333,,,,0.2188,,0.0037,,0.1063,0.9846,,,0.0,0.1379,0.3333,,,,0.1522,,0.0039,,0.152,0.9846,,,0.08,0.2069,0.3333,,,,0.2227,,0.0038,,,0.2293,Panel,No,4.0,0.0,3.0,0.0,-1054.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,12.0 +2121947,419917,Consumer loans,12729.69,76383.0,71797.5,4585.5,76383.0,SUNDAY,9,Y,1,0.06538138543440768,,,XAP,Refused,-1842,Cash through the bank,SCO,Unaccompanied,New,Furniture,POS,XNA,Stone,370,Furniture,6.0,low_normal,POS industry without interest,,,,,,,0,Cash loans,F,N,Y,0,112500.0,360000.0,17446.5,360000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.015221,-22457,365243,-1952.0,-3358,,1,0,0,1,0,0,,1.0,2,2,MONDAY,8,0,0,0,0,0,0,XNA,,0.5163530005666849,0.4812493411434029,0.033,0.0291,0.9737,0.6396,0.0111,0.0,0.069,0.125,0.1667,0.0227,0.0269,0.0247,0.0,0.0,0.0336,0.0302,0.9737,0.6537,0.0112,0.0,0.069,0.125,0.1667,0.0232,0.0294,0.0258,0.0,0.0,0.0333,0.0291,0.9737,0.6444,0.0112,0.0,0.069,0.125,0.1667,0.0231,0.0274,0.0252,0.0,0.0,reg oper account,block of flats,0.0255,"Stone, brick",No,1.0,0.0,1.0,0.0,-876.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2174432,411083,Cash loans,10719.405,90000.0,95940.0,,90000.0,WEDNESDAY,14,Y,1,,,,XNA,Approved,-1209,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),3,XNA,12.0,high,Cash X-Sell: high,365243.0,-1179.0,-849.0,-1029.0,-1023.0,1.0,0,Revolving loans,F,Y,Y,0,40500.0,202500.0,10125.0,202500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.010556,-18372,365243,-7258.0,-1902,8.0,1,0,0,1,1,0,,2.0,3,3,MONDAY,12,0,0,0,0,0,0,XNA,,0.1380348517985246,0.5691487713619409,0.0206,0.0397,0.9896,0.8572,,0.0,0.0345,0.1667,0.2083,,0.0168,0.0299,0.0,0.0,0.021,0.0412,0.9896,0.8628,,0.0,0.0345,0.1667,0.2083,,0.0184,0.0311,0.0,0.0,0.0208,0.0397,0.9896,0.8591,,0.0,0.0345,0.1667,0.2083,,0.0171,0.0304,0.0,0.0,reg oper account,block of flats,0.0411,"Stone, brick",No,2.0,0.0,2.0,0.0,-1209.0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2195226,346326,Cash loans,16563.87,81000.0,86346.0,,81000.0,THURSDAY,15,Y,1,,,,Other,Refused,-173,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,1,90000.0,281916.0,13842.0,184500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.010966,-14593,-191,-7291.0,-1713,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Other,0.455876142633729,0.7496268332535629,0.2851799046358216,0.1701,0.0716,0.9796,0.7212,0.0037,0.0,0.0345,0.1667,0.2083,0.0532,0.1387,0.0701,0.0,0.005,0.1733,0.0743,0.9796,0.7321,0.0038,0.0,0.0345,0.1667,0.2083,0.0545,0.1515,0.0731,0.0,0.0053,0.1718,0.0716,0.9796,0.7249,0.0037,0.0,0.0345,0.1667,0.2083,0.0542,0.1411,0.0714,0.0,0.0051,reg oper account,block of flats,0.0696,"Stone, brick",No,0.0,0.0,0.0,0.0,-1865.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2367257,106725,Cash loans,48368.61,720000.0,890766.0,,720000.0,THURSDAY,13,Y,1,,,,XNA,Refused,-410,Cash through the bank,LIMIT,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,42.0,high,Cash X-Sell: high,,,,,,,1,Cash loans,F,N,N,0,112500.0,521280.0,35392.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00496,-14150,-7081,-1230.0,-1200,,1,1,1,1,0,0,,2.0,2,2,MONDAY,14,0,0,0,0,0,0,School,,0.12282180520045595,0.29708661164720285,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,2.0,3.0,0.0,-1002.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2565450,331071,Revolving loans,45000.0,900000.0,900000.0,,900000.0,TUESDAY,9,Y,1,,,,XAP,Approved,-351,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-350.0,-305.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,157500.0,1006920.0,40063.5,900000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.00496,-17919,-4762,-11388.0,-1471,,1,1,0,1,1,0,Core staff,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Trade: type 7,,0.6731792813994137,0.4206109640437848,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,2.0,0.0,2.0,0.0,-1265.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,5.0 +1458816,154716,Cash loans,44323.785,675000.0,850581.0,,675000.0,WEDNESDAY,16,Y,1,,,,XNA,Refused,-362,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,Y,1,135000.0,450000.0,53406.0,450000.0,"Spouse, partner",Working,Incomplete higher,Married,House / apartment,0.028663,-11750,-1013,-487.0,-199,,1,1,0,1,0,0,Managers,3.0,2,2,MONDAY,16,0,0,0,0,0,0,Self-employed,,0.44114064216457,0.5989262182569273,0.0052,,0.9518,0.3404,,,0.0345,0.0,0.0417,,,0.0032,,0.0062,0.0053,,0.9518,0.3662,,,0.0345,0.0,0.0417,,,0.0033,,0.0066,0.0052,,0.9518,0.3492,,,0.0345,0.0,0.0417,,,0.0032,,0.0063,,block of flats,0.0038,,No,1.0,1.0,1.0,1.0,-468.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2226359,333288,Consumer loans,9232.875,91715.715,100795.5,1.215,91715.715,WEDNESDAY,9,Y,1,1.3127862892609687e-05,,,XAP,Approved,-1472,Cash through the bank,XAP,Unaccompanied,Refreshed,Computers,POS,XNA,Stone,296,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-1441.0,-1111.0,-1261.0,-1257.0,0.0,0,Cash loans,M,Y,Y,0,148500.0,427500.0,12249.0,427500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-14525,-155,-456.0,-4264,7.0,1,1,0,1,1,0,High skill tech staff,2.0,2,2,FRIDAY,16,0,0,0,0,0,0,Agriculture,0.5044335084801488,0.6235556059659549,,0.1485,0.1036,0.9876,0.83,0.1023,0.16,0.1379,0.3333,0.375,0.0448,0.121,0.1468,0.0,0.0,0.1513,0.1075,0.9876,0.8367,0.1032,0.1611,0.1379,0.3333,0.375,0.0458,0.1322,0.153,0.0,0.0,0.1499,0.1036,0.9876,0.8323,0.1029,0.16,0.1379,0.3333,0.375,0.0456,0.1231,0.1494,0.0,0.0,reg oper account,block of flats,0.1714,Panel,No,0.0,0.0,0.0,0.0,-1472.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2652178,130648,Revolving loans,13500.0,270000.0,270000.0,,270000.0,THURSDAY,15,Y,1,,,,XAP,Approved,-128,XNA,XAP,Unaccompanied,Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,103500.0,85500.0,3222.0,85500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.009549,-19879,-434,-5925.0,-3377,,1,1,0,1,0,0,Core staff,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Self-employed,,0.618011417782674,,0.0825,0.0796,0.9762,,,,0.1379,0.1667,,0.0487,,0.0691,,0.004,0.084,0.0826,0.9762,,,,0.1379,0.1667,,0.0499,,0.07200000000000001,,0.0043,0.0833,0.0796,0.9762,,,,0.1379,0.1667,,0.0496,,0.0703,,0.0041,,block of flats,0.0587,Block,No,0.0,0.0,0.0,0.0,-2442.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1308337,247142,Consumer loans,9377.01,78345.0,76716.0,7834.5,78345.0,SUNDAY,13,Y,1,0.10091581631418772,,,XAP,Approved,-603,Cash through the bank,XAP,,New,Computers,POS,XNA,Regional / Local,600,Consumer electronics,10.0,middle,POS household with interest,365243.0,-572.0,-302.0,-332.0,-330.0,0.0,0,Revolving loans,F,N,Y,1,135000.0,405000.0,20250.0,405000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.019101,-14468,365243,-1020.0,-1081,,1,0,0,1,0,0,,3.0,2,2,MONDAY,9,0,0,0,0,0,0,XNA,,0.519203104523911,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,4.0,6.0,3.0,-603.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2143252,102780,Revolving loans,16875.0,0.0,337500.0,,,SATURDAY,11,Y,1,,,,XAP,Approved,-1061,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,1,180000.0,482103.0,13257.0,381411.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-18469,-857,-2276.0,-2022,1.0,1,1,1,1,0,0,Sales staff,3.0,1,1,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.3963642645836192,0.6577838002083306,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-224.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2202603,403057,Cash loans,18144.045,180000.0,197820.0,,180000.0,MONDAY,15,Y,1,,,,Other,Refused,-330,XNA,SCOFR,,Repeater,XNA,Cash,walk-in,Contact center,-1,XNA,18.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,112500.0,247275.0,22680.0,225000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.02461,-9836,-1448,-3093.0,-1028,,1,1,0,1,1,0,Sales staff,2.0,2,2,TUESDAY,12,0,0,0,1,1,0,Business Entity Type 3,0.4934221826151628,0.6765428418486475,0.3723336657058204,0.1278,0.1428,0.9757,0.6668,0.0572,0.0,0.2414,0.1667,0.2083,0.1373,0.0992,0.0967,0.0232,0.1079,0.1303,0.1482,0.9757,0.6798,0.0578,0.0,0.2414,0.1667,0.2083,0.1404,0.1084,0.1008,0.0233,0.1142,0.1291,0.1428,0.9757,0.6713,0.0576,0.0,0.2414,0.1667,0.2083,0.1397,0.1009,0.0984,0.0233,0.1101,reg oper account,block of flats,0.1225,"Stone, brick",No,1.0,0.0,1.0,0.0,-455.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +2785776,125952,Cash loans,35852.895,810000.0,921195.0,,810000.0,THURSDAY,16,Y,1,,,,XNA,Refused,-460,XNA,HC,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,N,0,112500.0,1184755.5,63121.5,1066500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018029,-19485,365243,-10049.0,-3039,,1,0,0,1,1,0,,2.0,3,3,MONDAY,11,0,0,0,0,0,0,XNA,0.3525324201462689,0.33865504265542,0.33285056416487313,0.1134,0.1177,0.9836,0.7756,0.0912,0.0,0.2759,0.1667,0.0417,0.0261,0.0908,0.1065,0.0077,0.0151,0.1155,0.1222,0.9836,0.7844,0.0921,0.0,0.2759,0.1667,0.0417,0.0267,0.0992,0.1109,0.0078,0.016,0.1145,0.1177,0.9836,0.7786,0.0918,0.0,0.2759,0.1667,0.0417,0.0265,0.0923,0.1084,0.0078,0.0154,reg oper account,block of flats,0.1369,Panel,No,0.0,0.0,0.0,0.0,-461.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2358950,166247,Cash loans,,0.0,0.0,,,MONDAY,13,Y,1,,,,XNA,Refused,-272,XNA,HC,,Repeater,XNA,XNA,XNA,Contact center,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,N,0,193500.0,545040.0,39627.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-19476,-982,-13393.0,-2971,,1,1,0,1,0,0,,2.0,1,1,SUNDAY,12,0,1,1,0,0,0,Business Entity Type 3,0.8630009489131572,0.5747440238597067,0.4382813743111921,0.0124,0.0,0.9722,0.6192,0.0022,0.0,0.069,0.0417,0.0833,0.0488,0.0101,0.0127,0.0,0.0,0.0126,0.0,0.9722,0.6341,0.0022,0.0,0.069,0.0417,0.0833,0.0499,0.011,0.0132,0.0,0.0,0.0125,0.0,0.9722,0.6243,0.0022,0.0,0.069,0.0417,0.0833,0.0497,0.0103,0.0129,0.0,0.0,reg oper account,block of flats,0.0112,"Stone, brick",No,1.0,0.0,1.0,0.0,-2046.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2787826,293250,Consumer loans,14946.3,84600.0,84600.0,0.0,84600.0,SATURDAY,15,Y,1,0.0,,,XAP,Approved,-537,Cash through the bank,XAP,,Repeater,Clothing and Accessories,POS,XNA,Stone,10,Clothing,6.0,low_normal,POS industry with interest,365243.0,-503.0,-353.0,-383.0,-375.0,0.0,0,Cash loans,F,N,Y,0,112500.0,495000.0,28548.0,495000.0,Children,State servant,Secondary / secondary special,Married,House / apartment,0.015221,-16561,-2609,-7939.0,-115,,1,1,0,1,1,0,Core staff,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,Kindergarten,0.7565969145245307,0.35708113920998996,0.7394117535524816,0.0722,0.0549,0.9856,,,0.0,0.0345,0.1667,,0.067,,0.0466,,0.0,0.0735,0.0569,0.9856,,,0.0,0.0345,0.1667,,0.0686,,0.0485,,0.0,0.0729,0.0549,0.9856,,,0.0,0.0345,0.1667,,0.0682,,0.0474,,0.0,,block of flats,0.0531,"Stone, brick",No,0.0,0.0,0.0,0.0,-1549.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1121268,454309,Consumer loans,22723.11,184455.0,225472.5,0.0,184455.0,SUNDAY,11,Y,1,0.0,,,XAP,Approved,-387,XNA,XAP,,New,Computers,POS,XNA,Stone,65,Consumer electronics,12.0,middle,POS household with interest,365243.0,-328.0,2.0,-28.0,-23.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,318528.0,23305.5,252000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.020246,-18574,-1274,-9994.0,-2016,4.0,1,1,0,1,0,0,Low-skill Laborers,1.0,3,3,TUESDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.0019382298313942493,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-387.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2282048,419400,Consumer loans,31220.235,301936.5,301936.5,0.0,301936.5,MONDAY,18,Y,1,0.0,,,XAP,Approved,-294,Cash through the bank,XAP,,Refreshed,Audio/Video,POS,XNA,Country-wide,2708,Consumer electronics,12.0,middle,POS household with interest,365243.0,-263.0,67.0,365243.0,365243.0,0.0,0,Revolving loans,M,Y,N,2,270000.0,540000.0,27000.0,540000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009549,-15990,-1683,-340.0,-5085,21.0,1,1,0,1,0,0,Accountants,4.0,2,2,MONDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.6683903493280252,0.591513515292287,0.7407990879702335,0.0928,0.0857,0.9831,,,,0.2069,0.1667,,0.0787,,0.0909,,0.0,0.0945,0.0889,0.9831,,,,0.2069,0.1667,,0.0805,,0.0947,,0.0,0.0937,0.0857,0.9831,,,,0.2069,0.1667,,0.0801,,0.0925,,0.0,,block of flats,0.0715,Panel,No,6.0,2.0,6.0,1.0,-2381.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2319764,352914,Consumer loans,4710.285,52150.5,29650.5,22500.0,52150.5,FRIDAY,16,Y,1,0.4698813137850156,,,XAP,Approved,-375,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,45,Connectivity,8.0,high,POS mobile with interest,365243.0,-337.0,-127.0,-127.0,-121.0,0.0,0,Cash loans,M,N,N,0,112500.0,1288350.0,37800.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.005144,-10237,-262,-6698.0,-2709,,1,1,1,1,1,0,Laborers,1.0,2,2,TUESDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.6069046729765385,,0.066,0.0804,0.9767,0.6804,0.0071,0.0,0.1379,0.1667,,0.067,,0.0599,0.0116,0.0249,0.0672,0.0834,0.9767,0.6929,0.0072,0.0,0.1379,0.1667,,0.0685,,0.0624,0.0117,0.0264,0.0666,0.0804,0.9767,0.6847,0.0072,0.0,0.1379,0.1667,,0.0682,,0.061,0.0116,0.0254,reg oper spec account,block of flats,0.0564,"Stone, brick",No,2.0,0.0,2.0,0.0,-2222.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1456363,220454,Consumer loans,7425.585,74250.0,66825.0,7425.0,74250.0,FRIDAY,14,Y,1,0.1089090909090909,,,XAP,Approved,-488,Cash through the bank,XAP,,Refreshed,Clothing and Accessories,POS,XNA,Stone,63,Clothing,10.0,low_normal,POS industry with interest,365243.0,-457.0,-187.0,-187.0,-171.0,0.0,0,Cash loans,M,Y,Y,1,157500.0,71955.0,7879.5,67500.0,Family,Working,Higher education,Married,House / apartment,0.01885,-9944,-2294,-8412.0,-2598,10.0,1,1,1,1,0,0,Laborers,3.0,2,2,WEDNESDAY,18,0,0,0,1,0,1,Industry: type 5,,0.4917530860527666,0.633031641417419,0.0082,0.008,0.9692,,,,0.0345,0.0417,,,,0.0079,,,0.0084,0.0083,0.9692,,,,0.0345,0.0417,,,,0.0082,,,0.0083,0.008,0.9692,,,,0.0345,0.0417,,,,0.008,,,,block of flats,0.0062,"Stone, brick",No,4.0,1.0,4.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1626670,200250,Cash loans,16591.5,135000.0,135000.0,0.0,135000.0,WEDNESDAY,16,Y,1,0.0,,,XNA,Approved,-2824,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,10,Consumer electronics,10.0,middle,Cash Street: middle,365243.0,-2794.0,-2524.0,-2524.0,-2519.0,0.0,0,Cash loans,F,Y,Y,0,135000.0,450000.0,25128.0,450000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.04622,-19564,-801,-7730.0,-3020,11.0,1,1,1,1,1,0,Cooking staff,2.0,1,1,SATURDAY,15,0,0,0,0,0,0,Other,,0.7124818537105488,,0.0866,0.0308,0.9786,,,0.08,0.0345,0.4583,,0.0067,,0.07200000000000001,,0.0,0.0882,0.032,0.9786,,,0.0806,0.0345,0.4583,,0.0068,,0.075,,0.0,0.0874,0.0308,0.9786,,,0.08,0.0345,0.4583,,0.0068,,0.0733,,0.0,,block of flats,0.0566,Block,No,4.0,1.0,4.0,1.0,-2047.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2688005,117331,Consumer loans,5705.235,35955.0,34497.0,3595.5,35955.0,TUESDAY,13,Y,1,0.10279783063953173,,,XAP,Approved,-1549,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,8.0,high,POS mobile with interest,365243.0,-1518.0,-1308.0,-1308.0,-1306.0,0.0,1,Cash loans,F,Y,Y,1,180000.0,562500.0,23778.0,562500.0,"Spouse, partner",Working,Higher education,Married,House / apartment,0.028663,-10105,-1346,-10093.0,-2749,7.0,1,1,0,1,1,0,Laborers,3.0,2,2,THURSDAY,9,0,0,0,0,1,1,Industry: type 11,,0.10492818129094424,0.17456426555726348,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2258136,360301,Consumer loans,7947.09,85050.0,68040.0,17010.0,85050.0,SUNDAY,15,Y,1,0.2178181818181818,,,XAP,Approved,-2648,XNA,XAP,,New,Computers,POS,XNA,Stone,63,Consumer electronics,10.0,middle,POS household with interest,365243.0,-2616.0,-2346.0,-2346.0,-2340.0,0.0,0,Cash loans,M,N,Y,2,157500.0,900000.0,26446.5,900000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.028663,-10439,-1195,-7084.0,-1083,,1,1,0,1,0,0,Drivers,4.0,2,2,TUESDAY,9,0,0,0,0,0,0,Self-employed,0.5101536024955305,0.4620418652083562,0.3539876078507373,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,0.0,9.0,0.0,-664.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1908130,110531,Consumer loans,13656.375,106527.42,106524.0,3.42,106527.42,SATURDAY,19,Y,1,3.496462140067701e-05,,,XAP,Approved,-1997,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,1503,Consumer electronics,10.0,high,POS household with interest,365243.0,-1963.0,-1693.0,-1693.0,-1688.0,0.0,0,Revolving loans,F,N,Y,0,67500.0,135000.0,6750.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.026392000000000002,-14285,-1611,-6026.0,-4213,,1,1,0,1,0,0,Cleaning staff,1.0,2,2,MONDAY,10,0,0,0,0,0,0,Industry: type 9,,0.6390979637566664,0.35233997269170386,,,0.9816,,,,0.1379,0.1667,,,,0.0535,,,,,0.9816,,,,0.1379,0.1667,,,,0.0558,,,,,0.9816,,,,0.1379,0.1667,,,,0.0545,,,,,0.0478,Panel,No,3.0,2.0,3.0,2.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2222075,434002,Consumer loans,14278.635,103356.0,103356.0,0.0,103356.0,MONDAY,12,Y,1,0.0,,,XAP,Approved,-49,XNA,XAP,,Repeater,Computers,POS,XNA,Country-wide,30,Connectivity,10.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,2,76500.0,900000.0,26446.5,900000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.0105,-11497,-907,-1596.0,-4,,1,1,1,1,1,0,Core staff,4.0,3,3,MONDAY,9,0,0,0,0,0,0,Kindergarten,0.42229308451627,0.5947958781380263,0.5154953751603267,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1713.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2113942,406364,Consumer loans,18901.35,1012500.0,202500.0,810000.0,1012500.0,SATURDAY,14,Y,1,0.8712727272727272,,,XAP,Approved,-2831,Cash through the bank,XAP,,New,XNA,Cars,XNA,Car dealer,442,Industry,12.0,low_normal,POS industry with interest,365243.0,-2796.0,-2466.0,-2466.0,-2459.0,0.0,0,Cash loans,M,Y,Y,0,146250.0,728460.0,48681.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.02461,-21552,-767,-7158.0,-5096,3.0,1,1,1,1,1,0,Managers,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Government,,0.6301640181318272,0.7801436381572275,0.1113,0.0692,0.9896,0.8572,0.0213,0.12,0.1034,0.3333,0.375,0.0273,0.0908,0.1112,0.0,0.0,0.1134,0.0718,0.9896,0.8628,0.0215,0.1208,0.1034,0.3333,0.375,0.0279,0.0992,0.1159,0.0,0.0,0.1124,0.0692,0.9896,0.8591,0.0214,0.12,0.1034,0.3333,0.375,0.0278,0.0923,0.1132,0.0,0.0,reg oper account,block of flats,0.0991,Panel,No,0.0,0.0,0.0,0.0,-2831.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2039241,352083,Consumer loans,6913.53,153463.5,153463.5,0.0,153463.5,SUNDAY,17,Y,1,0.0,,,XAP,Refused,-593,Cash through the bank,HC,Family,Repeater,Computers,POS,XNA,Regional / Local,80,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,0,Cash loans,F,Y,Y,1,157500.0,691020.0,22419.0,495000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-17644,-9541,-8940.0,-1197,6.0,1,1,0,1,0,0,Laborers,3.0,2,2,FRIDAY,9,0,0,0,0,0,0,Agriculture,0.4909808664231002,0.6702377811615013,0.5082869913916046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1463.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1248860,360926,Consumer loans,6041.34,27225.0,28989.0,2722.5,27225.0,SATURDAY,11,Y,1,0.09350078047396056,,,XAP,Approved,-1586,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,37,Connectivity,6.0,high,POS mobile with interest,365243.0,-1555.0,-1405.0,-1405.0,-598.0,0.0,0,Cash loans,F,N,Y,1,112500.0,306306.0,16744.5,247500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.003069,-15011,-707,-523.0,-4461,,1,1,0,1,0,0,Waiters/barmen staff,3.0,3,3,WEDNESDAY,10,0,0,0,0,1,1,Business Entity Type 1,0.2728306268203409,0.4279448950300446,0.20092608771597092,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +2589171,426026,Consumer loans,7963.155,71910.0,80770.5,0.0,71910.0,SUNDAY,18,Y,1,0.0,,,XAP,Approved,-586,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,14.0,high,POS mobile with interest,365243.0,-551.0,-161.0,-401.0,-397.0,0.0,0,Cash loans,F,N,Y,0,126000.0,314055.0,17167.5,238500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00823,-10078,-1062,-4389.0,-2011,,1,1,0,1,0,0,Cooking staff,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,Government,0.30208455091047176,0.6512218864443334,0.2471909382666521,0.0113,0.0169,0.9468,0.1228,0.0125,0.0,0.1724,0.0417,0.125,0.0265,0.0168,0.0079,0.0,0.0,0.0021,0.0,0.9359,0.1571,0.0127,0.0,0.1724,0.0,0.125,0.0224,0.0184,0.002,0.0,0.0,0.0115,0.0169,0.9468,0.1345,0.0126,0.0,0.1724,0.0417,0.125,0.0269,0.0171,0.008,0.0,0.0,reg oper account,terraced house,0.0016,Wooden,No,1.0,0.0,0.0,0.0,-409.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1545037,401758,Revolving loans,3375.0,67500.0,67500.0,,67500.0,SATURDAY,12,Y,1,,,,XAP,Refused,-481,XNA,HC,,Repeater,XNA,Cards,walk-in,Stone,200,Furniture,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,2,112500.0,922500.0,27103.5,922500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.0228,-12999,-646,-5046.0,-4738,,1,1,0,1,0,0,Managers,4.0,2,2,THURSDAY,10,0,0,0,0,0,0,Self-employed,0.31777153625809906,0.6651919838861745,0.28371188263500075,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-481.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +2310387,237404,Consumer loans,4870.71,23688.0,23688.0,0.0,23688.0,TUESDAY,11,Y,1,0.0,,,XAP,Approved,-540,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,3,Connectivity,6.0,high,POS mobile with interest,365243.0,-496.0,-346.0,-346.0,-339.0,0.0,0,Cash loans,F,N,Y,1,157500.0,370107.0,20205.0,319500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.022625,-12192,-1769,-6103.0,-2176,,1,1,0,1,0,0,High skill tech staff,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Transport: type 3,0.2952543077188163,0.5927598914002584,0.5388627065779676,0.0876,,0.9801,,,0.0,0.2069,0.1667,,,,0.0815,,0.0337,0.0893,,0.9801,,,0.0,0.2069,0.1667,,,,0.0849,,0.0357,0.0885,,0.9801,,,0.0,0.2069,0.1667,,,,0.0829,,0.0344,,block of flats,0.0641,Panel,No,2.0,0.0,2.0,0.0,-359.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2704856,444769,Consumer loans,11202.525,116190.0,102964.5,22500.0,116190.0,THURSDAY,12,Y,1,0.19531058948583427,,,XAP,Approved,-2125,Cash through the bank,XAP,Children,New,Computers,POS,XNA,Stone,70,Consumer electronics,12.0,high,POS household with interest,365243.0,-2094.0,-1764.0,-1764.0,-1758.0,0.0,0,Cash loans,M,N,N,1,225000.0,533304.0,28053.0,405000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.022625,-19600,-1949,-2652.0,-3127,,1,1,0,1,0,0,Managers,3.0,2,2,MONDAY,13,0,1,1,0,1,1,Business Entity Type 3,,0.22842436201913044,0.36227724703843145,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-159.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2584102,451948,Consumer loans,18701.775,175149.0,190174.5,0.0,175149.0,TUESDAY,15,Y,1,0.0,,,XAP,Approved,-672,Cash through the bank,XAP,Unaccompanied,Repeater,Medical Supplies,POS,XNA,Stone,50,Industry,12.0,middle,POS industry with interest,365243.0,-639.0,-309.0,-399.0,-375.0,0.0,0,Cash loans,F,N,Y,1,180000.0,540000.0,15916.5,540000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010006000000000001,-14238,-6130,-1691.0,-4991,,1,1,0,1,0,0,Core staff,3.0,2,2,TUESDAY,11,0,0,0,0,0,0,School,,0.792595729549555,0.8435435389318647,0.2938,0.1408,0.9945,0.9252,0.2246,0.48,0.2069,0.4583,0.5,,0.2396,0.3191,0.0,0.0,0.2994,0.1461,0.9945,0.9281,0.2266,0.4834,0.2069,0.4583,0.5,,0.2617,0.3325,0.0,0.0,0.2967,0.1408,0.9945,0.9262,0.226,0.48,0.2069,0.4583,0.5,,0.2437,0.3249,0.0,0.0,reg oper account,block of flats,0.3738,Panel,No,1.0,0.0,1.0,0.0,-1545.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1241397,322646,Cash loans,14523.93,337500.0,462546.0,,337500.0,SATURDAY,11,Y,1,,,,XNA,Refused,-156,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,144000.0,571446.0,18562.5,477000.0,Unaccompanied,Working,Lower secondary,Separated,House / apartment,0.018634,-18540,-2114,-525.0,-2099,,1,1,0,1,0,0,Cooking staff,1.0,2,2,MONDAY,12,0,0,0,0,0,0,Kindergarten,0.7881101903211122,0.5023034302837903,0.5388627065779676,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1437.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1294021,190408,Cash loans,34897.995,675000.0,767664.0,,675000.0,TUESDAY,14,Y,1,,,,XNA,Approved,-335,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-305.0,1105.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,0,225000.0,1057500.0,34114.5,1057500.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.072508,-21349,365243,-553.0,-1470,1.0,1,0,0,1,1,1,,1.0,1,1,MONDAY,13,1,0,0,0,0,0,XNA,,0.6764758434616989,0.6195277080511546,0.2206,0.0,0.9955,0.9388,0.0,0.2,0.0345,1.0,1.0,0.0,0.1799,0.3059,0.0,0.3552,0.2248,0.0,0.9955,0.9412,0.0,0.2014,0.0345,1.0,1.0,0.0,0.1965,0.3187,0.0,0.376,0.2228,0.0,0.9955,0.9396,0.0,0.2,0.0345,1.0,1.0,0.0,0.183,0.3114,0.0,0.3626,reg oper spec account,block of flats,0.3178,Panel,No,0.0,0.0,0.0,0.0,-335.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2287647,287908,Consumer loans,22504.545,473670.0,426303.0,47367.0,473670.0,FRIDAY,16,Y,1,0.1089090909090909,,,XAP,Approved,-476,Cash through the bank,XAP,,New,Gardening,POS,XNA,Stone,30,Construction,24.0,low_normal,POS industry with interest,365243.0,-431.0,259.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,1,112500.0,225000.0,17541.0,225000.0,Unaccompanied,State servant,Higher education,Civil marriage,House / apartment,0.04622,-10445,-1942,-4726.0,-1550,,1,1,1,1,0,0,Core staff,3.0,1,1,THURSDAY,13,0,1,1,0,1,1,School,0.1368951510231284,0.06364088729929726,0.10684194768082178,0.1286,0.0719,0.9881,0.8368,0.0249,0.18,0.0776,0.5625,0.6042,0.093,0.1049,0.1481,0.0,0.019,0.1166,0.0517,0.9881,0.8432,0.027000000000000003,0.1611,0.069,0.5417,0.5833,0.054000000000000006,0.1019,0.091,0.0,0.0,0.1155,0.0715,0.9881,0.8390000000000001,0.0267,0.16,0.069,0.5417,0.5833,0.0707,0.0949,0.1282,0.0,0.0006,reg oper account,block of flats,0.1994,"Stone, brick",No,0.0,0.0,0.0,0.0,-476.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1224508,317867,Consumer loans,8419.185,186885.0,186885.0,0.0,186885.0,FRIDAY,15,Y,1,0.0,,,XAP,Approved,-231,XNA,XAP,Unaccompanied,Refreshed,Homewares,POS,XNA,Stone,268,Construction,24.0,low_action,POS industry without interest,365243.0,-197.0,493.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,180000.0,247675.5,19989.0,229500.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.020713,-12611,-201,-2394.0,-1826,,1,1,0,1,0,0,Accountants,2.0,3,3,FRIDAY,7,0,0,0,0,0,0,Self-employed,0.6043403103850337,0.4555859237425299,0.4974688893052743,0.0918,0.0878,0.9826,0.762,0.0119,0.0,0.2069,0.1667,0.2083,0.035,0.07400000000000001,0.0854,0.0039,0.0078,0.0935,0.0911,0.9826,0.7713,0.012,0.0,0.2069,0.1667,0.2083,0.0358,0.0808,0.08900000000000001,0.0039,0.0082,0.0926,0.0878,0.9826,0.7652,0.0119,0.0,0.2069,0.1667,0.2083,0.0356,0.0752,0.0869,0.0039,0.0079,reg oper account,block of flats,0.077,Panel,No,2.0,0.0,2.0,0.0,-231.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1314275,137777,Consumer loans,19229.49,107955.0,101970.0,10795.5,107955.0,SUNDAY,15,Y,1,0.10426310271395868,,,XAP,Approved,-1553,Cash through the bank,XAP,Family,New,Office Appliances,POS,XNA,Stone,176,Consumer electronics,6.0,middle,POS household without interest,365243.0,-1522.0,-1372.0,-1372.0,-1364.0,0.0,0,Revolving loans,F,N,Y,0,90000.0,270000.0,13500.0,270000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.030755,-17155,-8180,-9468.0,-689,,1,1,0,1,1,0,High skill tech staff,2.0,2,2,SATURDAY,16,0,0,0,0,0,0,Business Entity Type 2,,0.6598529572343114,,,,0.9662,,,,,,,,,0.0093,,,,,0.9662,,,,,,,,,0.0097,,,,,0.9662,,,,,,,,,0.0095,,,,,0.0084,,No,3.0,2.0,3.0,2.0,-1553.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1953724,339131,Cash loans,48461.85,675000.0,826600.5,,675000.0,THURSDAY,15,Y,1,,,,XNA,Approved,-851,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-821.0,-131.0,-371.0,-365.0,1.0,0,Cash loans,M,Y,Y,0,225000.0,427500.0,24538.5,427500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.00963,-18401,-2480,-9811.0,-1860,6.0,1,1,0,1,1,0,Laborers,2.0,2,2,MONDAY,15,0,0,0,0,1,1,Self-employed,0.4825739436328989,0.5778943321002633,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1543.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1101359,271161,Revolving loans,6750.0,0.0,135000.0,,,THURSDAY,15,Y,1,,,,XAP,Approved,-2729,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,-1,Consumer electronics,0.0,XNA,Card Street,-2704.0,-2644.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,2,67500.0,639000.0,32755.5,639000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-15663,-2065,-2910.0,-3144,,1,1,0,1,0,0,Cooking staff,4.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Kindergarten,0.7822705089698059,0.7417942550036338,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-3030.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2000150,421010,Cash loans,8436.105,45000.0,46485.0,,45000.0,MONDAY,13,Y,1,,,,XNA,Approved,-567,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,low_normal,Cash X-Sell: low,365243.0,-537.0,-387.0,-537.0,-533.0,1.0,0,Cash loans,F,N,Y,0,67500.0,57564.0,5737.5,54000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-22338,365243,-703.0,-5208,,1,0,0,1,0,0,,2.0,2,2,MONDAY,8,0,0,0,0,0,0,XNA,,0.26651977539251576,0.3893387918468769,0.0619,0.0525,0.9866,0.8164,0.0122,0.0,0.1379,0.1667,0.2083,0.0462,0.0504,0.0535,0.0,0.0,0.063,0.0545,0.9866,0.8236,0.0123,0.0,0.1379,0.1667,0.2083,0.0473,0.0551,0.0557,0.0,0.0,0.0625,0.0525,0.9866,0.8189,0.0123,0.0,0.1379,0.1667,0.2083,0.047,0.0513,0.0545,0.0,0.0,reg oper account,block of flats,0.0421,Panel,No,12.0,0.0,12.0,0.0,-1512.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +2545175,147727,Revolving loans,11250.0,225000.0,225000.0,,225000.0,WEDNESDAY,15,Y,1,,,,XAP,Refused,-698,XNA,HC,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,112500.0,148500.0,14688.0,148500.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.031329,-19542,-641,-9148.0,-3065,,1,1,0,1,0,0,Security staff,1.0,2,2,MONDAY,8,0,0,0,0,0,0,Security,,0.1598759250200174,0.5531646987710016,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1357.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1835611,230741,Consumer loans,12383.955,66582.0,70096.5,0.0,66582.0,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-731,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,951,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-700.0,-550.0,-550.0,-542.0,0.0,0,Revolving loans,F,N,Y,0,225000.0,315000.0,15750.0,315000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,Municipal apartment,0.009334,-18505,365243,-4824.0,-1974,,1,0,0,0,0,0,,1.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,XNA,0.34767728046884194,0.7186724970799728,0.7898803468924867,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0675,,No,4.0,1.0,4.0,1.0,-1956.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1039533,175949,Consumer loans,19876.365,175059.0,187573.5,0.0,175059.0,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-593,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,60,Furniture,10.0,low_action,POS industry without interest,365243.0,-562.0,-292.0,-292.0,-284.0,0.0,0,Cash loans,F,N,N,0,292500.0,1354500.0,35730.0,1354500.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.035792000000000004,-20330,-733,-4808.0,-3891,,1,1,1,1,1,0,High skill tech staff,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Construction,0.9174788482711737,0.6410878600849174,0.7032033049040319,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1517.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2416254,189992,Consumer loans,13264.515,110304.0,121950.0,0.0,110304.0,MONDAY,11,Y,1,0.0,,,XAP,Approved,-15,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,2226,Consumer electronics,12.0,middle,POS household with interest,365243.0,365243.0,351.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,112500.0,755190.0,32125.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-22640,365243,-9517.0,-4240,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,XNA,,0.29398758450226137,0.6296742509538716,0.1155,0.239,0.9871,,,0.16,0.1379,0.3333,,0.0504,,0.1208,,0.153,0.1176,0.248,0.9871,,,0.1611,0.1379,0.3333,,0.0516,,0.1259,,0.1619,0.1166,0.239,0.9871,,,0.16,0.1379,0.3333,,0.0513,,0.123,,0.1562,,block of flats,0.1283,"Stone, brick",No,6.0,0.0,6.0,0.0,-1798.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2412407,170997,Revolving loans,5625.0,0.0,112500.0,,,MONDAY,15,Y,1,,,,XAP,Approved,-2556,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,79,Connectivity,0.0,XNA,Card Street,-2555.0,-2522.0,365243.0,-2064.0,365243.0,0.0,0,Cash loans,F,N,Y,1,135000.0,255960.0,12060.0,202500.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.007273999999999998,-12935,-3769,-2517.0,-1861,,1,1,0,1,0,0,Accountants,3.0,2,2,TUESDAY,18,0,0,0,0,0,0,Business Entity Type 3,,0.5926912659941826,,0.132,0.1497,0.9821,0.7552,0.1737,0.0,0.2759,0.1667,0.2083,0.0,0.1076,0.0779,0.0,0.155,0.1345,0.1553,0.9821,0.7648,0.1753,0.0,0.2759,0.1667,0.2083,0.0,0.1175,0.0811,0.0,0.16399999999999998,0.1332,0.1497,0.9821,0.7585,0.1748,0.0,0.2759,0.1667,0.2083,0.0,0.1095,0.0793,0.0,0.1582,reg oper account,block of flats,0.0949,"Stone, brick",No,1.0,0.0,0.0,0.0,-1650.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1315060,412875,Consumer loans,10319.445,74160.0,29160.0,45000.0,74160.0,MONDAY,18,Y,1,0.660856134157105,,,XAP,Approved,-457,Cash through the bank,XAP,,Refreshed,Computers,POS,XNA,Country-wide,900,Consumer electronics,3.0,middle,POS household with interest,365243.0,-426.0,-366.0,-366.0,-360.0,0.0,0,Cash loans,F,N,Y,1,90000.0,254700.0,23944.5,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.004849,-17592,-3174,-3295.0,-810,,1,1,0,1,0,0,,3.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Trade: type 7,0.4744259306730979,0.5507668759449919,0.6263042766749393,0.2106,0.1162,0.9856,0.8028,0.0689,0.2264,0.1952,0.3333,0.375,0.1222,0.179,0.2247,0.0,0.0035,0.1964,0.0,0.9851,0.804,0.0409,0.2417,0.2069,0.3333,0.375,0.0,0.191,0.2248,0.0,0.0,0.2165,0.1162,0.9851,0.8054,0.0693,0.24,0.2069,0.3333,0.375,0.1773,0.1821,0.2322,0.0,0.0,org spec account,block of flats,0.1902,Panel,No,0.0,0.0,0.0,0.0,-457.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2001054,179834,Cash loans,10273.545,45000.0,52128.0,,45000.0,SATURDAY,14,Y,1,,,,XNA,Approved,-1272,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,Y,0,180000.0,679500.0,28917.0,679500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-13140,-838,-2494.0,-2494,,1,1,0,1,0,0,,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.6246008506782116,0.5424754448433684,0.3201633668633456,0.0206,0.0163,0.9627,0.49,0.0159,0.0,0.1379,0.0417,0.0833,0.0193,0.0143,0.0179,0.0116,0.0458,0.021,0.0169,0.9628,0.51,0.016,0.0,0.1379,0.0417,0.0833,0.0197,0.0156,0.0187,0.0117,0.0484,0.0208,0.0163,0.9627,0.4968,0.016,0.0,0.1379,0.0417,0.0833,0.0196,0.0145,0.0183,0.0116,0.0467,reg oper account,block of flats,0.0327,Block,No,0.0,0.0,0.0,0.0,-1613.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2580843,168778,Consumer loans,3568.5,21105.0,22500.0,0.0,21105.0,SATURDAY,8,Y,1,0.0,,,XAP,Approved,-2454,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,8.0,high,POS mobile with interest,365243.0,-2423.0,-2213.0,-2213.0,-2208.0,1.0,0,Cash loans,F,N,Y,0,72000.0,339241.5,12312.0,238500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.031329,-17277,-2504,-7980.0,-831,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Housing,,0.6424201422117459,0.5638350489514956,0.8351,0.2095,0.9846,0.7892,0.5113,0.36,0.3103,0.3333,0.375,0.2945,0.6808,0.3541,0.0,0.0,0.8508,0.2174,0.9846,0.7975,0.516,0.3625,0.3103,0.3333,0.375,0.3012,0.7438,0.3689,0.0,0.0,0.8431,0.2095,0.9846,0.792,0.5146,0.36,0.3103,0.3333,0.375,0.2996,0.6926,0.3604,0.0,0.0,org spec account,block of flats,0.2785,Panel,No,0.0,0.0,0.0,0.0,-419.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2565750,137024,Consumer loans,16606.35,137268.0,110268.0,27000.0,137268.0,TUESDAY,8,Y,1,0.21421929761819608,,,XAP,Approved,-2865,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,10,Consumer electronics,8.0,high,POS household with interest,365243.0,-2834.0,-2624.0,-2714.0,-2573.0,0.0,0,Cash loans,F,N,Y,1,126000.0,1002726.0,29448.0,837000.0,Unaccompanied,State servant,Secondary / secondary special,Civil marriage,House / apartment,0.018801,-11813,-74,-1815.0,-3921,,1,1,0,1,0,1,HR staff,3.0,2,2,THURSDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.3989713193646955,0.5979751655005192,0.06733950871403091,0.0299,0.0,0.9752,0.66,0.0053,0.0,0.1034,0.0833,0.125,0.044,0.0202,0.0205,0.0193,0.0352,0.0305,0.0,0.9752,0.6733,0.0053,0.0,0.1034,0.0833,0.125,0.045,0.022,0.0214,0.0195,0.0372,0.0302,0.0,0.9752,0.6645,0.0053,0.0,0.1034,0.0833,0.125,0.0448,0.0205,0.0209,0.0194,0.0359,reg oper account,block of flats,0.0267,"Stone, brick",No,2.0,0.0,2.0,0.0,-20.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2629546,389064,Consumer loans,5674.5,28512.0,27184.5,2853.0,28512.0,TUESDAY,15,Y,1,0.10344324140279193,,,XAP,Approved,-307,Cash through the bank,XAP,Other_A,New,Audio/Video,POS,XNA,Country-wide,50,Connectivity,6.0,high,POS mobile with interest,365243.0,-277.0,-127.0,-127.0,-120.0,1.0,0,Cash loans,M,Y,Y,2,135000.0,781920.0,32998.5,675000.0,Family,Working,Secondary / secondary special,Married,With parents,0.00963,-8878,-923,-3203.0,-1524,22.0,1,1,0,1,0,0,Laborers,4.0,2,2,MONDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.4785138234598258,0.6144143775673561,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-307.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1201510,102677,Consumer loans,4953.78,61353.0,49081.5,12271.5,61353.0,SUNDAY,16,Y,1,0.21783415792070612,0.17600306018361106,0.8350951374207188,XAP,Approved,-178,XNA,XAP,,Repeater,Computers,POS,XNA,Country-wide,25,Connectivity,12.0,middle,POS mobile with interest,,,,,,,0,Cash loans,F,N,N,0,157500.0,315000.0,15151.5,315000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-15483,-8330,-9599.0,-5131,,1,1,1,1,1,0,Laborers,2.0,2,2,TUESDAY,19,0,0,0,0,0,0,Other,,0.5721069732570889,0.3123653692278984,0.0619,0.0493,0.9786,0.7076,0.0095,0.0,0.1379,0.1667,0.2083,0.0651,0.0504,0.0539,0.0,0.0,0.063,0.0512,0.9786,0.7190000000000001,0.0096,0.0,0.1379,0.1667,0.2083,0.0665,0.0551,0.0561,0.0,0.0,0.0625,0.0493,0.9786,0.7115,0.0096,0.0,0.1379,0.1667,0.2083,0.0662,0.0513,0.0548,0.0,0.0,reg oper account,block of flats,0.0476,Panel,No,0.0,0.0,0.0,0.0,-1329.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1541280,232655,Consumer loans,3387.6,18293.85,18292.5,1.35,18293.85,MONDAY,19,Y,1,8.036978149884944e-05,,,XAP,Approved,-274,XNA,XAP,,New,Jewelry,POS,XNA,Country-wide,32,Industry,6.0,middle,POS others without interest,365243.0,-233.0,-83.0,-83.0,-79.0,0.0,0,Cash loans,F,N,Y,0,180000.0,1125000.0,33025.5,1125000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018634,-22171,365243,-11733.0,-2925,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,18,0,0,0,0,0,0,XNA,,0.7565109199226634,0.5388627065779676,0.134,0.1047,0.9841,0.7824,0.1083,0.16,0.1379,0.3333,0.375,0.0751,0.1076,0.1341,0.0077,0.2525,0.1366,0.1087,0.9841,0.7909,0.1092,0.1611,0.1379,0.3333,0.375,0.0768,0.1175,0.1398,0.0078,0.2673,0.1353,0.1047,0.9841,0.7853,0.1089,0.16,0.1379,0.3333,0.375,0.0764,0.1095,0.1365,0.0078,0.2578,reg oper account,block of flats,0.2196,"Stone, brick",No,3.0,0.0,3.0,0.0,-274.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2262253,174926,Cash loans,22768.2,193500.0,206271.0,,193500.0,SATURDAY,13,Y,1,,,,XNA,Approved,-531,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-501.0,-171.0,-411.0,-404.0,1.0,0,Cash loans,F,N,N,0,90000.0,202500.0,18702.0,202500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.003069,-15382,-777,-4644.0,-462,,1,1,0,1,1,0,Sales staff,2.0,3,3,FRIDAY,11,0,0,0,0,0,0,Self-employed,0.2001918078906278,0.6922316384385054,0.34578480246959553,0.0825,0.0779,0.9786,,,0.0,0.1379,0.1667,,0.0402,,0.0492,,0.0031,0.084,0.0808,0.9786,,,0.0,0.1379,0.1667,,0.0412,,0.0512,,0.0033,0.0833,0.0779,0.9786,,,0.0,0.1379,0.1667,,0.0409,,0.0501,,0.0031,,block of flats,0.0552,"Stone, brick",No,3.0,1.0,3.0,0.0,-939.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2674415,131752,Consumer loans,18765.54,106200.0,106200.0,0.0,106200.0,WEDNESDAY,16,Y,1,0.0,,,XAP,Approved,-1138,XNA,XAP,,New,Furniture,POS,XNA,Stone,331,Furniture,6.0,low_normal,POS industry with interest,365243.0,-1106.0,-956.0,-956.0,-945.0,0.0,0,Cash loans,M,N,N,0,166500.0,450000.0,24412.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,Office apartment,0.04622,-11487,-2242,-5031.0,-4047,,1,1,0,1,1,0,Drivers,2.0,1,1,WEDNESDAY,17,0,0,0,1,1,1,Business Entity Type 3,0.18436478092996264,0.750786540415184,0.43473324875017305,0.0495,0.0615,0.9742,0.6464,0.0039,0.0,0.1034,0.125,0.1667,0.0333,0.0403,0.0392,0.0,0.0,0.0504,0.0638,0.9742,0.6602,0.0039,0.0,0.1034,0.125,0.1667,0.034,0.0441,0.0409,0.0,0.0,0.05,0.0615,0.9742,0.6511,0.0039,0.0,0.1034,0.125,0.1667,0.0339,0.041,0.0399,0.0,0.0,reg oper account,block of flats,0.033,"Stone, brick",No,0.0,0.0,0.0,0.0,-1138.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1624887,110374,Consumer loans,4001.85,33745.5,33376.5,3375.0,33745.5,WEDNESDAY,10,Y,1,0.10001447065240376,,,XAP,Approved,-1935,Cash through the bank,XAP,Other_B,Repeater,Mobile,POS,XNA,Country-wide,3205,Consumer electronics,12.0,high,POS household with interest,365243.0,-1904.0,-1574.0,-1754.0,-1749.0,0.0,0,Cash loans,F,N,Y,1,112500.0,521280.0,31630.5,450000.0,Family,Commercial associate,Lower secondary,Single / not married,House / apartment,0.04622,-13142,-602,-7135.0,-539,,1,1,0,1,1,0,Laborers,2.0,1,1,SATURDAY,11,0,0,0,0,1,1,Trade: type 7,0.4745273201681741,0.6832010533189734,0.23791607950711405,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1449.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,9.0 +2843343,340056,Consumer loans,12366.81,127624.5,127624.5,0.0,127624.5,THURSDAY,12,Y,1,0.0,,,XAP,Approved,-560,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,51,Connectivity,12.0,low_normal,POS mobile without interest,365243.0,-529.0,-199.0,-199.0,-193.0,0.0,0,Cash loans,M,N,N,0,112500.0,545040.0,26640.0,450000.0,Unaccompanied,Working,Higher education,Single / not married,With parents,0.003069,-13645,-4484,-7635.0,-3864,,1,1,0,1,0,0,Managers,1.0,3,3,THURSDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.7338335568673002,0.6347055309763198,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-560.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2540120,228258,Consumer loans,15032.475,134914.5,149161.5,0.0,134914.5,FRIDAY,11,Y,1,0.0,,,XAP,Approved,-129,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Stone,30,Connectivity,12.0,middle,POS mobile with interest,365243.0,-99.0,231.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,1,180000.0,225000.0,18040.5,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.006629,-17780,-3377,-2611.0,-336,,1,1,0,1,0,0,Laborers,3.0,2,2,MONDAY,10,0,0,0,0,0,0,Industry: type 3,0.7015306997291961,0.4493450655937873,,0.0124,,0.9826,,,,0.0345,0.0417,,,,,,,0.0126,,0.9826,,,,0.0345,0.0417,,,,,,,0.0125,,0.9826,,,,0.0345,0.0417,,,,,,,,block of flats,0.0089,Wooden,No,3.0,0.0,3.0,0.0,-437.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,0.0 +2602047,304996,Consumer loans,,53955.0,53955.0,0.0,53955.0,WEDNESDAY,9,Y,1,0.0,,,XAP,Refused,-869,Cash through the bank,LIMIT,,Repeater,Computers,XNA,XNA,Country-wide,58,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,M,Y,N,0,270000.0,414612.0,22621.5,297000.0,Unaccompanied,Working,Incomplete higher,Civil marriage,House / apartment,0.0228,-11057,-668,-408.0,-3738,1.0,1,1,1,1,0,0,Laborers,2.0,2,2,THURSDAY,14,0,1,1,1,1,1,Industry: type 9,,0.22498948572998964,0.3539876078507373,0.0928,0.0,0.9821,0.7552,0.1367,0.0,0.2069,0.1667,0.2083,0.0,0.0756,0.0844,0.0,0.0,0.0945,0.0,0.9821,0.7648,0.1379,0.0,0.2069,0.1667,0.2083,0.0,0.0826,0.08800000000000001,0.0,0.0,0.0937,0.0,0.9821,0.7585,0.1375,0.0,0.2069,0.1667,0.2083,0.0,0.077,0.086,0.0,0.0,reg oper account,block of flats,0.0747,Panel,No,0.0,0.0,0.0,0.0,-972.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2217205,161767,Cash loans,60469.29,1125000.0,1190340.0,,1125000.0,WEDNESDAY,11,Y,1,,,,XNA,Refused,-171,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_action,Cash X-Sell: low,,,,,,,0,Revolving loans,F,N,N,0,180000.0,495000.0,24750.0,495000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,Municipal apartment,0.006233,-21905,-2161,-11579.0,-2790,,1,1,0,1,0,0,Sales staff,1.0,2,2,SATURDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.6086093149216117,0.28371188263500075,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-1745.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1906895,420689,Consumer loans,7194.78,71955.0,64759.5,7195.5,71955.0,SATURDAY,10,Y,1,0.1089090909090909,,,XAP,Refused,-2812,XNA,VERIF,Unaccompanied,New,XNA,POS,XNA,Country-wide,1079,Consumer electronics,10.0,low_normal,POS household without interest,,,,,,,0,Cash loans,F,N,N,0,135000.0,270000.0,13783.5,270000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.025164,-22246,365243,-13327.0,-5207,,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,XNA,0.8770996616440939,0.6312336209782871,0.6109913280868294,0.0619,0.0621,0.9771,0.6872,0.0081,0.0,0.1379,0.1667,0.2083,0.0629,0.0504,0.0532,0.0,0.0,0.063,0.0644,0.9772,0.6994,0.0082,0.0,0.1379,0.1667,0.2083,0.0643,0.0551,0.0554,0.0,0.0,0.0625,0.0621,0.9771,0.6914,0.0082,0.0,0.1379,0.1667,0.2083,0.064,0.0513,0.0541,0.0,0.0,reg oper account,block of flats,0.0463,Block,No,6.0,0.0,6.0,0.0,-2812.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2468695,140899,Cash loans,28616.49,534646.845,534646.845,,534646.845,MONDAY,10,Y,1,,,,XNA,Approved,-660,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash Street: low,365243.0,-630.0,60.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,90000.0,354519.0,22923.0,328500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.022625,-21161,365243,-10494.0,-4151,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,,0.7099757669369209,,0.066,0.0,0.9806,0.7348,0.008,0.0,0.1379,0.1667,0.2083,0.0622,0.053,0.0553,0.0039,0.0755,0.0672,0.0,0.9806,0.7452,0.008,0.0,0.1379,0.1667,0.2083,0.0636,0.0579,0.0576,0.0039,0.0799,0.0666,0.0,0.9806,0.7383,0.008,0.0,0.1379,0.1667,0.2083,0.0633,0.0539,0.0563,0.0039,0.0771,reg oper account,block of flats,0.0599,Panel,No,4.0,2.0,4.0,2.0,-1618.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1264353,376782,Consumer loans,18053.955,107955.0,89955.0,18000.0,107955.0,MONDAY,19,Y,1,0.18159081435446586,,,XAP,Approved,-2480,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,6.0,high,POS mobile with interest,365243.0,-2410.0,-2260.0,-2320.0,-2313.0,0.0,0,Cash loans,M,N,Y,0,238500.0,260640.0,27369.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.04622,-19899,-1086,-8336.0,-3443,,1,1,0,1,1,0,Drivers,2.0,1,1,WEDNESDAY,12,0,0,0,0,1,1,Business Entity Type 3,,0.7188316342792154,0.5762088360175724,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2480.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1857365,347827,Cash loans,8061.12,90000.0,98910.0,,90000.0,THURSDAY,12,Y,1,,,,XNA,Approved,-743,Cash through the bank,XAP,Other_B,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-712.0,-202.0,-412.0,-404.0,0.0,0,Cash loans,F,N,N,0,121500.0,294322.5,14445.0,243000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.008473999999999999,-19883,-1534,-524.0,-3395,,1,1,0,1,0,0,Cleaning staff,1.0,2,2,FRIDAY,13,0,0,0,0,0,0,Cleaning,,0.5266931993505967,0.7503751495159068,0.0742,0.0478,0.9856,0.8028,0.051,0.08,0.069,0.3333,0.375,0.0864,0.0605,0.08,0.0,0.0,0.0756,0.0495,0.9851,0.804,0.0511,0.0806,0.069,0.3333,0.375,0.0709,0.0661,0.0833,0.0,0.0,0.0749,0.0478,0.9856,0.8054,0.0513,0.08,0.069,0.3333,0.375,0.0879,0.0616,0.0815,0.0,0.0,reg oper account,block of flats,0.0907,Panel,No,0.0,0.0,0.0,0.0,-1269.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2370156,380540,Cash loans,5166.36,45000.0,47970.0,,45000.0,THURSDAY,14,Y,1,,,,XNA,Approved,-750,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Regional / Local,142,Consumer electronics,12.0,middle,Cash X-Sell: middle,365243.0,-720.0,-390.0,-660.0,-647.0,1.0,0,Cash loans,F,N,N,0,67500.0,97038.0,7029.0,81000.0,Family,State servant,Secondary / secondary special,Married,With parents,0.0031219999999999998,-16412,-3407,-6034.0,-3796,,1,1,0,1,0,0,Medicine staff,2.0,3,3,FRIDAY,15,0,0,0,0,0,0,Medicine,0.5229362929080593,0.5235740467684462,0.8327850252992314,,,0.9752,,,,,,,,,0.0401,,,,,0.9752,,,,,,,,,0.0417,,,,,0.9752,,,,,,,,,0.0408,,,,,0.0366,,No,0.0,0.0,0.0,0.0,-1111.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1817802,435974,Consumer loans,6930.36,28381.5,26010.0,5679.0,28381.5,THURSDAY,9,Y,1,0.19517647362577767,,,XAP,Approved,-1265,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,64,Connectivity,4.0,middle,POS mobile without interest,365243.0,-1234.0,-1144.0,-1174.0,-1171.0,0.0,0,Cash loans,F,Y,N,2,135000.0,521280.0,26613.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.025164,-11469,-3167,-1138.0,-1271,10.0,1,1,1,1,1,0,Laborers,4.0,2,2,MONDAY,11,0,0,0,0,0,0,Postal,,0.063655222959855,0.3893387918468769,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1265.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2717736,328046,Consumer loans,4614.66,25785.0,24430.5,2578.5,25785.0,THURSDAY,14,Y,1,0.1039735239768562,,,XAP,Approved,-754,Cash through the bank,XAP,Family,Repeater,Clothing and Accessories,POS,XNA,Stone,500,Clothing,6.0,middle,POS industry with interest,365243.0,-723.0,-573.0,-573.0,-569.0,0.0,0,Cash loans,M,Y,Y,1,202500.0,679500.0,27076.5,679500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.018209,-10572,-2048,-846.0,-2602,20.0,1,1,0,1,0,0,Sales staff,3.0,3,3,TUESDAY,8,0,0,0,0,1,1,Industry: type 3,0.28644690496077463,0.5056598787090021,0.3859146722745145,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2301233,361276,Cash loans,15737.985,135000.0,143910.0,0.0,135000.0,TUESDAY,13,Y,1,0.0,,,XNA,Approved,-2227,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-2197.0,-1867.0,-1867.0,-1865.0,1.0,0,Cash loans,M,Y,N,0,90000.0,258709.5,24570.0,234000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-16461,-4291,-9023.0,-6,8.0,1,1,0,1,0,0,Drivers,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Self-employed,,0.7437120688739364,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-399.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,,,,,, +1261228,122137,Cash loans,29303.235,697500.0,769315.5,,697500.0,THURSDAY,18,Y,1,,,,XNA,Approved,-229,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-198.0,852.0,-138.0,-135.0,0.0,0,Cash loans,F,N,Y,1,135000.0,526491.0,18909.0,454500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.032561,-13422,-837,-7211.0,-4921,,1,1,0,1,1,0,Sales staff,3.0,1,1,TUESDAY,15,0,0,0,0,0,0,Other,0.5790833459658027,0.7009661753059696,0.1684161714286957,,,0.9752,,,0.0,0.2069,0.1667,,,,0.0996,,,,,0.9747,,,0.0,0.2069,0.1667,,,,0.0884,,,,,0.9747,,,0.0,0.2069,0.1667,,,,0.1088,,,,block of flats,0.0671,Panel,No,0.0,0.0,0.0,0.0,-2409.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1795408,127642,Cash loans,,0.0,0.0,,,THURSDAY,13,Y,1,,,,XNA,Refused,-258,XNA,SCOFR,,Repeater,XNA,XNA,XNA,AP+ (Cash loan),8,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,Y,Y,0,202500.0,473760.0,51151.5,450000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.010147,-9389,-2014,-1741.0,-1838,24.0,1,1,1,1,0,0,Core staff,1.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Self-employed,0.24142186166306065,0.6370577762192485,,0.4278,0.3364,0.9876,0.7824,0.0808,0.44,0.3793,0.3333,0.375,0.1638,0.348,0.4422,0.0039,0.0387,0.4359,0.3491,0.9876,0.7909,0.0815,0.4431,0.3793,0.3333,0.375,0.1675,0.3802,0.4607,0.0039,0.041,0.4320000000000001,0.3364,0.9876,0.7853,0.0813,0.44,0.3793,0.3333,0.375,0.1666,0.354,0.4501,0.0039,0.0395,org spec account,block of flats,0.4004,"Stone, brick",No,0.0,0.0,0.0,0.0,-290.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2726329,255452,Consumer loans,4231.125,101565.0,90796.5,10768.5,101565.0,SATURDAY,14,Y,1,0.11547162363555805,,,XAP,Approved,-2636,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,-1,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-2605.0,-1915.0,-1945.0,-1942.0,0.0,0,Cash loans,M,N,Y,0,405000.0,1710000.0,45238.5,1710000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-17392,-798,-6104.0,-930,,1,1,0,1,1,0,Security staff,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Security,0.513850789609427,0.4606398389834561,0.19747451156854226,0.1031,,0.9771,,,0.0,0.1724,0.1667,,,,0.043,,0.0897,0.105,,0.9772,,,0.0,0.1724,0.1667,,,,0.0448,,0.095,0.1041,,0.9771,,,0.0,0.1724,0.1667,,,,0.0437,,0.0916,,block of flats,0.0533,Panel,No,2.0,0.0,2.0,0.0,-818.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,1.0,4.0 +2244685,337127,Consumer loans,6894.45,47970.0,33813.0,15750.0,47970.0,THURSDAY,17,Y,1,0.34608844941149275,,,XAP,Approved,-1540,Cash through the bank,XAP,Children,New,Mobile,POS,XNA,Country-wide,25,Connectivity,6.0,high,POS mobile with interest,365243.0,-1509.0,-1359.0,-1389.0,-1383.0,0.0,0,Cash loans,F,Y,Y,1,360000.0,1275772.5,42291.0,1143000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.018801,-16160,-2782,-5567.0,-4406,14.0,1,1,0,1,0,0,,3.0,2,2,THURSDAY,10,0,0,0,0,0,0,Other,0.7704864015653502,0.355791978249281,0.2580842039460289,0.0,,0.9801,,,,0.069,0.3333,,,,0.073,,,0.0,,0.9801,,,,0.069,0.3333,,,,0.0761,,,0.0,,0.9801,,,,0.069,0.3333,,,,0.0743,,,,block of flats,0.0574,Monolithic,No,3.0,0.0,3.0,0.0,-1540.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2248217,185381,Consumer loans,24226.695,138510.0,136642.5,8311.5,138510.0,SATURDAY,13,Y,1,0.0624472528589007,,,XAP,Approved,-2761,Cash through the bank,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Stone,2500,Consumer electronics,6.0,low_normal,POS household without interest,365243.0,-2730.0,-2580.0,-2580.0,-2571.0,1.0,0,Revolving loans,F,N,N,0,292500.0,675000.0,33750.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008019,-15769,-1709,-9723.0,-4080,,1,1,0,1,0,0,Core staff,2.0,2,2,TUESDAY,17,0,0,0,0,0,0,Self-employed,0.7624493120523312,0.7040555364429933,,0.0082,0.0,0.9692,0.5784,0.0012,0.0,0.069,0.0417,0.0833,0.0155,0.0067,0.0053,0.0,0.0,0.0084,0.0,0.9692,0.5949,0.0013,0.0,0.069,0.0417,0.0833,0.0158,0.0073,0.0055,0.0,0.0,0.0083,0.0,0.9692,0.584,0.0012,0.0,0.069,0.0417,0.0833,0.0157,0.0068,0.0054,0.0,0.0,reg oper account,block of flats,0.006,"Stone, brick",No,0.0,0.0,0.0,0.0,-1538.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1290380,295900,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,17,Y,1,,,,XAP,Approved,-801,XNA,XAP,,Refreshed,XNA,Cards,walk-in,Stone,100,Furniture,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,0,202500.0,260640.0,29605.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.035792000000000004,-14048,-93,-4000.0,-4768,5.0,1,1,0,1,1,0,Laborers,2.0,2,2,SATURDAY,14,0,0,0,0,1,1,Business Entity Type 3,0.3584400347865117,0.6238224878392817,0.41885428862332175,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-3210.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,8.0 +2211932,395666,Consumer loans,5138.73,34078.5,37674.0,3600.0,34078.5,SATURDAY,12,Y,1,0.09499266542441424,,,XAP,Approved,-1874,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,10.0,high,POS mobile with interest,365243.0,-1839.0,-1569.0,-1569.0,-1565.0,0.0,0,Cash loans,F,N,N,0,112500.0,283419.0,16398.0,234000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-14562,-391,-8076.0,-3957,,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,12,0,0,0,0,1,1,Business Entity Type 3,,0.22145943798042408,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1929.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1804563,425684,Cash loans,7306.965,135000.0,161730.0,,135000.0,WEDNESDAY,11,Y,1,,,,XNA,Refused,-1332,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,36.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,157500.0,536917.5,23778.0,463500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-20739,365243,-6741.0,-4171,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,8,0,0,0,0,0,0,XNA,,0.689040559948627,0.6075573001388961,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-1988.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,8.0 +2706851,377062,Revolving loans,38250.0,0.0,765000.0,,,WEDNESDAY,11,Y,1,,,,XAP,Approved,-556,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-515.0,-475.0,365243.0,-49.0,365243.0,0.0,0,Cash loans,F,N,Y,2,225000.0,251280.0,13761.0,180000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.030755,-13120,-791,-7030.0,-827,,1,1,0,1,1,1,,4.0,2,2,SATURDAY,11,0,0,0,0,0,0,Business Entity Type 2,0.4881821741100123,0.5943899935834603,,0.0536,0.0523,0.9727,0.626,0.0123,0.0,0.1724,0.1667,0.2083,0.0275,0.0429,0.073,0.0039,0.0446,0.0546,0.0542,0.9727,0.6406,0.0124,0.0,0.1724,0.1667,0.2083,0.0281,0.0468,0.0761,0.0039,0.0472,0.0541,0.0523,0.9727,0.631,0.0124,0.0,0.1724,0.1667,0.2083,0.0279,0.0436,0.0743,0.0039,0.0456,reg oper account,block of flats,0.0741,"Stone, brick",No,0.0,0.0,0.0,0.0,-698.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1816469,230905,Revolving loans,11250.0,225000.0,225000.0,,225000.0,TUESDAY,11,Y,1,,,,XAP,Approved,-661,XNA,XAP,,Refreshed,XNA,Cards,walk-in,Country-wide,200,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,135000.0,760225.5,30150.0,679500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.030755,-17044,-2042,-8642.0,-599,,1,1,0,1,1,0,Medicine staff,2.0,2,2,THURSDAY,21,0,0,0,0,1,1,Medicine,0.7207831161076907,0.4889987984677813,0.5567274263630174,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-29.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1941807,312818,Cash loans,6392.88,49500.0,52767.0,,49500.0,THURSDAY,12,Y,1,,,,Urgent needs,Approved,-326,Cash through the bank,XAP,,New,XNA,Cash,walk-in,Country-wide,50,Connectivity,12.0,high,Cash Street: high,365243.0,-296.0,34.0,-296.0,-288.0,1.0,0,Cash loans,F,N,Y,0,67500.0,119925.0,11988.0,112500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00963,-20679,-1030,-10744.0,-4161,,1,1,1,1,0,0,Security staff,2.0,2,2,MONDAY,9,0,0,0,0,0,0,School,,0.283781963171396,0.524496446363472,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-326.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1317328,366933,Consumer loans,13367.25,121410.0,121410.0,0.0,121410.0,THURSDAY,17,Y,1,0.0,,,XAP,Approved,-1494,Cash through the bank,XAP,"Spouse, partner",Repeater,Furniture,POS,XNA,Stone,110,Furniture,10.0,low_normal,POS industry with interest,365243.0,-1463.0,-1193.0,-1193.0,-1190.0,0.0,0,Cash loans,M,Y,Y,1,270000.0,1546020.0,45333.0,1350000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.011656999999999999,-15260,-710,-9392.0,-4167,5.0,1,1,0,1,0,0,Laborers,3.0,1,1,SUNDAY,15,0,0,0,1,1,0,Business Entity Type 3,,0.7069179503863555,0.6925590674998008,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2226.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +2362622,345024,Cash loans,23552.64,360000.0,409896.0,,360000.0,TUESDAY,12,Y,1,,,,XNA,Approved,-449,XNA,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash X-Sell: high,365243.0,-419.0,631.0,365243.0,365243.0,1.0,0,Revolving loans,F,N,N,0,202500.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0038130000000000004,-21787,-4399,-8815.0,-4298,,1,1,0,1,1,0,Managers,2.0,2,2,WEDNESDAY,7,0,0,0,0,0,0,Kindergarten,,0.5336597752305375,0.445396241560834,0.0639,0.0564,0.9786,0.7076,0.1064,0.0,0.1379,0.1667,0.0417,0.0134,0.0504,0.0544,0.0077,0.026,0.0651,0.0586,0.9786,0.7190000000000001,0.1074,0.0,0.1379,0.1667,0.0417,0.0137,0.0551,0.0567,0.0078,0.0276,0.0645,0.0564,0.9786,0.7115,0.1071,0.0,0.1379,0.1667,0.0417,0.0136,0.0513,0.0554,0.0078,0.0266,reg oper account,block of flats,0.0485,Panel,No,1.0,0.0,1.0,0.0,-2504.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2504275,342063,Consumer loans,1731.42,19957.5,14836.5,6457.5,19957.5,SATURDAY,10,Y,1,0.33027165142549736,,,XAP,Approved,-2857,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,37,Connectivity,12.0,low_normal,POS mobile with interest,365243.0,-2826.0,-2496.0,-2496.0,-2492.0,1.0,0,Cash loans,F,N,Y,0,180000.0,1339884.0,39177.0,1170000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-16826,-1015,-274.0,-318,,1,1,0,1,0,0,Sales staff,2.0,2,2,SUNDAY,11,0,0,0,0,0,0,Trade: type 7,,0.2848721457479015,0.7544061731797895,0.0619,0.046,0.9791,0.7144,0.0,0.0,0.1379,0.1667,0.2083,0.0529,0.0504,0.0575,0.0,0.0191,0.063,0.0477,0.9791,0.7256,0.0,0.0,0.1379,0.1667,0.2083,0.0541,0.0551,0.0599,0.0,0.0202,0.0625,0.046,0.9791,0.7182,0.0,0.0,0.1379,0.1667,0.2083,0.0538,0.0513,0.0585,0.0,0.0195,reg oper account,block of flats,0.0573,"Stone, brick",No,5.0,3.0,5.0,3.0,-2174.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,3.0 +1035477,241966,Consumer loans,30935.925,158386.5,150466.5,7920.0,158386.5,SATURDAY,19,Y,1,0.05445918686251668,,,XAP,Approved,-1405,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,1600,Consumer electronics,6.0,high,POS household with interest,365243.0,-1374.0,-1224.0,-1254.0,-1250.0,0.0,0,Cash loans,M,N,N,0,270000.0,601470.0,32760.0,450000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.04622,-17366,-2784,-11473.0,-897,,1,1,0,1,0,0,,2.0,1,1,THURSDAY,13,0,0,0,0,0,0,Industry: type 11,,0.6095517277859568,0.5100895276257282,0.0124,0.0173,0.9692,0.5784,0.0018,0.0,0.069,0.0417,0.0833,,0.0101,0.014,0.0,0.0,0.0126,0.018000000000000002,0.9692,0.5949,0.0019,0.0,0.069,0.0417,0.0833,,0.011,0.0146,0.0,0.0,0.0125,0.0173,0.9692,0.584,0.0019,0.0,0.069,0.0417,0.0833,,0.0103,0.0143,0.0,0.0,reg oper account,block of flats,0.011,Wooden,No,0.0,0.0,0.0,0.0,-455.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1974708,202797,Consumer loans,2655.18,25281.0,22752.0,2529.0,25281.0,SATURDAY,10,Y,1,0.1089478623903686,,,XAP,Approved,-2506,Cash through the bank,XAP,,New,Mobile,POS,XNA,Stone,67,Connectivity,12.0,high,POS mobile with interest,365243.0,-2462.0,-2132.0,-2132.0,-2120.0,0.0,0,Cash loans,F,N,Y,0,157500.0,254700.0,25321.5,225000.0,Family,Working,Secondary / secondary special,Widow,House / apartment,0.010276,-16257,-716,-7871.0,-631,,1,1,1,1,1,0,,1.0,2,2,SATURDAY,10,0,1,1,0,1,1,Industry: type 3,,0.5106060698060584,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1240905,419959,Cash loans,22646.25,337500.0,337500.0,,337500.0,TUESDAY,16,Y,1,,,,XNA,Refused,-421,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,50,Connectivity,18.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,2,247500.0,315000.0,16105.5,315000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-11246,-3285,-1265.0,-3864,,1,1,1,1,1,0,Managers,4.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Trade: type 2,,0.5563763083656557,0.5797274227921155,0.0361,0.0691,0.9891,0.8504,0.0048,0.0,0.1034,0.1667,0.0417,0.0137,0.0294,0.0372,0.0,0.0,0.0368,0.0717,0.9891,0.8563,0.0049,0.0,0.1034,0.1667,0.0417,0.014,0.0321,0.0388,0.0,0.0,0.0364,0.0691,0.9891,0.8524,0.0049,0.0,0.1034,0.1667,0.0417,0.0139,0.0299,0.0379,0.0,0.0,reg oper account,block of flats,0.0319,"Stone, brick",No,0.0,0.0,0.0,0.0,-796.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1966470,293349,Consumer loans,33676.425,181665.0,189427.5,18166.5,181665.0,TUESDAY,11,Y,1,0.09530607821035288,,,XAP,Approved,-399,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Regional / Local,1540,Furniture,6.0,low_normal,POS industry with interest,365243.0,-364.0,-214.0,-214.0,-212.0,0.0,0,Cash loans,F,N,Y,2,180000.0,127350.0,15241.5,112500.0,Unaccompanied,Commercial associate,Higher education,Married,With parents,0.006629,-10294,-724,-1147.0,-1141,,1,1,0,1,0,0,Core staff,4.0,2,2,TUESDAY,7,0,0,0,1,1,0,School,,0.5807721268839711,0.6879328378491735,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,0.0,-53.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1825975,122414,Cash loans,21226.14,324000.0,324000.0,,324000.0,MONDAY,7,Y,1,,,,XNA,Approved,-150,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-120.0,570.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,157500.0,112500.0,9018.0,112500.0,Family,Working,Secondary / secondary special,Single / not married,House / apartment,0.014519999999999996,-14074,-2019,-3785.0,-4850,,1,1,0,1,0,0,Laborers,1.0,2,2,THURSDAY,7,0,0,0,0,0,0,Self-employed,,0.5415797804686924,0.23791607950711405,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-315.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1453406,344988,Consumer loans,5306.49,51750.0,56875.5,0.0,51750.0,WEDNESDAY,12,Y,1,0.0,,,XAP,Refused,-1395,Cash through the bank,LIMIT,Family,Repeater,Furniture,POS,XNA,Stone,100,Furniture,12.0,low_normal,POS industry with interest,,,,,,,0,Cash loans,F,N,N,3,99000.0,299772.0,14103.0,247500.0,Family,Working,Secondary / secondary special,Married,Rented apartment,0.018029,-10351,-3148,-4616.0,-2688,,1,1,0,1,0,0,Sales staff,5.0,3,3,FRIDAY,12,0,0,0,1,1,0,Business Entity Type 3,,0.29033812644144297,0.5971924268337128,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1435.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2657785,255248,Consumer loans,2201.895,15246.0,16506.0,0.0,15246.0,FRIDAY,12,Y,1,0.0,,,XAP,Approved,-2773,Cash through the bank,XAP,"Spouse, partner",New,Mobile,POS,XNA,Country-wide,51,Connectivity,10.0,high,POS mobile with interest,365243.0,-2742.0,-2472.0,-2472.0,-2463.0,1.0,0,Cash loans,F,Y,Y,0,157500.0,72981.0,7987.5,63000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.007305,-18465,-3488,-1815.0,-1891,0.0,1,1,0,1,0,0,Medicine staff,1.0,3,3,SATURDAY,7,0,0,0,0,0,0,Medicine,0.7396946103134768,0.07559924195206058,0.3893387918468769,0.0825,0.0724,0.9781,0.7008,0.0309,0.0,0.1379,0.1667,0.2083,0.0816,0.0672,0.0718,0.0,0.0,0.084,0.0751,0.9782,0.7125,0.0312,0.0,0.1379,0.1667,0.2083,0.0835,0.0735,0.0748,0.0,0.0,0.0833,0.0724,0.9781,0.7048,0.0311,0.0,0.1379,0.1667,0.2083,0.083,0.0684,0.0731,0.0,0.0,reg oper spec account,block of flats,0.0733,Panel,No,4.0,1.0,4.0,1.0,-2104.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1217171,315792,Consumer loans,7114.455,62235.0,68805.0,0.0,62235.0,SATURDAY,10,Y,1,0.0,,,XAP,Approved,-364,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,80,Consumer electronics,12.0,middle,POS household with interest,365243.0,-333.0,-3.0,-183.0,-181.0,0.0,0,Cash loans,F,N,Y,0,85500.0,540000.0,30150.0,540000.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.030755,-17935,-1004,-2460.0,-1482,,1,1,1,1,1,0,Sales staff,2.0,2,2,SATURDAY,11,0,0,0,0,1,1,Trade: type 7,0.4785602695057991,0.4341282256316827,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1793.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2332509,439093,Cash loans,10849.86,90000.0,95940.0,0.0,90000.0,WEDNESDAY,8,Y,1,0.0,,,XNA,Approved,-2004,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,high,Cash X-Sell: high,365243.0,-1974.0,-1644.0,-1644.0,-1636.0,1.0,0,Cash loans,F,N,N,0,180000.0,679500.0,28917.0,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.030755,-17369,-352,-5273.0,-912,,1,1,1,1,0,0,Sales staff,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Self-employed,,0.494015918597287,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2005.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1633870,320725,Cash loans,23641.605,270000.0,299223.0,,270000.0,FRIDAY,18,Y,1,,,,Repairs,Approved,-771,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Contact center,-1,XNA,24.0,high,Cash Street: high,365243.0,-740.0,-50.0,-50.0,-41.0,0.0,0,Cash loans,F,Y,Y,1,180000.0,497520.0,36184.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010147,-11628,-1197,-9734.0,-2263,14.0,1,1,0,1,0,0,Core staff,3.0,2,2,SATURDAY,16,0,0,0,0,0,0,Kindergarten,0.4495205619839333,0.4308595871192184,0.6956219298394389,0.0876,0.0468,0.9826,0.762,0.0512,0.08,0.0345,0.5417,0.5833,0.0215,0.0706,0.0802,0.0039,0.0035,0.0893,0.0486,0.9826,0.7713,0.0516,0.0806,0.0345,0.5417,0.5833,0.022,0.0771,0.0836,0.0039,0.0037,0.0885,0.0468,0.9826,0.7652,0.0515,0.08,0.0345,0.5417,0.5833,0.0219,0.0718,0.0817,0.0039,0.0035,reg oper spec account,block of flats,0.0918,"Stone, brick",No,4.0,0.0,4.0,0.0,-771.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2155121,346464,Consumer loans,12342.6,103360.5,102847.5,10336.5,103360.5,WEDNESDAY,18,Y,1,0.09946095015035857,,,XAP,Approved,-288,Cash through the bank,XAP,Children,New,Mobile,POS,XNA,Country-wide,33,Connectivity,12.0,high,POS mobile with interest,365243.0,-252.0,78.0,365243.0,365243.0,0.0,0,Revolving loans,F,Y,Y,1,112500.0,337500.0,16875.0,337500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.035792000000000004,-20337,365243,-9784.0,-3170,0.0,1,0,0,1,1,0,,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,XNA,,0.5879898967607589,0.3108182544189319,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-288.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1717495,298153,Revolving loans,2250.0,0.0,45000.0,,,TUESDAY,9,Y,1,,,,XAP,Approved,-2810,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,40,Connectivity,0.0,XNA,Card Street,-2810.0,-2760.0,365243.0,-2333.0,365243.0,1.0,0,Cash loans,M,N,Y,1,180000.0,544491.0,21226.5,454500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.019688999999999998,-13034,-901,-1823.0,-4879,,1,1,0,1,0,0,Laborers,3.0,2,2,FRIDAY,16,0,0,0,0,0,0,Construction,0.2954125137278961,0.5217409438552071,0.2866524828090694,0.0619,0.0542,0.9752,0.66,0.0423,0.0,0.1034,0.1667,0.2083,0.0866,0.0504,0.0552,0.0,0.0,0.063,0.0562,0.9752,0.6733,0.0427,0.0,0.1034,0.1667,0.2083,0.0886,0.0551,0.0575,0.0,0.0,0.0625,0.0542,0.9752,0.6645,0.0426,0.0,0.1034,0.1667,0.2083,0.0881,0.0513,0.0562,0.0,0.0,,block of flats,0.0665,Panel,No,3.0,0.0,3.0,0.0,-1379.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1568815,120616,Consumer loans,26710.155,253156.5,240372.0,25317.0,253156.5,MONDAY,19,Y,1,0.10377740345085623,,,XAP,Approved,-427,Cash through the bank,XAP,,New,Furniture,POS,XNA,Country-wide,100,Furniture,10.0,low_normal,POS industry with interest,365243.0,-395.0,-125.0,-125.0,-120.0,0.0,0,Cash loans,F,Y,Y,1,315000.0,2156400.0,59431.5,1800000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.072508,-18067,-2432,-7824.0,-1617,2.0,1,1,0,1,0,0,,3.0,1,1,MONDAY,18,0,0,0,0,0,0,Culture,,0.7482699928563038,,0.1773,0.0445,0.9891,,,0.24,0.069,0.875,,0.0288,,0.1971,,0.0119,0.1828,0.0,0.9891,,,0.2417,0.069,0.875,,0.0,,0.2013,,0.0,0.1811,0.0628,0.9891,,,0.24,0.069,0.875,,0.0293,,0.2025,,0.005,,block of flats,0.1565,Panel,No,0.0,0.0,0.0,0.0,-427.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2346029,406311,Cash loans,27959.715,229500.0,272857.5,,229500.0,THURSDAY,10,Y,1,,,,XNA,Approved,-343,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-313.0,17.0,-193.0,-186.0,1.0,0,Cash loans,F,N,Y,0,157500.0,1293502.5,37948.5,1129500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-11918,-761,-4874.0,-4395,,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,17,0,0,0,0,0,0,Self-employed,0.4719601904600143,0.16237344881224705,0.6512602186973006,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2044.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,1.0,4.0 +1225178,124060,Cash loans,,0.0,0.0,,,WEDNESDAY,4,Y,1,,,,XNA,Refused,-233,XNA,SCOFR,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,1,Cash loans,M,Y,Y,1,225000.0,400500.0,19476.0,400500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.006305,-11159,-689,-4599.0,-2136,12.0,1,1,0,1,1,0,,2.0,3,3,FRIDAY,7,0,0,0,1,1,0,Business Entity Type 3,,0.034375433708366585,0.2405414172860865,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-568.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2140587,326312,Cash loans,19954.89,315000.0,447619.5,,315000.0,THURSDAY,10,Y,1,,,,XNA,Approved,-1104,Cash through the bank,XAP,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,42.0,middle,Cash Street: middle,,,,,,,1,Cash loans,F,Y,Y,0,90000.0,552555.0,19845.0,477000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.006852,-15614,-863,-273.0,-3389,12.0,1,1,0,1,0,0,Medicine staff,2.0,3,3,TUESDAY,9,0,0,0,1,1,0,Medicine,,0.018591779952926626,0.6363761710860439,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-11.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1277413,339931,Cash loans,23530.68,162000.0,198270.0,,162000.0,MONDAY,3,Y,1,,,,XNA,Approved,-641,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-611.0,-281.0,-491.0,-488.0,1.0,1,Cash loans,M,Y,Y,0,225000.0,891126.0,43002.0,796500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.006305,-10187,-971,-2130.0,-2718,17.0,1,1,0,1,0,0,,2.0,3,3,FRIDAY,4,0,0,0,0,0,0,Business Entity Type 3,,0.5709342203920612,,0.0206,,0.9841,,,0.0,0.069,0.125,,,,0.013,,,0.021,,0.9841,,,0.0,0.069,0.125,,,,0.0135,,,0.0208,,0.9841,,,0.0,0.069,0.125,,,,0.0132,,,,block of flats,0.0174,"Stone, brick",No,0.0,0.0,0.0,0.0,-1.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1234686,345477,Consumer loans,9986.985,91800.0,89892.0,9180.0,91800.0,SATURDAY,12,Y,1,0.1009150369978858,,,XAP,Approved,-997,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,150,Furniture,10.0,low_normal,POS industry with interest,365243.0,-966.0,-696.0,-696.0,-688.0,0.0,0,Cash loans,F,N,Y,0,135000.0,172512.0,15952.5,144000.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.031329,-23540,365243,-11583.0,-4076,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,13,0,0,0,0,0,0,XNA,0.8101100492082703,0.7007506959442794,0.1986200451074864,0.0784,0.0865,0.9836,0.7756,0.0162,0.0,0.1724,0.1667,0.2083,0.0591,0.0639,0.0847,0.0,0.0,0.0798,0.0897,0.9836,0.7844,0.0164,0.0,0.1724,0.1667,0.2083,0.0604,0.0698,0.0882,0.0,0.0,0.0791,0.0865,0.9836,0.7786,0.0163,0.0,0.1724,0.1667,0.2083,0.0601,0.065,0.0862,0.0,0.0,reg oper account,block of flats,0.0666,Panel,No,6.0,0.0,6.0,0.0,-1188.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1923467,157037,Consumer loans,13527.54,67635.0,65691.0,6763.5,67635.0,FRIDAY,15,Y,1,0.10166471873570808,,,XAP,Approved,-17,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Regional / Local,150,Consumer electronics,6.0,high,POS household with interest,365243.0,365243.0,163.0,365243.0,365243.0,1.0,1,Cash loans,M,Y,Y,0,121500.0,450000.0,21888.0,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.035792000000000004,-16085,-6811,-9229.0,-3463,7.0,1,1,1,1,0,0,,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Other,0.5908987309132715,0.6485350334717992,0.42589289800515295,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-455.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1673907,176911,Consumer loans,4964.85,26100.0,24349.5,4500.0,26100.0,FRIDAY,11,Y,1,0.16987847591497565,,,XAP,Approved,-1680,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Stone,34,Connectivity,6.0,high,POS mobile with interest,365243.0,-1648.0,-1498.0,-1498.0,-1496.0,0.0,0,Cash loans,F,N,N,0,112500.0,792000.0,23287.5,792000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-18008,-7288,-1241.0,-1499,,1,1,1,1,1,0,Laborers,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Agriculture,0.4750056422758342,0.6513361147619012,0.7688075728291359,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1680.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2394564,144519,Consumer loans,42973.785,257850.0,242379.0,15471.0,257850.0,SATURDAY,15,Y,1,0.06534545454545454,,,XAP,Approved,-2526,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Stone,712,Furniture,6.0,low_normal,POS industry without interest,365243.0,-2490.0,-2340.0,-2340.0,-2329.0,0.0,0,Cash loans,F,Y,Y,0,166500.0,694773.0,27553.5,621000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.010006000000000001,-23630,365243,-449.0,-1308,1.0,1,0,0,1,1,0,,1.0,2,2,FRIDAY,12,0,0,0,0,0,0,XNA,,0.6454585101851598,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-578.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2528901,160057,Cash loans,31193.64,742500.0,818946.0,,742500.0,MONDAY,13,Y,1,,,,XNA,Approved,-296,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Country-wide,500,Consumer electronics,36.0,low_normal,Cash X-Sell: low,365243.0,-265.0,785.0,-115.0,-108.0,0.0,0,Cash loans,F,N,Y,0,76500.0,625536.0,20803.5,540000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-22593,365243,-509.0,-3333,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,,0.6566209593226383,0.7490217048463391,0.0928,0.0733,0.9811,0.7416,0.0415,0.0,0.2069,0.1667,0.0,0.1189,0.0756,0.0765,0.0,0.0,0.0945,0.0761,0.9811,0.7517,0.0418,0.0,0.2069,0.1667,0.0,0.1216,0.0826,0.0797,0.0,0.0,0.0937,0.0733,0.9811,0.7451,0.0417,0.0,0.2069,0.1667,0.0,0.121,0.077,0.0779,0.0,0.0,reg oper account,block of flats,0.0828,Panel,No,0.0,0.0,0.0,0.0,-296.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2804948,368296,Consumer loans,3356.775,37399.5,33075.0,7483.5,37399.5,SUNDAY,15,Y,1,0.20094953753668932,,,XAP,Approved,-450,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,32,Connectivity,12.0,middle,POS mobile with interest,365243.0,-418.0,-88.0,-328.0,-317.0,0.0,0,Cash loans,F,N,Y,0,126000.0,288000.0,15754.5,288000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.020713,-11628,-982,-4858.0,-2723,,1,1,0,1,0,0,Accountants,1.0,3,2,TUESDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.2525286321031649,0.3314884351915787,,0.0742,0.0273,0.9801,0.728,0.0086,0.0,0.1379,0.1667,0.2083,0.0741,0.0605,0.0671,0.0,0.0,0.0756,0.0283,0.9801,0.7387,0.0087,0.0,0.1379,0.1667,0.2083,0.0758,0.0661,0.0699,0.0,0.0,0.0749,0.0273,0.9801,0.7316,0.0086,0.0,0.1379,0.1667,0.2083,0.0754,0.0616,0.0683,0.0,0.0,reg oper account,block of flats,0.0575,Panel,No,0.0,0.0,0.0,0.0,-208.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2489691,439043,Revolving loans,3375.0,67500.0,67500.0,,67500.0,SATURDAY,18,Y,1,,,,XAP,Refused,-343,XNA,XNA,Unaccompanied,New,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,N,0,360000.0,675000.0,17806.5,675000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.072508,-9550,-417,-39.0,-2222,,1,1,0,1,1,0,Core staff,1.0,1,1,WEDNESDAY,20,0,0,0,0,0,0,Bank,0.20012954024399385,0.5460769824174717,0.3441550073724169,,,0.9687,,,,,,,,,0.0625,,0.042,,,0.9687,,,,,,,,,0.0651,,0.0445,,,0.9687,,,,,,,,,0.0636,,0.0429,,block of flats,0.0596,,No,5.0,0.0,5.0,0.0,-443.0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1.0,0.0,0.0,9.0,0.0,5.0 +1303763,141552,Revolving loans,11250.0,225000.0,225000.0,,225000.0,MONDAY,16,Y,1,,,,XAP,Refused,-974,XNA,HC,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,N,0,225000.0,1575000.0,64147.5,1575000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.072508,-23721,365243,-7020.0,-4339,,1,0,0,1,1,0,,2.0,1,1,MONDAY,15,0,0,0,0,0,0,XNA,,0.7346528250026411,0.5919766183185521,0.1186,0.0866,0.9732,0.6328,0.1745,0.16,0.1379,0.2917,0.3333,0.0,0.0967,0.0977,0.0,0.0857,0.1208,0.0899,0.9732,0.6472,0.1761,0.1611,0.1379,0.2917,0.3333,0.0,0.1056,0.1018,0.0,0.0907,0.1197,0.0866,0.9732,0.6377,0.1756,0.16,0.1379,0.2917,0.3333,0.0,0.0983,0.0994,0.0,0.0875,reg oper account,block of flats,0.0954,"Stone, brick",No,0.0,0.0,0.0,0.0,-2709.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2555528,103454,Consumer loans,24524.865,133942.5,133942.5,0.0,133942.5,WEDNESDAY,16,Y,1,0.0,,,XAP,Refused,-2402,Cash through the bank,SCO,Unaccompanied,Repeater,Other,POS,XNA,Stone,15,Furniture,6.0,middle,POS industry with interest,,,,,,,1,Cash loans,F,Y,Y,1,180000.0,157500.0,16960.5,157500.0,Unaccompanied,Working,Higher education,Married,Municipal apartment,0.009175,-10551,-738,-1200.0,-357,7.0,1,1,1,1,1,0,Sales staff,3.0,2,2,THURSDAY,15,0,1,1,0,1,1,Industry: type 3,0.2653637524011125,0.06545232657288917,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-906.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2463942,327422,Consumer loans,3497.13,23161.5,22050.0,2475.0,23161.5,FRIDAY,11,Y,1,0.10990825688073393,,,XAP,Approved,-2496,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,1592,Consumer electronics,8.0,low_normal,POS household with interest,365243.0,-2465.0,-2255.0,-2255.0,-2249.0,1.0,0,Cash loans,F,N,Y,0,135000.0,148500.0,15993.0,148500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.028663,-9333,-2610,-4031.0,-1958,,1,1,0,1,0,0,Core staff,1.0,2,2,TUESDAY,15,0,0,0,0,0,0,Trade: type 3,,0.2274507429320209,0.5638350489514956,0.1567,0.1496,0.9886,0.8436,0.0249,0.0,0.3448,0.1667,0.2083,0.1022,0.1278,0.1584,0.0,0.0,0.1597,0.1553,0.9886,0.8497,0.0251,0.0,0.3448,0.1667,0.2083,0.1045,0.1396,0.1651,0.0,0.0,0.1582,0.1496,0.9886,0.8457,0.025,0.0,0.3448,0.1667,0.2083,0.1039,0.13,0.1613,0.0,0.0,reg oper account,block of flats,0.14,"Stone, brick",No,0.0,0.0,0.0,0.0,-663.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1328081,222116,Cash loans,7320.24,67500.0,71955.0,,67500.0,THURSDAY,16,Y,1,,,,XNA,Approved,-1122,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1092.0,-762.0,-852.0,-846.0,1.0,0,Cash loans,F,N,N,0,135000.0,808650.0,23773.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.005144,-21321,365243,-3806.0,-4093,,1,0,0,1,0,0,,1.0,2,2,SATURDAY,14,0,0,0,0,0,0,XNA,0.6823061696322726,0.4895015203362017,0.38079968264891495,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1122.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1600348,214201,Cash loans,14381.685,112500.0,135648.0,,112500.0,SATURDAY,10,Y,1,,,,XNA,Approved,-1337,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1307.0,-977.0,-977.0,-972.0,1.0,0,Cash loans,F,Y,Y,2,81000.0,324216.0,21793.5,256500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.005144,-13846,-2758,-6462.0,-4405,17.0,1,1,0,1,0,0,Core staff,4.0,2,2,SATURDAY,11,0,0,0,0,0,0,Kindergarten,0.7193594856731274,0.5032874404140555,0.7338145369642702,,,0.9836,,,,,,,,,0.0118,,,,,0.9836,,,,,,,,,0.0123,,,,,0.9836,,,,,,,,,0.012,,,,,0.0104,,No,0.0,0.0,0.0,0.0,-1598.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +1570309,120704,Consumer loans,14012.595,129460.5,126126.0,12946.5,129460.5,MONDAY,15,Y,1,0.10138535982703592,,,XAP,Approved,-1645,Cash through the bank,XAP,Children,New,Photo / Cinema Equipment,POS,XNA,Regional / Local,1700,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1614.0,-1344.0,-1344.0,-1338.0,0.0,0,Cash loans,F,N,N,0,360000.0,1256400.0,34681.5,900000.0,"Spouse, partner",Working,Secondary / secondary special,Civil marriage,House / apartment,0.005002,-18338,-5939,-12465.0,-1746,,1,1,0,1,0,0,,2.0,3,3,WEDNESDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.5662353652181716,0.2276129150623945,0.0722,0.0609,0.9791,0.7144,0.0119,0.0,0.1379,0.1667,0.2083,0.0648,0.0588,0.0667,0.0,0.0,0.0735,0.0632,0.9791,0.7256,0.012,0.0,0.1379,0.1667,0.2083,0.0663,0.0643,0.0695,0.0,0.0,0.0729,0.0609,0.9791,0.7182,0.012,0.0,0.1379,0.1667,0.2083,0.066,0.0599,0.0679,0.0,0.0,org spec account,block of flats,0.059,Panel,No,0.0,0.0,0.0,0.0,-1645.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2841746,397574,Consumer loans,5015.205,39109.05,42975.0,4.05,39109.05,MONDAY,9,Y,1,0.00010262716792991424,,,XAP,Approved,-2476,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Stone,140,Consumer electronics,12.0,high,POS household with interest,365243.0,-2445.0,-2115.0,-2115.0,-2113.0,1.0,0,Revolving loans,F,N,Y,0,292500.0,900000.0,45000.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00702,-17381,-631,-875.0,-940,,1,1,0,1,1,0,Sales staff,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Self-employed,0.7295907086523143,0.6849826791105149,0.6296742509538716,,,,,,0.32,0.2759,0.3333,0.375,,,,,,,,,,,0.3222,0.2759,0.3333,0.375,,,,,,,,,,,0.32,0.2759,0.3333,0.375,,,,,,reg oper spec account,block of flats,,,No,1.0,0.0,1.0,0.0,-813.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1243831,418220,Cash loans,27505.08,445500.0,527827.5,,445500.0,SATURDAY,12,Y,1,,,,XNA,Approved,-422,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,high,Cash X-Sell: high,365243.0,-392.0,1018.0,-212.0,-204.0,1.0,0,Cash loans,F,N,Y,0,112500.0,444420.0,21510.0,337500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.018634,-20963,-380,-684.0,-4185,,1,1,0,1,0,0,,1.0,2,2,MONDAY,14,0,0,0,0,0,0,School,,0.3269154510249692,0.3859146722745145,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1068.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2480633,417333,Consumer loans,1637.235,16113.6,16221.6,1615.5,16113.6,TUESDAY,19,Y,1,0.09863858831516124,0.1933441006460388,0.852536997885835,XAP,Approved,-85,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,42,Connectivity,12.0,middle,POS mobile with interest,365243.0,-46.0,284.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,Y,0,112500.0,202500.0,10125.0,202500.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.025164,-23648,-3579,-946.0,-4585,,1,1,0,1,0,0,,1.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Government,,0.349994422968276,0.7700870700124128,0.1443,,0.9776,,,0.0,0.2759,0.1667,,,,0.1051,,0.084,0.1471,,0.9777,,,0.0,0.2759,0.1667,,,,0.1095,,0.0889,0.1457,,0.9776,,,0.0,0.2759,0.1667,,,,0.1069,,0.0858,,block of flats,0.1009,"Stone, brick",No,,,,,-85.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2613676,178079,Consumer loans,7249.59,73669.5,77719.5,0.0,73669.5,SATURDAY,9,Y,1,0.0,,,XAP,Approved,-1355,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Regional / Local,194,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-1324.0,-994.0,-1174.0,-1172.0,0.0,0,Cash loans,F,N,Y,0,117000.0,639396.0,30888.0,571500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.00702,-21376,365243,-10592.0,-4911,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,0.6522917484459884,0.31987711525338525,0.746300213050371,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,0.0,8.0,0.0,-2449.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1389071,158206,Consumer loans,3333.96,41067.0,32850.0,8217.0,41067.0,SATURDAY,11,Y,1,0.21791365329826867,,,XAP,Approved,-524,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,55,Connectivity,12.0,middle,POS mobile with interest,365243.0,-487.0,-157.0,-487.0,-481.0,0.0,0,Cash loans,F,N,N,0,202500.0,1971072.0,68643.0,1800000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.0105,-12023,-3492,-2367.0,-4635,,1,1,0,1,0,0,Accountants,2.0,3,3,THURSDAY,12,0,0,0,0,0,0,Self-employed,0.6823943033281396,0.6751391541226308,0.5867400085415683,0.0825,0.1371,0.9776,0.6940000000000001,0.008,0.0,0.1379,0.1667,0.2083,0.0632,0.0672,0.0512,0.0,0.0,0.084,0.1423,0.9777,0.706,0.0081,0.0,0.1379,0.1667,0.2083,0.0646,0.0735,0.0534,0.0,0.0,0.0833,0.1371,0.9776,0.6981,0.0081,0.0,0.1379,0.1667,0.2083,0.0643,0.0684,0.0521,0.0,0.0,reg oper account,block of flats,0.0559,Panel,No,0.0,0.0,0.0,0.0,-1943.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1895533,363664,Revolving loans,13500.0,270000.0,270000.0,,270000.0,SATURDAY,17,Y,1,,,,XAP,Approved,-22,XNA,XAP,"Spouse, partner",Repeater,XNA,Cards,x-sell,Country-wide,770,Consumer electronics,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,1,157500.0,1626516.0,47686.5,1273500.0,Other_A,Working,Incomplete higher,Separated,Rented apartment,0.022625,-11215,-673,-5367.0,-3841,13.0,1,1,0,1,0,0,Laborers,2.0,2,2,SUNDAY,10,0,0,0,0,1,1,Other,,0.5886042799643136,0.7862666146611379,0.001,,0.0,,,0.0,,0.0,,,,0.0,,,0.0011,,0.0005,,,0.0,,0.0,,,,0.0,,,0.001,,0.0,,,0.0,,0.0,,,,0.0,,,,terraced house,0.0,Block,No,2.0,0.0,1.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1376675,227519,Revolving loans,4500.0,0.0,90000.0,,,WEDNESDAY,11,Y,1,,,,XAP,Approved,-2816,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,38,Connectivity,0.0,XNA,Card Street,-2721.0,-2663.0,365243.0,-1018.0,365243.0,0.0,0,Cash loans,F,N,N,1,135000.0,754740.0,20038.5,630000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.009334,-14907,-2540,-2527.0,-4559,,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,17,0,0,0,0,0,0,Self-employed,0.3969741783034021,0.6492773549136059,0.22888341670067305,0.1227,0.1317,0.9836,0.7756,0.0179,0.0,0.2759,0.1667,0.0,0.0328,0.1,0.1156,0.0,0.0,0.125,0.1367,0.9836,0.7844,0.018000000000000002,0.0,0.2759,0.1667,0.0,0.0335,0.1093,0.1204,0.0,0.0,0.1239,0.1317,0.9836,0.7786,0.018000000000000002,0.0,0.2759,0.1667,0.0,0.0334,0.1018,0.1177,0.0,0.0,reg oper account,block of flats,0.0909,Panel,No,0.0,0.0,0.0,0.0,-1646.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1043923,150665,Revolving loans,2250.0,45000.0,45000.0,,45000.0,TUESDAY,10,Y,1,,,,XAP,Refused,-322,XNA,HC,Unaccompanied,Repeater,XNA,Cards,walk-in,Regional / Local,1175,Consumer electronics,0.0,XNA,Card Street,,,,,,,1,Cash loans,M,N,Y,2,144000.0,337923.0,16564.5,279000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.018209,-13913,-1174,-5579.0,-4263,,1,1,1,1,0,0,Laborers,4.0,3,3,TUESDAY,9,0,0,0,0,0,0,Self-employed,,0.4487012673963373,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-438.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2675910,329890,Consumer loans,20522.925,247113.0,271575.0,0.0,247113.0,SUNDAY,9,Y,1,0.0,,,XAP,Approved,-571,Cash through the bank,XAP,,Repeater,Construction Materials,POS,XNA,Stone,200,Construction,18.0,middle,POS industry with interest,365243.0,-539.0,-29.0,-299.0,-291.0,0.0,0,Cash loans,M,N,Y,0,112500.0,814041.0,28971.0,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-9416,-182,-2593.0,-2100,,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,16,0,0,0,0,1,1,Self-employed,,0.7608308456001346,0.3893387918468769,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-571.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2439972,312654,Consumer loans,7151.985,58495.5,56988.0,5850.0,58495.5,SATURDAY,12,Y,1,0.10139058878675034,,,XAP,Approved,-2111,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,146,Consumer electronics,10.0,high,POS household with interest,365243.0,-2079.0,-1809.0,-1809.0,-1802.0,0.0,0,Cash loans,F,N,Y,0,225000.0,675000.0,29731.5,675000.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.022625,-16622,-3352,-6931.0,-165,,1,1,1,1,0,0,,1.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.8300146739852814,0.6796788025620141,0.4135967602644276,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1683.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2030639,302147,Cash loans,64373.895,1125000.0,1206675.0,,1125000.0,WEDNESDAY,12,Y,1,,,,Repairs,Refused,-567,Cash through the bank,VERIF,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,30.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,315000.0,1288350.0,37669.5,1125000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.04622,-16980,-341,-3956.0,-518,,1,1,0,1,1,1,Laborers,2.0,1,1,WEDNESDAY,12,1,1,0,1,1,0,Self-employed,,0.607368887425123,0.248535557339522,0.0773,0.069,0.9886,0.8436,0.0338,0.0,0.1724,0.1667,0.0417,,0.063,0.068,0.0,0.0,0.0788,0.0716,0.9886,0.8497,0.0341,0.0,0.1724,0.1667,0.0417,,0.0689,0.0708,0.0,0.0,0.0781,0.069,0.9886,0.8457,0.034,0.0,0.1724,0.1667,0.0417,,0.0641,0.0692,0.0,0.0,reg oper account,block of flats,0.07200000000000001,"Stone, brick",No,0.0,0.0,0.0,0.0,-1.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,1.0,1.0,0.0,0.0,0.0 +1769016,379830,Consumer loans,7848.765,37206.0,33484.5,3721.5,37206.0,SATURDAY,11,Y,1,0.10893543563354884,,,XAP,Approved,-2523,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,16,Consumer electronics,5.0,high,POS household with interest,365243.0,-2488.0,-2368.0,-2368.0,-2354.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,1288350.0,37669.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.035792000000000004,-11474,-2187,-5241.0,-3067,13.0,1,1,1,1,0,0,,1.0,2,2,TUESDAY,11,0,0,0,1,1,1,Transport: type 4,0.4491531142440453,0.6619113286294069,0.24988506275045536,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1818.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2353599,144662,Revolving loans,4500.0,0.0,90000.0,,,THURSDAY,12,Y,1,,,,XAP,Approved,-2301,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-2268.0,-2214.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,90000.0,147888.0,8388.0,117000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.008625,-20702,365243,-12572.0,-3911,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,,0.26559743149441345,0.3201633668633456,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,0.0,-119.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2511939,234288,Consumer loans,20204.055,156955.5,170766.0,0.0,156955.5,WEDNESDAY,19,Y,1,0.0,,,XAP,Approved,-113,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Regional / Local,100,Consumer electronics,10.0,middle,POS household with interest,365243.0,-83.0,187.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,N,0,112500.0,238500.0,18972.0,238500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-15767,-5400,-4685.0,-3576,7.0,1,1,0,1,0,0,Medicine staff,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Other,0.4235335602678452,0.5303985540809941,0.5370699579791587,0.0505,0.0939,0.9796,0.6804,0.0181,0.0,0.1034,0.1667,0.2083,0.0141,0.0336,0.0393,0.0,0.025,0.042,0.0845,0.9767,0.6929,0.0182,0.0,0.069,0.1667,0.2083,0.0145,0.0367,0.0257,0.0,0.0,0.051,0.0939,0.9796,0.6847,0.0182,0.0,0.1034,0.1667,0.2083,0.0144,0.0342,0.04,0.0,0.0255,reg oper account,block of flats,0.0293,"Stone, brick",No,0.0,0.0,0.0,0.0,-1666.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1255105,378430,Consumer loans,4313.295,39366.0,39636.0,3937.5,39366.0,WEDNESDAY,8,Y,1,0.09841521692187807,,,XAP,Approved,-239,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,100,Consumer electronics,12.0,middle,POS household with interest,365243.0,-209.0,121.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,0,112500.0,954000.0,28021.5,954000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-18574,-6056,-3076.0,-2134,6.0,1,1,0,1,0,0,Drivers,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.6134506795357167,0.7301872793048563,0.7106743858828587,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-2196.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,3.0 +1939517,252656,Revolving loans,4500.0,90000.0,90000.0,,90000.0,TUESDAY,10,Y,1,,,,XAP,Refused,-627,XNA,SCOFR,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,76500.0,225000.0,10620.0,225000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.028663,-10943,-431,-960.0,-3612,,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,9,0,0,0,0,0,0,Self-employed,,0.7055660032225242,0.0005272652387098817,0.1052,0.0871,0.9811,,,0.08,0.1379,0.25,,,,0.0702,,0.0,0.063,0.0647,0.9811,,,0.0,0.1379,0.1667,,,,0.0383,,0.0,0.1062,0.0871,0.9811,,,0.08,0.1379,0.25,,,,0.0714,,0.0,,,0.0564,Mixed,No,0.0,0.0,0.0,0.0,-791.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1421275,433253,Revolving loans,5625.0,0.0,112500.0,,,FRIDAY,14,Y,1,,,,XAP,Approved,-1166,XNA,XAP,,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),5,XNA,0.0,XNA,Card X-Sell,-1162.0,-1127.0,365243.0,-365.0,365243.0,0.0,0,Cash loans,F,N,N,0,112500.0,454500.0,13419.0,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-21329,365243,-15285.0,-4229,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,XNA,0.7738716618629277,0.6874217861693647,0.5424451438613613,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1930.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1518252,221321,Consumer loans,26639.1,129555.0,129555.0,0.0,129555.0,THURSDAY,16,Y,1,0.0,,,XAP,Approved,-219,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Regional / Local,3,Connectivity,6.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,Y,Y,0,225000.0,1350000.0,50161.5,1350000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-23293,365243,-1790.0,-4977,3.0,1,0,0,1,0,0,,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,XNA,,0.5593212682676529,0.4596904504249018,0.0928,0.091,0.997,0.9592,0.0187,0.0,0.1034,0.1667,0.0417,0.0205,0.0756,0.085,0.0,0.07200000000000001,0.0945,0.0945,0.997,0.9608,0.0188,0.0,0.1034,0.1667,0.0417,0.0209,0.0826,0.0885,0.0,0.0762,0.0937,0.091,0.997,0.9597,0.0188,0.0,0.1034,0.1667,0.0417,0.0208,0.077,0.0865,0.0,0.0735,not specified,block of flats,0.0927,"Stone, brick",No,1.0,0.0,1.0,0.0,-721.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,2.0,2.0 +1314857,204410,Cash loans,7869.015,67500.0,71955.0,0.0,67500.0,SATURDAY,10,Y,1,0.0,,,XNA,Approved,-2182,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,high,Cash Street: high,365243.0,-2152.0,-1822.0,-1822.0,-1817.0,1.0,0,Cash loans,F,N,Y,0,112500.0,562500.0,18274.5,562500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.025164,-19654,-8022,-4430.0,-3215,,1,1,0,1,0,0,,1.0,2,2,THURSDAY,8,0,0,0,0,0,0,Housing,0.8959914475165512,0.4521548482230204,0.2103502286944494,0.134,0.0918,0.9806,0.7348,0.0825,0.0,0.2759,0.1667,0.2083,0.1466,0.1084,0.117,0.0039,0.0342,0.1366,0.0953,0.9806,0.7452,0.0833,0.0,0.2759,0.1667,0.2083,0.15,0.1185,0.1219,0.0039,0.0363,0.1353,0.0918,0.9806,0.7383,0.0831,0.0,0.2759,0.1667,0.2083,0.1492,0.1103,0.1191,0.0039,0.035,reg oper account,block of flats,0.1424,"Stone, brick",No,1.0,0.0,1.0,0.0,-1616.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1234214,263817,Consumer loans,13706.01,98761.5,106911.0,0.0,98761.5,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-2169,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,550,Consumer electronics,10.0,high,POS household with interest,365243.0,-2138.0,-1868.0,-1868.0,-1860.0,0.0,0,Cash loans,F,Y,Y,0,99000.0,540000.0,19260.0,540000.0,Unaccompanied,State servant,Lower secondary,Married,House / apartment,0.028663,-21675,-353,-13475.0,-4007,8.0,1,1,0,1,0,0,Cooking staff,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,Other,,0.6311063546925306,0.7688075728291359,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,1.0,5.0,1.0,-581.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,3.0 +2761284,315642,Consumer loans,26202.87,215910.0,235003.5,0.0,215910.0,SUNDAY,16,Y,1,0.0,,,XAP,Approved,-2210,Cash through the bank,XAP,Unaccompanied,Refreshed,Audio/Video,POS,XNA,Country-wide,2300,Consumer electronics,12.0,high,POS household with interest,365243.0,-2179.0,-1849.0,-1849.0,-1846.0,0.0,0,Cash loans,M,N,Y,1,382500.0,1051294.5,34042.5,918000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.032561,-12791,-460,-3830.0,-5419,,1,1,0,1,0,0,,3.0,1,1,FRIDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.7214406788030853,0.4507472818545589,0.1072,0.2773,0.9454,0.252,0.0135,0.12,0.2759,0.2083,0.25,0.056,,0.1942,,0.034,0.1092,0.2877,0.9454,0.2813,0.0136,0.1208,0.2759,0.2083,0.25,0.0572,,0.2023,,0.036000000000000004,0.1083,0.2773,0.9454,0.262,0.0136,0.12,0.2759,0.2083,0.25,0.0569,,0.1977,,0.0347,reg oper account,block of flats,0.1601,"Stone, brick",No,3.0,0.0,3.0,0.0,-1765.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2161978,293138,Consumer loans,7096.815,31567.5,26145.0,6313.5,31567.5,SATURDAY,13,Y,1,0.21183897760356926,,,XAP,Approved,-1080,Cash through the bank,XAP,Family,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,53,Connectivity,4.0,middle,POS mobile without interest,365243.0,-1049.0,-959.0,-959.0,-953.0,0.0,0,Cash loans,M,Y,Y,1,153000.0,1236816.0,36292.5,1080000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-15532,-859,-3056.0,-4857,11.0,1,1,1,1,0,0,Drivers,3.0,2,2,MONDAY,16,0,0,0,0,1,1,Government,0.3986025567999264,0.5804260123525763,0.622922000268356,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2017.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2341190,271161,Cash loans,23539.815,337500.0,457839.0,,337500.0,SATURDAY,10,Y,1,,,,XNA,Approved,-823,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-793.0,257.0,-73.0,-66.0,1.0,0,Cash loans,M,N,Y,2,67500.0,639000.0,32755.5,639000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-15663,-2065,-2910.0,-3144,,1,1,0,1,0,0,Cooking staff,4.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Kindergarten,0.7822705089698059,0.7417942550036338,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-3030.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2187906,453194,Cash loans,22877.01,157500.0,192762.0,,157500.0,FRIDAY,15,Y,1,,,,Repairs,Refused,-368,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Country-wide,40,Connectivity,12.0,high,Cash Street: high,,,,,,,0,Cash loans,F,Y,N,0,67500.0,90000.0,9679.5,90000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-11991,-140,-2171.0,-1874,13.0,1,1,1,1,0,0,Laborers,2.0,2,2,TUESDAY,11,0,0,0,0,1,1,Construction,,0.6568723699168563,0.2793353208976285,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2129.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2785299,350170,Consumer loans,8560.89,62917.2,53239.5,12584.7,62917.2,MONDAY,14,Y,1,0.20821950534357225,,,XAP,Approved,-2557,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Stone,902,Consumer electronics,7.0,middle,POS household without interest,365243.0,-2526.0,-2346.0,-2346.0,-2341.0,1.0,0,Cash loans,F,N,Y,0,90000.0,254700.0,24939.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-23983,365243,-12752.0,-4405,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,XNA,,0.7632220349159533,,0.0598,,0.9801,,,0.0,0.1379,0.1667,,,,0.056,,,0.0609,,0.9801,,,0.0,0.1379,0.1667,,,,0.0584,,,0.0604,,0.9801,,,0.0,0.1379,0.1667,,,,0.057,,,,block of flats,0.0568,"Stone, brick",No,1.0,0.0,1.0,0.0,-1876.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2472149,294674,Consumer loans,4134.285,35491.5,30991.5,4500.0,35491.5,SATURDAY,12,Y,1,0.13808684025496495,,,XAP,Approved,-2918,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,40,Connectivity,10.0,low_normal,POS mobile with interest,365243.0,-2876.0,-2606.0,-2606.0,-2602.0,0.0,0,Cash loans,F,N,Y,1,135000.0,1006920.0,51543.0,900000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.009334,-10222,-2005,-2236.0,-2047,,1,1,1,1,0,0,High skill tech staff,3.0,2,2,FRIDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.37667894794639617,0.33928769990891394,0.0124,0.0,0.9786,0.7076,0.0016,0.0,0.069,0.0417,0.0833,0.0207,0.0101,0.0084,0.0,0.0,0.0126,0.0,0.9786,0.7190000000000001,0.0016,0.0,0.069,0.0417,0.0833,0.0212,0.011,0.0087,0.0,0.0,0.0125,0.0,0.9786,0.7115,0.0016,0.0,0.069,0.0417,0.0833,0.0211,0.0103,0.0085,0.0,0.0,reg oper spec account,block of flats,0.0074,"Stone, brick",No,1.0,0.0,1.0,0.0,-515.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1725968,195285,Revolving loans,29250.0,585000.0,585000.0,,585000.0,THURSDAY,16,Y,1,,,,XAP,Refused,-142,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,N,0,270000.0,1330497.0,47920.5,1089000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00702,-18811,-2743,-1122.0,-2363,,1,1,0,1,0,0,Managers,2.0,2,2,SATURDAY,15,0,0,0,0,0,0,Self-employed,,0.6908789353504683,0.6363761710860439,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2193.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1464683,130990,Consumer loans,14144.265,92205.0,92205.0,0.0,92205.0,WEDNESDAY,15,Y,1,0.0,,,XAP,Approved,-1438,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,180,Consumer electronics,8.0,high,POS household with interest,365243.0,-1407.0,-1197.0,-1197.0,-1189.0,0.0,0,Cash loans,M,Y,N,0,247500.0,913500.0,30321.0,913500.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.028663,-13464,-1080,-3414.0,-4400,15.0,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,11,0,0,0,0,1,1,Construction,,0.22277428398490995,0.13680052191177486,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1438.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1711754,121009,Consumer loans,19086.21,215955.0,188041.5,43191.0,215955.0,FRIDAY,16,Y,1,0.20342696400612129,,,XAP,Approved,-2166,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,1200,Consumer electronics,12.0,middle,POS household with interest,365243.0,-2134.0,-1804.0,-1804.0,-1800.0,1.0,0,Cash loans,F,N,Y,0,225000.0,1237500.0,36180.0,1237500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.072508,-17392,-2201,-1588.0,-923,,1,1,0,1,0,0,Core staff,2.0,1,1,MONDAY,16,0,0,0,0,0,0,Kindergarten,,0.4250619155950243,0.5082869913916046,0.0825,0.0686,0.9757,,,0.0,0.1379,0.1667,,0.0986,,0.068,,0.0,0.084,0.0692,0.9757,,,0.0,0.1379,0.1667,,0.0911,,0.0703,,0.0,0.0833,0.0686,0.9757,,,0.0,0.1379,0.1667,,0.1003,,0.0692,,0.0,,block of flats,0.0531,"Stone, brick",No,0.0,0.0,0.0,0.0,-452.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1543780,359034,Consumer loans,3496.995,30600.0,29965.5,3060.0,30600.0,WEDNESDAY,9,Y,1,0.10091045349254914,,,XAP,Approved,-790,XNA,XAP,Unaccompanied,New,Computers,POS,XNA,Stone,50,Consumer electronics,10.0,middle,POS household with interest,365243.0,-759.0,-489.0,-489.0,-485.0,0.0,0,Cash loans,F,N,N,0,76500.0,450000.0,21888.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.005144,-17563,-775,-6787.0,-1097,,1,1,1,1,0,0,Sales staff,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,Other,,0.3927963771611295,0.05882590047568205,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-790.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +1016051,250784,Cash loans,28750.05,360000.0,498078.0,,360000.0,THURSDAY,15,Y,1,,,,XNA,Refused,-948,Cash through the bank,SCO,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,Y,0,216000.0,1154362.5,37368.0,1008000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.00702,-13536,-3005,-2182.0,-919,,1,1,1,1,0,1,Managers,2.0,2,2,SUNDAY,16,0,0,0,0,0,0,Kindergarten,0.7604728369908477,0.5148619933992298,0.1674084472266241,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1688.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +2709648,441365,Consumer loans,,36990.0,36990.0,0.0,36990.0,TUESDAY,12,Y,1,0.0,,,XAP,Refused,-787,Cash through the bank,LIMIT,,Repeater,Mobile,XNA,XNA,Country-wide,30,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,M,Y,Y,0,157500.0,135000.0,9018.0,135000.0,Unaccompanied,Working,Incomplete higher,Single / not married,Rented apartment,0.0038130000000000004,-9019,-345,-9010.0,-1604,5.0,1,1,1,1,0,0,Sales staff,1.0,2,2,FRIDAY,6,1,1,0,1,1,0,Business Entity Type 3,,0.2858978721410488,0.633031641417419,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-863.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2360370,237988,Consumer loans,16859.97,112279.5,62442.0,56142.0,112279.5,SATURDAY,15,Y,1,0.5156154440580671,,,XAP,Approved,-334,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Regional / Local,50,Consumer electronics,4.0,middle,POS household with interest,365243.0,-302.0,-212.0,-212.0,-207.0,0.0,0,Revolving loans,F,N,Y,0,81000.0,247500.0,12375.0,247500.0,"Spouse, partner",Working,Incomplete higher,Married,House / apartment,0.009334,-13010,-491,-7107.0,-4424,,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,18,0,0,0,0,0,0,Business Entity Type 3,,0.2418361215364223,0.5744466170995097,0.0907,,0.9851,,,0.0,0.2069,0.1667,,0.0552,,0.0484,,0.1184,0.0924,,0.9851,,,0.0,0.2069,0.1667,,0.0565,,0.0505,,0.1253,0.0916,,0.9851,,,0.0,0.2069,0.1667,,0.0562,,0.0493,,0.1208,,block of flats,0.0638,Panel,No,2.0,0.0,2.0,0.0,-264.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1983353,232666,Cash loans,14216.355,180000.0,203760.0,,180000.0,FRIDAY,17,Y,1,,,,XNA,Approved,-617,XNA,XAP,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-586.0,104.0,-436.0,-433.0,0.0,0,Cash loans,F,Y,N,0,81000.0,103500.0,8982.0,103500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.015221,-12165,-1173,-4141.0,-2637,7.0,1,1,0,1,0,0,Medicine staff,2.0,2,2,SATURDAY,8,0,0,0,0,0,0,Medicine,,0.6267583136583027,0.4812493411434029,0.1485,0.0974,0.9846,0.7892,0.0517,0.16,0.1379,0.3333,0.375,0.0488,0.121,0.1536,0.0,0.0,0.1513,0.0884,0.9846,0.7975,0.0521,0.1611,0.1379,0.3333,0.375,0.0203,0.1322,0.16,0.0,0.0,0.1499,0.0974,0.9846,0.792,0.052000000000000005,0.16,0.1379,0.3333,0.375,0.0497,0.1231,0.1564,0.0,0.0,reg oper account,block of flats,0.1491,Panel,No,1.0,0.0,1.0,0.0,-1553.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2584815,102577,Consumer loans,4986.495,38520.0,36828.0,4500.0,38520.0,FRIDAY,14,Y,1,0.11858568261007288,,,XAP,Approved,-1481,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,36,Connectivity,10.0,high,POS mobile with interest,365243.0,-1450.0,-1180.0,-1210.0,-1198.0,0.0,0,Revolving loans,F,N,N,0,117000.0,360000.0,18000.0,360000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.01885,-22912,365243,-3281.0,-4288,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,11,0,0,0,0,0,0,XNA,,0.6872432056906362,0.7981372313187245,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1481.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1335421,414965,Consumer loans,6496.335,49226.4,47979.0,4905.9,49226.4,MONDAY,16,Y,1,0.10103018235657228,,,XAP,Approved,-1561,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,70,Connectivity,10.0,high,POS mobile with interest,365243.0,-1527.0,-1257.0,-1287.0,-1281.0,0.0,0,Cash loans,F,N,Y,0,112500.0,814041.0,26388.0,679500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.031329,-18010,-1715,-8986.0,-1561,,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,13,0,0,0,0,0,0,Trade: type 7,,0.3665329934391983,0.2721336844147212,0.1237,,0.9876,0.83,,0.0,0.2759,0.1667,0.2083,0.0509,0.1009,0.12,0.0,0.0,0.1261,,0.9876,0.8367,,0.0,0.2759,0.1667,0.2083,0.052000000000000005,0.1102,0.1251,0.0,0.0,0.1249,,0.9876,0.8323,,0.0,0.2759,0.1667,0.2083,0.0518,0.1026,0.1222,0.0,0.0,reg oper account,block of flats,0.0944,Block,No,0.0,0.0,0.0,0.0,-1818.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1622571,387554,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SATURDAY,11,Y,1,,,,XAP,Approved,-285,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,-107.0,0.0,0,Cash loans,F,Y,Y,0,90000.0,900000.0,26446.5,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.011703,-14158,-2534,-8304.0,-4038,3.0,1,1,1,1,1,0,Laborers,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,Other,,0.39036859016246334,0.20559813854932085,0.0289,0.0385,0.9821,,,0.0,0.069,0.1667,,0.0,,0.0263,,0.0044,0.0294,0.04,0.9821,,,0.0,0.069,0.1667,,0.0,,0.0274,,0.0047,0.0291,0.0385,0.9821,,,0.0,0.069,0.1667,,0.0,,0.0268,,0.0045,,block of flats,0.024,Panel,No,0.0,0.0,0.0,0.0,-2019.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2211744,438094,Cash loans,31920.075,360000.0,412191.0,,360000.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-1392,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-1362.0,-852.0,-1092.0,-1087.0,1.0,0,Cash loans,F,N,Y,2,202500.0,1157242.5,41697.0,999000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.030755,-9825,-2485,-3562.0,-2506,,1,1,0,1,0,0,,4.0,2,2,TUESDAY,16,0,0,0,0,0,0,Advertising,0.4100964498172127,0.505665344903408,0.3572932680336494,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1712.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +1285904,133366,Cash loans,20599.605,90000.0,104418.0,0.0,90000.0,MONDAY,11,Y,1,0.0,,,XNA,Approved,-2138,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,high,Cash X-Sell: high,365243.0,-2108.0,-1958.0,-1958.0,-1950.0,1.0,0,Cash loans,F,N,Y,2,112500.0,522927.0,25285.5,436500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.030755,-15614,-3156,-9550.0,-5658,,1,1,0,1,0,0,Laborers,4.0,2,2,THURSDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.5850676370816195,0.6453133744978369,0.5797274227921155,0.0165,0.0,0.9742,,,0.0,0.069,0.0417,,0.0197,,0.0129,,0.0,0.0168,0.0,0.9742,,,0.0,0.069,0.0417,,0.0202,,0.0135,,0.0,0.0167,0.0,0.9742,,,0.0,0.069,0.0417,,0.0201,,0.0132,,0.0,,block of flats,0.0102,"Stone, brick",No,8.0,0.0,8.0,0.0,-1960.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1827530,136976,Consumer loans,28214.01,148905.0,155295.0,0.0,148905.0,SUNDAY,11,Y,1,0.0,,,XAP,Refused,-640,Cash through the bank,HC,,New,Computers,POS,XNA,Regional / Local,10,Consumer electronics,6.0,middle,POS household with interest,,,,,,,0,Cash loans,M,N,Y,0,157500.0,348826.5,17095.5,288000.0,Family,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.04622,-8434,-1203,-4096.0,-1120,,1,1,0,1,0,0,Laborers,1.0,1,1,WEDNESDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.08956162870803072,0.7021748719056586,0.6092756673894402,,,0.9786,,,0.0,0.0345,0.1667,,,,,,,,,0.9786,,,0.0,0.0345,0.1667,,,,,,,,,0.9786,,,0.0,0.0345,0.1667,,,,,,,,specific housing,0.053,,No,10.0,0.0,10.0,0.0,-640.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1510720,219341,Consumer loans,47109.42,258552.0,258552.0,0.0,258552.0,TUESDAY,14,Y,1,0.0,,,XAP,Approved,-1079,Cash through the bank,XAP,"Spouse, partner",New,Construction Materials,POS,XNA,Regional / Local,1200,Construction,6.0,middle,POS industry with interest,365243.0,-1045.0,-895.0,-895.0,-892.0,0.0,0,Cash loans,F,N,Y,0,175500.0,270000.0,15205.5,270000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010006000000000001,-19598,-7898,-2804.0,-2995,,1,1,0,1,0,0,High skill tech staff,2.0,2,1,WEDNESDAY,11,0,0,0,0,0,0,Medicine,0.6208856524902393,0.7712235267376554,0.7121551551910698,0.1072,0.0662,0.9841,0.7824,0.0713,0.08,0.0345,0.2917,0.3333,0.0152,0.0731,0.0649,0.0656,0.034,0.1092,0.0687,0.9841,0.7909,0.0719,0.0806,0.0345,0.2917,0.3333,0.0155,0.0799,0.0676,0.0661,0.036000000000000004,0.1083,0.0662,0.9841,0.7853,0.0717,0.08,0.0345,0.2917,0.3333,0.0154,0.0744,0.0661,0.066,0.0347,reg oper account,block of flats,0.0589,Panel,No,1.0,0.0,1.0,0.0,-1079.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1520495,169624,Consumer loans,11513.34,105165.0,102456.0,10516.5,105165.0,THURSDAY,11,Y,1,0.10138241205120313,,,XAP,Approved,-1076,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,83,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1037.0,-767.0,-887.0,-877.0,0.0,0,Cash loans,F,N,N,0,103500.0,284400.0,14854.5,225000.0,Family,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.02461,-18335,-6373,-4253.0,-1888,,1,1,0,1,1,0,Private service staff,1.0,2,2,MONDAY,17,0,0,0,0,0,0,Housing,,0.1968914269956948,0.6263042766749393,0.1031,0.1468,0.9866,,,0.0,0.2759,0.0833,,0.0103,,0.1088,,0.0,0.105,0.1524,0.9866,,,0.0,0.2759,0.0833,,0.0105,,0.1134,,0.0,0.1041,0.1468,0.9866,,,0.0,0.2759,0.0833,,0.0104,,0.1108,,0.0,,block of flats,0.0856,"Stone, brick",No,0.0,0.0,0.0,0.0,-50.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +2747906,235030,Consumer loans,6676.065,41580.0,33264.0,8316.0,41580.0,MONDAY,11,Y,1,0.2178181818181818,,,XAP,Approved,-2900,Cash through the bank,XAP,Unaccompanied,New,Furniture,POS,XNA,Stone,105,Furniture,6.0,low_normal,POS industry with interest,365243.0,-2869.0,-2719.0,-2719.0,-2649.0,0.0,0,Cash loans,F,N,Y,0,99000.0,270000.0,15075.0,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00702,-19298,-4813,-8510.0,-2784,,1,1,1,1,1,0,Accountants,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Electricity,0.6034628136442328,0.26651977539251576,0.6397075677637197,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1954.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,1.0 +2430018,242602,Consumer loans,9174.465,171351.0,200754.0,0.0,171351.0,SATURDAY,10,Y,1,0.0,,,XAP,Refused,-833,Cash through the bank,HC,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,200,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,0,Cash loans,M,N,Y,0,63000.0,225000.0,11619.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.025164,-13661,365243,-6784.0,-4134,,1,0,0,1,1,0,,1.0,2,2,SATURDAY,10,0,0,0,0,0,0,XNA,0.3735595244181235,0.5761544197190771,0.3774042489507649,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-999.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1128094,323037,Consumer loans,5345.46,53460.0,48114.0,5346.0,53460.0,SATURDAY,16,Y,1,0.1089090909090909,,,XAP,Approved,-2376,Cash through the bank,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Country-wide,2370,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-2345.0,-2075.0,-2105.0,-2102.0,0.0,0,Cash loans,F,N,Y,0,382500.0,518562.0,22972.5,463500.0,Unaccompanied,Pensioner,Higher education,Civil marriage,House / apartment,0.016612000000000002,-17406,365243,-6391.0,-938,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,XNA,,0.6362231051052986,0.4206109640437848,0.1474,0.1057,0.9796,0.7212,0.0613,0.16,0.1379,0.3333,0.375,0.07400000000000001,0.1194,0.1358,0.0039,0.0051,0.1502,0.1097,0.9796,0.7321,0.0618,0.1611,0.1379,0.3333,0.375,0.0756,0.1304,0.1415,0.0039,0.0054,0.1489,0.1057,0.9796,0.7249,0.0617,0.16,0.1379,0.3333,0.375,0.0752,0.1214,0.1382,0.0039,0.0052,reg oper account,block of flats,0.1414,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1112869,288202,Cash loans,9830.97,90000.0,95940.0,,90000.0,THURSDAY,14,Y,1,,,,XNA,Approved,-411,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-381.0,-51.0,-171.0,-163.0,1.0,0,Cash loans,F,N,Y,0,112500.0,202500.0,19854.0,202500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-24785,365243,-8100.0,-4173,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,,0.5699375572718989,0.7338145369642702,0.199,0.2447,0.9881,0.8368,0.0264,0.0,0.4828,0.1667,0.2083,0.1754,0.158,0.1849,0.0193,0.0651,0.2027,0.254,0.9881,0.8432,0.0266,0.0,0.4828,0.1667,0.2083,0.1794,0.1726,0.1926,0.0195,0.0689,0.2009,0.2447,0.9881,0.8390000000000001,0.0266,0.0,0.4828,0.1667,0.2083,0.1784,0.1608,0.1882,0.0194,0.0665,reg oper account,block of flats,0.2153,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +2707405,149740,Cash loans,34292.61,450000.0,491580.0,,450000.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-903,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-873.0,-183.0,-843.0,-834.0,1.0,0,Cash loans,F,N,N,0,76500.0,504000.0,25731.0,504000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-12239,-676,-2575.0,-3807,,1,1,0,1,0,0,Managers,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Government,0.4206313081985705,0.29791060148656623,0.4974688893052743,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,2.0,9.0,2.0,-1570.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1869917,376757,Consumer loans,6006.6,46215.0,45027.0,4621.5,46215.0,TUESDAY,12,Y,1,0.10137735553669568,,,XAP,Approved,-2823,Cash through the bank,XAP,"Spouse, partner",New,Mobile,POS,XNA,Stone,180,Connectivity,10.0,high,POS mobile with interest,365243.0,-2792.0,-2522.0,-2522.0,-2517.0,1.0,0,Cash loans,F,Y,N,1,180000.0,592560.0,40216.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.008019,-10004,-947,-4100.0,-2668,10.0,1,1,0,1,0,0,Medicine staff,3.0,2,2,THURSDAY,11,0,0,0,0,0,0,Medicine,,0.5795204163825919,0.34578480246959553,0.3464,0.0936,0.9851,0.7959999999999999,0.108,0.36,0.3103,0.3333,0.0417,0.1831,0.2816,0.2219,0.0039,0.1446,0.3529,0.0971,0.9851,0.804,0.109,0.3625,0.3103,0.3333,0.0417,0.1873,0.3076,0.2312,0.0039,0.1531,0.3497,0.0936,0.9851,0.7987,0.1087,0.36,0.3103,0.3333,0.0417,0.1863,0.2865,0.2259,0.0039,0.1477,reg oper account,block of flats,0.3181,"Stone, brick",No,0.0,0.0,0.0,0.0,-1413.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1742794,207130,Cash loans,53422.155,1138500.0,1270746.0,,1138500.0,FRIDAY,11,Y,1,,,,XNA,Refused,-526,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,180000.0,1372500.0,47835.0,1372500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-17901,-823,-66.0,-1374,,1,1,0,1,0,0,Sales staff,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,Self-employed,0.6315778206243073,0.7431197568648654,0.18411615593071512,0.1763,,0.9975,,,0.2,0.1379,0.5417,,,,0.1952,,0.0592,0.1796,,0.9975,,,0.2014,0.1379,0.5417,,,,0.2033,,0.0627,0.17800000000000002,,0.9975,,,0.2,0.1379,0.5417,,,,0.1987,,0.0605,,block of flats,0.1664,"Stone, brick",No,10.0,0.0,10.0,0.0,-962.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1183117,381032,Cash loans,37141.92,855000.0,954315.0,,855000.0,MONDAY,9,Y,1,,,,XNA,Approved,-480,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-450.0,960.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,58500.0,396171.0,20358.0,342000.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.020246,-23428,365243,-7211.0,-4631,,1,0,0,1,0,0,,2.0,3,3,FRIDAY,6,0,0,0,0,0,0,XNA,,0.04393991166730828,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-480.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2444692,260539,Consumer loans,8023.05,87210.0,79609.5,7600.5,87210.0,SATURDAY,11,Y,1,0.09491612721643684,,,XAP,Approved,-325,XNA,XAP,,Repeater,Consumer Electronics,POS,XNA,Regional / Local,57,Consumer electronics,12.0,middle,POS household with interest,365243.0,-285.0,45.0,-75.0,-72.0,0.0,0,Cash loans,M,Y,Y,0,202500.0,675000.0,34596.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-14434,-7602,-4724.0,-4538,14.0,1,1,0,1,0,0,,2.0,2,2,TUESDAY,15,0,0,0,0,1,1,Business Entity Type 2,0.4839204550063739,0.4002056413371151,0.524496446363472,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-1404.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +1540792,387235,Cash loans,26311.5,450000.0,450000.0,,450000.0,WEDNESDAY,9,Y,1,,,,XNA,Approved,-588,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,1880,Consumer electronics,24.0,middle,Cash X-Sell: middle,365243.0,-558.0,132.0,-258.0,-248.0,0.0,0,Cash loans,M,Y,Y,0,247500.0,835380.0,40320.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00963,-20285,-1398,-434.0,-3696,8.0,1,1,0,1,0,0,Drivers,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.6559945161488663,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2199609,399365,Consumer loans,33377.445,392445.0,353200.5,39244.5,392445.0,FRIDAY,11,Y,1,0.1089090909090909,,,XAP,Approved,-1382,Cash through the bank,XAP,"Spouse, partner",Refreshed,Clothing and Accessories,POS,XNA,Country-wide,120,Clothing,12.0,low_normal,POS industry with interest,365243.0,-1351.0,-1021.0,-1021.0,-1016.0,0.0,0,Cash loans,F,Y,N,0,225000.0,729801.0,69421.5,702000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.0228,-22553,-3007,-5323.0,-4338,14.0,1,1,0,1,1,0,Core staff,2.0,2,2,MONDAY,8,0,0,0,0,0,0,Other,0.8540250875140297,0.6075461766137846,0.8327850252992314,0.0454,0.0462,0.9921,0.8912,0.0144,0.08,0.069,0.2917,0.3333,0.0387,0.0319,0.0932,0.0232,0.0447,0.0462,0.0479,0.9921,0.8955,0.0145,0.0806,0.069,0.2917,0.3333,0.0395,0.0349,0.0971,0.0233,0.0473,0.0458,0.0462,0.9921,0.8927,0.0144,0.08,0.069,0.2917,0.3333,0.0393,0.0325,0.0948,0.0233,0.0457,reg oper spec account,block of flats,0.0763,Mixed,No,0.0,0.0,0.0,0.0,-2583.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2480162,192245,Consumer loans,10471.95,96750.0,94257.0,9675.0,96750.0,THURSDAY,11,Y,1,0.1013831596183518,,,XAP,Approved,-2090,Cash through the bank,XAP,Unaccompanied,Repeater,Clothing and Accessories,POS,XNA,Stone,300,Industry,10.0,low_normal,POS industry with interest,365243.0,-2059.0,-1789.0,-1789.0,-1786.0,0.0,0,Cash loans,F,N,Y,0,157500.0,1078200.0,31653.0,900000.0,Children,Commercial associate,Higher education,Single / not married,House / apartment,0.001417,-16613,-3707,-4002.0,-151,,1,1,0,1,0,0,Laborers,1.0,2,2,MONDAY,13,0,0,0,0,0,0,Self-employed,,0.5275217248587635,0.5495965024956946,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2579.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1986909,305307,Consumer loans,6675.03,53820.0,53820.0,0.0,53820.0,WEDNESDAY,9,Y,1,0.0,,,XAP,Refused,-2153,Cash through the bank,LIMIT,Family,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,78,Connectivity,12.0,high,POS mobile with interest,,,,,,,0,Cash loans,M,N,Y,0,135000.0,247275.0,17716.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-13936,-2281,-6067.0,-5686,,1,1,0,1,0,0,Sales staff,2.0,2,2,SUNDAY,9,0,0,0,0,0,0,Transport: type 4,,0.27894484293408656,0.32173528219668485,0.1216,0.0,0.9831,,,0.0,0.2759,0.1667,,0.1341,,0.1116,,0.124,0.1239,0.0,0.9831,,,0.0,0.2759,0.1667,,0.1372,,0.1163,,0.1313,0.1228,0.0,0.9831,,,0.0,0.2759,0.1667,,0.1364,,0.1136,,0.1266,,block of flats,0.0878,Panel,No,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1780163,253514,Consumer loans,10176.66,54526.5,51664.5,5454.0,54526.5,TUESDAY,19,Y,1,0.10399260866762633,,,XAP,Approved,-585,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,6.0,high,POS mobile with interest,365243.0,-554.0,-404.0,-404.0,-398.0,0.0,0,Cash loans,F,N,Y,1,270000.0,503266.5,52978.5,463500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.04622,-12438,-2086,-2403.0,-3921,,1,1,0,1,0,1,Sales staff,2.0,1,1,SATURDAY,14,0,0,0,0,1,1,Business Entity Type 3,0.6619310201742108,0.6728857387562419,0.4686596550493113,0.1361,0.0983,0.9861,0.8096,,0.16,0.1379,0.3333,0.375,0.1692,,0.1262,,0.0529,0.1387,0.102,0.9861,0.8171,,0.1611,0.1379,0.3333,0.375,0.1731,,0.1315,,0.056,0.1374,0.0983,0.9861,0.8121,,0.16,0.1379,0.3333,0.375,0.1721,,0.1285,,0.054000000000000006,reg oper account,block of flats,0.1574,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1538626,165556,Consumer loans,7697.565,62955.0,61335.0,6295.5,62955.0,SATURDAY,6,Y,1,0.10137987769100944,,,XAP,Approved,-2454,XNA,XAP,Unaccompanied,New,Photo / Cinema Equipment,POS,XNA,Country-wide,1295,Consumer electronics,10.0,high,POS household with interest,365243.0,-2423.0,-2153.0,-2153.0,-2131.0,1.0,0,Cash loans,M,N,Y,0,157500.0,1082214.0,31770.0,945000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.006629,-19868,-2630,-2490.0,-2630,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,7,0,0,0,0,0,0,Business Entity Type 3,,0.6705566908705666,0.501075160239048,0.0103,,0.9682,,,,,0.0417,,,,,,,0.0105,,0.9682,,,,,0.0417,,,,,,,0.0104,,0.9682,,,,,0.0417,,,,,,,,block of flats,0.0081,Wooden,Yes,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2679822,386904,Cash loans,36801.765,787500.0,868581.0,,787500.0,SATURDAY,10,Y,1,,,,XNA,Approved,-556,XNA,XAP,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-526.0,524.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,45000.0,95940.0,9472.5,90000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.0228,-22559,365243,-9020.0,-4057,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,,0.7562328765220709,,0.066,0.0802,0.9771,,,0.0,0.1379,0.1667,,0.0327,,0.0505,,0.0535,0.0672,0.0831,0.9767,,,0.0,0.1379,0.1667,,0.031,,0.0523,,0.0192,0.0666,0.0802,0.9771,,,0.0,0.1379,0.1667,,0.0332,,0.0514,,0.0547,,block of flats,0.0473,"Stone, brick",No,0.0,0.0,0.0,0.0,-1813.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1589124,180758,Consumer loans,15946.425,159480.0,143532.0,15948.0,159480.0,TUESDAY,8,Y,1,0.1089090909090909,,,XAP,Approved,-2828,Cash through the bank,XAP,"Spouse, partner",New,Audio/Video,POS,XNA,Stone,150,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-2797.0,-2527.0,-2527.0,-2522.0,0.0,0,Cash loans,M,N,Y,0,202500.0,640080.0,24259.5,450000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.020246,-15518,-173,-1405.0,-4302,,1,1,1,1,0,0,Core staff,2.0,3,3,TUESDAY,10,0,0,0,0,0,0,Self-employed,0.5077920082030106,0.5591110498568566,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2828.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1548352,161444,Consumer loans,9539.91,67455.0,73390.5,0.0,67455.0,SUNDAY,10,Y,1,0.0,,,XAP,Approved,-626,XNA,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Regional / Local,150,Consumer electronics,10.0,high,POS household with interest,365243.0,-595.0,-325.0,-325.0,-318.0,0.0,0,Cash loans,M,N,Y,0,112500.0,862560.0,27954.0,720000.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.00702,-19437,-4882,-4798.0,-2939,,1,1,1,1,0,0,Security staff,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.6423749308436519,0.7194907850918436,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-626.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2175292,324262,Cash loans,29808.855,670500.0,762547.5,,670500.0,MONDAY,19,Y,1,,,,XNA,Refused,-413,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,Y,N,0,135000.0,900000.0,26446.5,900000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.030755,-16567,-2198,-10237.0,-101,2.0,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,17,0,0,0,0,0,0,Business Entity Type 3,,0.6924738442523607,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1384.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1261631,175738,Consumer loans,5239.125,56160.0,25879.5,31500.0,56160.0,SATURDAY,9,Y,1,0.5978853708443541,,,XAP,Approved,-1766,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,69,Consumer electronics,6.0,high,POS household with interest,365243.0,-1735.0,-1585.0,-1645.0,-1639.0,0.0,0,Cash loans,F,N,Y,0,216000.0,50940.0,5089.5,45000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.018634,-22740,365243,-12784.0,-4203,,1,0,0,1,0,0,,2.0,2,2,MONDAY,11,0,0,0,0,0,0,XNA,,0.6732706850286138,0.7076993447402619,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1766.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2675296,306809,Consumer loans,6146.955,56700.0,56700.0,0.0,56700.0,THURSDAY,10,Y,1,0.0,,,XAP,Approved,-29,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Stone,30,Connectivity,12.0,middle,POS mobile with interest,365243.0,365243.0,336.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,135000.0,178290.0,10084.5,157500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-21168,365243,-3334.0,-4666,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,XNA,0.8372552908406908,0.2089061625025247,0.6738300778602003,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2457526,426270,Consumer loans,9811.395,67464.0,60714.0,6750.0,67464.0,MONDAY,16,Y,1,0.10896720675269236,,,XAP,Refused,-1806,Cash through the bank,HC,,New,Mobile,POS,XNA,Country-wide,63,Connectivity,8.0,high,POS mobile with interest,,,,,,,1,Cash loans,M,Y,N,1,157500.0,341280.0,27094.5,270000.0,Unaccompanied,Working,Higher education,Married,With parents,0.01885,-10654,-1032,-5422.0,-3345,19.0,1,1,0,1,0,0,Sales staff,3.0,2,2,MONDAY,11,0,0,0,0,1,1,Trade: type 3,0.2937739826671841,0.07963920885783153,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-788.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1222419,316709,Consumer loans,10627.2,143527.5,162000.0,0.0,143527.5,TUESDAY,9,Y,1,0.0,,,XAP,Refused,-966,Cash through the bank,LIMIT,Family,Repeater,Computers,POS,XNA,Country-wide,1972,Consumer electronics,18.0,low_normal,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,112500.0,894906.0,26293.5,747000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.006852,-21486,365243,-9357.0,-3932,,1,0,0,1,0,0,,1.0,3,3,TUESDAY,10,0,0,0,0,0,0,XNA,,0.17015355940512975,0.7281412993111438,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1019.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2228766,248129,Consumer loans,12221.145,121108.5,113314.5,18000.0,121108.5,THURSDAY,16,Y,1,0.14928767473231336,,,XAP,Approved,-1806,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,2500,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1775.0,-1445.0,-1445.0,-1432.0,0.0,0,Cash loans,F,N,N,0,90000.0,360000.0,23436.0,360000.0,Family,Commercial associate,Higher education,Civil marriage,Rented apartment,0.009549,-9654,-392,-9414.0,-2129,,1,1,1,1,1,0,Secretaries,2.0,2,2,THURSDAY,11,0,0,0,1,1,0,Business Entity Type 3,0.3307668441448559,0.2858978721410488,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,0.0,-1806.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2001552,357480,Consumer loans,3081.96,29205.0,27891.0,3825.0,29205.0,SATURDAY,6,Y,1,0.1313460943143122,,,XAP,Approved,-2071,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Country-wide,55,Connectivity,12.0,high,POS mobile with interest,365243.0,-2040.0,-1710.0,-1710.0,-1706.0,0.0,0,Cash loans,F,N,Y,0,135000.0,440784.0,34956.0,360000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.018029,-16841,-5707,-9404.0,-385,,1,1,0,1,0,0,Laborers,1.0,3,3,FRIDAY,6,0,0,0,0,1,1,Business Entity Type 2,,0.25475995714691185,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2071.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2773171,377399,Consumer loans,14092.65,69745.5,74808.0,0.0,69745.5,FRIDAY,15,Y,1,0.0,,,XAP,Approved,-124,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,1283,Consumer electronics,6.0,middle,POS mobile with interest,365243.0,-91.0,59.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,2,247500.0,119893.5,13041.0,103500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-17520,-1673,-2961.0,-996,28.0,1,1,0,1,0,0,,4.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,Business Entity Type 2,,0.2938514385769949,0.6279908192952864,0.5062,0.3096,0.9806,0.7348,0.2777,0.36,0.3103,0.3333,0.375,0.0,0.4051,0.4769,0.0347,0.1096,0.5158,0.3212,0.9806,0.7452,0.2803,0.3625,0.3103,0.3333,0.375,0.0,0.4426,0.4969,0.035,0.116,0.5111,0.3096,0.9806,0.7383,0.2795,0.36,0.3103,0.3333,0.375,0.0,0.4122,0.4855,0.0349,0.1119,reg oper account,block of flats,0.5508,Panel,No,0.0,0.0,0.0,0.0,-124.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1719157,330484,Consumer loans,7934.49,39555.0,36904.5,4500.0,39555.0,TUESDAY,14,Y,1,0.11836658070763058,,,XAP,Approved,-1214,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,54,Connectivity,6.0,high,POS mobile with interest,365243.0,-1176.0,-1026.0,-1026.0,-1020.0,0.0,0,Cash loans,F,N,N,0,202500.0,534204.0,34137.0,495000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.030755,-18311,-6565,-11636.0,-1850,,1,1,0,1,1,0,Accountants,2.0,2,2,TUESDAY,17,0,0,0,0,0,0,Agriculture,0.7776328732964005,0.5428282072748145,0.5937175866150576,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1214.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1571247,268108,Consumer loans,13039.02,125955.0,111406.5,25191.0,125955.0,SATURDAY,11,Y,1,0.2008476662523772,,,XAP,Approved,-661,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Stone,10,Connectivity,12.0,high,POS mobile with interest,365243.0,-630.0,-300.0,-420.0,-415.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,261000.0,9967.5,261000.0,Unaccompanied,Working,Incomplete higher,Single / not married,House / apartment,0.015221,-8392,-1287,-8358.0,-1077,15.0,1,1,0,1,0,0,Laborers,1.0,2,2,TUESDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.12222308363498498,0.5114694181565276,0.23791607950711405,0.0928,0.1006,0.9806,,,,0.2069,0.1667,,0.0717,,0.0877,,0.0,0.0945,0.1044,0.9806,,,,0.2069,0.1667,,0.0734,,0.0913,,0.0,0.0937,0.1006,0.9806,,,,0.2069,0.1667,,0.073,,0.0892,,0.0,,block of flats,0.0928,Panel,No,2.0,1.0,2.0,0.0,-1037.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2364905,177267,Cash loans,39822.885,1264500.0,1448104.5,,1264500.0,SUNDAY,14,Y,1,,,,XNA,Refused,-341,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,Y,Y,0,211500.0,539959.5,42790.5,441000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00823,-19811,-221,-10467.0,-3373,24.0,1,1,0,1,0,0,Security staff,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,Trade: type 7,,0.09506384943467648,0.4650692149562261,0.0722,0.0625,0.9796,0.7212,0.0276,0.0,0.1379,0.1667,0.2083,,0.0588,0.0623,0.0,0.0,0.0735,0.0649,0.9796,0.7321,0.0279,0.0,0.1379,0.1667,0.2083,,0.0643,0.0649,0.0,0.0,0.0729,0.0625,0.9796,0.7249,0.0278,0.0,0.1379,0.1667,0.2083,,0.0599,0.0634,0.0,0.0,reg oper account,block of flats,0.049,"Stone, brick",No,0.0,0.0,0.0,0.0,-108.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1937380,431157,Consumer loans,9798.75,191250.0,146250.0,45000.0,191250.0,MONDAY,8,Y,1,0.2562566844919786,,,XAP,Refused,-2231,XNA,LIMIT,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Regional / Local,131,Consumer electronics,24.0,high,POS household with interest,,,,,,,0,Cash loans,F,Y,N,0,112500.0,932643.0,27270.0,778500.0,Unaccompanied,Commercial associate,Incomplete higher,Single / not married,House / apartment,0.006629,-11570,-1681,-1417.0,-3056,11.0,1,1,0,1,1,0,Managers,1.0,2,2,SATURDAY,6,0,0,0,0,0,0,Self-employed,,0.6115172188588556,0.5513812618027899,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1628.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,2.0 +2469211,194756,Consumer loans,,70600.5,70600.5,0.0,70600.5,SUNDAY,19,Y,1,0.0,,,XAP,Refused,-449,Cash through the bank,LIMIT,,Repeater,Mobile,XNA,XNA,Country-wide,58,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,F,Y,Y,0,112500.0,254700.0,27558.0,225000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.002042,-8201,-494,-1038.0,-882,64.0,1,1,0,1,0,0,Sales staff,2.0,3,3,MONDAY,11,0,0,0,0,0,0,Trade: type 7,,0.12725935844733366,0.7016957740576931,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-555.0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2025160,315086,Consumer loans,17703.72,177057.0,159349.5,17707.5,177057.0,MONDAY,17,Y,1,0.10892016284432283,,,XAP,Refused,-2436,Cash through the bank,SCO,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,2535,Consumer electronics,10.0,low_normal,POS household without interest,,,,,,,0,Cash loans,M,Y,Y,0,225000.0,99504.0,10575.0,90000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.035792000000000004,-14203,-2126,-4640.0,-4640,17.0,1,1,0,1,0,0,Managers,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.21170026504000086,0.596128583915381,0.6801388218428291,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2374294,201831,Consumer loans,3891.105,38552.715,38552.715,0.0,38552.715,FRIDAY,14,Y,1,0.0,,,XAP,Refused,-234,Cash through the bank,HC,,Refreshed,Mobile,POS,XNA,Country-wide,28,Connectivity,12.0,middle,POS mobile with interest,,,,,,,0,Revolving loans,M,Y,N,0,81000.0,202500.0,10125.0,202500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00702,-14176,-6836,-8315.0,-4836,0.0,1,1,0,1,0,0,,2.0,2,2,MONDAY,17,0,0,0,0,0,0,Business Entity Type 3,,0.7216823172746151,0.4722533429586386,0.2227,,0.9811,,,0.24,0.2069,0.3333,,0.1503,,0.2401,,0.0695,0.2269,,0.9811,,,0.2417,0.2069,0.3333,,0.1538,,0.2502,,0.0736,0.2248,,0.9811,,,0.24,0.2069,0.3333,,0.1529,,0.2444,,0.0709,,block of flats,0.1905,Panel,No,0.0,0.0,0.0,0.0,-1649.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2524348,105603,Consumer loans,12256.605,80955.0,66280.5,18000.0,80955.0,MONDAY,10,Y,1,0.23259990583392803,,,XAP,Approved,-717,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Regional / Local,168,Consumer electronics,6.0,middle,POS household with interest,365243.0,-686.0,-536.0,-536.0,-529.0,0.0,0,Cash loans,M,Y,Y,0,112500.0,497520.0,36184.5,450000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-19437,-3157,-2366.0,-2794,8.0,1,1,0,1,0,0,Drivers,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Business Entity Type 1,0.3810191091780858,0.6834944240565765,0.5082869913916046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1774.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1073752,279615,Cash loans,23366.205,225000.0,239850.0,,225000.0,TUESDAY,9,Y,1,,,,XNA,Approved,-317,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Contact center,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-287.0,43.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,0,202500.0,454500.0,27805.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-15358,-1920,-5533.0,-2764,12.0,1,1,1,1,0,0,Drivers,2.0,3,3,THURSDAY,7,0,0,0,0,0,0,Self-employed,,0.5686614310025384,0.6178261467332483,0.0928,0.08900000000000001,0.9906,0.8708,0.0156,0.0,0.2069,0.1667,0.2083,0.0545,0.0756,0.0899,0.0,0.0,0.0945,0.0924,0.9906,0.8759,0.0158,0.0,0.2069,0.1667,0.2083,0.0558,0.0826,0.0937,0.0,0.0,0.0937,0.08900000000000001,0.9906,0.8725,0.0157,0.0,0.2069,0.1667,0.2083,0.0555,0.077,0.0915,0.0,0.0,reg oper account,block of flats,0.0793,Panel,No,0.0,0.0,0.0,0.0,-1308.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2535626,302660,Consumer loans,3743.505,101974.5,81576.0,20398.5,101974.5,MONDAY,19,Y,1,0.2178566299328843,,,XAP,Approved,-336,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,1378,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-304.0,386.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,0,135000.0,497520.0,25402.5,450000.0,,Pensioner,Higher education,Separated,House / apartment,0.007273999999999998,-24082,365243,-4409.0,-4624,2.0,1,0,0,1,1,0,,1.0,2,2,SATURDAY,12,0,0,0,0,0,0,XNA,,0.6060905280480912,0.6296742509538716,0.0804,0.0804,0.9752,0.66,0.0339,0.0,0.1034,0.1667,0.0,0.0586,0.0614,0.0663,0.0193,0.0166,0.0819,0.0834,0.9752,0.6733,0.0342,0.0,0.1034,0.1667,0.0,0.0599,0.067,0.0691,0.0195,0.0176,0.0812,0.0804,0.9752,0.6645,0.0341,0.0,0.1034,0.1667,0.0,0.0596,0.0624,0.0675,0.0194,0.017,reg oper account,block of flats,0.0715,Panel,No,4.0,0.0,4.0,0.0,-336.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1086699,154738,Revolving loans,7875.0,0.0,157500.0,,,THURSDAY,14,Y,1,,,,XAP,Refused,-2623,XNA,SCO,,Repeater,XNA,Cards,x-sell,Country-wide,37,Connectivity,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,Y,Y,0,270000.0,675000.0,32472.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-14775,-1616,-6745.0,-4859,6.0,1,1,0,1,0,0,Managers,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Construction,0.5047826395174689,0.7813915617799391,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2665.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1536088,276816,Consumer loans,20591.145,163386.0,150961.5,22500.0,163386.0,SATURDAY,13,Y,1,0.14126792086166348,,,XAP,Approved,-985,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Regional / Local,139,Consumer electronics,10.0,high,POS household with interest,365243.0,-948.0,-678.0,-708.0,-704.0,0.0,0,Cash loans,M,N,Y,0,135000.0,187704.0,13729.5,148500.0,Other_B,Working,Secondary / secondary special,Single / not married,With parents,0.031329,-9630,-1406,-727.0,-2278,,1,1,0,1,0,0,Laborers,1.0,2,2,THURSDAY,12,0,0,0,0,0,0,Industry: type 5,,0.5956125250768408,0.3344541255096772,,0.1205,0.9816,0.7484,,0.0,0.3448,0.1667,,0.0628,0.1177,0.1268,,,,0.125,0.9816,0.7583,,0.0,0.3448,0.1667,,0.0643,0.1286,0.1321,,,,0.1205,0.9816,0.7518,,0.0,0.3448,0.1667,,0.0639,0.1197,0.1291,,,reg oper account,block of flats,0.0997,Panel,No,0.0,0.0,0.0,0.0,-1296.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1654252,139242,Consumer loans,,48825.0,48825.0,0.0,48825.0,WEDNESDAY,12,Y,1,0.0,,,XAP,Refused,-719,Cash through the bank,LIMIT,,Repeater,Mobile,XNA,XNA,Country-wide,26,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,F,N,N,1,90000.0,545040.0,25407.0,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.008625,-14672,-2349,-933.0,-1668,,1,1,0,1,0,0,Laborers,3.0,2,2,FRIDAY,14,0,0,0,0,0,0,Services,,0.6435144862628496,0.3001077565791181,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-781.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1683462,170449,Consumer loans,5120.865,30015.0,25515.0,4500.0,30015.0,MONDAY,17,Y,1,0.16328199536595334,,,XAP,Approved,-2551,XNA,XAP,,New,Mobile,POS,XNA,Stone,13,Connectivity,6.0,high,POS mobile with interest,365243.0,-2517.0,-2367.0,-2367.0,-2356.0,0.0,0,Cash loans,F,N,Y,0,171000.0,450000.0,30204.0,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.026392000000000002,-14817,-4515,-8163.0,-1834,,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.5502961139173264,0.475849908720221,0.0784,,0.9742,,,0.0,0.1379,0.1667,,,,0.061,,0.0215,0.0798,,0.9742,,,0.0,0.1379,0.1667,,,,0.0635,,0.0228,0.0791,,0.9742,,,0.0,0.1379,0.1667,,,,0.0621,,0.022,,block of flats,0.0503,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2355112,324617,Consumer loans,8276.4,75240.0,75240.0,0.0,75240.0,SATURDAY,14,Y,1,0.0,,,XAP,Approved,-301,Cash through the bank,XAP,,New,Furniture,POS,XNA,Stone,150,Furniture,10.0,low_normal,POS industry with interest,365243.0,-268.0,2.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,1,112500.0,891000.0,32004.0,891000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-12538,-4186,-3557.0,-1740,,1,1,1,1,1,0,Realty agents,3.0,2,2,THURSDAY,16,0,0,0,0,0,0,Self-employed,0.208621912600995,0.573706819173196,0.2032521136204725,0.0711,0.0645,0.9796,0.7212,0.0255,0.0,0.1379,0.1667,0.2083,0.0895,0.058,0.0668,0.0,0.0049,0.0725,0.067,0.9796,0.7321,0.0258,0.0,0.1379,0.1667,0.2083,0.0916,0.0634,0.0696,0.0,0.0052,0.0718,0.0645,0.9796,0.7249,0.0257,0.0,0.1379,0.1667,0.2083,0.0911,0.059,0.068,0.0,0.005,reg oper account,block of flats,0.0698,"Stone, brick",No,0.0,0.0,0.0,0.0,-301.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1025340,182684,Consumer loans,9525.645,54315.0,49365.0,4950.0,54315.0,THURSDAY,16,Y,1,0.09925434962717483,,,XAP,Approved,-65,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Regional / Local,50,Consumer electronics,6.0,middle,POS household with interest,365243.0,-34.0,116.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,Y,0,112500.0,180000.0,9000.0,180000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.031329,-8357,-686,-6807.0,-932,,1,1,0,1,0,1,Sales staff,1.0,2,2,SATURDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.21801802439697324,0.4739156922685041,,0.0619,0.063,0.9886,0.8436,0.0129,0.0,0.069,0.1667,0.2083,0.048,0.0,0.0483,0.0,0.0,0.063,0.0654,0.9886,0.8497,0.013,0.0,0.069,0.1667,0.2083,0.0491,0.0,0.0503,0.0,0.0,0.0625,0.063,0.9886,0.8457,0.013,0.0,0.069,0.1667,0.2083,0.0489,0.0,0.0492,0.0,0.0,reg oper account,block of flats,0.0451,Panel,No,0.0,0.0,0.0,0.0,-678.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2293088,191325,Revolving loans,45000.0,900000.0,900000.0,,900000.0,WEDNESDAY,10,Y,1,,,,XAP,Approved,-220,XNA,XAP,Unaccompanied,Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-220.0,-177.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,270000.0,1078200.0,31653.0,900000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.02461,-18456,-2494,-6182.0,-1983,,1,1,0,1,0,0,Core staff,2.0,2,2,SATURDAY,11,0,0,0,0,1,1,Government,0.7729546060195314,0.6872902059436027,0.3376727217405312,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1069.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,7.0,0.0,4.0 +1501245,191725,Revolving loans,2250.0,45000.0,45000.0,,45000.0,TUESDAY,17,Y,1,,,,XAP,Refused,-304,XNA,HC,,Repeater,XNA,Cards,walk-in,Country-wide,40,Connectivity,0.0,XNA,Card Street,,,,,,,1,Revolving loans,F,N,Y,0,121500.0,135000.0,6750.0,135000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.019101,-19574,365243,-11874.0,-2866,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,9,0,0,0,0,0,0,XNA,,0.5025603682926437,0.28961123838200553,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-477.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1013074,429752,Cash loans,9821.925,193500.0,231813.0,,193500.0,THURSDAY,6,Y,1,,,,XNA,Approved,-243,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-213.0,837.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,N,1,135000.0,305221.5,20524.5,252000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.002134,-14024,-1518,-775.0,-1147,14.0,1,1,0,1,0,0,Cooking staff,3.0,3,3,TUESDAY,7,0,0,0,0,0,0,Kindergarten,,0.7011678200111248,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1778.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2538202,101397,Cash loans,18071.145,135000.0,163732.5,,135000.0,FRIDAY,11,Y,1,,,,XNA,Approved,-921,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-891.0,-561.0,-831.0,-827.0,1.0,0,Cash loans,F,N,Y,0,135000.0,189351.0,14287.5,153000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.0038130000000000004,-15126,-1922,-2605.0,-84,,1,1,0,1,1,1,Laborers,2.0,2,2,TUESDAY,12,0,0,0,0,1,1,Business Entity Type 3,0.5369266088594192,0.6595191261945106,,0.0763,0.1009,0.9836,0.7756,0.1453,0.0,0.2069,0.1667,0.0417,0.0333,0.0605,0.0698,0.0077,0.0332,0.0777,0.1047,0.9836,0.7844,0.1466,0.0,0.2069,0.1667,0.0417,0.034,0.0661,0.0727,0.0078,0.0352,0.077,0.1009,0.9836,0.7786,0.1462,0.0,0.2069,0.1667,0.0417,0.0338,0.0616,0.071,0.0078,0.0339,reg oper account,block of flats,0.0658,Panel,No,0.0,0.0,0.0,0.0,-610.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1029385,362881,Consumer loans,26740.08,221422.5,199278.0,22144.5,221422.5,THURSDAY,16,Y,1,0.10892015778145236,,,XAP,Approved,-54,Cash through the bank,XAP,Unaccompanied,Repeater,Construction Materials,POS,XNA,Regional / Local,71,Construction,8.0,low_action,POS industry with interest,365243.0,365243.0,232.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,2,180000.0,1147500.0,48618.0,1147500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.030755,-12791,-2816,-638.0,-2989,,1,1,0,1,1,0,,4.0,2,2,SUNDAY,22,0,0,0,0,1,1,Business Entity Type 3,0.3647001331946872,0.5385651516788138,0.5673792367572691,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-465.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,4.0,4.0 +2417129,176859,Revolving loans,6750.0,135000.0,135000.0,,135000.0,WEDNESDAY,14,Y,0,,,,XAP,Refused,-617,XNA,HC,,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,76500.0,778968.0,25258.5,558000.0,"Spouse, partner",Working,Higher education,Married,House / apartment,0.018029,-9449,-186,-4194.0,-881,,1,1,0,1,0,0,High skill tech staff,2.0,3,3,THURSDAY,11,0,0,0,1,1,0,Business Entity Type 2,,0.4356491196475093,0.4083588531230431,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-849.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +2116103,386758,Cash loans,14871.24,229500.0,254340.0,,229500.0,FRIDAY,10,Y,1,,,,XNA,Approved,-841,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-811.0,-121.0,-601.0,-593.0,1.0,0,Cash loans,F,N,N,0,135000.0,601474.5,25614.0,486000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.020246,-18918,-387,-8025.0,-2460,,1,1,0,1,0,0,High skill tech staff,2.0,3,3,SATURDAY,7,0,0,0,0,1,1,Business Entity Type 3,,0.6832199848640158,0.6058362647264226,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1701.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1786241,449067,Consumer loans,4487.67,21825.0,21825.0,0.0,21825.0,FRIDAY,12,Y,1,0.0,,,XAP,Approved,-235,XNA,XAP,,Repeater,Gardening,POS,XNA,Stone,35,Auto technology,6.0,high,POS other with interest,365243.0,-200.0,-50.0,-80.0,-72.0,0.0,0,Cash loans,F,N,Y,0,135000.0,553806.0,26770.5,495000.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-20797,365243,-8579.0,-4099,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,0.8101698730865208,0.2643027748522213,0.5172965813614878,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,0.0,-819.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1322157,161272,Consumer loans,5799.915,97186.5,109723.5,0.0,97186.5,THURSDAY,15,Y,1,0.0,,,XAP,Refused,-294,XNA,LIMIT,Family,Repeater,Computers,POS,XNA,Country-wide,3000,Consumer electronics,24.0,low_normal,POS household with interest,,,,,,,0,Cash loans,F,Y,N,2,270000.0,473760.0,51021.0,450000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.011703,-14905,-681,-783.0,-14,1.0,1,1,0,1,0,0,Core staff,4.0,2,2,WEDNESDAY,20,1,1,0,1,1,0,Postal,,0.5252701933725089,0.6075573001388961,0.0165,,0.9776,,,0.0,0.069,0.0417,,,,0.0131,,,0.0168,,0.9777,,,0.0,0.069,0.0417,,,,0.0137,,,0.0167,,0.9776,,,0.0,0.069,0.0417,,,,0.0134,,,,block of flats,0.0103,Panel,No,0.0,0.0,0.0,0.0,-367.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1686402,359557,Cash loans,39227.355,900000.0,1004544.0,,900000.0,THURSDAY,12,Y,1,,,,XNA,Approved,-518,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-488.0,922.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,189000.0,601677.0,22680.0,423000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-18354,365243,-3697.0,-532,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,XNA,,0.6603583108080026,0.4014074137749511,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1848.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2505089,352249,Consumer loans,4501.845,46980.0,41553.0,9396.0,46980.0,TUESDAY,19,Y,1,0.20084983379101026,,,XAP,Approved,-627,Cash through the bank,XAP,,New,Computers,POS,XNA,Country-wide,100,Consumer electronics,12.0,high,POS household with interest,365243.0,-596.0,-266.0,-506.0,-503.0,0.0,0,Cash loans,F,N,N,0,72000.0,326439.0,16006.5,229500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,With parents,0.030755,-9211,-1131,-1099.0,-1100,,1,1,1,1,0,0,Secretaries,2.0,2,2,THURSDAY,15,0,0,0,1,1,0,Business Entity Type 3,,0.6997822361291989,0.2793353208976285,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-627.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1419980,456144,Consumer loans,5601.6,49068.0,49068.0,0.0,49068.0,MONDAY,17,Y,1,0.0,,,XAP,Approved,-1332,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Regional / Local,42,Consumer electronics,12.0,high,POS household with interest,365243.0,-1297.0,-967.0,-1207.0,-1200.0,0.0,0,Cash loans,F,N,Y,0,65250.0,123637.5,8734.5,112500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.00702,-14483,-976,-8617.0,-4389,,1,1,1,1,1,1,,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.7123510971533541,0.5516594500526683,,0.0619,0.0873,0.9836,0.7756,0.0844,0.16,0.1379,0.1667,0.2083,0.0571,0.0504,0.0321,0.0,0.0,0.063,0.0906,0.9836,0.7844,0.0851,0.1611,0.1379,0.1667,0.2083,0.0584,0.0551,0.0334,0.0,0.0,0.0625,0.0873,0.9836,0.7786,0.0849,0.16,0.1379,0.1667,0.2083,0.0581,0.0513,0.0327,0.0,0.0,reg oper spec account,block of flats,0.2206,"Stone, brick",No,4.0,0.0,4.0,0.0,-1723.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1181181,111125,Consumer loans,17535.375,169371.0,164358.0,18000.0,169371.0,WEDNESDAY,8,Y,1,0.1075008300356242,,,XAP,Approved,-775,Cash through the bank,XAP,,New,Computers,POS,XNA,Regional / Local,98,Consumer electronics,12.0,middle,POS household with interest,365243.0,-737.0,-407.0,-527.0,-519.0,0.0,1,Cash loans,M,Y,N,0,112500.0,622413.0,31779.0,495000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.006852,-8185,-439,-2197.0,-864,23.0,1,1,0,1,1,0,Sales staff,1.0,3,3,MONDAY,10,0,0,0,1,1,1,Business Entity Type 3,,0.00512613085517741,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2556487,234142,Consumer loans,9780.795,120465.0,96372.0,24093.0,120465.0,FRIDAY,11,Y,1,0.2178181818181818,,,XAP,Approved,-395,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,12.0,middle,POS mobile with interest,365243.0,-351.0,-21.0,-201.0,-190.0,0.0,1,Cash loans,F,Y,N,0,315000.0,780363.0,35262.0,697500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-11503,-913,-4598.0,-4060,3.0,1,1,0,1,1,0,Drivers,2.0,2,2,SUNDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.015929937876644894,0.15855489979486306,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-261.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,7.0 +2006399,243626,Consumer loans,4457.43,17095.5,12595.5,4500.0,17095.5,TUESDAY,14,Y,1,0.2866783124745746,,,XAP,Approved,-458,Cash through the bank,XAP,,New,Photo / Cinema Equipment,POS,XNA,Regional / Local,7,Consumer electronics,3.0,middle,POS household with interest,365243.0,-420.0,-360.0,-360.0,-355.0,0.0,0,Cash loans,F,N,Y,1,85500.0,219870.0,11641.5,157500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.009334,-9454,-2014,-9443.0,-1981,,1,1,1,1,1,0,Cooking staff,3.0,2,2,FRIDAY,11,0,0,0,0,0,0,School,,0.22575683172136304,0.31547215492577346,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-458.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1728146,241429,Consumer loans,9891.495,98928.0,89032.5,9895.5,98928.0,TUESDAY,13,Y,1,0.10893881500595473,,,XAP,Approved,-2881,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Stone,393,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2848.0,-2578.0,-2578.0,-2561.0,0.0,0,Cash loans,M,N,Y,1,360000.0,835380.0,40320.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007305,-15671,-5346,-340.0,-4471,,1,1,1,1,1,0,,3.0,3,3,SATURDAY,11,0,0,0,0,0,0,Business Entity Type 1,,0.5489969954514825,0.6212263380626669,0.0985,0.0887,0.997,0.9592,0.0296,0.0,0.2759,0.1667,0.2083,0.0603,0.079,0.1045,0.0,0.0,0.0987,0.092,0.997,0.9608,0.0299,0.0,0.2759,0.1667,0.2083,0.0157,0.0863,0.1088,0.0,0.0,0.0994,0.0887,0.997,0.9597,0.0298,0.0,0.2759,0.1667,0.2083,0.0614,0.0804,0.1063,0.0,0.0,reg oper account,block of flats,0.0983,"Stone, brick",No,7.0,2.0,7.0,1.0,-2881.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2045862,169526,Consumer loans,10519.785,103905.0,105187.5,10390.5,103905.0,TUESDAY,20,Y,1,0.09790962891648143,,,XAP,Approved,-505,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Regional / Local,15,Consumer electronics,12.0,middle,POS household with interest,365243.0,-474.0,-144.0,-294.0,-290.0,0.0,0,Cash loans,M,Y,Y,0,202500.0,376920.0,20574.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-10502,-1506,-4704.0,-3169,24.0,1,1,0,1,0,1,Drivers,2.0,2,2,WEDNESDAY,17,0,0,0,0,1,1,Construction,,0.4686684759991379,0.13680052191177486,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,2.0,3.0,2.0,-1727.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2355203,444509,Consumer loans,16366.725,123565.5,110065.5,13500.0,123565.5,SUNDAY,9,Y,1,0.1189873166274346,,,XAP,Approved,-1394,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,200,Consumer electronics,8.0,middle,POS household with interest,365243.0,-1358.0,-1148.0,-1178.0,-1169.0,0.0,0,Cash loans,M,Y,Y,1,157500.0,359725.5,24169.5,297000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-15502,-2380,-7734.0,-4646,2.0,1,1,0,1,0,1,Drivers,3.0,3,2,MONDAY,6,0,0,0,0,0,0,Business Entity Type 3,0.2769322857043237,0.4649292966344416,0.5478104658520093,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1222.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,12.0 +1789862,129419,Cash loans,13188.375,225000.0,254700.0,,225000.0,FRIDAY,18,Y,1,,,,XNA,Refused,-302,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,202500.0,268659.0,15552.0,243000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.032561,-24648,365243,-10230.0,-4149,,1,0,0,1,1,0,,1.0,1,1,FRIDAY,19,0,0,0,0,0,0,XNA,,0.4358050398986143,0.6626377922738201,0.166,0.1445,0.9752,0.66,0.0175,0.0,0.2759,0.1667,0.2083,0.1454,0.1345,0.1457,0.0039,0.0065,0.1691,0.15,0.9752,0.6733,0.0177,0.0,0.2759,0.1667,0.2083,0.1488,0.1469,0.1518,0.0039,0.0069,0.1676,0.1445,0.9752,0.6645,0.0176,0.0,0.2759,0.1667,0.2083,0.14800000000000002,0.1368,0.1483,0.0039,0.0067,reg oper account,block of flats,0.116,Panel,No,0.0,0.0,0.0,0.0,-1.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1106584,222003,Consumer loans,10985.22,168988.5,152086.5,16902.0,168988.5,MONDAY,11,Y,1,0.10892939191397367,,,XAP,Approved,-855,Cash through the bank,XAP,,New,Medicine,POS,XNA,Country-wide,60,Industry,18.0,middle,POS industry with interest,365243.0,-822.0,-312.0,-312.0,-310.0,0.0,0,Cash loans,F,N,Y,1,157500.0,269982.0,26833.5,238500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-16853,-475,-1803.0,-389,,1,1,0,1,1,0,Managers,3.0,2,2,TUESDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.5641362007533072,0.5212552896660912,0.2276129150623945,0.0639,0.0,0.9598,0.4492,0.019,0.2,0.1724,0.25,0.2917,0.1482,0.0445,0.0885,0.0347,0.1144,0.0651,0.0,0.9598,0.4708,0.0192,0.2014,0.1724,0.25,0.2917,0.1516,0.0487,0.0922,0.035,0.1211,0.0645,0.0,0.9598,0.4566,0.0191,0.2,0.1724,0.25,0.2917,0.1508,0.0453,0.0901,0.0349,0.1168,not specified,block of flats,0.1048,"Stone, brick",No,0.0,0.0,0.0,0.0,-855.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1286068,157654,Cash loans,22965.075,270000.0,329958.0,,270000.0,SATURDAY,12,Y,1,,,,XNA,Approved,-535,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-505.0,5.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,270000.0,472644.0,27261.0,427500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.01885,-18916,-3305,-7637.0,-2470,,1,1,0,1,0,0,Security staff,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Security,,0.7213747550544449,0.6832688314232291,0.2969,0.159,0.9881,0.8368,0.0644,0.32,0.2759,0.3333,0.375,0.1468,0.2421,0.3332,0.0039,0.0016,0.3025,0.165,0.9881,0.8432,0.065,0.3222,0.2759,0.3333,0.375,0.1501,0.2645,0.3471,0.0039,0.0017,0.2998,0.159,0.9881,0.8390000000000001,0.0648,0.32,0.2759,0.3333,0.375,0.1493,0.2463,0.3391,0.0039,0.0016,reg oper account,block of flats,0.2976,Panel,No,1.0,0.0,1.0,0.0,-535.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1244769,355023,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SATURDAY,6,Y,1,,,,XAP,Approved,-170,XNA,XAP,Family,New,XNA,Cards,walk-in,Country-wide,200,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,99000.0,253737.0,16956.0,229500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.008068,-17370,-1612,-2364.0,-924,,1,1,0,1,0,0,Laborers,3.0,3,3,MONDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.4131149811461324,0.327719525777239,0.4956658291397297,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-170.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1378703,453327,Cash loans,22980.6,360000.0,398016.0,,360000.0,MONDAY,15,Y,1,,,,XNA,Refused,-248,Cash through the bank,HC,Children,Repeater,XNA,Cash,x-sell,Stone,20,Construction,24.0,middle,Cash X-Sell: middle,,,,,,,1,Cash loans,F,Y,Y,0,144000.0,127350.0,14499.0,112500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.015221,-17203,-2776,-4931.0,-749,5.0,1,1,1,1,1,0,High skill tech staff,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.6162723799161732,0.5966391675152887,0.19294222771695085,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1812144,424932,Consumer loans,6220.89,51817.5,46633.5,5184.0,51817.5,TUESDAY,18,Y,1,0.10895638100501318,,,XAP,Approved,-2286,XNA,XAP,Unaccompanied,New,Photo / Cinema Equipment,POS,XNA,Regional / Local,100,Consumer electronics,10.0,low_normal,POS household with interest,,,,,,,0,Revolving loans,M,Y,Y,1,562500.0,900000.0,45000.0,900000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.032561,-17064,-1128,-1944.0,-612,1.0,1,1,0,1,0,0,Sales staff,3.0,1,1,SATURDAY,13,0,0,0,0,0,0,Industry: type 12,0.580920110725593,,0.18629294965553744,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-438.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1578035,351135,Cash loans,9653.265,288000.0,365931.0,,288000.0,TUESDAY,16,Y,1,,,,XNA,Approved,-231,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),2,XNA,60.0,low_action,Cash X-Sell: low,365243.0,-200.0,1570.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,117000.0,101880.0,5976.0,90000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.028663,-21742,365243,-11424.0,-4463,,1,0,0,1,1,0,,1.0,2,2,TUESDAY,7,0,0,0,0,0,0,XNA,,0.6202751086014865,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1201.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1831783,150524,Cash loans,10999.8,135000.0,135000.0,0.0,135000.0,MONDAY,14,Y,1,0.0,,,XNA,Refused,-2131,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,18.0,high,Cash Street: high,,,,,,,0,Cash loans,M,Y,N,0,147955.5,2240397.0,59098.5,2002500.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.022625,-9072,-239,-1582.0,-1574,2.0,1,1,0,1,0,0,,1.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Transport: type 4,,0.5133652586454406,0.6363761710860439,0.2227,0.1473,0.9841,0.7824,0.047,0.28,0.2414,0.3333,0.375,0.1817,0.1807,0.2528,0.0039,0.0031,0.2269,0.1529,0.9841,0.7909,0.0474,0.282,0.2414,0.3333,0.375,0.1859,0.1974,0.2634,0.0039,0.0033,0.2248,0.1473,0.9841,0.7853,0.0473,0.28,0.2414,0.3333,0.375,0.1849,0.1838,0.2573,0.0039,0.0032,reg oper account,block of flats,0.1995,Panel,No,0.0,0.0,0.0,0.0,-6.0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1969764,403896,Consumer loans,7190.505,35010.0,36742.5,0.0,35010.0,MONDAY,8,Y,1,0.0,,,XAP,Approved,-2247,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,100,Consumer electronics,6.0,high,POS household with interest,365243.0,-2213.0,-2063.0,-2063.0,-2059.0,0.0,0,Cash loans,F,N,Y,0,76500.0,148365.0,11610.0,135000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-23307,365243,-2447.0,-5214,,1,0,0,1,1,0,,2.0,2,2,MONDAY,10,0,0,0,0,0,0,XNA,,0.4659793703987046,0.6347055309763198,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2247.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2716989,307358,Consumer loans,7214.625,51790.5,52893.0,9000.0,51790.5,SUNDAY,9,Y,1,0.15836715269607518,,,XAP,Approved,-1867,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,31,Connectivity,10.0,high,POS mobile with interest,365243.0,-1824.0,-1554.0,-1584.0,-1580.0,0.0,0,Cash loans,F,Y,Y,2,292500.0,319500.0,12172.5,319500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-15251,-1114,-2600.0,-4476,7.0,1,1,0,1,0,0,Laborers,4.0,2,2,FRIDAY,9,0,0,0,0,1,1,Business Entity Type 3,0.5621964527079583,0.6472379875549157,0.6279908192952864,0.0928,,0.9826,,,0.0,0.2069,0.1667,,,,0.0564,,0.1414,0.0945,,0.9826,,,0.0,0.2069,0.1667,,,,0.0588,,0.1497,0.0937,,0.9826,,,0.0,0.2069,0.1667,,,,0.0574,,0.1444,,block of flats,0.0751,Panel,No,1.0,0.0,1.0,0.0,-1867.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1514455,142695,Consumer loans,7327.305,64156.5,62820.0,6417.0,64156.5,FRIDAY,14,Y,1,0.10093875187596754,,,XAP,Approved,-700,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Stone,75,Furniture,10.0,middle,POS industry with interest,365243.0,-669.0,-399.0,-639.0,-634.0,0.0,0,Cash loans,F,N,Y,0,67500.0,665892.0,21478.5,477000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.02461,-10627,-996,-717.0,-1050,,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,17,0,0,0,0,0,0,Military,0.4847593846525064,0.5315585323653548,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,11.0,1.0,11.0,1.0,-1010.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1182248,365753,Consumer loans,3335.445,33502.5,26977.5,8955.0,33502.5,THURSDAY,17,Y,1,0.27142027665509194,,,XAP,Approved,-1938,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,42,Connectivity,12.0,high,POS mobile with interest,365243.0,-1906.0,-1576.0,-1576.0,-1557.0,0.0,0,Cash loans,M,N,Y,2,135000.0,225000.0,12334.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-9676,-1147,-3073.0,-2337,,1,1,0,1,1,0,Laborers,4.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Other,,0.6123013666030839,0.2301588968634147,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-242.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1683875,164722,Consumer loans,13466.25,63175.5,50539.5,12636.0,63175.5,THURSDAY,13,Y,1,0.21783369703876868,,,XAP,Approved,-946,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,4.0,middle,POS mobile without interest,365243.0,-901.0,-811.0,-811.0,-802.0,0.0,1,Cash loans,M,N,Y,0,135000.0,285264.0,33984.0,252000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.008019,-11040,-558,-5319.0,-3692,,1,1,0,1,0,0,Sales staff,1.0,2,2,FRIDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.1459281411699942,0.6826801982089838,0.19182160241360605,0.0619,0.06,0.9831,0.7688,0.0097,0.0,0.1379,0.1667,0.2083,0.0375,0.0504,0.0609,0.0,0.0,0.063,0.0623,0.9831,0.7779,0.0098,0.0,0.1379,0.1667,0.2083,0.0384,0.0551,0.0634,0.0,0.0,0.0625,0.06,0.9831,0.7719,0.0097,0.0,0.1379,0.1667,0.2083,0.0382,0.0513,0.062,0.0,0.0,reg oper account,block of flats,0.0532,Panel,No,3.0,0.0,3.0,0.0,-1261.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1698267,293474,Consumer loans,5322.6,65920.5,52735.5,13185.0,65920.5,FRIDAY,16,Y,1,0.21783305096841848,,,XAP,Approved,-172,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,12.0,middle,POS mobile with interest,365243.0,-121.0,209.0,-121.0,-114.0,0.0,0,Cash loans,M,Y,Y,1,333000.0,1800000.0,49630.5,1800000.0,Family,Working,Higher education,Married,House / apartment,0.003540999999999999,-13308,-512,-1931.0,-4228,1.0,1,1,0,1,0,0,Managers,3.0,1,1,TUESDAY,15,0,0,0,0,0,0,Transport: type 4,,0.6635585093744705,0.6545292802242897,0.0247,,0.9965,,,0.0,0.069,0.0833,,,,0.0373,,,0.0252,,0.9965,,,0.0,0.069,0.0833,,,,0.0389,,,0.025,,0.9965,,,0.0,0.069,0.0833,,,,0.038,,,,block of flats,0.0294,Mixed,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2532471,249065,Cash loans,23123.88,675000.0,790830.0,,675000.0,FRIDAY,11,Y,1,,,,XNA,Approved,-752,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,157500.0,651816.0,21541.5,495000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.009175,-13391,-244,-7430.0,-2122,,1,1,0,1,0,1,Managers,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Self-employed,0.6525984295908882,0.7726786814526576,0.6577838002083306,0.0928,,0.9831,,,0.0,0.2759,0.1667,,0.0691,,0.0509,,,0.0945,,0.9831,,,0.0,0.2759,0.1667,,0.0707,,0.053,,,0.0937,,0.9831,,,0.0,0.2759,0.1667,,0.0703,,0.0518,,,,block of flats,0.0613,"Stone, brick",No,0.0,0.0,0.0,0.0,-1293.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1164852,183739,Cash loans,62022.15,1800000.0,1971072.0,,1800000.0,THURSDAY,17,Y,1,,,,Other,Refused,-348,Cash through the bank,SCO,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,Y,Y,0,256500.0,1054935.0,44694.0,904500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.04622,-15478,-1803,-8050.0,-4892,2.0,1,1,0,1,1,0,Managers,2.0,1,1,TUESDAY,12,0,0,0,0,1,1,Security,,0.6431281223390132,0.3425288720742255,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-348.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1747562,257896,Consumer loans,11868.885,43942.5,43942.5,0.0,43942.5,FRIDAY,6,Y,1,0.0,,,XAP,Approved,-1206,Cash through the bank,XAP,,Refreshed,Furniture,POS,XNA,Stone,60,Furniture,4.0,middle,POS industry with interest,365243.0,-1171.0,-1081.0,-1081.0,-1078.0,0.0,0,Revolving loans,F,Y,Y,3,270000.0,292500.0,14625.0,292500.0,Family,State servant,Higher education,Married,Office apartment,0.006852,-15064,-2985,-480.0,-4092,4.0,1,1,0,1,0,0,Managers,5.0,3,3,SUNDAY,7,0,0,0,0,0,0,Military,,0.4267622165066818,0.7826078370261895,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2703.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2450799,200606,Cash loans,26605.125,225000.0,239850.0,,225000.0,SATURDAY,11,Y,1,,,,XNA,Approved,-779,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,AP+ (Cash loan),6,XNA,12.0,high,Cash X-Sell: high,365243.0,-749.0,-419.0,-629.0,-624.0,1.0,0,Cash loans,M,N,N,2,180000.0,284400.0,10849.5,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-11764,-3515,-4562.0,-3616,,1,1,1,1,0,0,Laborers,4.0,1,1,SUNDAY,20,0,0,0,0,0,0,Business Entity Type 3,0.2387239006118214,0.7530789021270594,0.4812493411434029,0.0278,0.0272,0.9717,,,,0.1034,0.0833,,0.0104,,0.0176,,0.0,0.0284,0.0283,0.9717,,,,0.1034,0.0833,,0.0107,,0.0183,,0.0,0.0281,0.0272,0.9717,,,,0.1034,0.0833,,0.0106,,0.0179,,0.0,,block of flats,0.0218,"Stone, brick",No,0.0,0.0,0.0,0.0,-779.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2421363,317839,Consumer loans,2607.255,30105.0,22810.5,9031.5,30105.0,FRIDAY,14,Y,1,0.308904106069171,,,XAP,Approved,-2694,Cash through the bank,XAP,Unaccompanied,Repeater,Other,POS,XNA,Stone,4,Construction,10.0,middle,POS industry with interest,365243.0,-2662.0,-2392.0,-2482.0,-2475.0,1.0,0,Cash loans,F,N,Y,0,90000.0,401386.5,19309.5,346500.0,Unaccompanied,Pensioner,Higher education,Widow,House / apartment,0.01885,-23188,365243,-6333.0,-4081,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,10,0,0,0,0,0,0,XNA,,0.6955758002308602,0.4866531565147181,0.0412,0.0183,0.9901,0.8640000000000001,0.0062,0.04,0.0345,0.375,0.4167,0.015,0.0328,0.0467,0.0039,0.0061,0.042,0.019,0.9901,0.8693,0.0063,0.0403,0.0345,0.375,0.4167,0.0154,0.0358,0.0487,0.0039,0.0064,0.0416,0.0183,0.9901,0.8658,0.0063,0.04,0.0345,0.375,0.4167,0.0153,0.0333,0.0476,0.0039,0.0062,reg oper account,block of flats,0.0415,"Stone, brick",No,4.0,1.0,4.0,0.0,-2694.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1344396,323011,Cash loans,57714.975,1597500.0,2093980.5,,1597500.0,FRIDAY,15,Y,1,,,,Payments on other loans,Refused,-270,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,1,Cash loans,F,N,Y,1,180000.0,225000.0,15219.0,225000.0,Unaccompanied,Commercial associate,Incomplete higher,Civil marriage,House / apartment,0.04622,-11767,-1180,-1757.0,-4030,,1,1,1,1,0,0,Sales staff,3.0,1,1,TUESDAY,13,0,0,0,1,1,0,Business Entity Type 3,,0.3603458372745728,0.056860739515615086,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-473.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2810997,183160,Cash loans,30573.09,931500.0,1066752.0,,931500.0,TUESDAY,11,Y,1,,,,XNA,Refused,-24,Cash through the bank,XNA,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,202500.0,1113133.5,31900.5,972000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.04622,-21820,-1168,-10545.0,-4816,11.0,1,1,0,1,1,0,High skill tech staff,1.0,1,1,FRIDAY,12,0,0,0,0,1,1,Business Entity Type 1,,0.7580463382442446,0.5989262182569273,0.0124,,0.9846,,,0.0,0.069,0.0417,,,,0.0114,,0.0058,0.0126,,0.9846,,,0.0,0.069,0.0417,,,,0.0119,,0.0061,0.0125,,0.9846,,,0.0,0.069,0.0417,,,,0.0116,,0.0059,,block of flats,0.0103,"Stone, brick",No,1.0,0.0,1.0,0.0,-1917.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,9.0 +1334143,356062,Revolving loans,20250.0,405000.0,405000.0,,405000.0,WEDNESDAY,18,Y,1,,,,XAP,Approved,-114,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,225000.0,344043.0,18144.0,297000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.010966,-16011,-622,-5677.0,-5072,,1,1,0,1,0,1,Private service staff,1.0,2,2,FRIDAY,9,0,0,0,0,0,0,Self-employed,0.5865796976789743,0.6258524207291101,0.5136937663039473,0.2639,0.0965,0.9801,0.728,0.0253,0.08,0.069,0.3333,0.0417,0.0717,0.2076,0.1102,0.0347,0.0364,0.2689,0.1002,0.9801,0.7387,0.0255,0.0806,0.069,0.3333,0.0417,0.0734,0.2268,0.1148,0.035,0.0386,0.2665,0.0965,0.9801,0.7316,0.0254,0.08,0.069,0.3333,0.0417,0.073,0.2112,0.1122,0.0349,0.0372,org spec account,block of flats,0.1084,"Stone, brick",No,1.0,0.0,1.0,0.0,-904.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1289519,139219,Cash loans,48635.595,990000.0,1076247.0,,990000.0,WEDNESDAY,12,Y,1,,,,XNA,Approved,-897,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-867.0,183.0,-627.0,-619.0,1.0,0,Cash loans,F,N,Y,1,135000.0,427500.0,22513.5,427500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.001417,-12776,-5852,-4161.0,-4039,,1,1,1,1,1,1,Cooking staff,3.0,2,2,THURSDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.4353151773544697,0.5752784091677375,0.12140828616312165,0.0093,,0.9727,,,,0.0345,0.0417,,,,0.0039,,,0.0095,,0.9727,,,,0.0345,0.0417,,,,0.004,,,0.0094,,0.9727,,,,0.0345,0.0417,,,,0.0039,,,,block of flats,0.0047,"Stone, brick",No,0.0,0.0,0.0,0.0,-2479.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1362801,454456,Consumer loans,10312.515,82111.5,73138.5,13500.0,82111.5,WEDNESDAY,12,Y,1,0.1697020062989003,,,XAP,Approved,-2270,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,3268,Consumer electronics,8.0,middle,POS household with interest,365243.0,-2239.0,-2029.0,-2029.0,-2021.0,1.0,0,Revolving loans,M,Y,N,1,270000.0,225000.0,11250.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-14836,-3270,-7485.0,-4321,17.0,1,1,0,1,0,0,Drivers,3.0,2,2,FRIDAY,12,0,0,0,1,1,1,Other,0.3484254391077883,0.6981073305308825,0.2225807646753351,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,0.0,8.0,0.0,-1685.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1331990,271131,Cash loans,26547.66,112500.0,130918.5,,112500.0,FRIDAY,16,Y,1,,,,Urgent needs,Approved,-439,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,365243.0,-409.0,-259.0,-259.0,-254.0,1.0,0,Cash loans,F,Y,N,2,229500.0,284400.0,22599.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,Rented apartment,0.0228,-12259,-841,-1227.0,-1238,13.0,1,1,0,1,1,0,,4.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,Business Entity Type 3,,0.7170470585694896,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-988.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2045808,197846,Consumer loans,4410.09,23269.5,21973.5,2331.0,23269.5,TUESDAY,7,Y,1,0.10445271077746546,,,XAP,Approved,-2341,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,1590,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-2310.0,-2160.0,-2160.0,-2154.0,1.0,0,Cash loans,F,N,Y,0,58500.0,187704.0,10611.0,148500.0,Family,Pensioner,Secondary / secondary special,Separated,House / apartment,0.007120000000000001,-24379,365243,-5646.0,-4280,,1,0,0,1,1,0,,1.0,2,2,FRIDAY,13,0,0,0,0,0,0,XNA,,0.1915258625230554,0.6910212267577837,0.0835,0.0805,0.9757,0.6668,,0.0,0.1379,0.1667,0.2083,0.0318,0.0681,0.0484,0.0,0.0,0.0851,0.0835,0.9757,0.6798,,0.0,0.1379,0.1667,0.2083,0.0325,0.0744,0.0505,0.0,0.0,0.0843,0.0805,0.9757,0.6713,,0.0,0.1379,0.1667,0.2083,0.0323,0.0693,0.0493,0.0,0.0,reg oper account,block of flats,0.0552,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1597988,440586,Cash loans,24965.91,238500.0,251091.0,,238500.0,SATURDAY,14,Y,1,,,,XNA,Approved,-223,Non-cash from your account,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-193.0,137.0,-13.0,-5.0,1.0,0,Cash loans,F,N,Y,0,315000.0,2085120.0,72607.5,1800000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-21781,365243,-2495.0,-4456,,1,0,0,1,0,0,,2.0,2,1,FRIDAY,16,0,0,0,0,0,0,XNA,0.8463135124355678,0.669367231344753,0.5190973382084597,0.1144,0.1403,0.9816,0.7484,0.0303,0.0,0.2759,0.1667,0.2083,0.1089,0.0916,0.127,0.0077,0.0172,0.1166,0.1456,0.9816,0.7583,0.0305,0.0,0.2759,0.1667,0.2083,0.1114,0.1001,0.1323,0.0078,0.0182,0.1155,0.1403,0.9816,0.7518,0.0304,0.0,0.2759,0.1667,0.2083,0.1108,0.0932,0.1293,0.0078,0.0175,,block of flats,0.1179,Panel,No,2.0,0.0,2.0,0.0,-1750.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2564000,275645,Revolving loans,19125.0,382500.0,382500.0,,382500.0,TUESDAY,9,Y,1,,,,XAP,Refused,-180,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,N,Y,0,180000.0,275040.0,13504.5,180000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.008575,-12410,-1620,-1747.0,-4414,,1,1,0,1,0,0,Sales staff,2.0,2,2,SUNDAY,18,0,0,0,0,0,0,Self-employed,0.2493600426651004,0.4236677072982387,0.36227724703843145,0.4732,0.0368,0.9975,0.966,0.151,0.48,0.2069,0.6667,0.7083,0.2006,0.3858,0.5218,0.0,0.0,0.4821,0.0382,0.9975,0.9673,0.1524,0.4834,0.2069,0.6667,0.7083,0.2052,0.4215,0.5437,0.0,0.0,0.4778,0.0368,0.9975,0.9665,0.1519,0.48,0.2069,0.6667,0.7083,0.2041,0.3925,0.5312,0.0,0.0,reg oper account,block of flats,0.5401,Panel,No,0.0,0.0,0.0,0.0,-297.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,4.0 +2022622,166358,Cash loans,27240.21,247500.0,291339.0,,247500.0,THURSDAY,13,Y,1,,,,XNA,Approved,-207,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-177.0,153.0,-117.0,-113.0,1.0,0,Cash loans,F,N,Y,1,157500.0,797557.5,42624.0,688500.0,Family,Commercial associate,Higher education,Married,House / apartment,0.019688999999999998,-13293,-4531,-7333.0,-4423,,1,1,0,1,0,0,Core staff,3.0,2,2,MONDAY,14,0,0,0,0,0,0,Advertising,0.7270423016502616,0.6362939576153718,0.40314167665875134,0.0742,0.0511,0.9851,0.7959999999999999,0.0143,0.08,0.069,0.3333,0.375,0.0646,0.0605,0.0843,0.0,0.0,0.0756,0.053,0.9851,0.804,0.0145,0.0806,0.069,0.3333,0.375,0.0661,0.0661,0.0879,0.0,0.0,0.0749,0.0511,0.9851,0.7987,0.0144,0.08,0.069,0.3333,0.375,0.0657,0.0616,0.0858,0.0,0.0,reg oper spec account,block of flats,0.0663,Panel,No,2.0,0.0,2.0,0.0,-2342.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2139794,355452,Cash loans,33089.31,810000.0,921195.0,,810000.0,FRIDAY,15,Y,1,,,,XNA,Refused,-275,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,171000.0,1506816.0,47443.5,1350000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.025164,-18894,-11631,-3279.0,-2386,,1,1,0,1,0,0,Laborers,2.0,2,2,SUNDAY,12,0,0,0,0,0,0,Business Entity Type 2,,0.2860050319808311,0.6347055309763198,0.2454,0.136,0.9921,0.8912,0.0368,0.24,0.2069,0.375,0.4167,0.1712,0.2,0.2761,0.0,0.0,0.25,0.1412,0.9921,0.8955,0.0372,0.2417,0.2069,0.375,0.4167,0.1752,0.2185,0.2877,0.0,0.0,0.2477,0.136,0.9921,0.8927,0.0371,0.24,0.2069,0.375,0.4167,0.1742,0.2035,0.2811,0.0,0.0,reg oper account,block of flats,0.2637,Panel,No,0.0,0.0,0.0,0.0,-2612.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +2702878,274850,Cash loans,12864.69,135000.0,148365.0,0.0,135000.0,WEDNESDAY,12,Y,1,0.0,,,XNA,Approved,-1740,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-1710.0,-1200.0,-1530.0,-1526.0,1.0,0,Cash loans,M,N,N,0,67500.0,247275.0,16119.0,225000.0,Unaccompanied,Pensioner,Incomplete higher,Married,House / apartment,0.018634,-24900,365243,-737.0,-4301,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,16,0,0,0,0,0,0,XNA,,0.7298769753660336,,0.2361,0.0655,0.9975,0.9456,0.1019,0.16,0.1379,0.375,0.0417,0.0832,0.1908,0.1511,0.0077,0.0228,0.2405,0.0679,0.9975,0.9477,0.1028,0.1611,0.1379,0.375,0.0417,0.0851,0.2084,0.1575,0.0078,0.0241,0.2384,0.0655,0.9975,0.9463,0.1025,0.16,0.1379,0.375,0.0417,0.0847,0.1941,0.1538,0.0078,0.0232,org spec account,block of flats,0.1947,"Stone, brick",No,0.0,0.0,0.0,0.0,-1.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1281504,229294,Cash loans,42536.115,225000.0,232425.0,,225000.0,SATURDAY,13,Y,1,,,,XNA,Approved,-129,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,150,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-99.0,51.0,-9.0,-2.0,1.0,0,Cash loans,F,N,Y,0,202500.0,1546020.0,42642.0,1350000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-16812,-336,-3150.0,-347,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,11,0,0,0,1,1,0,Business Entity Type 3,0.5662238006578195,0.4607159021492954,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-460.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1712247,420162,Cash loans,,0.0,0.0,,,SATURDAY,12,Y,1,,,,XNA,Refused,-214,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,Y,Y,2,292500.0,1310409.0,42403.5,1026000.0,Other_B,Commercial associate,Secondary / secondary special,Married,House / apartment,0.031329,-17071,-6790,-11026.0,-608,10.0,1,1,0,1,0,0,High skill tech staff,4.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Business Entity Type 1,,0.5066765661877995,0.3296550543128238,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-273.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,7.0 +1859096,247489,Cash loans,7518.06,94500.0,136201.5,,94500.0,FRIDAY,8,Y,1,,,,Other,Refused,-1589,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,high,Cash Street: high,,,,,,,0,Cash loans,M,N,Y,0,144000.0,1062027.0,31180.5,886500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-19799,-3809,-6525.0,-3186,,1,1,0,1,0,0,Security staff,2.0,2,2,FRIDAY,8,0,0,0,0,0,0,Security,,0.5786729329715439,0.7421816117614419,0.0608,0.0044,0.9801,0.728,0.01,0.0,0.1379,0.1667,0.2083,0.0916,0.0496,0.0509,0.0039,0.0094,0.062,0.0046,0.9801,0.7387,0.0101,0.0,0.1379,0.1667,0.2083,0.0937,0.0542,0.0531,0.0039,0.01,0.0614,0.0044,0.9801,0.7316,0.01,0.0,0.1379,0.1667,0.2083,0.0932,0.0504,0.0518,0.0039,0.0096,reg oper account,block of flats,0.0476,Panel,No,8.0,0.0,8.0,0.0,-450.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1793381,268991,Consumer loans,10592.685,71941.5,78273.0,0.0,71941.5,TUESDAY,13,Y,1,0.0,,,XAP,Approved,-125,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,45,Connectivity,10.0,high,POS mobile with interest,365243.0,-89.0,181.0,365243.0,365243.0,0.0,1,Cash loans,F,N,Y,0,127350.0,499261.5,18063.0,351000.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.011703,-22632,365243,-3002.0,-4652,,1,0,0,1,0,0,,1.0,2,2,MONDAY,15,0,0,0,0,0,0,XNA,,0.29666345672261923,0.5513812618027899,0.0268,0.0327,0.9613,,,0.0,0.1379,0.125,,0.0425,,0.0286,,0.0,0.0273,0.0339,0.9613,,,0.0,0.1379,0.125,,0.0435,,0.0298,,0.0,0.0271,0.0327,0.9613,,,0.0,0.1379,0.125,,0.0432,,0.0291,,0.0,,block of flats,0.0252,"Stone, brick",No,0.0,0.0,0.0,0.0,-125.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2240770,244635,Cash loans,8345.835,90000.0,119619.0,,90000.0,WEDNESDAY,14,Y,1,,,,XNA,Approved,-673,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-643.0,47.0,-583.0,-578.0,1.0,0,Cash loans,F,N,Y,0,225000.0,1078200.0,31653.0,900000.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,House / apartment,0.003069,-16929,-9346,-2038.0,-454,,1,1,0,1,1,0,,1.0,3,3,THURSDAY,10,0,0,0,0,0,0,Religion,,0.7527860118578508,0.6956219298394389,0.0474,0.0,0.9762,,,0.0,0.1379,0.125,,0.0158,,0.0252,,0.0263,0.0483,0.0,0.9762,,,0.0,0.1379,0.125,,0.0161,,0.0263,,0.0278,0.0479,0.0,0.9762,,,0.0,0.1379,0.125,,0.0161,,0.0257,,0.0268,,block of flats,0.0345,"Stone, brick",No,0.0,0.0,0.0,0.0,-939.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1766290,261775,Cash loans,4496.4,45000.0,45000.0,,45000.0,FRIDAY,14,Y,1,,,,XNA,Approved,-609,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,38,Connectivity,12.0,middle,Cash X-Sell: middle,365243.0,-579.0,-249.0,-459.0,-453.0,0.0,0,Cash loans,F,N,Y,0,112500.0,239850.0,23494.5,225000.0,Family,Pensioner,Incomplete higher,Married,House / apartment,0.008473999999999999,-25054,365243,-2306.0,-4785,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,XNA,,0.4754479498424156,0.1595195404777181,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-196.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2293847,169154,Consumer loans,14089.725,47875.5,49455.0,0.0,47875.5,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-2617,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Country-wide,2535,Consumer electronics,4.0,high,POS household with interest,365243.0,-2586.0,-2496.0,-2496.0,-2491.0,1.0,0,Cash loans,F,N,Y,0,112500.0,157914.0,15511.5,139500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.035792000000000004,-20333,-1210,-9864.0,-3888,,1,1,0,1,0,0,Managers,2.0,2,2,SATURDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.8891612769356856,0.7293808850113537,0.5567274263630174,0.0777,0.0581,0.9861,0.8096,0.0143,0.09,0.0776,0.3333,0.375,0.0206,0.058,0.0737,0.0,0.0,0.0746,0.0478,0.9866,0.8236,0.0131,0.0806,0.069,0.3333,0.375,0.0088,0.0661,0.0414,0.0,0.0,0.0744,0.051,0.9866,0.8189,0.0136,0.08,0.069,0.3333,0.375,0.0241,0.0616,0.0748,0.0,0.0,reg oper account,block of flats,0.0537,"Stone, brick",No,0.0,0.0,0.0,0.0,-3171.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2187097,392606,Cash loans,13486.725,292500.0,354276.0,,292500.0,WEDNESDAY,7,Y,1,,,,XNA,Refused,-307,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,N,0,37710.0,285453.0,14701.5,193500.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.002134,-20883,365243,-3315.0,-2517,,1,0,0,1,0,0,,2.0,3,3,TUESDAY,7,0,0,0,0,0,0,XNA,,0.004018364988844727,0.511891801533151,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1289.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +1183281,356955,Cash loans,15840.09,292500.0,332077.5,,292500.0,TUESDAY,17,Y,1,,,,Repairs,Approved,-750,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,30.0,low_normal,Cash X-Sell: low,365243.0,-720.0,150.0,-570.0,-563.0,1.0,0,Cash loans,F,N,Y,0,112500.0,247275.0,16479.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.018634,-22686,365243,-10158.0,-4048,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,XNA,0.8771453917324631,0.6228264315139906,0.6127042441012546,0.0773,0.0806,0.9836,0.7756,0.036000000000000004,0.0,0.1724,0.1667,0.2083,0.0512,0.063,0.0687,0.0,0.0,0.0788,0.0836,0.9836,0.7844,0.0363,0.0,0.1724,0.1667,0.2083,0.0524,0.0689,0.0716,0.0,0.0,0.0781,0.0806,0.9836,0.7786,0.0362,0.0,0.1724,0.1667,0.2083,0.0521,0.0641,0.07,0.0,0.0,reg oper account,block of flats,0.0737,Panel,No,4.0,0.0,4.0,0.0,-918.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2508492,369227,Cash loans,44617.5,1125000.0,1125000.0,,1125000.0,THURSDAY,12,Y,1,,,,XNA,Approved,-218,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-188.0,862.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,1,112500.0,664569.0,28287.0,594000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.009175,-14700,-2084,-2585.0,-5074,,1,1,0,1,0,0,High skill tech staff,3.0,2,2,FRIDAY,10,0,0,0,0,0,0,Self-employed,0.6832959628144245,0.7872397433471152,0.4365064990977374,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +1108812,339931,Consumer loans,8354.385,86310.0,91026.0,8631.0,86310.0,SATURDAY,9,Y,1,0.09432296413060433,,,XAP,Approved,-601,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,50,Connectivity,18.0,high,POS mobile with interest,365243.0,-570.0,-60.0,-480.0,-474.0,0.0,1,Cash loans,M,Y,Y,0,225000.0,891126.0,43002.0,796500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.006305,-10187,-971,-2130.0,-2718,17.0,1,1,0,1,0,0,,2.0,3,3,FRIDAY,4,0,0,0,0,0,0,Business Entity Type 3,,0.5709342203920612,,0.0206,,0.9841,,,0.0,0.069,0.125,,,,0.013,,,0.021,,0.9841,,,0.0,0.069,0.125,,,,0.0135,,,0.0208,,0.9841,,,0.0,0.069,0.125,,,,0.0132,,,,block of flats,0.0174,"Stone, brick",No,0.0,0.0,0.0,0.0,-1.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2403512,124714,Consumer loans,2235.285,20650.5,20119.5,2065.5,20650.5,SATURDAY,11,Y,1,0.10139811912225702,,,XAP,Approved,-2698,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Stone,70,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2667.0,-2397.0,-2397.0,-2389.0,1.0,0,Cash loans,M,Y,Y,0,144000.0,954207.0,28030.5,796500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-23403,365243,-15387.0,-4589,10.0,1,0,0,1,1,0,,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,XNA,,0.5685702440210428,0.15759499866631024,0.233,0.223,0.9821,0.7552,0.0339,0.0,0.5517,0.1667,0.0,0.068,0.19,0.236,0.0154,0.1075,0.2374,0.2314,0.9821,0.7648,0.0343,0.0,0.5517,0.1667,0.0,0.0695,0.2075,0.2459,0.0156,0.1138,0.2352,0.223,0.9821,0.7585,0.0342,0.0,0.5517,0.1667,0.0,0.0691,0.1932,0.2403,0.0155,0.1097,reg oper account,block of flats,0.209,Block,No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,1.0,0.0,0.0,1.0,1.0 +2064832,146042,Cash loans,39087.45,616755.375,680254.875,,616755.375,SATURDAY,16,Y,1,,,,XNA,Approved,-556,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,36.0,high,Cash Street: high,365243.0,-526.0,524.0,-196.0,-191.0,1.0,0,Cash loans,M,Y,Y,0,337500.0,781920.0,28215.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-18253,-2117,-3777.0,-1797,1.0,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.7153358020141429,0.7380196196295241,0.1485,0.0859,0.9896,0.8572,0.0463,0.24,0.1034,0.4583,0.5,0.0783,0.121,0.1473,0.0,0.0,0.1513,0.0892,0.9896,0.8628,0.0467,0.2417,0.1034,0.4583,0.5,0.0801,0.1322,0.1535,0.0,0.0,0.1499,0.0859,0.9896,0.8591,0.0466,0.24,0.1034,0.4583,0.5,0.0796,0.1231,0.1499,0.0,0.0,reg oper spec account,block of flats,0.1412,Panel,No,2.0,0.0,2.0,0.0,-1081.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,1.0 +2574962,367270,Cash loans,20320.605,450000.0,512370.0,,450000.0,WEDNESDAY,12,Y,1,,,,XNA,Approved,-704,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,135000.0,454500.0,16695.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.022625,-16538,-9453,-1492.0,-67,,1,1,1,1,0,0,High skill tech staff,1.0,2,2,SUNDAY,10,0,0,0,0,0,0,Transport: type 4,0.7545825084200042,0.7828114099263571,0.746300213050371,0.1881,0.2348,0.4973,0.932,0.1276,0.16,0.2759,0.375,0.375,0.24,0.3051,0.4008,0.0077,0.0343,0.0,0.2437,0.0005,0.9347,0.1288,0.0,0.2759,0.375,0.375,0.2454,0.3333,0.4176,0.0078,0.0364,0.19,0.2348,0.4973,0.9329,0.1284,0.16,0.2759,0.375,0.375,0.2441,0.3104,0.408,0.0078,0.0351,reg oper account,block of flats,0.0,Mixed,No,0.0,0.0,0.0,0.0,-1657.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1350075,423005,Consumer loans,,21145.5,21145.5,0.0,21145.5,SATURDAY,14,Y,1,0.0,,,XAP,Refused,-1669,Cash through the bank,LIMIT,Unaccompanied,New,Consumer Electronics,XNA,XNA,Country-wide,501,Consumer electronics,,XNA,POS household with interest,,,,,,,0,Cash loans,F,Y,Y,1,108000.0,655204.5,22563.0,513000.0,Family,Working,Higher education,Married,House / apartment,0.020246,-10740,-229,-2344.0,-949,3.0,1,1,0,1,1,0,Core staff,3.0,3,3,TUESDAY,10,0,0,0,0,1,1,Trade: type 3,0.20625742971452746,0.18045748977987264,0.4578995512067301,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1669.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1176864,354878,Revolving loans,4500.0,90000.0,90000.0,,90000.0,THURSDAY,9,Y,1,,,,XAP,Approved,-303,XNA,XAP,Unaccompanied,Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,M,N,Y,1,135000.0,238500.0,25173.0,238500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-12520,-5345,-6577.0,-4235,,1,1,0,1,0,0,Drivers,3.0,2,2,SATURDAY,11,0,0,0,0,0,0,Business Entity Type 1,,0.4614168555391393,0.7981372313187245,0.5619,0.4895,0.9856,,,0.0,1.0,0.1667,,0.7081,,0.5228,,0.0004,0.5725,0.508,0.9856,,,0.0,1.0,0.1667,,0.7243,,0.5447,,0.0005,0.5673,0.4895,0.9856,,,0.0,1.0,0.1667,,0.7204,,0.5322,,0.0004,,block of flats,0.4779,Panel,No,0.0,0.0,0.0,0.0,-2688.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1088384,347338,Cash loans,21333.285,283500.0,306513.0,,283500.0,MONDAY,9,Y,1,,,,XNA,Approved,-305,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-275.0,235.0,-95.0,-89.0,1.0,0,Cash loans,M,N,N,0,405000.0,500490.0,52686.0,450000.0,Unaccompanied,State servant,Higher education,Married,With parents,0.035792000000000004,-11864,-1442,-1386.0,-4418,,1,1,0,1,0,0,,2.0,2,2,FRIDAY,16,0,0,0,0,0,0,Military,,0.6799405961294033,0.7764098512142026,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1949.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2408373,232117,Consumer loans,17949.15,531000.0,398250.0,132750.0,531000.0,TUESDAY,6,Y,1,0.2722727272727272,,,XAP,Approved,-302,Cash through the bank,XAP,,Refreshed,Construction Materials,POS,XNA,Stone,100,Construction,30.0,low_normal,POS industry with interest,365243.0,-272.0,598.0,-242.0,-234.0,0.0,0,Cash loans,M,N,Y,0,270000.0,1350000.0,39474.0,1350000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.014519999999999996,-11765,-1060,-1407.0,-4305,,1,1,0,1,0,0,Secretaries,1.0,2,2,WEDNESDAY,12,0,0,0,0,1,1,Business Entity Type 3,,0.4472249714112677,0.2405414172860865,0.0928,0.1091,0.997,0.9592,0.0186,0.0,0.1034,0.1667,0.0417,0.0205,0.0756,0.085,0.0,0.0719,0.0945,0.1132,0.997,0.9608,0.0188,0.0,0.1034,0.1667,0.0417,0.0209,0.0826,0.0886,0.0,0.0762,0.0937,0.1091,0.997,0.9597,0.0188,0.0,0.1034,0.1667,0.0417,0.0208,0.077,0.0865,0.0,0.0734,not specified,block of flats,0.0927,"Stone, brick",No,0.0,0.0,0.0,0.0,-306.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1204149,252973,Revolving loans,7875.0,157500.0,157500.0,,157500.0,TUESDAY,10,Y,1,,,,XAP,Refused,-175,XNA,SCO,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,N,Y,0,157500.0,247500.0,12168.0,247500.0,Children,Working,Secondary / secondary special,Married,House / apartment,0.019101,-15141,-8304,-3696.0,-4368,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,13,0,0,0,0,1,1,Agriculture,,0.4400680823112295,0.15759499866631024,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,0.0,9.0,0.0,-112.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1455055,164672,Consumer loans,11345.805,58635.0,61731.0,0.0,58635.0,WEDNESDAY,20,Y,1,0.0,,,XAP,Approved,-204,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Regional / Local,600,Consumer electronics,6.0,middle,POS household with interest,365243.0,-174.0,-24.0,-24.0,-18.0,1.0,0,Revolving loans,M,Y,Y,0,112500.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.00733,-12245,-218,-6208.0,-4733,27.0,1,1,0,1,1,0,Drivers,2.0,2,2,THURSDAY,18,0,0,0,0,0,0,Self-employed,0.12399222592747852,0.4145005530837296,0.2301588968634147,0.2227,0.1727,0.9796,0.7144,,0.24,0.2069,0.3333,0.375,0.0318,0.1816,0.2359,,0.0125,0.2269,0.1792,0.9796,0.7256,,0.2417,0.2069,0.3333,0.375,0.0325,0.1983,0.2458,,0.0132,0.2248,0.1727,0.9796,0.7182,,0.24,0.2069,0.3333,0.375,0.0324,0.1847,0.2402,,0.0128,,block of flats,0.1856,Panel,No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2240877,379932,Cash loans,17609.895,328500.0,366444.0,,328500.0,SATURDAY,14,Y,1,,,,XNA,Approved,-1319,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),-1,XNA,30.0,low_normal,Cash X-Sell: low,365243.0,-1289.0,-419.0,-569.0,-562.0,1.0,0,Cash loans,F,N,Y,0,135000.0,270000.0,21330.0,270000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.015221,-21884,365243,-9111.0,-496,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,XNA,0.4378678435022425,0.35402466951194683,0.41184855592423975,0.1485,0.1036,0.9871,0.8232,0.1023,0.16,0.1379,0.3333,0.375,0.0448,0.121,0.1468,0.0,0.0,0.1513,0.1075,0.9871,0.8301,0.1032,0.1611,0.1379,0.3333,0.375,0.0458,0.1322,0.153,0.0,0.0,0.1499,0.1036,0.9871,0.8256,0.1029,0.16,0.1379,0.3333,0.375,0.0456,0.1231,0.1494,0.0,0.0,reg oper account,block of flats,0.1714,Panel,No,12.0,0.0,12.0,0.0,-1319.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,8.0 +1652481,316752,Consumer loans,6931.26,134145.0,134145.0,0.0,134145.0,MONDAY,9,Y,1,0.0,,,XAP,Approved,-353,XNA,XAP,,New,Construction Materials,POS,XNA,Regional / Local,10,Auto technology,24.0,low_normal,POS industry with interest,365243.0,-319.0,371.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,126000.0,450000.0,22018.5,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.0038130000000000004,-20721,365243,-5341.0,-4094,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,XNA,,0.4337361102046681,0.28812959991785075,0.0062,,0.9583,,,0.0,0.2069,0.0,,,,0.0053,,,0.0063,,0.9583,,,0.0,0.2069,0.0,,,,0.0055,,,0.0062,,0.9583,,,0.0,0.2069,0.0,,,,0.0053,,,,block of flats,0.0041,Mixed,No,0.0,0.0,0.0,0.0,-353.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2687649,146102,Revolving loans,22500.0,0.0,450000.0,,,MONDAY,14,Y,1,,,,XAP,Approved,-1129,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-1129.0,-1082.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,180000.0,942300.0,30528.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-13259,-931,-2686.0,-569,,1,1,0,1,1,0,Laborers,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.3789407201403352,0.4101025731788671,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1568.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1233158,338085,Consumer loans,13950.99,136791.0,120267.0,27360.0,136791.0,SATURDAY,15,Y,1,0.2018433435125504,,,XAP,Approved,-2281,Cash through the bank,XAP,"Spouse, partner",New,Computers,POS,XNA,Country-wide,1600,Consumer electronics,12.0,high,POS household with interest,365243.0,-2250.0,-1920.0,-1920.0,-1916.0,1.0,0,Cash loans,M,N,Y,0,81000.0,91647.0,6646.5,76500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010147,-18238,-155,-178.0,-1770,,1,1,1,1,1,0,Security staff,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,Security,,0.7345206564426229,,0.1381,0.0708,0.9796,,,,0.069,0.1667,,,,0.0746,,,0.1408,0.0734,0.9796,,,,0.069,0.1667,,,,0.0777,,,0.1395,0.0708,0.9796,,,,0.069,0.1667,,,,0.0759,,,,block of flats,0.0708,"Stone, brick",No,0.0,0.0,0.0,0.0,-2281.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2724870,400290,Cash loans,30431.655,135000.0,156388.5,,135000.0,THURSDAY,18,Y,1,,,,XNA,Refused,-373,Cash through the bank,HC,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,M,Y,N,2,247500.0,521280.0,41062.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.032561,-14127,-5753,-14127.0,-968,10.0,1,1,0,1,0,0,Laborers,4.0,1,1,SATURDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.6738957249694666,0.5226973172821112,0.0289,0.0235,0.9439,0.2316,,,0.1034,0.1667,0.2083,0.0368,,,,,0.0294,0.0243,0.9439,0.2617,,,0.1034,0.1667,0.2083,0.0376,,,,,0.0291,0.0235,0.9439,0.2419,,,0.1034,0.1667,0.2083,0.0374,,,,,reg oper account,block of flats,0.0642,"Stone, brick",No,0.0,0.0,0.0,0.0,-1704.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1643015,189700,Consumer loans,7904.97,84690.0,84690.0,0.0,84690.0,SUNDAY,16,Y,1,0.0,,,XAP,Approved,-213,Cash through the bank,XAP,Family,Refreshed,Audio/Video,POS,XNA,Regional / Local,2000,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-183.0,147.0,-153.0,-150.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,654498.0,27729.0,585000.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.016612000000000002,-12782,-125,-6626.0,-4806,3.0,1,1,0,1,0,0,Core staff,1.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Bank,0.3331721254380813,0.3334053599533373,,0.1844,0.1066,0.998,0.9728,0.0521,0.1432,0.1234,0.375,0.4167,0.0237,0.1492,0.1831,0.0051,0.0277,0.166,0.01,0.9975,0.9673,0.0196,0.1611,0.1379,0.375,0.4167,0.0122,0.1451,0.101,0.0,0.0,0.166,0.1106,0.998,0.9665,0.0553,0.16,0.1379,0.375,0.4167,0.0217,0.1355,0.1754,0.0019,0.0101,reg oper account,block of flats,0.0,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2227466,412379,Cash loans,17847.855,450000.0,649012.5,,450000.0,FRIDAY,10,Y,1,,,,Urgent needs,Refused,-246,Cash through the bank,HC,Children,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,135000.0,544491.0,17694.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.019688999999999998,-17797,-7189,-9711.0,-1327,,1,1,0,1,0,0,,1.0,2,2,SATURDAY,13,0,0,0,0,1,1,Business Entity Type 3,0.03687897260041825,0.2755358466931539,0.7194907850918436,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-2889.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1316917,315604,Cash loans,20320.605,450000.0,512370.0,,450000.0,TUESDAY,11,Y,1,,,,XNA,Approved,-1436,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-1406.0,-356.0,-956.0,-940.0,1.0,0,Cash loans,F,N,Y,0,270000.0,758214.0,33529.5,603000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.020246,-21498,-6784,-11453.0,-4950,,1,1,0,1,0,0,Medicine staff,1.0,3,3,WEDNESDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.30861546459722833,0.2910973802776635,0.0103,0.0002,0.9657,0.5308,0.0014,0.0,0.069,0.0417,0.0833,0.02,0.0084,0.0111,0.0,0.0,0.0105,0.0002,0.9657,0.5492,0.0014,0.0,0.069,0.0417,0.0833,0.0204,0.0092,0.0115,0.0,0.0,0.0104,0.0002,0.9657,0.5371,0.0014,0.0,0.069,0.0417,0.0833,0.0203,0.0086,0.0113,0.0,0.0,reg oper account,block of flats,0.0095,"Stone, brick",No,0.0,0.0,0.0,0.0,-1436.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1930795,217620,Consumer loans,23625.135,126535.5,127660.5,0.0,126535.5,MONDAY,14,Y,1,0.0,,,XAP,Approved,-84,Cash through the bank,XAP,"Spouse, partner",Repeater,Furniture,POS,XNA,Regional / Local,150,Furniture,6.0,middle,POS industry with interest,365243.0,-54.0,96.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,112500.0,334152.0,18256.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.008625,-12032,-2296,-2917.0,-1245,,1,1,0,0,0,0,Core staff,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Self-employed,,0.21420945788946905,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-489.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1577041,284526,Revolving loans,11250.0,765000.0,225000.0,,765000.0,FRIDAY,12,N,1,,,,XAP,Refused,-850,XNA,SCOFR,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,1,81000.0,288562.5,30429.0,261000.0,Other_B,Working,Secondary / secondary special,Married,House / apartment,0.018029,-16739,-1410,-9551.0,-262,,1,1,0,1,0,0,Laborers,3.0,3,2,MONDAY,12,0,0,0,0,0,0,Government,0.7144259552976628,0.3488659772299308,0.31703177858344445,0.0938,0.0305,0.9796,0.7212,0.0213,0.0,0.2069,0.1667,0.2083,0.0829,0.0731,0.0784,0.0154,0.0569,0.0956,0.0317,0.9796,0.7321,0.0215,0.0,0.2069,0.1667,0.2083,0.0848,0.0799,0.0756,0.0156,0.0602,0.0947,0.0305,0.9796,0.7249,0.0215,0.0,0.2069,0.1667,0.2083,0.0844,0.0744,0.0798,0.0155,0.0581,reg oper account,block of flats,0.0899,Panel,No,0.0,0.0,0.0,0.0,-2119.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1082168,407284,Consumer loans,4206.33,23805.0,23805.0,0.0,23805.0,TUESDAY,11,Y,1,0.0,,,XAP,Approved,-1436,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Stone,150,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-1396.0,-1246.0,-1246.0,-1242.0,0.0,1,Cash loans,F,N,Y,1,121500.0,261000.0,20749.5,261000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.018209,-12796,-2474,-6911.0,-4180,,1,1,0,1,0,1,Sales staff,3.0,3,3,WEDNESDAY,8,0,0,0,0,1,1,Government,0.05956135213417529,0.011371351856061295,0.3077366963789207,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1436.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1005089,120201,Consumer loans,11792.745,111870.0,96741.0,22500.0,111870.0,MONDAY,15,Y,1,0.20550436053492885,,,XAP,Approved,-1905,Cash through the bank,XAP,Family,Refreshed,Construction Materials,POS,XNA,Stone,225,Construction,10.0,middle,POS industry with interest,365243.0,-1874.0,-1604.0,-1604.0,-1598.0,0.0,0,Revolving loans,F,N,Y,2,112500.0,247500.0,12375.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010966,-12035,-3900,-10899.0,-2426,,1,1,0,1,1,0,Laborers,4.0,2,2,TUESDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.2893388937689365,0.5028782772082183,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1905.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2774511,253851,Consumer loans,9499.05,79771.5,86355.0,0.0,79771.5,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-1327,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Regional / Local,1700,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1296.0,-1026.0,-1146.0,-1138.0,0.0,0,Cash loans,F,Y,Y,0,180000.0,835380.0,33259.5,675000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.007273999999999998,-18076,-2445,-2215.0,-1606,14.0,1,1,0,1,0,1,Accountants,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Self-employed,0.781773260036689,0.4952840924852094,0.7121551551910698,0.3763,0.1844,0.997,0.9524,,0.6,0.3103,0.5417,0.375,0.2389,0.2967,0.354,0.0463,0.0673,0.3834,0.1914,0.997,0.9543,,0.6042,0.3103,0.5417,0.375,0.2443,0.3242,0.3688,0.0467,0.0712,0.3799,0.1844,0.997,0.953,,0.6,0.3103,0.5417,0.375,0.243,0.3018,0.3603,0.0466,0.0687,reg oper spec account,block of flats,0.2923,Panel,No,0.0,0.0,0.0,0.0,-378.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2343640,452293,Consumer loans,26137.71,127260.0,133560.0,0.0,127260.0,TUESDAY,3,Y,1,0.0,,,XAP,Approved,-1413,Non-cash from your account,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,121,Furniture,6.0,high,POS industry with interest,365243.0,-1380.0,-1230.0,-1230.0,-1226.0,0.0,0,Revolving loans,F,N,Y,0,180000.0,225000.0,11250.0,225000.0,Unaccompanied,Pensioner,Higher education,Single / not married,House / apartment,0.010032,-18474,365243,-8987.0,-2019,,1,0,0,1,0,0,,1.0,2,2,MONDAY,2,0,0,0,0,0,0,XNA,,0.3767508313022873,0.6058362647264226,0.1237,0.156,0.9876,0.83,0.0208,0.0,0.2759,0.1667,0.2083,0.0,0.1009,0.1308,0.0,0.0,0.1261,0.1618,0.9876,0.8367,0.021,0.0,0.2759,0.1667,0.2083,0.0,0.1102,0.1363,0.0,0.0,0.1249,0.156,0.9876,0.8323,0.0209,0.0,0.2759,0.1667,0.2083,0.0,0.1026,0.1331,0.0,0.0,reg oper account,block of flats,0.1142,Panel,No,2.0,0.0,1.0,0.0,-1928.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1665160,102269,Consumer loans,21774.375,233280.0,233280.0,0.0,233280.0,TUESDAY,9,Y,1,0.0,,,XAP,Approved,-307,XNA,XAP,,New,Vehicles,POS,XNA,Country-wide,150,Auto technology,12.0,low_normal,POS other with interest,365243.0,-277.0,53.0,-97.0,-92.0,0.0,0,Cash loans,F,N,N,0,49500.0,225000.0,15034.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018209,-23346,365243,-797.0,-3973,,1,0,0,1,1,0,,2.0,3,3,TUESDAY,12,0,0,0,0,0,0,XNA,,0.08331595789163328,0.4014074137749511,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-307.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2026106,410241,Cash loans,32242.5,1125000.0,1125000.0,,1125000.0,FRIDAY,10,Y,1,,,,Repairs,Refused,-619,Cash through the bank,SCO,"Spouse, partner",Repeater,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,Y,Y,1,135000.0,364896.0,19102.5,315000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-14935,-1753,-3416.0,-3284,7.0,1,1,0,1,1,0,Sales staff,3.0,2,2,THURSDAY,9,0,0,0,0,0,0,Trade: type 3,0.6152747838281516,0.6966905901924082,0.5190973382084597,0.4412,0.2702,0.9856,0.8028,0.6972,0.52,0.4483,0.3333,0.0417,0.2933,0.3564,0.2976,0.027000000000000003,0.4447,0.4496,0.2804,0.9856,0.8105,0.7035,0.5236,0.4483,0.3333,0.0417,0.3,0.3893,0.3101,0.0272,0.4708,0.4455,0.2702,0.9856,0.8054,0.7016,0.52,0.4483,0.3333,0.0417,0.2984,0.3626,0.303,0.0272,0.454,reg oper spec account,block of flats,0.3812,Panel,No,11.0,0.0,11.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,0.0 +1182918,363574,Consumer loans,11632.95,54591.75,43659.0,10932.75,54591.75,TUESDAY,12,Y,1,0.2181054579925288,,,XAP,Approved,-1019,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,4.0,middle,POS mobile without interest,365243.0,-982.0,-892.0,-952.0,-944.0,0.0,0,Cash loans,M,Y,N,0,180000.0,312768.0,24709.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.02461,-10299,-604,-10292.0,-2938,3.0,1,1,1,1,0,0,Drivers,2.0,2,2,FRIDAY,17,0,0,0,1,1,0,Self-employed,,0.5671159924995481,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,12.0,0.0,12.0,0.0,-1289.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2545946,346630,Consumer loans,4388.4,81477.0,94410.0,0.0,81477.0,THURSDAY,16,Y,1,0.0,,,XAP,Approved,-1391,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,1900,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1360.0,-670.0,-940.0,-933.0,0.0,0,Cash loans,F,N,N,0,202500.0,1078200.0,38200.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.011656999999999999,-18800,-2816,-6686.0,-2308,,1,1,1,1,1,0,Medicine staff,2.0,1,1,MONDAY,11,0,1,1,0,1,1,Other,,0.2535329997895723,0.3201633668633456,0.0247,0.0314,0.9742,,,0.0,0.069,0.0833,,,,0.0189,,,0.0252,0.0326,0.9742,,,0.0,0.069,0.0833,,,,0.0197,,,0.025,0.0314,0.9742,,,0.0,0.069,0.0833,,,,0.0193,,,,block of flats,0.0151,"Stone, brick",No,4.0,0.0,4.0,0.0,-882.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2539592,239696,Consumer loans,10378.215,40477.5,36427.5,4050.0,40477.5,THURSDAY,13,Y,1,0.1089696295921977,,,XAP,Approved,-2225,Cash through the bank,XAP,,New,Photo / Cinema Equipment,POS,XNA,Country-wide,24,Connectivity,4.0,low_normal,POS mobile with interest,365243.0,-2131.0,-2041.0,-2041.0,-2033.0,0.0,0,Cash loans,F,N,N,0,180000.0,545040.0,25537.5,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.032561,-9476,-704,-9459.0,-2135,,1,1,0,1,0,0,,2.0,1,1,WEDNESDAY,19,0,0,0,0,0,0,Other,,0.17592646634689518,0.5709165417729987,0.1845,0.1238,0.9796,0.7212,0.0261,0.2,0.1724,0.3333,0.375,0.0695,0.1505,0.1863,0.0,0.0,0.188,0.1282,0.9806,0.7452,0.0279,0.2014,0.1724,0.3333,0.375,0.0691,0.1644,0.1934,0.0,0.0,0.1863,0.1236,0.9806,0.7383,0.0278,0.2,0.1724,0.3333,0.375,0.0714,0.1531,0.1896,0.0,0.0,reg oper account,block of flats,0.1596,Panel,No,1.0,0.0,1.0,0.0,-2225.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1785461,404296,Consumer loans,1703.925,13905.0,15282.0,0.0,13905.0,SATURDAY,17,Y,1,0.0,,,XAP,Approved,-2179,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,507,Consumer electronics,12.0,high,POS household with interest,365243.0,-2148.0,-1818.0,-1818.0,-1814.0,0.0,0,Cash loans,F,N,N,0,56250.0,152820.0,15786.0,135000.0,Unaccompanied,Pensioner,Lower secondary,Married,Municipal apartment,0.005002,-24205,365243,-12629.0,-4239,,1,0,0,1,0,0,,2.0,3,3,MONDAY,14,0,0,0,0,0,0,XNA,,0.5015927447647356,0.5370699579791587,0.0031,,0.9866,,,,0.1034,0.0,,,,0.0025,,,0.0032,,0.9866,,,,0.1034,0.0,,,,0.0026,,,0.0031,,0.9866,,,,0.1034,0.0,,,,0.0025,,,,block of flats,0.002,Wooden,No,0.0,0.0,0.0,0.0,-2691.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +1724187,251171,Consumer loans,4009.5,43456.5,39109.5,4347.0,43456.5,WEDNESDAY,11,Y,1,0.10894292411533783,,,XAP,Approved,-780,XNA,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,420,Furniture,12.0,middle,POS industry with interest,365243.0,-749.0,-419.0,-749.0,-741.0,0.0,0,Cash loans,F,N,Y,0,67500.0,71955.0,7137.0,67500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.011703,-20177,365243,-7010.0,-3413,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,17,0,0,0,0,0,0,XNA,,0.7301011063137487,0.6754132910917112,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-825.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1652616,151709,Consumer loans,7909.11,67455.0,67455.0,0.0,67455.0,TUESDAY,10,Y,1,0.0,,,XAP,Approved,-879,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Stone,135,Consumer electronics,10.0,middle,POS household with interest,365243.0,-847.0,-577.0,-577.0,-573.0,0.0,0,Cash loans,M,Y,N,0,360000.0,1125000.0,32895.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-14296,-438,-333.0,-4621,14.0,1,1,1,1,1,0,,2.0,2,2,FRIDAY,13,0,0,0,0,1,1,Business Entity Type 3,,0.2637079131023577,,0.0165,0.0,0.9757,0.6668,0.0014,0.0,0.069,0.0417,0.0833,0.0169,0.0134,0.0092,0.0,0.0144,0.0168,0.0,0.9757,0.6798,0.0014,0.0,0.069,0.0417,0.0833,0.0173,0.0147,0.0095,0.0,0.0153,0.0167,0.0,0.9757,0.6713,0.0014,0.0,0.069,0.0417,0.0833,0.0172,0.0137,0.0093,0.0,0.0147,reg oper account,block of flats,0.0111,Panel,No,5.0,0.0,5.0,0.0,-1446.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1097262,325302,Consumer loans,5307.48,29245.5,29245.5,0.0,29245.5,TUESDAY,13,Y,1,0.0,,,XAP,Refused,-232,Cash through the bank,HC,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,145,Consumer electronics,6.0,low_normal,POS household with interest,,,,,,,0,Cash loans,F,N,N,1,76500.0,157500.0,17091.0,157500.0,Unaccompanied,Working,Higher education,Married,Municipal apartment,0.010966,-12229,-4567,-523.0,-1672,,1,1,1,1,1,0,Core staff,3.0,2,2,TUESDAY,17,0,0,0,1,1,0,School,0.6961019583881654,0.41434135081405055,0.4489622731076524,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-949.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1721939,353949,Consumer loans,3796.335,19035.0,20097.0,1903.5,19035.0,WEDNESDAY,9,Y,1,0.09422897413488536,,,XAP,Approved,-1542,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Stone,146,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1505.0,-1355.0,-1355.0,-1348.0,0.0,0,Cash loans,F,N,N,0,54000.0,225000.0,14508.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.031329,-11731,-453,-1010.0,-4264,,1,1,1,1,1,0,Sales staff,1.0,2,2,THURSDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.1335636378954784,0.2801780400070992,0.6109913280868294,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1542.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1656059,270768,Consumer loans,2631.015,26955.0,27463.5,2695.5,26955.0,TUESDAY,15,Y,1,0.0973389218957706,,,XAP,Approved,-2455,Cash through the bank,XAP,Children,New,Mobile,POS,XNA,Country-wide,22,Connectivity,16.0,low_normal,POS mobile with interest,365243.0,-2423.0,-1973.0,-2003.0,-2002.0,1.0,0,Cash loans,F,N,Y,0,225000.0,1174090.5,46561.5,1080000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-19371,-1952,-9733.0,-2872,,1,1,0,1,1,0,Core staff,2.0,2,2,SUNDAY,9,0,0,0,0,0,0,Self-employed,0.6766579669459665,0.7173264887309905,0.7352209993926424,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-1827.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2021482,396540,Revolving loans,18000.0,225000.0,360000.0,,225000.0,MONDAY,9,N,1,,,,XAP,Refused,-522,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,Y,Y,2,90000.0,225000.0,17905.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.018209,-11348,-287,-1857.0,-2607,20.0,1,1,0,1,0,1,Laborers,4.0,3,3,FRIDAY,11,0,0,0,0,0,0,Business Entity Type 2,0.22000017536754285,0.4978807407348486,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-835.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2535324,393908,Cash loans,25015.5,675000.0,675000.0,,675000.0,FRIDAY,20,Y,1,,,,Buying a used car,Approved,-21,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,36.0,low_action,Cash Street: low,365243.0,365243.0,1060.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,0,173376.0,323604.0,8536.5,323604.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.035792000000000004,-7888,-414,-4430.0,-532,,1,1,1,1,1,0,Managers,1.0,2,2,FRIDAY,16,1,1,0,1,1,0,Trade: type 2,0.1306871076965637,0.19602151267975565,0.1510075350878296,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-58.0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1078043,169879,Consumer loans,3959.595,39600.0,35640.0,3960.0,39600.0,TUESDAY,12,Y,1,0.1089090909090909,,,XAP,Approved,-1198,Cash through the bank,XAP,Unaccompanied,New,Sport and Leisure,POS,XNA,Stone,50,Industry,12.0,high,POS other with interest,365243.0,-1161.0,-831.0,-831.0,-822.0,0.0,0,Cash loans,M,Y,N,0,67500.0,140166.0,9481.5,117000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,With parents,0.035792000000000004,-23384,365243,-5495.0,-4036,16.0,1,0,0,1,0,0,,2.0,2,2,TUESDAY,18,0,0,0,0,0,0,XNA,,0.6894620915371751,0.6006575372857061,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,2.0,6.0,2.0,-1198.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1031640,121242,Consumer loans,5991.345,53775.0,49275.0,4500.0,53775.0,SATURDAY,12,Y,1,0.0911373145682769,,,XAP,Approved,-614,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Stone,44,Consumer electronics,12.0,high,POS household with interest,365243.0,-581.0,-251.0,-251.0,-249.0,0.0,0,Cash loans,M,N,N,0,112500.0,261000.0,13342.5,261000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-19326,-2341,-5643.0,-2347,,1,1,1,1,0,0,Drivers,2.0,2,2,THURSDAY,9,0,0,0,0,1,1,Government,,0.6652358139410643,0.6178261467332483,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-614.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2424869,427950,Consumer loans,4256.955,39735.0,38524.5,4680.0,39735.0,THURSDAY,15,Y,1,0.11797255967654882,,,XAP,Approved,-2114,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Country-wide,19,Connectivity,12.0,high,POS mobile with interest,365243.0,-2083.0,-1753.0,-1753.0,-1747.0,0.0,0,Cash loans,F,Y,N,0,72000.0,143910.0,14233.5,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-13379,-4970,-1225.0,-1254,23.0,1,1,1,1,1,0,Sales staff,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Trade: type 7,,0.5471554377619043,0.722392890081304,0.266,0.0507,0.9811,0.7416,0.0335,0.08,0.0345,0.3333,0.375,0.0576,0.2152,0.121,0.0077,0.0103,0.271,0.0526,0.9811,0.7517,0.0338,0.0806,0.0345,0.3333,0.375,0.0589,0.2351,0.1261,0.0078,0.011,0.2686,0.0507,0.9811,0.7451,0.0337,0.08,0.0345,0.3333,0.375,0.0586,0.2189,0.1232,0.0078,0.0106,reg oper account,block of flats,0.1157,"Stone, brick",No,1.0,1.0,1.0,0.0,-1185.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1122521,192032,Revolving loans,11250.0,225000.0,225000.0,,225000.0,WEDNESDAY,14,Y,1,,,,XAP,Refused,-1030,XNA,HC,,New,XNA,Cards,walk-in,AP+ (Cash loan),10,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,1,112500.0,318528.0,17914.5,252000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-17267,-176,-1969.0,-799,,1,1,0,1,0,1,,3.0,2,2,THURSDAY,13,0,0,0,0,0,0,Business Entity Type 1,0.540024075817236,0.4816850474663579,,0.3361,0.1735,0.9841,0.7824,0.1269,0.36,0.3103,0.3333,0.375,0.0763,0.2723,0.3557,0.0077,0.0037,0.3424,0.1801,0.9841,0.7909,0.1281,0.3625,0.3103,0.3333,0.375,0.078,0.2975,0.3705,0.0078,0.004,0.3393,0.1735,0.9841,0.7853,0.1277,0.36,0.3103,0.3333,0.375,0.0776,0.277,0.362,0.0078,0.0038,reg oper account,block of flats,0.3499,Panel,No,0.0,0.0,0.0,0.0,-1030.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1306827,357121,Cash loans,5294.43,45000.0,47970.0,,45000.0,WEDNESDAY,14,Y,1,,,,XNA,Approved,-1305,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,high,Cash X-Sell: high,365243.0,-1275.0,-945.0,-1095.0,-1091.0,1.0,0,Cash loans,F,N,Y,0,135000.0,90000.0,5566.5,90000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.010643000000000001,-18987,-1609,-1193.0,-1758,,1,1,0,1,0,0,,1.0,2,2,SATURDAY,10,0,0,0,0,0,0,Self-employed,,0.620774585008151,0.5919766183185521,0.1093,0.0593,0.9836,0.7756,,0.0,0.0345,0.1667,0.2083,0.0286,0.0891,0.025,0.0,0.0453,0.1113,0.0615,0.9836,0.7844,,0.0,0.0345,0.1667,0.2083,0.0293,0.0973,0.0261,0.0,0.048,0.1103,0.0593,0.9836,0.7786,,0.0,0.0345,0.1667,0.2083,0.0291,0.0906,0.0255,0.0,0.0463,reg oper spec account,specific housing,0.0449,"Stone, brick",No,0.0,0.0,0.0,0.0,-1305.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2489865,209434,Consumer loans,13943.52,146205.0,165600.0,0.0,146205.0,FRIDAY,6,Y,1,0.0,,,XAP,Refused,-1738,XNA,LIMIT,Family,Repeater,Computers,POS,XNA,Regional / Local,150,Consumer electronics,18.0,high,POS household with interest,,,,,,,0,Cash loans,F,N,N,0,135000.0,704844.0,29862.0,630000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.014464,-15673,-4789,-9690.0,-4527,,1,1,1,1,0,0,Sales staff,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,Self-employed,,0.7146094214821854,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1738.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1442314,248576,Cash loans,16312.41,229500.0,289791.0,,229500.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-971,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-941.0,-251.0,-671.0,-666.0,1.0,0,Cash loans,F,N,Y,0,90000.0,225000.0,11619.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-19482,-10334,-10552.0,-3021,,1,1,0,1,0,0,Core staff,2.0,2,2,MONDAY,15,0,0,0,0,0,0,Kindergarten,0.6003153125877206,0.5623374077766161,0.34090642641523844,0.0625,0.018000000000000002,0.9742,0.6464,0.0306,0.0,0.1034,0.1667,0.2083,0.0348,0.0501,0.0497,0.0039,0.0031,0.063,0.0036,0.9732,0.6472,0.0262,0.0,0.1034,0.1667,0.2083,0.0258,0.0551,0.0497,0.0,0.0,0.0625,0.0038,0.9737,0.6444,0.0266,0.0,0.1034,0.1667,0.2083,0.0392,0.0513,0.0508,0.0,0.0,reg oper account,block of flats,0.0534,"Stone, brick",No,0.0,0.0,0.0,0.0,-1670.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2184148,219671,Revolving loans,45000.0,0.0,900000.0,,,FRIDAY,17,Y,1,,,,XAP,Approved,-305,XNA,XAP,,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),4,XNA,0.0,XNA,Card X-Sell,-188.0,-149.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,180000.0,592560.0,25236.0,450000.0,Unaccompanied,State servant,Higher education,Separated,House / apartment,0.003069,-16517,-7101,-357.0,-70,,1,1,0,1,1,0,,1.0,3,3,TUESDAY,15,0,0,0,0,0,0,Security Ministries,,0.6480563782846739,0.6577838002083306,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1718.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2626714,404668,Consumer loans,11524.905,123525.0,123525.0,0.0,123525.0,TUESDAY,12,Y,1,0.0,,,XAP,Refused,-2481,Cash through the bank,SCO,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,133,Industry,12.0,low_normal,POS industry with interest,,,,,,,0,Cash loans,F,Y,Y,0,135000.0,1223010.0,51948.0,1125000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.01885,-14543,-3184,-5127.0,-3795,7.0,1,1,1,1,0,0,Sales staff,2.0,2,2,FRIDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.4197677201143271,0.6132509118205056,0.18629294965553744,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-3005.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1120601,228106,Cash loans,47749.5,450000.0,450000.0,,450000.0,MONDAY,10,Y,1,,,,XNA,Approved,-333,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-303.0,27.0,-303.0,-299.0,0.0,0,Cash loans,F,N,N,0,112500.0,454500.0,44950.5,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.04622,-18703,365243,-9376.0,-2241,,1,0,0,1,1,0,,2.0,1,1,THURSDAY,19,0,0,0,0,0,0,XNA,,0.6050511162804846,,0.1113,0.0878,0.9871,,,0.12,0.1034,0.375,,0.037000000000000005,,0.1195,,0.0407,0.1134,0.0911,0.9871,,,0.1208,0.1034,0.375,,0.0378,,0.1245,,0.043,0.1124,0.0878,0.9871,,,0.12,0.1034,0.375,,0.0376,,0.1216,,0.0415,,block of flats,0.1679,Panel,No,0.0,0.0,0.0,0.0,-762.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2615778,140227,Consumer loans,8594.685,39465.0,42151.5,3946.5,39465.0,MONDAY,19,Y,1,0.09323825920272624,,,XAP,Refused,-963,Cash through the bank,HC,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,38,Connectivity,6.0,high,POS mobile with interest,,,,,,,0,Revolving loans,F,N,N,1,198000.0,585000.0,29250.0,585000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Rented apartment,0.019101,-12345,-2252,-227.0,-2639,,1,1,0,1,0,0,Managers,3.0,2,2,THURSDAY,10,0,0,0,0,1,1,Industry: type 2,0.5505746991484243,0.6708223290664129,0.6279908192952864,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1131.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2263803,409960,Consumer loans,13476.96,299155.5,299155.5,0.0,299155.5,SUNDAY,9,Y,1,0.0,,,XAP,Refused,-444,Cash through the bank,HC,,Repeater,Audio/Video,POS,XNA,Country-wide,2009,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,0,Cash loans,M,N,Y,0,99000.0,157914.0,17136.0,139500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.019688999999999998,-21012,-2219,-13466.0,-4073,,1,1,0,1,1,0,Laborers,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Other,,0.6575620642051009,0.6313545365850379,0.1041,0.0,0.9806,0.7348,0.0142,0.0,0.2069,0.1667,0.2083,0.0931,0.0841,0.0912,0.0039,0.0387,0.1061,0.0,0.9806,0.7452,0.0143,0.0,0.2069,0.1667,0.2083,0.0952,0.0918,0.095,0.0039,0.0409,0.1051,0.0,0.9806,0.7383,0.0143,0.0,0.2069,0.1667,0.2083,0.0947,0.0855,0.0928,0.0039,0.0395,reg oper account,block of flats,0.0804,"Stone, brick",No,0.0,0.0,0.0,0.0,-1633.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2039342,168584,Revolving loans,11250.0,225000.0,225000.0,,225000.0,FRIDAY,10,Y,1,,,,XAP,Refused,-690,XNA,HC,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,Y,Y,0,270000.0,1426500.0,39226.5,1426500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.00733,-13962,-2055,-494.0,-5683,6.0,1,1,0,1,0,0,Drivers,2.0,2,2,TUESDAY,13,0,0,0,1,1,0,Self-employed,,0.7084424425878636,,0.1725,0.0813,0.9846,0.7892,0.0367,0.08,0.0345,0.3333,0.375,0.0141,0.1398,0.0872,0.0039,0.0027,0.1838,0.0805,0.9841,0.7909,0.0334,0.0806,0.0345,0.3333,0.375,0.0138,0.1598,0.0856,0.0039,0.0013,0.1822,0.0777,0.9841,0.7853,0.0357,0.08,0.0345,0.3333,0.375,0.0137,0.1488,0.0896,0.0039,0.0017,reg oper account,block of flats,0.0876,"Stone, brick",No,1.0,0.0,1.0,0.0,-3224.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +2743484,194120,Consumer loans,4456.08,49059.0,43906.5,9814.5,49059.0,TUESDAY,16,Y,1,0.19897028587093912,,,XAP,Approved,-447,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,20,Connectivity,12.0,middle,POS mobile with interest,365243.0,-416.0,-86.0,-326.0,-323.0,0.0,0,Cash loans,M,N,N,0,157500.0,238500.0,27036.0,238500.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.026392000000000002,-11090,-338,-3335.0,-3449,,1,1,0,1,0,0,Security staff,2.0,2,2,MONDAY,17,0,0,0,1,1,0,Security,,0.7005810006866652,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,3.0,0.0,-1468.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1443392,408429,Consumer loans,15090.93,61983.0,73399.5,0.0,61983.0,WEDNESDAY,12,Y,1,0.0,,,XAP,Approved,-1307,Cash through the bank,XAP,Unaccompanied,Refreshed,Auto Accessories,POS,XNA,Stone,2604,Industry,6.0,high,POS other with interest,365243.0,-1276.0,-1126.0,-1126.0,-1114.0,0.0,0,Cash loans,M,Y,N,0,135000.0,450000.0,44509.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.030755,-15306,-2232,-6261.0,-3797,19.0,1,1,0,1,0,0,Managers,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Self-employed,0.6740473896252567,0.6474177085123287,0.816092360478441,0.0881,0.115,0.9876,0.83,0.0156,0.08,0.1034,0.1875,0.375,0.0,,0.0903,,0.0,0.0294,0.1121,0.9836,0.7844,0.0059,0.0,0.069,0.0417,0.375,0.0,,0.0375,,0.0,0.08900000000000001,0.115,0.9876,0.8323,0.0157,0.08,0.1034,0.1875,0.375,0.0,,0.0919,,0.0,reg oper account,block of flats,0.0315,"Stone, brick",No,4.0,1.0,4.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2053116,341319,Consumer loans,4620.375,42525.0,22315.5,21262.5,42525.0,MONDAY,12,Y,1,0.5313872930043931,,,XAP,Approved,-1068,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,75,Consumer electronics,6.0,high,POS household with interest,365243.0,-1037.0,-887.0,-977.0,-970.0,0.0,0,Cash loans,F,N,Y,0,94500.0,254700.0,24808.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.009175,-25091,365243,-8032.0,-343,,1,0,0,1,1,0,,1.0,2,2,FRIDAY,11,0,0,0,0,0,0,XNA,,0.16510419113481814,,0.1485,0.1256,0.9811,,,0.16,0.1379,0.3333,,,,,,,0.1513,0.1304,0.9811,,,0.1611,0.1379,0.3333,,,,,,,0.1499,0.1256,0.9811,,,0.16,0.1379,0.3333,,,,,,,,block of flats,0.1222,Panel,No,0.0,0.0,0.0,0.0,-486.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1945251,454509,Consumer loans,7916.175,97101.0,100111.5,9711.0,97101.0,SUNDAY,12,Y,1,0.09630232254940302,,,XAP,Approved,-617,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,1200,Consumer electronics,18.0,middle,POS household with interest,365243.0,-586.0,-76.0,-76.0,-71.0,0.0,0,Cash loans,F,N,Y,2,135000.0,814041.0,23931.0,679500.0,Unaccompanied,Working,Lower secondary,Married,House / apartment,0.008865999999999999,-13623,-563,-6711.0,-846,,1,1,0,1,0,0,Laborers,4.0,2,2,MONDAY,10,0,0,0,0,0,0,Industry: type 1,,0.4189547067807917,0.36227724703843145,0.0928,0.0724,0.9776,0.6940000000000001,0.0137,0.0,0.2069,0.1667,0.2083,0.0965,0.0756,0.0784,0.0,0.0,0.0945,0.0752,0.9777,0.706,0.0138,0.0,0.2069,0.1667,0.2083,0.0987,0.0826,0.0817,0.0,0.0,0.0937,0.0724,0.9776,0.6981,0.0138,0.0,0.2069,0.1667,0.2083,0.0982,0.077,0.0798,0.0,0.0,reg oper account,block of flats,0.0692,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1815429,288866,Consumer loans,6826.095,58495.5,35095.5,23400.0,58495.5,SATURDAY,13,Y,1,0.4356698767038023,,,XAP,Approved,-2643,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Country-wide,1400,Consumer electronics,6.0,high,POS household without interest,365243.0,-2593.0,-2443.0,-2443.0,-2439.0,0.0,0,Revolving loans,M,Y,Y,0,315000.0,270000.0,13500.0,270000.0,Family,Working,Secondary / secondary special,Single / not married,House / apartment,0.02461,-18966,-1254,-5024.0,-2331,4.0,1,1,0,1,0,0,Drivers,1.0,2,2,WEDNESDAY,17,0,0,0,1,1,0,Industry: type 11,,0.54315922219173,0.4920600938649263,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-439.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2656508,452423,Cash loans,86625.0,3150000.0,3150000.0,,3150000.0,WEDNESDAY,17,Y,1,,,,Repairs,Refused,-700,Cash through the bank,VERIF,Unaccompanied,Repeater,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,N,Y,0,292500.0,592560.0,24133.5,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.02461,-10342,-1731,-4623.0,-3008,,1,1,1,1,0,0,,2.0,2,2,MONDAY,17,0,0,0,1,1,1,Trade: type 2,0.11877307059482765,0.6381643373459054,0.4311917977993083,0.066,0.0709,0.9757,,,0.0,0.1379,0.1667,,0.0397,,0.053,,0.0097,0.0672,0.0736,0.9757,,,0.0,0.1379,0.1667,,0.0406,,0.0553,,0.0103,0.0666,0.0709,0.9757,,,0.0,0.1379,0.1667,,0.0404,,0.054000000000000006,,0.01,,block of flats,0.0417,"Stone, brick",No,0.0,0.0,0.0,0.0,-1626.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +1032883,373103,Consumer loans,7415.64,84600.0,68656.5,22500.0,84600.0,FRIDAY,19,Y,1,0.26881841069529283,,,XAP,Approved,-147,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Stone,3207,Consumer electronics,12.0,middle,POS household with interest,365243.0,-117.0,213.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,N,0,166500.0,343377.0,16137.0,283500.0,Unaccompanied,State servant,Incomplete higher,Single / not married,House / apartment,0.072508,-9968,-2250,-4767.0,-2550,7.0,1,1,0,1,0,0,Core staff,1.0,1,1,FRIDAY,14,0,0,0,0,0,0,Police,,0.7530951669682994,0.5919766183185521,0.2412,0.1486,0.9816,0.728,0.0,0.33,0.1466,0.5521,0.2708,0.0,0.166,0.16699999999999998,0.0019,0.0294,0.1166,0.0349,0.9796,0.7321,0.0,0.4834,0.2069,0.4583,0.0417,0.0,0.1019,0.142,0.0,0.0,0.281,0.1474,0.9801,0.7316,0.0,0.4,0.1724,0.5417,0.2708,0.0,0.1689,0.1766,0.0019,0.0025,reg oper spec account,block of flats,0.2237,Panel,No,0.0,0.0,0.0,0.0,-1895.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2051694,134019,Consumer loans,7988.04,63256.5,53041.5,13500.0,63256.5,SUNDAY,9,Y,1,0.2209557535181393,,,XAP,Approved,-2500,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,1600,Consumer electronics,8.0,high,POS household with interest,365243.0,-2469.0,-2259.0,-2259.0,-2255.0,1.0,0,Cash loans,F,N,Y,0,108000.0,213948.0,11943.0,189000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.02461,-24212,365243,-3145.0,-4779,,1,0,0,1,1,0,,2.0,2,2,MONDAY,10,0,0,0,0,0,0,XNA,,0.6975724564010289,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-941.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1971265,352294,Cash loans,49800.285,1350000.0,1506816.0,,1350000.0,MONDAY,7,Y,1,,,,XNA,Refused,-1114,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,Y,N,2,225000.0,194742.0,11898.0,139500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0038130000000000004,-13683,-4746,-2135.0,-4511,28.0,1,1,0,1,0,0,Core staff,4.0,2,2,TUESDAY,6,0,0,0,0,1,1,Security Ministries,0.12801723947490565,0.4363212801059168,0.3360615207658242,0.1206,0.1314,0.9816,0.7484,0.2115,0.0,0.3103,0.1667,0.0417,0.0225,0.0983,0.077,0.0,0.0454,0.1229,0.1364,0.9816,0.7583,0.2134,0.0,0.3103,0.1667,0.0417,0.023,0.1074,0.0802,0.0,0.0481,0.1218,0.1314,0.9816,0.7518,0.2128,0.0,0.3103,0.1667,0.0417,0.0229,0.1,0.0784,0.0,0.0464,reg oper spec account,block of flats,0.0898,Block,No,0.0,0.0,0.0,0.0,-2709.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1558831,120666,Cash loans,14277.6,360000.0,360000.0,,360000.0,SATURDAY,6,Y,1,,,,XNA,Refused,-151,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,Y,Y,0,157500.0,675000.0,24246.0,675000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.0038130000000000004,-14867,-405,-43.0,-4741,2.0,1,1,0,1,0,0,Managers,2.0,2,2,WEDNESDAY,7,0,0,0,0,0,0,Mobile,,0.4086327952236386,0.7862666146611379,0.0608,0.0566,0.9841,,,0.0,0.1379,0.1667,,0.0674,,0.0534,,0.0042,0.062,0.0588,0.9841,,,0.0,0.1379,0.1667,,0.0689,,0.0556,,0.0045,0.0614,0.0566,0.9841,,,0.0,0.1379,0.1667,,0.0686,,0.0543,,0.0043,,block of flats,0.0429,Panel,No,12.0,0.0,12.0,0.0,-929.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1100093,401134,Consumer loans,9864.81,141925.5,147964.5,14193.0,141925.5,TUESDAY,11,Y,1,0.09532378874074443,,,XAP,Approved,-465,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,90,Consumer electronics,18.0,low_normal,POS household with interest,365243.0,-431.0,79.0,-11.0,-5.0,0.0,0,Cash loans,M,Y,N,0,270000.0,539100.0,29376.0,450000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.020713,-9087,-1682,-8763.0,-1780,65.0,1,1,0,1,0,0,Laborers,1.0,3,3,THURSDAY,16,0,0,0,0,0,0,Industry: type 4,0.5204857526796028,0.28275195247028023,0.4382813743111921,0.0124,0.0274,0.9876,0.83,0.0017,0.0,0.069,0.0417,0.0833,0.0161,0.0101,0.0114,0.0,0.0,0.0126,0.0284,0.9876,0.8367,0.0017,0.0,0.069,0.0417,0.0833,0.0165,0.011,0.0119,0.0,0.0,0.0125,0.0274,0.9876,0.8323,0.0017,0.0,0.069,0.0417,0.0833,0.0164,0.0103,0.0116,0.0,0.0,reg oper account,block of flats,0.0099,"Stone, brick",No,0.0,0.0,0.0,0.0,-931.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1032218,331214,Consumer loans,9702.18,89910.0,80919.0,8991.0,89910.0,SUNDAY,7,Y,1,0.1089090909090909,,,XAP,Approved,-1500,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,12.0,high,POS mobile with interest,365243.0,-1447.0,-1117.0,-1147.0,-1143.0,0.0,0,Cash loans,M,Y,N,1,315000.0,627277.5,29371.5,441000.0,Unaccompanied,State servant,Higher education,Married,Office apartment,0.005313,-12713,-376,-356.0,-3665,6.0,1,1,0,1,0,0,Core staff,3.0,2,2,TUESDAY,12,0,0,0,1,0,1,Security Ministries,0.2965471477424378,0.26200036521556097,0.6023863442690867,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-314.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1562076,268738,Consumer loans,5818.545,37161.0,35631.0,3735.0,37161.0,TUESDAY,18,Y,1,0.10333167061562124,,,XAP,Approved,-1184,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,21,Connectivity,8.0,high,POS mobile with interest,365243.0,-1150.0,-940.0,-1030.0,-1025.0,0.0,0,Cash loans,F,N,N,1,99000.0,134775.0,7438.5,112500.0,Unaccompanied,Working,Incomplete higher,Single / not married,House / apartment,0.028663,-12700,-270,-2949.0,-4095,,1,1,1,1,1,0,Sales staff,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Trade: type 3,,0.2334928848103351,0.29708661164720285,0.0124,0.0113,0.9702,0.5920000000000001,0.002,0.0,0.069,0.0417,0.0833,0.0314,0.0101,0.0147,0.0,0.0,0.0126,0.0117,0.9702,0.608,0.002,0.0,0.069,0.0417,0.0833,0.0321,0.011,0.0153,0.0,0.0,0.0125,0.0113,0.9702,0.5975,0.002,0.0,0.069,0.0417,0.0833,0.032,0.0103,0.0149,0.0,0.0,reg oper account,block of flats,0.0116,Block,No,0.0,0.0,0.0,0.0,-1526.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1258832,211523,Consumer loans,27142.065,195277.5,212355.0,20250.0,195277.5,TUESDAY,14,Y,1,0.0948134859916636,,,XAP,Approved,-995,Cash through the bank,XAP,Other_A,New,Computers,POS,XNA,Regional / Local,1500,Consumer electronics,10.0,high,POS household with interest,365243.0,-964.0,-694.0,-754.0,-751.0,0.0,0,Cash loans,M,Y,Y,0,112500.0,269550.0,23188.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.004849,-8699,-491,-8699.0,-1288,16.0,1,1,0,1,0,0,Laborers,1.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Business Entity Type 2,,0.2785887179144719,,0.1223,0.0891,0.9821,0.7552,0.0264,0.08,0.1607,0.2221,0.2638,0.0977,0.0997,0.0758,0.0,0.0,0.0735,0.0311,0.9811,0.7517,0.0087,0.0,0.1379,0.1667,0.2083,0.0533,0.0643,0.047,0.0,0.0,0.0729,0.0759,0.9821,0.7585,0.0301,0.0,0.1379,0.1667,0.2083,0.1073,0.0599,0.0464,0.0,0.0,reg oper spec account,block of flats,0.1811,Panel,No,0.0,0.0,0.0,0.0,-995.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2748514,211363,Consumer loans,13531.14,101250.0,111276.0,0.0,101250.0,FRIDAY,16,Y,1,0.0,,,XAP,Approved,-1099,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Regional / Local,240,Consumer electronics,12.0,high,POS household with interest,365243.0,-1068.0,-738.0,-738.0,-733.0,0.0,0,Cash loans,M,N,N,0,157500.0,414792.0,15925.5,315000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.04622,-13427,-5005,-7577.0,-4287,,1,1,0,1,0,0,Laborers,1.0,1,1,WEDNESDAY,12,0,0,0,0,1,1,Business Entity Type 2,,0.39947623571971796,0.3031463744186309,0.0186,0.0438,0.9836,0.7756,0.0268,0.0,0.1034,0.0417,0.0833,0.0364,0.0151,0.0169,0.0,0.0061,0.0189,0.0455,0.9836,0.7844,0.027000000000000003,0.0,0.1034,0.0417,0.0833,0.0372,0.0165,0.0176,0.0,0.0065,0.0187,0.0438,0.9836,0.7786,0.0269,0.0,0.1034,0.0417,0.0833,0.037000000000000005,0.0154,0.0172,0.0,0.0063,reg oper spec account,block of flats,0.0146,"Stone, brick",No,2.0,1.0,2.0,1.0,-627.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,7.0 +2179377,298690,Consumer loans,4914.36,52650.0,52650.0,0.0,52650.0,TUESDAY,14,Y,1,0.0,,,XAP,Approved,-463,Cash through the bank,XAP,,Refreshed,Audio/Video,POS,XNA,Regional / Local,200,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-432.0,-102.0,-162.0,-157.0,0.0,0,Cash loans,F,Y,Y,0,67500.0,1264428.0,37098.0,990000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.019101,-11847,-861,-5292.0,-742,8.0,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,12,0,0,0,1,1,1,Self-employed,0.5597015692446371,0.6539140075299193,0.4902575124990026,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-463.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1875328,190357,Consumer loans,16042.995,227367.0,227367.0,0.0,227367.0,WEDNESDAY,12,Y,1,0.0,,,XAP,Approved,-378,XNA,XAP,,New,Jewelry,POS,XNA,Stone,100,Industry,18.0,middle,POS other with interest,365243.0,-345.0,165.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,Y,0,112500.0,315000.0,15750.0,315000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.010032,-18324,-3842,-8541.0,-1859,,1,1,0,1,0,0,Accountants,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Mobile,,0.7390202660624037,0.6263042766749393,0.032,0.0324,0.9757,0.6668,0.013,0.0,0.069,0.125,0.1667,0.0,0.0252,0.0241,0.0039,0.0053,0.0326,0.0336,0.9757,0.6798,0.0131,0.0,0.069,0.125,0.1667,0.0,0.0275,0.0251,0.0039,0.0056,0.0323,0.0324,0.9757,0.6713,0.013,0.0,0.069,0.125,0.1667,0.0,0.0257,0.0246,0.0039,0.0054,reg oper account,block of flats,0.0272,"Stone, brick",No,0.0,0.0,0.0,0.0,-378.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1865517,241958,Consumer loans,4382.28,35550.0,39303.0,0.0,35550.0,THURSDAY,15,Y,1,0.0,,,XAP,Approved,-968,XNA,XAP,Unaccompanied,Repeater,Construction Materials,POS,XNA,Stone,93,Construction,12.0,high,POS household with interest,365243.0,-932.0,-602.0,-662.0,-657.0,0.0,0,Cash loans,M,Y,Y,0,157500.0,904500.0,26446.5,904500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-14791,365243,-8376.0,-4624,17.0,1,0,0,1,1,0,,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,XNA,,0.24786034604174184,0.7151031019926098,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2361.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1285570,228143,Consumer loans,6316.65,25420.5,23683.5,2542.5,25420.5,FRIDAY,12,Y,1,0.10558276658139386,,,XAP,Approved,-1070,XNA,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Regional / Local,145,Consumer electronics,4.0,low_normal,POS household with interest,365243.0,-1039.0,-949.0,-949.0,-942.0,0.0,0,Cash loans,M,Y,Y,0,81000.0,106974.0,11650.5,94500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.010966,-15050,-1497,-8714.0,-4244,19.0,1,1,0,1,0,0,Security staff,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Government,,0.3573824096229961,0.4223696523543468,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2231.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1190750,186611,Consumer loans,8813.025,78885.0,78885.0,0.0,78885.0,MONDAY,10,Y,1,0.0,,,XAP,Approved,-295,Cash through the bank,XAP,Unaccompanied,Refreshed,Construction Materials,POS,XNA,Stone,50,Construction,10.0,low_normal,POS industry with interest,365243.0,-265.0,5.0,-85.0,-79.0,0.0,0,Cash loans,F,N,Y,0,202500.0,1006920.0,42790.5,900000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.01885,-17702,-721,-1685.0,-1239,,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,11,0,0,0,0,1,1,Business Entity Type 3,,0.546608135706949,0.4848514754962666,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-82.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2007297,164002,Cash loans,17951.895,313616.25,356046.75,,313616.25,MONDAY,15,Y,1,,,,XNA,Approved,-1115,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash Street: middle,365243.0,-1085.0,-215.0,-905.0,-899.0,1.0,0,Cash loans,F,N,Y,0,112500.0,808650.0,23773.5,675000.0,Family,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.005084,-19899,-2778,-11095.0,-2800,,1,1,1,1,1,0,,1.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Other,0.7561701599593934,0.6900657386948118,0.33928769990891394,0.0804,0.1117,0.9836,0.7756,0.0,0.24,0.2069,0.1667,0.2083,0.0389,0.0639,0.0801,0.0077,0.0065,0.0819,0.116,0.9836,0.7844,0.0,0.2417,0.2069,0.1667,0.2083,0.0398,0.0698,0.0835,0.0078,0.0069,0.0812,0.1117,0.9836,0.7786,0.0,0.24,0.2069,0.1667,0.2083,0.0396,0.065,0.0816,0.0078,0.0067,reg oper account,block of flats,0.0645,"Stone, brick",No,0.0,0.0,0.0,0.0,-1908.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2839982,242575,Cash loans,31673.16,900000.0,1004544.0,,900000.0,SUNDAY,17,Y,1,,,,Journey,Refused,-412,Cash through the bank,HC,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,48.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,Y,Y,0,225000.0,450000.0,22977.0,450000.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.072508,-17847,-3832,-3672.0,-1387,7.0,1,1,0,1,0,0,,1.0,1,1,SATURDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.6833856099947323,0.4632753280912678,0.2034,0.1036,0.9811,0.7416,0.0556,0.3,0.1379,0.4721,0.0417,0.0,0.165,0.2003,0.0039,0.003,0.2017,0.1025,0.9791,0.7256,0.0,0.3222,0.1379,0.4583,0.0417,0.0,0.1754,0.1982,0.0039,0.0,0.1999,0.1027,0.9791,0.7182,0.0524,0.32,0.1379,0.4583,0.0417,0.0,0.1633,0.1942,0.0039,0.0016,,block of flats,0.1965,Panel,No,0.0,0.0,0.0,0.0,-1539.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +1014963,373972,Cash loans,30418.245,904500.0,1035832.5,,904500.0,SATURDAY,11,Y,1,,,,XNA,Refused,-292,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,283500.0,773680.5,34209.0,679500.0,Unaccompanied,Pensioner,Higher education,Separated,House / apartment,0.00702,-22464,365243,-14226.0,-4282,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,17,0,0,0,0,0,0,XNA,,0.22274399519566765,0.35895122857839673,0.0928,,0.9767,0.6804,,0.0,0.2069,0.1667,,0.0402,0.0756,0.0789,0.0,0.106,0.0945,,0.9767,0.6929,,0.0,0.2069,0.1667,,0.0411,0.0826,0.0822,0.0,0.1122,0.0937,,0.9767,0.6847,,0.0,0.2069,0.1667,,0.0408,0.077,0.0803,0.0,0.1082,reg oper account,block of flats,0.0621,"Stone, brick",No,0.0,0.0,0.0,0.0,-2520.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,7.0 +2046814,346459,Cash loans,11651.085,135000.0,148365.0,,135000.0,SUNDAY,11,Y,1,,,,Repairs,Refused,-198,Cash through the bank,HC,Family,Repeater,XNA,Cash,walk-in,Country-wide,43,Connectivity,18.0,middle,Cash Street: middle,,,,,,,1,Cash loans,F,N,Y,0,202500.0,130824.0,10462.5,103500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.01885,-18354,-3401,-1918.0,-1905,,1,1,0,1,0,0,Low-skill Laborers,1.0,2,2,TUESDAY,14,0,0,0,0,0,0,Other,,0.645818731265154,0.3441550073724169,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1479.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2265999,410937,Cash loans,24577.425,225000.0,239850.0,,225000.0,MONDAY,16,Y,1,,,,XNA,Approved,-240,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-210.0,120.0,-150.0,-143.0,1.0,0,Cash loans,F,N,Y,0,153000.0,239850.0,23494.5,225000.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.008575,-24867,365243,-4270.0,-4793,,1,0,0,1,1,0,,1.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,XNA,,0.6704310784989117,0.633031641417419,0.0862,0.0365,0.9896,0.8436,0.0066,0.0,0.1952,0.1942,0.0417,0.052000000000000005,0.0703,0.0817,0.0013,0.0147,0.0378,0.0379,0.9876,0.8105,0.0049,0.0,0.069,0.2083,0.0417,0.0197,0.0331,0.0332,0.0,0.0,0.0375,0.0365,0.9901,0.8658,0.0051,0.0,0.069,0.2083,0.0417,0.0322,0.0308,0.033,0.0,0.0,reg oper account,block of flats,0.0251,"Stone, brick",No,0.0,0.0,0.0,0.0,-3072.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1496859,446130,Revolving loans,22500.0,0.0,450000.0,,,WEDNESDAY,13,Y,1,,,,XAP,Approved,-609,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,112500.0,117000.0,5584.5,117000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.007273999999999998,-10684,-2149,-2694.0,-2876,,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,15,0,0,0,0,1,1,Business Entity Type 3,,0.3019788081790937,0.6058362647264226,0.0371,0.0288,0.9925,0.898,0.0063,0.0,0.069,0.2083,0.0417,0.0064,0.0303,0.0328,0.0,0.0,0.0378,0.0299,0.9926,0.902,0.0064,0.0,0.069,0.2083,0.0417,0.0065,0.0331,0.0342,0.0,0.0,0.0375,0.0288,0.9925,0.8994,0.0063,0.0,0.069,0.2083,0.0417,0.0065,0.0308,0.0334,0.0,0.0,reg oper account,block of flats,0.0293,"Stone, brick",No,3.0,0.0,3.0,0.0,-2049.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2532422,113816,Consumer loans,10978.875,167463.0,167463.0,0.0,167463.0,TUESDAY,16,Y,1,0.0,,,XAP,Approved,-709,Cash through the bank,XAP,Unaccompanied,New,Homewares,POS,XNA,Stone,100,Construction,18.0,low_normal,POS industry with interest,365243.0,-677.0,-167.0,-167.0,-165.0,0.0,0,Cash loans,F,N,Y,0,189000.0,942300.0,34749.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-17511,-1008,-7531.0,-1042,,1,1,0,1,0,0,,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.1313383766423589,0.7544061731797895,0.1134,0.0518,0.9831,0.7688,0.0056,0.08,0.0345,0.5417,0.5833,0.0644,0.0925,0.1158,0.0,0.0,0.1155,0.0538,0.9831,0.7779,0.0057,0.0806,0.0345,0.5417,0.5833,0.0659,0.101,0.1206,0.0,0.0,0.1145,0.0518,0.9831,0.7719,0.0056,0.08,0.0345,0.5417,0.5833,0.0656,0.0941,0.1178,0.0,0.0,org spec account,block of flats,0.0941,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2332670,253919,Cash loans,36462.69,675000.0,755190.0,,675000.0,TUESDAY,19,Y,1,,,,XNA,Approved,-13,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,202500.0,440784.0,27094.5,360000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.011656999999999999,-15776,-112,-347.0,-4158,,1,1,0,1,0,0,Sales staff,2.0,1,1,MONDAY,14,0,1,1,0,1,1,Business Entity Type 3,0.6511079404923602,0.68953231626321,,0.1113,0.0915,0.9881,,,0.12,0.1034,0.3333,,0.0301,,0.1209,,0.0865,0.1134,0.095,0.9881,,,0.1208,0.1034,0.3333,,0.0308,,0.126,,0.0916,0.1124,0.0915,0.9881,,,0.12,0.1034,0.3333,,0.0306,,0.1231,,0.0883,,block of flats,0.0951,Panel,No,0.0,0.0,0.0,0.0,-1030.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +2829501,376463,Cash loans,43137.0,990000.0,1104997.5,,990000.0,TUESDAY,12,Y,1,,,,XNA,Approved,-977,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-947.0,463.0,-737.0,-733.0,1.0,1,Cash loans,F,Y,Y,1,135000.0,1800000.0,49630.5,1800000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-14745,-1113,-4182.0,-4450,2.0,1,1,1,1,1,0,Sales staff,3.0,2,2,SATURDAY,9,0,0,0,0,0,0,Business Entity Type 1,0.5557397545795789,0.5358087744828114,0.24318648044201235,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1909.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2156501,106005,Cash loans,18599.85,315000.0,349096.5,,315000.0,THURSDAY,17,Y,1,,,,XNA,Refused,-360,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),-1,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,1,135000.0,156384.0,14341.5,135000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.009175,-13287,-325,-7166.0,-4135,,1,1,0,1,0,0,Cleaning staff,3.0,2,2,SUNDAY,15,0,0,0,0,0,0,Medicine,,0.03355180862182045,0.1455428133497032,0.1289,0.1595,0.9856,0.8028,0.0248,0.0,0.2069,0.1667,0.2083,0.0964,0.1051,0.1299,0.0,0.0,0.1313,0.1655,0.9856,0.8105,0.025,0.0,0.2069,0.1667,0.2083,0.0986,0.1148,0.1354,0.0,0.0,0.1301,0.1595,0.9856,0.8054,0.0249,0.0,0.2069,0.1667,0.2083,0.0981,0.1069,0.1323,0.0,0.0,org spec account,block of flats,0.1158,Panel,No,0.0,0.0,0.0,0.0,-306.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,7.0 +1696558,138942,Cash loans,17495.55,270000.0,299223.0,,270000.0,MONDAY,14,Y,1,,,,XNA,Approved,-940,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-910.0,-220.0,-220.0,-213.0,1.0,0,Cash loans,F,N,Y,0,180000.0,288873.0,16713.0,238500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.018634,-22916,365243,-8989.0,-4075,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,XNA,,0.5532922654241134,0.35233997269170386,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-149.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1623763,340582,Cash loans,64853.415,1237500.0,1345311.0,,1237500.0,SATURDAY,11,Y,1,,,,XNA,Approved,-468,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-438.0,612.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,135000.0,1002726.0,29448.0,837000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-16965,-943,-9806.0,-507,,1,1,0,1,0,0,Security staff,2.0,2,2,FRIDAY,16,0,0,0,0,0,0,University,0.6106696781428697,0.1942664499695638,0.36896873825284665,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-527.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2413888,203658,Consumer loans,7460.46,146083.5,162526.5,0.0,146083.5,THURSDAY,15,Y,1,0.0,,,XAP,Approved,-1346,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,7525,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1315.0,-625.0,-1105.0,-1098.0,0.0,0,Cash loans,F,N,Y,0,270000.0,1724220.0,50544.0,1350000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.032561,-11032,-2231,-5077.0,-3511,,1,1,0,1,0,0,High skill tech staff,2.0,1,1,SATURDAY,12,0,0,0,0,0,0,Industry: type 9,0.3517177203437461,0.6782154428277698,,,,0.9776,,,,,,,,,0.1327,,,,,0.9777,,,,,,,,,0.1383,,,,,0.9776,,,,,,,,,0.1351,,,,,0.121,,No,0.0,0.0,0.0,0.0,-1346.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2253416,260169,Consumer loans,5537.61,89280.0,76698.0,22500.0,89280.0,SUNDAY,17,Y,1,0.24702660794114256,,,XAP,Approved,-1282,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Regional / Local,148,Consumer electronics,18.0,middle,POS household with interest,365243.0,-1251.0,-741.0,-771.0,-764.0,0.0,0,Cash loans,F,Y,Y,2,135000.0,906615.0,30091.5,688500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.025164,-14026,-2475,-4424.0,-4729,4.0,1,1,0,1,1,0,,4.0,2,2,MONDAY,7,0,0,0,0,0,0,Business Entity Type 3,0.5265934699579151,0.5643760902210786,0.5370699579791587,0.2665,0.1715,0.9896,0.8572,0.1153,0.28,0.2414,0.3542,0.3958,0.0,0.2156,0.2674,0.0077,0.0047,0.229,0.1625,0.9861,0.8171,0.0876,0.2417,0.2069,0.3333,0.375,0.0,0.1974,0.1226,0.0039,0.0033,0.2691,0.1715,0.9896,0.8591,0.116,0.28,0.2414,0.3542,0.3958,0.0,0.2193,0.2722,0.0078,0.0048,reg oper account,block of flats,0.3287,Panel,No,6.0,0.0,6.0,0.0,-650.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2119103,259532,Consumer loans,7687.98,71505.0,70726.5,7150.5,71505.0,SUNDAY,12,Y,1,0.0999980038452244,,,XAP,Approved,-2314,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Regional / Local,130,Furniture,12.0,high,POS industry with interest,365243.0,-2283.0,-1953.0,-1953.0,-1950.0,1.0,0,Cash loans,F,N,Y,0,112500.0,781920.0,25969.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.00702,-22569,365243,-2736.0,-4021,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,XNA,,0.6352356175782646,0.7380196196295241,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1732079,269588,Cash loans,31031.73,900000.0,1078200.0,,900000.0,SATURDAY,3,Y,1,,,,Building a house or an annex,Refused,-202,Cash through the bank,XNA,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,Y,Y,0,216000.0,254799.0,20259.0,193500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.014464,-12190,-1324,-297.0,-4120,21.0,1,1,0,1,0,0,Drivers,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.3597462472103529,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +1624108,272670,Revolving loans,22500.0,0.0,450000.0,,,SATURDAY,13,Y,1,,,,XAP,Approved,-944,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-939.0,-915.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,1,121500.0,384048.0,14607.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,Rented apartment,0.008865999999999999,-11677,-157,-1913.0,-2590,5.0,1,1,1,1,0,0,Managers,3.0,2,2,FRIDAY,15,0,0,0,1,1,0,Business Entity Type 3,0.3585437111895524,0.3492088064522291,0.4561097392782771,0.0021,,0.9727,,,,,0.0,,,,0.0011,,0.0005,0.0021,,0.9727,,,,,0.0,,,,0.0011,,0.0005,0.0021,,0.9727,,,,,0.0,,,,0.0011,,0.0005,,terraced house,0.001,Wooden,No,2.0,0.0,2.0,0.0,-1204.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1591208,176513,Consumer loans,3964.815,22005.0,19755.0,2250.0,22005.0,THURSDAY,15,Y,1,0.11135898865960213,,,XAP,Approved,-2646,XNA,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,25,Connectivity,6.0,high,POS mobile with interest,365243.0,-2556.0,-2406.0,-2466.0,-2461.0,0.0,0,Cash loans,F,N,N,0,337500.0,729792.0,30919.5,630000.0,Family,State servant,Secondary / secondary special,Married,House / apartment,0.072508,-15271,-5624,-9346.0,-4985,,1,1,0,1,0,1,,2.0,1,1,THURSDAY,10,0,1,1,0,0,0,Medicine,0.6656377987703047,0.7341025568413794,0.7062051096536562,0.0821,0.0677,0.9747,,,0.0,0.1379,0.1667,,0.0147,,0.0671,,0.0007,0.084,0.0626,0.9747,,,0.0,0.1379,0.1667,,0.0149,,0.0688,,0.0,0.0833,0.0699,0.9747,,,0.0,0.1379,0.1667,,0.0149,,0.0688,,0.0,,block of flats,0.0524,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2011864,338770,Consumer loans,5584.185,31410.0,33619.5,0.0,31410.0,MONDAY,10,Y,1,0.0,,,XAP,Approved,-514,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,20,Connectivity,8.0,high,POS mobile with interest,365243.0,-476.0,-266.0,-266.0,-256.0,0.0,0,Cash loans,M,N,N,0,157500.0,485640.0,44671.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.030755,-12503,-653,-5494.0,-1492,,1,1,1,1,1,0,Laborers,1.0,2,2,THURSDAY,9,1,1,0,1,1,0,Industry: type 1,,0.020906524965999488,0.0785361445733672,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,10.0,0.0,9.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1980767,124368,Consumer loans,16620.975,76779.0,80833.5,0.0,76779.0,WEDNESDAY,13,Y,1,0.0,,,XAP,Approved,-267,Cash through the bank,XAP,Other_B,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,22,Connectivity,6.0,high,POS mobile with interest,365243.0,-237.0,-87.0,-87.0,-81.0,1.0,0,Cash loans,F,Y,Y,2,202500.0,1049094.0,37296.0,751500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.020246,-12776,-488,-4391.0,-2229,21.0,1,1,0,1,0,0,Sales staff,3.0,3,3,THURSDAY,8,0,0,0,0,0,0,Business Entity Type 3,0.4664741042616126,0.19576317149907568,0.7981372313187245,0.1113,0.097,0.9866,0.8164,0.0251,0.16,0.1379,0.3333,0.375,0.08800000000000001,0.0908,0.1376,0.0,0.0,0.1134,0.1007,0.9866,0.8236,0.0254,0.1611,0.1379,0.3333,0.375,0.09,0.0992,0.1433,0.0,0.0,0.1124,0.097,0.9866,0.8189,0.0253,0.16,0.1379,0.3333,0.375,0.0896,0.0923,0.14,0.0,0.0,reg oper account,block of flats,0.122,Panel,No,2.0,1.0,2.0,1.0,-527.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2425458,314837,Consumer loans,21421.98,126396.0,119763.0,12640.5,126396.0,SATURDAY,14,Y,1,0.10397499791443306,,,XAP,Approved,-844,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,1500,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-813.0,-663.0,-663.0,-654.0,0.0,0,Cash loans,M,Y,Y,0,270000.0,558706.5,43366.5,495000.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.032561,-16876,-2563,-3842.0,-420,10.0,1,1,0,1,1,0,High skill tech staff,2.0,1,1,WEDNESDAY,13,0,1,1,0,0,0,Business Entity Type 3,,0.6697107538446484,0.5602843280409464,0.1052,0.0718,0.9737,0.6396,0.0106,0.0,0.1724,0.1667,0.2083,0.1199,0.0841,0.0901,0.0077,0.0072,0.1071,0.0745,0.9737,0.6537,0.0106,0.0,0.1724,0.1667,0.2083,0.1226,0.0918,0.0939,0.0078,0.0076,0.1062,0.0718,0.9737,0.6444,0.0106,0.0,0.1724,0.1667,0.2083,0.122,0.0855,0.0917,0.0078,0.0073,reg oper account,block of flats,0.0724,Panel,No,0.0,0.0,0.0,0.0,-1037.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2633903,179823,Consumer loans,,116766.0,116766.0,0.0,116766.0,TUESDAY,11,Y,1,0.0,,,XAP,Refused,-698,Cash through the bank,HC,,Repeater,Mobile,XNA,XNA,Country-wide,40,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,F,Y,Y,0,157500.0,781920.0,37746.0,675000.0,Family,Working,Higher education,Civil marriage,House / apartment,0.031329,-10419,-2661,-1201.0,-3097,65.0,1,1,0,1,0,0,Sales staff,2.0,2,2,SUNDAY,12,0,0,0,0,0,0,Self-employed,0.2109489079160108,0.5069389285240896,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2398.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2689556,395305,Consumer loans,12265.605,65241.0,68688.0,0.0,65241.0,MONDAY,18,Y,1,0.0,,,XAP,Approved,-497,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Country-wide,1073,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-466.0,-316.0,-376.0,-372.0,0.0,0,Cash loans,F,N,Y,0,252000.0,1311066.0,55678.5,1206000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.04622,-23250,-10582,-13411.0,-4399,,1,1,0,1,0,0,High skill tech staff,1.0,1,1,MONDAY,17,0,0,0,0,1,1,Industry: type 1,,0.7277635563214241,0.7610263695502636,0.1485,0.1051,0.9816,0.7484,0.0337,0.16,0.1379,0.3333,0.375,0.0399,0.121,0.1488,0.0,0.0,0.1513,0.109,0.9816,0.7583,0.034,0.1611,0.1379,0.3333,0.375,0.0408,0.1322,0.155,0.0,0.0,0.1499,0.1051,0.9816,0.7518,0.0339,0.16,0.1379,0.3333,0.375,0.0406,0.1231,0.1514,0.0,0.0,reg oper account,block of flats,0.1354,Panel,No,0.0,0.0,0.0,0.0,-497.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2632862,233499,Consumer loans,13759.11,75816.0,75816.0,0.0,75816.0,THURSDAY,18,Y,1,0.0,,,XAP,Approved,-156,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,1300,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-124.0,26.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,202500.0,1002726.0,35523.0,837000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.011656999999999999,-11664,-2762,-8468.0,-3886,5.0,1,1,1,1,0,0,Laborers,2.0,1,1,SATURDAY,10,0,1,1,0,1,1,Business Entity Type 2,,0.6826944094269752,0.1117563710719636,0.1237,0.1233,0.9881,,,0.0,0.2759,0.1667,,,,0.1168,,,0.1261,0.1279,0.9881,,,0.0,0.2759,0.1667,,,,0.1217,,,0.1249,0.1233,0.9881,,,0.0,0.2759,0.1667,,,,0.1189,,,,block of flats,0.0924,Panel,No,0.0,0.0,0.0,0.0,-665.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2728457,265644,Consumer loans,6371.55,57010.5,31495.5,27000.0,57010.5,SATURDAY,17,Y,1,0.5026960115813104,,,XAP,Approved,-2095,XNA,XAP,,New,Mobile,POS,XNA,Country-wide,340,Connectivity,6.0,high,POS mobile with interest,365243.0,-2054.0,-1904.0,-1904.0,-1898.0,0.0,0,Cash loans,M,N,N,0,112500.0,625536.0,26424.0,540000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.011703,-20015,-6982,-12992.0,-3469,,1,1,0,1,0,0,High skill tech staff,2.0,2,2,MONDAY,16,0,0,0,0,0,0,Industry: type 11,0.6741639052900044,0.7116658764196551,0.7091891096653581,0.0577,0.0,0.9737,,,0.0,0.1034,0.1667,,0.0328,,0.0477,,0.0105,0.0588,0.0,0.9737,,,0.0,0.1034,0.1667,,0.0336,,0.0497,,0.0111,0.0583,0.0,0.9737,,,0.0,0.1034,0.1667,,0.0334,,0.0486,,0.0107,,block of flats,0.0426,"Stone, brick",No,0.0,0.0,0.0,0.0,-2095.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +2771531,173043,Cash loans,53174.88,900000.0,952272.0,,900000.0,FRIDAY,7,Y,1,,,,XNA,Refused,-589,XNA,HC,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,432000.0,838453.5,37062.0,688500.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,House / apartment,0.006629,-20789,-7009,-10934.0,-4189,,1,1,0,1,0,0,Managers,1.0,2,2,SATURDAY,8,0,0,0,0,0,0,Government,,0.6593325045422179,0.6528965519806539,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-747.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1856821,316614,Consumer loans,22821.345,506578.5,506578.5,0.0,506578.5,MONDAY,16,Y,1,0.0,,,XAP,Approved,-585,Cash through the bank,XAP,,Repeater,Medical Supplies,POS,XNA,Country-wide,8,Industry,24.0,low_action,POS others without interest,365243.0,-552.0,138.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,315000.0,738171.0,39456.0,684000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.01885,-23686,365243,-1856.0,-4279,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,XNA,0.3695923717090393,0.6996352045065669,0.326475210066026,0.0495,0.0579,0.9707,0.5988,0.0085,0.0,0.069,0.125,0.1667,0.0695,0.0403,0.0538,0.0,0.0,0.0504,0.0601,0.9707,0.6145,0.0085,0.0,0.069,0.125,0.1667,0.0711,0.0441,0.0561,0.0,0.0,0.05,0.0579,0.9707,0.6042,0.0085,0.0,0.069,0.125,0.1667,0.0707,0.041,0.0548,0.0,0.0,,block of flats,0.0423,"Stone, brick",No,6.0,0.0,6.0,0.0,-949.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,4.0,3.0,2.0 +2491713,428664,Consumer loans,7773.075,94653.0,75721.5,18931.5,94653.0,SATURDAY,13,Y,1,0.21782853734646068,,,XAP,Approved,-111,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,17,Connectivity,12.0,middle,POS mobile with interest,365243.0,-81.0,249.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,N,0,112500.0,270126.0,12028.5,193500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008473999999999999,-12714,-2063,-7640.0,-2493,10.0,1,1,0,1,0,0,Core staff,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,Kindergarten,0.662960835918033,0.495601146076385,0.7001838506835805,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +2802981,298239,Cash loans,42964.335,720000.0,769419.0,,720000.0,TUESDAY,16,Y,1,,,,XNA,Approved,-804,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-774.0,-84.0,-594.0,-589.0,1.0,0,Cash loans,M,Y,Y,1,202500.0,791595.0,50719.5,733500.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.031329,-17614,-547,-6669.0,-1173,8.0,1,1,0,1,0,0,,3.0,2,2,MONDAY,8,0,1,1,0,1,1,Business Entity Type 1,0.7812117439807141,0.6770498802195034,0.4066174366275036,0.2825,0.4231,0.9896,0.8572,0.0464,0.0,0.6207,0.1667,0.0,0.336,0.2303,0.2924,0.0,0.0,0.2878,0.4391,0.9896,0.8628,0.0469,0.0,0.6207,0.1667,0.0,0.3437,0.2516,0.3047,0.0,0.0,0.2852,0.4231,0.9896,0.8591,0.0467,0.0,0.6207,0.1667,0.0,0.3418,0.2343,0.2977,0.0,0.0,reg oper account,block of flats,0.2554,"Stone, brick",No,0.0,0.0,0.0,0.0,-1755.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1849858,406617,Revolving loans,29250.0,0.0,585000.0,,,WEDNESDAY,18,Y,1,,,,XAP,Approved,-429,XNA,XAP,,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),6,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,90000.0,315000.0,24867.0,315000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.015221,-10841,-2564,-364.0,-1394,64.0,1,1,0,1,0,0,,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Other,0.13195462453345852,0.7328757090525091,0.4686596550493113,0.3134,0.1104,0.999,0.9864,0.1687,0.32,0.1379,0.6667,0.5417,0.1383,0.2538,0.3059,0.0077,0.0113,0.3193,0.1146,0.999,0.9869,0.1703,0.3222,0.1379,0.6667,0.5417,0.1414,0.2773,0.3187,0.0078,0.012,0.3164,0.1104,0.999,0.9866,0.1698,0.32,0.1379,0.6667,0.5417,0.1407,0.2582,0.3114,0.0078,0.0116,reg oper account,block of flats,0.3353,Panel,No,4.0,0.0,4.0,0.0,-676.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1782266,215969,Consumer loans,9716.67,108675.0,72675.0,36000.0,108675.0,TUESDAY,13,Y,1,0.3607754564276304,,,XAP,Approved,-2165,Cash through the bank,XAP,"Spouse, partner",Repeater,Computers,POS,XNA,Country-wide,4386,Consumer electronics,10.0,high,POS household with interest,,,,,,,0,Cash loans,M,Y,Y,0,225000.0,247500.0,26784.0,247500.0,Unaccompanied,Commercial associate,Incomplete higher,Single / not married,With parents,0.028663,-10425,-823,-4682.0,-3102,7.0,1,1,0,1,0,0,,1.0,2,2,THURSDAY,9,0,0,0,0,1,1,Business Entity Type 3,0.08108674731467183,0.7244846211656918,0.5814837058057234,0.0979,0.0516,0.9876,,,0.16,0.069,0.4583,,,,0.1107,,0.002,0.0998,0.0535,0.9876,,,0.1611,0.069,0.4583,,,,0.1154,,0.0021,0.0989,0.0516,0.9876,,,0.16,0.069,0.4583,,,,0.1127,,0.002,,block of flats,0.1035,Panel,No,0.0,0.0,0.0,0.0,-2165.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2704992,126179,Cash loans,6233.04,90000.0,101880.0,,90000.0,MONDAY,9,Y,1,,,,XNA,Approved,-536,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-506.0,184.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,0,202500.0,1084500.0,46080.0,1084500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-21036,-6234,-12098.0,-3677,20.0,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,7,0,0,0,0,0,0,Business Entity Type 3,,0.3327884273503385,0.6801388218428291,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,10.0,2.0,10.0,2.0,-3072.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2750478,363095,Revolving loans,20250.0,405000.0,405000.0,,405000.0,SATURDAY,11,Y,1,,,,XAP,Refused,-133,XNA,HC,Children,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Revolving loans,M,N,Y,0,135000.0,135000.0,6750.0,135000.0,Children,Pensioner,Secondary / secondary special,Separated,House / apartment,0.007114,-23079,365243,-11880.0,-4195,,1,0,0,1,1,0,,1.0,2,2,SATURDAY,13,0,0,0,0,0,0,XNA,,0.6315237198083812,,0.2227,0.1492,0.9841,0.7824,0.1106,0.24,0.2069,0.3333,0.375,0.1521,0.1816,0.2302,0.0,0.0,0.2269,0.1548,0.9841,0.7909,0.1116,0.2417,0.2069,0.3333,0.375,0.1556,0.1983,0.2399,0.0,0.0,0.2248,0.1492,0.9841,0.7853,0.1113,0.24,0.2069,0.3333,0.375,0.1548,0.1847,0.2344,0.0,0.0,reg oper account,block of flats,0.1811,Panel,No,2.0,1.0,2.0,0.0,-754.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1230821,244662,Cash loans,11439.9,270000.0,270000.0,,270000.0,TUESDAY,6,Y,1,,,,XNA,Approved,-1138,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,36.0,low_normal,Cash X-Sell: low,365243.0,-1108.0,-58.0,-58.0,-48.0,0.0,0,Cash loans,F,N,N,0,90000.0,454500.0,14661.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-19312,-4115,-10078.0,-2815,,1,1,0,1,1,0,Core staff,2.0,2,2,FRIDAY,8,0,0,0,0,0,0,Government,0.8233856909553493,0.5562899483572256,0.1446481462546413,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2426.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1480056,359584,Consumer loans,8056.98,56250.0,40144.5,18000.0,56250.0,SATURDAY,15,Y,1,0.3371537525240798,,,XAP,Approved,-2420,XNA,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,12,Connectivity,6.0,high,POS mobile with interest,365243.0,-2386.0,-2236.0,-2236.0,-2230.0,1.0,0,Cash loans,M,Y,Y,0,292500.0,454500.0,17739.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-15642,-916,-1308.0,-3640,8.0,1,1,1,1,1,0,Drivers,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,Industry: type 9,0.28855639228132035,0.6456386413751065,0.13342925446731707,0.0206,0.055,0.9871,0.8232,0.0031,0.0,0.069,0.0417,0.0833,0.0,0.0168,0.0181,0.0,0.0,0.021,0.0571,0.9871,0.8301,0.0031,0.0,0.069,0.0417,0.0833,0.0,0.0184,0.0188,0.0,0.0,0.0208,0.055,0.9871,0.8256,0.0031,0.0,0.069,0.0417,0.0833,0.0,0.0171,0.0184,0.0,0.0,reg oper account,block of flats,0.0159,Others,No,0.0,0.0,0.0,0.0,-1432.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1099995,172884,Consumer loans,6726.96,42300.0,38070.0,4230.0,42300.0,WEDNESDAY,5,Y,1,0.1089090909090909,,,XAP,Approved,-2703,XNA,XAP,Children,New,Mobile,POS,XNA,Regional / Local,43,Connectivity,7.0,high,POS mobile with interest,365243.0,-2672.0,-2492.0,-2552.0,-2545.0,0.0,0,Cash loans,F,N,N,0,189000.0,814041.0,26257.5,679500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.006629,-16885,-8390,-2557.0,-433,,1,1,0,1,1,0,Core staff,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,School,,0.07586251126654384,0.5226973172821112,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-667.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1442631,291440,Consumer loans,20441.655,164898.0,152892.0,22500.0,164898.0,FRIDAY,17,Y,1,0.1397130168681892,,,XAP,Approved,-2537,Cash through the bank,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Country-wide,1113,Consumer electronics,10.0,high,POS household with interest,365243.0,-2506.0,-2236.0,-2236.0,-2234.0,1.0,0,Cash loans,F,N,Y,0,162000.0,1079050.5,38889.0,931500.0,Family,Working,Higher education,Married,House / apartment,0.030755,-17383,-4692,-4961.0,-909,,1,1,0,1,0,0,Medicine staff,2.0,2,2,MONDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.6112106728423345,0.180887977767074,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2394.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2632191,216585,Consumer loans,11286.0,102600.0,102600.0,0.0,102600.0,TUESDAY,13,Y,1,0.0,,,XAP,Approved,-267,Cash through the bank,XAP,Unaccompanied,Repeater,Construction Materials,POS,XNA,Stone,250,Construction,10.0,low_normal,POS industry with interest,365243.0,-237.0,33.0,-147.0,-143.0,0.0,0,Cash loans,F,Y,Y,0,67500.0,677664.0,22527.0,585000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.020713,-13951,-3223,-2984.0,-2989,26.0,1,1,0,1,0,0,Sales staff,2.0,3,3,WEDNESDAY,12,0,0,0,0,1,1,Industry: type 3,,0.5572990671564706,0.7352209993926424,0.0124,0.031,0.9861,,,,0.069,0.0417,,,,0.0111,,,0.0126,0.0322,0.9861,,,,0.069,0.0417,,,,0.0116,,,0.0125,0.031,0.9861,,,,0.069,0.0417,,,,0.0113,,,,block of flats,0.0121,Panel,No,0.0,0.0,0.0,0.0,-526.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2356252,442764,Consumer loans,13038.84,122310.0,120978.0,12231.0,122310.0,WEDNESDAY,14,Y,1,0.09999828021448176,,,XAP,Approved,-1781,XNA,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,234,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1750.0,-1420.0,-1570.0,-1567.0,0.0,0,Cash loans,F,N,Y,1,193500.0,679500.0,45594.0,679500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.011703,-12721,-1908,-12702.0,-4006,,1,1,0,1,1,0,High skill tech staff,3.0,2,2,SATURDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.7961994333177197,0.7062051096536562,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1781.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2446165,388829,Consumer loans,6900.165,56749.5,56749.5,0.0,56749.5,WEDNESDAY,13,Y,1,0.0,,,XAP,Approved,-724,Cash through the bank,XAP,Unaccompanied,Refreshed,Jewelry,POS,XNA,Stone,15,Industry,12.0,high,POS other with interest,365243.0,-693.0,-363.0,-363.0,-356.0,0.0,0,Cash loans,F,N,Y,0,157500.0,755190.0,30078.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.025164,-13931,-5508,-2032.0,-4271,,1,1,0,1,0,0,Medicine staff,1.0,2,2,SATURDAY,10,0,0,0,0,0,0,Medicine,0.6216739189906825,0.3230825270372717,0.1694287272664794,0.0608,0.0744,0.9796,0.7212,0.0056,0.0,0.1379,0.1667,0.0417,0.0482,0.0488,0.0515,0.0039,0.0032,0.062,0.0772,0.9796,0.7321,0.0057,0.0,0.1379,0.1667,0.0417,0.0493,0.0533,0.0537,0.0039,0.0033,0.0614,0.0744,0.9796,0.7249,0.0057,0.0,0.1379,0.1667,0.0417,0.049,0.0496,0.0524,0.0039,0.0032,reg oper account,block of flats,0.0484,Panel,No,1.0,1.0,1.0,0.0,-2534.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1068871,128556,Consumer loans,30379.275,165150.0,165645.0,16515.0,165150.0,SATURDAY,12,Y,1,0.09873922026590007,,,XAP,Approved,-1116,Cash through the bank,XAP,Other_B,Repeater,Vehicles,POS,XNA,Stone,36,Construction,6.0,middle,POS other with interest,365243.0,-1085.0,-935.0,-935.0,-933.0,0.0,0,Revolving loans,F,N,Y,0,157500.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.00733,-14749,-1039,-1898.0,-1916,,1,1,0,1,0,0,Sales staff,1.0,2,2,TUESDAY,17,0,0,0,0,1,1,Trade: type 7,0.5087044391524159,0.06937919102301772,0.524496446363472,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1615.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1553723,347971,Cash loans,69891.255,675000.0,698166.0,,675000.0,TUESDAY,10,Y,1,,,,XNA,Refused,-1049,Cash through the bank,LIMIT,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,Y,Y,0,337500.0,225000.0,9909.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.026392000000000002,-23649,365243,-808.0,-4519,13.0,1,0,0,1,1,0,,2.0,2,2,MONDAY,11,0,0,0,0,0,0,XNA,,0.6737419262300169,,0.8887,1.0,0.9925,,,0.48,0.4138,0.5833,,0.4554,,0.9523,,0.3915,0.9055,1.0,0.9926,,,0.4834,0.4138,0.5833,,0.4658,,0.9922,,0.4144,0.8973,1.0,0.9925,,,0.48,0.4138,0.5833,,0.4633,,0.9694,,0.3997,,block of flats,0.8341,Monolithic,No,0.0,0.0,0.0,0.0,-1642.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2057947,100726,Consumer loans,5559.3,56205.0,55593.0,5620.5,56205.0,FRIDAY,11,Y,1,0.09999812875502063,,,XAP,Approved,-1249,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Regional / Local,130,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1218.0,-888.0,-888.0,-883.0,0.0,0,Cash loans,M,Y,N,0,202500.0,450000.0,17271.0,450000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.025164,-10231,-747,-487.0,-2917,64.0,1,1,0,1,0,0,Drivers,2.0,2,2,SATURDAY,9,0,0,0,1,1,0,Business Entity Type 3,,0.06254475519016386,0.3139166772114369,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-812.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1765578,124958,Consumer loans,7464.735,38097.0,39982.5,0.0,38097.0,MONDAY,10,Y,1,0.0,,,XAP,Approved,-1131,XNA,XAP,Family,Refreshed,Construction Materials,POS,XNA,Stone,17,Construction,6.0,middle,POS industry with interest,365243.0,-1100.0,-950.0,-950.0,-943.0,0.0,0,Cash loans,M,N,Y,0,90000.0,339241.5,12919.5,238500.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.02461,-22448,365243,-3436.0,-4329,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,13,0,0,0,0,0,0,XNA,,0.6980381960009008,0.7407990879702335,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-2790.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1584724,297249,Consumer loans,8690.985,125730.0,135585.0,12555.0,125730.0,SATURDAY,9,Y,1,0.09230144703413228,,,XAP,Approved,-1617,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,150,Consumer electronics,24.0,middle,POS household with interest,365243.0,-1586.0,-896.0,-1046.0,-1042.0,0.0,0,Cash loans,F,N,Y,0,99000.0,312768.0,13905.0,270000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018029,-23279,365243,-11790.0,-4198,,1,0,0,1,1,0,,2.0,3,3,SATURDAY,6,0,0,0,0,0,0,XNA,,0.5235795015086321,,,,0.9786,,,,0.069,0.1667,,,,0.0293,,,,,0.9786,,,,0.069,0.1667,,,,0.0305,,,,,0.9786,,,,0.069,0.1667,,,,0.0298,,,,,0.034,Panel,No,0.0,0.0,0.0,0.0,-1719.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1853652,388021,Cash loans,30358.305,225000.0,254700.0,,225000.0,THURSDAY,16,Y,1,,,,XNA,Refused,-124,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,Y,N,0,202500.0,364896.0,19795.5,315000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.009656999999999999,-9039,-1014,-8936.0,-1718,1.0,1,1,0,1,1,0,Drivers,1.0,2,2,TUESDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.3101200953147896,0.4598901721333908,0.1940678276718812,0.3722,0.2223,0.9881,0.8368,0.1048,0.4,0.3448,0.3333,0.375,0.2144,0.3026,0.4534,0.0039,0.0022,0.3792,0.2307,0.9881,0.8432,0.1058,0.4028,0.3448,0.3333,0.375,0.2193,0.3306,0.4724,0.0039,0.0024,0.3758,0.2223,0.9881,0.8390000000000001,0.1055,0.4,0.3448,0.3333,0.375,0.2182,0.3078,0.4615,0.0039,0.0023,reg oper account,block of flats,0.4144,Panel,No,1.0,0.0,1.0,0.0,-698.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1695110,238250,Consumer loans,7194.015,35910.0,36904.5,4500.0,35910.0,TUESDAY,12,Y,1,0.11836658070763058,,,XAP,Approved,-1450,Cash through the bank,XAP,Family,New,Clothing and Accessories,POS,XNA,Stone,80,Clothing,6.0,middle,POS industry with interest,365243.0,-1419.0,-1269.0,-1269.0,-1262.0,0.0,0,Cash loans,F,N,Y,0,157500.0,1575000.0,47754.0,1575000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.007120000000000001,-21536,365243,-2878.0,-4758,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,XNA,0.8451232407513305,0.6076400241213843,0.6313545365850379,0.0165,0.0479,0.9309,,,0.0,0.069,0.0417,,,,0.0079,,0.0805,0.0168,0.0497,0.931,,,0.0,0.069,0.0417,,,,0.0083,,0.0852,0.0167,0.0479,0.9309,,,0.0,0.069,0.0417,,,,0.0081,,0.0821,,block of flats,0.0062,Mixed,No,0.0,0.0,0.0,0.0,-1450.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,7.0 +2189965,359997,Consumer loans,7854.975,165330.0,148797.0,16533.0,165330.0,FRIDAY,20,Y,1,0.1089090909090909,,,XAP,Approved,-788,Cash through the bank,XAP,,New,Medical Supplies,POS,XNA,Stone,10,Industry,24.0,low_normal,POS industry with interest,365243.0,-751.0,-61.0,-151.0,-149.0,0.0,0,Cash loans,F,N,Y,0,108000.0,755190.0,30078.0,675000.0,"Spouse, partner",State servant,Higher education,Civil marriage,House / apartment,0.022625,-17063,-6286,-3864.0,-600,,1,1,0,1,0,0,High skill tech staff,2.0,2,2,TUESDAY,17,0,0,0,0,0,0,Other,,0.7176146143667855,0.7713615919194317,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-788.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2102083,154509,Consumer loans,4293.18,44955.0,40459.5,4495.5,44955.0,TUESDAY,13,Y,1,0.1089090909090909,,,XAP,Approved,-218,XNA,XAP,,New,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,middle,POS mobile with interest,365243.0,-175.0,155.0,-55.0,-52.0,0.0,0,Cash loans,F,Y,Y,2,135000.0,314100.0,11961.0,225000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.0105,-11200,-1759,-278.0,-505,7.0,1,1,0,1,1,0,,4.0,3,3,WEDNESDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.40977358549216,0.443379144362696,0.3490552510751822,0.067,,0.9856,,,,0.1379,0.1667,,,,,,,0.0683,,0.9856,,,,0.1379,0.1667,,,,,,,0.0677,,0.9856,,,,0.1379,0.1667,,,,,,,,block of flats,0.0556,"Stone, brick",No,1.0,0.0,1.0,0.0,-379.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1184856,144161,Revolving loans,10125.0,0.0,202500.0,,,TUESDAY,17,Y,1,,,,XAP,Approved,-1078,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,135000.0,1125000.0,37309.5,1125000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.00702,-21847,365243,-8903.0,-4505,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,XNA,0.836939475303577,0.7793339040605974,0.5082869913916046,0.0186,0.0082,0.9871,0.8232,0.0015,0.0,0.1034,0.0417,0.0833,0.0013,0.0151,0.0162,0.0,,0.0189,0.0085,0.9871,0.8301,0.0016,0.0,0.1034,0.0417,0.0833,0.0013,0.0165,0.0169,0.0,,0.0187,0.0082,0.9871,0.8256,0.0016,0.0,0.1034,0.0417,0.0833,0.0013,0.0154,0.0165,0.0,,reg oper account,block of flats,0.0162,"Stone, brick",No,3.0,0.0,2.0,0.0,-1268.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1466155,409226,Cash loans,15786.9,270000.0,270000.0,,270000.0,FRIDAY,9,Y,1,,,,XNA,Approved,-1575,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,24.0,middle,Cash X-Sell: middle,365243.0,-1545.0,-855.0,-1155.0,-1146.0,0.0,0,Cash loans,F,N,N,0,202500.0,1006920.0,51412.5,900000.0,Unaccompanied,State servant,Secondary / secondary special,Married,Municipal apartment,0.04622,-17009,-582,-7743.0,-546,,1,1,1,1,0,0,Cleaning staff,2.0,1,1,MONDAY,14,0,1,1,0,1,1,Government,,0.7636682957688343,,0.0247,0.0,0.9737,0.6396,0.0051,0.0,0.1034,0.125,0.1667,,0.0202,0.0474,0.0,0.0,0.0252,0.0,0.9737,0.6537,0.0052,0.0,0.1034,0.125,0.1667,,0.022,0.0494,0.0,0.0,0.025,0.0,0.9737,0.6444,0.0052,0.0,0.1034,0.125,0.1667,,0.0205,0.0482,0.0,0.0,reg oper account,block of flats,0.0373,"Stone, brick",No,0.0,0.0,0.0,0.0,-2087.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2062944,153186,Consumer loans,4139.1,38241.0,37255.5,3825.0,38241.0,THURSDAY,9,Y,1,0.10140511257829687,,,XAP,Approved,-2840,Cash through the bank,XAP,Other_B,Repeater,Consumer Electronics,POS,XNA,Country-wide,972,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2809.0,-2539.0,-2539.0,-2536.0,1.0,0,Cash loans,F,N,Y,0,90000.0,239850.0,23494.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018801,-24925,365243,-7376.0,-4059,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,8,0,0,0,0,0,0,XNA,,0.1156673413318454,0.4170996682522097,0.0773,0.0685,0.9767,,,0.0,0.1724,0.1667,,,,0.0656,,,0.0788,0.0711,0.9767,,,0.0,0.1724,0.1667,,,,0.0683,,,0.0781,0.0685,0.9767,,,0.0,0.1724,0.1667,,,,0.0667,,,,block of flats,0.0684,Panel,No,0.0,0.0,0.0,0.0,-1440.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1312007,158670,Cash loans,36255.87,697500.0,757345.5,,697500.0,MONDAY,14,Y,1,,,,XNA,Approved,-974,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,low_normal,Cash X-Sell: low,365243.0,-944.0,-74.0,-164.0,-156.0,1.0,0,Cash loans,F,Y,N,1,234000.0,1256400.0,36864.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.01885,-13473,-1295,-4173.0,-5598,5.0,1,1,0,1,0,0,Sales staff,3.0,2,2,TUESDAY,13,0,0,0,0,1,1,Trade: type 7,,0.705438788007433,0.4848514754962666,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,0.0,-1693.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1437635,140721,Cash loans,28439.955,337500.0,365566.5,,337500.0,WEDNESDAY,16,Y,1,,,,XNA,Approved,-1575,Cash through the bank,XAP,Children,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-1545.0,-1035.0,-1212.0,-1207.0,1.0,0,Cash loans,F,N,Y,0,90000.0,824823.0,29223.0,688500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.006207,-23396,365243,-4961.0,-4670,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,XNA,,0.5470037218243258,0.8357765157975799,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-33.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1751433,343450,Cash loans,24494.85,405000.0,539154.0,,405000.0,TUESDAY,14,Y,1,,,,XNA,Approved,-679,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-649.0,401.0,-289.0,-282.0,1.0,0,Cash loans,F,N,Y,0,126000.0,916470.0,26928.0,765000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.031329,-19928,-3239,-9083.0,-3402,,1,1,1,1,0,0,Core staff,1.0,2,2,TUESDAY,15,0,0,0,0,1,1,Hotel,0.7428157799826547,0.488430531030339,0.4866531565147181,,,,,,,,,,,,0.0028,,,,,,,,,,,,,,0.0029,,,,,,,,,,,,,,0.0028,,,,block of flats,0.0025,,Yes,4.0,0.0,4.0,0.0,-1400.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2064231,364246,Cash loans,49081.185,1215000.0,1320849.0,,1215000.0,TUESDAY,16,Y,1,,,,XNA,Approved,-801,Cash through the bank,XAP,Other_B,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_action,Cash X-Sell: low,365243.0,-771.0,279.0,-21.0,-19.0,1.0,0,Cash loans,M,N,N,0,157500.0,1125000.0,33025.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-17796,-3371,-5504.0,-1340,,1,1,0,1,1,0,Sales staff,2.0,2,2,WEDNESDAY,19,0,0,0,0,0,0,Self-employed,,0.7197191422107102,0.43473324875017305,0.0619,0.032,0.9583,0.4288,0.0,0.0,0.1034,0.1667,0.2083,0.0582,0.0504,0.0529,0.0,0.0094,0.063,0.0332,0.9583,0.4512,0.0,0.0,0.1034,0.1667,0.2083,0.0595,0.0551,0.0552,0.0,0.01,0.0625,0.032,0.9583,0.4364,0.0,0.0,0.1034,0.1667,0.2083,0.0592,0.0513,0.0539,0.0,0.0096,reg oper account,block of flats,0.0416,"Stone, brick",No,0.0,0.0,0.0,0.0,-2974.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,2.0 +2830909,126509,Revolving loans,2250.0,0.0,45000.0,,,WEDNESDAY,8,Y,1,,,,XAP,Approved,-986,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-984.0,-941.0,365243.0,-819.0,365243.0,0.0,0,Cash loans,F,N,Y,0,112500.0,281493.0,15399.0,243000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.008575,-10636,-1754,-1007.0,-1043,,1,1,1,1,0,0,Medicine staff,2.0,2,2,TUESDAY,12,0,0,0,1,1,0,Hotel,,0.4687283761689281,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1351.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1415437,266809,Consumer loans,14850.0,135000.0,135000.0,0.0,135000.0,SATURDAY,14,Y,1,0.0,,,XAP,Approved,-459,Cash through the bank,XAP,,Repeater,Clothing and Accessories,POS,XNA,Stone,20,Clothing,10.0,low_normal,POS industry with interest,365243.0,-425.0,-155.0,-155.0,-150.0,0.0,0,Cash loans,F,N,N,0,90000.0,197820.0,13765.5,180000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.006207,-23844,365243,-13973.0,-4130,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,,0.7053479003989452,0.7801436381572275,0.0928,0.0243,0.9806,0.7348,0.0,0.0,0.2069,0.1667,0.2083,0.0,0.0756,0.0613,0.0,0.105,0.0945,0.0252,0.9806,0.7452,0.0,0.0,0.2069,0.1667,0.2083,0.0,0.0826,0.0638,0.0,0.1112,0.0937,0.0243,0.9806,0.7383,0.0,0.0,0.2069,0.1667,0.2083,0.0,0.077,0.0624,0.0,0.1072,reg oper account,block of flats,0.071,Panel,No,2.0,0.0,2.0,0.0,-979.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1435632,129551,Consumer loans,9239.4,98851.5,97771.5,9886.5,98851.5,FRIDAY,15,Y,1,0.10001390767734186,,,XAP,Approved,-1404,Cash through the bank,XAP,Children,New,Audio/Video,POS,XNA,Country-wide,200,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-1373.0,-1043.0,-1043.0,-1038.0,0.0,0,Cash loans,F,N,N,0,157500.0,604152.0,24088.5,540000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.032561,-22257,365243,-348.0,-4092,,1,0,0,1,1,0,,1.0,1,1,TUESDAY,15,0,0,0,0,0,0,XNA,,0.7018226260569135,,0.5742,0.2727,0.9985,0.9864,0.3324,0.5864,0.2528,0.6667,0.7083,0.1998,0.6321,0.6518,0.0,0.0673,0.7899,0.2764,0.999,0.9869,0.3336,0.8056,0.3448,0.6667,0.7083,0.1977,0.6905,0.209,0.0,0.031,0.7828,0.2727,0.999,0.9866,0.3345,0.8,0.3448,0.6667,0.7083,0.2032,0.643,0.8911,0.0,0.0874,reg oper account,block of flats,0.1641,Panel,No,0.0,0.0,0.0,0.0,-1404.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2459253,315033,Consumer loans,7965.855,76437.0,85342.5,0.0,76437.0,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-284,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,3500,Consumer electronics,12.0,low_normal,POS household with interest,,,,,,,1,Cash loans,M,Y,Y,0,90000.0,168147.0,13333.5,153000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.020713,-9066,-2366,-3760.0,-103,5.0,1,1,0,1,0,0,Laborers,1.0,3,2,THURSDAY,12,0,0,0,0,0,0,Industry: type 7,,0.02587832361182585,,0.1052,0.05,0.9752,0.66,0.0289,0.0,0.0345,0.1667,0.2083,0.0349,0.0857,0.031,0.0,0.0,0.1071,0.0519,0.9752,0.6733,0.0292,0.0,0.0345,0.1667,0.2083,0.0357,0.0937,0.0323,0.0,0.0,0.1062,0.05,0.9752,0.6645,0.0291,0.0,0.0345,0.1667,0.2083,0.0355,0.0872,0.0315,0.0,0.0,reg oper account,block of flats,0.0402,Panel,No,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2328518,430879,Consumer loans,5076.9,47223.0,46705.5,4725.0,47223.0,SUNDAY,16,Y,1,0.10005647515490892,,,XAP,Approved,-2451,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,1524,Consumer electronics,12.0,high,POS household with interest,365243.0,-2420.0,-2090.0,-2090.0,-2087.0,1.0,0,Revolving loans,F,Y,N,0,225000.0,1237500.0,61875.0,1237500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019101,-13772,-1638,-530.0,-2484,6.0,1,1,0,1,0,0,Waiters/barmen staff,2.0,2,2,MONDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.568318114661022,0.5513812618027899,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2451.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2273647,193871,Revolving loans,9000.0,0.0,180000.0,,,SUNDAY,12,Y,1,,,,XAP,Approved,-2573,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,-1,Consumer electronics,0.0,XNA,Card Street,-2572.0,-2523.0,365243.0,-1427.0,365243.0,0.0,0,Cash loans,F,N,Y,0,405000.0,1755000.0,66978.0,1755000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-16687,-6753,-9830.0,-236,,1,1,0,1,0,0,Managers,2.0,1,1,THURSDAY,15,0,0,0,0,1,1,Business Entity Type 3,,0.7405651482320181,0.4848514754962666,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1831.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1958636,310921,Cash loans,31212.405,450000.0,610452.0,,450000.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-736,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-706.0,344.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,1,157500.0,879934.5,39892.5,711000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-15388,-568,-99.0,-5075,,1,1,0,1,0,0,,3.0,2,2,THURSDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.4610093057533501,0.6023863442690867,0.3412,0.1807,0.9995,0.9932,1.0,0.32,0.1034,0.75,0.7917,0.1433,0.2723,0.3707,0.027000000000000003,0.1661,0.3477,0.1876,0.9995,0.9935,1.0,0.3222,0.1034,0.75,0.7917,0.1466,0.2975,0.3862,0.0272,0.1758,0.3445,0.1807,0.9995,0.9933,1.0,0.32,0.1034,0.75,0.7917,0.1458,0.277,0.3773,0.0272,0.1695,,block of flats,0.4499,Monolithic,No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,2.0 +2366478,439022,Revolving loans,3375.0,0.0,67500.0,,,SUNDAY,12,Y,1,,,,XAP,Approved,-2409,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-2407.0,-2372.0,365243.0,-1581.0,-264.0,0.0,0,Cash loans,M,N,Y,2,193500.0,376920.0,18261.0,270000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.032561,-15080,-3406,-7689.0,-4533,,1,1,0,1,1,1,Security staff,4.0,1,1,MONDAY,15,0,0,0,0,0,0,Security,0.3703011380534521,0.6186565033467942,0.6894791426446275,0.0,0.0157,0.9707,0.6192,0.0047,0.0,0.0,0.0783,0.12,0.0,0.0,0.0222,0.0,0.0016,0.0,0.0,0.9682,0.5818,0.0,0.0,0.0,0.0417,0.0833,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.9707,0.6109,0.0033,0.0,0.0,0.0833,0.125,0.0,0.0,0.0157,0.0,0.0,not specified,block of flats,0.0178,,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2713811,140112,Consumer loans,11836.62,94365.0,117450.0,0.0,94365.0,SATURDAY,17,Y,1,0.0,,,XAP,Approved,-245,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Regional / Local,178,Consumer electronics,12.0,middle,POS household with interest,365243.0,-214.0,116.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,157500.0,772686.0,30069.0,553500.0,Family,Working,Secondary / secondary special,Single / not married,With parents,0.010006000000000001,-11922,-4765,-10214.0,-3454,64.0,1,1,0,1,0,0,Laborers,1.0,2,1,SATURDAY,13,0,0,0,0,0,0,University,,0.2495683215637817,0.470456116119975,0.2588,0.1894,0.9861,0.8096,0.0732,0.28,0.2414,0.3333,0.375,0.1488,0.2093,0.3092,0.0077,0.0106,0.2637,0.1966,0.9861,0.8171,0.0739,0.282,0.2414,0.3333,0.375,0.1522,0.2287,0.3222,0.0078,0.0112,0.2613,0.1894,0.9861,0.8121,0.0736,0.28,0.2414,0.3333,0.375,0.1514,0.2129,0.3148,0.0078,0.0108,reg oper account,block of flats,0.2886,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,0.0 +1086506,347169,Cash loans,11821.635,216000.0,258768.0,,216000.0,TUESDAY,11,Y,1,,,,XNA,Approved,-1449,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-1419.0,-369.0,-849.0,-842.0,1.0,0,Cash loans,F,N,N,1,225000.0,1113840.0,49194.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-17709,-1265,-9720.0,-1249,,1,1,0,1,0,0,,3.0,2,2,TUESDAY,16,0,0,0,0,0,1,Kindergarten,,0.6004014706656942,0.6023863442690867,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,0.0,0.0,-871.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2101917,113504,Consumer loans,3839.535,42030.585,37831.5,4199.085,42030.585,SUNDAY,11,Y,1,0.1088061301073968,0.14244021307945146,0.6379492600422833,XAP,Approved,-544,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,33,Connectivity,12.0,middle,POS mobile with interest,365243.0,-508.0,-178.0,-508.0,-502.0,0.0,0,Cash loans,F,N,Y,1,225000.0,1170000.0,32305.5,1170000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-13914,-4789,-12533.0,-1156,,1,1,0,1,0,0,Medicine staff,3.0,2,2,FRIDAY,13,0,0,0,0,0,0,Medicine,0.6375774373662392,0.5189410753437774,0.5585066276769286,0.6619,0.2367,0.9811,0.7416,,0.48,0.2069,0.4583,0.5,0.4251,,0.5401,,0.0029,0.6744,0.2457,0.9811,0.7517,,0.4834,0.2069,0.4583,0.5,0.4348,,0.5627,,0.0031,0.6683,0.2367,0.9811,0.7451,,0.48,0.2069,0.4583,0.5,0.4325,,0.5498,,0.003,reg oper account,block of flats,0.4959,Panel,No,0.0,0.0,0.0,0.0,-544.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2149258,250881,Cash loans,54756.495,1012500.0,1086007.5,,1012500.0,MONDAY,11,Y,1,,,,XNA,Approved,-1291,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),6,XNA,30.0,middle,Cash X-Sell: middle,365243.0,-1261.0,-391.0,-1051.0,-1047.0,1.0,0,Cash loans,M,N,Y,0,261000.0,550980.0,43659.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.006629,-21593,-684,-1056.0,-3137,,1,1,0,1,0,0,Drivers,2.0,2,2,THURSDAY,4,0,0,0,0,0,0,Business Entity Type 3,,0.7239867424949784,0.30162489168411943,0.0735,0.0,0.9801,0.7552,0.0,0.0,0.1034,0.0971,0.0,0.0176,0.06,0.0432,0.0,0.0,0.0672,0.0,0.9777,0.7387,0.0,0.0,0.069,0.0417,0.0,0.01,0.0588,0.0105,0.0,0.0,0.0729,0.0,0.9791,0.7585,0.0,0.0,0.1034,0.0833,0.0,0.0197,0.0599,0.0413,0.0,0.0,reg oper account,block of flats,0.0534,Wooden,No,1.0,1.0,1.0,0.0,-2037.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +1715629,376663,Consumer loans,14137.155,103455.0,75519.0,31500.0,103455.0,WEDNESDAY,12,Y,1,0.3205632984457305,,,XAP,Approved,-1793,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Stone,70,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1760.0,-1610.0,-1610.0,-1607.0,0.0,0,Revolving loans,M,Y,Y,0,180000.0,270000.0,13500.0,270000.0,Family,Working,Higher education,Married,House / apartment,0.031329,-21013,-3137,-8038.0,-3915,64.0,1,1,0,1,1,0,,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Industry: type 7,,0.6897148596840477,0.7490217048463391,0.0619,0.133,0.9702,0.5920000000000001,0.0115,0.0,0.2069,0.125,0.1667,0.0677,0.0504,0.0688,0.0,0.0202,0.063,0.138,0.9702,0.608,0.0116,0.0,0.2069,0.125,0.1667,0.0692,0.0551,0.0716,0.0,0.0214,0.0625,0.133,0.9702,0.5975,0.0116,0.0,0.2069,0.125,0.1667,0.0689,0.0513,0.07,0.0,0.0206,reg oper account,block of flats,0.0702,Others,No,0.0,0.0,0.0,0.0,-1793.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2702737,289242,Cash loans,34250.535,454500.0,508495.5,,454500.0,WEDNESDAY,8,Y,1,,,,XNA,Approved,-41,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,N,Y,0,90000.0,277969.5,17136.0,229500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-16126,-8183,-8273.0,-4275,,1,1,0,1,0,0,Laborers,2.0,3,3,TUESDAY,8,0,0,0,0,0,0,Business Entity Type 2,0.5660848443252424,0.2887591961029972,0.6817058776720116,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1613.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +2640464,182093,Consumer loans,4305.735,25600.5,24367.5,2565.0,25600.5,TUESDAY,16,Y,1,0.10372294372294373,,,XAP,Refused,-2670,Cash through the bank,SCO,Children,Repeater,XNA,POS,XNA,Country-wide,39,Connectivity,7.0,low_normal,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,0,157500.0,152820.0,8901.0,135000.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-21408,365243,-10948.0,-4755,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,XNA,,0.7387840121479712,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,1.0,7.0,1.0,-1558.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2727561,308238,Consumer loans,6051.555,74947.5,59958.0,14989.5,74947.5,SATURDAY,13,Y,1,0.2178181818181818,,,XAP,Approved,-335,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,60,Connectivity,12.0,middle,POS mobile with interest,365243.0,-305.0,25.0,-215.0,-208.0,0.0,0,Cash loans,F,N,N,2,157500.0,254700.0,15295.5,225000.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.018029,-14429,-4657,-2562.0,-4881,,1,1,0,1,0,0,Core staff,3.0,3,3,THURSDAY,11,0,0,0,0,0,0,Self-employed,0.5071159359568362,0.44046146947572384,0.3233112448967859,,,0.9811,,,,,,,,,0.0864,,,,,0.9811,,,,,,,,,0.0901,,,,,0.9811,,,,,,,,,0.08800000000000001,,,,,0.0929,,No,0.0,0.0,0.0,0.0,-2029.0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1274871,353755,Consumer loans,5391.09,44091.0,42957.0,4410.0,44091.0,THURSDAY,11,Y,1,0.10139740555853036,,,XAP,Approved,-1730,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,600,Consumer electronics,10.0,high,POS household with interest,365243.0,-1699.0,-1429.0,-1429.0,-1426.0,0.0,0,Cash loans,F,N,Y,0,252000.0,545040.0,19705.5,450000.0,Family,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.072508,-20139,-2868,-1977.0,-3082,,1,1,0,1,0,0,Medicine staff,1.0,1,1,FRIDAY,15,0,0,0,0,0,0,Government,,0.7557326638063618,0.4902575124990026,0.6825,0.3358,0.9965,0.9524,0.3872,0.96,0.4138,0.6667,0.4583,0.0661,0.5245,0.6926,0.1467,0.16699999999999998,0.6954,0.3485,0.9965,0.9543,0.3907,0.9667,0.4138,0.6667,0.4583,0.0677,0.573,0.7216,0.1479,0.1768,0.6891,0.3358,0.9965,0.953,0.3896,0.96,0.4138,0.6667,0.4583,0.0673,0.5336,0.705,0.1475,0.1705,reg oper account,block of flats,0.581,Panel,No,0.0,0.0,0.0,0.0,-1515.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1624334,132037,Cash loans,46273.995,832500.0,905026.5,,832500.0,THURSDAY,13,Y,1,,,,XNA,Approved,-393,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-363.0,687.0,-63.0,-61.0,1.0,0,Cash loans,F,Y,Y,0,225000.0,2013840.0,55507.5,1800000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.030755,-17205,-95,-284.0,-738,8.0,1,1,0,1,0,0,,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,School,,0.5876931996809948,0.18411615593071512,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1734093,414954,Cash loans,,0.0,0.0,,,THURSDAY,16,Y,1,,,,XNA,Refused,-250,XNA,HC,,New,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,112500.0,58500.0,3969.0,58500.0,Unaccompanied,Commercial associate,Incomplete higher,Single / not married,With parents,0.014519999999999996,-10508,-568,-4515.0,-2642,,1,1,0,1,0,0,Sales staff,1.0,2,2,TUESDAY,7,0,0,0,0,1,1,Business Entity Type 3,,0.37346520633316,0.2910973802776635,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-756.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2309973,213197,Consumer loans,12746.925,135630.0,134959.5,13563.0,135630.0,MONDAY,18,Y,1,0.09945523405544612,,,XAP,Approved,-330,Cash through the bank,XAP,Unaccompanied,Refreshed,Computers,POS,XNA,Stone,30,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-298.0,32.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,1,157500.0,675000.0,17937.0,675000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.035792000000000004,-10367,-620,-707.0,-3037,,1,1,0,1,0,0,,3.0,2,2,SATURDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.4764827749344055,0.5699697165898792,0.4614823912998385,0.0928,0.1017,0.9771,0.6872,0.0369,0.0,0.2069,0.1667,0.0417,0.0705,0.0756,0.09,0.0,0.0,0.0945,0.1056,0.9772,0.6994,0.0373,0.0,0.2069,0.1667,0.0417,0.0721,0.0826,0.0937,0.0,0.0,0.0937,0.1017,0.9771,0.6914,0.0372,0.0,0.2069,0.1667,0.0417,0.0717,0.077,0.0916,0.0,0.0,reg oper account,block of flats,0.0909,Panel,No,9.0,0.0,9.0,0.0,-330.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1901459,300557,Consumer loans,5804.64,78745.5,101614.5,0.0,78745.5,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-21,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,112,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,365243.0,700.0,365243.0,365243.0,0.0,1,Cash loans,F,Y,Y,0,225000.0,467257.5,16911.0,328500.0,Unaccompanied,Working,Higher education,Separated,With parents,0.030755,-15153,-8120,-4271.0,-4347,21.0,1,1,0,1,0,0,Managers,1.0,2,2,SATURDAY,13,0,0,0,0,0,0,School,0.08102090700761504,0.5183733099015648,0.0005272652387098817,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2215.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2759665,316803,Consumer loans,10228.455,94500.0,92065.5,9450.0,94500.0,THURSDAY,12,Y,1,0.10138263704467876,,,XAP,Approved,-1622,Cash through the bank,XAP,Unaccompanied,Refreshed,Consumer Electronics,POS,XNA,Stone,111,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1590.0,-1320.0,-1320.0,-1311.0,0.0,0,Cash loans,F,N,N,1,180000.0,522000.0,21942.0,522000.0,Unaccompanied,State servant,Secondary / secondary special,Civil marriage,House / apartment,0.019101,-15532,-8939,-4282.0,-4864,,1,1,0,1,1,0,Sales staff,3.0,2,2,TUESDAY,9,0,0,0,0,0,0,Agriculture,,0.4864746174271789,0.7557400501752248,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-438.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2384045,282470,Consumer loans,4125.78,37512.0,37102.5,3753.0,37512.0,WEDNESDAY,18,Y,1,0.10004425797795108,,,XAP,Approved,-2282,Cash through the bank,XAP,Group of people,Repeater,Mobile,POS,XNA,Country-wide,57,Connectivity,12.0,high,POS mobile with interest,365243.0,-2251.0,-1921.0,-1921.0,-1907.0,1.0,0,Revolving loans,F,N,Y,0,112500.0,270000.0,13500.0,270000.0,Children,Working,Lower secondary,Married,House / apartment,0.028663,-14047,-4061,-208.0,-244,,1,1,0,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Self-employed,0.5052356189880329,0.551864965647536,0.12769879437277135,0.1031,0.0022,0.9821,,,0.0,0.2069,0.1667,,0.0199,,0.0898,,0.0,0.105,0.0023,0.9821,,,0.0,0.2069,0.1667,,0.0203,,0.0936,,0.0,0.1041,0.0022,0.9821,,,0.0,0.2069,0.1667,,0.0202,,0.0915,,0.0,,block of flats,0.0777,"Stone, brick",No,0.0,0.0,0.0,0.0,-177.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2257030,180133,Consumer loans,17519.13,148500.0,159120.0,0.0,148500.0,MONDAY,9,Y,1,0.0,,,XAP,Approved,-808,XNA,XAP,Unaccompanied,Refreshed,Furniture,POS,XNA,Stone,10,Furniture,10.0,low_normal,POS industry with interest,365243.0,-767.0,-497.0,-677.0,-668.0,0.0,0,Cash loans,F,N,Y,0,153000.0,450000.0,17095.5,450000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.028663,-23631,365243,-10563.0,-4431,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,17,0,0,0,0,0,0,XNA,,0.2911452970755309,0.4830501881366946,0.0247,0.0422,0.9856,0.8028,0.003,0.0,0.069,0.0833,0.125,0.0526,0.0202,0.0269,0.0,0.0,0.0252,0.0438,0.9856,0.8105,0.003,0.0,0.069,0.0833,0.125,0.0537,0.022,0.028,0.0,0.0,0.025,0.0422,0.9856,0.8054,0.003,0.0,0.069,0.0833,0.125,0.0535,0.0205,0.0274,0.0,0.0,reg oper account,block of flats,0.0228,"Stone, brick",No,0.0,0.0,0.0,0.0,-2634.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,2.0 +2551649,200166,Cash loans,,0.0,0.0,,,MONDAY,17,Y,1,,,,XNA,Refused,-351,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,90000.0,589500.0,25105.5,589500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-16515,-4772,-1239.0,-61,,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,Business Entity Type 2,,0.5623589353360582,0.5352762504724826,0.099,,0.9816,,,0.0,,0.1667,,,,0.0882,,,0.1008,,0.9816,,,0.0,,0.1667,,,,0.0918,,,0.0999,,0.9816,,,0.0,,0.1667,,,,0.0897,,,,block of flats,0.0721,"Stone, brick",No,0.0,0.0,0.0,0.0,-1245.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1048676,165395,Consumer loans,,85500.0,85500.0,0.0,85500.0,SATURDAY,11,Y,1,0.0,,,XAP,Refused,-1661,Cash through the bank,LIMIT,Family,Repeater,Mobile,XNA,XNA,Country-wide,71,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,F,Y,N,0,112500.0,148500.0,10687.5,148500.0,Unaccompanied,State servant,Secondary / secondary special,Married,Municipal apartment,0.028663,-18273,-6767,-10387.0,-1792,7.0,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Industry: type 9,0.4409074877654813,0.6572567100745418,0.4507472818545589,0.0794,0.0967,0.9786,0.7076,0.0411,0.0,0.1724,0.1667,0.2083,0.0,0.0639,0.0691,0.0039,0.0304,0.063,0.0645,0.9777,0.706,0.0269,0.0,0.1379,0.1667,0.2083,0.0,0.0551,0.0547,0.0,0.0,0.0802,0.0967,0.9786,0.7115,0.0414,0.0,0.1724,0.1667,0.2083,0.0,0.065,0.0703,0.0039,0.031,reg oper account,block of flats,0.0559,"Stone, brick",No,0.0,0.0,0.0,0.0,-1661.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,2.0 +2187096,124032,Cash loans,28462.995,225000.0,239850.0,,225000.0,FRIDAY,8,Y,1,,,,XNA,Refused,-934,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,M,N,Y,0,225000.0,521568.0,19791.0,360000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.020713,-12540,-1897,-6485.0,-4402,,1,1,0,1,0,1,Laborers,2.0,3,2,MONDAY,7,0,0,0,0,0,0,Business Entity Type 3,0.5377287185671344,0.5351723704327171,,0.0691,0.0011,0.9752,0.66,0.0028,0.0,0.1379,0.1667,0.2083,0.0481,0.0538,0.0511,0.0116,0.0482,0.0704,0.0011,0.9752,0.6733,0.0028,0.0,0.1379,0.1667,0.2083,0.0492,0.0588,0.0533,0.0117,0.051,0.0697,0.0011,0.9752,0.6645,0.0028,0.0,0.1379,0.1667,0.2083,0.049,0.0547,0.052000000000000005,0.0116,0.0492,reg oper account,block of flats,0.0522,"Stone, brick",No,0.0,0.0,0.0,0.0,-1020.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1236540,326890,Consumer loans,4371.795,17055.0,15345.0,1710.0,17055.0,THURSDAY,14,Y,1,0.10919644998800676,,,XAP,Approved,-2872,XNA,XAP,,New,Mobile,POS,XNA,Stone,14,Connectivity,4.0,high,POS mobile with interest,365243.0,-2827.0,-2737.0,-2737.0,-2617.0,0.0,0,Cash loans,M,Y,N,0,112500.0,675000.0,26901.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018209,-18037,-733,-6084.0,-1589,11.0,1,1,0,1,0,0,,2.0,3,3,SATURDAY,12,0,0,0,0,0,0,Business Entity Type 2,,0.12656394768279652,0.6610235391308081,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2872.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2126518,443309,Revolving loans,6750.0,135000.0,135000.0,,135000.0,WEDNESDAY,12,Y,1,,,,XAP,Approved,-373,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,-314.0,0.0,0,Cash loans,F,N,Y,0,54000.0,49752.0,5224.5,45000.0,Unaccompanied,Pensioner,Lower secondary,Married,House / apartment,0.00702,-22276,365243,-13452.0,-4977,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,XNA,,0.4693546588518068,0.6894791426446275,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-482.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2169726,178224,Cash loans,,0.0,0.0,,,WEDNESDAY,10,Y,1,,,,XNA,Refused,-159,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,1,Cash loans,F,N,Y,0,90000.0,670500.0,19102.5,670500.0,Unaccompanied,Pensioner,Higher education,Widow,House / apartment,0.008625,-22898,365243,-4947.0,-4762,,1,0,0,1,0,0,,1.0,2,2,MONDAY,13,0,0,0,0,0,0,XNA,,0.6771741846212842,,0.1113,,0.9921,,,0.08,0.069,0.375,,,,0.1226,,0.0,0.1134,,0.9921,,,0.0806,0.069,0.375,,,,0.1277,,0.0,0.1124,,0.9921,,,0.08,0.069,0.375,,,,0.1248,,0.0,,block of flats,0.0964,Panel,No,0.0,0.0,0.0,0.0,-1694.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1182441,425568,Consumer loans,47111.535,247041.0,255195.0,0.0,247041.0,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-816,XNA,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,1000,Consumer electronics,6.0,middle,POS household with interest,365243.0,-785.0,-635.0,-695.0,-689.0,0.0,0,Cash loans,F,Y,N,2,238500.0,354469.5,15147.0,306000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010032,-11583,-4221,-1970.0,-3341,3.0,1,1,0,1,0,0,,4.0,2,2,THURSDAY,3,0,0,0,0,1,1,Police,0.6464208282235644,0.5167298034926385,0.6397075677637197,0.0928,0.0951,0.9796,0.7212,0.0719,0.0,0.2069,0.1667,0.2083,0.019,0.0756,0.0601,0.0,0.0751,0.0945,0.0987,0.9796,0.7321,0.0725,0.0,0.2069,0.1667,0.2083,0.0194,0.0826,0.0626,0.0,0.0795,0.0937,0.0951,0.9796,0.7249,0.0723,0.0,0.2069,0.1667,0.2083,0.0193,0.077,0.0612,0.0,0.0766,not specified,block of flats,0.0866,Panel,No,0.0,0.0,0.0,0.0,-1131.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1177209,161923,Consumer loans,3143.475,14670.0,15831.0,0.0,14670.0,SATURDAY,10,Y,1,0.0,,,XAP,Approved,-83,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Regional / Local,100,Consumer electronics,6.0,middle,POS mobile with interest,365243.0,-53.0,97.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,0,90000.0,112500.0,11254.5,112500.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.015221,-12840,-1524,-6937.0,-3993,,1,1,0,1,0,1,IT staff,1.0,2,2,FRIDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.5861659186704578,0.6804258042433559,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1075.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +1233696,367019,Consumer loans,5294.115,46251.0,45639.0,4725.0,46251.0,MONDAY,13,Y,1,0.10217525505231004,,,XAP,Approved,-1998,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,980,Consumer electronics,12.0,high,POS household with interest,365243.0,-1967.0,-1637.0,-1697.0,-1691.0,0.0,0,Cash loans,F,N,N,0,112500.0,239850.0,25960.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-10239,-712,-4847.0,-2915,,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,Industry: type 9,0.4338620725070073,0.5886837059456408,0.5531646987710016,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-237.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2783781,108443,Consumer loans,4321.8,28183.5,15169.5,13500.0,28183.5,WEDNESDAY,12,Y,1,0.5128351479002868,,,XAP,Approved,-2638,Cash through the bank,XAP,Children,New,Mobile,POS,XNA,Stone,68,Consumer electronics,4.0,high,POS household with interest,365243.0,-2598.0,-2508.0,-2508.0,-2501.0,1.0,0,Cash loans,F,Y,Y,1,157500.0,675000.0,22437.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-13582,-912,-7484.0,-1347,6.0,1,1,0,1,0,0,Sales staff,3.0,2,2,TUESDAY,9,0,0,0,0,1,1,Self-employed,0.2933431912792759,0.6386186647813753,0.25533177083329,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-85.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2565063,359282,Consumer loans,4779.09,92646.0,103072.5,0.0,92646.0,MONDAY,13,Y,1,0.0,,,XAP,Approved,-1716,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,3102,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1685.0,-995.0,-1295.0,-1290.0,0.0,0,Cash loans,M,N,Y,0,238500.0,135000.0,14175.0,135000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.028663,-15507,-4048,-9538.0,-4227,,1,1,0,1,1,0,IT staff,1.0,2,2,TUESDAY,11,0,0,0,0,0,0,Business Entity Type 1,,0.6941709546286029,,0.0794,0.0396,0.9747,0.6532,0.0,0.0,0.1379,0.1667,0.2083,0.0357,0.0647,0.0628,0.0,0.0619,0.0767,0.0,0.9742,0.6602,0.0,0.0,0.1379,0.1667,0.2083,0.0172,0.067,0.0578,0.0,0.0261,0.0802,0.0396,0.9747,0.6578,0.0,0.0,0.1379,0.1667,0.2083,0.0363,0.0658,0.0639,0.0,0.0632,reg oper account,block of flats,0.0532,"Stone, brick",No,1.0,0.0,1.0,0.0,-1716.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1012184,183972,Consumer loans,6429.465,24277.5,22567.5,2430.0,24277.5,SATURDAY,17,Y,1,0.10587022338597496,,,XAP,Approved,-2649,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,4.0,high,POS mobile with interest,365243.0,-2618.0,-2528.0,-2528.0,-2522.0,1.0,0,Cash loans,M,N,Y,1,72000.0,157500.0,8550.0,157500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.010966,-11973,-852,-5943.0,-3119,,1,1,0,1,0,0,Laborers,3.0,2,2,TUESDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.16099330458484404,0.6540179263066405,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1072.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1624168,422803,Revolving loans,13500.0,270000.0,270000.0,,270000.0,MONDAY,13,Y,1,,,,XAP,Approved,-82,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,-16.0,0.0,0,Revolving loans,F,N,N,0,202500.0,585000.0,29250.0,585000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.016612000000000002,-21720,365243,-13344.0,-4748,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,XNA,,0.4480522331687967,0.1654074596555436,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1236.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +2723823,433513,Cash loans,9564.705,270000.0,343062.0,,270000.0,WEDNESDAY,10,Y,1,,,,XNA,Refused,-208,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Revolving loans,F,N,Y,0,202500.0,202500.0,10125.0,202500.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.01885,-21973,365243,-10225.0,-1354,,1,0,0,1,0,0,,1.0,2,2,MONDAY,9,0,0,0,0,0,0,XNA,0.708561677576374,0.6274895446488435,0.6263042766749393,0.2165,0.0253,0.9861,0.8096,0.0465,0.28,0.2414,0.3333,0.375,0.1832,,0.2308,,0.355,0.2206,0.0263,0.9861,0.8171,0.0469,0.282,0.2414,0.3333,0.375,0.1874,,0.2405,,0.3758,0.2186,0.0253,0.9861,0.8121,0.0468,0.28,0.2414,0.3333,0.375,0.1864,,0.235,,0.3624,reg oper account,block of flats,0.2841,"Stone, brick",No,0.0,0.0,0.0,0.0,-1149.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2369071,424560,Consumer loans,3649.095,19300.5,17896.5,2250.0,19300.5,TUESDAY,16,Y,1,0.12163177452433648,,,XAP,Approved,-1903,Cashless from the account of the employer,XAP,,Repeater,Mobile,POS,XNA,Country-wide,22,Connectivity,6.0,high,POS mobile with interest,365243.0,-1857.0,-1707.0,-1767.0,-1765.0,0.0,0,Cash loans,F,N,Y,0,117000.0,317979.0,17379.0,274500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.007273999999999998,-12945,-3421,-966.0,-2826,,1,1,0,1,0,0,Core staff,2.0,2,2,MONDAY,15,0,0,0,1,1,0,Trade: type 3,0.7407450786942512,0.5576659026547869,0.5046813193144684,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,1.0,-1903.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,1.0,0.0,0.0,0.0,1.0 +1421446,315678,Cash loans,14182.38,270000.0,313839.0,,270000.0,THURSDAY,16,Y,1,,,,XNA,Approved,-712,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-682.0,368.0,-322.0,-317.0,1.0,0,Cash loans,F,N,N,0,180000.0,780363.0,30946.5,697500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00963,-15188,-786,-6875.0,-372,,1,1,0,1,0,0,High skill tech staff,2.0,2,2,TUESDAY,15,0,1,1,0,1,1,Security,,0.4447179560640765,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1401.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1618471,164732,Cash loans,27156.735,225000.0,254700.0,,225000.0,WEDNESDAY,16,Y,1,,,,XNA,Approved,-245,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-215.0,115.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,0,157500.0,521280.0,31630.5,450000.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.00702,-10735,-1344,-7852.0,-494,8.0,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,19,0,0,0,0,0,0,Business Entity Type 3,0.6371790423079643,0.4033697215319233,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-732.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1782973,286601,Consumer loans,6732.81,40936.5,34690.5,8190.0,40936.5,TUESDAY,9,Y,1,0.2080119062383728,,,XAP,Approved,-142,Cash through the bank,XAP,Unaccompanied,Repeater,Jewelry,POS,XNA,Country-wide,40,XNA,6.0,middle,POS industry with interest,365243.0,-112.0,38.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,0,247500.0,106974.0,10710.0,94500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.030755,-13891,-469,-3758.0,-4704,8.0,1,1,0,1,0,0,Drivers,2.0,2,2,THURSDAY,10,0,0,0,1,1,1,Business Entity Type 3,,0.4380269228752889,0.3859146722745145,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1721160,316140,Consumer loans,10414.305,112873.5,101583.0,11290.5,112873.5,TUESDAY,13,Y,1,0.10893948454766536,,,XAP,Approved,-710,Cash through the bank,XAP,,Repeater,Construction Materials,POS,XNA,Stone,18,Construction,12.0,middle,POS industry with interest,365243.0,-679.0,-349.0,-529.0,-516.0,0.0,0,Cash loans,F,N,N,0,157500.0,405000.0,20808.0,405000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.0105,-17271,-4904,-6418.0,-717,,1,1,0,1,1,0,Core staff,1.0,3,3,THURSDAY,19,0,0,0,0,0,0,School,,0.4952184956555985,0.2405414172860865,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1781.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2031147,150814,Consumer loans,5259.96,52608.15,47344.5,5263.65,52608.15,MONDAY,13,Y,1,0.10896778091676597,,,XAP,Approved,-2395,Cash through the bank,XAP,Children,Repeater,Consumer Electronics,POS,XNA,Stone,202,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2357.0,-2087.0,-2087.0,-2081.0,0.0,0,Cash loans,F,N,N,0,90000.0,675000.0,19867.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.007120000000000001,-14517,-7376,-3501.0,-4985,,1,1,1,1,1,0,Laborers,2.0,2,2,MONDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.4278535111816342,0.6045179833680967,0.7700870700124128,,,0.9737,,,,,,,,,0.0131,,,,,0.9737,,,,,,,,,0.0136,,,,,0.9737,,,,,,,,,0.0133,,,,,0.0103,,No,5.0,0.0,5.0,0.0,-1757.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2832171,203325,Consumer loans,9621.27,61119.0,51313.5,12226.5,61119.0,MONDAY,15,Y,1,0.20956515580736548,,,XAP,Approved,-2439,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Stone,294,Consumer electronics,6.0,middle,POS household without interest,365243.0,-2408.0,-2258.0,-2258.0,-2251.0,1.0,0,Cash loans,F,N,Y,1,270000.0,808650.0,26086.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.010556,-13366,-3436,-41.0,-4039,,1,1,0,1,1,0,Medicine staff,3.0,3,3,THURSDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.3541947193664265,0.25259869783397665,0.1113,0.0807,0.9841,,,0.12,0.1034,0.3333,,0.1043,,0.1122,,0.0029,0.1134,0.0837,0.9841,,,0.1208,0.1034,0.3333,,0.1067,,0.1169,,0.0031,0.1124,0.0807,0.9841,,,0.12,0.1034,0.3333,,0.1061,,0.1142,,0.003,,block of flats,0.0883,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2764920,340238,Consumer loans,8947.62,92025.0,76410.0,22500.0,92025.0,WEDNESDAY,13,Y,1,0.24774588468856,,,XAP,Approved,-1780,Cash through the bank,XAP,Other_B,New,Computers,POS,XNA,Regional / Local,148,Consumer electronics,12.0,high,POS household with interest,365243.0,-1749.0,-1419.0,-1419.0,-1405.0,0.0,0,Cash loans,F,N,N,0,171000.0,598500.0,30685.5,598500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Rented apartment,0.014519999999999996,-10569,-1177,-2943.0,-3227,,1,1,0,1,0,0,High skill tech staff,1.0,2,2,FRIDAY,12,0,0,0,1,1,0,Business Entity Type 3,0.3835448368811651,0.3881902889644251,0.5549467685334323,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1687.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1613039,299593,Cash loans,3271.5,45000.0,45000.0,0.0,45000.0,TUESDAY,8,Y,1,0.0,,,XNA,Approved,-2830,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,20.0,middle,Cash Street: middle,365243.0,-2800.0,-2230.0,-2230.0,-1537.0,0.0,0,Cash loans,F,N,Y,0,90000.0,284400.0,16011.0,225000.0,Unaccompanied,Working,Higher education,Widow,House / apartment,0.028663,-24023,-2483,-6089.0,-3859,,1,1,0,1,0,0,,1.0,2,2,THURSDAY,16,0,0,0,0,0,0,Self-employed,,0.4730161950824776,0.5989262182569273,0.0722,0.0853,0.9816,0.7484,0.0078,0.0,0.1379,0.1667,0.2083,0.0446,0.0588,0.0672,0.0,0.0,0.0735,0.0885,0.9816,0.7583,0.0079,0.0,0.1379,0.1667,0.2083,0.0456,0.0643,0.07,0.0,0.0,0.0729,0.0853,0.9816,0.7518,0.0079,0.0,0.1379,0.1667,0.2083,0.0454,0.0599,0.0684,0.0,0.0,reg oper account,block of flats,0.0529,"Stone, brick",No,0.0,0.0,0.0,0.0,-1257.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2466810,153793,Consumer loans,14673.015,135562.5,132070.5,13558.5,135562.5,SUNDAY,19,Y,1,0.1013976549376092,,,XAP,Approved,-2531,Cash through the bank,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Country-wide,3303,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2500.0,-2230.0,-2230.0,-2223.0,1.0,0,Cash loans,F,N,Y,0,90000.0,630000.0,16749.0,630000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.015221,-13551,-6997,-3046.0,-5568,,1,1,0,1,1,0,Laborers,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.7646771438853609,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2531.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,,,,,, +2415350,396887,Consumer loans,17143.515,154504.8,123601.5,30903.3,154504.8,SUNDAY,14,Y,1,0.21783467627484127,,,XAP,Approved,-1709,Cash through the bank,XAP,Family,Refreshed,Furniture,POS,XNA,Country-wide,673,Furniture,8.0,low_normal,POS industry without interest,365243.0,-1677.0,-1467.0,-1467.0,-1464.0,0.0,0,Cash loans,F,N,Y,0,186750.0,900000.0,38263.5,900000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-21855,365243,-11700.0,-4219,,1,0,0,1,1,0,,2.0,2,2,MONDAY,18,0,0,0,0,0,0,XNA,,0.6005116412527494,0.1047946227497676,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1614.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,0.0,0.0,2.0 +2776078,291493,Consumer loans,15149.655,78660.0,74299.5,7866.0,78660.0,FRIDAY,11,Y,1,0.10426260524075301,,,XAP,Approved,-2092,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,40,Connectivity,6.0,high,POS mobile with interest,365243.0,-2055.0,-1905.0,-1905.0,-1901.0,0.0,0,Cash loans,M,Y,Y,2,270000.0,728460.0,44694.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018801,-16415,-219,-1318.0,-4097,0.0,1,1,0,1,0,0,Laborers,4.0,2,2,THURSDAY,12,0,0,0,0,1,1,Business Entity Type 3,,0.2078492551611964,0.3893387918468769,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1723.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1881235,374391,Consumer loans,8285.67,82867.5,74578.5,8289.0,82867.5,MONDAY,16,Y,1,0.10893866166415712,,,XAP,Refused,-2591,XNA,VERIF,Unaccompanied,New,XNA,POS,XNA,Stone,24,Construction,10.0,low_normal,POS industry with interest,,,,,,,0,Cash loans,F,Y,Y,0,81000.0,1005120.0,29520.0,720000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-20385,-13191,-12883.0,-3918,9.0,1,1,0,1,1,0,,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Other,0.6255951912748771,0.4215706796085986,0.7194907850918436,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2427563,257062,Cash loans,9125.1,45000.0,45000.0,,45000.0,MONDAY,10,Y,1,,,,XNA,Approved,-1052,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Country-wide,56,Connectivity,6.0,high,Cash Street: high,365243.0,-1022.0,-872.0,-872.0,-864.0,0.0,0,Cash loans,F,Y,Y,0,243000.0,450000.0,47749.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Widow,With parents,0.035792000000000004,-14631,-476,-8102.0,-5187,7.0,1,1,0,1,0,0,,1.0,2,2,WEDNESDAY,17,0,0,0,0,1,1,Business Entity Type 3,,0.3184515793967513,0.19519840600440985,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-350.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,7.0 +1661385,443127,Consumer loans,7530.975,49495.5,47484.0,4950.0,49495.5,FRIDAY,17,Y,1,0.10281496738757293,,,XAP,Approved,-2540,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,8.0,low_normal,POS mobile with interest,365243.0,-2509.0,-2299.0,-2299.0,-2293.0,1.0,0,Cash loans,M,Y,Y,0,166500.0,297130.5,15300.0,256500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-22020,-1943,-6099.0,-5056,5.0,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Construction,,0.6011934229147043,0.4686596550493113,0.0433,0.0509,0.9771,,,0.08,0.069,0.1875,,0.1593,,0.0447,,0.0194,0.0168,0.0528,0.9682,,,0.0806,0.069,0.0417,,0.0078,,0.0136,,0.0206,0.0437,0.0509,0.9771,,,0.08,0.069,0.1875,,0.1621,,0.0455,,0.0199,,block of flats,0.0756,Block,No,0.0,0.0,0.0,0.0,-2958.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2128209,219058,Consumer loans,13757.625,85225.5,76000.5,9225.0,85225.5,MONDAY,13,Y,1,0.117885652021562,,,XAP,Approved,-736,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,90,Furniture,6.0,low_normal,POS industry with interest,365243.0,-704.0,-554.0,-704.0,-701.0,0.0,0,Cash loans,F,N,Y,0,135000.0,555273.0,15588.0,463500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.008865999999999999,-20396,365243,-7539.0,-3675,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,XNA,,0.8043493469702171,,0.1206,0.1854,0.9881,,,0.0,0.3448,0.1667,,,,,,,0.1229,0.1924,0.9881,,,0.0,0.3448,0.1667,,,,,,,0.1218,0.1854,0.9881,,,0.0,0.3448,0.1667,,,,,,,,block of flats,0.1163,Panel,No,0.0,0.0,0.0,0.0,-2738.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1635405,189619,Consumer loans,1615.905,16155.0,13671.0,3717.0,16155.0,SATURDAY,9,Y,1,0.23281291172595495,,,XAP,Approved,-1326,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Stone,18,Connectivity,12.0,high,POS mobile with interest,365243.0,-1294.0,-964.0,-964.0,-961.0,0.0,0,Cash loans,F,N,N,2,292500.0,1288350.0,37800.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.020713,-14445,-2429,-28.0,-4177,,1,1,0,1,0,0,Laborers,4.0,3,3,TUESDAY,13,0,0,0,0,0,0,Transport: type 2,0.6576074076039891,0.4915945900449878,0.5460231970049609,0.0784,0.0809,0.9781,0.7008,0.0,0.0,0.1379,0.1667,0.2083,0.0,0.0639,0.0633,0.0,0.0529,0.0798,0.084,0.9782,0.7125,0.0,0.0,0.1379,0.1667,0.2083,0.0,0.0698,0.066,0.0,0.056,0.0791,0.0809,0.9781,0.7048,0.0,0.0,0.1379,0.1667,0.2083,0.0,0.065,0.0645,0.0,0.054000000000000006,reg oper account,block of flats,0.0665,"Stone, brick",No,0.0,0.0,0.0,0.0,-2263.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2321359,293759,Consumer loans,9326.205,76455.0,75622.5,7645.5,76455.0,FRIDAY,15,Y,1,0.0999981330817906,,,XAP,Approved,-1875,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,31,Connectivity,12.0,high,POS mobile with interest,365243.0,-1844.0,-1514.0,-1514.0,-1509.0,0.0,0,Cash loans,F,Y,Y,0,247500.0,247500.0,11029.5,247500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.015221,-21568,-4007,-12502.0,-4013,19.0,1,1,0,1,0,0,,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Hotel,,0.16733166731052748,0.6161216908872079,0.0619,0.0632,0.9821,0.7552,0.0102,0.0,0.1379,0.1667,0.2083,0.0,0.0504,0.0595,0.0,0.0,0.063,0.0655,0.9821,0.7648,0.0103,0.0,0.1379,0.1667,0.2083,0.0,0.0551,0.062,0.0,0.0,0.0625,0.0632,0.9821,0.7585,0.0103,0.0,0.1379,0.1667,0.2083,0.0,0.0513,0.0605,0.0,0.0,reg oper account,block of flats,0.0468,Panel,No,0.0,0.0,0.0,0.0,-538.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1868908,356533,Consumer loans,5562.36,35505.0,45747.0,0.0,35505.0,FRIDAY,10,Y,1,0.0,,,XAP,Approved,-334,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,200,Consumer electronics,12.0,high,POS household with interest,365243.0,-303.0,27.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,157500.0,1350000.0,37125.0,1350000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.030755,-15134,-8472,-8488.0,-4078,,1,1,1,1,1,0,Core staff,2.0,2,2,TUESDAY,19,0,0,0,0,0,0,Kindergarten,0.6085049536586279,0.6748945034554361,0.5388627065779676,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1754.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +2305594,234665,Revolving loans,6750.0,0.0,135000.0,,,SATURDAY,13,Y,1,,,,XAP,Approved,-2460,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,19,Connectivity,0.0,XNA,Card Street,-2453.0,-2398.0,365243.0,-327.0,365243.0,0.0,0,Cash loans,F,N,Y,0,90000.0,299772.0,16866.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.006670999999999999,-17301,-2183,-3329.0,-845,,1,1,0,1,0,0,Laborers,1.0,2,2,TUESDAY,13,0,0,0,1,1,1,Business Entity Type 3,,0.6262773282603599,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2726.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2584105,204304,Consumer loans,3425.985,16195.5,16461.0,2250.0,16195.5,TUESDAY,16,Y,1,0.13096331278149456,,,XAP,Approved,-1751,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Stone,300,Consumer electronics,6.0,high,POS household with interest,365243.0,-1719.0,-1569.0,-1569.0,-1564.0,0.0,0,Cash loans,F,N,Y,0,90000.0,254700.0,26874.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00733,-11849,-1610,-5285.0,-3400,,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Business Entity Type 2,0.6648247891462165,0.6428419926761347,0.746300213050371,0.0165,0.0078,0.9717,0.6124,,0.0,0.1034,0.0417,0.0417,,0.0134,0.0162,0.0,0.0199,0.0168,0.0081,0.9717,0.6276,,0.0,0.1034,0.0417,0.0417,,0.0147,0.0169,0.0,0.021,0.0167,0.0078,0.9717,0.6176,,0.0,0.1034,0.0417,0.0417,,0.0137,0.0165,0.0,0.0203,reg oper spec account,block of flats,0.0171,"Stone, brick",No,0.0,0.0,0.0,0.0,-1751.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1940796,174959,Consumer loans,15417.405,170991.0,161766.0,17100.0,170991.0,FRIDAY,15,Y,1,0.1041195897792456,,,XAP,Approved,-1492,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,1200,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-1461.0,-1131.0,-1131.0,-1125.0,0.0,0,Revolving loans,F,N,Y,0,112500.0,900000.0,45000.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-19376,-2517,-682.0,-2909,,1,1,0,1,0,0,Managers,2.0,2,2,SATURDAY,14,1,0,1,1,0,1,Self-employed,,0.30109913867589355,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-39.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2153207,247863,Consumer loans,5944.275,57600.0,63684.0,0.0,57600.0,SATURDAY,10,Y,1,0.0,,,XAP,Approved,-279,Cash through the bank,XAP,,Repeater,Clothing and Accessories,POS,XNA,Stone,50,Clothing,12.0,low_normal,POS industry with interest,365243.0,-248.0,82.0,-98.0,-96.0,0.0,0,Cash loans,F,N,Y,0,247500.0,1350202.5,51556.5,1242000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018634,-21039,365243,-11410.0,-4159,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,XNA,,0.7892036029254116,0.4830501881366946,0.1082,0.0969,0.9816,,,0.0,0.2414,0.1667,,0.0517,,0.1008,,0.0,0.1103,0.1006,0.9816,,,0.0,0.2414,0.1667,,0.0528,,0.105,,0.0,0.1093,0.0969,0.9816,,,0.0,0.2414,0.1667,,0.0525,,0.1026,,0.0,,block of flats,0.103,Panel,No,1.0,0.0,1.0,0.0,-1891.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2409796,375334,Consumer loans,7288.425,34600.5,36315.0,0.0,34600.5,FRIDAY,14,Y,1,0.0,,,XAP,Approved,-2811,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,46,Connectivity,6.0,high,POS mobile with interest,365243.0,-2780.0,-2630.0,-2630.0,-2606.0,1.0,0,Cash loans,F,N,N,0,90000.0,229230.0,26055.0,202500.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.020246,-11886,-1362,-11872.0,-2408,,1,1,0,1,0,0,HR staff,1.0,3,3,TUESDAY,12,0,0,0,0,0,0,Construction,0.46245487432389093,0.4888840498196973,,0.0428,0.0324,0.9747,0.6532,0.0311,0.0,0.1034,0.125,0.1667,0.0447,0.0345,0.034,0.0019,0.019,0.0368,0.0,0.9747,0.6668,0.0235,0.0,0.1034,0.125,0.1667,0.0397,0.0312,0.0299,0.0,0.0,0.0432,0.0324,0.9747,0.6578,0.0313,0.0,0.1034,0.125,0.1667,0.0455,0.0351,0.0346,0.0019,0.0194,reg oper account,block of flats,0.0309,"Stone, brick",No,2.0,0.0,2.0,0.0,-2811.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2486370,169661,Consumer loans,6721.38,103455.0,65398.5,45000.0,103455.0,THURSDAY,15,Y,1,0.4439289565446169,,,XAP,Approved,-54,Cash through the bank,XAP,Family,Refreshed,Audio/Video,POS,XNA,Regional / Local,350,Consumer electronics,12.0,middle,POS household with interest,365243.0,-24.0,306.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,67500.0,73944.0,4374.0,58500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.008473999999999999,-22069,365243,-12477.0,-4070,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,,0.5255646428439112,0.6446794549585961,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-54.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2356127,382520,Consumer loans,4811.985,23976.0,23976.0,0.0,23976.0,FRIDAY,12,Y,1,0.0,,,XAP,Approved,-2668,XNA,XAP,Children,New,Mobile,POS,XNA,Country-wide,80,Connectivity,6.0,high,POS mobile with interest,365243.0,-2637.0,-2487.0,-2517.0,-2512.0,0.0,1,Cash loans,F,N,Y,0,81000.0,112500.0,11088.0,112500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.0228,-23890,365243,-8979.0,-4625,,1,0,0,1,1,0,,2.0,2,2,SATURDAY,8,0,0,0,0,0,0,XNA,,0.36460574567729537,0.3910549766342248,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,0.0,8.0,0.0,-1346.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1107796,425163,Consumer loans,7200.045,158976.0,158976.0,0.0,158976.0,TUESDAY,20,Y,1,0.0,,,XAP,Approved,-1119,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,1552,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1088.0,-398.0,-488.0,-484.0,0.0,0,Cash loans,M,N,N,0,171000.0,450000.0,33646.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0105,-18638,-1450,-9760.0,-2160,,1,1,1,1,1,0,Laborers,2.0,3,3,SUNDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.6189556810884801,0.3842068130556564,0.2227,0.1745,0.9866,0.8164,0.0324,0.24,0.2069,,0.375,0.0569,0.179,0.2237,0.0116,0.0723,0.2269,0.1811,0.9866,0.8236,0.0327,0.2417,0.2069,,0.375,0.0582,0.1956,0.2331,0.0117,0.0766,0.2248,0.1745,0.9866,0.8189,0.0326,0.24,0.2069,,0.375,0.0578,0.1821,0.2278,0.0116,0.0739,org spec account,block of flats,0.2094,"Stone, brick",No,7.0,0.0,7.0,0.0,-131.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1685834,339110,Consumer loans,3510.765,17550.0,16578.0,1755.0,17550.0,TUESDAY,15,Y,1,0.10425759807203104,,,XAP,Approved,-1219,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,35,Connectivity,6.0,high,POS mobile with interest,365243.0,-1188.0,-1038.0,-1038.0,-1032.0,0.0,0,Cash loans,F,N,Y,0,126000.0,268659.0,26302.5,243000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010147,-23788,365243,-11430.0,-4673,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,,0.6633241376015203,0.6738300778602003,0.0619,0.063,0.9841,,,0.0,0.1379,0.1667,,0.0253,,0.061,,0.0,0.063,0.0654,0.9841,,,0.0,0.1379,0.1667,,0.0258,,0.0636,,0.0,0.0625,0.063,0.9841,,,0.0,0.1379,0.1667,,0.0257,,0.0621,,0.0,,block of flats,0.0521,Panel,No,0.0,0.0,0.0,0.0,-1876.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1314704,313685,Cash loans,15004.935,450000.0,568800.0,,450000.0,MONDAY,11,Y,1,,,,Repairs,Refused,-262,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,60.0,low_action,Cash Street: low,,,,,,,0,Cash loans,M,Y,Y,0,360000.0,1215000.0,65961.0,1215000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.072508,-9981,-1227,-4312.0,-2368,1.0,1,1,1,1,1,0,Core staff,2.0,1,1,THURSDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.5714751788145399,0.3672910183026313,0.1117,0.0434,0.9801,,,0.08,0.0345,0.625,,0.0,,0.1087,,0.0137,0.1103,0.0386,0.9767,,,0.0806,0.0345,0.625,,0.0,,0.1041,,0.0,0.1135,0.045,0.9816,,,0.08,0.0345,0.625,,0.0,,0.1075,,0.0176,,block of flats,0.083,Block,No,1.0,0.0,1.0,0.0,-619.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2115208,177144,Cash loans,18155.97,454500.0,454500.0,,454500.0,MONDAY,8,Y,1,,,,XNA,Refused,-17,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,202500.0,463500.0,18508.5,463500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.015221,-14680,-2960,-4864.0,-4556,,1,1,1,1,1,0,Medicine staff,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Medicine,,0.5151787871847137,0.10547318648733764,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-826.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,4.0 +1452174,235772,Cash loans,16856.64,369000.0,427450.5,,369000.0,WEDNESDAY,12,Y,1,,,,Other,Refused,-265,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,180000.0,595903.5,30555.0,481500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-23452,-2436,-1203.0,-4844,,1,1,0,1,0,0,Core staff,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Government,,0.4287266648375085,0.2735646775174348,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1541.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,7.0 +1956914,330505,Consumer loans,9249.57,85455.0,83254.5,8545.5,85455.0,WEDNESDAY,12,Y,1,0.10138155080213902,,,XAP,Approved,-2581,Cash through the bank,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Country-wide,1190,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2550.0,-2280.0,-2280.0,-2269.0,1.0,0,Cash loans,F,Y,N,0,180000.0,755190.0,28116.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-15399,-1705,-8671.0,-4968,2.0,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,17,0,0,0,0,0,0,Self-employed,0.8615227915199977,0.5739100343509795,0.7886807751817684,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2012.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1024785,326430,Revolving loans,9000.0,0.0,180000.0,,,TUESDAY,10,Y,1,,,,XAP,Approved,-2324,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,216000.0,728460.0,38938.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.006629,-20606,365243,-1944.0,-4133,22.0,1,0,0,1,0,0,,1.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,0.6111697455487448,0.6558612652648024,0.7517237147741489,0.1103,0.1075,0.9925,,,0.12,0.1034,0.3333,,,,0.0864,,,0.1124,0.1116,0.9926,,,0.1208,0.1034,0.3333,,,,0.09,,,0.1114,0.1075,0.9925,,,0.12,0.1034,0.3333,,,,0.08800000000000001,,,,block of flats,0.1395,Panel,No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2458350,362349,Revolving loans,9000.0,0.0,180000.0,,,FRIDAY,15,Y,1,,,,XAP,Approved,-998,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-929.0,-883.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,157500.0,538704.0,23859.0,481500.0,Unaccompanied,Pensioner,Higher education,Separated,House / apartment,0.030755,-22745,365243,-2393.0,-4169,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,14,0,0,0,0,0,0,XNA,0.8219530099977453,0.2598076423985638,0.6817058776720116,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1294.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1100318,218940,Revolving loans,2250.0,0.0,45000.0,,,WEDNESDAY,17,Y,1,,,,XAP,Approved,-2165,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,112500.0,808650.0,26217.0,675000.0,Family,Working,Higher education,Married,House / apartment,0.00823,-19178,-591,-9957.0,-2702,,1,1,0,1,1,0,,2.0,2,2,FRIDAY,16,0,0,0,0,0,0,Self-employed,,0.3004323016798365,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-2424.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2159296,213834,Consumer loans,9199.575,84996.0,82804.5,8500.5,84996.0,WEDNESDAY,14,Y,1,0.10139441731260357,,,XAP,Approved,-2566,Cash through the bank,XAP,Family,New,Furniture,POS,XNA,Country-wide,1175,Furniture,10.0,low_normal,POS industry without interest,365243.0,-2535.0,-2265.0,-2355.0,-2345.0,1.0,0,Cash loans,F,N,N,1,135000.0,1026000.0,29533.5,1026000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.015221,-11258,-4130,-4163.0,-3597,,1,1,0,1,0,0,Sales staff,3.0,2,2,SATURDAY,13,0,0,0,0,0,0,Self-employed,0.3186479486856433,0.33911557286497024,0.6430255641096323,0.0825,0.0614,0.9747,0.6532,0.009000000000000001,0.0,0.1379,0.1667,0.2083,0.0,0.0672,0.0631,0.0,0.0,0.084,0.0637,0.9747,0.6668,0.0091,0.0,0.1379,0.1667,0.2083,0.0,0.0735,0.0657,0.0,0.0,0.0833,0.0614,0.9747,0.6578,0.0091,0.0,0.1379,0.1667,0.2083,0.0,0.0684,0.0642,0.0,0.0,reg oper account,block of flats,0.0545,"Stone, brick",No,8.0,0.0,8.0,0.0,-1.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1445393,264016,Consumer loans,8501.4,86355.0,85014.0,9000.0,86355.0,SATURDAY,16,Y,1,0.104259133552643,,,XAP,Approved,-1892,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Stone,134,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1861.0,-1531.0,-1531.0,-1527.0,0.0,0,Cash loans,F,N,Y,0,166500.0,339241.5,15943.5,238500.0,Unaccompanied,State servant,Secondary / secondary special,Widow,House / apartment,0.030755,-23048,-929,-2677.0,-4714,,1,1,0,1,0,0,Core staff,1.0,2,2,MONDAY,15,0,0,0,0,0,0,Medicine,,0.6224513574915983,0.4135967602644276,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2141.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1814294,373476,Consumer loans,2844.0,15745.5,14170.5,1575.0,15745.5,THURSDAY,10,Y,1,0.1089402166852867,,,XAP,Refused,-2560,Cash through the bank,LIMIT,Children,Repeater,Mobile,POS,XNA,Country-wide,1600,Consumer electronics,6.0,high,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,112500.0,238500.0,12307.5,238500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.001417,-14655,-1884,-4745.0,-3501,,1,1,0,1,0,1,Sales staff,1.0,2,2,TUESDAY,12,0,0,0,1,1,0,Trade: type 7,0.5457931853894008,0.4383122375448041,0.5797274227921155,0.1691,0.0759,0.9861,0.8096,0.0704,0.0,0.0345,0.1667,0.2083,0.0629,0.1353,0.0589,0.0116,0.0264,0.1723,0.0787,0.9861,0.8171,0.071,0.0,0.0345,0.1667,0.2083,0.0644,0.1478,0.0614,0.0117,0.0279,0.1707,0.0759,0.9861,0.8121,0.0708,0.0,0.0345,0.1667,0.2083,0.064,0.1377,0.0599,0.0116,0.0269,reg oper account,specific housing,0.0904,Block,No,0.0,0.0,0.0,0.0,-2300.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2518478,432906,Consumer loans,7307.955,52290.0,50904.0,5265.0,52290.0,FRIDAY,9,Y,1,0.10208591280534876,,,XAP,Approved,-2051,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Stone,10,Connectivity,10.0,high,POS mobile with interest,365243.0,-2020.0,-1750.0,-1750.0,-1748.0,0.0,0,Cash loans,F,Y,Y,2,67500.0,107820.0,8190.0,90000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-13727,-2643,-7793.0,-4136,11.0,1,1,0,1,0,0,,4.0,2,2,FRIDAY,14,0,0,0,0,1,1,Government,0.4380353836241512,0.21009037832389266,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1876913,455914,Cash loans,53297.145,1696500.0,1898046.0,,1696500.0,MONDAY,14,Y,1,,,,XNA,Approved,-549,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-519.0,1251.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,315000.0,1066500.0,31180.5,1066500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.019688999999999998,-12932,-5644,-945.0,-1479,0.0,1,1,0,1,0,1,Core staff,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,Government,0.7892431129232506,0.6631287663921012,0.3910549766342248,0.1031,0.0582,0.9866,0.8164,0.0178,0.1,0.0862,0.375,0.2083,0.0245,0.0841,0.1153,0.0,0.0,0.084,0.0483,0.9866,0.8236,0.0075,0.0806,0.069,0.375,0.0,0.025,0.0735,0.0959,0.0,0.0,0.1041,0.0582,0.9866,0.8189,0.0179,0.1,0.0862,0.375,0.2083,0.0249,0.0855,0.1173,0.0,0.0,reg oper spec account,block of flats,0.0724,Panel,No,1.0,0.0,1.0,0.0,-1669.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1467519,391923,Consumer loans,11457.99,250110.0,250110.0,0.0,250110.0,SATURDAY,10,Y,1,0.0,,,XAP,Approved,-67,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Country-wide,297,Furniture,24.0,low_action,POS industry without interest,365243.0,-37.0,653.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,270000.0,1566000.0,49302.0,1566000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.018209,-17892,-2603,-9575.0,-1387,5.0,1,1,0,1,1,1,Managers,2.0,3,3,WEDNESDAY,14,0,0,0,0,1,1,Business Entity Type 2,0.7429305951404434,0.7587515341058368,0.7062051096536562,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-866.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,1.0,2.0 +1885677,264917,Cash loans,45455.265,1125000.0,1223010.0,,1125000.0,WEDNESDAY,15,Y,1,,,,XNA,Refused,-945,Cash through the bank,SCO,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,36.0,low_action,Cash Street: low,,,,,,,0,Cash loans,F,Y,Y,2,202500.0,541323.0,27769.5,405000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.022625,-11250,-975,-5378.0,-3747,4.0,1,1,0,1,0,0,High skill tech staff,4.0,2,2,FRIDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.4213100289844604,0.7546127462122254,0.4848514754962666,0.0722,0.0672,0.9767,0.6804,0.0291,0.0,0.1379,0.1667,0.2083,0.1196,0.058,0.0675,0.0039,0.0038,0.0735,0.0697,0.9767,0.6929,0.0294,0.0,0.1379,0.1667,0.2083,0.1223,0.0634,0.0703,0.0039,0.004,0.0729,0.0672,0.9767,0.6847,0.0293,0.0,0.1379,0.1667,0.2083,0.1216,0.059,0.0687,0.0039,0.0039,,block of flats,0.0699,Block,No,2.0,1.0,2.0,1.0,-2430.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2137777,404368,Cash loans,24750.135,225000.0,239850.0,0.0,225000.0,TUESDAY,11,Y,1,0.0,,,XNA,Approved,-2655,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,12.0,middle,Cash Street: middle,365243.0,-2622.0,-2292.0,-2292.0,-2286.0,1.0,0,Cash loans,F,Y,N,0,225000.0,675000.0,29731.5,675000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.022625,-20955,365243,-6166.0,-3908,2.0,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,XNA,0.8918963120305969,0.6781008953588515,0.3539876078507373,0.1485,0.0868,0.9851,0.7959999999999999,0.0538,0.16,0.1379,0.3333,0.375,,0.121,0.1517,0.0,0.0,0.1513,0.0901,0.9851,0.804,0.0543,0.1611,0.1379,0.3333,0.375,,0.1322,0.1581,0.0,0.0,0.1499,0.0868,0.9851,0.7987,0.0541,0.16,0.1379,0.3333,0.375,,0.1231,0.1544,0.0,0.0,,block of flats,0.1487,Panel,No,1.0,0.0,1.0,0.0,-2655.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2478807,257708,Consumer loans,1671.39,18400.5,16560.0,1840.5,18400.5,MONDAY,10,Y,1,0.10893572556081728,0.17968661453020515,0.852536997885835,XAP,Approved,-45,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,12.0,middle,POS mobile with interest,365243.0,-4.0,326.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,297000.0,1341000.0,37008.0,1341000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.005084,-20330,-2264,-531.0,-2851,,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,10,0,0,0,0,1,1,Self-employed,,0.6453584194715414,0.3859146722745145,0.0278,0.0305,0.9846,,,,0.1034,0.0833,,,,,,,0.0284,0.0316,0.9846,,,,0.1034,0.0833,,,,,,,0.0281,0.0305,0.9846,,,,0.1034,0.0833,,,,,,,,block of flats,0.021,,No,5.0,0.0,5.0,0.0,-45.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2482636,265427,Consumer loans,3232.125,32710.5,32710.5,0.0,32710.5,FRIDAY,8,Y,1,0.0,,,XAP,Approved,-235,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Regional / Local,40,Connectivity,18.0,high,POS mobile with interest,365243.0,-192.0,318.0,-132.0,-128.0,0.0,0,Revolving loans,F,N,N,0,90000.0,247500.0,12375.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.014519999999999996,-15554,-767,-2450.0,-5733,,1,1,0,1,0,0,Sales staff,1.0,2,2,TUESDAY,9,0,0,0,0,1,1,Trade: type 7,0.4358410898539462,0.6280720666772568,0.2778856891082046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1909.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1911106,349495,Consumer loans,2682.36,23130.0,23220.0,2313.0,23130.0,THURSDAY,15,Y,1,0.09865927516262372,,,XAP,Refused,-1913,Cash through the bank,HC,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,14.0,high,POS mobile with interest,,,,,,,0,Cash loans,M,Y,Y,0,202500.0,225000.0,10620.0,225000.0,Unaccompanied,Working,Higher education,Single / not married,Office apartment,0.026392000000000002,-10015,-455,-4770.0,-2689,1.0,1,1,0,1,0,0,Drivers,1.0,2,2,SATURDAY,12,0,0,0,0,1,1,Business Entity Type 3,0.4147940693543055,0.6728135353879603,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-325.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2247849,251704,Cash loans,50704.065,450000.0,470790.0,,450000.0,SUNDAY,10,Y,1,,,,Repairs,Approved,-709,XNA,XAP,Unaccompanied,New,XNA,Cash,walk-in,AP+ (Cash loan),4,XNA,12.0,middle,Cash Street: middle,365243.0,-679.0,-349.0,-649.0,-637.0,1.0,0,Revolving loans,M,Y,Y,0,360000.0,180000.0,9000.0,180000.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.006629,-21687,-2143,-2083.0,-2638,6.0,1,1,0,1,0,0,High skill tech staff,1.0,2,2,TUESDAY,4,0,0,0,0,0,0,University,0.5894106622732888,0.06174818017987144,0.6496203111237195,0.0495,,0.995,,,0.04,0.1034,0.3333,,,,0.0662,,,0.0504,,0.995,,,0.0403,0.1034,0.3333,,,,0.069,,,0.05,,0.995,,,0.04,0.1034,0.3333,,,,0.0674,,,,block of flats,0.0587,Block,No,1.0,0.0,1.0,0.0,-620.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1380802,169042,Consumer loans,3581.505,28755.0,26257.5,4500.0,28755.0,SUNDAY,13,Y,1,0.1593402939416107,,,XAP,Approved,-2053,Cash through the bank,XAP,,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,20,Connectivity,10.0,high,POS mobile with interest,365243.0,-2007.0,-1737.0,-1737.0,-1731.0,0.0,0,Cash loans,M,N,Y,2,225000.0,814041.0,23800.5,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-11782,-954,-687.0,-4470,,1,1,1,1,1,0,Security staff,4.0,2,2,TUESDAY,12,0,1,1,0,1,1,Business Entity Type 3,0.15245750737001215,0.5626280099886174,0.7309873696832169,0.0969,0.0,0.9886,0.8436,0.0148,0.0,0.2414,0.1667,0.2083,0.0884,0.0714,0.0931,0.0347,0.0371,0.0987,0.0,0.9886,0.8497,0.0149,0.0,0.2414,0.1667,0.2083,0.0904,0.0781,0.097,0.035,0.0393,0.0978,0.0,0.9886,0.8457,0.0148,0.0,0.2414,0.1667,0.2083,0.0899,0.0727,0.0948,0.0349,0.0379,reg oper account,block of flats,0.0813,"Stone, brick",No,0.0,0.0,0.0,0.0,-2053.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1866142,453680,Consumer loans,11735.235,98955.0,97875.0,9895.5,98955.0,FRIDAY,18,Y,1,0.10000045551342056,,,XAP,Approved,-2113,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,1200,Consumer electronics,12.0,high,POS household with interest,365243.0,-2082.0,-1752.0,-1752.0,-1747.0,0.0,0,Revolving loans,F,N,N,0,315000.0,450000.0,22500.0,450000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.072508,-10626,-1580,-3919.0,-3053,,1,1,0,1,0,0,,1.0,1,1,THURSDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.6184449612862659,0.5478104658520093,0.0918,0.0726,0.9767,0.6804,0.0624,0.04,0.0948,0.3542,0.3958,0.0,0.0731,0.0748,0.0077,0.0407,0.0641,0.0403,0.9742,0.6602,0.0488,0.0,0.0345,0.1667,0.2083,0.0,0.0551,0.053,0.0,0.0,0.101,0.0651,0.9767,0.6847,0.0552,0.04,0.069,0.3542,0.3958,0.0,0.0812,0.083,0.0058,0.0403,reg oper account,block of flats,0.0403,Block,No,0.0,0.0,0.0,0.0,-1875.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,0.0 +2388885,259652,Consumer loans,4274.145,35640.0,32040.0,3600.0,35640.0,WEDNESDAY,13,Y,1,0.11000918273645546,,,XAP,Approved,-2267,XNA,XAP,Other_B,Repeater,Mobile,POS,XNA,Stone,44,Connectivity,10.0,high,POS mobile with interest,365243.0,-2236.0,-1966.0,-1996.0,-1990.0,0.0,0,Cash loans,F,N,Y,0,112500.0,770913.0,24997.5,643500.0,Unaccompanied,State servant,Incomplete higher,Married,With parents,0.01885,-12878,-2577,-6980.0,-403,,1,1,0,1,0,0,Core staff,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,School,,0.6692704318094874,0.2512394458905693,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-358.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2391806,360641,Cash loans,5443.2,54000.0,59346.0,,54000.0,WEDNESDAY,14,Y,1,,,,Repairs,Approved,-307,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Country-wide,50,Connectivity,18.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,90000.0,646920.0,20997.0,540000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.028663,-16986,-762,-932.0,-530,,1,1,0,1,0,0,Sales staff,1.0,2,2,TUESDAY,12,0,0,0,0,0,0,Trade: type 7,,0.2264532403490737,0.3740208032583212,0.1031,0.0,0.9791,0.7144,0.0126,0.0,0.2069,0.1667,0.2083,0.0199,0.0748,0.0794,0.0425,0.0273,0.105,0.0,0.9791,0.7256,0.0127,0.0,0.2069,0.1667,0.2083,0.0203,0.0817,0.0828,0.0428,0.0289,0.1041,0.0,0.9791,0.7182,0.0127,0.0,0.2069,0.1667,0.2083,0.0202,0.0761,0.0809,0.0427,0.0279,reg oper account,block of flats,0.0762,"Stone, brick",No,4.0,0.0,4.0,0.0,-307.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1744927,176946,Consumer loans,3393.315,17095.5,20781.0,0.0,17095.5,WEDNESDAY,7,Y,1,0.0,,,XAP,Approved,-909,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Regional / Local,465,Consumer electronics,8.0,high,POS household with interest,,,,,,,0,Cash loans,M,N,Y,0,270000.0,265500.0,24480.0,265500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.0060079999999999995,-17056,-139,-133.0,-601,,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Construction,,0.4400788590411783,0.38079968264891495,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1257003,142666,Consumer loans,7798.005,103500.0,118872.0,0.0,103500.0,MONDAY,16,Y,1,0.0,,,XAP,Approved,-1339,XNA,XAP,,Repeater,Construction Materials,POS,XNA,Stone,199,Construction,18.0,low_normal,POS industry with interest,365243.0,-1306.0,-796.0,-856.0,-850.0,0.0,0,Cash loans,F,N,Y,0,225000.0,436032.0,16564.5,360000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,Co-op apartment,0.02461,-15367,-2813,-9492.0,-5263,,1,1,0,1,1,0,,1.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.5511826838397821,0.4453012390719283,0.4223696523543468,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,1.0,6.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,7.0,0.0,0.0 +1227266,348175,Cash loans,45324.765,1125000.0,1223010.0,,1125000.0,FRIDAY,9,Y,1,,,,Repairs,Approved,-716,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,low_action,Cash Street: low,365243.0,-686.0,364.0,-176.0,-171.0,1.0,0,Cash loans,F,N,Y,0,175500.0,279000.0,13059.0,279000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.015221,-10985,-142,-6483.0,-1937,,1,1,0,1,0,0,Core staff,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Self-employed,,0.7091420496802089,0.4974688893052743,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,0.0,-1392.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2222147,174178,Consumer loans,12466.71,137043.0,158751.0,0.0,137043.0,TUESDAY,13,Y,1,0.0,,,XAP,Approved,-109,XNA,XAP,,Repeater,Computers,POS,XNA,Country-wide,100,Consumer electronics,18.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,112500.0,381262.5,14373.0,289539.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.008473999999999999,-15044,-2420,-13280.0,-4453,,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Construction,0.2875557247028662,0.5941263630517182,0.39449540531239935,0.1227,0.105,0.9811,0.7416,0.1626,0.0,0.2759,0.1667,0.2083,0.0973,0.1,0.0782,0.0,0.0,0.125,0.109,0.9811,0.7517,0.1641,0.0,0.2759,0.1667,0.2083,0.0995,0.1093,0.0815,0.0,0.0,0.1239,0.105,0.9811,0.7451,0.1636,0.0,0.2759,0.1667,0.2083,0.099,0.1018,0.0796,0.0,0.0,reg oper account,block of flats,0.0889,Panel,No,1.0,0.0,1.0,0.0,-1036.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2671664,373384,Cash loans,12126.24,216000.0,216000.0,,216000.0,SATURDAY,15,Y,1,,,,XNA,Approved,-836,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,30,Connectivity,30.0,middle,Cash X-Sell: middle,365243.0,-806.0,64.0,-386.0,-380.0,0.0,0,Cash loans,F,N,Y,0,121500.0,634360.5,25285.5,567000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.011703,-17885,-1222,-10512.0,-1420,,1,1,0,1,0,0,Waiters/barmen staff,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Self-employed,,0.4436490005343836,,0.0722,0.0654,0.9771,,,0.0,0.1379,0.1667,,0.0374,,0.0671,,0.0,0.0735,0.0679,0.9772,,,0.0,0.1379,0.1667,,0.0382,,0.07,,0.0,0.0729,0.0654,0.9771,,,0.0,0.1379,0.1667,,0.038,,0.0684,,0.0,,block of flats,0.0567,"Stone, brick",No,0.0,0.0,0.0,0.0,-685.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1450947,367790,Cash loans,19951.83,157500.0,189909.0,0.0,157500.0,TUESDAY,11,Y,1,0.0,,,Journey,Refused,-1960,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,216000.0,1183500.0,38178.0,1183500.0,Unaccompanied,Pensioner,Higher education,Widow,House / apartment,0.028663,-22567,365243,-7804.0,-4684,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,16,0,0,0,0,0,0,XNA,,0.6370881123738095,,0.1495,0.1225,0.9891,0.8504,0.0326,0.16,0.1379,0.3333,0.375,0.1027,0.121,0.1662,0.0039,0.0006,0.1523,0.1272,0.9891,0.8563,0.0329,0.1611,0.1379,0.3333,0.375,0.1051,0.1322,0.1732,0.0039,0.0006,0.1509,0.1225,0.9891,0.8524,0.0328,0.16,0.1379,0.3333,0.375,0.1045,0.1231,0.1692,0.0039,0.0006,reg oper account,block of flats,0.1487,Panel,No,0.0,0.0,0.0,0.0,-655.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2366148,372607,Consumer loans,13738.14,52839.0,52839.0,0.0,52839.0,TUESDAY,9,Y,1,0.0,,,XAP,Approved,-1130,Cash through the bank,XAP,Family,Refreshed,Construction Materials,POS,XNA,Regional / Local,20,Construction,4.0,low_action,POS industry with interest,365243.0,-1079.0,-989.0,-989.0,-985.0,0.0,0,Revolving loans,M,N,Y,0,315000.0,630000.0,31500.0,630000.0,Family,Working,Higher education,Married,House / apartment,0.030755,-18306,-1893,-1583.0,-1859,,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,10,0,1,1,0,1,1,Business Entity Type 3,0.4136958949844043,0.4877803387135509,0.5495965024956946,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,0.0,9.0,0.0,-1130.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1728720,174567,Consumer loans,3962.88,23368.5,19804.5,4500.0,23368.5,THURSDAY,16,Y,1,0.20164615980205672,,,XAP,Approved,-2184,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,51,Connectivity,6.0,high,POS mobile with interest,365243.0,-2147.0,-1997.0,-1997.0,-1992.0,1.0,0,Cash loans,F,N,Y,0,99000.0,781695.0,21627.0,652500.0,Children,Working,Secondary / secondary special,Widow,House / apartment,0.010966,-20304,-11630,-4216.0,-3318,,1,1,1,1,0,0,Laborers,1.0,2,2,THURSDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.5610668689208647,0.5779691187553125,0.0371,0.0695,0.9881,0.8368,,0.0,0.1379,0.0833,0.125,0.0508,0.0303,0.0208,0.0,0.0541,0.0378,0.0721,0.9881,0.8432,,0.0,0.1379,0.0833,0.125,0.0519,0.0331,0.0216,0.0,0.0573,0.0375,0.0695,0.9881,0.8390000000000001,,0.0,0.1379,0.0833,0.125,0.0517,0.0308,0.0211,0.0,0.0552,reg oper account,block of flats,0.0281,"Stone, brick",No,0.0,0.0,0.0,0.0,-2184.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1697149,229134,Consumer loans,19044.0,125955.0,138145.5,0.0,125955.0,TUESDAY,13,Y,1,0.0,,,XAP,Approved,-263,Cash through the bank,XAP,Unaccompanied,Repeater,Vehicles,POS,XNA,Country-wide,400,Auto technology,8.0,low_normal,POS other with interest,,,,,,,0,Cash loans,M,N,N,0,202500.0,567000.0,27405.0,567000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-20797,365243,-4614.0,-427,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,XNA,,0.19967235477035186,0.6894791426446275,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-263.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2574114,347098,Cash loans,24986.43,450000.0,533160.0,,450000.0,TUESDAY,10,Y,1,,,,XNA,Approved,-289,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),10,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-259.0,1151.0,-79.0,-74.0,1.0,0,Cash loans,M,N,Y,0,202500.0,497520.0,39438.0,450000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.022625,-10498,-452,-92.0,-2704,,1,1,0,1,0,1,,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Military,0.2226478170599672,0.12862810655857454,0.14644206667896328,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-466.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1482997,150247,Cash loans,13635.045,180000.0,257917.5,,180000.0,SATURDAY,13,Y,1,,,,Building a house or an annex,Refused,-148,Cash through the bank,HC,Family,Repeater,XNA,Cash,walk-in,Country-wide,40,Connectivity,36.0,middle,Cash Street: middle,,,,,,,0,Cash loans,M,N,N,0,67500.0,225000.0,10944.0,225000.0,Unaccompanied,Working,Lower secondary,Single / not married,With parents,0.015221,-11687,-338,-5623.0,-4192,,1,1,1,1,1,0,Low-skill Laborers,1.0,2,2,SATURDAY,16,0,0,0,1,1,0,Restaurant,,0.29150195467526696,0.06380484447151785,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-2269.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2617947,245184,Consumer loans,9380.25,134955.0,140697.0,13495.5,134955.0,WEDNESDAY,14,Y,1,0.09532127933353672,,,XAP,Approved,-275,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Regional / Local,150,Consumer electronics,18.0,low_normal,POS household with interest,365243.0,-244.0,266.0,-64.0,-61.0,0.0,0,Cash loans,M,N,Y,1,225000.0,497520.0,53712.0,450000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.005084,-17426,-1456,-917.0,-924,,1,1,0,1,0,0,Managers,3.0,2,2,FRIDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.4648772951043237,0.6964271343181473,0.5460231970049609,0.1021,0.165,0.9851,,,,0.3103,0.1667,,,,0.1165,,0.0647,0.104,0.1712,0.9851,,,,0.3103,0.1667,,,,0.1214,,0.0685,0.1031,0.165,0.9851,,,,0.3103,0.1667,,,,0.1186,,0.066,,block of flats,0.1057,"Stone, brick",No,0.0,0.0,0.0,0.0,-275.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2458571,255936,Consumer loans,6777.945,36175.5,33241.5,4500.0,36175.5,MONDAY,16,Y,1,0.12985464517597578,,,XAP,Approved,-1992,XNA,XAP,,New,Mobile,POS,XNA,Country-wide,24,Connectivity,6.0,high,POS mobile with interest,365243.0,-1954.0,-1804.0,-1804.0,-1797.0,0.0,0,Cash loans,F,Y,Y,1,112500.0,646920.0,20866.5,540000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-11264,-576,-5379.0,-3507,14.0,1,1,0,1,0,0,Sales staff,3.0,2,2,FRIDAY,13,0,0,0,0,0,0,Self-employed,,0.6366734238911165,0.39449540531239935,0.099,0.0389,0.9831,,,0.16,0.069,0.4583,,0.0614,,0.0969,,0.0,0.1008,0.0404,0.9831,,,0.1611,0.069,0.4583,,0.0628,,0.101,,0.0,0.0999,0.0389,0.9831,,,0.16,0.069,0.4583,,0.0625,,0.0987,,0.0,reg oper account,block of flats,0.077,Panel,No,0.0,0.0,0.0,0.0,-1992.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2125937,438094,Revolving loans,11250.0,0.0,225000.0,,0.0,THURSDAY,13,Y,1,,,,XAP,Refused,-1342,XNA,LIMIT,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,2,202500.0,1157242.5,41697.0,999000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.030755,-9825,-2485,-3562.0,-2506,,1,1,0,1,0,0,,4.0,2,2,TUESDAY,16,0,0,0,0,0,0,Advertising,0.4100964498172127,0.505665344903408,0.3572932680336494,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1712.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +2594524,268026,Cash loans,20123.865,225000.0,254700.0,,225000.0,FRIDAY,16,Y,1,,,,Other,Approved,-412,Cash through the bank,XAP,,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,high,Cash Street: high,365243.0,-382.0,308.0,365243.0,365243.0,1.0,0,Revolving loans,F,N,Y,0,157500.0,382500.0,19125.0,382500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-21827,365243,-9707.0,-4737,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,XNA,,0.6781008953588515,0.8245949709919925,0.1113,0.0784,0.9871,0.8232,0.0194,0.12,0.1034,0.3333,0.375,0.1009,0.0908,0.1136,0.0,0.0,0.1134,0.0814,0.9871,0.8301,0.0196,0.1208,0.1034,0.3333,0.375,0.1032,0.0992,0.118,0.0,0.0,0.1124,0.0784,0.9871,0.8256,0.0196,0.12,0.1034,0.3333,0.375,0.1027,0.0923,0.1156,0.0,0.0,org spec account,,0.0997,Panel,No,1.0,0.0,1.0,0.0,-412.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +1082531,292689,Consumer loans,13558.365,90666.0,71023.5,27202.5,90666.0,MONDAY,17,Y,1,0.30161052526363125,,,XAP,Approved,-1355,Cash through the bank,XAP,Family,Refreshed,Computers,POS,XNA,Country-wide,2178,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1324.0,-1174.0,-1174.0,-1166.0,0.0,0,Revolving loans,M,Y,N,0,270000.0,270000.0,13500.0,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-14506,-2422,-7157.0,-3920,8.0,1,1,0,1,1,0,Laborers,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,Self-employed,0.3182930096063309,0.6986370633004381,0.8537314319896884,0.0206,0.0533,0.9771,0.6872,0.0038,0.0,0.069,0.1667,0.2083,0.0218,0.0168,0.0392,0.0,0.0,0.021,0.0553,0.9772,0.6994,0.0038,0.0,0.069,0.1667,0.2083,0.0223,0.0184,0.0409,0.0,0.0,0.0208,0.0533,0.9771,0.6914,0.0038,0.0,0.069,0.1667,0.2083,0.0222,0.0171,0.0399,0.0,0.0,reg oper account,block of flats,0.0308,"Stone, brick",No,1.0,0.0,1.0,0.0,-3157.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1691460,439093,Consumer loans,4306.05,22360.5,21118.5,2236.5,22360.5,SUNDAY,11,Y,1,0.10429252058153787,,,XAP,Approved,-2224,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,29,Connectivity,6.0,high,POS mobile with interest,365243.0,-2185.0,-2035.0,-2035.0,-2028.0,0.0,0,Cash loans,F,N,N,0,180000.0,679500.0,28917.0,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.030755,-17369,-352,-5273.0,-912,,1,1,1,1,0,0,Sales staff,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Self-employed,,0.494015918597287,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2005.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2295109,352731,Cash loans,41228.865,1305000.0,1494486.0,,1305000.0,SATURDAY,12,Y,1,,,,XNA,Refused,-216,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,720000.0,1113840.0,57001.5,900000.0,Unaccompanied,State servant,Higher education,Separated,House / apartment,0.04622,-15472,-5080,-393.0,-5302,,1,1,0,1,0,0,Managers,1.0,1,1,FRIDAY,15,0,1,1,0,0,0,Postal,0.6183897984362938,0.59121759157052,0.4418358231994413,0.2103,0.1256,0.998,0.9728,0.0802,0.32,0.1379,0.6667,0.7083,0.166,0.1706,0.3132,0.0039,0.0064,0.2143,0.1303,0.998,0.9739,0.0809,0.3222,0.1379,0.6667,0.7083,0.1698,0.1864,0.3263,0.0039,0.0068,0.2123,0.1256,0.998,0.9732,0.0807,0.32,0.1379,0.6667,0.7083,0.1689,0.1736,0.3188,0.0039,0.0065,not specified,block of flats,0.3278,Panel,No,0.0,0.0,0.0,0.0,-235.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2448222,310032,Consumer loans,8725.23,81886.5,61101.0,24570.0,81886.5,FRIDAY,14,Y,1,0.3123456436409477,,,XAP,Approved,-1980,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,2586,Consumer electronics,8.0,middle,POS household with interest,365243.0,-1949.0,-1739.0,-1739.0,-1733.0,0.0,0,Cash loans,M,N,N,0,202500.0,1107981.0,32526.0,967500.0,Unaccompanied,Working,Higher education,Married,Municipal apartment,0.010643000000000001,-21113,-879,-11734.0,-4038,,1,1,0,1,0,1,Sales staff,2.0,2,2,THURSDAY,10,0,0,0,0,1,1,Business Entity Type 3,,0.6935810475116879,0.5656079814115492,0.2227,0.1528,0.9816,0.7484,0.0414,0.24,0.2069,0.3333,0.375,0.1359,0.1816,0.2317,0.0,0.0,0.2269,0.1586,0.9816,0.7583,0.0418,0.2417,0.2069,0.3333,0.375,0.139,0.1983,0.2414,0.0,0.0,0.2248,0.1528,0.9816,0.7518,0.0417,0.24,0.2069,0.3333,0.375,0.1383,0.1847,0.2358,0.0,0.0,reg oper account,block of flats,0.2049,Panel,No,0.0,0.0,0.0,0.0,-1332.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1151810,356703,Consumer loans,6975.9,60660.0,60660.0,0.0,60660.0,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-338,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Regional / Local,250,Consumer electronics,10.0,middle,POS household with interest,365243.0,-306.0,-36.0,-36.0,-29.0,0.0,0,Revolving loans,F,N,Y,1,67500.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-11935,-716,-5115.0,-2483,,1,1,0,1,0,0,Sales staff,3.0,2,2,MONDAY,17,0,0,0,1,1,0,Self-employed,,0.3521366092760962,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-503.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1715058,236419,Cash loans,42909.345,675000.0,744498.0,,675000.0,FRIDAY,10,Y,1,,,,XNA,Approved,-486,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash X-Sell: high,365243.0,-456.0,594.0,-186.0,-183.0,1.0,0,Cash loans,M,N,N,0,292500.0,1125000.0,32895.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Rented apartment,0.072508,-11993,-2186,-1721.0,-1740,,1,1,0,1,1,0,Managers,1.0,1,1,MONDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.5847263965295346,0.5350254916176216,,0.3799,0.251,0.9771,0.6872,0.0,0.44,0.3793,0.3333,0.375,0.0,0.3097,0.3522,0.0,0.1005,0.3718,0.2329,0.9767,0.6929,0.0,0.4028,0.3448,0.3333,0.375,0.0,0.3251,0.3618,0.0,0.0078,0.3836,0.251,0.9771,0.6914,0.0,0.44,0.3793,0.3333,0.375,0.0,0.3151,0.3585,0.0,0.1026,reg oper account,block of flats,0.2747,Panel,No,0.0,0.0,0.0,0.0,-1445.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1292899,205442,Cash loans,42548.535,202500.0,209182.5,,202500.0,TUESDAY,13,Y,1,,,,XNA,Approved,-878,Cash through the bank,XAP,Other_A,New,XNA,Cash,walk-in,Country-wide,42,Connectivity,6.0,high,Cash Street: high,365243.0,-848.0,-698.0,-698.0,-690.0,1.0,1,Cash loans,M,Y,Y,1,292500.0,604152.0,29196.0,540000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.008625,-10618,-2970,-1527.0,-3004,13.0,1,1,0,1,0,0,Drivers,3.0,2,2,FRIDAY,14,0,1,1,0,0,0,Business Entity Type 1,0.2389504833774704,0.4871848206354782,0.2822484337007223,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-878.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,2.0 +1298780,308474,Consumer loans,10660.095,55350.0,52281.0,5535.0,55350.0,SUNDAY,10,Y,1,0.1042638401449111,,,XAP,Approved,-1730,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Country-wide,3,Furniture,6.0,high,POS industry with interest,365243.0,-1698.0,-1548.0,-1548.0,-1541.0,0.0,0,Cash loans,F,N,Y,0,90000.0,545040.0,19705.5,450000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-23798,365243,-7402.0,-4556,,1,0,0,1,1,0,,2.0,2,2,MONDAY,17,0,0,0,0,0,0,XNA,0.8475259892015358,0.6825522819210125,0.6658549219640212,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2009640,153087,Cash loans,59670.045,1215000.0,1338493.5,,1215000.0,TUESDAY,14,Y,1,,,,XNA,Approved,-625,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,42.0,middle,Cash X-Sell: middle,365243.0,-595.0,635.0,-475.0,-473.0,1.0,0,Cash loans,F,Y,N,0,90000.0,450000.0,24543.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-18221,-1858,-8889.0,-1780,10.0,1,1,0,1,0,0,Medicine staff,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,Medicine,,0.6534932339160351,0.3572932680336494,0.1546,0.1513,0.9881,0.8368,0.0224,0.0,0.3448,0.1667,0.2083,0.1411,0.1261,0.1414,0.0,0.0,0.1576,0.157,0.9881,0.8432,0.0226,0.0,0.3448,0.1667,0.2083,0.1443,0.1377,0.1473,0.0,0.0,0.1561,0.1513,0.9881,0.8390000000000001,0.0226,0.0,0.3448,0.1667,0.2083,0.1436,0.1283,0.14400000000000002,0.0,0.0,reg oper account,block of flats,0.1495,"Stone, brick",No,1.0,0.0,1.0,0.0,-42.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2834262,400940,Cash loans,13779.36,126000.0,126000.0,0.0,126000.0,MONDAY,10,Y,1,0.0,,,XNA,Approved,-2067,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,high,Cash Street: high,365243.0,-2037.0,-1707.0,-1707.0,-1697.0,0.0,0,Cash loans,F,N,N,0,90000.0,254700.0,24939.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.072508,-23942,365243,-4418.0,-4803,,1,0,0,1,0,0,,1.0,1,1,WEDNESDAY,9,0,0,0,0,0,0,XNA,,0.730170046094443,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2248312,169106,Consumer loans,9926.505,40639.5,48276.0,0.0,40639.5,MONDAY,10,Y,1,0.0,,,XAP,Approved,-638,XNA,XAP,,New,Mobile,POS,XNA,Country-wide,31,Connectivity,6.0,high,POS mobile with interest,365243.0,-474.0,-324.0,-474.0,-471.0,0.0,1,Cash loans,M,Y,N,1,202500.0,675000.0,32602.5,675000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.006305,-8336,-1258,-2825.0,-970,24.0,1,1,0,1,0,0,Laborers,3.0,3,3,SUNDAY,6,0,0,0,0,0,0,Kindergarten,0.1078793606532704,0.3591470946560725,0.4794489811780563,,,0.9608,,,,,,,,,0.0029,,,,,0.9608,,,,,,,,,0.0031,,,,,0.9608,,,,,,,,,0.003,,,,block of flats,0.0033,,Yes,0.0,0.0,0.0,0.0,-638.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,0.0,0.0,1.0 +2136401,255958,Consumer loans,2438.37,21555.0,17293.5,5580.0,21555.0,TUESDAY,17,Y,1,0.2656841879348273,,,XAP,Approved,-2228,Cash through the bank,XAP,"Spouse, partner",New,Mobile,POS,XNA,Country-wide,25,Connectivity,10.0,high,POS mobile with interest,365243.0,-2197.0,-1927.0,-1987.0,-1985.0,0.0,0,Cash loans,F,Y,N,0,247500.0,1125000.0,47664.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,Office apartment,0.031329,-18957,-2669,-11349.0,-2444,5.0,1,1,1,1,0,0,Managers,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.808985678394614,0.7384969465963286,0.4223696523543468,0.0021,,0.9727,,,0.0,0.069,0.0,,0.0117,,0.0018,,0.0,0.0021,,0.9727,,,0.0,0.069,0.0,,0.012,,0.0019,,0.0,0.0021,,0.9727,,,0.0,0.069,0.0,,0.0119,,0.0018,,0.0,,block of flats,0.0014,Wooden,No,0.0,0.0,0.0,0.0,-2228.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1857208,318658,Consumer loans,4655.88,23575.5,19863.0,4500.0,23575.5,SATURDAY,6,Y,1,0.20116197064848707,,,XAP,Approved,-2844,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,35,Connectivity,5.0,low_normal,POS mobile with interest,365243.0,-2813.0,-2693.0,-2693.0,-2647.0,1.0,0,Cash loans,F,N,Y,1,157500.0,1293502.5,35698.5,1129500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.020246,-15709,-4771,-5417.0,-5417,,1,1,0,1,1,0,Sales staff,3.0,3,3,MONDAY,7,0,0,0,0,0,0,Self-employed,,0.4599825126652984,0.6986675550534175,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1976.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,1.0 +2404383,449706,Revolving loans,7875.0,0.0,157500.0,,,WEDNESDAY,18,Y,1,,,,XAP,Approved,-2346,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,2400,Consumer electronics,0.0,XNA,Card X-Sell,-2313.0,-2290.0,365243.0,-556.0,365243.0,0.0,0,Cash loans,F,N,Y,1,202500.0,521280.0,28408.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.009656999999999999,-18322,-3283,-5454.0,-1823,,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,17,0,0,0,0,0,0,Business Entity Type 3,,0.5398637020389203,0.7992967832109371,0.5722,0.39,0.9831,0.7688,0.2712,0.56,0.4828,0.3333,0.375,0.2246,0.4665,0.5371,0.0154,0.0161,0.583,0.4047,0.9831,0.7779,0.2737,0.5639,0.4828,0.3333,0.375,0.2298,0.5096,0.5596,0.0156,0.0171,0.5777,0.39,0.9831,0.7719,0.2729,0.56,0.4828,0.3333,0.375,0.2285,0.4746,0.5467,0.0155,0.0165,reg oper account,block of flats,0.5742,Panel,No,1.0,0.0,1.0,0.0,-1336.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1098380,448564,Cash loans,19257.165,454500.0,454500.0,,454500.0,SATURDAY,7,Y,1,,,,XNA,Refused,-229,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,157500.0,675000.0,32602.5,675000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-23173,365243,-5707.0,-1562,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,XNA,0.7095682593606519,0.5100650784576283,0.3108182544189319,0.0711,0.0777,0.9866,0.8164,0.0666,0.0,0.1379,0.1667,0.2083,0.0286,0.0572,0.0642,0.0039,0.0043,0.0725,0.0807,0.9866,0.8236,0.0672,0.0,0.1379,0.1667,0.2083,0.0293,0.0624,0.0669,0.0039,0.0046,0.0718,0.0777,0.9866,0.8189,0.067,0.0,0.1379,0.1667,0.2083,0.0291,0.0581,0.0654,0.0039,0.0044,reg oper account,block of flats,0.0515,Panel,No,3.0,0.0,3.0,0.0,-1652.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1222799,113443,Cash loans,20486.655,324000.0,388152.0,,324000.0,THURSDAY,11,Y,1,,,,Repairs,Refused,-234,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,low_normal,Cash Street: low,,,,,,,1,Cash loans,M,Y,Y,0,139500.0,408780.0,20011.5,337500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.005313,-12696,-145,-1047.0,-4199,7.0,1,1,0,1,0,0,Sales staff,1.0,2,2,SUNDAY,10,0,0,0,0,0,0,Business Entity Type 1,,0.7352279074385529,0.056475179729157526,0.1113,0.0714,0.9906,0.8708,0.0329,0.12,0.1034,0.3333,0.375,0.0769,0.0891,0.1144,0.0077,0.0106,0.1134,0.0741,0.9906,0.8759,0.0332,0.1208,0.1034,0.3333,0.375,0.0786,0.0973,0.1192,0.0078,0.0112,0.1124,0.0714,0.9906,0.8725,0.0331,0.12,0.1034,0.3333,0.375,0.0782,0.0906,0.1164,0.0078,0.0108,reg oper account,block of flats,0.1172,Panel,No,3.0,0.0,3.0,0.0,-1009.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2153468,275262,Cash loans,21709.125,450000.0,512370.0,,450000.0,WEDNESDAY,8,Y,1,,,,XNA,Approved,-974,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-944.0,106.0,-854.0,-851.0,1.0,0,Cash loans,F,N,N,1,270000.0,700830.0,20619.0,585000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.020713,-13271,-3169,-107.0,-4300,,1,1,0,1,0,0,Managers,3.0,3,2,THURSDAY,6,0,0,0,0,0,0,Business Entity Type 3,0.6388958966505606,0.5723157350874052,,0.1186,0.1271,0.9776,0.6940000000000001,0.04,0.0,0.2759,0.1667,0.2083,0.1328,0.0967,0.1106,0.0,0.0,0.1208,0.1319,0.9777,0.706,0.0403,0.0,0.2759,0.1667,0.2083,0.1359,0.1056,0.1153,0.0,0.0,0.1197,0.1271,0.9776,0.6981,0.0402,0.0,0.2759,0.1667,0.2083,0.1351,0.0983,0.1126,0.0,0.0,reg oper spec account,block of flats,0.0956,Panel,No,5.0,0.0,5.0,0.0,-22.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,5.0 +2562132,238006,Consumer loans,17013.555,176067.9,151231.5,35217.9,176067.9,THURSDAY,15,Y,1,0.2057153025285828,,,XAP,Approved,-1859,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,1972,Consumer electronics,10.0,low_normal,POS household with interest,,,,,,,0,Cash loans,F,N,N,2,252000.0,558486.0,28498.5,517500.0,Unaccompanied,Commercial associate,Higher education,Married,With parents,0.006852,-14027,-602,-724.0,-4347,,1,1,0,1,0,0,Sales staff,4.0,3,3,MONDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.41150855108153095,0.018164165167919136,0.3825018041447388,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-7.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2108736,220789,Consumer loans,25857.27,290434.5,261184.5,29250.0,290434.5,SUNDAY,12,Y,1,0.1096836260530656,,,XAP,Refused,-2256,Cash through the bank,VERIF,Family,New,Audio/Video,POS,XNA,Country-wide,2500,Consumer electronics,12.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,N,0,180000.0,1102171.5,43839.0,945000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-17903,-2653,-5550.0,-1445,,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Housing,,0.7496596658099058,0.5424451438613613,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2256.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2153666,195667,Consumer loans,5587.56,41895.0,41085.0,3352.5,41895.0,MONDAY,10,Y,1,0.08216432681242808,,,XAP,Approved,-2625,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Stone,270,Consumer electronics,8.0,low_normal,POS household without interest,365243.0,-2593.0,-2383.0,-2383.0,-2360.0,1.0,0,Cash loans,F,Y,Y,1,103500.0,114457.5,9171.0,94500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.020713,-14229,-2067,-6786.0,-1970,22.0,1,1,0,1,0,0,Core staff,3.0,3,3,MONDAY,12,0,0,0,1,1,0,School,0.5794883563249956,0.45830452283005896,0.6263042766749393,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1003.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1311337,297881,Cash loans,7173.72,135000.0,170640.0,,135000.0,TUESDAY,11,Y,1,,,,XNA,Approved,-778,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,Y,Y,0,135000.0,199080.0,11425.5,157500.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.020246,-24209,365243,-1174.0,-3275,17.0,1,0,0,1,1,0,,2.0,3,3,WEDNESDAY,11,0,0,0,0,0,0,XNA,,0.5978016727116713,0.221335206354466,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-839.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +1949675,443905,Consumer loans,15513.12,315000.0,252000.0,63000.0,315000.0,WEDNESDAY,12,Y,1,0.2178181818181818,,,XAP,Approved,-241,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Country-wide,438,Furniture,20.0,low_normal,POS industry with interest,365243.0,-209.0,361.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,1,202500.0,225000.0,17541.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-12611,-1919,-5709.0,-739,,1,1,0,1,0,0,Low-skill Laborers,3.0,2,2,SATURDAY,11,0,0,0,0,0,0,Self-employed,,0.7523584621563769,0.5902333386185574,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,block of flats,,,Yes,5.0,0.0,5.0,0.0,-2431.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1026584,380608,Cash loans,22202.145,247500.0,267592.5,,247500.0,MONDAY,8,Y,1,,,,XNA,Approved,-983,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,18.0,high,Cash X-Sell: high,365243.0,-953.0,-443.0,-443.0,-438.0,1.0,0,Cash loans,F,Y,N,0,135000.0,258709.5,25717.5,234000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-13622,-4356,-2857.0,-3244,4.0,1,1,0,1,0,0,Managers,2.0,3,3,THURSDAY,7,0,0,0,1,1,0,Industry: type 4,0.4951368217149986,0.4763915288372481,,0.0814,0.062,0.9752,0.66,0.0085,0.0,0.1379,0.1667,0.2083,0.0691,0.0664,0.0684,0.0,0.0026,0.0819,0.061,0.9752,0.6733,0.0085,0.0,0.1379,0.1667,0.2083,0.0704,0.0716,0.0708,0.0,0.0,0.0822,0.062,0.9752,0.6645,0.0085,0.0,0.1379,0.1667,0.2083,0.0703,0.0676,0.0697,0.0,0.0026,reg oper account,block of flats,0.0588,Panel,No,1.0,0.0,1.0,0.0,-1934.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1609551,291264,Consumer loans,4333.32,22860.0,21591.0,2286.0,22860.0,TUESDAY,10,Y,1,0.10427029434944997,,,XAP,Approved,-2680,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,30,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2649.0,-2499.0,-2499.0,-2486.0,1.0,0,Cash loans,F,Y,N,0,157500.0,765000.0,33826.5,765000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018029,-17180,-4249,-3365.0,-713,17.0,1,1,1,1,0,0,Core staff,2.0,3,3,WEDNESDAY,12,0,0,0,0,0,0,School,0.6757037649118953,0.33054415674886306,0.5744466170995097,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1816.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1627092,304620,Consumer loans,23107.095,624600.0,361048.5,263551.5,624600.0,TUESDAY,4,Y,1,0.4595445768928479,,,XAP,Refused,-1730,Cash through the bank,LIMIT,,Repeater,Consumer Electronics,POS,XNA,Stone,280,Consumer electronics,24.0,middle,POS household with interest,,,,,,,0,Cash loans,F,Y,N,0,112500.0,339948.0,24304.5,315000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.014464,-9818,-1060,-597.0,-2469,14.0,1,1,0,1,0,0,Core staff,2.0,2,2,WEDNESDAY,5,0,0,0,0,1,1,Military,,0.5564680621416129,0.7826078370261895,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2409035,263363,Consumer loans,17852.355,208485.0,236142.0,0.0,208485.0,THURSDAY,12,Y,1,0.0,,,XAP,Approved,-1472,Cash through the bank,XAP,Unaccompanied,New,Furniture,POS,XNA,Stone,30,Furniture,18.0,middle,POS industry with interest,365243.0,-1441.0,-931.0,-931.0,-916.0,0.0,0,Cash loans,F,N,Y,0,40500.0,755190.0,33394.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-23577,365243,-5.0,-4441,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,XNA,,0.3769459706060007,0.7776594425716818,0.1237,0.1394,0.9796,0.7212,0.0136,0.0,0.2759,0.1667,0.2083,0.1099,0.1009,0.1211,0.0,0.0,0.1261,0.1445,0.9796,0.7321,0.0114,0.0,0.2759,0.1667,0.2083,0.0933,0.1102,0.126,0.0,0.0,0.1249,0.1394,0.9796,0.7249,0.0137,0.0,0.2759,0.1667,0.2083,0.1118,0.1026,0.1233,0.0,0.0,reg oper account,block of flats,0.1013,Panel,No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1477559,111602,Cash loans,12382.2,135000.0,135000.0,,135000.0,FRIDAY,20,Y,1,,,,XNA,Approved,-844,XNA,XAP,Unaccompanied,New,XNA,Cash,walk-in,Contact center,-1,XNA,18.0,high,Cash Street: high,365243.0,-813.0,-303.0,-573.0,-569.0,0.0,0,Cash loans,M,Y,Y,0,247500.0,900000.0,29164.5,900000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.015221,-19643,-985,-10947.0,-3193,5.0,1,1,0,1,1,0,Drivers,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Transport: type 4,,0.7853104986137311,0.3092753558842053,0.1845,0.1348,0.9851,0.7959999999999999,0.0667,0.2,0.1724,0.3333,0.375,0.0468,0.1496,0.1917,0.0039,0.0065,0.188,0.1399,0.9851,0.804,0.0674,0.2014,0.1724,0.3333,0.375,0.0478,0.1635,0.1997,0.0039,0.0069,0.1863,0.1348,0.9851,0.7987,0.0672,0.2,0.1724,0.3333,0.375,0.0476,0.1522,0.1951,0.0039,0.0066,org spec account,block of flats,0.1887,Panel,No,0.0,0.0,0.0,0.0,-1482.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1830160,121041,Cash loans,23284.485,450000.0,512370.0,,450000.0,MONDAY,9,Y,1,,,,XNA,Approved,-757,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-727.0,323.0,-577.0,-569.0,1.0,0,Cash loans,F,Y,Y,0,117000.0,594000.0,19291.5,594000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-23385,-840,-5564.0,-3703,13.0,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,16,0,0,0,0,0,0,Industry: type 11,,0.5517892514329971,0.22888341670067305,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-399.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1692470,403324,Consumer loans,5036.58,62955.0,44068.5,18886.5,62955.0,THURSDAY,17,Y,1,0.3267272727272727,,,XAP,Approved,-331,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Regional / Local,100,Consumer electronics,10.0,middle,POS household with interest,365243.0,-300.0,-30.0,-30.0,-27.0,0.0,0,Cash loans,M,Y,N,0,180000.0,810000.0,23683.5,810000.0,Unaccompanied,Commercial associate,Higher education,Married,With parents,0.031329,-9463,-144,-2212.0,-2135,9.0,1,1,0,1,1,0,,2.0,2,2,SATURDAY,11,0,0,0,1,1,0,Business Entity Type 1,,0.5569267731180002,,0.033,0.0665,0.9861,,,0.0,0.1034,0.0833,,0.0268,,0.035,,,0.0336,0.0691,0.9861,,,0.0,0.1034,0.0833,,0.0274,,0.0364,,,0.0333,0.0665,0.9861,,,0.0,0.1034,0.0833,,0.0273,,0.0356,,,,block of flats,0.0298,"Stone, brick",No,0.0,0.0,0.0,0.0,-1709.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1823631,421911,Cash loans,26827.695,450000.0,512370.0,,450000.0,MONDAY,14,Y,1,,,,XNA,Refused,-180,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,36.0,middle,Cash X-Sell: middle,,,,,,,1,Cash loans,F,N,N,0,90000.0,225000.0,20767.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.031329,-12992,-1242,-2313.0,-3732,,1,1,1,1,0,0,Medicine staff,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Medicine,,0.6039218347602312,0.06643917173404808,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-2076.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2301344,372601,Consumer loans,10690.47,214366.5,214366.5,0.0,214366.5,TUESDAY,17,Y,1,0.0,,,XAP,Approved,-568,XNA,XAP,,Repeater,Furniture,POS,XNA,Stone,81,Furniture,24.0,low_action,POS household with interest,365243.0,-536.0,154.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,Y,0,135000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.035792000000000004,-8394,-1335,-1287.0,-1045,,1,1,0,1,0,0,Laborers,1.0,2,2,WEDNESDAY,11,0,0,0,0,1,1,Business Entity Type 3,,0.35856849883534514,0.4436153084085652,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-832.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2135727,393871,Cash loans,37339.155,675000.0,767664.0,,675000.0,WEDNESDAY,15,Y,1,,,,Repairs,Refused,-560,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,middle,Cash Street: middle,,,,,,,0,Revolving loans,F,N,Y,0,90000.0,180000.0,9000.0,180000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.019101,-19562,-2260,-9731.0,-3099,,1,1,0,1,0,0,Sales staff,1.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Trade: type 7,,0.7111675442659552,0.7407990879702335,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1742.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1155257,137580,Consumer loans,10149.165,95413.5,94936.5,9544.5,95413.5,TUESDAY,10,Y,1,0.0994901291317865,,,XAP,Approved,-337,XNA,XAP,,New,Furniture,POS,XNA,Stone,150,Consumer electronics,12.0,middle,POS household with interest,365243.0,-306.0,24.0,-66.0,-59.0,0.0,0,Cash loans,F,N,Y,0,49500.0,152820.0,16456.5,135000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.030755,-18612,-1482,-11134.0,-2162,,1,1,1,1,1,0,Managers,1.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Government,,0.5904140373225129,0.6863823354047934,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-337.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2061974,336157,Consumer loans,7034.67,73255.5,65929.5,7326.0,73255.5,THURSDAY,16,Y,1,0.10891578106763317,,,XAP,Approved,-796,XNA,XAP,Family,Repeater,Computers,POS,XNA,Stone,24,Consumer electronics,12.0,middle,POS household with interest,365243.0,-760.0,-430.0,-659.0,-653.0,0.0,0,Cash loans,F,Y,Y,0,211500.0,1293502.5,35698.5,1129500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-23261,365243,-3556.0,-4047,16.0,1,0,0,1,1,0,,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,XNA,,0.3593031341860355,0.6496203111237195,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1828523,170064,Cash loans,6682.725,90000.0,107820.0,,90000.0,THURSDAY,10,Y,1,,,,XNA,Refused,-228,Cash through the bank,XNA,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,139500.0,284400.0,10849.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.015221,-20415,365243,-2518.0,-2215,,1,0,0,1,0,0,,2.0,2,2,MONDAY,13,0,0,0,0,0,0,XNA,0.7973135041210601,0.5752249785331207,0.4543210601605785,0.0495,0.0013,0.9747,0.6532,0.0046,0.0,0.1034,0.125,0.1667,0.0207,0.0403,0.0399,0.0,0.0,0.0504,0.0013,0.9747,0.6668,0.0046,0.0,0.1034,0.125,0.1667,0.0211,0.0441,0.0415,0.0,0.0,0.05,0.0013,0.9747,0.6578,0.0046,0.0,0.1034,0.125,0.1667,0.021,0.041,0.0406,0.0,0.0,reg oper account,block of flats,0.0339,Block,No,0.0,0.0,0.0,0.0,-1950.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2629375,302594,Consumer loans,5301.495,33165.0,26415.0,6750.0,33165.0,MONDAY,17,Y,1,0.22166029357345488,,,XAP,Approved,-2496,XNA,XAP,,New,Mobile,POS,XNA,Stone,13,Connectivity,6.0,high,POS mobile with interest,365243.0,-2462.0,-2312.0,-2342.0,-2336.0,0.0,0,Cash loans,F,N,Y,0,306000.0,1246500.0,40342.5,1246500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.026392000000000002,-21758,-10215,-12125.0,-4286,,1,1,0,1,1,0,Laborers,2.0,2,2,FRIDAY,16,0,0,0,0,0,0,Industry: type 11,,0.6958165307388609,0.5989262182569273,0.066,,0.9747,,,0.0,0.1379,0.1667,,,,0.0509,,,0.0672,,0.9747,,,0.0,0.1379,0.1667,,,,0.0531,,,0.0666,,0.9747,,,0.0,0.1379,0.1667,,,,0.0519,,,,block of flats,0.0559,"Stone, brick",No,1.0,1.0,1.0,1.0,-773.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1985969,430343,Cash loans,13002.075,112500.0,126886.5,,112500.0,THURSDAY,8,Y,1,,,,XNA,Approved,-866,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-836.0,-506.0,-806.0,-800.0,1.0,0,Cash loans,M,N,N,2,126000.0,263686.5,26208.0,238500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.020713,-16519,-408,-377.0,-77,,1,1,0,1,0,0,Security staff,4.0,3,3,TUESDAY,8,0,0,0,0,0,0,Security,,0.5806603139400154,0.4776491548517548,0.0928,0.1116,0.9995,,0.0149,0.0,0.2069,0.1667,0.2083,0.0886,0.0756,0.0949,0.0,0.0,0.0945,0.1158,0.9995,,0.015,0.0,0.2069,0.1667,0.2083,0.0906,0.0826,0.0988,0.0,0.0,0.0937,0.1116,0.9995,,0.015,0.0,0.2069,0.1667,0.2083,0.0901,0.077,0.0966,0.0,0.0,reg oper account,block of flats,0.0994,"Stone, brick",No,0.0,0.0,0.0,0.0,-1410.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2785543,260377,Cash loans,14299.875,337500.0,337500.0,,337500.0,WEDNESDAY,15,Y,1,,,,XNA,Approved,-544,Cash through the bank,XAP,"Spouse, partner",New,XNA,Cash,walk-in,Country-wide,42,Connectivity,36.0,low_normal,Cash Street: low,365243.0,-512.0,538.0,-122.0,-114.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,1724688.0,59949.0,1575000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.0031219999999999998,-19987,-134,-7931.0,-2827,14.0,1,1,1,1,0,0,Security staff,2.0,3,3,TUESDAY,16,0,1,1,0,1,1,Security,,0.6066177022387004,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-545.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1032632,374310,Consumer loans,4858.965,26910.0,24210.0,2700.0,26910.0,SUNDAY,13,Y,1,0.10927333536029184,,,XAP,Approved,-2593,Cash through the bank,XAP,"Spouse, partner",Repeater,Mobile,POS,XNA,Stone,26,Connectivity,6.0,high,POS mobile with interest,365243.0,-2545.0,-2395.0,-2395.0,-2390.0,0.0,0,Cash loans,F,Y,N,1,202500.0,640080.0,31261.5,450000.0,Family,Working,Secondary / secondary special,Single / not married,Rented apartment,0.009175,-12246,-2742,-6316.0,-4369,2.0,1,1,0,1,0,0,Security staff,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Medicine,0.4756515599480495,0.702577145011798,0.3996756156233169,0.1082,0.0076,0.9861,,,0.0,0.3103,0.1667,,0.2433,,0.1235,,0.0367,0.1103,0.0079,0.9861,,,0.0,0.3103,0.1667,,0.2489,,0.1287,,0.0389,0.1093,0.0076,0.9861,,,0.0,0.3103,0.1667,,0.2476,,0.1257,,0.0375,,block of flats,0.1093,"Stone, brick",No,0.0,0.0,0.0,0.0,-632.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1664361,107004,Consumer loans,12396.69,86895.0,83367.0,8689.5,86895.0,SATURDAY,12,Y,1,0.10280268589991423,,,XAP,Approved,-1721,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,530,Consumer electronics,8.0,middle,POS household with interest,365243.0,-1687.0,-1477.0,-1477.0,-1475.0,0.0,0,Cash loans,M,Y,Y,1,135000.0,315000.0,14683.5,315000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.009656999999999999,-11873,-1430,-464.0,-3517,22.0,1,1,0,1,0,0,Laborers,3.0,2,2,FRIDAY,17,0,0,0,0,0,0,School,0.2868065837583769,0.6167044926577011,0.524496446363472,0.2546,0.1713,0.9861,0.8096,0.0773,0.28,0.2414,0.3333,0.375,0.1088,0.2076,0.2664,0.0,0.0052,0.2595,0.1777,0.9861,0.8171,0.078,0.282,0.2414,0.3333,0.375,0.1113,0.2268,0.2776,0.0,0.0055,0.2571,0.1713,0.9861,0.8121,0.0778,0.28,0.2414,0.3333,0.375,0.1107,0.2112,0.2712,0.0,0.0053,reg oper account,block of flats,0.2529,Panel,No,2.0,0.0,2.0,0.0,-147.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2190515,213110,Consumer loans,2106.315,22999.5,22999.5,0.0,22999.5,SATURDAY,16,Y,1,0.0,,,XAP,Approved,-320,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,1512,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-290.0,40.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,126000.0,386784.0,30690.0,306000.0,Unaccompanied,Working,Incomplete higher,Single / not married,With parents,0.0105,-8128,-319,-2900.0,-595,,1,1,0,1,0,1,Waiters/barmen staff,1.0,3,3,THURSDAY,11,0,0,0,0,0,0,Restaurant,0.4714403300487501,0.6915976765773427,0.4311917977993083,0.1237,0.0509,0.9891,0.8504,0.0055,0.04,0.0345,0.375,0.0417,,0.1009,0.0823,0.0,0.0,0.1261,0.0528,0.9891,0.8563,0.0055,0.0403,0.0345,0.375,0.0417,,0.1102,0.0857,0.0,0.0,0.1249,0.0509,0.9891,0.8524,0.0055,0.04,0.0345,0.375,0.0417,,0.1026,0.0838,0.0,0.0,reg oper account,block of flats,0.0647,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1945988,455414,Cash loans,19524.51,360000.0,459792.0,,360000.0,THURSDAY,15,Y,1,,,,XNA,Approved,-1519,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,middle,Cash X-Sell: middle,365243.0,-1489.0,281.0,-1039.0,-1012.0,1.0,0,Cash loans,M,Y,Y,0,225000.0,790434.0,40486.5,706500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00823,-19048,-3343,-4747.0,-2533,31.0,1,1,0,1,1,0,Drivers,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Agriculture,,0.54479745036177,0.7862666146611379,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-1821.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2184266,318146,Consumer loans,,74200.5,74200.5,0.0,74200.5,SUNDAY,14,Y,1,0.0,,,XAP,Refused,-258,Cash through the bank,LIMIT,,Repeater,Computers,XNA,XNA,Country-wide,55,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,M,N,Y,0,112500.0,397881.0,31563.0,328500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-11608,-1659,-5528.0,-4008,,1,1,1,1,0,0,Laborers,2.0,3,3,SATURDAY,11,0,0,0,0,0,0,Self-employed,0.2108650542068726,0.3434662615805332,,0.0691,0.0357,0.9871,0.8232,0.0125,0.04,0.0345,0.3333,0.0417,,,0.0446,,0.0,0.0704,0.037000000000000005,0.9871,0.8301,0.0127,0.0403,0.0345,0.3333,0.0417,,,0.0464,,0.0,0.0697,0.0357,0.9871,0.8256,0.0126,0.04,0.0345,0.3333,0.0417,,,0.0454,,0.0,,block of flats,0.0419,Panel,No,1.0,1.0,1.0,1.0,-324.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1899817,386533,Consumer loans,9762.795,93352.5,106906.5,0.0,93352.5,WEDNESDAY,12,Y,1,0.0,,,XAP,Approved,-148,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,150,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-118.0,212.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,N,1,135000.0,314100.0,13963.5,225000.0,Unaccompanied,Working,Higher education,Single / not married,Municipal apartment,0.006629,-14376,-295,-4139.0,-4640,11.0,1,1,0,1,0,0,Core staff,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,School,0.800697734673186,0.5564518705785335,0.5902333386185574,0.101,0.0962,0.9841,0.7824,0.0223,0.0,0.069,0.1667,0.0417,0.0577,0.079,0.0622,0.0154,0.0381,0.1029,0.0998,0.9841,0.7909,0.0225,0.0,0.069,0.1667,0.0417,0.059,0.0863,0.0648,0.0156,0.0404,0.102,0.0962,0.9841,0.7853,0.0224,0.0,0.069,0.1667,0.0417,0.0587,0.0804,0.0633,0.0155,0.0389,reg oper spec account,block of flats,0.0693,Block,No,5.0,0.0,5.0,0.0,-113.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1940483,327694,Consumer loans,3047.85,23355.0,15066.0,9000.0,23355.0,TUESDAY,12,Y,1,0.4072890460325015,,,XAP,Approved,-1697,XNA,XAP,,New,Mobile,POS,XNA,Country-wide,20,Connectivity,6.0,high,POS mobile with interest,365243.0,-1660.0,-1510.0,-1570.0,-1566.0,0.0,0,Cash loans,F,N,Y,1,180000.0,1160248.5,41805.0,1039500.0,"Spouse, partner",Working,Secondary / secondary special,Married,With parents,0.035792000000000004,-15003,-1159,-5610.0,-2297,,1,1,0,1,1,0,Sales staff,3.0,2,2,FRIDAY,15,0,0,0,0,0,0,Self-employed,0.3734106001655592,0.6301742108744546,0.6785676886853644,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-830.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1692621,452105,Consumer loans,14681.16,85455.0,76905.0,8550.0,85455.0,TUESDAY,13,Y,1,0.10896644166786346,,,XAP,Approved,-694,XNA,XAP,,New,Computers,POS,XNA,Stone,18,Consumer electronics,6.0,middle,POS household with interest,365243.0,-654.0,-504.0,-504.0,-500.0,0.0,0,Cash loans,M,Y,N,0,121500.0,314055.0,19107.0,238500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.019688999999999998,-11309,-906,-5703.0,-3883,6.0,1,1,0,1,0,0,Core staff,1.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Business Entity Type 2,0.11597284638294254,0.7469537506821877,0.06555002632575951,0.099,0.0,0.9806,,,0.16,0.069,0.4583,,0.057,,0.095,,0.0,0.1008,0.0,0.9806,,,0.1611,0.069,0.4583,,0.0583,,0.0989,,0.0,0.0999,0.0,0.9806,,,0.16,0.069,0.4583,,0.058,,0.0967,,0.0,,block of flats,0.0747,Panel,No,0.0,0.0,0.0,0.0,-1615.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2152722,403753,Consumer loans,12142.8,111622.5,109296.0,11164.5,111622.5,SATURDAY,9,Y,1,0.10093894226360887,,,XAP,Approved,-801,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Stone,200,Furniture,10.0,low_normal,POS industry with interest,365243.0,-767.0,-497.0,-617.0,-611.0,0.0,0,Cash loans,F,Y,Y,0,202500.0,1288350.0,37800.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-19267,-7320,-4499.0,-2821,20.0,1,1,1,1,1,0,Laborers,2.0,3,3,TUESDAY,7,0,0,0,0,0,0,Housing,,0.3862082271017482,0.6801388218428291,0.1804,0.2054,0.9851,0.7959999999999999,0.1772,0.0,0.4483,0.1667,0.2083,0.1647,0.1463,0.1844,0.0039,0.0618,0.1838,0.2132,0.9851,0.804,0.1788,0.0,0.4483,0.1667,0.2083,0.1685,0.1598,0.1921,0.0039,0.0654,0.1822,0.2054,0.9851,0.7987,0.1783,0.0,0.4483,0.1667,0.2083,0.1676,0.1488,0.1877,0.0039,0.0631,reg oper account,block of flats,0.1585,Panel,No,4.0,3.0,4.0,2.0,-1676.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2163650,112684,Revolving loans,,0.0,0.0,,,TUESDAY,10,Y,1,,,,XAP,Refused,-421,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Card Street,,,,,,,1,Cash loans,M,N,Y,2,112500.0,545040.0,26640.0,450000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019101,-12568,-868,-6683.0,-4142,,1,1,0,1,0,0,Laborers,4.0,2,2,WEDNESDAY,13,0,0,0,0,1,1,Self-employed,0.29667808728174394,0.5966391675152887,0.1419915427739129,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-404.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1353591,339493,Cash loans,11651.085,135000.0,148365.0,,135000.0,FRIDAY,15,Y,1,,,,XNA,Approved,-141,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-111.0,399.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,2,180000.0,324000.0,15889.5,324000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-11172,-2046,-4576.0,-3420,,1,1,1,1,1,0,Sales staff,4.0,2,2,SUNDAY,10,0,0,0,0,1,1,Self-employed,0.5901527649032805,0.337490386274592,0.4992720153045617,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1360.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,8.0 +1084857,182746,Consumer loans,4173.66,21820.5,22972.5,0.0,21820.5,MONDAY,13,Y,1,0.0,,,XAP,Approved,-703,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Regional / Local,297,Consumer electronics,6.0,middle,POS household with interest,365243.0,-672.0,-522.0,-522.0,-515.0,0.0,0,Cash loans,F,N,Y,0,67500.0,808650.0,23773.5,675000.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-22629,365243,-11397.0,-4776,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,XNA,,0.4893102648936198,0.3441550073724169,0.0722,0.0649,0.9846,0.7892,0.0,0.0,0.1379,0.1667,0.2083,,0.0588,0.0676,0.0,0.0,0.0735,0.0674,0.9846,0.7975,0.0,0.0,0.1379,0.1667,0.2083,,0.0643,0.0704,0.0,0.0,0.0729,0.0649,0.9846,0.792,0.0,0.0,0.1379,0.1667,0.2083,,0.0599,0.0688,0.0,0.0,reg oper spec account,block of flats,0.0532,Panel,No,4.0,2.0,4.0,2.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2558343,220239,Consumer loans,4585.005,23805.0,22486.5,2380.5,23805.0,THURSDAY,8,Y,1,0.1042578883295496,,,XAP,Approved,-1798,XNA,XAP,,New,Mobile,POS,XNA,Country-wide,58,Connectivity,6.0,high,POS mobile with interest,365243.0,-1755.0,-1605.0,-1605.0,-1599.0,0.0,0,Cash loans,F,N,N,0,112500.0,63000.0,3645.0,63000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.018801,-22451,365243,-11801.0,-4712,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,XNA,,0.5583023206175797,0.7194907850918436,0.0,,0.9801,,,,0.069,0.3333,,,,0.073,,,0.0,,0.9801,,,,0.069,0.3333,,,,0.0761,,,0.0,,0.9801,,,,0.069,0.3333,,,,0.0743,,,,block of flats,0.0574,Monolithic,No,0.0,0.0,0.0,0.0,-1798.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1709874,232306,Consumer loans,10111.095,123705.0,143298.0,0.0,123705.0,SATURDAY,9,Y,1,0.0,,,XAP,Approved,-584,XNA,XAP,"Spouse, partner",Refreshed,Computers,POS,XNA,Regional / Local,90,Consumer electronics,18.0,middle,POS household with interest,365243.0,-553.0,-43.0,-73.0,-65.0,0.0,1,Cash loans,M,Y,N,1,157500.0,269550.0,18234.0,225000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-10878,-1813,-4942.0,-3402,10.0,1,1,0,1,1,0,Drivers,3.0,2,2,MONDAY,17,0,0,0,0,1,1,Business Entity Type 3,0.12701217115146612,0.5957863236657149,0.0005272652387098817,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-572.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2403022,390717,Consumer loans,13124.34,63900.0,67063.5,0.0,63900.0,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-1983,Cash through the bank,XAP,Family,New,Furniture,POS,XNA,Stone,100,Furniture,6.0,high,POS industry with interest,365243.0,-1928.0,-1778.0,-1808.0,-1801.0,0.0,0,Cash loans,F,Y,N,1,103500.0,450000.0,21888.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010556,-14520,-2614,-3491.0,-5335,6.0,1,1,0,1,0,0,Laborers,3.0,3,3,SUNDAY,18,0,0,0,0,1,1,Business Entity Type 1,,0.08970026751659317,0.3606125659189888,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1983.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2317738,221466,Cash loans,5246.01,45000.0,47970.0,0.0,45000.0,SATURDAY,9,Y,1,0.0,,,XNA,Approved,-2461,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,high,Cash Street: high,365243.0,-2431.0,-2101.0,-2191.0,-2187.0,1.0,0,Cash loans,F,N,Y,1,157500.0,590337.0,27486.0,477000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-11541,-4136,-793.0,-3956,,1,1,0,1,0,0,Laborers,3.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.6988442060939805,0.6512602186973006,0.2247,0.1282,0.9985,0.9796,0.102,0.24,0.2069,0.375,0.4167,0.0305,0.1832,0.2443,0.0154,0.0186,0.229,0.133,0.9985,0.9804,0.1029,0.2417,0.2069,0.375,0.4167,0.0312,0.2002,0.2545,0.0156,0.0197,0.2269,0.1282,0.9985,0.9799,0.1026,0.24,0.2069,0.375,0.4167,0.031,0.1864,0.2486,0.0155,0.019,,block of flats,0.2479,Panel,No,6.0,0.0,6.0,0.0,-2461.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2245838,121639,Consumer loans,6742.215,49455.0,56232.0,4945.5,49455.0,SATURDAY,19,Y,1,0.08804052291952254,,,XAP,Approved,-1571,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,25,Connectivity,12.0,high,POS mobile with interest,365243.0,-1522.0,-1192.0,-1282.0,-1275.0,0.0,0,Cash loans,F,N,Y,0,135000.0,534204.0,29826.0,495000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.032561,-18462,-2537,-90.0,-2009,,1,1,0,1,0,0,Laborers,2.0,1,1,TUESDAY,14,0,1,1,0,0,0,Business Entity Type 3,0.7143195398200235,0.69544150015469,0.6041125998015721,0.0948,0.0764,0.9752,0.66,0.0124,0.0,0.2069,0.1667,0.2083,0.1261,0.0756,0.08199999999999999,0.0077,0.0062,0.0966,0.0792,0.9752,0.6733,0.0125,0.0,0.2069,0.1667,0.2083,0.1289,0.0826,0.0854,0.0078,0.0066,0.0958,0.0764,0.9752,0.6645,0.0124,0.0,0.2069,0.1667,0.2083,0.1282,0.077,0.0835,0.0078,0.0064,reg oper account,block of flats,0.0658,Panel,No,0.0,0.0,0.0,0.0,-1571.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2165851,138191,Consumer loans,8789.805,40909.5,47992.5,0.0,40909.5,THURSDAY,11,Y,1,0.0,,,XAP,Approved,-883,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Regional / Local,331,Consumer electronics,6.0,middle,POS household without interest,365243.0,-851.0,-701.0,-701.0,-698.0,0.0,1,Cash loans,F,N,Y,1,216000.0,199152.0,8901.0,135000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.00496,-14837,-3699,-3563.0,-1085,,1,1,0,1,0,0,,3.0,2,2,FRIDAY,12,0,0,0,0,0,0,Self-employed,0.4117119286941301,0.6106701064496699,0.5549467685334323,,,0.9513,,,,,,,,,0.006,,,,,0.9513,,,,,,,,,0.0063,,,,,0.9513,,,,,,,,,0.0062,,,,block of flats,0.0078,,No,4.0,0.0,4.0,0.0,-883.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1127776,130298,Cash loans,34990.74,945000.0,1054773.0,,945000.0,TUESDAY,11,Y,1,,,,XNA,Approved,-562,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-532.0,878.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,270000.0,239850.0,23719.5,225000.0,Unaccompanied,Pensioner,Higher education,Single / not married,House / apartment,0.072508,-24071,365243,-12928.0,-4320,,1,0,0,1,1,0,,1.0,1,1,THURSDAY,9,0,0,0,0,0,0,XNA,,0.4130524745451478,0.7136313997323308,0.3691,0.1891,0.9811,0.7416,0.259,0.52,0.2241,0.5417,0.5833,0.0,0.3009,0.3756,0.0,0.2002,0.2216,0.1435,0.9801,0.7387,0.159,0.3222,0.1379,0.5417,0.5833,0.0,0.1938,0.2268,0.0,0.07200000000000001,0.3726,0.1891,0.9811,0.7451,0.2607,0.52,0.2241,0.5417,0.5833,0.0,0.3061,0.3824,0.0,0.2044,reg oper spec account,block of flats,0.18600000000000005,"Stone, brick",No,0.0,0.0,0.0,0.0,-2902.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1471619,344884,Cash loans,53174.88,900000.0,952272.0,,900000.0,FRIDAY,10,Y,1,,,,XNA,Approved,-488,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-458.0,232.0,-118.0,-108.0,1.0,0,Revolving loans,F,N,Y,0,292500.0,450000.0,22500.0,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.01885,-21802,365243,-4299.0,-4349,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,XNA,,0.5454318696447801,0.7062051096536562,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-488.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +2665614,319671,Consumer loans,13496.355,118827.0,118827.0,0.0,118827.0,SUNDAY,12,Y,1,0.0,,,XAP,Refused,-447,Cash through the bank,LIMIT,,Repeater,Mobile,POS,XNA,Country-wide,35,Connectivity,10.0,low_normal,POS mobile without interest,,,,,,,0,Revolving loans,M,Y,Y,2,180000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010276,-15485,-1494,-5695.0,-5094,64.0,1,1,0,1,0,0,,4.0,2,2,SATURDAY,15,0,0,0,0,0,0,Business Entity Type 2,,0.7103853466189995,0.4436153084085652,0.0825,0.0114,0.9776,,,0.0,0.1379,0.1667,,0.1084,,0.0418,,0.0,0.084,0.0118,0.9777,,,0.0,0.1379,0.1667,,0.1108,,0.0435,,0.0,0.0833,0.0114,0.9776,,,0.0,0.1379,0.1667,,0.1102,,0.0425,,0.0,,block of flats,0.0503,"Stone, brick",No,0.0,0.0,0.0,0.0,-528.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1220236,277904,Cash loans,6178.185,54000.0,57564.0,,54000.0,THURSDAY,12,Y,1,,,,XNA,Approved,-1422,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1392.0,-1062.0,-1152.0,-1146.0,1.0,0,Cash loans,F,N,Y,0,171000.0,651960.0,24705.0,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.018634,-23734,365243,-3689.0,-4606,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,15,0,0,0,0,0,0,XNA,,0.10396478652119398,0.3539876078507373,0.1546,0.09,0.9806,,,,0.069,0.1667,,0.1109,,0.0473,,0.1029,0.1576,0.0934,0.9806,,,,0.069,0.1667,,0.1134,,0.0493,,0.1089,0.1561,0.09,0.9806,,,,0.069,0.1667,,0.1128,,0.0481,,0.1051,,block of flats,0.0622,"Stone, brick",No,1.0,0.0,1.0,0.0,-1175.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1556539,262000,Consumer loans,5477.625,25105.5,26347.5,0.0,25105.5,SATURDAY,14,Y,1,0.0,,,XAP,Approved,-1251,XNA,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,23,Connectivity,6.0,high,POS mobile with interest,365243.0,-1197.0,-1047.0,-1077.0,-1074.0,0.0,0,Cash loans,M,Y,N,0,157500.0,814041.0,23800.5,679500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.020713,-20742,-2438,-4941.0,-1759,14.0,1,1,1,1,0,0,Laborers,2.0,3,3,WEDNESDAY,9,0,0,0,0,1,1,Transport: type 2,,0.7034947968957164,0.5867400085415683,0.0515,0.0629,0.9891,0.8504,0.0094,0.0,0.1034,0.1667,0.2083,0.0422,0.042,0.0616,0.0,0.0,0.0525,0.0653,0.9891,0.8563,0.0095,0.0,0.1034,0.1667,0.2083,0.0431,0.0459,0.0642,0.0,0.0,0.052000000000000005,0.0629,0.9891,0.8524,0.0094,0.0,0.1034,0.1667,0.2083,0.0429,0.0428,0.0627,0.0,0.0,reg oper spec account,block of flats,0.0565,Panel,No,6.0,1.0,6.0,1.0,-1267.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2624488,331542,Cash loans,20297.97,630000.0,738108.0,,630000.0,SATURDAY,9,Y,1,,,,XNA,Refused,-399,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,135000.0,252261.0,13009.5,171000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.019101,-17732,-891,-6633.0,-1246,,1,1,0,1,0,0,Core staff,1.0,2,2,SATURDAY,11,0,0,0,0,0,0,Kindergarten,,0.5125020673209029,0.38079968264891495,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1760.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2668825,201036,Consumer loans,13455.495,175495.5,140395.5,35100.0,175495.5,WEDNESDAY,13,Y,1,0.21782376704297773,,,XAP,Refused,-674,Cash through the bank,HC,Unaccompanied,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,2500,Consumer electronics,12.0,low_normal,POS household with interest,,,,,,,0,Cash loans,M,N,Y,0,135000.0,518562.0,34159.5,463500.0,Family,Working,Incomplete higher,Single / not married,With parents,0.016612000000000002,-9010,-355,-7270.0,-1662,,1,1,0,1,0,0,Core staff,1.0,2,2,FRIDAY,14,0,0,0,0,0,0,Trade: type 2,,0.6280822830471793,0.4866531565147181,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-106.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +1920573,163442,Consumer loans,14316.03,68850.0,72486.0,0.0,68850.0,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-840,Cash through the bank,XAP,Unaccompanied,Refreshed,Computers,POS,XNA,Regional / Local,482,Consumer electronics,6.0,high,POS household with interest,365243.0,-809.0,-659.0,-719.0,-712.0,0.0,0,Cash loans,F,N,Y,0,85500.0,540000.0,17419.5,540000.0,Unaccompanied,State servant,Secondary / secondary special,Civil marriage,House / apartment,0.032561,-18559,-6096,-7323.0,-2094,,1,1,1,1,1,0,,2.0,1,1,SATURDAY,15,0,0,0,0,0,0,School,0.7448873971937917,0.29507352708861223,0.6817058776720116,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-286.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1442123,128556,Consumer loans,11832.57,72625.5,83925.0,5355.0,72625.5,MONDAY,19,Y,1,0.06532349706744868,,,XAP,Approved,-351,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,56,Connectivity,10.0,high,POS mobile with interest,365243.0,-318.0,-48.0,-288.0,-282.0,0.0,0,Revolving loans,F,N,Y,0,157500.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.00733,-14749,-1039,-1898.0,-1916,,1,1,0,1,0,0,Sales staff,1.0,2,2,TUESDAY,17,0,0,0,0,1,1,Trade: type 7,0.5087044391524159,0.06937919102301772,0.524496446363472,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1615.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1236776,249263,Consumer loans,5723.28,36171.0,28516.5,9000.0,36171.0,SATURDAY,15,Y,1,0.2612668607630824,,,XAP,Approved,-2641,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Stone,25,Connectivity,6.0,high,POS mobile with interest,365243.0,-2604.0,-2454.0,-2454.0,-2451.0,1.0,0,Cash loans,M,Y,Y,1,112500.0,263686.5,28107.0,238500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.025164,-11862,-116,-5327.0,-4112,18.0,1,1,0,1,0,0,,2.0,2,2,MONDAY,14,0,0,0,0,1,1,Construction,,0.4223387320459485,0.6722428897082422,0.0918,0.1164,0.9921,0.8912,0.2256,0.0,0.2069,0.1667,0.0417,0.0892,0.0748,0.0968,0.0,0.0,0.0935,0.1208,0.9921,0.8955,0.2277,0.0,0.2069,0.1667,0.0417,0.0912,0.0817,0.1008,0.0,0.0,0.0926,0.1164,0.9921,0.8927,0.2271,0.0,0.2069,0.1667,0.0417,0.0908,0.0761,0.0985,0.0,0.0,reg oper account,block of flats,0.0761,Panel,No,11.0,1.0,11.0,0.0,-3009.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1000788,222853,Consumer loans,9057.015,83250.0,92043.0,0.0,83250.0,WEDNESDAY,11,Y,1,0.0,,,XAP,Approved,-1011,Cash through the bank,XAP,Unaccompanied,New,Furniture,POS,XNA,Stone,60,Furniture,12.0,middle,POS industry with interest,365243.0,-980.0,-650.0,-740.0,-734.0,0.0,1,Cash loans,F,N,Y,0,193500.0,338832.0,15052.5,292500.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.00963,-20741,365243,-4729.0,-4274,,1,0,0,1,0,0,,1.0,2,2,SATURDAY,11,0,0,0,0,0,0,XNA,,0.015708644191182994,0.4614823912998385,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-1012.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +2380909,325652,Cash loans,,0.0,0.0,,,WEDNESDAY,17,Y,1,,,,XNA,Refused,-188,XNA,SCOFR,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,Y,N,1,135000.0,269550.0,18234.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009549,-10589,-1202,-456.0,-502,5.0,1,1,1,1,1,0,Laborers,3.0,2,2,MONDAY,13,0,0,0,0,1,1,Self-employed,,0.4883868193704342,0.2707073872651806,,0.1587,0.9871,,,,0.2069,0.0833,,,,0.0717,,0.1152,,0.1646,0.9871,,,,0.2069,0.0833,,,,0.0747,,0.122,,0.1587,0.9871,,,,0.2069,0.0833,,,,0.073,,0.1176,,,0.0616,"Stone, brick",No,2.0,0.0,2.0,0.0,-446.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1859748,333585,Cash loans,15400.8,135000.0,143910.0,,135000.0,SUNDAY,8,Y,1,,,,Repairs,Refused,-122,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,middle,Cash Street: middle,,,,,,,0,Cash loans,M,N,Y,0,198000.0,268659.0,28633.5,243000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.031329,-19363,-127,-7467.0,-2924,,1,1,0,1,0,0,Cleaning staff,2.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,Other,,0.6024615394041083,0.31703177858344445,,0.1469,0.9767,,,,0.2759,0.1667,,,,0.1087,,,,0.1525,0.9767,,,,0.2759,0.1667,,,,0.1133,,,,0.1469,0.9767,,,,0.2759,0.1667,,,,0.1107,,,,,0.1029,Panel,No,0.0,0.0,0.0,0.0,-433.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,7.0 +1244058,164928,Cash loans,15216.255,67500.0,78196.5,,67500.0,TUESDAY,11,Y,1,,,,XNA,Approved,-788,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,high,Cash X-Sell: high,365243.0,-758.0,-608.0,-698.0,-692.0,1.0,0,Revolving loans,M,Y,Y,2,315000.0,630000.0,31500.0,630000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.031329,-14995,-5484,-1213.0,-4714,24.0,1,1,0,1,1,0,Laborers,4.0,2,2,SATURDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.6787104018881912,0.5678942430429915,0.4489622731076524,0.132,,0.9747,,,0.0,0.2759,0.1667,,,,0.1017,,0.1383,0.1345,,0.9747,,,0.0,0.2759,0.1667,,,,0.106,,0.1464,0.1332,,0.9747,,,0.0,0.2759,0.1667,,,,0.1036,,0.1412,,block of flats,0.1101,,No,3.0,0.0,3.0,0.0,-1689.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2731240,107224,Cash loans,11336.715,135000.0,177219.0,,135000.0,MONDAY,16,Y,1,,,,XNA,Approved,-1181,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-1151.0,-461.0,-551.0,-545.0,1.0,0,Cash loans,F,N,Y,1,112500.0,536917.5,22702.5,463500.0,Family,Commercial associate,Higher education,Married,House / apartment,0.031329,-14521,-1138,-4133.0,-1877,,1,1,0,1,1,0,Accountants,3.0,2,2,SATURDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.7824466098567097,0.6976831640528777,0.4578995512067301,0.2521,0.2132,0.9886,0.8436,0.4878,0.28,0.2241,0.4167,0.4167,0.1521,0.2055,0.196,0.0193,0.1201,0.2048,0.2212,0.9886,0.8497,0.4922,0.2014,0.1724,0.375,0.4167,0.1482,0.1791,0.1978,0.0195,0.0716,0.2545,0.2132,0.9886,0.8457,0.4909,0.28,0.2241,0.4167,0.4167,0.1547,0.2091,0.1995,0.0194,0.1226,org spec account,block of flats,0.1869,Panel,No,0.0,0.0,0.0,0.0,-1214.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2337129,369799,Consumer loans,46025.01,720000.0,690340.5,72000.0,720000.0,MONDAY,14,Y,1,0.1028602644809576,,,XAP,Refused,-317,Cash through the bank,LIMIT,Unaccompanied,Repeater,Clothing and Accessories,POS,XNA,Stone,86,Clothing,18.0,low_normal,POS industry with interest,,,,,,,0,Cash loans,F,N,N,1,157500.0,535675.5,19849.5,478795.5,Family,Working,Secondary / secondary special,Married,House / apartment,0.020713,-14436,-748,-2189.0,-5123,,1,1,0,1,0,0,Core staff,3.0,3,1,SATURDAY,10,0,0,0,0,0,0,Trade: type 7,0.4297847693580503,0.3218307986912857,0.3123653692278984,0.0784,0.0804,0.9781,,,0.0,0.1379,0.1667,,0.0391,,0.0625,,0.0,0.0798,0.0834,0.9782,,,0.0,0.1379,0.1667,,0.04,,0.0651,,0.0,0.0791,0.0804,0.9781,,,0.0,0.1379,0.1667,,0.0398,,0.0637,,0.0,,block of flats,0.0492,"Stone, brick",No,0.0,0.0,0.0,0.0,-1703.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,0.0 +1932547,160743,Consumer loans,8567.28,34542.0,41031.0,0.0,34542.0,SATURDAY,7,Y,1,0.0,,,XAP,Approved,-585,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,80,Connectivity,6.0,high,POS mobile with interest,365243.0,-554.0,-404.0,-554.0,-549.0,0.0,0,Cash loans,M,N,Y,2,135000.0,229500.0,15466.5,229500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-10802,-1117,-5672.0,-3472,,1,1,1,1,0,0,Drivers,4.0,3,3,WEDNESDAY,9,0,0,0,0,1,1,Kindergarten,,0.3877852717477193,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2335.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1871914,251332,Consumer loans,10040.355,222624.0,222624.0,0.0,222624.0,WEDNESDAY,15,Y,1,0.0,,,XAP,Approved,-1053,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Regional / Local,148,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1022.0,-332.0,-332.0,-328.0,0.0,0,Cash loans,F,N,N,0,90000.0,900000.0,50256.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-17567,-3441,-4040.0,-1109,,1,1,0,1,0,0,Sales staff,2.0,2,2,SUNDAY,16,0,0,0,0,0,0,Self-employed,0.7745515570604851,0.3542247319929012,0.6313545365850379,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1053.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1582764,421680,Cash loans,,0.0,0.0,,,FRIDAY,13,Y,1,,,,XNA,Refused,-277,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,N,N,0,180000.0,669600.0,32211.0,598500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-12059,-3123,-4701.0,-4465,,1,1,0,1,0,0,Drivers,2.0,1,1,TUESDAY,15,0,0,0,0,1,1,Trade: type 7,0.2855191358948027,0.5103109866148409,,0.0278,0.0705,0.9841,,,0.0,0.1034,0.0833,,,,,,,0.0284,0.0732,0.9841,,,0.0,0.1034,0.0833,,,,,,,0.0281,0.0705,0.9841,,,0.0,0.1034,0.0833,,,,,,,,block of flats,0.0272,"Stone, brick",No,0.0,0.0,0.0,0.0,-2276.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1524183,354573,Cash loans,19935.135,495000.0,691020.0,,495000.0,MONDAY,11,Y,1,,,,Repairs,Refused,-32,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,Y,Y,2,135000.0,341280.0,9130.5,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.0228,-13327,-828,-204.0,-2242,6.0,1,1,0,1,0,0,Drivers,4.0,2,2,FRIDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.2700139145492571,0.248535557339522,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-609.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2403867,380820,Consumer loans,6674.22,56281.5,55665.0,5629.5,56281.5,FRIDAY,15,Y,1,0.1000258958426494,,,XAP,Approved,-2182,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,79,Connectivity,12.0,high,POS mobile with interest,365243.0,-2144.0,-1814.0,-1814.0,-1809.0,0.0,0,Cash loans,F,N,Y,0,119250.0,497520.0,36184.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-10906,-743,-2871.0,-2843,,1,1,1,1,1,0,Sales staff,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Trade: type 7,0.3151691309871419,0.5940367163013718,0.520897599048938,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1706.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1121154,356723,Consumer loans,33746.625,337500.0,303750.0,33750.0,337500.0,TUESDAY,12,Y,1,0.1089090909090909,,,XAP,Approved,-1192,Cash through the bank,XAP,Unaccompanied,Refreshed,Clothing and Accessories,POS,XNA,Stone,13,Clothing,10.0,low_normal,POS industry with interest,365243.0,-1161.0,-891.0,-891.0,-886.0,0.0,0,Cash loans,F,N,N,0,76500.0,450000.0,25128.0,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.022625,-19648,-3016,-6525.0,-3170,,1,1,1,1,1,0,,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.8920981370126635,0.7689236453084107,,0.1031,,0.9762,,,,0.2069,0.1667,,,,0.0909,,0.0,0.105,,0.9762,,,,0.2069,0.1667,,,,0.0948,,0.0,0.1041,,0.9762,,,,0.2069,0.1667,,,,0.0926,,0.0,,block of flats,0.0715,,No,0.0,0.0,0.0,0.0,-1192.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2086094,131437,Consumer loans,5674.32,43681.5,48006.0,0.0,43681.5,MONDAY,9,Y,1,0.0,,,XAP,Approved,-2187,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,513,Consumer electronics,12.0,high,POS household with interest,365243.0,-2156.0,-1826.0,-1826.0,-1257.0,1.0,1,Cash loans,F,N,Y,0,157500.0,468733.5,17797.5,387000.0,Unaccompanied,Working,Lower secondary,Married,House / apartment,0.031329,-22400,-1900,-10537.0,-4063,,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Self-employed,0.6617470332038163,0.5937466397824012,0.3996756156233169,0.0031,0.0,0.9483,,0.0002,0.0,0.0345,0.0417,0.0833,,0.0025,0.0024,0.0,0.0,0.0032,0.0,0.9484,,0.0002,0.0,0.0345,0.0417,0.0833,,0.0028,0.0025,0.0,0.0,0.0031,0.0,0.9483,,0.0002,0.0,0.0345,0.0417,0.0833,,0.0026,0.0025,0.0,0.0,reg oper account,block of flats,0.002,Wooden,No,1.0,1.0,1.0,1.0,-282.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,4.0,6.0 +1905535,377123,Consumer loans,6290.37,62911.8,56619.0,6292.8,62911.8,SATURDAY,14,Y,1,0.10893713536613596,,,XAP,Approved,-2697,XNA,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Stone,231,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2666.0,-2396.0,-2396.0,-2388.0,0.0,0,Cash loans,F,Y,N,0,135000.0,675000.0,28728.0,675000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.028663,-13917,-3868,-4609.0,-4276,8.0,1,1,1,1,1,0,Core staff,2.0,2,2,SUNDAY,17,0,0,0,0,0,0,Government,0.4456935728778276,0.4285445769306092,0.7597121819739279,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1313.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2834732,375078,Cash loans,14517.0,450000.0,450000.0,,450000.0,TUESDAY,14,Y,1,,,,XNA,Refused,-1156,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Country-wide,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,135000.0,688500.0,22882.5,688500.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-20370,365243,-909.0,-3018,11.0,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,XNA,0.4097971027871411,0.5230885525203002,0.4418358231994413,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-951.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2273751,361502,Cash loans,34897.995,675000.0,767664.0,,675000.0,MONDAY,13,Y,1,,,,XNA,Approved,-1134,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-1104.0,306.0,-864.0,-854.0,1.0,1,Cash loans,F,Y,Y,0,315000.0,1483231.5,51687.0,1354500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-15653,-5500,-7223.0,-4471,3.0,1,1,0,1,0,1,Core staff,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Self-employed,0.5718274003458297,0.4824166672989368,0.2940831009471255,0.1392,0.1364,0.9796,,,0.0,0.3448,0.1667,,0.0,,0.1324,,0.0151,0.1418,0.1415,0.9796,,,0.0,0.3448,0.1667,,0.0,,0.1379,,0.016,0.1405,0.1364,0.9796,,,0.0,0.3448,0.1667,,0.0,,0.1347,,0.0154,,block of flats,0.14400000000000002,Panel,No,6.0,1.0,6.0,1.0,-1719.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1437346,180063,Consumer loans,6747.075,68791.5,68791.5,0.0,68791.5,SATURDAY,14,Y,1,0.0,,,XAP,Approved,-524,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,45,Connectivity,12.0,middle,POS mobile without interest,365243.0,-482.0,-152.0,-272.0,-264.0,0.0,1,Cash loans,M,N,Y,1,270000.0,545040.0,35617.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00963,-13179,-264,-2079.0,-3902,,1,1,0,1,0,0,,3.0,2,2,FRIDAY,12,0,0,0,0,0,0,Industry: type 3,,0.5798134622007878,0.16048893062734468,0.0186,0.0553,0.9841,,,0.0,0.1034,0.0417,,0.0399,,0.0185,,0.0,0.0189,0.0574,0.9841,,,0.0,0.1034,0.0417,,0.0408,,0.0192,,0.0,0.0187,0.0553,0.9841,,,0.0,0.1034,0.0417,,0.0406,,0.0188,,0.0,,block of flats,0.0159,"Stone, brick",No,5.0,0.0,5.0,0.0,-524.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1699655,190817,Revolving loans,2250.0,45000.0,45000.0,,45000.0,THURSDAY,14,Y,1,,,,XAP,Refused,-204,XNA,HC,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,N,Y,0,135000.0,222768.0,19246.5,180000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.018634,-9625,-2193,-4372.0,-2285,,1,1,0,1,0,1,Sales staff,1.0,2,2,FRIDAY,9,0,0,0,0,0,0,Self-employed,0.31660371774240564,0.4897911415534911,,0.3711,0.1251,0.9935,,,0.36,0.3103,0.375,,0.0465,,0.3852,,0.0361,0.3782,0.1298,0.9935,,,0.3625,0.3103,0.375,,0.0476,,0.4013,,0.0382,0.3747,0.1251,0.9935,,,0.36,0.3103,0.375,,0.0473,,0.3921,,0.0369,,block of flats,0.3136,Panel,No,2.0,0.0,2.0,0.0,-399.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1913619,187814,Revolving loans,33750.0,180000.0,675000.0,,180000.0,WEDNESDAY,10,N,1,,,,XAP,Refused,-625,XNA,SCOFR,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Revolving loans,M,Y,N,2,180000.0,180000.0,9000.0,180000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-12309,-3084,-855.0,-4127,5.0,1,1,1,1,1,1,Laborers,4.0,1,1,FRIDAY,12,0,0,0,0,1,1,Business Entity Type 1,0.5424669279324552,0.6768585938110238,0.5190973382084597,0.5227,0.1837,0.9985,0.9796,0.2725,0.64,0.2759,0.6667,0.5833,0.1899,0.4177,0.4885,0.0386,0.0655,0.5326,0.1907,0.9985,0.9804,0.275,0.6445,0.2759,0.6667,0.5833,0.1943,0.4564,0.509,0.0389,0.0693,0.5277,0.1837,0.9985,0.9799,0.2743,0.64,0.2759,0.6667,0.5833,0.1932,0.425,0.4973,0.0388,0.0669,reg oper account,block of flats,0.5833,"Stone, brick",No,0.0,0.0,0.0,0.0,-1524.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,6.0,0.0,0.0 +1829055,299609,Cash loans,19585.08,450000.0,514179.0,,450000.0,THURSDAY,3,Y,1,,,,XNA,Refused,-435,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,1,Revolving loans,F,N,N,0,135000.0,270000.0,13500.0,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,With parents,0.006629,-15816,-1409,-2247.0,-170,,1,1,0,1,0,1,Sales staff,2.0,2,2,FRIDAY,11,0,0,0,1,1,0,Trade: type 7,0.4364345445569521,0.17106948028661315,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-2422.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1139743,121758,Revolving loans,2250.0,45000.0,45000.0,,45000.0,TUESDAY,15,Y,1,,,,XAP,Approved,-198,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-198.0,-153.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,180000.0,1260000.0,34650.0,1260000.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.010556,-9273,-368,-3001.0,-1815,6.0,1,1,0,1,1,0,Sales staff,1.0,3,3,THURSDAY,10,0,0,0,0,0,0,Trade: type 2,,0.4660392283340762,0.5971924268337128,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-604.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1458496,161553,Cash loans,25540.245,450000.0,545040.0,,450000.0,FRIDAY,16,Y,1,,,,XNA,Refused,-108,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,Y,Y,1,270000.0,225000.0,26703.0,225000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.022625,-9895,-1742,-4088.0,-2533,2.0,1,1,0,1,1,0,,3.0,2,2,MONDAY,11,0,0,0,0,1,1,Business Entity Type 3,0.16628819789525762,0.6432234762184277,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-112.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2187388,416638,Consumer loans,15811.425,158130.0,142317.0,15813.0,158130.0,WEDNESDAY,9,Y,1,0.1089090909090909,,,XAP,Refused,-2287,Cash through the bank,LIMIT,Family,Repeater,Computers,POS,XNA,Country-wide,875,Consumer electronics,10.0,low_normal,POS household without interest,,,,,,,0,Cash loans,F,N,N,0,112500.0,225000.0,11560.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.028663,-23245,365243,-3027.0,-3918,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,14,0,0,0,0,0,0,XNA,,0.6512020188758242,0.7946285827840042,0.1206,0.1318,0.9955,,,0.12,0.1034,0.375,,,,0.1241,,0.0,0.1229,0.1368,0.9955,,,0.1208,0.1034,0.375,,,,0.1293,,0.0,0.1218,0.1318,0.9955,,,0.12,0.1034,0.375,,,,0.1264,,0.0,,,0.2471,Mixed,No,0.0,0.0,0.0,0.0,-3.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2572664,337897,Cash loans,49439.16,900000.0,952272.0,,900000.0,TUESDAY,14,Y,1,,,,XNA,Approved,-170,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-139.0,551.0,-109.0,-102.0,0.0,0,Cash loans,F,N,Y,0,225000.0,2013840.0,53253.0,1800000.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.032561,-21386,-696,-6426.0,-4245,,1,1,0,1,0,0,,1.0,1,1,THURSDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.5463371523123196,0.4776491548517548,0.0742,,0.9737,0.6396,,0.0,0.1724,0.1667,0.2083,0.0219,,0.0929,,0.0326,0.0756,,0.9737,0.6537,,0.0,0.1724,0.1667,0.2083,0.0224,,0.0935,,0.0345,0.0749,,0.9737,0.6444,,0.0,0.1724,0.1667,0.2083,0.0222,,0.0945,,0.0333,reg oper account,block of flats,0.0777,"Stone, brick",No,5.0,1.0,5.0,1.0,-898.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2086431,214511,Cash loans,13779.36,126000.0,126000.0,0.0,126000.0,THURSDAY,9,Y,1,0.0,,,XNA,Refused,-2297,Cash through the bank,SCO,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,N,0,135000.0,225000.0,11781.0,225000.0,Family,Working,Incomplete higher,Single / not married,With parents,0.019688999999999998,-10298,-1755,-4347.0,-2955,,1,1,1,1,1,0,Accountants,1.0,2,2,FRIDAY,8,0,0,0,1,1,0,Business Entity Type 2,,0.10452632438087027,0.08011638046387602,0.0371,0.0,0.9747,0.6532,0.0031,0.0,0.1034,0.0833,0.125,0.0686,0.0303,0.0292,0.0,0.0,0.0378,0.0,0.9747,0.6668,0.0032,0.0,0.1034,0.0833,0.125,0.0702,0.0331,0.0304,0.0,0.0,0.0375,0.0,0.9747,0.6578,0.0032,0.0,0.1034,0.0833,0.125,0.0698,0.0308,0.0297,0.0,0.0,reg oper account,block of flats,0.0247,"Stone, brick",No,8.0,0.0,8.0,0.0,-2297.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1531524,454519,Consumer loans,2990.7,27630.0,26919.0,2763.0,27630.0,MONDAY,14,Y,1,0.101379899663708,,,XAP,Approved,-2483,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Stone,52,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2452.0,-2182.0,-2182.0,-2176.0,1.0,0,Cash loans,M,N,Y,0,90000.0,225000.0,22050.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-24355,365243,-14040.0,-4064,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,XNA,,0.6374672221640489,,0.2155,0.1689,0.9806,,,0.0,0.4828,0.1667,,0.4561,,0.1902,,0.0008,0.2195,0.1753,0.9806,,,0.0,0.4828,0.1667,,0.4665,,0.1982,,0.0008,0.2176,0.1689,0.9806,,,0.0,0.4828,0.1667,,0.464,,0.1937,,0.0008,,block of flats,0.1498,"Stone, brick",No,0.0,0.0,0.0,0.0,-3143.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2744729,442488,Cash loans,30031.785,270000.0,284611.5,,270000.0,MONDAY,14,Y,1,,,,XNA,Approved,-1215,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1185.0,-855.0,-855.0,-852.0,1.0,0,Cash loans,F,N,Y,0,90000.0,555273.0,16236.0,463500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.028663,-23204,365243,-10797.0,-3978,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,9,0,0,0,0,0,0,XNA,,0.5234649507854263,0.5691487713619409,0.0866,0.0433,0.9836,0.7756,0.013,0.08,0.069,0.3333,0.375,0.1444,0.0672,0.076,0.0154,0.0753,0.0882,0.0449,0.9836,0.7844,0.0131,0.0806,0.069,0.3333,0.375,0.1477,0.0735,0.0792,0.0156,0.0797,0.0874,0.0433,0.9836,0.7786,0.0131,0.08,0.069,0.3333,0.375,0.1469,0.0684,0.0774,0.0155,0.0768,reg oper account,block of flats,0.091,Panel,No,3.0,0.0,3.0,0.0,-2152.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1258175,170979,Cash loans,10945.17,247500.0,301077.0,,247500.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-210,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-180.0,1230.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,1,112500.0,254412.0,12501.0,166500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.030755,-14866,-6265,-3467.0,-2654,,1,1,0,1,0,0,Laborers,3.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,Business Entity Type 3,,0.6609417114977681,0.6817058776720116,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-984.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2006693,232446,Consumer loans,63004.5,675000.0,675000.0,0.0,675000.0,FRIDAY,12,Y,1,0.0,,,XAP,Approved,-788,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Stone,100,Furniture,12.0,low_normal,POS industry with interest,365243.0,-757.0,-427.0,-427.0,-422.0,0.0,0,Cash loans,F,N,Y,0,252000.0,1800000.0,62698.5,1800000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-20369,-3223,-6451.0,-3808,,1,1,0,1,0,0,Managers,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.6899815476661695,0.7610263695502636,0.5309,0.2491,0.9811,0.7416,,0.88,0.3793,0.4583,0.0,0.3977,,0.5878,,0.0487,0.541,0.2585,0.9811,0.7517,,0.8862,0.3793,0.4583,0.0,0.4067,,0.6124,,0.0516,0.5361,0.2491,0.9811,0.7451,,0.88,0.3793,0.4583,0.0,0.4046,,0.5983,,0.0498,,block of flats,0.5149,Panel,No,6.0,0.0,6.0,0.0,-1638.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +2716023,204784,Cash loans,16415.1,180000.0,197820.0,,180000.0,THURSDAY,19,Y,1,,,,XNA,Approved,-679,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,18.0,high,Cash X-Sell: high,365243.0,-649.0,-139.0,-559.0,-557.0,1.0,1,Cash loans,F,N,Y,0,180000.0,942300.0,30528.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.018634,-10742,-1685,-8952.0,-2547,,1,1,0,1,0,0,Laborers,1.0,2,2,THURSDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.5941896393339847,0.3572932680336494,,,0.9752,,,,,,,,,0.0416,,,,,0.9752,,,,,,,,,0.0434,,,,,0.9752,,,,,,,,,0.0424,,,,,0.0328,,No,2.0,0.0,2.0,0.0,-1325.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1389863,355371,Cash loans,17898.39,225000.0,254700.0,,225000.0,THURSDAY,12,Y,1,,,,XNA,Approved,-1456,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-1426.0,-736.0,-1246.0,-1243.0,1.0,0,Cash loans,F,Y,Y,1,112500.0,849415.5,36117.0,697500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.031329,-13433,-1660,-1205.0,-1557,14.0,1,1,0,1,0,0,Sales staff,3.0,2,2,THURSDAY,12,0,0,0,0,0,0,Self-employed,0.3525283848611743,0.5245830766169134,0.4686596550493113,0.1619,0.0665,0.9841,0.7824,0.0243,0.0,0.069,0.1667,0.2083,0.086,0.1311,0.0626,0.0039,0.0041,0.1649,0.069,0.9841,0.7909,0.0245,0.0,0.069,0.1667,0.2083,0.08800000000000001,0.1433,0.0652,0.0039,0.0043,0.1634,0.0665,0.9841,0.7853,0.0245,0.0,0.069,0.1667,0.2083,0.0875,0.1334,0.0637,0.0039,0.0042,reg oper account,block of flats,0.0501,"Stone, brick",No,0.0,0.0,0.0,0.0,-1456.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2216924,217558,Consumer loans,1905.255,17577.0,17487.0,1759.5,17577.0,SATURDAY,14,Y,1,0.0995638404149042,,,XAP,Approved,-603,XNA,XAP,,New,Mobile,POS,XNA,Country-wide,270,Connectivity,12.0,middle,POS mobile with interest,365243.0,-572.0,-242.0,-272.0,-266.0,0.0,0,Cash loans,F,N,Y,0,135000.0,447768.0,30051.0,405000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.011703,-15832,-1648,-3651.0,-4779,,1,1,0,1,0,0,Laborers,1.0,2,2,SUNDAY,10,0,0,0,0,1,1,Business Entity Type 3,,0.6596615147023343,0.3556387169923543,0.0165,,0.9791,,,,,,,,,0.0127,,,0.0168,,0.9791,,,,,,,,,0.0132,,,0.0167,,0.9791,,,,,,,,,0.0129,,,,block of flats,0.01,Panel,No,1.0,0.0,1.0,0.0,-603.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2319945,320515,Cash loans,21308.31,180000.0,191880.0,,180000.0,SUNDAY,12,Y,1,,,,XNA,Approved,-841,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),50,XNA,12.0,high,Cash X-Sell: high,365243.0,-811.0,-481.0,-631.0,-624.0,1.0,0,Cash loans,F,N,Y,2,76500.0,808650.0,26217.0,675000.0,"Spouse, partner",State servant,Secondary / secondary special,Single / not married,House / apartment,0.007114,-15225,-4480,-2231.0,-741,,1,1,0,1,0,0,,3.0,2,2,MONDAY,16,0,0,0,0,0,0,Other,0.4814218832372816,0.2651072007852093,0.7662336700704004,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-1133.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1936790,173749,Consumer loans,5036.805,32350.5,24507.0,9000.0,32350.5,TUESDAY,12,Y,1,0.292530461748834,,,XAP,Approved,-1163,XNA,XAP,Children,New,Mobile,POS,XNA,Country-wide,50,Connectivity,6.0,high,POS mobile with interest,365243.0,-1132.0,-982.0,-1042.0,-1039.0,0.0,0,Cash loans,M,Y,Y,1,202500.0,945000.0,31360.5,945000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-17863,-301,-652.0,-1407,3.0,1,1,0,1,0,0,Laborers,3.0,2,2,WEDNESDAY,8,0,1,1,0,1,1,Industry: type 9,0.6736160946916645,0.6698558498203733,0.6577838002083306,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1163.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +2517474,232397,Cash loans,47374.425,1354500.0,1483231.5,,1354500.0,TUESDAY,17,Y,1,,,,XNA,Approved,-536,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-506.0,904.0,-146.0,-139.0,1.0,0,Cash loans,F,N,Y,0,174150.0,1312110.0,52038.0,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.006233,-21004,-1292,-4687.0,-2123,,1,1,0,1,0,0,Managers,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,Business Entity Type 2,0.7760391474801065,0.6868717684311407,0.5172965813614878,0.0773,0.0033,0.9821,0.7552,0.0139,0.0,0.1724,0.1667,0.0,0.0475,0.063,0.0685,0.0,0.0,0.0788,0.0035,0.9821,0.7648,0.014,0.0,0.1724,0.1667,0.0,0.0486,0.0689,0.0714,0.0,0.0,0.0781,0.0033,0.9821,0.7585,0.014,0.0,0.1724,0.1667,0.0,0.0484,0.0641,0.0698,0.0,0.0,not specified,block of flats,0.0626,Panel,No,2.0,1.0,2.0,0.0,-2514.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2832704,172686,Cash loans,27117.81,450000.0,645048.0,,450000.0,TUESDAY,8,Y,1,,,,XNA,Approved,-927,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,middle,Cash Street: middle,365243.0,-897.0,513.0,-357.0,-355.0,1.0,1,Cash loans,M,N,Y,0,189000.0,640080.0,31261.5,450000.0,Unaccompanied,Working,Incomplete higher,Single / not married,House / apartment,0.020713,-10076,-248,-4882.0,-2746,,1,1,0,1,0,0,,1.0,3,3,FRIDAY,11,0,0,0,0,1,1,Military,,0.0318525927390967,0.3979463219016906,0.0928,0.096,0.9871,0.8232,0.013,0.0,0.2069,0.1667,,0.09,0.0756,0.0873,0.0,0.0,0.0945,0.0997,0.9871,0.8301,0.0131,0.0,0.2069,0.1667,,0.092,0.0826,0.091,0.0,0.0,0.0937,0.096,0.9871,0.8256,0.013,0.0,0.2069,0.1667,,0.0915,0.077,0.0889,0.0,0.0,reg oper account,block of flats,0.0758,Panel,No,0.0,0.0,0.0,0.0,-366.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1849778,193242,Cash loans,17963.685,90000.0,92970.0,0.0,90000.0,WEDNESDAY,10,Y,1,0.0,,,XNA,Approved,-2633,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,6.0,high,Cash Street: high,365243.0,-2603.0,-2453.0,-2453.0,-2447.0,1.0,0,Cash loans,F,N,Y,1,675000.0,1075932.0,45715.5,922500.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.031329,-15209,-851,-975.0,-4963,,1,1,0,1,0,1,Managers,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.6559352965627934,0.3344541255096772,0.1624,0.1205,0.9831,0.7688,0.0407,0.12,0.181,0.2917,0.3021,0.1298,0.1284,0.1689,0.0183,0.0759,0.105,0.0516,0.9796,0.7321,0.0113,0.0,0.2069,0.1667,0.2083,0.0953,0.09,0.0913,0.0078,0.0403,0.1353,0.1209,0.9806,0.7383,0.0279,0.1,0.1897,0.25,0.2917,0.1321,0.1073,0.1618,0.0175,0.0557,reg oper account,block of flats,0.2256,"Stone, brick",No,0.0,0.0,0.0,0.0,-2276.0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1702780,455655,Cash loans,20746.305,360000.0,426528.0,,360000.0,FRIDAY,16,Y,1,,,,XNA,Refused,-482,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,N,Y,0,193500.0,454500.0,33201.0,454500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-10445,-2909,-1220.0,-3031,,1,1,0,1,0,0,Drivers,2.0,2,2,THURSDAY,12,0,0,0,0,1,1,Police,,0.033336210727999284,0.4956658291397297,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1930.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,5.0 +1320777,121137,Cash loans,16117.92,135000.0,143910.0,0.0,135000.0,THURSDAY,13,Y,1,0.0,,,Other,Approved,-2215,Cash through the bank,XAP,Family,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-2185.0,-1855.0,-2005.0,-1996.0,1.0,0,Cash loans,F,N,Y,0,157500.0,1849500.0,48919.5,1849500.0,Family,Working,Higher education,Married,Municipal apartment,0.026392000000000002,-20985,-562,-13237.0,-3786,,1,1,0,1,0,0,,2.0,2,2,MONDAY,10,0,0,0,0,1,1,Medicine,,0.6757527582530596,0.7610263695502636,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-2216.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2370812,260821,Consumer loans,19821.15,144000.0,154611.0,0.0,144000.0,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-1384,Cash through the bank,XAP,,New,Furniture,POS,XNA,Stone,67,Furniture,10.0,high,POS industry with interest,365243.0,-1353.0,-1083.0,-1113.0,-1103.0,0.0,0,Cash loans,F,N,Y,1,72000.0,225000.0,15790.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.02461,-14884,-7305,-7520.0,-2428,,1,1,1,1,0,0,Core staff,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,School,,0.6801023754970458,0.8050196619153701,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1384.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2024426,345203,Cash loans,48065.4,405000.0,405000.0,,405000.0,THURSDAY,13,Y,1,,,,XNA,Approved,-550,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-520.0,-190.0,-190.0,-183.0,0.0,0,Cash loans,M,Y,Y,1,225000.0,450000.0,35469.0,450000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.026392000000000002,-9966,-2111,-3560.0,-2649,6.0,1,1,0,1,0,0,,3.0,2,2,MONDAY,9,0,0,0,1,1,0,Self-employed,,0.7122623030403534,0.2445163919946749,0.2876,0.2555,0.9866,0.8164,0.0436,0.0,0.6207,0.1667,0.0833,0.2761,0.2345,0.246,0.0,0.0,0.2931,0.2651,0.9866,0.8236,0.044,0.0,0.6207,0.1667,0.0833,0.2824,0.2562,0.2563,0.0,0.0,0.2904,0.2555,0.9866,0.8189,0.0439,0.0,0.6207,0.1667,0.0833,0.2809,0.2386,0.2504,0.0,0.0,reg oper account,block of flats,0.1935,Panel,No,1.0,0.0,1.0,0.0,-2423.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1803226,291112,Consumer loans,6776.685,61668.0,61668.0,0.0,61668.0,SUNDAY,10,Y,1,0.0,,,XAP,Approved,-445,Cash through the bank,XAP,,New,Computers,POS,XNA,Country-wide,35,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-406.0,-136.0,-166.0,-158.0,0.0,0,Cash loans,F,Y,Y,1,67500.0,122256.0,13099.5,108000.0,"Spouse, partner",Working,Secondary / secondary special,Civil marriage,House / apartment,0.020246,-10977,-879,-1008.0,-414,64.0,1,1,0,1,0,0,Sales staff,3.0,3,3,THURSDAY,9,0,0,0,0,0,0,Self-employed,,0.04013801323093243,0.2405414172860865,0.0948,0.1011,0.9861,,,0.0,0.2069,0.1667,,0.018000000000000002,,0.0868,,0.0,0.0966,0.1049,0.9861,,,0.0,0.2069,0.1667,,0.0184,,0.0904,,0.0,0.0958,0.1011,0.9861,,,0.0,0.2069,0.1667,,0.0183,,0.0883,,0.0,,block of flats,0.0754,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1477340,383577,Cash loans,,0.0,0.0,,,FRIDAY,15,Y,1,,,,XNA,Refused,-302,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,67500.0,244584.0,8914.5,193500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.00702,-23049,365243,-8992.0,-4499,,1,0,0,1,1,0,,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,XNA,,0.5682591005437906,0.6785676886853644,0.0515,0.0701,0.9841,0.8028,0.0083,0.08,0.1379,0.25,0.0417,0.0385,0.042,0.1091,0.0,0.0,0.0525,0.0727,0.9826,0.8105,0.0084,0.0,0.1379,0.1667,0.0417,0.0394,0.0459,0.0549,0.0,0.0,0.052000000000000005,0.0701,0.9841,0.8054,0.0083,0.08,0.1379,0.25,0.0417,0.0392,0.0428,0.111,0.0,0.0,reg oper account,block of flats,0.0435,"Stone, brick",No,0.0,0.0,0.0,0.0,-852.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +1498880,349495,Cash loans,10561.14,112500.0,149521.5,,112500.0,TUESDAY,12,Y,1,,,,XNA,Approved,-1194,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,M,Y,Y,0,202500.0,225000.0,10620.0,225000.0,Unaccompanied,Working,Higher education,Single / not married,Office apartment,0.026392000000000002,-10015,-455,-4770.0,-2689,1.0,1,1,0,1,0,0,Drivers,1.0,2,2,SATURDAY,12,0,0,0,0,1,1,Business Entity Type 3,0.4147940693543055,0.6728135353879603,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-325.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1347769,132796,Cash loans,22611.24,207000.0,220662.0,,207000.0,TUESDAY,10,Y,1,,,,XNA,Approved,-353,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,100,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-323.0,7.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,0,126000.0,254700.0,24808.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.032561,-24947,365243,-12468.0,-4547,5.0,1,0,0,1,1,0,,1.0,1,1,FRIDAY,15,0,0,0,0,0,0,XNA,,0.7415428701388848,0.7738956942145427,0.3381,0.1513,0.9826,0.762,0.0993,0.32,0.1379,0.625,0.5833,0.07,0.2757,0.3471,0.0,0.0,0.3445,0.157,0.9826,0.7713,0.1002,0.3222,0.1379,0.625,0.5833,0.0716,0.3012,0.3616,0.0,0.0,0.3414,0.1513,0.9826,0.7652,0.0999,0.32,0.1379,0.625,0.5833,0.0713,0.2805,0.3533,0.0,0.0,reg oper account,block of flats,0.3856,Panel,No,0.0,0.0,0.0,0.0,-2348.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,8.0 +1329296,323492,Cash loans,16863.21,319500.0,319500.0,,319500.0,MONDAY,9,Y,1,,,,XNA,Approved,-727,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,24.0,low_normal,Cash Street: low,365243.0,-695.0,-5.0,-5.0,365243.0,0.0,0,Cash loans,F,Y,N,0,270000.0,808650.0,22365.0,675000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-12779,-679,-4237.0,-5280,7.0,1,1,0,1,0,0,,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.490240818513291,0.6235299402925106,0.7801436381572275,0.1464,0.0564,0.9856,0.8028,0.0661,0.04,0.0345,0.3333,0.375,0.0625,,0.0532,,0.0431,0.1492,0.0585,0.9856,0.8105,0.0667,0.0403,0.0345,0.3333,0.375,0.064,,0.0554,,0.0456,0.1478,0.0564,0.9856,0.8054,0.0665,0.04,0.0345,0.3333,0.375,0.0636,,0.0541,,0.044,reg oper account,specific housing,0.0797,"Stone, brick",No,3.0,0.0,3.0,0.0,-2052.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2011168,351034,Consumer loans,13025.205,145440.0,108724.5,45000.0,145440.0,SATURDAY,17,Y,1,0.3188111908582621,,,XAP,Approved,-2263,XNA,XAP,Family,New,Computers,POS,XNA,Country-wide,175,Consumer electronics,10.0,middle,POS household with interest,365243.0,-2226.0,-1956.0,-1956.0,-1954.0,0.0,0,Cash loans,M,Y,N,1,306000.0,1350000.0,47056.5,1350000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-16962,-1546,-8203.0,-514,5.0,1,1,1,1,1,0,Laborers,3.0,2,2,FRIDAY,9,0,0,0,0,0,0,Self-employed,0.4777794641180178,0.6801737349772012,0.29708661164720285,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2118.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1612009,278385,Cash loans,60822.45,904500.0,904500.0,,904500.0,WEDNESDAY,16,Y,1,,,,XNA,Refused,-150,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,18.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,180000.0,1125000.0,44748.0,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.026392000000000002,-16382,-2823,-10501.0,-4161,,1,1,0,1,1,1,Cleaning staff,1.0,2,2,SATURDAY,15,0,0,0,0,0,0,Housing,,0.588392454786367,0.6577838002083306,0.0794,,0.9752,,,0.0,0.1379,0.1667,,,,0.0626,,0.0089,0.0809,,0.9752,,,0.0,0.1379,0.1667,,,,0.0652,,0.0094,0.0802,,0.9752,,,0.0,0.1379,0.1667,,,,0.0637,,0.0091,,block of flats,0.0512,"Stone, brick",No,0.0,0.0,0.0,0.0,-1087.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +2754976,100448,Cash loans,17770.41,225000.0,254700.0,,225000.0,SATURDAY,11,Y,1,,,,XNA,Approved,-589,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-559.0,131.0,-109.0,-105.0,1.0,0,Cash loans,F,N,Y,2,202500.0,598486.5,25290.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00823,-11693,-3158,-2746.0,-3310,,1,1,0,1,0,0,Sales staff,4.0,2,2,SUNDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.5977648680611596,0.6658549219640212,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2700.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1636981,192843,Consumer loans,3062.7,21366.0,17091.0,4275.0,21366.0,SUNDAY,14,Y,1,0.21790993336907397,,,XAP,Refused,-1598,Cash through the bank,LIMIT,Children,Repeater,Furniture,POS,XNA,Stone,69,Furniture,6.0,low_normal,POS industry with interest,,,,,,,0,Cash loans,F,N,Y,1,135000.0,1125000.0,47794.5,1125000.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,With parents,0.015221,-14584,-5098,-2496.0,-60,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,16,0,0,0,0,0,0,Medicine,0.8003589706206833,0.3120366522854971,0.6006575372857061,0.0825,0.049,0.9896,0.8572,0.0416,0.0,0.069,0.0417,0.0833,0.0277,0.0672,0.0963,0.0,0.0,0.084,0.0508,0.9896,0.8628,0.042,0.0,0.069,0.0417,0.0833,0.0284,0.0735,0.1003,0.0,0.0,0.0833,0.049,0.9896,0.8591,0.0419,0.0,0.069,0.0417,0.0833,0.0282,0.0684,0.098,0.0,0.0,reg oper account,block of flats,0.0985,Panel,No,0.0,0.0,0.0,0.0,-1676.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2253794,118586,Revolving loans,45000.0,0.0,900000.0,,,WEDNESDAY,9,Y,1,,,,XAP,Approved,-673,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-617.0,-565.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,1,180000.0,675000.0,37692.0,675000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.018209,-13675,-5377,-1423.0,-4392,9.0,1,1,1,1,0,0,Managers,3.0,3,3,THURSDAY,6,0,0,0,0,0,0,Business Entity Type 3,,0.6311776260612801,0.33125086459090186,0.0237,0.0,0.9747,,,0.0,0.069,0.0833,,0.0145,,0.0175,,0.0054,0.0242,0.0,0.9747,,,0.0,0.069,0.0833,,0.0148,,0.0183,,0.0057,0.0239,0.0,0.9747,,,0.0,0.069,0.0833,,0.0147,,0.0179,,0.0055,,block of flats,0.0161,"Stone, brick",No,0.0,0.0,0.0,0.0,-1594.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,8.0 +2193101,325302,Cash loans,12208.635,247500.0,325908.0,,247500.0,SATURDAY,13,Y,1,,,,Repairs,Refused,-109,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,low_action,Cash Street: low,,,,,,,0,Cash loans,F,N,N,1,76500.0,157500.0,17091.0,157500.0,Unaccompanied,Working,Higher education,Married,Municipal apartment,0.010966,-12229,-4567,-523.0,-1672,,1,1,1,1,1,0,Core staff,3.0,2,2,TUESDAY,17,0,0,0,1,1,0,School,0.6961019583881654,0.41434135081405055,0.4489622731076524,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-949.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2163606,396152,Cash loans,23683.995,454500.0,454500.0,,454500.0,TUESDAY,15,Y,1,,,,XNA,Refused,-240,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,Y,1,135000.0,814041.0,23931.0,679500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.004849,-11197,-2393,-5496.0,-3533,,1,1,0,1,0,0,Sales staff,3.0,2,2,THURSDAY,10,0,0,0,1,1,0,Trade: type 3,,0.4556835531168513,0.7662336700704004,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1821.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2018294,323856,Cash loans,13915.89,175500.0,192874.5,,175500.0,WEDNESDAY,6,Y,1,,,,XNA,Approved,-570,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-540.0,-30.0,-30.0,-27.0,1.0,0,Cash loans,F,N,Y,0,135000.0,254700.0,25191.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.018029,-24606,365243,-8544.0,-4065,,1,0,0,1,0,0,,1.0,3,2,SATURDAY,10,0,0,0,0,0,0,XNA,,0.5838782301256827,0.5046813193144684,,,0.9781,,,,,,,,,0.0537,,,,,0.9782,,,,,,,,,0.056,,,,,0.9781,,,,,,,,,0.0547,,,,,0.0423,,No,0.0,0.0,0.0,0.0,-1625.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2377641,343337,Cash loans,51749.82,900000.0,971280.0,,900000.0,SATURDAY,13,Y,1,,,,XNA,Refused,-186,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,211500.0,521280.0,31630.5,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.04622,-17458,-804,-8125.0,-1015,,1,1,0,1,0,0,,2.0,1,1,WEDNESDAY,16,0,0,0,0,0,0,Other,0.674837331706866,0.5697338678962323,0.34741822720026416,,,0.9776,,,,0.1724,0.1667,,,,,,,,,0.9777,,,,0.1724,0.1667,,,,,,,,,0.9776,,,,0.1724,0.1667,,,,,,,,block of flats,0.0601,Panel,No,0.0,0.0,0.0,0.0,-594.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2450297,176922,Consumer loans,5000.445,47655.0,26401.5,22500.0,47655.0,SUNDAY,14,Y,1,0.5011000778001788,,,XAP,Approved,-2197,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,2917,Consumer electronics,6.0,middle,POS household with interest,365243.0,-2166.0,-2016.0,-2016.0,-2008.0,1.0,0,Cash loans,F,N,N,0,157500.0,450000.0,19197.0,450000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.030755,-19456,-12803,-12264.0,-2867,,1,1,0,1,0,0,Medicine staff,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,Medicine,,0.7079860371333211,0.6956219298394389,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-2197.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2050912,440802,Cash loans,43114.95,450000.0,470790.0,,450000.0,MONDAY,12,Y,1,,,,Furniture,Approved,-162,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,12.0,low_action,Cash Street: low,365243.0,-131.0,199.0,-11.0,-3.0,0.0,0,Cash loans,M,N,N,1,234054.0,971280.0,49468.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-11132,-431,-1685.0,-3022,,1,1,1,1,0,0,Sales staff,3.0,3,2,MONDAY,9,0,0,0,0,0,0,Trade: type 2,0.4143864442890753,0.6092029737186593,0.6512602186973006,0.1433,0.0949,0.9836,0.7756,0.0138,0.08,0.069,0.3333,0.375,0.0456,0.116,0.0919,0.0039,0.0289,0.146,0.0984,0.9836,0.7844,0.0139,0.0806,0.069,0.3333,0.375,0.0466,0.1267,0.0958,0.0039,0.0306,0.1447,0.0949,0.9836,0.7786,0.0139,0.08,0.069,0.3333,0.375,0.0464,0.118,0.0936,0.0039,0.0295,not specified,block of flats,0.0861,Panel,No,3.0,0.0,3.0,0.0,-342.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1565480,427403,Cash loans,21460.725,247500.0,353146.5,,247500.0,SATURDAY,9,Y,1,,,,XNA,Approved,-328,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash X-Sell: high,365243.0,-298.0,752.0,-238.0,-236.0,1.0,0,Cash loans,F,Y,Y,1,112500.0,990000.0,28944.0,990000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.031329,-10059,-1458,-5120.0,-564,14.0,1,1,0,1,0,0,Laborers,3.0,2,2,FRIDAY,17,0,0,0,1,0,1,Business Entity Type 3,,0.6187390441416588,,0.099,0.0535,0.9821,0.7552,0.0226,0.08,0.0345,0.4583,0.5,0.0373,0.0807,0.0851,0.0,0.0,0.1008,0.0555,0.9821,0.7648,0.0229,0.0806,0.0345,0.4583,0.5,0.0381,0.0882,0.0887,0.0,0.0,0.0999,0.0535,0.9821,0.7585,0.0228,0.08,0.0345,0.4583,0.5,0.0379,0.0821,0.0867,0.0,0.0,reg oper account,block of flats,0.0793,Panel,No,5.0,0.0,5.0,0.0,-719.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1301420,282603,Consumer loans,12801.105,113715.0,125725.5,0.0,113715.0,SUNDAY,17,Y,1,0.0,,,XAP,Approved,-438,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Regional / Local,110,Consumer electronics,12.0,middle,POS household with interest,365243.0,-408.0,-78.0,-228.0,-214.0,1.0,0,Cash loans,F,N,Y,1,180000.0,383089.5,27873.0,346500.0,Family,Working,Higher education,Married,House / apartment,0.019101,-12794,-5081,-6820.0,-561,,1,1,0,1,1,0,Waiters/barmen staff,3.0,2,2,THURSDAY,14,0,0,0,0,0,0,Restaurant,0.2370476186751042,0.6800547978258135,0.475849908720221,0.1237,0.0,0.9871,0.8232,0.0226,0.0,0.2069,0.1667,0.0417,0.165,0.1009,0.1257,,0.0,0.1261,0.0,0.9871,0.8301,0.0229,0.0,0.2069,0.1667,0.0417,0.1688,0.1102,0.1309,,0.0,0.1249,0.0,0.9871,0.8256,0.0228,0.0,0.2069,0.1667,0.0417,0.1679,0.1026,0.1279,,0.0,reg oper account,block of flats,0.1112,Panel,No,0.0,0.0,0.0,0.0,-472.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2269314,142124,Revolving loans,4500.0,90000.0,90000.0,,90000.0,WEDNESDAY,10,N,0,,,,XAP,Refused,-174,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),6,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Revolving loans,F,N,Y,1,157500.0,135000.0,6750.0,90000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.04622,-8843,-633,-8610.0,-132,,1,1,1,1,1,0,High skill tech staff,2.0,1,1,TUESDAY,13,0,0,0,1,1,1,Business Entity Type 3,0.29386018526954544,0.683910570632371,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-246.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1945903,398961,Cash loans,59204.835,1129500.0,1227901.5,,1129500.0,MONDAY,12,Y,1,,,,XNA,Approved,-484,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-454.0,596.0,-154.0,-149.0,1.0,0,Cash loans,F,N,Y,0,112500.0,1288350.0,41692.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.010006000000000001,-13006,-668,-2361.0,-827,,1,1,0,1,1,0,Cleaning staff,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Other,,0.7278891803154304,0.4048783643353997,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1715.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1964709,293781,Revolving loans,38250.0,0.0,765000.0,,315000.0,MONDAY,4,N,1,,,,XAP,Refused,-539,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,N,0,180000.0,251280.0,13284.0,180000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,With parents,0.018029,-13818,-297,-4416.0,-4416,,1,1,0,1,0,0,Sales staff,1.0,3,3,MONDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.6298174786426937,0.5062884818651519,0.6940926425266661,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1833.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1394309,215020,Cash loans,91440.0,1800000.0,1800000.0,,1800000.0,TUESDAY,13,Y,1,,,,XNA,Refused,-857,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),6,XNA,24.0,low_action,Cash Street: low,,,,,,,0,Cash loans,M,Y,Y,0,427500.0,1800000.0,49500.0,1800000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-19222,-5357,-7332.0,-819,6.0,1,1,1,1,0,0,Managers,2.0,1,1,MONDAY,10,0,0,0,0,0,0,Transport: type 3,,0.7565511982196262,0.35233997269170386,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-3278.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +1440819,398338,Consumer loans,6163.02,56700.0,62689.5,0.0,56700.0,FRIDAY,14,Y,1,0.0,,,XAP,Approved,-707,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Stone,100,Furniture,12.0,middle,POS industry with interest,365243.0,-676.0,-346.0,-526.0,-523.0,0.0,0,Cash loans,F,N,Y,0,76500.0,673875.0,19831.5,562500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.008473999999999999,-17233,365243,-4887.0,-780,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,XNA,,0.6404939148854696,0.7597121819739279,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1485.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1748656,318495,Cash loans,45784.35,558000.0,591147.0,,558000.0,WEDNESDAY,12,Y,1,,,,XNA,Approved,-918,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-888.0,-378.0,-378.0,-375.0,1.0,0,Cash loans,F,N,N,0,225000.0,852088.5,33921.0,688500.0,Children,Working,Secondary / secondary special,Married,House / apartment,0.018801,-19837,-1731,-6505.0,-3211,,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.5012319325500654,0.266456808245056,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-380.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1289909,117412,Consumer loans,4517.73,31221.0,28485.0,4500.0,31221.0,SATURDAY,10,Y,1,0.1485799330274091,,,XAP,Approved,-2766,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Country-wide,27,Connectivity,8.0,low_normal,POS mobile with interest,365243.0,-2735.0,-2525.0,-2525.0,-2520.0,1.0,0,Revolving loans,F,N,Y,0,144000.0,427500.0,21375.0,427500.0,Unaccompanied,Commercial associate,Incomplete higher,Widow,House / apartment,0.031329,-23667,-1222,-1804.0,-3976,,1,1,0,1,1,0,Secretaries,1.0,2,2,SUNDAY,10,0,0,0,0,0,0,Medicine,0.864005310778621,0.44957232912404094,0.524496446363472,0.0619,0.0486,0.9752,0.66,0.0413,0.0,0.1379,0.1667,0.2083,0.0219,0.0504,0.0521,0.0,0.0,0.063,0.0504,0.9752,0.6733,0.0417,0.0,0.1379,0.1667,0.2083,0.0224,0.0551,0.0543,0.0,0.0,0.0625,0.0486,0.9752,0.6645,0.0416,0.0,0.1379,0.1667,0.2083,0.0223,0.0513,0.0531,0.0,0.0,reg oper spec account,block of flats,0.041,Panel,No,1.0,1.0,1.0,1.0,-1258.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2328738,338346,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SATURDAY,17,Y,1,,,,XAP,Approved,-264,XNA,XAP,Unaccompanied,New,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,67500.0,45000.0,3555.0,45000.0,Children,Working,Secondary / secondary special,Civil marriage,House / apartment,0.010643000000000001,-12949,-930,-7062.0,-3300,,1,1,1,1,0,0,,3.0,2,2,THURSDAY,17,0,0,0,0,0,0,Industry: type 6,,0.611252243564722,0.13937578009978951,0.099,0.0723,0.9821,0.7552,,0.0,0.069,0.1667,0.2083,0.0532,,0.0512,,0.1442,0.1008,0.075,0.9821,0.7648,,0.0,0.069,0.1667,0.2083,0.0545,,0.0534,,0.1526,0.0999,0.0723,0.9821,0.7585,,0.0,0.069,0.1667,0.2083,0.0542,,0.0522,,0.1472,,block of flats,0.0777,"Stone, brick",No,0.0,0.0,0.0,0.0,-264.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1891057,199921,Consumer loans,9965.79,56970.0,53811.0,5697.0,56970.0,WEDNESDAY,12,Y,1,0.10426414783039098,,,XAP,Approved,-1525,Cash through the bank,XAP,"Spouse, partner",Repeater,Photo / Cinema Equipment,POS,XNA,Stone,1100,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1494.0,-1344.0,-1344.0,-1339.0,0.0,0,Cash loans,F,N,N,0,112500.0,1026000.0,30127.5,1026000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-16261,-272,-8512.0,-4204,,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,7,0,0,0,0,0,0,Self-employed,,0.526676845378904,0.2721336844147212,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1525.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,5.0 +2730355,222455,Cash loans,8049.555,90000.0,101880.0,,90000.0,THURSDAY,10,Y,1,,,,XNA,Approved,-883,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),3,XNA,24.0,high,Cash X-Sell: high,365243.0,-853.0,-163.0,-163.0,-159.0,1.0,1,Cash loans,F,Y,N,0,225000.0,407520.0,29785.5,360000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-18932,-716,-72.0,-2465,9.0,1,1,0,1,0,1,Security staff,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,Housing,,0.5019863561849582,0.2366108235287817,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2101.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1649372,221178,Consumer loans,13173.435,89550.0,70371.0,22500.0,89550.0,FRIDAY,16,Y,1,0.2638557295016253,,,XAP,Approved,-1244,XNA,XAP,,New,Furniture,POS,XNA,Stone,50,Furniture,6.0,middle,POS industry with interest,365243.0,-1103.0,-953.0,-1043.0,-1039.0,0.0,1,Cash loans,F,N,Y,1,81000.0,113760.0,8986.5,90000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00963,-13547,-3161,-2183.0,-1938,,1,1,1,1,0,0,Sales staff,3.0,2,2,WEDNESDAY,9,0,0,0,0,1,1,Trade: type 7,0.20288163088743494,0.4505357261709305,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-295.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1152910,432428,Consumer loans,16625.43,155700.0,169060.5,0.0,155700.0,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-491,Cash through the bank,XAP,,New,Jewelry,POS,XNA,Stone,48,Industry,12.0,middle,POS other with interest,365243.0,-460.0,-130.0,-130.0,-127.0,0.0,0,Cash loans,M,N,Y,2,157500.0,473760.0,53451.0,450000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.0228,-10246,-1820,-378.0,-2509,,1,1,0,1,1,0,Security staff,4.0,2,2,MONDAY,9,0,0,0,0,0,0,School,,0.2453495532540649,0.3910549766342248,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1705051,137187,Consumer loans,12897.9,395311.5,224311.5,171000.0,395311.5,TUESDAY,10,Y,1,0.4711083422934707,,,XAP,Refused,-2226,Cash through the bank,SCO,Family,New,Audio/Video,POS,XNA,Country-wide,49151,Consumer electronics,24.0,middle,POS household with interest,,,,,,,0,Cash loans,M,Y,Y,0,180000.0,203760.0,19980.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-19706,-10117,-6902.0,-3260,13.0,1,1,1,1,0,0,Core staff,2.0,3,3,TUESDAY,12,0,0,0,0,0,0,Transport: type 2,,0.6235966696010554,0.4884551844437485,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1480861,138144,Consumer loans,6328.125,35910.0,38754.0,0.0,35910.0,THURSDAY,13,Y,1,0.0,,,XAP,Approved,-418,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Stone,20,Connectivity,8.0,high,POS mobile with interest,365243.0,-381.0,-171.0,-261.0,-254.0,0.0,0,Cash loans,F,Y,Y,1,148500.0,545040.0,39627.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.020713,-14883,-2675,-222.0,-4998,14.0,1,1,0,1,0,0,High skill tech staff,3.0,3,2,TUESDAY,12,0,0,0,0,0,0,Industry: type 12,0.7190220853426215,0.4526694987282842,,0.16699999999999998,0.0955,0.9806,0.7348,0.0233,0.0,0.069,0.1667,0.2083,0.0083,0.1353,0.0521,0.0039,0.005,0.1702,0.0991,0.9806,0.7452,0.0235,0.0,0.069,0.1667,0.2083,0.0085,0.1478,0.0543,0.0039,0.0053,0.1686,0.0955,0.9806,0.7383,0.0235,0.0,0.069,0.1667,0.2083,0.0085,0.1377,0.0531,0.0039,0.0051,reg oper account,block of flats,0.0548,"Stone, brick",No,9.0,1.0,9.0,0.0,-1658.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1217263,133407,Consumer loans,15925.635,179955.0,134955.0,45000.0,179955.0,THURSDAY,13,Y,1,0.2723408124758461,,,XAP,Approved,-147,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,15,Connectivity,12.0,high,POS mobile with interest,365243.0,-117.0,213.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,270000.0,1272888.0,37345.5,1111500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.04622,-8452,-1210,-7084.0,-1140,4.0,1,1,0,1,0,0,Laborers,2.0,1,1,THURSDAY,13,0,0,0,0,1,1,Business Entity Type 3,0.2658292838804339,0.3978406358267037,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1830258,110207,Consumer loans,11467.935,50215.5,40252.5,11250.0,50215.5,MONDAY,10,Y,1,0.2378966599150085,,,XAP,Approved,-2514,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Stone,114,Consumer electronics,4.0,low_normal,POS household with interest,365243.0,-2483.0,-2393.0,-2393.0,-2389.0,1.0,0,Cash loans,M,Y,Y,0,49500.0,225000.0,13045.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-24107,365243,-8070.0,-4774,2.0,1,0,0,1,1,0,,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,XNA,,0.5604474591249828,0.8027454758994178,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2514.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1782622,449696,Cash loans,17509.5,450000.0,450000.0,,450000.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-1361,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-1331.0,79.0,-671.0,-664.0,0.0,0,Cash loans,F,Y,Y,0,247500.0,567000.0,27274.5,567000.0,Unaccompanied,State servant,Higher education,Widow,House / apartment,0.018209,-20007,-10607,-5730.0,-3474,17.0,1,1,0,1,1,0,Core staff,1.0,3,3,SATURDAY,7,0,0,0,0,0,0,School,0.8809245681568717,0.6275099902968575,0.4884551844437485,0.0608,0.044,0.9776,0.6940000000000001,,0.0,0.1034,0.1667,0.0417,0.0768,,0.0344,,0.0022,0.062,0.0457,0.9777,0.706,,0.0,0.1034,0.1667,0.0417,0.0786,,0.0359,,0.0023,0.0614,0.044,0.9776,0.6981,,0.0,0.1034,0.1667,0.0417,0.0782,,0.035,,0.0022,reg oper account,block of flats,0.0404,Panel,No,0.0,0.0,0.0,0.0,-1361.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1025030,331797,Consumer loans,5816.25,34110.0,26437.5,9000.0,34110.0,WEDNESDAY,13,Y,1,0.27659451659451656,,,XAP,Approved,-1023,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,55,Connectivity,6.0,high,POS mobile with interest,365243.0,-987.0,-837.0,-927.0,-900.0,0.0,0,Cash loans,F,N,N,0,135000.0,490500.0,17748.0,490500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.031329,-18727,-2104,-6232.0,-2240,,1,1,1,1,1,0,Laborers,1.0,2,2,MONDAY,11,0,0,0,0,0,0,Construction,0.6890273848112809,0.6578180671049512,0.3842068130556564,0.0124,,0.9632,,,0.0,0.1034,0.0417,,0.019,,0.0118,,0.0,0.0126,,0.9633,,,0.0,0.1034,0.0417,,0.0195,,0.0123,,0.0,0.0125,,0.9632,,,0.0,0.1034,0.0417,,0.0194,,0.012,,0.0,,block of flats,0.0093,Wooden,No,2.0,0.0,2.0,0.0,-2145.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1663935,428815,Consumer loans,13096.665,103495.5,115695.0,11250.0,103495.5,SUNDAY,4,Y,1,0.09651638683896743,,,XAP,Approved,-1746,XNA,XAP,Children,New,Computers,POS,XNA,Country-wide,1295,Consumer electronics,12.0,high,POS household with interest,365243.0,-1712.0,-1382.0,-1382.0,-1374.0,0.0,0,Cash loans,F,N,Y,0,337500.0,312768.0,24331.5,270000.0,Unaccompanied,State servant,Higher education,Single / not married,House / apartment,0.032561,-15835,-392,-538.0,-4762,,1,1,1,1,1,0,Managers,1.0,1,1,WEDNESDAY,18,0,0,0,0,0,0,Other,,0.5464076106429163,0.5832379256761245,0.7593,0.2298,0.998,0.9728,0.0935,0.59,0.2241,0.8333,0.2292,0.3333,0.5306,0.8011,0.4064,1.0,0.6459999999999999,0.2055,0.9985,0.9804,0.0167,0.4028,0.1724,0.75,0.0417,0.0,0.5133,0.6976,0.2179,0.7642,0.6974,0.2175,0.9985,0.9799,0.0941,0.52,0.2069,0.8125,0.1042,0.3391,0.5041,0.7159,0.3125,1.0,reg oper account,block of flats,0.7041,Monolithic,No,0.0,0.0,0.0,0.0,-379.0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1613563,233130,Consumer loans,11190.825,110524.5,122197.5,0.0,110524.5,MONDAY,11,Y,1,0.0,,,XAP,Approved,-595,XNA,XAP,,New,Consumer Electronics,POS,XNA,Regional / Local,150,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-564.0,-234.0,-234.0,-232.0,0.0,0,Cash loans,F,N,Y,0,202500.0,203760.0,19476.0,180000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.014464,-18983,-1491,-12782.0,-2539,,1,1,0,1,0,0,Sales staff,1.0,2,2,MONDAY,8,0,0,0,0,0,0,Business Entity Type 1,0.6524340802582214,0.7579741368908853,0.7850520263728172,0.0309,0.0393,0.9727,0.626,0.0113,0.0,0.1379,0.125,0.1667,0.0609,0.0227,0.0305,0.0116,0.0212,0.0315,0.0407,0.9727,0.6406,0.0115,0.0,0.1379,0.125,0.1667,0.0623,0.0248,0.0318,0.0117,0.0224,0.0312,0.0393,0.9727,0.631,0.0114,0.0,0.1379,0.125,0.1667,0.0619,0.0231,0.031,0.0116,0.0216,reg oper account,block of flats,0.0286,"Stone, brick",No,0.0,0.0,0.0,0.0,-595.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,4.0,0.0,2.0 +1497425,272735,Cash loans,31855.05,135000.0,157099.5,,135000.0,WEDNESDAY,15,Y,1,,,,XNA,Approved,-1204,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,365243.0,-1174.0,-1024.0,-1084.0,-1081.0,1.0,0,Cash loans,M,Y,Y,1,99000.0,225000.0,24232.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018209,-14368,-3271,-3396.0,-4810,15.0,1,1,1,1,0,0,,3.0,3,3,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.7384547138923561,,0.3701,0.2784,0.9806,,,0.4,0.3448,0.3333,,0.2173,,0.3759,,0.0091,0.3771,0.2889,0.9806,,,0.4028,0.3448,0.3333,,0.2222,,0.3917,,0.0097,0.3737,0.2784,0.9806,,,0.4,0.3448,0.3333,,0.2211,,0.3827,,0.0093,,block of flats,0.3416,Panel,No,0.0,0.0,0.0,0.0,-1204.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2278006,224764,Consumer loans,5113.17,24493.5,24867.0,2452.5,24493.5,TUESDAY,13,Y,1,0.0977688264626166,,,XAP,Approved,-863,Cash through the bank,XAP,Unaccompanied,New,Photo / Cinema Equipment,POS,XNA,Country-wide,15,Connectivity,6.0,high,POS mobile with interest,365243.0,-831.0,-681.0,-681.0,-675.0,0.0,0,Cash loans,F,N,Y,0,180000.0,781920.0,43659.0,675000.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.00702,-14236,-1774,-344.0,-2486,,1,1,1,1,1,0,Sales staff,2.0,2,2,THURSDAY,9,0,1,1,0,1,1,Self-employed,0.5529576418616624,0.1254561314041215,0.4740512892789932,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-863.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2704248,222387,Consumer loans,3899.61,38637.0,38637.0,0.0,38637.0,SUNDAY,13,Y,1,0.0,0.19690014734217387,0.8673361522198731,XAP,Approved,-218,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,50,Connectivity,12.0,middle,POS mobile with interest,365243.0,-165.0,165.0,-105.0,-99.0,0.0,0,Cash loans,F,Y,N,0,180000.0,1746000.0,53068.5,1746000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.018634,-10636,-3098,-3528.0,-3296,7.0,1,1,0,1,1,0,Sales staff,1.0,2,2,FRIDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.2626020621148281,0.7352662178984379,0.3996756156233169,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-2542.0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0.0,0.0,2.0,1.0,1.0 +1668213,421793,Consumer loans,43869.6,157950.0,162468.0,0.0,157950.0,TUESDAY,4,Y,1,0.0,,,XAP,Approved,-679,Cash through the bank,XAP,Family,New,Furniture,POS,XNA,Stone,50,Furniture,4.0,middle,POS industry with interest,365243.0,-648.0,-558.0,-588.0,-582.0,0.0,0,Cash loans,F,N,Y,0,211500.0,288873.0,15376.5,238500.0,Unaccompanied,State servant,Higher education,Single / not married,House / apartment,0.008068,-11382,-2725,-445.0,-2167,,1,1,1,1,1,0,Core staff,1.0,3,3,TUESDAY,5,0,0,0,0,0,0,Police,,0.00806635931978303,0.07698446914647789,0.1031,0.1171,0.9851,,,0.0,0.2414,0.1667,,,,0.0926,,,0.105,0.1215,0.9851,,,0.0,0.2414,0.1667,,,,0.0965,,,0.1041,0.1171,0.9851,,,0.0,0.2414,0.1667,,,,0.0943,,,,block of flats,0.0728,Panel,No,0.0,0.0,0.0,0.0,-679.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2383054,124759,Cash loans,9517.32,148500.0,168102.0,,148500.0,TUESDAY,10,Y,1,,,,XNA,Approved,-224,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-194.0,496.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,180000.0,376920.0,18130.5,270000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.031329,-21049,365243,-2212.0,-4438,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,,0.25561615602133475,0.2707073872651806,,,0.9687,,,,0.069,0.0417,,0.0299,,0.0076,,,,,0.9687,,,,0.069,0.0417,,0.0306,,0.0079,,,,,0.9687,,,,0.069,0.0417,,0.0304,,0.0077,,,,block of flats,0.0067,Wooden,Yes,3.0,0.0,3.0,0.0,-2520.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2358188,106283,Cash loans,16446.285,225000.0,314100.0,,225000.0,FRIDAY,14,Y,1,,,,Repairs,Refused,-337,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),2,XNA,36.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,180000.0,545040.0,26640.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008865999999999999,-13069,-4807,-5094.0,-3299,,1,1,1,1,0,0,Laborers,2.0,2,2,SATURDAY,9,0,0,0,0,1,1,Agriculture,,0.5769178679638441,0.5937175866150576,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-757.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1177737,246635,Consumer loans,23427.495,125955.0,132606.0,0.0,125955.0,FRIDAY,13,Y,1,0.0,,,XAP,Refused,-388,Cash through the bank,SCO,,New,Photo / Cinema Equipment,POS,XNA,Country-wide,48,Consumer electronics,6.0,low_normal,POS mobile with interest,,,,,,,0,Cash loans,F,Y,Y,1,202500.0,592560.0,40216.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-12210,-1584,-1413.0,-1125,4.0,1,1,0,1,0,0,,3.0,1,1,MONDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.7495771245725644,0.5560200514287382,0.06126811384928985,0.2345,0.1856,0.9796,0.7212,0.2073,0.24,0.1897,0.4375,0.4792,0.0,0.1904,0.197,0.0039,0.0529,0.1008,0.1525,0.9791,0.7256,0.1316,0.0806,0.0345,0.3333,0.375,0.0,0.0872,0.0839,0.0039,0.0142,0.2368,0.1856,0.9796,0.7249,0.2086,0.24,0.1897,0.4375,0.4792,0.0,0.1937,0.2006,0.0039,0.054000000000000006,,block of flats,0.2496,Block,No,2.0,0.0,2.0,0.0,-125.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,0.0 +2116031,170297,Cash loans,21310.2,180000.0,191880.0,,180000.0,SATURDAY,13,Y,1,,,,XNA,Approved,-635,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-605.0,-275.0,-305.0,-298.0,1.0,0,Cash loans,M,N,Y,0,157500.0,461358.0,39595.5,427500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.00733,-10485,-1057,-4593.0,-2374,,1,1,0,1,0,0,Laborers,1.0,2,2,THURSDAY,17,0,0,0,0,0,0,Self-employed,0.09596750334476813,0.6514006709029001,,0.1,0.1162,0.9861,0.8096,0.0347,0.04,0.1724,0.2708,0.3125,0.0562,0.0605,0.1058,0.0116,0.0173,0.0788,0.1206,0.9777,0.706,0.035,0.0,0.069,0.1667,0.2083,0.0236,0.0661,0.1005,0.0117,0.0,0.101,0.1162,0.9861,0.8121,0.0349,0.04,0.1724,0.2708,0.3125,0.0572,0.0616,0.1077,0.0116,0.0177,reg oper spec account,block of flats,0.0906,"Stone, brick",No,3.0,0.0,3.0,0.0,-1644.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +1233030,148207,Consumer loans,6186.375,57159.0,55683.0,5719.5,57159.0,THURSDAY,13,Y,1,0.10144628402012056,,,XAP,Approved,-2591,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,800,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2559.0,-2289.0,-2289.0,-2280.0,1.0,0,Cash loans,F,N,Y,1,180000.0,540000.0,21546.0,540000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.028663,-12273,-3034,-3557.0,-3557,,1,1,0,1,0,0,Core staff,3.0,2,2,FRIDAY,13,0,0,0,0,0,0,Government,0.6282126647635445,0.4773570990877175,0.3425288720742255,0.0082,0.0,0.9801,,,0.0,0.069,0.0417,,0.0163,,0.0101,,0.004,0.0084,0.0,0.9801,,,0.0,0.069,0.0417,,0.0167,,0.0105,,0.0043,0.0083,0.0,0.9801,,,0.0,0.069,0.0417,,0.0166,,0.0103,,0.0041,,block of flats,0.0088,"Stone, brick",No,0.0,0.0,0.0,0.0,-4.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2261194,106753,Consumer loans,31165.47,281880.0,281880.0,0.0,281880.0,THURSDAY,14,Y,1,0.0,,,XAP,Approved,-1572,Cash through the bank,XAP,Family,Repeater,Clothing and Accessories,POS,XNA,Stone,984,Clothing,10.0,low_normal,POS industry with interest,365243.0,-1539.0,-1269.0,-1269.0,-1261.0,0.0,0,Cash loans,F,N,N,0,450000.0,1800000.0,74416.5,1800000.0,Unaccompanied,Working,Incomplete higher,Single / not married,House / apartment,0.026392000000000002,-16038,-1450,-321.0,-4302,,1,1,0,1,1,0,Sales staff,1.0,2,2,MONDAY,13,0,0,0,0,0,0,Self-employed,0.5748848980533275,0.672683548697527,0.5190973382084597,0.1072,,0.9975,,,0.16,0.069,0.5417,,,,0.1268,,0.0055,0.1092,,0.9975,,,0.1611,0.069,0.5417,,,,0.1321,,0.0059,0.1083,,0.9975,,,0.16,0.069,0.5417,,,,0.1291,,0.0057,,block of flats,0.1009,"Stone, brick",No,8.0,1.0,8.0,1.0,-2231.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +2741038,331584,Consumer loans,4005.09,18355.5,19264.5,0.0,18355.5,FRIDAY,10,Y,1,0.0,,,XAP,Approved,-1114,Cash through the bank,XAP,Family,Refreshed,Mobile,POS,XNA,Country-wide,25,Connectivity,6.0,high,POS mobile with interest,365243.0,-1083.0,-933.0,-933.0,-930.0,0.0,0,Cash loans,F,N,Y,1,90000.0,555273.0,18040.5,463500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.031329,-13993,-3208,-8060.0,-3818,,1,1,0,1,0,0,Laborers,3.0,2,2,SATURDAY,10,0,0,0,0,1,1,Self-employed,,0.16214456766623808,0.7047064232963289,0.0144,0.0,0.9692,0.5784,0.0013,0.0,0.069,0.0417,0.0833,0.0099,0.0118,0.0125,0.0,0.0,0.0147,0.0,0.9692,0.5949,0.0013,0.0,0.069,0.0417,0.0833,0.0101,0.0129,0.013,0.0,0.0,0.0146,0.0,0.9692,0.584,0.0013,0.0,0.069,0.0417,0.0833,0.0101,0.012,0.0127,0.0,0.0,reg oper account,block of flats,0.0098,Wooden,No,8.0,3.0,8.0,3.0,-2135.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1615767,129001,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,11,Y,1,,,,XAP,Refused,-138,XNA,HC,Unaccompanied,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),5,XNA,0.0,XNA,Card Street,,,,,,,1,Cash loans,F,N,N,1,76500.0,263686.5,17298.0,238500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,Municipal apartment,0.005144,-18031,365243,-7217.0,-1327,,1,0,0,1,0,0,,2.0,2,2,MONDAY,9,0,0,0,0,0,0,XNA,0.5646143147079749,,0.6940926425266661,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-157.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1684951,456106,Consumer loans,10445.13,53955.0,56974.5,5395.5,53955.0,SUNDAY,17,Y,1,0.09421500721500717,,,XAP,Approved,-549,Cash through the bank,XAP,,Refreshed,Computers,POS,XNA,Country-wide,300,Consumer electronics,6.0,middle,POS household with interest,365243.0,-512.0,-362.0,-362.0,-360.0,0.0,0,Cash loans,M,N,N,0,112500.0,284400.0,16456.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,Rented apartment,0.031329,-16083,-411,-3407.0,-3320,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Construction,,0.2884898044746771,0.5406544504453575,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-323.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1520269,243057,Consumer loans,12750.66,74205.0,74205.0,0.0,74205.0,MONDAY,10,Y,1,0.0,,,XAP,Approved,-1087,Cash through the bank,XAP,Unaccompanied,Refreshed,Computers,POS,XNA,Country-wide,1200,Consumer electronics,6.0,low_action,POS household without interest,365243.0,-1056.0,-906.0,-906.0,-899.0,0.0,0,Cash loans,F,N,N,0,270000.0,540000.0,14850.0,540000.0,Family,Working,Higher education,Civil marriage,House / apartment,0.018801,-12778,-3884,-1632.0,-4039,,1,1,1,1,0,0,Managers,2.0,2,2,TUESDAY,17,0,0,0,0,0,0,Trade: type 2,0.6227419393924691,0.6129656195087466,0.4436153084085652,0.3433,0.2139,0.997,0.9592,0.1378,0.16,0.069,0.7083,0.75,0.1105,0.2387,0.2856,0.1892,0.2876,0.3498,0.222,0.997,0.9608,0.1391,0.1611,0.069,0.7083,0.75,0.1131,0.2608,0.2975,0.1907,0.3045,0.3466,0.2139,0.997,0.9597,0.1387,0.16,0.069,0.7083,0.75,0.1125,0.2428,0.2907,0.1902,0.2936,reg oper spec account,block of flats,0.3625,"Stone, brick",No,0.0,0.0,0.0,0.0,-1475.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2537447,156755,Consumer loans,7498.35,88155.0,105610.5,0.0,88155.0,WEDNESDAY,8,Y,1,0.0,,,XAP,Approved,-2031,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Stone,149,Consumer electronics,24.0,high,POS household with interest,365243.0,-2000.0,-1310.0,-1520.0,-1516.0,0.0,0,Cash loans,F,N,Y,0,144000.0,373500.0,10831.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.020713,-18827,-2359,-3719.0,-2374,,1,1,1,1,1,0,Laborers,1.0,3,3,THURSDAY,12,0,0,0,0,0,0,Business Entity Type 2,0.7377667313950619,0.44318486859788375,0.3876253444214701,0.1031,0.1141,0.9791,0.7144,0.0114,0.0,0.2069,0.1667,0.2083,0.1072,0.0832,0.0902,0.0039,0.0077,0.105,0.1184,0.9791,0.7256,0.0115,0.0,0.2069,0.1667,0.2083,0.1097,0.0909,0.094,0.0039,0.0081,0.1041,0.1141,0.9791,0.7182,0.0115,0.0,0.2069,0.1667,0.2083,0.1091,0.0847,0.0918,0.0039,0.0078,,block of flats,0.0788,Panel,No,0.0,0.0,0.0,0.0,-1105.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1507792,131107,Consumer loans,,28485.0,28485.0,,28485.0,MONDAY,12,Y,1,,,,XAP,Refused,-1225,Cash through the bank,XNA,"Spouse, partner",Repeater,Mobile,XNA,XNA,Country-wide,10,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Revolving loans,F,N,Y,0,126000.0,270000.0,13500.0,270000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.02461,-9437,-2198,-4178.0,-937,,1,1,0,1,1,0,Core staff,2.0,2,2,MONDAY,16,0,0,0,0,0,0,School,0.26990829404772515,0.5442496722276691,,0.0742,0.0452,0.9846,,,0.08,0.069,0.3333,,0.044,,0.0767,,0.0,0.0756,0.0469,0.9846,,,0.0806,0.069,0.3333,,0.045,,0.0799,,0.0,0.0749,0.0452,0.9846,,,0.08,0.069,0.3333,,0.0448,,0.0781,,0.0,,block of flats,0.0699,Panel,No,0.0,0.0,0.0,0.0,-1860.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2224147,373967,Consumer loans,29697.84,180000.0,162000.0,18000.0,180000.0,MONDAY,11,Y,1,0.1089090909090909,,,XAP,Approved,-647,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Stone,70,Furniture,6.0,middle,POS industry with interest,365243.0,-616.0,-466.0,-466.0,-459.0,0.0,0,Cash loans,M,Y,Y,0,315000.0,1800000.0,68692.5,1800000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.003069,-21817,365243,-4982.0,-4982,24.0,1,0,0,1,0,0,,2.0,3,3,THURSDAY,16,0,0,0,0,0,0,XNA,,0.5881858936974895,0.7165702448010511,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1729.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1560754,419525,Consumer loans,14139.405,72630.0,68130.0,4500.0,72630.0,SUNDAY,10,Y,1,0.06747775149262135,,,XAP,Approved,-76,Cash through the bank,XAP,"Spouse, partner",Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,6.0,high,POS mobile with interest,365243.0,-44.0,106.0,-14.0,-6.0,0.0,0,Cash loans,M,Y,N,0,103500.0,440784.0,29587.5,360000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.019101,-8575,-785,-3413.0,-1263,14.0,1,1,0,1,0,1,Drivers,1.0,2,2,SATURDAY,14,0,0,0,0,1,1,Construction,0.3005083995606793,0.389406265678196,,0.0649,0.1088,0.9811,0.7416,0.0053,0.0,0.1724,0.125,0.0417,0.0595,0.053,0.0583,0.0,0.0,0.0662,0.1129,0.9811,0.7517,0.0054,0.0,0.1724,0.125,0.0417,0.0609,0.0579,0.0607,0.0,0.0,0.0656,0.1088,0.9811,0.7451,0.0054,0.0,0.1724,0.125,0.0417,0.0605,0.0539,0.0593,0.0,0.0,reg oper account,block of flats,0.0488,"Stone, brick",No,3.0,0.0,3.0,0.0,-475.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1619069,208779,Consumer loans,4494.78,35046.0,38515.5,0.0,35046.0,MONDAY,14,Y,1,0.0,,,XAP,Approved,-2250,XNA,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,28,Connectivity,12.0,high,POS mobile with interest,365243.0,-2219.0,-1889.0,-1889.0,-1880.0,1.0,0,Cash loans,F,N,Y,0,225000.0,225000.0,12694.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018209,-23901,365243,-6135.0,-3979,,1,0,0,1,0,0,,2.0,3,3,THURSDAY,8,0,0,0,0,0,0,XNA,,0.12652285821391154,0.3825018041447388,0.1082,0.1182,0.9776,,,0.0,0.2069,0.1667,,0.0667,,0.0894,,0.0,0.1103,0.1226,0.9777,,,0.0,0.2069,0.1667,,0.0683,,0.0931,,0.0,0.1093,0.1182,0.9776,,,0.0,0.2069,0.1667,,0.0679,,0.091,,0.0,,block of flats,0.078,"Stone, brick",No,3.0,1.0,3.0,1.0,-1918.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1953622,270907,Consumer loans,4531.995,40050.0,39069.0,4500.0,40050.0,FRIDAY,12,Y,1,0.11248615049482638,,,XAP,Approved,-2077,XNA,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Stone,279,Consumer electronics,12.0,high,POS household with interest,365243.0,-2046.0,-1716.0,-1716.0,-1683.0,0.0,0,Cash loans,F,N,Y,0,202500.0,1149210.0,33732.0,1003500.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.010147,-21323,365243,-12377.0,-1397,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,,0.1942664499695638,0.4776491548517548,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2639244,183460,Cash loans,34999.74,337500.0,441382.5,,337500.0,MONDAY,10,Y,1,,,,XNA,Refused,-1057,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,high,Cash Street: high,,,,,,,0,Cash loans,F,Y,Y,0,360000.0,1800000.0,47614.5,1800000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.032561,-21335,365243,-9592.0,-12,2.0,1,0,0,1,0,0,,2.0,1,1,MONDAY,12,0,0,0,0,0,0,XNA,,0.7798411696727974,0.7801436381572275,0.0619,0.0898,0.9876,,,0.0,,0.125,,0.0,,0.0586,,0.0888,0.063,0.0932,0.9876,,,0.0,,0.125,,0.0,,0.061,,0.094,0.0625,0.0898,0.9876,,,0.0,,0.125,,0.0,,0.0596,,0.0907,,block of flats,0.0654,"Stone, brick",No,0.0,0.0,0.0,0.0,-2046.0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1233472,426428,Cash loans,9000.99,72000.0,86566.5,,72000.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-355,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-325.0,5.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,1,180000.0,127350.0,12726.0,112500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.011703,-11527,-744,-1649.0,-664,,1,1,0,1,1,0,,3.0,2,2,MONDAY,11,0,0,0,0,1,1,Transport: type 4,,0.37782973107777656,0.7597121819739279,0.6928,0.0,0.9821,0.7552,,0.76,0.6552,0.3333,0.375,0.3917,0.0,0.7468,0.0,0.0206,0.7059,0.0,0.9821,0.7648,,0.7653,0.6552,0.3333,0.375,0.4006,0.0,0.778,0.0,0.0218,0.6995,0.0,0.9821,0.7585,,0.76,0.6552,0.3333,0.375,0.3985,0.0,0.7602,0.0,0.021,reg oper account,block of flats,0.6821,Panel,No,1.0,0.0,1.0,0.0,-1460.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1213005,161459,Consumer loans,1313.91,29133.0,29133.0,0.0,29133.0,FRIDAY,17,Y,1,0.0,,,XAP,Approved,-1296,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,1500,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,0,Revolving loans,M,N,Y,2,135000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.04622,-15564,-90,-9580.0,-3931,,1,1,1,1,0,0,Sales staff,4.0,1,1,SATURDAY,11,0,0,0,0,1,1,Self-employed,0.6137587613700585,0.7421919549128887,0.7380196196295241,0.1608,0.0,0.9871,0.8232,0.0,0.16,0.1207,0.5,0.5417,0.0179,0.0958,0.1647,0.0,0.0371,0.1197,0.0,0.9777,0.706,0.0,0.0806,0.0345,0.3333,0.375,0.0183,0.1047,0.1571,0.0,0.0,0.1624,0.0,0.9871,0.8256,0.0,0.16,0.1207,0.5,0.5417,0.0182,0.0975,0.1677,0.0,0.0379,reg oper account,block of flats,0.1566,"Stone, brick",No,0.0,0.0,0.0,0.0,-1475.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2097146,285546,Cash loans,4380.165,45000.0,60192.0,,45000.0,FRIDAY,6,Y,1,,,,XNA,Refused,-572,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,,,,,,,1,Cash loans,M,N,N,2,135000.0,318528.0,25294.5,252000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0038130000000000004,-13549,-1721,-756.0,-3548,,1,1,0,1,0,0,Laborers,4.0,2,2,WEDNESDAY,6,0,0,0,0,1,1,Business Entity Type 3,,0.12517568885018182,0.16441417882990705,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1484.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,4.0 +1078670,153741,Cash loans,11443.77,135000.0,169186.5,,135000.0,TUESDAY,16,Y,1,,,,XNA,Approved,-788,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),5,XNA,36.0,high,Cash Street: high,365243.0,-755.0,295.0,-665.0,-656.0,0.0,0,Cash loans,F,N,Y,0,103500.0,704844.0,29862.0,630000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.008575,-15113,-5099,-4841.0,-4133,,1,1,1,1,0,0,Medicine staff,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,Medicine,0.5220078138803782,0.6850015532760052,0.3842068130556564,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1250.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1926195,255864,Cash loans,8146.575,112500.0,127350.0,,112500.0,MONDAY,9,Y,1,,,,XNA,Approved,-434,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-404.0,286.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,81000.0,66222.0,6678.0,58500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.009656999999999999,-21729,365243,-1725.0,-3286,,1,0,0,1,0,1,,2.0,2,2,MONDAY,10,0,0,0,0,0,0,XNA,0.6841351249922306,0.5806816122826021,0.5726825047161584,0.1814,0.1636,0.9816,0.7484,0.0,0.08,0.069,0.3333,0.0417,0.0,0.1479,0.075,0.0,0.2492,0.1849,0.1698,0.9816,0.7583,0.0,0.0806,0.069,0.3333,0.0417,0.0,0.1616,0.0782,0.0,0.2639,0.1832,0.1636,0.9816,0.7518,0.0,0.08,0.069,0.3333,0.0417,0.0,0.1505,0.0764,0.0,0.2545,reg oper account,block of flats,0.059,"Stone, brick",No,0.0,0.0,0.0,0.0,-1911.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +1247903,350054,Cash loans,8770.59,207000.0,207000.0,,207000.0,SUNDAY,12,Y,1,,,,XNA,Approved,-145,XNA,XAP,Family,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-115.0,935.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,112500.0,534141.0,20263.5,441000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.005313,-19635,-5479,-6844.0,-3154,,1,1,0,1,0,0,Laborers,1.0,2,2,SATURDAY,15,0,0,0,0,0,0,Other,,0.2693678664306768,0.6956219298394389,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,0.0,-1301.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2670569,169228,Revolving loans,7875.0,157500.0,157500.0,,157500.0,MONDAY,18,Y,1,,,,XAP,Refused,-744,XNA,HC,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,N,Y,0,157500.0,900000.0,26446.5,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.005084,-13682,-4227,-229.0,-4621,,1,1,1,1,1,0,Laborers,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.38645707640450855,0.7338145369642702,0.1289,0.0689,0.9811,,,0.0,0.069,0.1667,,,,0.0791,,0.0549,0.1313,0.0715,0.9811,,,0.0,0.069,0.1667,,,,0.0824,,0.0581,0.1301,0.0689,0.9811,,,0.0,0.069,0.1667,,,,0.0805,,0.056,,block of flats,0.0742,"Stone, brick",No,0.0,0.0,0.0,0.0,-263.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1886654,395418,Consumer loans,7959.825,47758.5,42979.5,4779.0,47758.5,TUESDAY,15,Y,1,0.10898092390978474,,,XAP,Approved,-1413,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Stone,738,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1323.0,-1173.0,-1203.0,-1198.0,0.0,0,Cash loans,M,Y,Y,1,360000.0,540000.0,26109.0,540000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-15570,-505,-951.0,-4553,7.0,1,1,0,1,0,0,Core staff,3.0,1,1,MONDAY,11,0,0,0,0,0,0,Trade: type 2,,0.5260171878547558,0.20092608771597092,0.2423,0.0,0.998,0.9728,0.0845,0.32,0.1379,0.6667,0.7083,0.2319,0.1975,0.3135,0.0,0.0,0.2468,0.0,0.998,0.9739,0.0853,0.3222,0.1379,0.6667,0.7083,0.2372,0.2158,0.3266,0.0,0.0,0.2446,0.0,0.998,0.9732,0.085,0.32,0.1379,0.6667,0.7083,0.236,0.2009,0.3191,0.0,0.0,not specified,block of flats,0.331,Others,No,1.0,0.0,1.0,0.0,-402.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,5.0 +1116838,425659,Cash loans,22900.905,180000.0,191880.0,0.0,180000.0,MONDAY,16,Y,1,0.0,,,Medicine,Refused,-1756,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,N,0,225000.0,1293502.5,35698.5,1129500.0,Family,Working,Secondary / secondary special,Civil marriage,Municipal apartment,0.031329,-19913,-4946,-9470.0,-3190,,1,1,0,1,1,0,,2.0,2,2,MONDAY,15,0,0,0,0,0,0,Trade: type 7,,0.4743028010811066,0.7407990879702335,0.2536,0.0,0.9876,0.83,0.0,0.28,0.2414,0.3333,0.375,0.129,0.2059,0.2619,0.0039,0.0035,0.2584,0.0,0.9876,0.8367,0.0,0.282,0.2414,0.3333,0.375,0.132,0.225,0.2729,0.0039,0.0037,0.2561,0.0,0.9876,0.8323,0.0,0.28,0.2414,0.3333,0.375,0.1313,0.2095,0.2666,0.0039,0.0036,reg oper account,block of flats,0.2067,Panel,No,0.0,0.0,0.0,0.0,-1664.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1234367,170064,Consumer loans,3786.03,31926.825,31576.5,3194.325,31926.825,THURSDAY,15,Y,1,0.10005256758163823,,,XAP,Approved,-1950,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,5,Connectivity,12.0,high,POS mobile with interest,365243.0,-1906.0,-1576.0,-1576.0,-1569.0,0.0,0,Cash loans,F,N,Y,0,139500.0,284400.0,10849.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.015221,-20415,365243,-2518.0,-2215,,1,0,0,1,0,0,,2.0,2,2,MONDAY,13,0,0,0,0,0,0,XNA,0.7973135041210601,0.5752249785331207,0.4543210601605785,0.0495,0.0013,0.9747,0.6532,0.0046,0.0,0.1034,0.125,0.1667,0.0207,0.0403,0.0399,0.0,0.0,0.0504,0.0013,0.9747,0.6668,0.0046,0.0,0.1034,0.125,0.1667,0.0211,0.0441,0.0415,0.0,0.0,0.05,0.0013,0.9747,0.6578,0.0046,0.0,0.1034,0.125,0.1667,0.021,0.041,0.0406,0.0,0.0,reg oper account,block of flats,0.0339,Block,No,0.0,0.0,0.0,0.0,-1950.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1949588,117347,Cash loans,20478.24,247500.0,318082.5,,247500.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-1091,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-1061.0,-371.0,-581.0,-576.0,1.0,0,Revolving loans,F,N,Y,1,135000.0,405000.0,20250.0,405000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.01885,-13317,-105,-763.0,-2902,,1,1,0,1,0,0,,3.0,2,2,TUESDAY,11,0,0,0,0,0,0,School,,0.6600639744010189,0.4830501881366946,0.1629,0.0458,0.9742,0.6464,0.0373,0.0,0.069,0.0833,0.125,0.0715,0.0866,0.0394,0.2124,0.0937,0.166,0.0475,0.9742,0.6602,0.0376,0.0,0.069,0.0833,0.125,0.0732,0.0946,0.0411,0.214,0.0992,0.1645,0.0458,0.9742,0.6511,0.0375,0.0,0.069,0.0833,0.125,0.0728,0.0881,0.0402,0.2135,0.0956,reg oper spec account,block of flats,0.0505,"Stone, brick",No,5.0,0.0,5.0,0.0,-1733.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,3.0,0.0,4.0 +2654047,378856,Cash loans,,0.0,0.0,,,SUNDAY,13,Y,1,,,,XNA,Refused,-197,XNA,SCOFR,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,1,Cash loans,F,Y,Y,1,247500.0,566055.0,15061.5,472500.0,Family,Commercial associate,Higher education,Married,House / apartment,0.00702,-9870,-784,-1122.0,-2554,6.0,1,1,0,1,0,0,Laborers,3.0,2,2,MONDAY,19,0,0,0,0,0,0,Business Entity Type 3,0.32929314833753043,0.04365601219998105,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-942.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2596166,196017,Cash loans,10322.505,94500.0,100737.0,,94500.0,THURSDAY,12,Y,1,,,,XNA,Approved,-298,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),5,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-268.0,62.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,62100.0,57564.0,5737.5,54000.0,Unaccompanied,Pensioner,Lower secondary,Widow,House / apartment,0.011656999999999999,-24867,365243,-10349.0,-4073,,1,0,0,1,0,0,,1.0,1,1,MONDAY,13,0,0,0,0,0,0,XNA,,0.7184425354979314,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-853.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +2214920,423262,Revolving loans,6750.0,135000.0,135000.0,,135000.0,SUNDAY,14,Y,1,,,,XAP,Approved,-879,XNA,XAP,,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),2,XNA,0.0,XNA,Card Street,-813.0,-776.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,M,Y,N,1,180000.0,675000.0,21906.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0228,-15452,-686,-8329.0,-4228,13.0,1,1,0,1,0,0,Drivers,3.0,2,2,THURSDAY,9,0,0,0,0,0,0,Transport: type 4,,0.397688724133538,0.4578995512067301,0.1742,0.1101,0.9876,0.83,0.109,0.16,0.1207,0.4792,0.5208,0.0735,0.1404,0.1723,0.0077,0.0089,0.1292,0.0595,0.9861,0.8171,0.0696,0.0806,0.0345,0.3333,0.375,0.0594,0.1102,0.1186,0.0039,0.0038,0.1759,0.1101,0.9876,0.8323,0.1097,0.16,0.1207,0.4792,0.5208,0.0748,0.1428,0.1754,0.0078,0.0091,reg oper account,block of flats,0.2637,Panel,No,1.0,1.0,1.0,1.0,-107.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1159285,313713,Consumer loans,5485.545,42210.0,41121.0,4221.0,42210.0,MONDAY,10,Y,1,0.1013861922119167,,,XAP,Approved,-2576,Cash through the bank,XAP,Children,New,Mobile,POS,XNA,Country-wide,36,Connectivity,10.0,low_normal,POS mobile with interest,365243.0,-2545.0,-2275.0,-2275.0,-1569.0,1.0,0,Cash loans,F,N,Y,0,54000.0,284400.0,10849.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.01885,-20707,365243,-4527.0,-2891,,1,0,0,1,0,0,,1.0,2,2,MONDAY,13,0,0,0,0,0,0,XNA,,0.6047061763753586,0.2276129150623945,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1737856,421021,Cash loans,5663.835,58500.0,70033.5,,58500.0,FRIDAY,18,Y,1,,,,XNA,Refused,-932,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,M,Y,N,1,135000.0,450000.0,21888.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.026392000000000002,-11170,-1273,-2888.0,-3579,0.0,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,16,0,0,0,0,0,0,Business Entity Type 2,,0.6304595605201841,0.5989262182569273,0.1124,0.0998,0.9826,,,0.0,0.2759,0.1667,,0.1233,,0.1041,,0.0054,0.1145,0.1036,0.9826,,,0.0,0.2759,0.1667,,0.1261,,0.1085,,0.0057,0.1135,0.0998,0.9826,,,0.0,0.2759,0.1667,,0.1255,,0.106,,0.0055,,block of flats,0.0938,Panel,No,0.0,0.0,0.0,0.0,-772.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1251210,207087,Cash loans,11721.735,90000.0,108837.0,,90000.0,MONDAY,14,Y,1,,,,XNA,Approved,-910,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),40,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-880.0,-550.0,-550.0,-547.0,1.0,0,Cash loans,F,Y,Y,1,126000.0,254700.0,14751.0,225000.0,Family,Commercial associate,Higher education,Married,Co-op apartment,0.01885,-12730,-2084,-5105.0,-3063,64.0,1,1,0,1,0,0,Core staff,3.0,2,2,MONDAY,16,0,0,0,0,0,0,Self-employed,0.5911401719745089,0.6029642139780762,0.3996756156233169,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-910.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1819046,315713,Consumer loans,3145.725,27696.15,27696.15,0.0,27696.15,FRIDAY,11,Y,1,0.0,,,XAP,Approved,-165,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-121.0,149.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,3,135000.0,244998.0,13288.5,175500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00823,-14857,-6812,-8908.0,-4073,10.0,1,1,0,1,1,0,Laborers,5.0,2,2,TUESDAY,11,0,0,0,0,0,0,Police,0.2223954848132491,0.5243103852940552,0.6263042766749393,0.0619,0.0573,0.9737,,,0.0,0.1379,0.125,,,,0.0471,,0.057,0.063,0.0595,0.9737,,,0.0,0.1379,0.125,,,,0.0491,,0.0603,0.0625,0.0573,0.9737,,,0.0,0.1379,0.125,,,,0.048,,0.0582,,block of flats,0.0525,"Stone, brick",No,4.0,0.0,4.0,0.0,-2827.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1095005,321478,Revolving loans,9000.0,180000.0,180000.0,,180000.0,FRIDAY,17,Y,1,,,,XAP,Refused,-296,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,1,144000.0,93829.5,11263.5,81000.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.008865999999999999,-14186,-534,-849.0,-4927,,1,1,0,1,0,0,Core staff,2.0,2,2,SUNDAY,14,0,0,0,0,0,0,Construction,0.4594216687580228,0.2881218776760756,0.248535557339522,0.0825,0.0395,0.9891,0.8504,0.0234,0.04,0.0345,0.3333,0.375,0.0463,0.0672,0.0654,0.0,0.0,0.084,0.041,0.9891,0.8563,0.0236,0.0403,0.0345,0.3333,0.375,0.0473,0.0735,0.0682,0.0,0.0,0.0833,0.0395,0.9891,0.8524,0.0236,0.04,0.0345,0.3333,0.375,0.0471,0.0684,0.0666,0.0,0.0,reg oper account,block of flats,0.0515,Panel,No,0.0,0.0,0.0,0.0,-564.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,3.0 +1490434,299015,Revolving loans,11250.0,0.0,225000.0,,,SUNDAY,8,Y,1,,,,XAP,Approved,-535,XNA,XAP,,Refreshed,XNA,Cards,x-sell,Country-wide,664,Consumer electronics,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,67500.0,835380.0,33259.5,675000.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.020246,-19697,365243,-13757.0,-3101,,1,0,0,1,0,0,,2.0,3,3,WEDNESDAY,11,0,0,0,0,0,0,XNA,0.7321136876603365,0.3941323638885272,0.501075160239048,0.0825,0.0676,0.9762,0.6736,0.0087,0.0,0.1379,0.1667,0.2083,0.0891,0.0672,0.0699,0.0,0.0,0.084,0.0701,0.9762,0.6864,0.0088,0.0,0.1379,0.1667,0.2083,0.0911,0.0735,0.0728,0.0,0.0,0.0833,0.0676,0.9762,0.6779999999999999,0.0088,0.0,0.1379,0.1667,0.2083,0.0906,0.0684,0.0711,0.0,0.0,reg oper account,block of flats,0.0597,Panel,No,0.0,0.0,0.0,0.0,-1628.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2641226,363487,Cash loans,21029.58,202500.0,215865.0,,202500.0,TUESDAY,11,Y,1,,,,XNA,Approved,-652,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-622.0,-292.0,-292.0,-290.0,1.0,0,Revolving loans,M,Y,Y,0,306000.0,585000.0,29250.0,585000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.008068,-21528,-6257,-11949.0,-3543,4.0,1,1,0,1,0,0,High skill tech staff,2.0,3,3,WEDNESDAY,13,0,0,0,0,1,1,Other,,0.28760635363386217,0.5814837058057234,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1879.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2538986,376698,Consumer loans,5491.08,53901.0,53311.5,5391.0,53901.0,SATURDAY,19,Y,1,0.1000177009651904,,,XAP,Approved,-2170,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,1455,Consumer electronics,12.0,middle,POS household with interest,365243.0,-2138.0,-1808.0,-1808.0,-1798.0,0.0,0,Cash loans,F,N,Y,2,112500.0,474048.0,21010.5,360000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-12135,-925,-1682.0,-2221,,1,1,0,1,0,0,Sales staff,4.0,1,1,SATURDAY,10,0,0,0,0,1,1,Business Entity Type 3,0.6333141374831217,0.7457159068932762,0.3139166772114369,0.1263,0.1135,0.9762,0.5444,0.0522,0.12,0.1897,0.2292,0.1667,0.0276,0.0504,0.1421,0.0039,0.0931,0.0641,0.1177,0.9667,0.5622,0.0527,0.0,0.1724,0.125,0.1667,0.0283,0.0551,0.0799,0.0039,0.0928,0.1275,0.1135,0.9762,0.5505,0.0525,0.12,0.1897,0.2292,0.1667,0.0281,0.0513,0.1446,0.0039,0.095,reg oper account,block of flats,0.1835,"Stone, brick",No,7.0,0.0,7.0,0.0,-740.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,1.0,3.0 +1613331,168070,Cash loans,11386.89,112500.0,119925.0,,112500.0,FRIDAY,11,Y,1,,,,XNA,Approved,-258,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),5,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-228.0,102.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,112500.0,760225.5,30280.5,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010147,-19145,-4925,-10012.0,-2670,,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Self-employed,,0.19421511211361847,0.8027454758994178,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1627533,317344,Revolving loans,6750.0,135000.0,135000.0,,135000.0,SATURDAY,18,Y,1,,,,XAP,Approved,-85,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,225000.0,781920.0,25969.5,675000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.00496,-19926,365243,-3551.0,-2741,,1,0,0,1,0,0,,2.0,2,2,SUNDAY,12,0,0,0,0,0,0,XNA,0.8297963078936421,0.7363247329424465,0.7713615919194317,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-825.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,0.0 +1102532,275188,Consumer loans,10543.185,127116.0,104616.0,22500.0,127116.0,SUNDAY,13,Y,1,0.19277310058958305,,,XAP,Approved,-765,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Country-wide,8025,Consumer electronics,12.0,middle,POS household with interest,365243.0,-734.0,-404.0,-464.0,-457.0,0.0,0,Cash loans,F,N,Y,0,90000.0,299772.0,19287.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008019,-17544,-1856,-7832.0,-1021,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.5248522887583906,0.4650816198857149,0.0005272652387098817,0.0794,0.0098,0.9806,0.7348,0.0142,0.0,0.2069,0.1667,0.2083,0.0893,0.0647,0.0729,0.0,0.0,0.0809,0.0101,0.9806,0.7452,0.0143,0.0,0.2069,0.1667,0.2083,0.0913,0.0707,0.0759,0.0,0.0,0.0802,0.0098,0.9806,0.7383,0.0143,0.0,0.2069,0.1667,0.2083,0.0908,0.0658,0.0742,0.0,0.0,not specified,block of flats,0.0651,"Stone, brick",No,3.0,0.0,3.0,0.0,-765.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2484477,430979,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,9,Y,1,,,,XAP,Refused,-932,XNA,LIMIT,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,1,72000.0,633730.5,30618.0,504000.0,"Spouse, partner",State servant,Higher education,Married,House / apartment,0.010032,-10929,-1208,-1225.0,-2381,,1,1,0,1,1,1,Core staff,3.0,2,2,THURSDAY,9,0,0,0,0,0,0,Government,0.4507238992432193,0.7478248777221419,,0.1031,0.07400000000000001,0.9891,0.8504,0.0459,0.1,0.0862,0.375,0.0417,0.0,0.0841,0.0691,0.0,0.0,0.084,0.0617,0.9891,0.8563,0.0425,0.0806,0.069,0.375,0.0417,0.0,0.0735,0.0583,0.0,0.0,0.1041,0.07400000000000001,0.9891,0.8524,0.0461,0.1,0.0862,0.375,0.0417,0.0,0.0855,0.0704,0.0,0.0,reg oper account,block of flats,0.0711,"Stone, brick",No,2.0,0.0,2.0,0.0,-1042.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1633930,210071,Cash loans,19401.435,180000.0,243936.0,,180000.0,SATURDAY,3,Y,1,,,,XNA,Refused,-1001,XNA,HC,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,high,Cash Street: high,,,,,,,0,Cash loans,F,Y,Y,2,171000.0,474363.0,25861.5,409500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010032,-12229,-1666,-3918.0,-4421,24.0,1,1,0,1,0,0,Laborers,4.0,2,2,SATURDAY,6,0,0,0,0,0,0,Business Entity Type 3,,0.571635826695548,0.4329616670974407,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,2.0,3.0,0.0,-1246.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1661555,278716,Consumer loans,16154.595,95904.0,90868.5,9594.0,95904.0,SUNDAY,4,Y,1,0.10400635243815533,,,XAP,Approved,-613,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Regional / Local,300,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-582.0,-432.0,-432.0,-424.0,0.0,0,Cash loans,M,N,Y,1,135000.0,500211.0,52654.5,463500.0,Unaccompanied,State servant,Secondary / secondary special,Civil marriage,House / apartment,0.002506,-16764,-824,-3251.0,-294,,1,1,0,1,0,0,Drivers,3.0,2,2,THURSDAY,9,0,0,0,0,0,0,Government,0.4827571430381036,0.6934555523437286,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-613.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1540913,404262,Consumer loans,7250.4,73305.0,72504.0,7330.5,73305.0,MONDAY,10,Y,1,0.10000163975588136,,,XAP,Approved,-1499,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Regional / Local,149,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1468.0,-1138.0,-1138.0,-1129.0,0.0,0,Cash loans,F,N,Y,0,67500.0,600678.0,40432.5,567000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020713,-23777,365243,-10164.0,-3415,,1,0,0,1,1,0,,2.0,3,3,TUESDAY,8,0,0,0,0,0,0,XNA,,0.5932032297466489,0.7407990879702335,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-12.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2597679,440808,Consumer loans,3138.795,17325.0,21775.5,0.0,17325.0,MONDAY,12,Y,1,0.0,,,XAP,Approved,-348,Cash through the bank,XAP,Unaccompanied,Refreshed,Mobile,POS,XNA,Stone,12,Connectivity,10.0,high,POS mobile with interest,365243.0,-309.0,-39.0,-39.0,-34.0,0.0,0,Cash loans,F,N,Y,1,112500.0,675000.0,21775.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-11528,-2920,-596.0,-3475,,1,1,1,1,1,0,Laborers,3.0,2,2,SATURDAY,13,0,0,0,0,1,1,Business Entity Type 3,0.5138176668172934,0.740106934871597,0.646329897706246,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2435.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1382101,144639,Consumer loans,2799.0,13612.5,13612.5,0.0,13612.5,MONDAY,10,Y,1,0.0,,,XAP,Approved,-577,Cash through the bank,XAP,,Repeater,Construction Materials,POS,XNA,Stone,41,Consumer electronics,6.0,high,POS household with interest,365243.0,-539.0,-389.0,-389.0,-382.0,0.0,0,Cash loans,F,N,Y,0,112500.0,225000.0,12564.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.010966,-22008,365243,-10204.0,-3887,,1,0,0,1,1,0,,1.0,2,2,THURSDAY,9,0,0,0,0,0,0,XNA,0.7299602628117577,0.23867882264748724,0.38079968264891495,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2017397,448619,Revolving loans,33750.0,675000.0,675000.0,,675000.0,THURSDAY,17,Y,1,,,,XAP,Approved,-303,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,360000.0,978628.5,47079.0,859500.0,Family,Working,Higher education,Single / not married,House / apartment,0.072508,-19346,-6780,-1871.0,-2818,8.0,1,1,0,1,0,0,Core staff,1.0,1,1,SATURDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.6778812861916539,0.6894791426446275,0.2804,0.1225,0.9965,0.9592,0.1357,0.36,0.1552,0.6042,0.5833,0.0267,0.1748,0.2184,0.0618,0.0647,0.2353,0.1245,0.9965,0.9608,0.13699999999999998,0.3222,0.1379,0.5417,0.5833,0.0244,0.191,0.2147,0.0623,0.063,0.2831,0.1225,0.9965,0.9597,0.1366,0.36,0.1552,0.6042,0.5833,0.0271,0.1779,0.2223,0.0621,0.0661,org spec account,block of flats,0.1997,Panel,No,10.0,0.0,10.0,0.0,-3388.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1797750,404939,Consumer loans,10184.085,100845.0,100345.5,10084.5,100845.0,MONDAY,15,Y,1,0.09945610135585682,,,XAP,Approved,-723,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,middle,POS mobile with interest,,,,,,,1,Cash loans,F,Y,Y,0,180000.0,450000.0,17095.5,450000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.030755,-10089,-1861,-99.0,-1141,3.0,1,1,1,1,1,0,Managers,2.0,2,2,WEDNESDAY,12,0,0,0,1,1,1,Trade: type 2,,0.4338166751124452,0.5656079814115492,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1779599,439752,Consumer loans,12923.64,115020.0,113764.5,11502.0,115020.0,SUNDAY,14,Y,1,0.1000005878376392,,,XAP,Approved,-2540,XNA,XAP,Family,New,Computers,POS,XNA,Stone,145,Consumer electronics,12.0,high,POS household with interest,365243.0,-2509.0,-2179.0,-2179.0,-2176.0,1.0,0,Cash loans,F,N,N,0,238500.0,1354500.0,47079.0,1354500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.020713,-12283,-519,-3399.0,-1718,,1,1,0,1,0,0,Managers,2.0,3,3,SATURDAY,16,0,1,1,0,1,1,Business Entity Type 3,0.5144248984246079,0.37148714533390337,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1716.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +2693503,197748,Consumer loans,10708.92,107100.0,96390.0,10710.0,107100.0,SATURDAY,16,Y,1,0.1089090909090909,,,XAP,Approved,-1824,XNA,XAP,Family,Refreshed,Computers,POS,XNA,Stone,742,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1793.0,-1523.0,-1523.0,-1515.0,0.0,1,Cash loans,F,Y,N,0,225000.0,990000.0,29074.5,990000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-15820,-2402,-8708.0,-4579,8.0,1,1,1,1,0,0,Drivers,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Self-employed,,0.6967645195090402,0.6894791426446275,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,2.0,5.0,1.0,-1824.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,2.0 +1703653,190295,Cash loans,39954.51,454500.0,481495.5,,454500.0,TUESDAY,12,Y,1,,,,XNA,Refused,-431,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,N,0,180000.0,172512.0,7308.0,144000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.00496,-21845,365243,-5274.0,-4552,,1,0,0,1,1,0,,1.0,2,2,SATURDAY,10,0,0,0,0,0,0,XNA,,0.7220072275866805,0.5424451438613613,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-645.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1206648,136987,Consumer loans,10841.445,85162.5,88249.5,4050.0,85162.5,SUNDAY,4,Y,1,0.04778810483066736,,,XAP,Approved,-194,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,600,Consumer electronics,10.0,middle,POS household with interest,365243.0,-164.0,106.0,365243.0,365243.0,1.0,1,Cash loans,M,N,Y,0,180000.0,545040.0,25537.5,450000.0,Children,Pensioner,Secondary / secondary special,Separated,House / apartment,0.010032,-23029,365243,-4378.0,-3902,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,9,0,0,0,0,0,0,XNA,,0.0346084696033794,0.3296550543128238,0.1216,0.0998,0.9846,0.8708,0.0264,0.18,0.1552,0.3438,0.4167,0.1268,0.0992,0.1426,0.0039,0.0175,0.1239,0.1035,0.9831,0.8759,0.0267,0.0806,0.069,0.3333,0.4167,0.1297,0.1084,0.0791,0.0039,0.0185,0.1228,0.0998,0.9831,0.8725,0.0266,0.18,0.1552,0.3333,0.4167,0.129,0.1009,0.1282,0.0039,0.0179,reg oper account,block of flats,0.2067,Panel,No,2.0,0.0,2.0,0.0,-194.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1801194,208762,Cash loans,52384.86,1215000.0,1320849.0,,1215000.0,MONDAY,17,Y,1,,,,XNA,Approved,-946,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-916.0,134.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,265500.0,704178.0,49140.0,652500.0,Family,State servant,Higher education,Married,House / apartment,0.030755,-17368,-2341,-3492.0,-910,,1,1,0,1,0,0,Core staff,2.0,2,2,TUESDAY,16,0,0,0,0,0,0,Medicine,0.7251595024250459,0.7476805155771451,0.2458512138252296,0.0062,0.0,0.9702,,,0.0,0.0345,0.0417,,0.0,,0.0045,,0.0,0.0063,0.0,0.9702,,,0.0,0.0345,0.0417,,0.0,,0.0047,,0.0,0.0062,0.0,0.9702,,,0.0,0.0345,0.0417,,0.0,,0.0046,,0.0,,block of flats,0.0039,"Stone, brick",No,0.0,0.0,0.0,0.0,-2127.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1790295,182850,Cash loans,17485.29,315000.0,383193.0,,315000.0,WEDNESDAY,14,Y,1,,,,XNA,Refused,-887,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,N,1,90000.0,454500.0,21865.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.007114,-16084,-1002,-6543.0,-3966,,1,1,1,1,1,0,Cooking staff,3.0,2,2,SATURDAY,15,0,0,0,0,0,0,Trade: type 7,0.621894269228428,0.6471431180257754,0.4083588531230431,0.0778,0.0555,0.9796,0.7959999999999999,0.0776,0.08,0.069,0.1875,0.375,0.0697,0.0891,0.0509,0.0039,0.0042,0.0462,0.0576,0.9747,0.804,0.0783,0.0806,0.069,0.0417,0.375,0.0592,0.0973,0.0116,0.0039,0.0044,0.0786,0.0555,0.9796,0.7987,0.0781,0.08,0.069,0.1875,0.375,0.0709,0.0906,0.0518,0.0039,0.0043,reg oper account,block of flats,0.0723,"Stone, brick",No,6.0,1.0,6.0,0.0,-1742.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +2349807,104248,Cash loans,24988.545,450000.0,551745.0,,450000.0,FRIDAY,14,Y,1,,,,XNA,Approved,-669,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,Y,Y,0,180000.0,239850.0,23850.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-14019,-4525,-7936.0,-4786,17.0,1,1,0,1,0,0,Core staff,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Self-employed,0.5811482050128012,0.6650361206132828,,0.1876,0.1138,0.9801,,0.0315,0.2,0.1724,0.3333,0.375,0.0726,0.1505,0.1945,0.0116,0.0088,0.1912,0.118,0.9801,,0.0317,0.2014,0.1724,0.3333,0.375,0.0743,0.1644,0.2026,0.0117,0.0093,0.1894,0.1138,0.9801,,0.0317,0.2,0.1724,0.3333,0.375,0.0739,0.1531,0.198,0.0116,0.009000000000000001,reg oper account,block of flats,0.1721,Panel,No,0.0,0.0,0.0,0.0,-1700.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2457024,142717,Consumer loans,5993.415,59940.0,53946.0,5994.0,59940.0,MONDAY,15,Y,1,0.1089090909090909,,,XAP,Refused,-2606,Cash through the bank,SCO,Other_A,Repeater,XNA,POS,XNA,Stone,181,Consumer electronics,10.0,low_normal,POS household without interest,,,,,,,1,Cash loans,M,Y,Y,0,112500.0,161730.0,11632.5,135000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.019101,-17538,-138,-9290.0,-1074,2.0,1,1,0,1,0,0,Drivers,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Self-employed,,0.6837214495725595,0.7165702448010511,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-2697.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2244846,309416,Consumer loans,4613.895,36450.0,34587.0,4500.0,36450.0,SUNDAY,15,Y,1,0.1253846314864044,,,XAP,Approved,-2437,XNA,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Stone,24,Connectivity,10.0,high,POS mobile with interest,365243.0,-2404.0,-2134.0,-2164.0,-2157.0,1.0,0,Revolving loans,F,N,Y,1,40500.0,135000.0,6750.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009175,-17740,-1021,-3593.0,-1291,,1,1,1,1,1,0,,3.0,2,2,MONDAY,16,0,0,0,0,0,0,Trade: type 7,0.4401340829144612,0.7531195628798977,0.6769925032909132,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-169.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1097920,107938,Consumer loans,15289.47,76459.05,68809.5,7649.55,76459.05,WEDNESDAY,17,Y,1,0.10896101068004847,,,XAP,Approved,-2429,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,2100,Consumer electronics,5.0,middle,POS household without interest,365243.0,-2398.0,-2278.0,-2308.0,-2299.0,0.0,0,Cash loans,M,Y,N,0,315000.0,679500.0,36202.5,679500.0,Family,Commercial associate,Higher education,Married,House / apartment,0.04622,-13555,-681,-6140.0,-4317,8.0,1,1,1,1,1,0,Sales staff,2.0,1,1,SUNDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.611688638352755,0.7583930617144343,0.0825,0.0791,0.9737,0.6396,0.0,0.0,0.1379,0.1667,0.2083,0.0434,0.0664,0.0398,0.0039,0.0032,0.084,0.0821,0.9737,0.6537,0.0,0.0,0.1379,0.1667,0.2083,0.0444,0.0725,0.0415,0.0039,0.0033,0.0833,0.0791,0.9737,0.6444,0.0,0.0,0.1379,0.1667,0.2083,0.0441,0.0676,0.0405,0.0039,0.0032,reg oper spec account,block of flats,0.0489,"Stone, brick",No,3.0,0.0,3.0,0.0,-70.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,0.0 +1195333,130578,Cash loans,16075.08,135000.0,173839.5,,135000.0,MONDAY,9,Y,1,,,,XNA,Approved,-1482,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,18.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,202500.0,494118.0,31707.0,436500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-20295,-3700,-9270.0,-3789,,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,Self-employed,,0.5670569392362769,0.3876253444214701,0.0247,0.0423,0.9866,,,0.0,0.1034,0.0833,,0.0416,,0.0257,,0.0,0.0252,0.0439,0.9866,,,0.0,0.1034,0.0833,,0.0426,,0.0268,,0.0,0.025,0.0423,0.9866,,,0.0,0.1034,0.0833,,0.0424,,0.0261,,0.0,,block of flats,0.0302,Panel,No,6.0,0.0,6.0,0.0,-3399.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,4.0 +1981520,192061,Consumer loans,15152.985,89955.0,85234.5,8995.5,89955.0,SATURDAY,8,Y,1,0.10396813406268993,,,XAP,Refused,-426,Cash through the bank,LIMIT,"Spouse, partner",Repeater,Computers,POS,XNA,Regional / Local,20,Connectivity,6.0,low_normal,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,157500.0,983160.0,62964.0,900000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.002506,-13741,-1791,-420.0,-1786,,1,1,0,1,0,0,Secretaries,2.0,2,2,FRIDAY,4,0,0,0,0,0,0,Security Ministries,0.7821244328187029,0.5686453395203537,0.6109913280868294,0.099,0.035,0.998,,,0.08,0.0345,0.4583,,,,0.076,,0.0,0.1008,0.0363,0.998,,,0.0806,0.0345,0.4583,,,,0.0792,,0.0,0.0999,0.035,0.998,,,0.08,0.0345,0.4583,,,,0.0773,,0.0,,block of flats,0.0808,Monolithic,No,2.0,0.0,2.0,0.0,-551.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2105307,360432,Revolving loans,22500.0,450000.0,450000.0,,450000.0,FRIDAY,7,Y,1,,,,XAP,Approved,-326,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,1,198000.0,521280.0,31630.5,450000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.025164,-14625,-1322,-8727.0,-4485,,1,1,0,1,0,0,Drivers,3.0,2,2,TUESDAY,8,0,0,0,0,0,0,Self-employed,,0.4490096200080752,0.6940926425266661,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-786.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2244218,261477,Cash loans,18395.145,135000.0,154998.0,,135000.0,THURSDAY,18,Y,1,,,,XNA,Approved,-529,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-499.0,-169.0,-169.0,-162.0,1.0,0,Cash loans,M,Y,N,0,135000.0,332473.5,16299.0,274500.0,Unaccompanied,Working,Incomplete higher,Single / not married,House / apartment,0.035792000000000004,-9517,-456,-1770.0,-1761,13.0,1,1,0,1,0,0,IT staff,1.0,2,2,MONDAY,15,0,0,0,0,0,0,Hotel,,0.4868679541784362,0.7106743858828587,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-529.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +1381075,307515,Revolving loans,2250.0,45000.0,45000.0,,45000.0,MONDAY,18,Y,1,,,,XAP,Approved,-46,XNA,XAP,Unaccompanied,New,XNA,Cards,walk-in,Channel of corporate sales,-1,XNA,0.0,XNA,Card Street,-27.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,164799.0,728460.0,37849.5,675000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.030755,-9763,-776,-3654.0,-2407,,1,1,1,1,1,0,Managers,1.0,2,2,THURSDAY,17,0,0,0,0,0,0,Business Entity Type 3,,0.3381850291218025,,0.134,0.1172,0.9881,0.8368,,0.16,0.1379,0.3333,0.375,0.0,,0.149,,0.0714,0.1366,0.1217,0.9881,0.8432,,0.1611,0.1379,0.3333,0.375,0.0,,0.1553,,0.0756,0.1353,0.1172,0.9881,0.8390000000000001,,0.16,0.1379,0.3333,0.375,0.0,,0.1517,,0.0729,reg oper account,block of flats,0.1451,"Stone, brick",No,1.0,0.0,1.0,0.0,-589.0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,,,,,, +1181815,271312,Consumer loans,7680.6,67495.5,65758.5,6750.0,67495.5,TUESDAY,20,Y,1,0.10138623246052028,,,XAP,Approved,-1259,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,2700,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1228.0,-958.0,-988.0,-981.0,0.0,0,Cash loans,M,Y,Y,1,112500.0,258709.5,27580.5,234000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.022625,-14598,-6711,-173.0,-3829,12.0,1,1,1,1,1,0,,3.0,2,2,MONDAY,11,0,0,0,0,0,0,Transport: type 4,0.6400595446323303,0.7388135514466175,0.7121551551910698,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1900.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2681721,309264,Consumer loans,4680.405,24300.0,22954.5,2430.0,24300.0,SATURDAY,5,Y,1,0.1042561763710496,,,XAP,Approved,-2229,Cash through the bank,XAP,Unaccompanied,New,Auto Accessories,POS,XNA,Regional / Local,251,Industry,6.0,high,POS other with interest,365243.0,-2192.0,-2042.0,-2042.0,-2039.0,0.0,0,Cash loans,M,Y,N,1,180000.0,669591.0,20430.0,508500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010032,-12756,-3478,-3990.0,-4621,6.0,1,1,0,1,0,0,Laborers,3.0,2,2,SATURDAY,8,0,0,0,0,0,0,Security Ministries,,0.10094065213632401,0.7435593141311444,0.1814,0.1254,0.9851,0.7892,0.0393,0.14,0.1207,0.3333,0.375,0.2142,0.1479,0.1594,0.0039,0.0476,0.1471,0.0852,0.9846,0.7975,0.0265,0.0403,0.0345,0.3333,0.375,0.2076,0.1286,0.0991,0.0039,0.0173,0.1832,0.1254,0.9851,0.792,0.0396,0.14,0.1207,0.3333,0.375,0.2179,0.1505,0.1622,0.0039,0.0486,reg oper account,block of flats,0.2081,Panel,No,0.0,0.0,0.0,0.0,-19.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1790049,303844,Cash loans,4921.2,45000.0,45000.0,0.0,45000.0,THURSDAY,9,Y,1,0.0,,,XNA,Refused,-2570,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,90000.0,555273.0,18040.5,463500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.02461,-21435,365243,-7976.0,-4313,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,13,0,0,0,0,0,0,XNA,,0.6832957049757933,0.6178261467332483,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1617.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1671487,279879,Consumer loans,7694.595,40455.0,37737.0,4500.0,40455.0,SATURDAY,17,Y,1,0.11603355093659795,,,XAP,Approved,-1650,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,40,Connectivity,6.0,high,POS mobile with interest,365243.0,-1610.0,-1460.0,-1490.0,-1481.0,0.0,0,Cash loans,F,Y,Y,0,337500.0,1223010.0,51948.0,1125000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.00823,-19033,-1609,-772.0,-2589,18.0,1,1,0,1,0,0,Managers,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,Self-employed,,0.5184934181360873,0.6528965519806539,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1650.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2098364,120563,Consumer loans,9988.47,51700.5,48987.0,5170.5,51700.5,FRIDAY,5,Y,1,0.1039771877478566,,,XAP,Refused,-935,Cash through the bank,LIMIT,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,46,Connectivity,6.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,N,0,162000.0,521280.0,41062.5,450000.0,Unaccompanied,Working,Incomplete higher,Single / not married,With parents,0.014464,-11209,-522,-5146.0,-3801,,1,1,1,1,1,1,High skill tech staff,1.0,2,2,SATURDAY,4,0,1,1,0,1,1,Business Entity Type 3,,0.2470296396720533,,0.0918,0.0922,0.9801,0.728,0.0114,0.0,0.2069,0.1667,0.0417,,0.0748,0.0848,0.0,0.0,0.0935,0.0957,0.9801,0.7387,0.0115,0.0,0.2069,0.1667,0.0417,,0.0817,0.0884,0.0,0.0,0.0926,0.0922,0.9801,0.7316,0.0115,0.0,0.2069,0.1667,0.0417,,0.0761,0.0863,0.0,0.0,reg oper account,block of flats,0.0729,Panel,No,0.0,0.0,0.0,0.0,-387.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2241099,110268,Consumer loans,8594.145,85950.0,77355.0,8595.0,85950.0,THURSDAY,10,Y,1,0.1089090909090909,,,XAP,Approved,-1860,XNA,XAP,,New,Furniture,POS,XNA,Stone,40,Furniture,10.0,low_normal,POS industry with interest,365243.0,-1829.0,-1559.0,-1559.0,-1549.0,0.0,0,Cash loans,F,N,N,0,247500.0,1800000.0,98640.0,1800000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-16706,-2423,-9686.0,-243,,1,1,0,1,1,0,Sales staff,2.0,1,1,TUESDAY,12,0,0,0,0,0,0,Self-employed,0.5776541918279454,0.7132248944095707,,0.0082,0.0,0.9662,0.5376,0.0015,0.0,0.0345,0.0417,0.0833,0.019,0.0067,0.01,0.0,0.0,0.0084,0.0,0.9662,0.5557,0.0015,0.0,0.0345,0.0417,0.0833,0.0195,0.0073,0.0105,0.0,0.0,0.0083,0.0,0.9662,0.5438,0.0015,0.0,0.0345,0.0417,0.0833,0.0194,0.0068,0.0102,0.0,0.0,reg oper account,block of flats,0.0079,Block,No,0.0,0.0,0.0,0.0,-1860.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1913041,443446,Cash loans,47013.345,1588500.0,1777212.0,,1588500.0,TUESDAY,16,Y,1,,,,XNA,Refused,-209,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,121500.0,900000.0,29164.5,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-19008,-6727,-4912.0,-2547,,1,1,0,1,1,0,Laborers,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Construction,,0.6937065139959778,0.20915469884100693,0.1794,,0.993,,,0.2,0.1724,0.3333,,,,0.1893,,0.0,0.1828,,0.993,,,0.2014,0.1724,0.3333,,,,0.1973,,0.0,0.1811,,0.993,,,0.2,0.1724,0.3333,,,,0.1927,,0.0,,block of flats,0.1489,Panel,No,0.0,0.0,0.0,0.0,-2158.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2693443,390496,Cash loans,51465.195,810000.0,893398.5,,810000.0,SATURDAY,12,Y,1,,,,XNA,Approved,-1031,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,M,Y,Y,0,157500.0,1035000.0,30393.0,1035000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-17387,-4550,-5788.0,-905,5.0,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,13,0,0,0,0,0,0,Industry: type 9,,0.5614707294691131,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,0.0,9.0,0.0,-910.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2806082,207896,Cash loans,26242.155,292500.0,316246.5,,292500.0,WEDNESDAY,17,Y,1,,,,XNA,Approved,-814,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-784.0,-274.0,-604.0,-600.0,1.0,0,Cash loans,M,N,Y,0,450000.0,1096020.0,52857.0,900000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-12298,-2983,-6168.0,-4489,,1,1,0,1,0,1,Laborers,2.0,1,1,FRIDAY,11,0,0,0,0,1,1,Housing,0.5030413640910056,0.6481062521004881,0.6496203111237195,0.0619,0.1066,0.9712,0.6056,0.0112,0.0,0.1724,0.125,0.1667,0.0,0.0504,0.0647,0.0,0.0,0.063,0.1107,0.9712,0.621,0.0113,0.0,0.1724,0.125,0.1667,0.0,0.0551,0.0674,0.0,0.0,0.0625,0.1066,0.9712,0.6109,0.0113,0.0,0.1724,0.125,0.1667,0.0,0.0513,0.0659,0.0,0.0,reg oper account,block of flats,0.0509,"Stone, brick",No,1.0,0.0,1.0,0.0,-1882.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1507797,236519,Cash loans,70816.275,2250000.0,2517300.0,,2250000.0,TUESDAY,13,Y,1,,,,Buying a new car,Refused,-569,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,1,202500.0,1190340.0,63549.0,1125000.0,Family,Working,Higher education,Married,House / apartment,0.00733,-13107,-5580,-1717.0,-4542,,1,1,0,1,0,0,Managers,3.0,2,2,THURSDAY,18,0,0,0,0,0,0,Bank,,0.6871868003063729,0.4794489811780563,0.1237,0.0711,0.997,0.9592,,0.12,0.1034,0.375,0.0417,0.06,0.1009,0.1072,0.0,0.0,0.1261,0.0738,0.997,0.9608,,0.1208,0.1034,0.375,0.0417,0.0613,0.1102,0.1117,0.0,0.0,0.1249,0.0711,0.997,0.9597,,0.12,0.1034,0.375,0.0417,0.061,0.1026,0.1091,0.0,0.0,,block of flats,0.0843,Panel,No,0.0,0.0,0.0,0.0,-416.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1050196,434747,Consumer loans,17688.42,91795.5,96642.0,0.0,91795.5,SUNDAY,11,Y,1,0.0,,,XAP,Approved,-836,XNA,XAP,"Spouse, partner",New,Audio/Video,POS,XNA,Regional / Local,130,Consumer electronics,6.0,middle,POS household with interest,365243.0,-804.0,-654.0,-744.0,-738.0,0.0,0,Cash loans,F,N,Y,0,135000.0,1887849.0,129618.0,1782000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-21553,-4048,-2262.0,-2262,,1,1,0,1,0,0,Sales staff,2.0,3,1,WEDNESDAY,7,0,0,0,0,0,0,Self-employed,0.7358588828840437,0.6366734238911165,0.3706496323299817,0.3546,0.1059,0.9801,0.728,0.0519,0.08,0.069,0.3333,0.0417,0.05,0.2883,0.1289,0.0039,0.0082,0.3613,0.1099,0.9801,0.7387,0.0524,0.0806,0.069,0.3333,0.0417,0.0512,0.315,0.1343,0.0039,0.0087,0.3581,0.1059,0.9801,0.7316,0.0523,0.08,0.069,0.3333,0.0417,0.0509,0.2933,0.1313,0.0039,0.0084,reg oper account,block of flats,0.1032,Panel,No,0.0,0.0,0.0,0.0,-836.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1151026,252838,Consumer loans,9645.075,99000.0,85734.0,19800.0,99000.0,FRIDAY,12,Y,1,0.20433225311274086,,,XAP,Approved,-2415,Cash through the bank,XAP,Unaccompanied,Repeater,Clothing and Accessories,POS,XNA,Regional / Local,830,Clothing,10.0,low_normal,POS industry without interest,365243.0,-2384.0,-2114.0,-2114.0,-2105.0,1.0,0,Cash loans,F,Y,N,1,135000.0,450000.0,35554.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-12246,-419,-6093.0,-870,2.0,1,1,0,1,1,0,,3.0,2,2,FRIDAY,13,0,0,0,0,0,0,Hotel,,0.11742804798796595,0.475849908720221,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-232.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1002227,422530,Consumer loans,9229.275,81661.5,90283.5,0.0,81661.5,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-618,Cash through the bank,XAP,Unaccompanied,Refreshed,Consumer Electronics,POS,XNA,Country-wide,2000,Consumer electronics,12.0,middle,POS household with interest,365243.0,-586.0,-256.0,-256.0,-253.0,0.0,0,Cash loans,F,N,N,0,225000.0,670500.0,19732.5,670500.0,Unaccompanied,Pensioner,Higher education,Widow,Municipal apartment,0.018634,-21464,365243,-8294.0,-2622,,1,0,0,1,1,0,,1.0,2,2,SUNDAY,15,0,0,0,0,0,0,XNA,0.8145541696789939,0.7636367211920854,0.6658549219640212,0.3155,0.2479,0.9861,0.8096,0.1361,0.36,0.3103,0.3333,0.0417,0.1303,0.2572,0.3436,0.0,0.0,0.3214,0.2573,0.9861,0.8171,0.1373,0.3625,0.3103,0.3333,0.0417,0.1332,0.281,0.3579,0.0,0.0,0.3185,0.2479,0.9861,0.8121,0.1369,0.36,0.3103,0.3333,0.0417,0.1325,0.2617,0.3497,0.0,0.0,org spec account,block of flats,0.3446,Panel,No,0.0,0.0,0.0,0.0,-1893.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2032164,398111,Revolving loans,5625.0,0.0,112500.0,,,SATURDAY,20,Y,1,,,,XAP,Approved,-2412,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-2410.0,-2360.0,365243.0,-1052.0,365243.0,0.0,0,Cash loans,F,N,Y,1,112500.0,270000.0,14647.5,270000.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.0031219999999999998,-12936,-2481,-6906.0,-2860,,1,1,0,1,1,0,Sales staff,2.0,3,3,WEDNESDAY,16,0,0,0,1,1,0,Trade: type 7,0.6687899109776819,0.6314015845134824,0.4992720153045617,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2412.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1719114,327668,Consumer loans,7196.49,45774.0,38790.0,9157.5,45774.0,SATURDAY,11,Y,1,0.2080056311590802,,,XAP,Approved,-537,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,10,Connectivity,6.0,middle,POS mobile without interest,365243.0,-506.0,-356.0,-356.0,-354.0,0.0,0,Cash loans,F,N,Y,0,90000.0,148140.0,10908.0,112500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-18438,-4849,-6904.0,-1982,,1,1,0,1,0,0,Core staff,2.0,2,2,THURSDAY,11,0,0,0,0,1,1,Transport: type 2,0.7890018743448639,0.5923850470770131,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1920.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2019743,104385,Revolving loans,20250.0,405000.0,405000.0,,405000.0,FRIDAY,14,Y,1,,,,XAP,Refused,-131,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,Y,Y,0,162000.0,211500.0,10795.5,211500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.030755,-22272,365243,-13728.0,-475,7.0,1,0,0,1,1,0,,1.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,XNA,,0.6207797329186501,0.4920600938649263,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,0.0,-474.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2607293,183047,Revolving loans,2250.0,45000.0,45000.0,,45000.0,MONDAY,15,Y,1,,,,XAP,Approved,-527,XNA,XAP,,Repeater,XNA,Cards,walk-in,Channel of corporate sales,-1,XNA,0.0,XNA,Card Street,-479.0,-449.0,365243.0,-207.0,365243.0,0.0,0,Cash loans,F,N,Y,0,135000.0,742500.0,21694.5,742500.0,Unaccompanied,Working,Incomplete higher,Married,With parents,0.01885,-12333,-2695,-5857.0,-3402,,1,1,1,1,0,1,High skill tech staff,2.0,2,2,WEDNESDAY,15,0,0,0,1,1,0,Government,0.5895176186693638,0.6068264155399048,0.501075160239048,,,0.9841,0.7824,,,,0.1667,0.0417,0.0618,0.0756,0.0889,,,,,0.9841,0.7909,,,,0.1667,0.0417,0.0632,0.0826,0.0927,,,,,0.9841,0.7853,,,,0.1667,0.0417,0.0628,0.077,0.0905,,,,block of flats,0.0765,Panel,No,2.0,1.0,2.0,1.0,-791.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2094346,143236,Revolving loans,7875.0,0.0,157500.0,,,THURSDAY,9,Y,1,,,,XAP,Approved,-531,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,157500.0,526491.0,19039.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-11054,-4115,-1735.0,-3509,3.0,1,1,0,1,0,0,Security staff,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Construction,,0.5310793331356558,0.7801436381572275,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2032284,415700,Consumer loans,3805.65,32040.0,38767.5,3375.0,32040.0,WEDNESDAY,12,Y,1,0.08722030772217633,,,XAP,Approved,-1791,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Country-wide,31,Connectivity,18.0,high,POS mobile with interest,365243.0,-1760.0,-1250.0,-1370.0,-1367.0,0.0,0,Cash loans,F,N,Y,0,90000.0,547344.0,19791.0,472500.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,House / apartment,0.018634,-18138,-192,-10429.0,-1678,,1,1,0,1,1,0,Sales staff,1.0,2,2,TUESDAY,10,0,0,0,0,0,0,Government,0.7027342134477058,0.10032908719546416,0.7407990879702335,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2559492,121507,Cash loans,26337.465,225000.0,269010.0,,225000.0,THURSDAY,12,Y,1,,,,Journey,Approved,-457,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,low_normal,Cash Street: low,365243.0,-426.0,-96.0,-96.0,-90.0,0.0,0,Cash loans,F,N,Y,0,202500.0,1009566.0,36391.5,904500.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.006207,-10637,-740,-931.0,-2115,,1,1,0,1,0,0,Sales staff,2.0,2,2,SATURDAY,10,0,0,0,0,1,1,Trade: type 7,0.5280211985350873,0.4645050021596852,0.6956219298394389,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1545.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1721744,129621,Revolving loans,18000.0,0.0,360000.0,,,FRIDAY,19,Y,1,,,,XAP,Approved,-1017,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-1013.0,-971.0,365243.0,-331.0,365243.0,0.0,0,Cash loans,F,Y,Y,1,180000.0,1480500.0,39186.0,1480500.0,Unaccompanied,State servant,Secondary / secondary special,Married,Municipal apartment,0.072508,-16728,-4685,-5588.0,-275,9.0,1,1,0,1,0,0,Laborers,3.0,1,1,SUNDAY,14,0,0,0,0,0,0,School,0.557600563045825,0.7027598928057368,0.7136313997323308,0.0778,0.0769,0.9752,0.66,0.0003,0.0,0.1293,0.1667,0.2083,0.0,0.0628,0.0654,0.0029,0.0014,0.084,0.0629,0.9757,0.6798,0.0,0.0,0.1379,0.1667,0.2083,0.0,0.0735,0.0524,0.0,0.0,0.0833,0.0822,0.9757,0.6713,0.0003,0.0,0.1379,0.1667,0.2083,0.0,0.0684,0.0712,0.0019,0.0008,reg oper account,block of flats,0.0407,Panel,No,3.0,0.0,3.0,0.0,-1641.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1774859,264223,Revolving loans,0.0,0.0,0.0,,0.0,SATURDAY,11,Y,1,,,,XAP,Approved,-806,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-803.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,0,270000.0,728460.0,57685.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.04622,-12268,-2342,-327.0,-4324,65.0,1,1,0,1,0,0,,1.0,1,1,SUNDAY,16,0,1,1,0,0,0,Business Entity Type 3,,0.6863588852680172,0.2650494299443805,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-806.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1032285,339159,Consumer loans,17320.275,173223.0,155898.0,17325.0,173223.0,FRIDAY,15,Y,1,0.10892606639995844,,,XAP,Approved,-1455,Cash through the bank,XAP,Unaccompanied,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,4500,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1424.0,-1154.0,-1244.0,-1235.0,0.0,0,Cash loans,F,N,Y,0,157500.0,675000.0,19867.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.072508,-13601,-1933,-7708.0,-435,,1,1,1,1,1,0,Core staff,2.0,1,1,THURSDAY,14,0,0,0,0,0,0,Trade: type 2,0.6674060816101929,0.6066385753219141,0.5919766183185521,0.0619,0.0476,0.9722,,,0.0,0.1034,0.1667,,0.048,,0.0506,,0.0,0.063,0.0494,0.9722,,,0.0,0.1034,0.1667,,0.0491,,0.0528,,0.0,0.0625,0.0476,0.9722,,,0.0,0.1034,0.1667,,0.0488,,0.0515,,0.0,,block of flats,0.0398,Block,No,13.0,0.0,13.0,0.0,-1224.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1456343,431819,Consumer loans,18833.94,322870.5,364504.5,0.0,322870.5,SUNDAY,14,Y,1,0.0,,,XAP,Approved,-719,Cash through the bank,XAP,Children,New,Computers,POS,XNA,Country-wide,3500,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-688.0,2.0,-18.0,-12.0,0.0,0,Cash loans,F,N,N,0,135000.0,1256400.0,36864.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Municipal apartment,0.020713,-15845,-102,-8941.0,-5235,,1,1,0,1,0,0,Laborers,1.0,3,2,FRIDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.21299728790914788,,0.0289,0.0,0.9702,0.5920000000000001,0.0012,0.0,0.069,0.0417,0.0833,0.0115,0.0235,0.0147,0.0,0.0,0.0294,0.0,0.9702,0.608,0.0012,0.0,0.069,0.0417,0.0833,0.0118,0.0257,0.0154,0.0,0.0,0.0291,0.0,0.9702,0.5975,0.0012,0.0,0.069,0.0417,0.0833,0.0117,0.0239,0.015,0.0,0.0,reg oper account,block of flats,0.0122,"Stone, brick",No,1.0,1.0,1.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1377674,425886,Consumer loans,20269.71,181791.9,181791.0,0.9,181791.9,FRIDAY,8,Y,1,5.391779381709624e-06,,,XAP,Approved,-2308,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,3500,Consumer electronics,12.0,high,POS household with interest,365243.0,-2277.0,-1947.0,-1947.0,-1942.0,0.0,0,Revolving loans,F,Y,Y,0,225000.0,225000.0,11250.0,225000.0,Family,Working,Incomplete higher,Civil marriage,House / apartment,0.020713,-12962,-69,-2945.0,-1133,4.0,1,1,0,1,0,1,Managers,2.0,3,3,WEDNESDAY,11,0,0,0,1,1,0,Construction,0.5358648938181663,0.5558419013332787,0.11538666200733562,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-120.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +2516800,146071,Consumer loans,16853.895,136777.5,133254.0,13680.0,136777.5,FRIDAY,12,Y,1,0.10139765906028307,,,XAP,Approved,-1460,XNA,XAP,Family,New,Computers,POS,XNA,Country-wide,50,Consumer electronics,10.0,high,POS household with interest,365243.0,-1429.0,-1159.0,-1159.0,-1157.0,0.0,0,Cash loans,M,Y,Y,0,112500.0,927000.0,27234.0,927000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-17124,-9315,-4274.0,-665,8.0,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Industry: type 3,,0.09309395037654578,0.5280927512030451,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,0.0,-1460.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2333804,413906,Consumer loans,17051.31,134761.5,131265.0,13500.0,134761.5,WEDNESDAY,17,Y,1,0.10156272077316528,,,XAP,Approved,-2060,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,1500,Consumer electronics,10.0,high,POS household with interest,365243.0,-2029.0,-1759.0,-1759.0,-1748.0,0.0,0,Revolving loans,M,N,N,0,90000.0,247500.0,12375.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Rented apartment,0.019688999999999998,-12408,-5636,-4697.0,-4936,,1,1,0,1,0,0,Laborers,1.0,2,2,FRIDAY,10,0,0,0,0,0,0,Business Entity Type 2,,0.35728197361233577,0.5971924268337128,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-2276.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2473093,401047,Cash loans,10492.02,90000.0,95940.0,0.0,90000.0,WEDNESDAY,9,Y,1,0.0,,,XNA,Approved,-2406,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-2376.0,-2046.0,-2046.0,-2038.0,1.0,0,Cash loans,F,N,N,0,157500.0,552555.0,16879.5,477000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.016612000000000002,-21643,365243,-4673.0,-1397,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,16,0,0,0,0,0,0,XNA,,0.7654357473055665,0.4436153084085652,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2406.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1850236,281843,Cash loans,44214.255,900000.0,978408.0,,900000.0,THURSDAY,14,Y,1,,,,XNA,Approved,-851,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,Y,Y,0,180000.0,927252.0,27243.0,774000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-20814,365243,-7741.0,-4136,2.0,1,0,0,1,0,0,,2.0,2,2,MONDAY,14,0,0,0,0,0,0,XNA,,0.4150154291636837,0.7570690154522959,0.0515,0.0806,0.9752,0.66,0.0084,0.0,0.1034,0.125,0.1667,0.0,0.0412,0.0408,0.0039,0.0054,0.0525,0.0836,0.9752,0.6733,0.0085,0.0,0.1034,0.125,0.1667,0.0,0.045,0.0425,0.0039,0.0057,0.052000000000000005,0.0806,0.9752,0.6645,0.0085,0.0,0.1034,0.125,0.1667,0.0,0.0419,0.0416,0.0039,0.0055,reg oper account,block of flats,0.0367,"Stone, brick",No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +2214288,320017,Revolving loans,2250.0,45000.0,45000.0,,45000.0,MONDAY,13,Y,1,,,,XAP,Approved,-282,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),6,XNA,0.0,XNA,Card X-Sell,-53.0,-21.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,157500.0,239850.0,27189.0,225000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.011703,-21460,-470,-7434.0,-3445,21.0,1,1,1,1,1,0,Laborers,2.0,2,2,WEDNESDAY,12,0,1,1,0,1,1,Business Entity Type 3,0.6329897384841426,0.6096662196502738,0.180887977767074,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-509.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1939888,429334,Consumer loans,7064.235,48600.0,46629.0,4860.0,48600.0,TUESDAY,13,Y,1,0.10279830290317964,,,XAP,Approved,-1957,Cash through the bank,XAP,"Spouse, partner",New,Furniture,POS,XNA,Stone,764,Furniture,8.0,middle,POS industry with interest,365243.0,-1926.0,-1716.0,-1716.0,-1714.0,0.0,0,Cash loans,M,N,N,2,90000.0,677664.0,24471.0,585000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010556,-13850,-2538,-2096.0,-5012,,1,1,0,1,0,0,,4.0,3,3,SATURDAY,10,0,0,0,0,1,1,Business Entity Type 1,0.14431390452783047,0.3642562612268217,0.6971469077844458,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1957.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1025167,161489,Cash loans,17293.05,225000.0,308034.0,,225000.0,TUESDAY,7,Y,1,,,,XNA,Approved,-715,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,365243.0,-685.0,185.0,-355.0,-346.0,1.0,0,Cash loans,M,Y,N,0,180000.0,1067940.0,31356.0,765000.0,Unaccompanied,Working,Higher education,Civil marriage,With parents,0.020246,-11772,-2576,-2882.0,-3435,17.0,1,1,0,1,1,0,Drivers,2.0,3,3,WEDNESDAY,7,0,0,0,0,0,0,Self-employed,,0.21070433269952216,0.6940926425266661,0.0732,0.0646,0.9796,0.7212,0.0087,0.0,0.1379,0.1667,0.2083,0.0322,0.0597,0.0683,0.0,,0.0746,0.0671,0.9796,0.7321,0.0087,0.0,0.1379,0.1667,0.2083,0.0329,0.0652,0.0711,0.0,,0.0739,0.0646,0.9796,0.7249,0.0087,0.0,0.1379,0.1667,0.2083,0.0328,0.0607,0.0695,0.0,,reg oper account,block of flats,0.0584,"Stone, brick",No,0.0,0.0,0.0,0.0,-2.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1382884,177764,Consumer loans,5314.905,23800.5,25213.5,0.0,23800.5,SUNDAY,10,Y,1,0.0,,,XAP,Approved,-499,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,51,Connectivity,6.0,high,POS mobile with interest,365243.0,-468.0,-318.0,-318.0,-310.0,0.0,0,Cash loans,M,Y,Y,0,157500.0,332946.0,18189.0,238500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010556,-17141,-2301,-8949.0,-691,25.0,1,1,0,1,0,0,Core staff,2.0,3,3,TUESDAY,12,0,0,0,0,0,0,Trade: type 7,0.256916738664818,0.4251046689030065,0.3539876078507373,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1406214,162552,Consumer loans,8035.515,85455.0,85032.0,8545.5,85455.0,SUNDAY,14,Y,1,0.09945581324181946,,,XAP,Approved,-961,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Regional / Local,95,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-930.0,-600.0,-600.0,-589.0,0.0,0,Cash loans,M,Y,Y,0,202500.0,545040.0,26640.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0228,-17586,-861,-1796.0,-1119,6.0,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,8,0,0,0,0,0,0,Business Entity Type 2,0.34126409253866746,0.5469874660268447,0.4614823912998385,0.0615,,0.9965,0.9524,0.0182,0.08,0.0459,0.4304,0.4721,0.0233,0.0479,0.0727,0.0103,0.0335,0.0483,,0.9965,0.9543,0.0147,0.0806,0.0345,0.4583,0.5,0.0088,0.0404,0.0742,0.0078,0.0297,0.0593,,0.9965,0.953,0.0194,0.08,0.0345,0.4583,0.5,0.0256,0.047,0.0746,0.0078,0.0326,reg oper account,block of flats,0.0621,"Stone, brick",No,0.0,0.0,0.0,0.0,-961.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1171114,175999,Revolving loans,2250.0,45000.0,45000.0,,45000.0,MONDAY,15,Y,1,,,,XAP,Approved,-245,XNA,XAP,,Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,202500.0,727785.0,26865.0,607500.0,Other_B,Commercial associate,Incomplete higher,Single / not married,With parents,0.072508,-8886,-490,-8854.0,-1553,,1,1,0,1,0,0,Laborers,1.0,1,1,MONDAY,14,0,0,0,0,0,0,Transport: type 4,,0.5485692219098954,0.3344541255096772,0.4186,0.1628,0.9876,0.83,0.7495,0.48,0.2069,0.6667,0.7083,0.0,0.3404,0.5185,0.0039,0.0092,0.4265,0.16899999999999998,0.9876,0.8367,0.7564,0.4834,0.2069,0.6667,0.7083,0.0,0.3719,0.5402,0.0039,0.0097,0.4226,0.1628,0.9876,0.8323,0.7543,0.48,0.2069,0.6667,0.7083,0.0,0.3463,0.5278,0.0039,0.0094,reg oper account,block of flats,0.4098,Panel,No,0.0,0.0,0.0,0.0,-136.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2570547,261049,Cash loans,26789.22,472500.0,509922.0,,472500.0,TUESDAY,13,Y,1,,,,Journey,Approved,-180,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,low_normal,Cash Street: low,365243.0,-150.0,540.0,365243.0,365243.0,1.0,0,Revolving loans,F,N,Y,0,247500.0,450000.0,22500.0,450000.0,Unaccompanied,Pensioner,Higher education,Widow,House / apartment,0.006670999999999999,-20685,365243,-2118.0,-2096,,1,0,0,1,1,0,,1.0,2,2,SUNDAY,17,0,0,0,0,0,0,XNA,,0.6317323285931947,0.17982176508970435,0.0412,,0.9955,,,,0.1034,0.125,,0.0441,,0.0519,,0.0024,0.042,,0.9955,,,,0.1034,0.125,,0.0451,,0.0541,,0.0025,0.0416,,0.9955,,,,0.1034,0.125,,0.0448,,0.0528,,0.0024,,block of flats,0.047,"Stone, brick",No,,,,,-719.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,7.0 +1964089,443095,Cash loans,23698.35,229500.0,241920.0,,229500.0,THURSDAY,13,Y,1,,,,XNA,Approved,-594,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-564.0,-234.0,-354.0,-346.0,1.0,0,Cash loans,M,Y,Y,0,292500.0,679500.0,64647.0,679500.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.026392000000000002,-17174,-9078,-9665.0,-725,13.0,1,1,0,1,1,0,Laborers,1.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Electricity,,0.6711940391762867,0.7992967832109371,0.0577,,0.9786,,,0.0,0.1379,0.1667,,,,0.036000000000000004,,0.1637,0.0588,,0.9786,,,0.0,0.1379,0.1667,,,,0.0375,,0.1733,0.0583,,0.9786,,,0.0,0.1379,0.1667,,,,0.0366,,0.1671,,block of flats,0.0639,"Stone, brick",No,1.0,0.0,1.0,0.0,-1164.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1568577,316581,Consumer loans,2592.855,37260.0,43164.0,0.0,37260.0,FRIDAY,18,Y,1,0.0,,,XAP,Approved,-410,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Country-wide,2231,Consumer electronics,18.0,low_action,POS household without interest,365243.0,-379.0,131.0,-379.0,-354.0,0.0,1,Cash loans,F,N,Y,0,270000.0,254700.0,20250.0,225000.0,Family,Working,Higher education,Single / not married,House / apartment,0.019688999999999998,-9019,-296,-5299.0,-1316,,1,1,1,1,1,0,Core staff,1.0,2,2,TUESDAY,10,0,0,0,0,0,0,Mobile,,0.5400646849288744,0.2807895743848605,0.0619,0.0112,0.9856,0.8028,0.0129,0.0,0.1379,0.1667,0.0417,0.0,0.0504,0.0515,0.0,0.0,0.063,0.0116,0.9856,0.8105,0.013,0.0,0.1379,0.1667,0.0417,0.0,0.0551,0.0537,0.0,0.0,0.0625,0.0112,0.9856,0.8054,0.0129,0.0,0.1379,0.1667,0.0417,0.0,0.0513,0.0524,0.0,0.0,reg oper spec account,block of flats,0.0405,Panel,No,0.0,0.0,0.0,0.0,-186.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1483825,452367,Cash loans,19151.1,450000.0,533160.0,,450000.0,TUESDAY,11,Y,1,,,,XNA,Refused,-171,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,N,Y,0,180000.0,1303812.0,38250.0,1138500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-20237,-1976,-6993.0,-1598,,1,1,0,1,1,0,Drivers,2.0,2,2,FRIDAY,8,0,0,0,0,0,0,Transport: type 4,,0.6126543031118145,,0.2969,0.1089,0.9876,0.83,0.1187,0.32,0.2759,0.375,0.4167,0.1268,0.2421,0.3046,0.0,0.259,0.3025,0.113,0.9876,0.8367,0.1198,0.3222,0.2759,0.375,0.4167,0.1297,0.2645,0.3173,0.0,0.2742,0.2998,0.1089,0.9876,0.8323,0.1195,0.32,0.2759,0.375,0.4167,0.129,0.2463,0.31,0.0,0.2645,reg oper spec account,block of flats,0.2836,"Stone, brick",No,6.0,0.0,6.0,0.0,-1248.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2214722,221919,Consumer loans,10611.09,55976.4,52870.5,5598.9,55976.4,SATURDAY,16,Y,1,0.10428892875434148,,,XAP,Approved,-2666,Cash through the bank,XAP,Children,New,Mobile,POS,XNA,Country-wide,3125,Consumer electronics,6.0,high,POS household with interest,365243.0,-2635.0,-2485.0,-2485.0,-2483.0,1.0,0,Cash loans,M,Y,Y,0,135000.0,405000.0,31995.0,405000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.030755,-19314,-2611,-6582.0,-2677,6.0,1,1,1,1,0,0,Sales staff,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,Self-employed,,0.6108988409017911,0.7726311345553628,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2666.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2436111,106078,Consumer loans,7132.275,71334.0,64197.0,7137.0,71334.0,FRIDAY,11,Y,1,0.10896405386185856,,,XAP,Approved,-2912,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Regional / Local,350,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2878.0,-2608.0,-2608.0,-2602.0,0.0,0,Cash loans,F,N,Y,0,114750.0,112500.0,11524.5,112500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.035792000000000004,-17461,-2885,-6876.0,-1017,,1,1,1,1,0,0,Laborers,1.0,2,2,FRIDAY,15,0,0,0,0,0,0,Self-employed,0.31936998702824826,0.4906381856158077,0.7209441499436497,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-391.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +2395289,356949,Cash loans,19289.16,270000.0,291919.5,,270000.0,MONDAY,11,Y,1,,,,XNA,Approved,-299,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-269.0,241.0,-239.0,-237.0,1.0,0,Cash loans,F,N,N,0,162000.0,294322.5,9054.0,243000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.010147,-19694,365243,-10490.0,-3210,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,XNA,,0.5913338552147703,0.6925590674998008,,,0.9861,,,0.12,,,,,,0.1235,,,,,0.9861,,,0.1208,,,,,,0.1287,,,,,0.9861,,,0.12,,,,,,0.1257,,,,,0.1091,,No,1.0,0.0,1.0,0.0,-997.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +2086108,331195,Revolving loans,22500.0,450000.0,450000.0,,450000.0,MONDAY,12,Y,1,,,,XAP,Approved,-238,XNA,XAP,,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),100,XNA,0.0,XNA,Card X-Sell,-237.0,-192.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,1,157500.0,135000.0,6421.5,135000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.01885,-10200,-1951,-10200.0,-676,18.0,1,1,1,1,1,0,,3.0,2,2,MONDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.5742777388402869,0.004058206440268218,0.6940926425266661,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1535.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1847560,443665,Cash loans,50034.06,1035000.0,1110141.0,,1035000.0,FRIDAY,14,Y,1,,,,XNA,Approved,-808,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,low_normal,Cash X-Sell: low,365243.0,-778.0,92.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,1125000.0,2007000.0,53073.0,2007000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-22012,365243,-8753.0,-1692,,1,0,0,1,1,0,,2.0,2,2,MONDAY,13,0,0,0,0,0,0,XNA,,0.2839997980817749,0.5172965813614878,0.0124,0.0,0.9826,0.762,0.003,0.0,0.1034,0.0417,0.0833,0.0,0.0101,0.0149,0.0,0.0,0.0126,0.0,0.9826,0.7713,0.003,0.0,0.1034,0.0417,0.0833,0.0,0.011,0.0156,0.0,0.0,0.0125,0.0,0.9826,0.7652,0.003,0.0,0.1034,0.0417,0.0833,0.0,0.0103,0.0152,0.0,0.0,reg oper account,block of flats,0.0134,Wooden,No,3.0,0.0,3.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2523877,386389,Consumer loans,10145.97,49401.0,51844.5,0.0,49401.0,SATURDAY,14,Y,1,0.0,,,XAP,Approved,-1912,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Country-wide,30200,Consumer electronics,6.0,high,POS household with interest,365243.0,-1881.0,-1731.0,-1731.0,-1722.0,0.0,0,Cash loans,M,Y,Y,0,112500.0,265500.0,18882.0,265500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.014519999999999996,-11126,-635,-5836.0,-3532,21.0,1,1,0,1,0,0,Drivers,1.0,2,2,SUNDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.344191494398425,0.4812493411434029,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2395283,119783,Cash loans,27343.485,720000.0,843552.0,,720000.0,WEDNESDAY,15,Y,1,,,,XNA,Approved,-716,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-686.0,1084.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,279000.0,643500.0,25650.0,643500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.010147,-21736,365243,-7925.0,-4950,,1,0,0,1,1,0,,1.0,2,2,FRIDAY,12,0,0,0,0,0,0,XNA,,0.6940641681709795,0.520897599048938,0.0691,0.0791,0.9752,0.66,,0.0,0.1379,0.1667,0.2083,0.0087,0.0538,0.0497,0.0116,0.0713,0.0704,0.08199999999999999,0.9752,0.6733,,0.0,0.1379,0.1667,0.2083,0.0089,0.0588,0.0518,0.0117,0.0755,0.0697,0.0791,0.9752,0.6645,,0.0,0.1379,0.1667,0.2083,0.0089,0.0547,0.0506,0.0116,0.0728,reg oper spec account,block of flats,0.0546,"Stone, brick",No,0.0,0.0,0.0,0.0,-2209.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2420250,354845,Cash loans,13050.99,229500.0,254340.0,,229500.0,WEDNESDAY,10,Y,1,,,,XNA,Refused,-257,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_action,Cash X-Sell: low,,,,,,,1,Cash loans,F,N,Y,0,202500.0,796500.0,36121.5,796500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-21763,365243,-10350.0,-4738,,1,0,0,1,0,0,,2.0,2,2,MONDAY,10,0,0,0,0,0,0,XNA,,0.12535060274408116,0.10753217580247099,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,1.0,5.0,1.0,-257.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,5.0 +1429910,388164,Revolving loans,16875.0,337500.0,337500.0,,337500.0,WEDNESDAY,14,Y,1,,,,XAP,Approved,-330,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,-111.0,0.0,0,Cash loans,F,N,N,0,126000.0,270000.0,26302.5,270000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-23727,365243,-11157.0,-4549,,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,,0.7599662941713806,,0.0605,0.0678,0.9722,0.6192,0.0648,0.01,0.0993,0.1433,0.225,0.0461,0.0558,0.0504,0.0069,0.0277,0.0021,0.0,0.9806,0.523,0.0043,0.0,0.0345,0.1667,0.2083,0.0126,0.0312,0.0037,0.0,0.0,0.0562,0.0434,0.9742,0.6377,0.0083,0.0,0.1034,0.1667,0.2083,0.0418,0.0633,0.0554,0.0039,0.0117,reg oper account,block of flats,0.0251,"Stone, brick",No,1.0,1.0,1.0,1.0,-1706.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2384674,233256,Consumer loans,10903.77,118179.0,106357.5,11821.5,118179.0,SUNDAY,17,Y,1,0.10894226708483046,,,XAP,Approved,-338,Cash through the bank,XAP,Family,Repeater,Clothing and Accessories,POS,XNA,Stone,10,Clothing,12.0,middle,POS industry with interest,365243.0,-308.0,22.0,-278.0,-275.0,0.0,0,Cash loans,M,Y,Y,3,270000.0,500211.0,51385.5,463500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010147,-13600,-120,-119.0,-4137,8.0,1,1,0,1,0,0,Drivers,5.0,2,2,TUESDAY,12,0,0,0,0,0,0,Self-employed,0.25817597900933564,0.6665202249613107,0.6754132910917112,0.2918,0.1888,0.9891,0.8504,0.0486,0.28,0.2414,0.375,0.4167,0.1563,0.2379,0.2988,0.0,0.0,0.2973,0.1959,0.9891,0.8563,0.0491,0.282,0.2414,0.375,0.4167,0.1598,0.2599,0.3113,0.0,0.0,0.2946,0.1888,0.9891,0.8524,0.0489,0.28,0.2414,0.375,0.4167,0.159,0.242,0.3042,0.0,0.0,,block of flats,0.2616,Panel,No,0.0,0.0,0.0,0.0,-529.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1668550,275355,Consumer loans,11045.385,102046.5,99418.5,10206.0,102046.5,TUESDAY,13,Y,1,0.1013939568087592,,,XAP,Approved,-2514,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,1200,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2483.0,-2213.0,-2213.0,-2208.0,1.0,0,Cash loans,M,Y,N,1,202500.0,178290.0,19332.0,157500.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.016612000000000002,-10780,-3769,-341.0,-3457,35.0,1,1,0,1,0,0,Laborers,3.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.3232077336588315,0.5184770398660078,0.5744466170995097,0.4454,0.2365,0.999,,,0.28,0.2414,0.375,,0.1853,,0.3467,,0.0,0.4538,0.2454,0.999,,,0.282,0.2414,0.375,,0.1895,,0.3612,,0.0,0.4497,0.2365,0.999,,,0.28,0.2414,0.375,,0.1885,,0.3529,,0.0,,block of flats,0.3649,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,0.0 +2491643,329262,Consumer loans,4703.175,33543.0,38137.5,3357.0,33543.0,TUESDAY,11,Y,1,0.08810994666324888,,,XAP,Approved,-1214,Cash through the bank,XAP,Other_B,New,Mobile,POS,XNA,Country-wide,52,Connectivity,12.0,high,POS mobile with interest,365243.0,-1183.0,-853.0,-853.0,-845.0,0.0,0,Revolving loans,M,N,N,0,135000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.019101,-8015,-348,-2724.0,-392,,1,1,0,1,0,0,,1.0,2,2,FRIDAY,18,0,0,0,0,0,0,Self-employed,,0.5221228902327779,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,-373.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2157694,340727,Consumer loans,11597.805,114705.0,103234.5,11470.5,114705.0,SUNDAY,20,Y,1,0.1089090909090909,,,XAP,Approved,-306,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Regional / Local,2617,Consumer electronics,12.0,high,POS household with interest,365243.0,-275.0,55.0,-185.0,-180.0,0.0,1,Cash loans,F,N,Y,0,270000.0,549882.0,21438.0,459000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.032561,-18029,365243,-3707.0,-1586,,1,0,0,1,0,0,,1.0,1,1,FRIDAY,12,0,0,0,0,0,0,XNA,,0.3738029749471309,,0.6659999999999999,0.3429,0.9811,0.7416,,0.64,0.3448,0.5417,0.375,,0.5447,0.6464,0.0232,0.0074,0.6786,0.3559,0.9811,0.7517,,0.6445,0.3448,0.5417,0.375,,0.595,0.6735,0.0233,0.0079,0.6724,0.3429,0.9811,0.7451,,0.64,0.3448,0.5417,0.375,,0.5541,0.6579999999999999,0.0233,0.0076,reg oper account,block of flats,0.5089,Monolithic,No,0.0,0.0,0.0,0.0,-613.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2682341,100336,Revolving loans,10125.0,202500.0,202500.0,,202500.0,THURSDAY,10,Y,1,,,,XAP,Approved,-928,XNA,XAP,,New,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-905.0,-880.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,F,Y,Y,0,157500.0,497520.0,28692.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.02461,-13989,-1350,-8112.0,-4715,5.0,1,1,1,1,1,0,Laborers,1.0,2,2,MONDAY,15,0,0,0,0,0,0,Industry: type 3,,0.6290421096825476,0.2608559142068693,0.1485,0.111,0.9801,0.728,0.0725,0.16,0.1379,0.3333,0.375,0.0582,0.121,0.1514,0.0,0.0,0.1513,0.1152,0.9801,0.7387,0.0732,0.1611,0.1379,0.3333,0.375,0.0595,0.1322,0.1578,0.0,0.0,0.1499,0.111,0.9801,0.7316,0.073,0.16,0.1379,0.3333,0.375,0.0592,0.1231,0.1541,0.0,0.0,reg oper account,block of flats,0.1588,Panel,No,1.0,1.0,1.0,0.0,-1781.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2474484,353193,Consumer loans,8549.46,81810.0,73260.0,8550.0,81810.0,SATURDAY,18,Y,1,0.11382138213821374,,,XAP,Approved,-2736,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,50,Connectivity,12.0,low_normal,POS mobile with interest,365243.0,-2700.0,-2370.0,-2370.0,-2364.0,0.0,0,Cash loans,M,Y,Y,0,315000.0,977724.0,32440.5,742500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.007273999999999998,-14625,-2411,-2979.0,-4872,4.0,1,1,0,1,0,0,Drivers,2.0,2,2,FRIDAY,10,0,1,1,0,1,1,Trade: type 3,,0.5385814547552851,0.5884877883422673,0.1031,0.1021,0.9826,0.762,0.0441,0.0,0.2069,0.1667,0.2083,0.071,0.0815,0.063,0.0116,0.0171,0.105,0.106,0.9826,0.7713,0.0445,0.0,0.2069,0.1667,0.2083,0.0726,0.0891,0.0657,0.0117,0.0181,0.1041,0.1021,0.9826,0.7652,0.0444,0.0,0.2069,0.1667,0.2083,0.0722,0.0829,0.0642,0.0116,0.0175,reg oper account,block of flats,0.0766,Panel,No,0.0,0.0,0.0,0.0,-1660.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2775256,177759,Cash loans,36781.74,315000.0,332046.0,,315000.0,FRIDAY,15,Y,1,,,,XNA,Approved,-543,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-513.0,-183.0,-333.0,-324.0,1.0,0,Cash loans,F,N,Y,1,315000.0,545040.0,39627.0,450000.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.04622,-10117,-1595,-264.0,-726,,1,1,0,1,1,0,Sales staff,3.0,1,1,TUESDAY,15,0,1,1,0,0,0,Business Entity Type 3,,0.6901031528867506,0.3077366963789207,0.0619,0.0,0.9747,0.6532,0.006,0.0,0.1034,0.1667,0.2083,0.0104,0.0504,0.0519,0.0,0.0,0.063,0.0,0.9747,0.6668,0.006,0.0,0.1034,0.1667,0.2083,0.0106,0.0551,0.0541,0.0,0.0,0.0625,0.0,0.9747,0.6578,0.006,0.0,0.1034,0.1667,0.2083,0.0106,0.0513,0.0528,0.0,0.0,reg oper account,block of flats,0.0441,Panel,No,3.0,0.0,3.0,0.0,-705.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +1542606,106368,Cash loans,33594.165,765000.0,843763.5,,765000.0,MONDAY,14,Y,1,,,,XNA,Approved,-312,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-282.0,768.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,162000.0,814041.0,23931.0,679500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.011656999999999999,-20501,-112,-1142.0,-1722,,1,1,0,1,0,0,High skill tech staff,2.0,1,1,FRIDAY,14,0,0,0,0,0,0,Construction,0.9224264902490266,0.2384285768881152,0.36896873825284665,0.0845,0.11,0.9881,0.8368,0.0269,0.0,0.1034,0.1667,0.2083,0.0,0.0656,0.0947,0.0154,0.1023,0.0861,0.1142,0.9881,0.8432,0.0272,0.0,0.1034,0.1667,0.2083,0.0,0.0716,0.0987,0.0156,0.1083,0.0854,0.11,0.9881,0.8390000000000001,0.0271,0.0,0.1034,0.1667,0.2083,0.0,0.0667,0.0964,0.0155,0.1044,reg oper account,block of flats,0.1115,"Stone, brick",No,0.0,0.0,0.0,0.0,-513.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1418688,208890,Revolving loans,6750.0,0.0,180000.0,,,MONDAY,8,N,1,,,,XAP,Refused,-2320,XNA,SCO,,Repeater,XNA,Cards,x-sell,Regional / Local,68,Consumer electronics,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,N,Y,0,85500.0,180000.0,8752.5,180000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.014464,-12372,-4786,-3023.0,-4126,,1,1,0,1,0,0,,1.0,2,2,THURSDAY,4,0,0,0,0,1,1,Government,0.37681489414114777,0.2420486860749124,0.7886807751817684,0.0137,,0.9717,0.6124,,0.0,0.0572,0.0417,0.0833,0.0306,0.0134,0.0105,0.0,,0.0168,,0.9692,0.5949,,0.0,0.069,0.0417,0.0833,0.0198,0.0147,0.0074,0.0,,0.0167,,0.9727,0.631,,0.0,0.069,0.0417,0.0833,0.0257,0.0137,0.0122,0.0,,reg oper account,block of flats,0.0062,"Stone, brick",No,1.0,1.0,1.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1040574,109770,Cash loans,,0.0,0.0,,,FRIDAY,8,Y,1,,,,XNA,Refused,-246,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,N,Y,2,180000.0,253737.0,27054.0,229500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-13615,-3490,-2188.0,-2452,,1,1,0,1,0,0,Drivers,4.0,2,2,SATURDAY,12,0,0,0,0,0,0,Business Entity Type 2,0.5175243899501684,0.6874264849047539,0.7380196196295241,0.1031,0.16399999999999998,0.9732,0.6328,0.0195,0.0,0.2759,0.1667,0.2083,0.1008,0.0841,0.133,0.0,0.0,0.105,0.1702,0.9732,0.6472,0.0197,0.0,0.2759,0.1667,0.2083,0.1031,0.0918,0.1386,0.0,0.0,0.1041,0.16399999999999998,0.9732,0.6377,0.0196,0.0,0.2759,0.1667,0.2083,0.1026,0.0855,0.1354,0.0,0.0,reg oper account,block of flats,0.1153,Block,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2553848,103454,Cash loans,18033.21,270000.0,313839.0,,270000.0,FRIDAY,10,Y,1,,,,XNA,Approved,-566,XNA,XAP,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,36.0,high,Cash X-Sell: high,365243.0,-536.0,514.0,-236.0,-228.0,1.0,1,Cash loans,F,Y,Y,1,180000.0,157500.0,16960.5,157500.0,Unaccompanied,Working,Higher education,Married,Municipal apartment,0.009175,-10551,-738,-1200.0,-357,7.0,1,1,1,1,1,0,Sales staff,3.0,2,2,THURSDAY,15,0,1,1,0,1,1,Industry: type 3,0.2653637524011125,0.06545232657288917,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-906.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1098243,365390,Cash loans,33380.235,900000.0,1030680.0,,900000.0,WEDNESDAY,14,Y,1,,,,XNA,Refused,-547,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,157500.0,523597.5,26865.0,468000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-20733,-13539,-8126.0,-3826,,1,1,0,1,0,0,Managers,2.0,2,2,THURSDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.6324137791449503,0.1206410299309233,0.0918,0.1129,0.9881,0.8368,0.1401,0.0,0.2069,0.1667,0.2083,0.0649,0.07400000000000001,0.0575,0.0039,0.1442,0.0935,0.1172,0.9881,0.8432,0.1414,0.0,0.2069,0.1667,0.2083,0.0664,0.0808,0.0599,0.0039,0.1527,0.0926,0.1129,0.9881,0.8390000000000001,0.141,0.0,0.2069,0.1667,0.2083,0.066,0.0752,0.0586,0.0039,0.1472,reg oper spec account,block of flats,0.0766,Panel,No,2.0,0.0,2.0,0.0,-2824.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,2.0 +2351545,341627,Cash loans,20172.6,180000.0,180000.0,0.0,180000.0,MONDAY,10,Y,1,0.0,,,XNA,Refused,-2430,Cash through the bank,VERIF,Family,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,135000.0,445500.0,35325.0,445500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-20699,-7898,-7972.0,-3303,,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,16,0,0,0,0,0,0,Government,,0.6713532779470348,0.5567274263630174,0.0773,0.0562,0.9806,0.8368,0.0695,0.08,0.1379,0.1667,0.375,0.0,0.121,0.0784,0.0039,0.0276,0.0053,0.0,0.9732,0.8432,0.0701,0.0,0.1379,0.0,0.375,0.0,0.1322,0.0045,0.0039,0.0,0.0781,0.0562,0.9806,0.8390000000000001,0.07,0.08,0.1379,0.1667,0.375,0.0,0.1231,0.0798,0.0039,0.0282,reg oper account,block of flats,0.17,"Stone, brick",No,0.0,0.0,0.0,0.0,-619.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2778255,326465,Cash loans,34848.0,450000.0,481185.0,,450000.0,SATURDAY,15,Y,1,,,,XNA,Approved,-1292,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-1262.0,-752.0,-782.0,-780.0,1.0,0,Cash loans,M,Y,N,0,292500.0,834048.0,53433.0,720000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.028663,-14118,-382,-2980.0,-4725,6.0,1,1,0,1,1,0,Managers,2.0,2,2,TUESDAY,18,1,1,0,1,1,0,Business Entity Type 3,,0.5967286297145571,,0.0763,0.0414,0.9906,0.8708,0.0132,0.08,0.069,0.3471,0.3958,0.0477,0.0639,0.0789,0.0,0.0013,0.0735,0.0425,0.9906,0.8759,0.0129,0.0806,0.069,0.3333,0.375,0.0488,0.0661,0.0786,0.0,0.0,0.0749,0.0409,0.9906,0.8725,0.0133,0.08,0.069,0.3333,0.3958,0.0486,0.065,0.078,0.0,0.0,reg oper account,block of flats,0.0672,Panel,No,0.0,0.0,0.0,0.0,-1.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1946196,189985,Consumer loans,12188.025,118102.5,130576.5,0.0,118102.5,WEDNESDAY,11,Y,1,0.0,,,XAP,Approved,-868,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Regional / Local,140,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-837.0,-507.0,-627.0,-619.0,0.0,0,Cash loans,F,N,Y,0,90000.0,576072.0,20821.5,405000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-14579,-185,-8626.0,-4717,,1,1,0,1,1,0,Laborers,2.0,3,3,WEDNESDAY,12,0,0,0,0,0,0,Security,,0.2834665038917721,0.6212263380626669,0.0062,0.0,0.9627,0.49,0.0,0.0,0.2069,0.0,0.0417,0.0078,0.005,0.0044,0.0,0.0,0.0063,0.0,0.9628,0.51,0.0,0.0,0.2069,0.0,0.0417,0.0079,0.0055,0.0046,0.0,0.0,0.0062,0.0,0.9627,0.4968,0.0,0.0,0.2069,0.0,0.0417,0.0079,0.0051,0.0045,0.0,0.0,not specified,terraced house,0.0035,Mixed,Yes,0.0,0.0,0.0,0.0,-868.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,4.0 +2749825,146102,Cash loans,14987.97,108000.0,131377.5,0.0,108000.0,WEDNESDAY,10,Y,1,0.0,,,XNA,Approved,-1568,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,high,Cash X-Sell: high,365243.0,-1538.0,-1208.0,-1208.0,-1200.0,1.0,0,Cash loans,F,N,Y,0,180000.0,942300.0,30528.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-13259,-931,-2686.0,-569,,1,1,0,1,1,0,Laborers,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.3789407201403352,0.4101025731788671,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1568.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2301194,157767,Consumer loans,9167.22,60750.0,51165.0,12150.0,60750.0,SATURDAY,10,Y,1,0.20899399108354336,,,XAP,Approved,-667,Cash through the bank,XAP,Family,New,Furniture,POS,XNA,Stone,50,Furniture,6.0,low_normal,POS industry with interest,365243.0,-635.0,-485.0,-485.0,-477.0,0.0,0,Cash loans,F,Y,N,0,112500.0,247500.0,6655.5,247500.0,Family,State servant,Higher education,Civil marriage,With parents,0.018209,-8450,-412,-2402.0,-1117,14.0,1,1,0,1,1,1,Core staff,2.0,3,3,THURSDAY,13,0,0,0,0,0,0,Security Ministries,0.4697247959039412,0.5134963694680021,0.2340151665320674,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,0.0,-667.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0.0,0.0,0.0,2.0,0.0,2.0 +1259851,109212,Revolving loans,22500.0,0.0,450000.0,,,MONDAY,13,Y,1,,,,XAP,Approved,-605,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-603.0,-575.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,270000.0,1484181.0,40815.0,1296000.0,Unaccompanied,Working,Incomplete higher,Civil marriage,House / apartment,0.011656999999999999,-15787,-6146,-3733.0,-2194,,1,1,0,1,1,0,Laborers,3.0,1,1,THURSDAY,16,0,1,1,0,0,0,Business Entity Type 3,0.5437588678855885,0.6873606991046387,0.29859498978739724,0.0928,0.0807,0.9801,0.728,0.0374,0.0,0.2069,0.1667,0.2083,0.0318,0.0756,0.0882,0.0,0.0,0.0945,0.0838,0.9801,0.7387,0.0377,0.0,0.2069,0.1667,0.2083,0.0325,0.0826,0.0918,0.0,0.0,0.0937,0.0807,0.9801,0.7316,0.0376,0.0,0.2069,0.1667,0.2083,0.0323,0.077,0.0897,0.0,0.0,reg oper account,block of flats,0.0898,Panel,No,0.0,0.0,0.0,0.0,-1299.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1239614,142856,Consumer loans,15662.16,125176.5,136192.5,0.0,125176.5,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-699,Cash through the bank,XAP,Family,Refreshed,Computers,POS,XNA,Stone,150,Consumer electronics,10.0,middle,POS household with interest,365243.0,-666.0,-396.0,-396.0,-391.0,0.0,0,Cash loans,M,Y,Y,0,157500.0,1255680.0,41629.5,1125000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.031329,-17261,-4465,-1240.0,-823,9.0,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.7326016362438679,0.5100895276257282,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-699.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2843111,274403,Cash loans,56863.53,585000.0,608166.0,,585000.0,MONDAY,11,Y,1,,,,XNA,Approved,-231,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-201.0,129.0,-201.0,-197.0,1.0,0,Cash loans,F,N,Y,2,225000.0,477000.0,49005.0,477000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-20080,-2231,-7048.0,-3618,,1,1,1,1,0,0,Accountants,4.0,2,2,MONDAY,16,0,0,0,0,0,0,Self-employed,,0.6772506671922731,,0.3948,0.1265,0.9801,,,0.32,0.1379,0.5417,,0.0264,,0.2084,,1.0,0.4023,0.1313,0.9801,,,0.3222,0.1379,0.5417,,0.027000000000000003,,0.2171,,1.0,0.3987,0.1265,0.9801,,,0.32,0.1379,0.5417,,0.0269,,0.2122,,1.0,,block of flats,0.4958,Panel,No,1.0,0.0,1.0,0.0,-1627.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2080804,162672,Cash loans,13155.75,225000.0,225000.0,,225000.0,THURSDAY,11,Y,1,,,,XNA,Approved,-1390,Non-cash from your account,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,24.0,middle,Cash X-Sell: middle,365243.0,-1360.0,-670.0,-670.0,-666.0,0.0,0,Cash loans,F,N,N,0,225000.0,675000.0,41427.0,675000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.0228,-10342,-2992,-9943.0,-2165,,1,1,1,1,0,0,Sales staff,2.0,2,2,SATURDAY,14,0,0,0,0,0,0,Trade: type 7,0.2702951692465197,0.4459278960641165,0.4956658291397297,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1738.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2697395,317511,Consumer loans,4846.77,31284.0,29992.5,3150.0,31284.0,SATURDAY,14,Y,1,0.10351169536505582,,,XAP,Approved,-2358,Cash through the bank,XAP,,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,25,Connectivity,8.0,high,POS mobile with interest,365243.0,-2315.0,-2105.0,-2105.0,-2098.0,0.0,0,Cash loans,F,N,N,0,157500.0,675000.0,24246.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-10522,-1758,-2730.0,-3209,,1,1,0,1,0,0,Managers,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Trade: type 3,0.5045020092251884,0.5659721695332923,0.2392262794694045,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1977.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1361341,241569,Cash loans,10332.18,135000.0,152820.0,0.0,135000.0,SATURDAY,12,Y,1,0.0,,,XNA,Approved,-2394,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash Street: high,365243.0,-2364.0,-1674.0,-1734.0,-1728.0,1.0,0,Cash loans,M,Y,N,1,270000.0,1350000.0,37255.5,1350000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.01885,-14195,-4021,-612.0,-4217,7.0,1,1,0,1,0,0,Managers,3.0,2,2,SATURDAY,12,0,0,0,1,1,1,Military,0.4640791583800899,0.7339915619950826,0.6910212267577837,0.2495,0.1714,0.998,0.9728,0.0,0.0,0.0345,0.625,0.6667,0.0212,0.0,0.0,0.0,0.0,0.2542,0.1779,0.998,0.9739,0.0,0.0,0.0345,0.625,0.6667,0.0217,0.0,0.0,0.0,0.0,0.2519,0.1714,0.998,0.9732,0.0,0.0,0.0345,0.625,0.6667,0.0216,0.0,0.0,0.0,0.0,not specified,block of flats,0.3182,Others,No,0.0,0.0,0.0,0.0,-1439.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1459008,186404,Cash loans,,0.0,0.0,,,FRIDAY,15,Y,1,,,,XNA,Refused,-364,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,1,99000.0,568800.0,15133.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-11485,-314,-7832.0,-2214,,1,1,1,1,1,1,Laborers,3.0,2,2,FRIDAY,12,0,0,0,0,1,1,Business Entity Type 3,0.7129412122343521,0.00012430301800277067,0.14111510044661266,0.0082,0.0113,0.9762,,,0.0,0.0345,0.0417,,0.0061,,0.008,,0.0,0.0084,0.0118,0.9762,,,0.0,0.0345,0.0417,,0.0062,,0.0083,,0.0,0.0083,0.0113,0.9762,,,0.0,0.0345,0.0417,,0.0062,,0.0081,,0.0,,block of flats,0.0063,Mixed,No,3.0,2.0,3.0,2.0,-777.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2209231,173191,Cash loans,25450.47,225000.0,239850.0,,225000.0,MONDAY,11,Y,1,,,,Urgent needs,Refused,-266,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,middle,Cash Street: middle,,,,,,,0,Cash loans,M,Y,Y,0,225000.0,485640.0,39069.0,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.007273999999999998,-18898,-1633,-828.0,-1666,8.0,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,13,0,0,0,1,1,0,Self-employed,,0.5471500194862516,0.1301285429480269,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-333.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1715822,297618,Cash loans,33821.505,270000.0,321925.5,,270000.0,TUESDAY,10,Y,1,,,,XNA,Approved,-679,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,144000.0,769527.0,39420.0,612000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006305,-10437,-1171,-2738.0,-586,,1,1,0,1,0,0,Sales staff,2.0,3,3,TUESDAY,3,0,0,0,1,1,0,Self-employed,0.3186901716733835,0.4659902535868629,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1552.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,4.0 +2631193,145718,Cash loans,28873.17,450000.0,491580.0,,450000.0,THURSDAY,13,Y,1,,,,XNA,Approved,-1016,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-986.0,-296.0,-626.0,-621.0,1.0,0,Cash loans,F,N,Y,0,225000.0,180000.0,21361.5,180000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.025164,-15357,-1518,-9471.0,-4762,,1,1,1,1,1,0,,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,Industry: type 4,0.2772846600166952,0.4756988268495197,0.3506958432829587,0.2381,0.1581,0.9806,,,0.16,0.1379,0.3333,,0.0718,,0.2163,,0.0071,0.2426,0.1641,0.9806,,,0.1611,0.1379,0.3333,,0.0734,,0.2254,,0.0075,0.2405,0.1581,0.9806,,,0.16,0.1379,0.3333,,0.0731,,0.2202,,0.0073,,block of flats,0.1732,"Stone, brick",No,0.0,0.0,0.0,0.0,-1629.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1395274,174251,Cash loans,41728.41,1129500.0,1293502.5,,1129500.0,FRIDAY,15,Y,1,,,,XNA,Approved,-863,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-833.0,937.0,-353.0,-350.0,1.0,0,Cash loans,M,Y,N,1,450000.0,835380.0,40320.0,675000.0,Unaccompanied,State servant,Higher education,Married,Municipal apartment,0.072508,-16382,-5426,-440.0,-2663,8.0,1,1,0,1,1,0,Managers,3.0,1,1,SUNDAY,10,0,0,0,0,0,0,Government,,0.5841279216914433,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1987167,156457,Consumer loans,12594.87,112770.0,124677.0,0.0,112770.0,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-810,Cash through the bank,XAP,Children,Repeater,Audio/Video,POS,XNA,Stone,50,Consumer electronics,12.0,middle,POS household with interest,365243.0,-779.0,-449.0,-509.0,-501.0,0.0,0,Cash loans,F,N,Y,1,45000.0,265851.0,14418.0,229500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.015221,-16692,-3657,-8303.0,-29,,1,1,1,1,1,0,Cooking staff,3.0,2,2,THURSDAY,9,0,0,0,0,0,0,Kindergarten,,0.527499923477912,0.10015182033723906,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1535.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1577810,388509,Cash loans,20992.05,225000.0,299047.5,,225000.0,SATURDAY,15,Y,1,,,,XNA,Approved,-816,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-786.0,-96.0,-726.0,-716.0,1.0,0,Cash loans,M,N,N,0,76500.0,337500.0,10363.5,337500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.022625,-9886,-1043,-2731.0,-2483,,1,1,1,1,0,1,Medicine staff,1.0,2,2,MONDAY,11,0,0,0,0,1,1,Other,0.08173921234697258,0.3826841359220024,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-5.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1536806,235894,Cash loans,12288.735,112500.0,119925.0,,112500.0,SUNDAY,12,Y,1,,,,XNA,Approved,-1070,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1040.0,-710.0,-950.0,-944.0,1.0,0,Cash loans,M,Y,Y,1,166500.0,855000.0,34038.0,855000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.015221,-17195,365243,-3694.0,-744,1.0,1,0,0,1,1,0,,3.0,2,2,SATURDAY,13,0,0,0,0,0,0,XNA,,0.5738405161746867,0.6109913280868294,0.0619,0.0546,0.9806,,,,0.1379,0.1667,,0.0648,,0.0534,,0.3504,0.063,0.0567,0.9806,,,,0.1379,0.1667,,0.0663,,0.0557,,0.3709,0.0625,0.0546,0.9806,,,,0.1379,0.1667,,0.0659,,0.0544,,0.3577,,block of flats,0.042,Panel,No,6.0,0.0,6.0,0.0,-390.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2664498,100503,Cash loans,14977.8,477000.0,477000.0,,477000.0,MONDAY,14,Y,1,,,,XNA,Refused,-255,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,0,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,189000.0,876019.5,34870.5,783000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.009175,-22524,365243,-8604.0,-5021,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,XNA,,0.6184398011621871,0.3296550543128238,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-287.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +2212667,291559,Consumer loans,3760.065,19035.0,19975.5,0.0,19035.0,FRIDAY,10,Y,1,0.0,,,XAP,Refused,-1103,Cash through the bank,SCO,Unaccompanied,Repeater,Construction Materials,POS,XNA,Stone,1200,Construction,6.0,middle,POS industry with interest,,,,,,,0,Cash loans,F,N,Y,0,68400.0,247500.0,8887.5,247500.0,Unaccompanied,Pensioner,Higher education,Widow,House / apartment,0.007114,-22647,365243,-10833.0,-4137,,1,0,0,1,1,0,,1.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,,0.19408168187966274,0.4848514754962666,0.0928,0.1005,0.9851,0.7959999999999999,0.0384,0.0,0.2069,0.1667,0.2083,0.0971,0.0756,0.0604,0.0,0.0965,0.0945,0.1043,0.9851,0.804,0.0387,0.0,0.2069,0.1667,0.2083,0.0993,0.0826,0.063,0.0,0.1021,0.0937,0.1005,0.9851,0.7987,0.0386,0.0,0.2069,0.1667,0.2083,0.0988,0.077,0.0615,0.0,0.0985,reg oper account,block of flats,0.0685,Panel,No,0.0,0.0,0.0,0.0,-1.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +1661514,403301,Consumer loans,5025.6,61895.7,49518.0,,61895.7,WEDNESDAY,19,Y,1,,0.1607021421285277,0.715644820295983,XAP,Approved,-464,XNA,XAP,,New,XNA,POS,XNA,Country-wide,34,Connectivity,12.0,middle,POS mobile with interest,365243.0,-427.0,-97.0,-307.0,-299.0,0.0,0,Cash loans,M,Y,N,0,405000.0,670185.0,53077.5,621000.0,Family,Commercial associate,Higher education,Single / not married,House / apartment,0.030755,-8058,-339,-1430.0,-724,4.0,1,1,0,1,0,0,Core staff,1.0,2,2,FRIDAY,14,0,0,0,0,1,1,Legal Services,0.10500334568642232,0.11411961169991955,0.20559813854932085,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-239.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,4.0 +1170094,123295,Revolving loans,11250.0,225000.0,225000.0,,225000.0,THURSDAY,18,Y,1,,,,XAP,Refused,-403,XNA,LIMIT,,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),6,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,Y,Y,0,135000.0,270000.0,18265.5,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.04622,-12721,-1289,-4675.0,-4675,9.0,1,1,1,1,0,0,Security staff,2.0,1,1,MONDAY,19,0,0,0,0,1,1,Business Entity Type 1,,0.6424251655406559,0.633031641417419,0.0082,0.0,0.9687,0.5716,0.0013,0.0,0.069,0.0417,0.0833,,0.0067,0.0077,0.0,0.0,0.0084,0.0,0.9687,0.5884,0.0013,0.0,0.069,0.0417,0.0833,,0.0073,0.008,0.0,0.0,0.0083,0.0,0.9687,0.5773,0.0013,0.0,0.069,0.0417,0.0833,,0.0068,0.0078,0.0,0.0,reg oper account,block of flats,0.0061,Wooden,No,0.0,0.0,0.0,0.0,-403.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2062541,348442,Consumer loans,10040.85,81904.5,91363.5,0.0,81904.5,FRIDAY,12,Y,1,0.0,,,XAP,Refused,-1907,Cash through the bank,LIMIT,Unaccompanied,Repeater,Construction Materials,POS,XNA,Stone,75,Construction,14.0,high,POS industry with interest,,,,,,,0,Cash loans,F,N,Y,0,126000.0,269550.0,13095.0,225000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00702,-19538,-1138,-504.0,-3084,,1,1,1,1,1,0,Sales staff,2.0,2,2,MONDAY,13,0,0,0,0,0,0,Self-employed,,0.4730543520527225,0.5082869913916046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,1.0,5.0,1.0,-1907.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2003216,140374,Cash loans,68015.34,675000.0,698166.0,,675000.0,THURSDAY,11,Y,1,,,,XNA,Approved,-558,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-528.0,-198.0,-318.0,-310.0,1.0,0,Cash loans,F,N,N,0,90000.0,263686.5,25816.5,238500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.02461,-14342,-2087,-2470.0,-4527,,1,1,0,1,0,0,Medicine staff,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,Medicine,,0.7132338397043884,0.7091891096653581,0.0722,0.0658,0.9767,,,0.0,0.1379,0.1667,,0.0729,,0.0604,,0.0114,0.0735,0.0682,0.9767,,,0.0,0.1379,0.1667,,0.0746,,0.0629,,0.0121,0.0729,0.0658,0.9767,,,0.0,0.1379,0.1667,,0.0742,,0.0614,,0.0117,,block of flats,0.0543,"Stone, brick",No,0.0,0.0,0.0,0.0,-1071.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2763631,253404,Cash loans,6363.54,90000.0,101880.0,,90000.0,WEDNESDAY,12,Y,1,,,,XNA,Approved,-1114,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-1084.0,-394.0,-805.0,-801.0,1.0,0,Cash loans,F,N,Y,0,87750.0,332946.0,16015.5,238500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.02461,-22654,365243,-2408.0,-4184,,1,0,0,1,1,1,,2.0,2,2,THURSDAY,16,0,0,0,0,0,0,XNA,0.556621273525573,0.5944163536464143,0.29859498978739724,0.0206,0.0,0.9712,0.6056,,0.0,0.069,0.0417,,0.0278,,0.0133,,0.0,0.021,0.0,0.9712,0.621,,0.0,0.069,0.0417,,0.0284,,0.0138,,0.0,0.0208,0.0,0.9712,0.6109,,0.0,0.069,0.0417,,0.0283,,0.0135,,0.0,,block of flats,0.0116,Block,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +1112652,285616,Cash loans,10618.875,45000.0,52366.5,,45000.0,THURSDAY,10,Y,1,,,,Other,Approved,-867,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,365243.0,-837.0,-687.0,-717.0,-710.0,1.0,0,Cash loans,F,N,N,0,157500.0,550980.0,43659.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010032,-16369,-2147,-8633.0,-4249,,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,5,0,0,0,0,0,0,Transport: type 4,,0.7129296061072307,0.12610055883623253,0.0928,0.1018,0.9767,0.6804,,0.0,0.2069,0.1667,,0.0,,0.0607,,0.0,0.0945,0.1057,0.9767,0.6929,,0.0,0.2069,0.1667,,0.0,,0.0633,,0.0,0.0937,0.1018,0.9767,0.6847,,0.0,0.2069,0.1667,,0.0,,0.0618,,0.0,reg oper account,block of flats,0.0689,"Stone, brick",No,2.0,2.0,2.0,2.0,-666.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1316858,407059,Consumer loans,9565.65,79875.0,78214.5,7987.5,79875.0,THURSDAY,16,Y,1,0.10091545017938833,,,XAP,Approved,-898,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,200,Connectivity,10.0,middle,POS mobile with interest,365243.0,-867.0,-597.0,-597.0,-594.0,0.0,0,Revolving loans,F,Y,Y,3,166500.0,405000.0,20250.0,405000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.00963,-11927,-3011,-745.0,-1261,64.0,1,1,0,1,0,0,HR staff,5.0,2,2,SATURDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.14106463189093374,0.7018317783302983,,0.0763,0.0135,0.9742,,,0.0,0.0345,0.125,,0.0272,,0.0233,,0.0105,0.0777,0.014,0.9742,,,0.0,0.0345,0.125,,0.0279,,0.0243,,0.0111,0.077,0.0135,0.9742,,,0.0,0.0345,0.125,,0.0277,,0.0238,,0.0107,,specific housing,0.0317,"Stone, brick",No,0.0,0.0,0.0,0.0,-1518.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1050778,210339,Cash loans,131904.9,1350000.0,1389204.0,,1350000.0,FRIDAY,10,Y,1,,,,XNA,Approved,-432,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_action,Cash X-Sell: low,365243.0,-402.0,-72.0,-372.0,-367.0,1.0,0,Cash loans,M,Y,Y,1,270000.0,505066.5,53167.5,468000.0,Family,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.007305,-17843,-2758,-10435.0,-1380,14.0,1,1,0,1,0,0,,3.0,3,3,WEDNESDAY,7,0,0,0,0,0,0,Self-employed,,0.4451121955879481,0.6674577419214722,0.0619,0.0607,0.9796,0.7212,0.0067,0.0,0.1379,0.1667,0.0417,0.0105,0.0504,0.036000000000000004,0.0,0.0,0.063,0.063,0.9796,0.7321,0.0068,0.0,0.1379,0.1667,0.0417,0.0108,0.0551,0.0376,0.0,0.0,0.0625,0.0607,0.9796,0.7249,0.0068,0.0,0.1379,0.1667,0.0417,0.0107,0.0513,0.0367,0.0,0.0,reg oper account,block of flats,0.0413,Panel,No,0.0,0.0,0.0,0.0,-2031.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2599452,421959,Cash loans,42793.695,900000.0,1006920.0,,900000.0,TUESDAY,15,Y,1,,,,XNA,Refused,-20,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,225000.0,1006920.0,42790.5,900000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.04622,-20460,365243,-11885.0,-3758,,1,0,0,1,0,0,,2.0,1,1,MONDAY,15,0,0,0,0,0,0,XNA,0.7123873213514651,0.6776807048231759,0.6296742509538716,0.032,0.0717,0.9737,0.6396,0.0,0.0,0.1034,0.1667,0.2083,0.0618,0.0252,0.041,0.0039,0.0065,0.0326,0.0744,0.9737,0.6537,0.0,0.0,0.1034,0.1667,0.2083,0.0632,0.0275,0.0427,0.0039,0.0068,0.0323,0.0717,0.9737,0.6444,0.0,0.0,0.1034,0.1667,0.2083,0.0629,0.0257,0.0417,0.0039,0.0066,,block of flats,0.0449,"Stone, brick",No,0.0,0.0,0.0,0.0,-1415.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2386224,294579,Revolving loans,6750.0,135000.0,135000.0,,135000.0,SATURDAY,12,Y,1,,,,XAP,Refused,-451,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,Y,Y,3,202500.0,728460.0,44694.0,675000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.010006000000000001,-13897,-2558,-1159.0,-2216,9.0,1,1,0,1,0,1,Waiters/barmen staff,5.0,2,1,TUESDAY,9,0,0,0,0,0,0,Restaurant,0.5785187391693822,0.7185752195912365,,0.1052,0.057,0.9856,0.8028,0.0629,0.08,0.0345,0.3333,0.375,0.0526,0.0832,0.0616,0.0116,0.0241,0.1071,0.0592,0.9856,0.8105,0.0635,0.0806,0.0345,0.3333,0.375,0.0538,0.0909,0.0641,0.0117,0.0255,0.1062,0.057,0.9856,0.8054,0.0633,0.08,0.0345,0.3333,0.375,0.0535,0.0847,0.0627,0.0116,0.0246,reg oper account,block of flats,0.0876,Panel,No,4.0,0.0,4.0,0.0,-1613.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1434095,284201,Consumer loans,7196.895,62550.0,70200.0,6255.0,62550.0,FRIDAY,17,Y,1,0.08910161057306437,,,XAP,Approved,-603,Cash through the bank,XAP,,Refreshed,Sport and Leisure,POS,XNA,Stone,31,Industry,12.0,middle,POS industry with interest,365243.0,-572.0,-242.0,-242.0,-237.0,0.0,0,Cash loans,M,Y,Y,1,112500.0,1067940.0,31356.0,765000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.005002,-12196,-407,-8430.0,-1508,12.0,1,1,0,1,1,0,Laborers,3.0,3,3,SATURDAY,14,0,0,0,0,1,1,Trade: type 7,,0.2786370641918725,0.5919766183185521,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-168.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2214686,398188,Consumer loans,21240.585,123075.0,116617.5,12307.5,123075.0,FRIDAY,12,Y,1,0.1039673171505632,,,XAP,Approved,-788,XNA,XAP,"Spouse, partner",Refreshed,Furniture,POS,XNA,Stone,100,Furniture,6.0,low_normal,POS industry with interest,365243.0,-757.0,-607.0,-607.0,-604.0,0.0,0,Cash loans,F,Y,Y,0,180000.0,573628.5,22878.0,463500.0,Family,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.011703,-22757,-3332,-8616.0,-4467,3.0,1,1,0,1,1,0,Managers,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Government,,0.4944258809688378,0.8083935912119442,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,0.0,-1806.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1427895,330553,Consumer loans,,136755.0,136755.0,0.0,136755.0,WEDNESDAY,14,Y,1,0.0,,,XAP,Refused,-803,Cash through the bank,HC,,Repeater,Mobile,XNA,XNA,Country-wide,20,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,F,Y,Y,0,225000.0,397017.0,21667.5,301500.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.072508,-19218,-3408,-9883.0,-2740,10.0,1,1,0,1,0,1,Realty agents,1.0,1,1,MONDAY,16,0,0,0,0,0,0,Other,0.7956542584839229,0.7194588073393158,,0.0814,0.1041,0.9717,0.6124,0.0,0.04,0.2069,0.1667,0.2083,0.0028,0.0664,0.0804,0.0,0.0,0.083,0.108,0.9717,0.6276,0.0,0.0403,0.2069,0.1667,0.2083,0.0029,0.0725,0.0838,0.0,0.0,0.0822,0.1041,0.9717,0.6176,0.0,0.04,0.2069,0.1667,0.2083,0.0029,0.0676,0.0819,0.0,0.0,reg oper account,block of flats,0.0948,"Stone, brick",No,0.0,0.0,0.0,0.0,-845.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2108574,120833,Cash loans,21839.625,450000.0,512370.0,,450000.0,FRIDAY,14,Y,1,,,,XNA,Refused,-271,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,1,189000.0,254700.0,20250.0,225000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.010147,-10029,-1263,-2631.0,-1960,13.0,1,1,0,1,0,0,Sales staff,3.0,2,2,WEDNESDAY,15,0,0,0,0,1,1,Self-employed,0.31348689202493885,0.4298303143240357,0.5709165417729987,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1402.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,8.0 +2454172,301012,Cash loans,14130.0,450000.0,450000.0,,450000.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-296,Cash through the bank,XAP,Children,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-266.0,1144.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,112500.0,563877.0,27126.0,504000.0,Children,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-23633,365243,-12701.0,-4257,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,XNA,,0.32968822297994993,0.4400578303966329,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-1837.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,9.0 +2178929,226271,Consumer loans,17535.51,149175.0,149175.0,0.0,149175.0,TUESDAY,13,Y,1,0.0,,,XAP,Approved,-18,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,50,Consumer electronics,10.0,middle,POS household with interest,,,,,,,0,Cash loans,F,Y,Y,2,315000.0,729396.0,48942.0,688500.0,Other_B,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-14002,-813,-2697.0,-4503,1.0,1,1,0,1,0,0,Core staff,4.0,1,1,SATURDAY,19,0,0,0,0,0,0,Restaurant,,0.7517182487935038,,0.3457,0.1449,0.995,0.9252,0.0033,0.4,0.1724,0.6667,0.7083,0.0832,0.2732,0.3732,0.0399,0.0473,0.2143,0.0903,0.995,0.9281,0.0022,0.4834,0.2069,0.6667,0.7083,0.0,0.3581,0.237,0.0195,0.0298,0.4112,0.1724,0.995,0.9262,0.0033,0.48,0.2069,0.6667,0.7083,0.0,0.3335,0.446,0.0349,0.0579,reg oper account,block of flats,0.185,Panel,No,0.0,0.0,0.0,0.0,-921.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2128040,384465,Revolving loans,4500.0,0.0,90000.0,,,FRIDAY,10,Y,1,,,,XAP,Approved,-421,XNA,XAP,,Repeater,XNA,Cards,x-sell,Regional / Local,80,Consumer electronics,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,90000.0,101880.0,9922.5,90000.0,"Spouse, partner",Working,Secondary / secondary special,Civil marriage,House / apartment,0.020246,-15979,-316,-4294.0,-4294,,1,1,1,1,1,0,Low-skill Laborers,2.0,3,3,SATURDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.04579420712701548,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2413414,381610,Cash loans,35412.615,549000.0,592479.0,,549000.0,SUNDAY,16,Y,1,,,,XNA,Approved,-144,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,Y,Y,0,225000.0,640080.0,24259.5,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.035792000000000004,-19191,-1236,-1660.0,-1678,3.0,1,1,0,1,0,0,Security staff,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,Self-employed,0.4183753873054247,0.21501666373637948,,0.068,0.0297,0.9747,0.6532,0.0071,0.0,0.1379,0.1667,0.2083,0.0439,0.0546,0.0505,0.0039,0.0654,0.0693,0.0308,0.9747,0.6668,0.0071,0.0,0.1379,0.1667,0.2083,0.0449,0.0597,0.0526,0.0039,0.0693,0.0687,0.0297,0.9747,0.6578,0.0071,0.0,0.1379,0.1667,0.2083,0.0447,0.0556,0.0514,0.0039,0.0668,reg oper account,block of flats,0.0539,"Stone, brick",No,0.0,0.0,0.0,0.0,-687.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1214064,355621,Consumer loans,21351.51,168714.0,188617.5,16875.0,168714.0,SATURDAY,8,Y,1,0.0894359117286961,,,XAP,Approved,-1373,Cash through the bank,XAP,"Spouse, partner",Repeater,Furniture,POS,XNA,Stone,1274,Furniture,12.0,high,POS industry with interest,365243.0,-1338.0,-1008.0,-1008.0,-1001.0,0.0,0,Cash loans,F,N,N,2,90000.0,867951.0,28129.5,724500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.002134,-11040,-1910,-4702.0,-3270,,1,1,0,1,0,0,Laborers,4.0,3,3,SUNDAY,8,0,0,0,0,0,0,Police,,0.5603882013325376,0.8327850252992314,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,0.0,9.0,0.0,-1832.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2662598,102119,Consumer loans,6010.695,50274.0,54697.5,0.0,50274.0,MONDAY,8,Y,1,0.0,,,XAP,Approved,-808,Cash through the bank,XAP,,Refreshed,Photo / Cinema Equipment,POS,XNA,Country-wide,45,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-763.0,-493.0,-493.0,-487.0,0.0,0,Cash loans,M,Y,Y,2,108000.0,594121.5,26298.0,472500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.030755,-13675,-1903,-7252.0,-4314,19.0,1,1,0,1,0,1,Low-skill Laborers,4.0,2,2,THURSDAY,17,0,0,0,0,0,0,Self-employed,,0.5738351685017418,0.29859498978739724,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-808.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,5.0 +1383930,377098,Consumer loans,5306.355,26725.5,32494.5,0.0,26725.5,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-1040,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Regional / Local,260,Consumer electronics,8.0,high,POS household with interest,365243.0,-1009.0,-799.0,-799.0,-793.0,0.0,0,Cash loans,F,N,N,2,76500.0,990000.0,28944.0,990000.0,Family,State servant,Secondary / secondary special,Married,House / apartment,0.019101,-14020,-1267,-2619.0,-5566,,1,1,1,1,0,0,Core staff,4.0,2,2,MONDAY,18,0,0,0,0,0,0,Kindergarten,0.8062913120952594,0.5891760437442923,0.4920600938649263,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1040.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2317953,313780,Cash loans,18343.44,328500.0,328500.0,,328500.0,MONDAY,8,Y,1,,,,XNA,Approved,-224,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-194.0,496.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,157500.0,243000.0,13311.0,243000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,Municipal apartment,0.018209,-9863,-449,-630.0,-2527,,1,1,0,1,0,0,Laborers,2.0,3,3,MONDAY,11,0,0,0,1,1,0,Business Entity Type 3,0.08097418998543904,0.42659638705778136,0.3672910183026313,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-629.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1610123,355136,Cash loans,15006.015,270000.0,328450.5,,270000.0,TUESDAY,14,Y,1,,,,XNA,Refused,-497,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),5,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,90000.0,225000.0,18040.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.009334,-9692,-317,-7546.0,-2335,,1,1,1,1,1,0,Sales staff,2.0,2,2,TUESDAY,17,0,0,0,0,0,0,Self-employed,,0.6112626359925103,,0.0124,,0.9722,0.6192,0.0,0.0,0.0345,0.0417,0.0833,0.0227,0.0101,0.0118,0.0,0.0153,0.0126,,0.9722,0.6341,0.0,0.0,0.0345,0.0417,0.0833,0.0232,0.011,0.0123,0.0,0.0162,0.0125,,0.9722,0.6243,0.0,0.0,0.0345,0.0417,0.0833,0.0231,0.0103,0.012,0.0,0.0157,not specified,block of flats,0.0093,Wooden,No,0.0,0.0,0.0,0.0,-1887.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2220283,163856,Cash loans,148617.72,1440000.0,1525536.0,,1440000.0,WEDNESDAY,14,Y,1,,,,XNA,Approved,-384,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-354.0,-24.0,-24.0,-16.0,1.0,0,Cash loans,F,Y,Y,2,540000.0,1872517.5,58927.5,1710000.0,Other_B,Commercial associate,Incomplete higher,Civil marriage,House / apartment,0.032561,-13292,-3836,-3237.0,-3093,3.0,1,1,0,1,1,0,Core staff,4.0,1,1,TUESDAY,11,0,0,0,0,0,0,Realtor,,0.7870125691122681,0.2405414172860865,0.0495,,0.9732,,,,0.1034,0.125,,,,0.0397,,0.0515,0.0504,,0.9732,,,,0.1034,0.125,,,,0.0413,,0.0545,0.05,,0.9732,,,,0.1034,0.125,,,,0.0404,,0.0526,,block of flats,0.0312,"Stone, brick",No,0.0,0.0,0.0,0.0,-2089.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,9.0 +1199804,427547,Cash loans,6536.34,45000.0,55075.5,,45000.0,TUESDAY,9,Y,1,,,,Journey,Refused,-387,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,2,180000.0,314100.0,21375.0,225000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.014464,-10957,-932,-1017.0,-1963,,1,1,0,1,0,1,Sales staff,4.0,2,2,THURSDAY,6,0,0,0,0,0,0,Business Entity Type 3,0.3468337465163748,0.5929182439050639,0.5919766183185521,0.1649,0.1076,0.998,0.9728,0.0666,0.16,0.0345,0.375,0.4167,0.0231,0.1345,0.2099,0.0,0.0,0.1681,0.1117,0.998,0.9739,0.0672,0.1611,0.0345,0.375,0.4167,0.0236,0.1469,0.2187,0.0,0.0,0.1665,0.1076,0.998,0.9732,0.067,0.16,0.0345,0.375,0.4167,0.0235,0.1368,0.2137,0.0,0.0,not specified,block of flats,0.2168,"Stone, brick",No,0.0,0.0,0.0,0.0,-1138.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1490391,237994,Consumer loans,3471.84,27225.0,26523.0,2722.5,27225.0,FRIDAY,9,Y,1,0.10138482843514388,,,XAP,Approved,-2386,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Regional / Local,100,Consumer electronics,10.0,high,POS household with interest,365243.0,-2351.0,-2081.0,-2081.0,-2076.0,1.0,0,Cash loans,M,Y,Y,2,144000.0,168102.0,20079.0,148500.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-13789,-3572,-4346.0,-4350,38.0,1,1,0,1,0,0,Laborers,4.0,2,2,THURSDAY,15,0,0,0,0,1,1,Business Entity Type 2,,0.16040532147836672,0.6512602186973006,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2264860,113328,Cash loans,22772.34,180000.0,191880.0,,180000.0,WEDNESDAY,10,Y,1,,,,Repairs,Refused,-349,XNA,HC,,Repeater,XNA,Cash,walk-in,Country-wide,41,Connectivity,12.0,high,Cash Street: high,,,,,,,0,Cash loans,M,N,N,1,157500.0,450000.0,21888.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-11653,-1617,-3413.0,-3598,,1,1,1,1,0,0,High skill tech staff,3.0,2,2,MONDAY,9,0,0,0,0,0,0,Industry: type 9,,0.6075722461631986,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1837.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2119932,224906,Cash loans,5530.5,45000.0,45000.0,,45000.0,FRIDAY,7,Y,1,,,,XNA,Approved,-2596,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,10.0,middle,Cash Street: middle,365243.0,-2566.0,-2296.0,-2296.0,-2286.0,0.0,0,Cash loans,F,N,N,2,90000.0,948582.0,27864.0,679500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.014464,-12849,-1999,-723.0,-653,,1,1,0,1,0,0,Sales staff,4.0,2,2,THURSDAY,5,0,0,0,0,0,0,Self-employed,0.522678275173449,0.5980697875939309,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2271.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2053877,312583,Cash loans,9349.515,135000.0,152820.0,,135000.0,WEDNESDAY,13,Y,1,,,,XNA,Approved,-315,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-285.0,405.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,90000.0,454500.0,14791.5,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.028663,-21211,365243,-6572.0,-4310,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,XNA,,0.4882010468053752,0.3490552510751822,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1479.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1460574,424346,Cash loans,27187.02,229500.0,272088.0,,229500.0,THURSDAY,12,Y,1,,,,XNA,Approved,-577,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-547.0,-217.0,-217.0,-210.0,1.0,1,Cash loans,F,N,Y,2,76500.0,509400.0,40374.0,450000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-11324,-216,-569.0,-1041,,1,1,0,1,0,1,Core staff,4.0,2,2,SUNDAY,10,0,0,0,0,0,0,Kindergarten,0.3547266751026981,0.3210104406603886,,0.1485,,0.9791,,,0.0,0.069,0.1667,,,,,,,0.1513,,0.9791,,,0.0,0.069,0.1667,,,,,,,0.1499,,0.9791,,,0.0,0.069,0.1667,,,,,,,,block of flats,0.0583,"Stone, brick",No,0.0,0.0,0.0,0.0,-1449.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1418001,139473,Consumer loans,20459.115,116955.0,110470.5,11695.5,116955.0,WEDNESDAY,15,Y,1,0.10426356537230264,,,XAP,Approved,-1324,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Stone,320,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1288.0,-1138.0,-1138.0,-1131.0,0.0,0,Cash loans,F,N,N,1,157500.0,593010.0,15772.5,495000.0,"Spouse, partner",Working,Secondary / secondary special,Civil marriage,House / apartment,0.010147,-13931,-2783,-4521.0,-4601,,1,1,0,1,0,0,Security staff,3.0,2,2,MONDAY,15,0,0,0,0,0,0,Security,,0.6049518261047866,0.5602843280409464,0.1402,0.075,0.9826,0.762,0.0034,0.0,0.069,0.1667,0.2083,,0.1143,0.0702,0.0,0.0188,0.1429,0.0778,0.9826,0.7713,0.0035,0.0,0.069,0.1667,0.2083,,0.1249,0.0731,0.0,0.0199,0.1416,0.075,0.9826,0.7652,0.0035,0.0,0.069,0.1667,0.2083,,0.1163,0.0714,0.0,0.0192,reg oper spec account,block of flats,0.0612,"Stone, brick",No,0.0,0.0,0.0,0.0,-514.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +2553639,155750,Consumer loans,5665.635,30127.5,28314.0,3150.0,30127.5,SATURDAY,10,Y,1,0.1090337008529228,,,XAP,Approved,-2266,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Stone,140,Connectivity,6.0,high,POS household with interest,365243.0,-2232.0,-2082.0,-2082.0,-2076.0,1.0,0,Cash loans,M,Y,N,2,157500.0,101880.0,6232.5,90000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,With parents,0.0228,-10024,-688,-4677.0,-2701,2.0,1,1,1,1,1,0,Drivers,4.0,2,2,THURSDAY,14,0,0,0,0,0,0,Security,,0.6113613590109185,0.6109913280868294,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1847.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2225492,370443,Consumer loans,4759.11,43308.0,43308.0,0.0,43308.0,MONDAY,16,Y,1,0.0,,,XAP,Approved,-577,Cash through the bank,XAP,,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,20,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-540.0,-270.0,-330.0,-326.0,0.0,0,Cash loans,M,N,Y,0,180000.0,728460.0,44694.0,675000.0,"Spouse, partner",Working,Secondary / secondary special,Civil marriage,House / apartment,0.04622,-9171,-120,-6566.0,-1631,,1,1,0,1,0,0,Core staff,2.0,1,1,THURSDAY,15,0,0,0,0,0,0,Trade: type 3,0.2486872374999348,0.7665137256810628,0.38079968264891495,0.0818,0.0491,0.9767,0.6804,0.0257,0.0,0.1607,0.1667,0.2083,0.0202,0.0661,0.0685,0.0025,0.0036,0.063,0.0,0.9752,0.6733,0.0071,0.0,0.1379,0.1667,0.2083,0.0147,0.0551,0.058,0.0,0.0,0.0812,0.0569,0.9762,0.6779999999999999,0.0307,0.0,0.1379,0.1667,0.2083,0.0199,0.065,0.0615,0.0,0.0,reg oper account,block of flats,0.0537,"Stone, brick",No,2.0,0.0,2.0,0.0,-1265.0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2157724,183460,Cash loans,53091.765,225000.0,261832.5,,225000.0,THURSDAY,10,Y,1,,,,XNA,Approved,-1187,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,365243.0,-1157.0,-1007.0,-1007.0,-1002.0,1.0,0,Cash loans,F,Y,Y,0,360000.0,1800000.0,47614.5,1800000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.032561,-21335,365243,-9592.0,-12,2.0,1,0,0,1,0,0,,2.0,1,1,MONDAY,12,0,0,0,0,0,0,XNA,,0.7798411696727974,0.7801436381572275,0.0619,0.0898,0.9876,,,0.0,,0.125,,0.0,,0.0586,,0.0888,0.063,0.0932,0.9876,,,0.0,,0.125,,0.0,,0.061,,0.094,0.0625,0.0898,0.9876,,,0.0,,0.125,,0.0,,0.0596,,0.0907,,block of flats,0.0654,"Stone, brick",No,0.0,0.0,0.0,0.0,-2046.0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1205528,199301,Consumer loans,9912.105,72810.0,68548.5,9000.0,72810.0,THURSDAY,15,Y,1,0.12639597389785975,,,XAP,Approved,-2399,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,2230,Consumer electronics,9.0,high,POS household with interest,365243.0,-2368.0,-2128.0,-2128.0,-2123.0,1.0,0,Cash loans,F,N,N,0,135000.0,610335.0,19291.5,463500.0,Unaccompanied,Working,Higher education,Married,With parents,0.025164,-9963,-383,-3910.0,-309,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.09382352388612132,0.594358360789718,0.06337536230998861,0.0625,0.0506,0.9881,0.8436,0.0454,0.04,0.0803,0.2221,0.2917,0.0234,0.0597,0.0644,0.0019,0.0274,0.041,0.0436,0.9886,0.8497,0.0347,0.0,0.069,0.1667,0.2083,0.0118,0.0367,0.0426,0.0,0.0,0.0416,0.0506,0.9886,0.8457,0.0457,0.0,0.069,0.1667,0.2917,0.0238,0.0607,0.0431,0.0019,0.0,reg oper account,block of flats,0.0321,Panel,No,0.0,0.0,0.0,0.0,-749.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1914152,203291,Cash loans,17550.9,540000.0,540000.0,,540000.0,TUESDAY,10,Y,1,,,,XNA,Refused,-164,Cash through the bank,HC,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,135000.0,1350000.0,39604.5,1350000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-22868,365243,-7717.0,-4118,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,XNA,,0.2319427311585574,,0.1763,0.1424,0.9896,,,0.2,0.1724,0.3333,,0.0857,,0.1913,,0.0,0.1796,0.1477,0.9896,,,0.2014,0.1724,0.3333,,0.0876,,0.1993,,0.0,0.17800000000000002,0.1424,0.9896,,,0.2,0.1724,0.3333,,0.0872,,0.1947,,0.0,,block of flats,0.1514,Panel,No,1.0,0.0,1.0,0.0,-1536.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,7.0 +1026774,113339,Consumer loans,9402.39,91111.5,100732.5,0.0,91111.5,SUNDAY,17,Y,1,0.0,,,XAP,Approved,-683,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,150,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-652.0,-322.0,-322.0,-319.0,0.0,0,Cash loans,F,N,Y,0,81000.0,345645.0,16812.0,243000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.02461,-16160,-1292,-631.0,-4087,,1,1,0,1,0,0,,1.0,2,2,THURSDAY,14,0,0,0,0,0,0,Self-employed,0.18212895548650326,0.19878622918627045,0.0005272652387098817,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1080.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1358743,157190,Revolving loans,6750.0,0.0,135000.0,,,FRIDAY,10,Y,1,,,,XAP,Approved,-202,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-202.0,-163.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,F,N,Y,0,90000.0,544491.0,17694.0,454500.0,Family,Working,Secondary / secondary special,Single / not married,House / apartment,0.019101,-9191,-1047,-373.0,-1876,,1,1,0,1,0,0,,1.0,2,2,THURSDAY,13,0,1,1,0,1,1,Business Entity Type 3,0.13261922683311458,0.5876614069246879,0.3201633668633456,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-817.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2808800,194532,Cash loans,,0.0,0.0,,,TUESDAY,16,Y,1,,,,XNA,Refused,-394,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,0,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,405000.0,746280.0,59094.0,675000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.072508,-23532,365243,-952.0,-4187,,1,0,0,1,1,0,,2.0,1,1,THURSDAY,15,0,0,0,0,0,0,XNA,,0.5077041296487351,0.5954562029091491,0.2639,0.0712,0.9965,0.9524,0.1659,0.32,0.1379,0.6667,0.7083,0.0243,0.2152,0.165,0.0,0.0693,0.2689,0.0739,0.9965,0.9543,0.1512,0.3222,0.1379,0.6667,0.7083,0.0236,0.2351,0.1538,0.0,0.0631,0.2665,0.0712,0.9965,0.953,0.16699999999999998,0.32,0.1379,0.6667,0.7083,0.0247,0.2189,0.168,0.0,0.0708,reg oper account,block of flats,0.0236,Panel,No,0.0,0.0,0.0,0.0,-3.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2376804,224306,Cash loans,10331.55,229500.0,291604.5,,229500.0,THURSDAY,11,Y,1,,,,XNA,Refused,-375,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,Y,Y,0,148500.0,454500.0,18153.0,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.014519999999999996,-22666,365243,-1502.0,-5060,18.0,1,0,0,1,1,0,,1.0,2,2,MONDAY,11,0,0,0,0,0,0,XNA,,0.4464574472382398,0.3842068130556564,,,0.9771,0.6872,,,0.1379,0.1667,,,,,,,,,0.9772,0.6994,,,0.1379,0.1667,,,,,,,,,0.9771,0.6914,,,0.1379,0.1667,,,,,,,,block of flats,0.0548,,No,0.0,0.0,0.0,0.0,-1475.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2842473,255530,Consumer loans,11531.115,96750.0,104733.0,0.0,96750.0,SUNDAY,16,Y,1,0.0,,,XAP,Approved,-1577,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,660,Furniture,10.0,low_normal,POS industry with interest,365243.0,-1546.0,-1276.0,-1276.0,-1269.0,0.0,0,Cash loans,F,N,Y,0,225000.0,2156400.0,57015.0,1800000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.01885,-20514,365243,-83.0,-973,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,XNA,0.6422803568041048,0.4283732177491577,0.5954562029091491,0.2041,0.1186,0.9826,0.762,0.0318,0.24,0.2069,0.3333,0.375,0.1463,0.1664,0.23,0.0,0.0008,0.208,0.1231,0.9826,0.7713,0.0321,0.2417,0.2069,0.3333,0.375,0.1497,0.1818,0.2396,0.0,0.0009,0.2061,0.1186,0.9826,0.7652,0.032,0.24,0.2069,0.3333,0.375,0.1489,0.1693,0.2341,0.0,0.0009,reg oper spec account,block of flats,0.1984,"Stone, brick",No,0.0,0.0,0.0,0.0,-1577.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1648579,108504,Consumer loans,5398.155,85050.0,101889.0,0.0,85050.0,MONDAY,18,Y,1,0.0,,,XAP,Approved,-1155,Cash through the bank,XAP,Unaccompanied,New,Clothing and Accessories,POS,XNA,Regional / Local,10,Furniture,24.0,low_normal,POS industry with interest,365243.0,-1124.0,-434.0,-464.0,-456.0,0.0,1,Cash loans,F,N,N,0,130500.0,582228.0,18909.0,486000.0,Unaccompanied,Pensioner,Higher education,Widow,With parents,0.010966,-23468,365243,-635.0,-4494,,1,0,0,1,0,0,,1.0,2,2,MONDAY,16,0,0,0,0,0,0,XNA,,0.2387344572957865,0.3774042489507649,0.6062,0.0293,0.9985,1.0,,0.24,0.1034,0.7917,0.8333,0.01,0.4774,0.2048,0.0772,0.1569,0.6176,0.0304,0.9985,1.0,,0.2417,0.1034,0.7917,0.8333,0.0102,0.5216,0.2134,0.0778,0.1661,0.6121,0.0293,0.9985,1.0,,0.24,0.1034,0.7917,0.8333,0.0102,0.4857,0.2085,0.0776,0.1602,not specified,block of flats,0.4155,"Stone, brick",No,0.0,0.0,0.0,0.0,-1155.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +2533138,444463,Cash loans,18265.5,270000.0,270000.0,,270000.0,FRIDAY,13,Y,1,,,,Urgent needs,Approved,-403,XNA,XAP,,Repeater,XNA,Cash,walk-in,Contact center,-1,XNA,36.0,high,Cash Street: high,365243.0,-373.0,677.0,-283.0,-275.0,0.0,0,Cash loans,F,N,N,1,180000.0,640080.0,29970.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-10448,-1404,-2359.0,-2350,,1,1,0,1,0,0,Waiters/barmen staff,3.0,2,2,TUESDAY,10,0,0,0,0,0,0,Self-employed,0.2130531898135664,0.6956869199321644,0.501075160239048,0.1474,0.0923,0.9851,,,0.16,0.1379,0.3333,,0.0121,,0.14800000000000002,,0.0115,0.1502,0.0957,0.9851,,,0.1611,0.1379,0.3333,,0.0124,,0.1542,,0.0122,0.1489,0.0923,0.9851,,,0.16,0.1379,0.3333,,0.0123,,0.1507,,0.0117,,block of flats,0.1189,Panel,No,2.0,0.0,2.0,0.0,-1369.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,1.0 +1448129,121900,Cash loans,,0.0,0.0,,,SATURDAY,13,Y,1,,,,XNA,Refused,-251,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,1,Cash loans,F,N,Y,0,135000.0,971280.0,56920.5,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00702,-18248,-2388,-9319.0,-1808,,1,1,0,1,0,0,Sales staff,2.0,2,2,FRIDAY,12,0,0,0,0,1,1,Self-employed,,0.2934976315224895,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1925.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1389878,353205,Cash loans,47041.335,450000.0,470790.0,,450000.0,WEDNESDAY,12,Y,1,,,,XNA,Approved,-1290,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1260.0,-930.0,-990.0,-984.0,1.0,0,Cash loans,F,N,Y,0,360000.0,2018875.5,55647.0,1804500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.005084,-21927,365243,-407.0,-4636,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,XNA,,0.7246548202547639,0.5638350489514956,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,1.0,4.0,1.0,-988.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1701910,184288,Consumer loans,18898.11,189000.0,170100.0,18900.0,189000.0,TUESDAY,12,Y,1,0.1089090909090909,,,XAP,Approved,-2081,Cash through the bank,XAP,Unaccompanied,Refreshed,Clothing and Accessories,POS,XNA,Stone,90,Clothing,10.0,low_normal,POS industry with interest,365243.0,-2041.0,-1771.0,-1831.0,-1824.0,0.0,0,Cash loans,M,Y,Y,0,450000.0,1125000.0,43915.5,1125000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.018209,-23341,365243,-4592.0,-4587,6.0,1,0,0,1,1,0,,2.0,3,3,THURSDAY,12,0,0,0,0,0,0,XNA,,0.5370105512334555,0.5902333386185574,0.1639,0.0778,0.9935,,,0.16,0.1379,0.375,,0.0849,,0.0308,,0.0164,0.16699999999999998,0.0807,0.9935,,,0.1611,0.1379,0.375,,0.0869,,0.0321,,0.0173,0.1655,0.0778,0.9935,,,0.16,0.1379,0.375,,0.0864,,0.0314,,0.0167,,block of flats,0.1334,Panel,No,0.0,0.0,0.0,0.0,-3129.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2557374,106218,Consumer loans,8768.97,73575.0,79645.5,0.0,73575.0,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-1491,Cash through the bank,XAP,Unaccompanied,New,Furniture,POS,XNA,Stone,38,Furniture,10.0,low_normal,POS industry with interest,365243.0,-1450.0,-1180.0,-1180.0,-1174.0,0.0,0,Cash loans,F,N,Y,0,99000.0,900000.0,26446.5,900000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.008865999999999999,-17310,-6966,-9277.0,-817,,1,1,1,1,0,0,Cooking staff,2.0,2,2,SATURDAY,12,0,0,0,0,1,1,Other,,0.5879740038932706,0.7180328113294772,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1491.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1306054,124317,Revolving loans,2250.0,45000.0,45000.0,,45000.0,THURSDAY,11,Y,1,,,,XAP,Approved,-362,XNA,XAP,,Refreshed,XNA,Cards,walk-in,Country-wide,30,Connectivity,0.0,XNA,Card Street,-327.0,-314.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,2,94500.0,219870.0,9814.5,157500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.0105,-14342,-743,-7201.0,-4918,,1,1,0,1,0,0,,4.0,3,3,TUESDAY,9,0,0,0,0,0,0,Industry: type 3,0.725974437296827,0.4972083288952554,0.5262949398096192,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-362.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2155842,378521,Consumer loans,2018.79,9139.68,10813.5,0.18,9139.68,SATURDAY,15,Y,1,1.812855231857828e-05,,,XAP,Approved,-333,Cash through the bank,XAP,Unaccompanied,New,Construction Materials,POS,XNA,Stone,100,Construction,6.0,middle,POS industry with interest,365243.0,-302.0,-152.0,-152.0,-150.0,0.0,0,Cash loans,F,N,Y,2,90000.0,544068.0,26590.5,382500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.005084,-9073,-360,-548.0,-1736,,1,1,0,1,0,0,Sales staff,4.0,2,2,WEDNESDAY,11,0,0,0,0,1,1,Business Entity Type 3,,0.14524365346752985,0.2851799046358216,0.0247,,0.9762,,,,0.0345,0.0833,,,,0.0192,,,0.0252,,0.9762,,,,0.0345,0.0833,,,,0.02,,,0.025,,0.9762,,,,0.0345,0.0833,,,,0.0196,,,,block of flats,0.0151,"Stone, brick",No,6.0,0.0,6.0,0.0,-12.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1076457,150390,Consumer loans,6274.575,69462.0,62167.5,13896.0,69462.0,THURSDAY,11,Y,1,0.19896543378528825,,,XAP,Approved,-18,Cash through the bank,XAP,,Repeater,Medicine,POS,XNA,Stone,40,MLM partners,12.0,middle,POS other with interest,365243.0,365243.0,348.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,N,1,202500.0,1356385.5,43884.0,1062000.0,Unaccompanied,State servant,Higher education,Married,With parents,0.035792000000000004,-12224,-2041,-3205.0,-4036,0.0,1,1,0,1,0,0,,3.0,2,2,MONDAY,13,0,0,0,0,0,0,Other,0.785588412373643,0.6773749311373927,0.42589289800515295,,,0.9911,,,,,,,,,0.1726,,,,,0.9911,,,,,,,,,0.1798,,,,,0.9911,,,,,,,,,0.1757,,,,,0.1358,,No,0.0,0.0,0.0,0.0,-2310.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1920261,361101,Consumer loans,8342.28,31496.4,29281.5,3150.9,31496.4,WEDNESDAY,10,Y,1,0.10580828262646448,,,XAP,Approved,-2625,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,1552,Consumer electronics,4.0,high,POS household with interest,365243.0,-2594.0,-2504.0,-2504.0,-2495.0,1.0,0,Cash loans,M,Y,N,0,157500.0,1080000.0,35694.0,1080000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.0105,-17313,-610,-8876.0,-371,25.0,1,1,0,1,0,0,Drivers,2.0,3,3,TUESDAY,14,0,0,0,0,0,0,Transport: type 4,,0.17335445763360827,0.28371188263500075,,,0.9762,,,,,,,,,0.053,,,,,0.9762,,,,,,,,,0.0552,,,,,0.9762,,,,,,,,,0.054000000000000006,,,,,0.0417,,No,0.0,0.0,0.0,0.0,-246.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2409295,422241,Cash loans,8897.4,90000.0,90000.0,,90000.0,SATURDAY,13,Y,1,,,,XNA,Approved,-1079,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-1049.0,-719.0,-719.0,-706.0,0.0,0,Revolving loans,F,N,N,0,112500.0,337500.0,16875.0,337500.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.009656999999999999,-21149,365243,-5465.0,-4696,,1,0,0,1,0,0,,1.0,2,2,SUNDAY,11,0,0,0,0,0,0,XNA,,0.6652796411453599,,0.5165,0.2851,0.9831,0.7688,0.1358,0.56,0.4828,0.3333,0.375,0.2871,0.4203,0.5474,0.0039,0.0011,0.5263,0.2958,0.9831,0.7779,0.13699999999999998,0.5639,0.4828,0.3333,0.375,0.2936,0.4591,0.5703,0.0039,0.0011,0.5215,0.2851,0.9831,0.7719,0.1366,0.56,0.4828,0.3333,0.375,0.2921,0.4275,0.5572,0.0039,0.0011,reg oper spec account,block of flats,0.505,Panel,No,0.0,0.0,0.0,0.0,-657.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2804709,131559,Consumer loans,3550.185,22905.0,21969.0,2295.0,22905.0,FRIDAY,15,Y,1,0.1030111950364176,,,XAP,Approved,-2121,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,280,Consumer electronics,8.0,high,POS household with interest,365243.0,-2090.0,-1880.0,-1880.0,-1874.0,0.0,0,Cash loans,F,N,Y,0,135000.0,239850.0,23494.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-24795,365243,-6001.0,-4390,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,XNA,,0.6959831275398579,0.6894791426446275,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-302.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1928808,109212,Cash loans,35613.0,1350000.0,1350000.0,,1350000.0,MONDAY,19,Y,1,,,,XNA,Refused,-213,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,1,270000.0,1484181.0,40815.0,1296000.0,Unaccompanied,Working,Incomplete higher,Civil marriage,House / apartment,0.011656999999999999,-15787,-6146,-3733.0,-2194,,1,1,0,1,1,0,Laborers,3.0,1,1,THURSDAY,16,0,1,1,0,0,0,Business Entity Type 3,0.5437588678855885,0.6873606991046387,0.29859498978739724,0.0928,0.0807,0.9801,0.728,0.0374,0.0,0.2069,0.1667,0.2083,0.0318,0.0756,0.0882,0.0,0.0,0.0945,0.0838,0.9801,0.7387,0.0377,0.0,0.2069,0.1667,0.2083,0.0325,0.0826,0.0918,0.0,0.0,0.0937,0.0807,0.9801,0.7316,0.0376,0.0,0.2069,0.1667,0.2083,0.0323,0.077,0.0897,0.0,0.0,reg oper account,block of flats,0.0898,Panel,No,0.0,0.0,0.0,0.0,-1299.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1357946,383963,Cash loans,21668.805,247500.0,274288.5,,247500.0,SATURDAY,11,Y,1,,,,XNA,Refused,-937,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),10,XNA,24.0,high,Cash Street: high,,,,,,,0,Cash loans,M,N,Y,1,112500.0,640080.0,29970.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-11542,-1673,-2878.0,-2131,,1,1,0,1,0,0,Laborers,3.0,2,2,FRIDAY,14,0,0,0,0,1,1,Business Entity Type 2,0.15610663043461026,,0.3672910183026313,0.0,0.0459,0.9856,0.8028,0.0106,0.08,0.069,0.3333,0.375,0.0536,0.1034,0.0941,0.0,0.0,0.0,0.0476,0.9856,0.8105,0.0107,0.0806,0.069,0.3333,0.375,0.0548,0.1129,0.0981,0.0,0.0,0.0,0.0459,0.9856,0.8054,0.0107,0.08,0.069,0.3333,0.375,0.0545,0.1052,0.0958,0.0,0.0,not specified,block of flats,0.0798,Panel,No,0.0,0.0,0.0,0.0,-1007.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1167123,292194,Cash loans,,0.0,0.0,,,THURSDAY,11,Y,1,,,,XNA,Refused,-199,XNA,SCOFR,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Revolving loans,M,Y,Y,0,90000.0,270000.0,13500.0,270000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.015221,-9365,-880,-2111.0,-2052,9.0,1,1,1,1,1,0,Drivers,2.0,2,2,SUNDAY,8,0,0,0,0,1,1,Self-employed,,0.1337520161479891,0.511891801533151,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-267.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1338742,125383,Consumer loans,6574.23,60660.0,67864.5,0.0,60660.0,MONDAY,11,Y,1,0.0,,,XAP,Approved,-154,Cash through the bank,XAP,Unaccompanied,Repeater,Auto Accessories,POS,XNA,Stone,35,Auto technology,12.0,low_normal,POS other with interest,365243.0,-124.0,206.0,-4.0,365243.0,1.0,0,Cash loans,M,Y,Y,0,247500.0,508495.5,24592.5,454500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.008625,-20009,-1093,-7130.0,-3083,18.0,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,10,0,0,0,0,1,1,Business Entity Type 3,,0.4853875669738594,0.6738300778602003,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-649.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2105147,308329,Consumer loans,12596.22,59800.5,62761.5,0.0,59800.5,MONDAY,14,Y,1,0.0,,,XAP,Approved,-2702,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,54,Connectivity,6.0,high,POS mobile with interest,365243.0,-2671.0,-2521.0,-2521.0,-2514.0,1.0,0,Cash loans,F,Y,Y,0,67500.0,239850.0,23850.0,225000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.003540999999999999,-19980,365243,-1868.0,-3524,9.0,1,0,0,1,1,0,,2.0,1,1,MONDAY,10,0,0,0,0,0,0,XNA,0.7123999991781723,0.4108381895636232,0.7252764347002191,0.0149,0.0,0.9896,0.8572,0.0087,0.0,0.0517,0.0833,0.125,0.0128,0.0101,0.0165,0.0039,0.0016,0.0137,0.0,0.9866,0.8236,0.0088,0.0,0.0345,0.0417,0.0833,0.0063,0.011,0.0152,0.0039,0.0,0.0151,0.0,0.9896,0.8591,0.0088,0.0,0.0517,0.0833,0.125,0.0131,0.0103,0.0168,0.0039,0.0017,reg oper account,block of flats,0.0169,Wooden,No,0.0,0.0,0.0,0.0,-1660.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2838623,161848,Cash loans,107130.78,1125000.0,1157670.0,,1125000.0,MONDAY,10,Y,1,,,,XNA,Refused,-47,Cash through the bank,HC,"Spouse, partner",New,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,351000.0,1006920.0,46791.0,900000.0,,Working,Higher education,Civil marriage,House / apartment,0.01885,-18940,-1211,-7578.0,-2465,,1,1,0,1,0,0,Managers,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,Government,0.4494943138850246,0.7417942550036338,0.7700870700124128,0.07200000000000001,,0.9841,,,0.0,0.1655,0.1667,,,,0.0386,,0.0005,0.0588,,0.9861,,,0.0,0.1379,0.1667,,,,0.0316,,0.0,0.0729,,0.9856,,,0.0,0.1379,0.1667,,,,0.0426,,0.0,,block of flats,0.0421,"Stone, brick",No,0.0,0.0,0.0,0.0,-690.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1805949,206351,Consumer loans,5452.065,28224.0,26739.0,2826.0,28224.0,SUNDAY,12,Y,1,0.10410184032101844,,,XAP,Approved,-1082,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Stone,206,Consumer electronics,6.0,high,POS household with interest,365243.0,-1048.0,-898.0,-958.0,-956.0,0.0,1,Cash loans,F,Y,N,0,58500.0,391500.0,14755.5,391500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-21189,365243,-429.0,-4636,21.0,1,0,0,1,1,0,,2.0,2,2,THURSDAY,8,0,0,0,0,0,0,XNA,,0.5506640735787752,0.31703177858344445,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1279.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,3.0 +1492022,159185,Consumer loans,14508.495,90522.0,76000.5,18108.0,90522.0,WEDNESDAY,13,Y,1,0.209558734671344,,,XAP,Approved,-1651,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,150,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1620.0,-1470.0,-1470.0,-1465.0,0.0,0,Cash loans,M,Y,Y,0,450000.0,1077061.5,31491.0,940500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.072508,-11399,-1789,-2177.0,-2678,6.0,1,1,0,1,0,1,Core staff,2.0,1,1,TUESDAY,17,0,0,0,0,0,0,Self-employed,,0.029351839453628445,0.16048893062734468,0.0412,0.0562,0.9632,0.4968,0.0602,0.08,0.069,0.2083,0.25,0.0,0.0252,0.0419,0.0386,0.0593,0.042,0.0583,0.9633,0.5165,0.0608,0.0806,0.069,0.2083,0.25,0.0,0.0275,0.0436,0.0389,0.0628,0.0416,0.0562,0.9632,0.5035,0.0606,0.08,0.069,0.2083,0.25,0.0,0.0257,0.0426,0.0388,0.0605,not specified,block of flats,0.0458,"Stone, brick",No,0.0,0.0,0.0,0.0,-1651.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,2.0 +1040961,315642,Cash loans,,0.0,0.0,,,TUESDAY,12,Y,1,,,,XNA,Refused,-248,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,N,Y,1,382500.0,1051294.5,34042.5,918000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.032561,-12791,-460,-3830.0,-5419,,1,1,0,1,0,0,,3.0,1,1,FRIDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.7214406788030853,0.4507472818545589,0.1072,0.2773,0.9454,0.252,0.0135,0.12,0.2759,0.2083,0.25,0.056,,0.1942,,0.034,0.1092,0.2877,0.9454,0.2813,0.0136,0.1208,0.2759,0.2083,0.25,0.0572,,0.2023,,0.036000000000000004,0.1083,0.2773,0.9454,0.262,0.0136,0.12,0.2759,0.2083,0.25,0.0569,,0.1977,,0.0347,reg oper account,block of flats,0.1601,"Stone, brick",No,3.0,0.0,3.0,0.0,-1765.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2065636,210612,Cash loans,5823.585,45000.0,47970.0,,45000.0,TUESDAY,13,Y,1,,,,Other,Approved,-814,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-784.0,-454.0,-604.0,-599.0,1.0,1,Cash loans,F,N,Y,0,180000.0,450000.0,23107.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.026392000000000002,-22932,-1291,-12533.0,-4193,,1,1,1,1,1,0,High skill tech staff,1.0,2,2,THURSDAY,11,0,0,0,0,0,0,Business Entity Type 2,,0.5950435622133677,0.4920600938649263,0.6021,0.5124,0.9826,,,0.68,0.5862,0.3333,,0.5795,,0.7059,,0.0,0.6134,0.5317,0.9826,,,0.6848,0.5862,0.3333,,0.5927,,0.7354,,0.0,0.6079,0.5124,0.9826,,,0.68,0.5862,0.3333,,0.5896,,0.7185,,0.0,,block of flats,0.655,Panel,No,0.0,0.0,0.0,0.0,-1939.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1816849,124714,Consumer loans,3825.81,29061.0,28048.5,3150.0,29061.0,SUNDAY,9,Y,1,0.10996158032073218,,,XAP,Approved,-2088,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Regional / Local,60,Connectivity,10.0,high,POS mobile with interest,365243.0,-2049.0,-1779.0,-1779.0,-1773.0,0.0,0,Cash loans,M,Y,Y,0,144000.0,954207.0,28030.5,796500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-23403,365243,-15387.0,-4589,10.0,1,0,0,1,1,0,,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,XNA,,0.5685702440210428,0.15759499866631024,0.233,0.223,0.9821,0.7552,0.0339,0.0,0.5517,0.1667,0.0,0.068,0.19,0.236,0.0154,0.1075,0.2374,0.2314,0.9821,0.7648,0.0343,0.0,0.5517,0.1667,0.0,0.0695,0.2075,0.2459,0.0156,0.1138,0.2352,0.223,0.9821,0.7585,0.0342,0.0,0.5517,0.1667,0.0,0.0691,0.1932,0.2403,0.0155,0.1097,reg oper account,block of flats,0.209,Block,No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,1.0,0.0,0.0,1.0,1.0 +1858253,164230,Revolving loans,7875.0,157500.0,157500.0,0.0,157500.0,SATURDAY,19,Y,1,0.0,,,XAP,Refused,-362,XNA,LIMIT,,New,XNA,Cards,walk-in,Country-wide,62,Connectivity,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,351000.0,254700.0,20250.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-16379,-2932,-9962.0,-4991,,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Self-employed,,0.38004267597255337,0.08963066908713159,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-362.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1956224,438577,Consumer loans,21672.855,201879.0,195075.0,20196.0,201879.0,MONDAY,14,Y,1,0.10217484008528784,,,XAP,Approved,-2720,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,1800,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2689.0,-2419.0,-2419.0,-2413.0,1.0,0,Cash loans,M,Y,Y,0,360000.0,444420.0,22819.5,337500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0060079999999999995,-17799,-2519,-2299.0,-1337,6.0,1,1,0,1,0,0,Managers,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,Restaurant,0.3883777726244113,0.5175434139211109,0.4830501881366946,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1197.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,1.0 +1545577,284825,Consumer loans,7846.56,67495.5,74623.5,0.0,67495.5,THURSDAY,16,Y,1,0.0,,,XAP,Approved,-664,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,1500,Consumer electronics,12.0,middle,POS household with interest,365243.0,-633.0,-303.0,-303.0,-297.0,0.0,0,Cash loans,M,Y,Y,0,270000.0,924394.5,30681.0,702000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.032561,-17567,-1209,-9486.0,-1045,7.0,1,1,0,1,1,0,,2.0,1,1,WEDNESDAY,12,0,0,0,0,0,0,Medicine,0.5619027137165652,0.8016407338299907,0.22888341670067305,,0.0604,0.9737,0.6396,0.0078,0.0,0.1034,0.1667,0.2083,0.0384,,0.0496,,0.0,,0.0627,0.9737,0.6537,0.0079,0.0,0.1034,0.1667,0.2083,0.0392,,0.0517,,0.0,,0.0604,0.9737,0.6444,0.0078,0.0,0.1034,0.1667,0.2083,0.039,,0.0505,,0.0,reg oper account,block of flats,0.0433,"Stone, brick",No,0.0,0.0,0.0,0.0,-1570.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1873237,372229,Consumer loans,22989.42,207000.0,186300.0,20700.0,207000.0,SATURDAY,9,Y,1,0.1089090909090909,,,XAP,Approved,-1421,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Stone,331,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1388.0,-1118.0,-1118.0,-1091.0,0.0,0,Revolving loans,M,Y,N,0,157500.0,405000.0,20250.0,405000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-19230,-3113,-5584.0,-1842,14.0,1,1,0,1,1,0,Laborers,2.0,2,2,SATURDAY,8,0,0,0,1,1,0,Construction,,0.7045246255966872,0.5919766183185521,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,2.0,3.0,1.0,-1421.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +2641579,201811,Consumer loans,3254.355,65205.0,69835.5,6912.0,65205.0,FRIDAY,18,Y,1,0.09808523226992884,,,XAP,Approved,-2806,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,-1,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-2775.0,-2085.0,-2085.0,-2076.0,1.0,0,Cash loans,M,Y,Y,1,234000.0,1125000.0,46557.0,1125000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.006207,-14094,-640,-3926.0,-4446,16.0,1,1,1,1,0,1,,3.0,2,2,THURSDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.4691041340844872,0.3441550073724169,0.0619,0.012,0.9752,0.66,0.0,0.0,0.1034,0.1667,0.2083,0.0258,0.0504,0.0519,0.0,0.0554,0.063,0.0125,0.9752,0.6733,0.0,0.0,0.1034,0.1667,0.2083,0.0263,0.0551,0.0541,0.0,0.0587,0.0625,0.012,0.9752,0.6645,0.0,0.0,0.1034,0.1667,0.2083,0.0262,0.0513,0.0529,0.0,0.0566,reg oper account,block of flats,0.0529,Panel,No,0.0,0.0,0.0,0.0,-2066.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2386070,278026,Cash loans,19880.955,162000.0,183384.0,,162000.0,THURSDAY,12,Y,1,,,,XNA,Approved,-154,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-124.0,206.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,N,0,144000.0,948055.5,48537.0,778500.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.00496,-12766,-1907,-6666.0,-2542,14.0,1,1,0,1,0,0,High skill tech staff,2.0,2,2,THURSDAY,12,0,0,0,0,1,1,Self-employed,0.5830275765233769,0.6213355469824348,0.5046813193144684,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-1367.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2716923,306423,Revolving loans,2250.0,45000.0,45000.0,,45000.0,THURSDAY,11,Y,1,,,,XAP,Approved,-223,XNA,XAP,Unaccompanied,New,XNA,Cards,walk-in,AP+ (Cash loan),4,XNA,0.0,XNA,Card Street,-223.0,-184.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,M,Y,Y,0,112500.0,675000.0,26284.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.005313,-17528,-115,-569.0,-974,6.0,1,1,1,1,1,0,Laborers,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Industry: type 3,0.3960350319442208,0.4732287879184783,0.1694287272664794,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-223.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2246280,176553,Cash loans,41497.38,414000.0,414000.0,,414000.0,FRIDAY,10,Y,1,,,,XNA,Approved,-1064,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1034.0,-704.0,-974.0,-971.0,0.0,0,Cash loans,F,N,Y,0,135000.0,675000.0,29862.0,675000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.030755,-22743,365243,-5862.0,-4589,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,XNA,,0.6198011428382527,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-3560.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1342936,295564,Consumer loans,7862.085,83925.0,67140.0,16785.0,83925.0,THURSDAY,11,Y,1,0.2178181818181818,,,XAP,Refused,-2083,Cash through the bank,HC,Unaccompanied,Repeater,Computers,POS,XNA,Stone,86,Consumer electronics,12.0,high,POS household with interest,,,,,,,0,Cash loans,M,Y,N,0,99000.0,135000.0,9396.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.010276,-12306,-5038,-4668.0,-4678,2.0,1,1,1,1,0,0,Laborers,1.0,2,2,MONDAY,13,0,0,0,0,0,0,Housing,0.2502479483394546,0.6212738055670513,0.7016957740576931,0.0722,0.0672,0.9811,0.7416,0.0274,0.0,0.1379,0.1667,0.2083,0.0,0.0588,0.0661,0.0,0.0,0.0735,0.0698,0.9811,0.7517,0.0277,0.0,0.1379,0.1667,0.2083,0.0,0.0643,0.0688,0.0,0.0,0.0729,0.0672,0.9811,0.7451,0.0276,0.0,0.1379,0.1667,0.2083,0.0,0.0599,0.0673,0.0,0.0,reg oper account,block of flats,0.067,"Stone, brick",No,0.0,0.0,0.0,0.0,-1507.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2001941,388164,Consumer loans,10986.57,83519.64,74637.0,13504.14,83519.64,TUESDAY,14,Y,1,0.1668600622716124,,,XAP,Approved,-2389,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Country-wide,2700,Consumer electronics,8.0,middle,POS household with interest,365243.0,-2358.0,-2148.0,-2148.0,-2146.0,1.0,0,Cash loans,F,N,N,0,126000.0,270000.0,26302.5,270000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-23727,365243,-11157.0,-4549,,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,,0.7599662941713806,,0.0605,0.0678,0.9722,0.6192,0.0648,0.01,0.0993,0.1433,0.225,0.0461,0.0558,0.0504,0.0069,0.0277,0.0021,0.0,0.9806,0.523,0.0043,0.0,0.0345,0.1667,0.2083,0.0126,0.0312,0.0037,0.0,0.0,0.0562,0.0434,0.9742,0.6377,0.0083,0.0,0.1034,0.1667,0.2083,0.0418,0.0633,0.0554,0.0039,0.0117,reg oper account,block of flats,0.0251,"Stone, brick",No,1.0,1.0,1.0,1.0,-1706.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1438534,128336,Consumer loans,7099.695,39420.0,37687.5,4500.0,39420.0,SATURDAY,4,Y,1,0.11616969696969692,,,XAP,Approved,-87,XNA,XAP,Unaccompanied,Refreshed,Computers,POS,XNA,Country-wide,600,Consumer electronics,6.0,middle,POS household with interest,,,,,,,0,Cash loans,M,Y,N,1,157500.0,314055.0,19215.0,238500.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.010032,-11898,-4588,-4045.0,-4045,22.0,1,1,0,1,0,0,,3.0,2,2,TUESDAY,4,0,0,0,0,1,1,Transport: type 2,,0.506578179355877,0.6296742509538716,0.0567,0.0773,0.9896,,,0.0,0.1034,0.1667,,0.0722,,0.0569,,0.0154,0.0578,0.0802,0.9896,,,0.0,0.1034,0.1667,,0.0739,,0.0593,,0.0163,0.0573,0.0773,0.9896,,,0.0,0.1034,0.1667,,0.0735,,0.0579,,0.0157,,block of flats,0.0476,"Stone, brick",No,0.0,0.0,0.0,0.0,-1195.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1683321,127236,Consumer loans,10861.02,70677.0,86895.0,0.0,70677.0,SUNDAY,7,Y,1,0.0,,,XAP,Approved,-479,XNA,XAP,,New,Audio/Video,POS,XNA,Country-wide,2000,Consumer electronics,10.0,high,POS household with interest,365243.0,-448.0,-178.0,-298.0,-290.0,0.0,0,Cash loans,M,N,Y,0,112500.0,824823.0,24246.0,688500.0,Other_B,Working,Secondary / secondary special,Civil marriage,Municipal apartment,0.010032,-11242,-529,-2326.0,-1841,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,4,0,0,0,0,0,0,Military,,0.18535290639188048,0.18411615593071512,0.0165,0.0,0.9732,0.6328,0.001,0.0,0.069,0.0417,0.0833,0.0052,0.0134,0.0109,0.0,0.0,0.0168,0.0,0.9732,0.6472,0.001,0.0,0.069,0.0417,0.0833,0.0053,0.0147,0.0114,0.0,0.0,0.0167,0.0,0.9732,0.6377,0.001,0.0,0.069,0.0417,0.0833,0.0053,0.0137,0.0111,0.0,0.0,not specified,block of flats,0.0091,"Stone, brick",No,7.0,0.0,7.0,0.0,-479.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2597920,403160,Consumer loans,8507.25,85981.5,80136.0,13500.0,85981.5,THURSDAY,13,Y,1,0.15702002726224173,,,XAP,Approved,-779,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Regional / Local,140,Consumer electronics,12.0,middle,POS household with interest,365243.0,-748.0,-418.0,-568.0,-547.0,0.0,1,Cash loans,M,N,Y,0,157500.0,237024.0,18855.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.009334,-8229,-915,-8229.0,-870,,1,1,1,1,1,0,Core staff,1.0,2,2,SATURDAY,14,0,0,0,1,1,0,Military,,0.5071411635574636,0.13680052191177486,0.0619,0.047,0.9791,,,0.0,0.0345,0.1667,,,,0.0503,,,0.063,0.0487,0.9791,,,0.0,0.0345,0.1667,,,,0.0525,,,0.0625,0.047,0.9791,,,0.0,0.0345,0.1667,,,,0.0513,,,,block of flats,0.0438,Panel,No,0.0,0.0,0.0,0.0,-779.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,1.0 +1874861,230198,Consumer loans,5356.89,29205.0,26055.0,3150.0,29205.0,FRIDAY,15,Y,1,0.11746743241350326,,,XAP,Approved,-1588,XNA,XAP,,New,Audio/Video,POS,XNA,Country-wide,50,Connectivity,6.0,high,POS mobile with interest,365243.0,-1552.0,-1402.0,-1402.0,-1397.0,0.0,1,Cash loans,M,N,N,1,135000.0,284400.0,18643.5,225000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.006207,-10106,-705,-1650.0,-2186,,1,1,0,1,0,0,Security staff,3.0,2,2,THURSDAY,16,0,1,1,0,1,1,Business Entity Type 3,,0.2175594501857332,0.6986675550534175,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,1.0,8.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2218055,376624,Cash loans,38034.54,1179000.0,1179000.0,,1179000.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-701,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-671.0,1099.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,207000.0,269550.0,12001.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.016612000000000002,-24111,365243,-4560.0,-4609,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,11,0,0,0,0,0,0,XNA,,0.35235614733678605,0.4083588531230431,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-1273.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +1224639,285518,Cash loans,25120.485,238500.0,251406.0,,238500.0,MONDAY,18,Y,1,,,,XNA,Approved,-249,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-219.0,111.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,0,261000.0,846517.5,33700.5,684000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.016612000000000002,-15589,-1833,-7690.0,-5363,,1,1,0,1,0,0,,1.0,2,2,FRIDAY,19,0,0,0,0,0,0,Business Entity Type 2,0.2167908020428793,0.5324405417535923,0.722392890081304,0.0577,0.0354,0.9717,0.6124,0.0237,0.0,0.0345,0.125,0.1667,0.0162,0.0445,0.0202,0.0116,0.0128,0.0588,0.0367,0.9717,0.6276,0.0239,0.0,0.0345,0.125,0.1667,0.0165,0.0487,0.0211,0.0117,0.0136,0.0583,0.0354,0.9717,0.6176,0.0239,0.0,0.0345,0.125,0.1667,0.0165,0.0453,0.0206,0.0116,0.0131,reg oper account,block of flats,0.0382,"Stone, brick",No,0.0,0.0,0.0,0.0,-1734.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1422036,192435,Cash loans,7162.425,67500.0,67500.0,,67500.0,FRIDAY,14,Y,1,,,,Repairs,Refused,-437,Cash through the bank,SCO,Family,Repeater,XNA,Cash,walk-in,Country-wide,17,Connectivity,12.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,76500.0,88884.0,4405.5,67500.0,Family,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.026392000000000002,-22204,365243,-15497.0,-4234,,1,0,0,1,1,0,,1.0,2,2,MONDAY,13,0,0,0,0,0,0,XNA,,0.6893590794832514,0.7180328113294772,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-437.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1289601,438926,Cash loans,40783.995,1350000.0,1546020.0,,1350000.0,TUESDAY,11,Y,1,,,,XNA,Approved,-219,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,76500.0,824823.0,24246.0,688500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.020713,-16165,-643,-735.0,-4685,7.0,1,1,0,1,0,0,Medicine staff,2.0,3,3,THURSDAY,8,0,0,0,0,0,0,Government,,0.4391414959257973,0.6940926425266661,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1041.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1071786,454499,Cash loans,10629.72,90000.0,115893.0,,90000.0,FRIDAY,9,Y,1,,,,XNA,Refused,-1195,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,18.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,171000.0,993082.5,42205.5,913500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-21945,365243,-5924.0,-4720,,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,XNA,,0.6621608587182319,0.4902575124990026,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,3.0,4.0,3.0,-2369.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +1921282,269724,Consumer loans,6850.35,69660.0,69660.0,0.0,69660.0,MONDAY,11,Y,1,0.0,,,XAP,Approved,-377,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Regional / Local,450,Consumer electronics,12.0,middle,POS household with interest,365243.0,-346.0,-16.0,-46.0,-42.0,0.0,0,Cash loans,F,N,Y,0,135000.0,450000.0,11871.0,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-20837,365243,-6582.0,-4254,,1,0,0,1,1,0,,2.0,2,2,SUNDAY,10,0,0,0,0,0,0,XNA,0.7615612098113392,0.7755541255131594,,0.0021,,0.9896,,,0.0,,0.0,,,,,,,0.0021,,0.9896,,,0.0,,0.0,,,,,,,0.0021,,0.9896,,,0.0,,0.0,,,,,,,,terraced house,0.0023,"Stone, brick",No,5.0,0.0,4.0,0.0,-1154.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2566501,129496,Consumer loans,4755.645,25650.0,24228.0,2565.0,25650.0,WEDNESDAY,10,Y,1,0.1042629859223745,,,XAP,Approved,-1384,Cash through the bank,XAP,Family,Refreshed,Furniture,POS,XNA,Stone,170,Furniture,6.0,middle,POS industry with interest,365243.0,-1353.0,-1203.0,-1203.0,-1197.0,0.0,0,Cash loans,F,N,Y,0,90000.0,566055.0,16681.5,472500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.010966,-20053,-4485,-8182.0,-3490,,1,1,0,1,0,0,,2.0,2,2,MONDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.2007754035972499,0.39277386060313396,0.0619,0.051,0.9762,0.6736,0.0073,0.0,0.1034,0.1667,0.2083,0.0493,0.0504,0.0512,0.0,0.0,0.063,0.053,0.9762,0.6864,0.0074,0.0,0.1034,0.1667,0.2083,0.0504,0.0551,0.0534,0.0,0.0,0.0625,0.051,0.9762,0.6779999999999999,0.0074,0.0,0.1034,0.1667,0.2083,0.0502,0.0513,0.0522,0.0,0.0,reg oper account,block of flats,0.0443,Panel,No,6.0,0.0,6.0,0.0,-1384.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1415514,450981,Consumer loans,9119.79,74425.5,81792.0,0.0,74425.5,THURSDAY,17,Y,1,0.0,,,XAP,Approved,-2158,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,2845,Consumer electronics,12.0,high,POS household with interest,365243.0,-2127.0,-1797.0,-1797.0,-1791.0,0.0,0,Cash loans,M,N,N,0,157500.0,545040.0,26509.5,450000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,With parents,0.022625,-9392,-1280,-4211.0,-2073,,1,1,1,1,1,0,Core staff,1.0,2,2,SATURDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.13361274699141276,0.7254438646582659,0.4830501881366946,0.0825,0.069,0.9762,0.6736,0.0,0.0,0.1379,0.1667,0.0417,0.0169,0.0672,0.0701,0.0,0.0,0.084,0.0716,0.9762,0.6864,0.0,0.0,0.1379,0.1667,0.0417,0.0173,0.0735,0.073,0.0,0.0,0.0833,0.069,0.9762,0.6779999999999999,0.0,0.0,0.1379,0.1667,0.0417,0.0172,0.0684,0.0713,0.0,0.0,org spec account,block of flats,0.1015,Panel,No,2.0,0.0,2.0,0.0,-1630.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1783249,395839,Consumer loans,4684.455,41328.0,45693.0,0.0,41328.0,FRIDAY,12,Y,1,0.0,,,XAP,Approved,-671,Cash through the bank,XAP,,New,Construction Materials,POS,XNA,Stone,7,Construction,12.0,middle,POS industry with interest,365243.0,-640.0,-310.0,-310.0,-298.0,0.0,0,Cash loans,F,Y,Y,0,157500.0,135000.0,15268.5,135000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.026392000000000002,-9026,-880,-3867.0,-968,8.0,1,1,1,1,0,0,High skill tech staff,2.0,2,2,THURSDAY,18,0,0,0,0,0,0,Self-employed,,0.7053978906043004,0.3376727217405312,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-671.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1317333,157597,Consumer loans,20972.205,196065.0,162198.0,45000.0,196065.0,THURSDAY,11,Y,1,0.2365326446639972,,,XAP,Approved,-2416,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Stone,630,Consumer electronics,10.0,high,POS household with interest,365243.0,-2385.0,-2115.0,-2115.0,-2112.0,1.0,0,Cash loans,F,N,Y,0,315000.0,539100.0,22837.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.035792000000000004,-23482,-2542,-666.0,-4469,,1,1,1,1,1,0,Managers,1.0,2,2,FRIDAY,12,0,0,0,0,0,0,Restaurant,0.7674414043020031,0.6684082851964619,0.3996756156233169,0.2866,0.2912,0.9955,,,0.24,0.1034,0.5417,,0.0722,0.1883,0.2784,0.2085,0.2319,0.292,0.3021,0.9955,,,0.2417,0.1034,0.5417,,0.0739,0.2057,0.29,0.2101,0.2455,0.2894,0.2912,0.9955,,,0.24,0.1034,0.5417,,0.0735,0.1915,0.2834,0.2096,0.2367,reg oper account,block of flats,0.3254,Monolithic,No,8.0,3.0,8.0,3.0,-2416.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1483441,384890,Cash loans,36735.075,1111500.0,1111500.0,,1111500.0,WEDNESDAY,11,Y,1,,,,XNA,Refused,-285,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,Stone,2140,Construction,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,2,225000.0,450000.0,27193.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-13457,-2433,-1384.0,-4804,3.0,1,1,0,1,0,0,Laborers,4.0,2,2,MONDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.6304170027326192,0.2467694117519397,0.3233112448967859,0.1299,,0.9985,,,0.12,0.1034,0.375,,,,0.1457,,0.0645,0.1324,,0.9985,,,0.1208,0.1034,0.375,,,,0.1518,,0.0683,0.1312,,0.9985,,,0.12,0.1034,0.375,,,,0.1483,,0.0659,,block of flats,0.1286,"Stone, brick",No,13.0,1.0,12.0,0.0,-733.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +1975663,438647,Consumer loans,10786.455,123111.0,125424.0,12312.0,123111.0,TUESDAY,16,Y,1,0.09735208858052556,,,XAP,Approved,-1788,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Regional / Local,225,Consumer electronics,16.0,middle,POS household with interest,365243.0,-1757.0,-1307.0,-1637.0,-1629.0,0.0,0,Cash loans,F,N,N,0,112500.0,390960.0,23755.5,337500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.022625,-12354,-1132,-6056.0,-3880,,1,1,0,1,0,0,Managers,2.0,2,2,FRIDAY,14,0,0,0,1,1,0,Trade: type 3,0.3075351614006389,0.2293313366222277,0.5478104658520093,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1788.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2414734,371842,Cash loans,22454.595,112500.0,116212.5,0.0,112500.0,WEDNESDAY,11,Y,1,0.0,,,XNA,Approved,-2635,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,365243.0,-2605.0,-2455.0,-2455.0,-2330.0,1.0,0,Cash loans,F,N,N,0,180000.0,1350000.0,39474.0,1350000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.01885,-12939,-1284,-7038.0,-291,,1,1,1,1,1,0,Sales staff,2.0,2,2,SATURDAY,14,0,0,0,0,1,1,Self-employed,,0.2618989003221852,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1531.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1209317,118327,Consumer loans,11108.97,107649.0,119016.0,0.0,107649.0,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-608,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,5094,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-577.0,-247.0,-247.0,-244.0,0.0,1,Cash loans,F,N,Y,0,126000.0,755190.0,36459.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.005144,-8739,-1764,-8601.0,-1074,,1,1,0,1,0,0,High skill tech staff,2.0,2,2,SATURDAY,14,0,0,0,0,0,0,Business Entity Type 2,0.4257234534739471,0.12427807277173193,0.2608559142068693,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-284.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1956331,145637,Revolving loans,6750.0,0.0,135000.0,,,FRIDAY,13,Y,1,,,,XAP,Approved,-2375,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,2948,Consumer electronics,0.0,XNA,Card X-Sell,-2361.0,-2295.0,365243.0,-1292.0,-207.0,0.0,0,Cash loans,F,N,Y,0,135000.0,553806.0,24394.5,495000.0,Unaccompanied,Working,Higher education,Civil marriage,Municipal apartment,0.026392000000000002,-17595,-2102,-5226.0,-1083,,1,1,1,1,0,0,High skill tech staff,2.0,2,2,SUNDAY,14,0,0,0,0,0,0,Transport: type 3,,0.6967367972079678,0.7850520263728172,0.0753,,0.9925,,,0.08,0.069,0.3333,,,,0.0733,,0.0,0.0767,,0.9926,,,0.0806,0.069,0.3333,,,,0.0764,,0.0,0.076,,0.9925,,,0.08,0.069,0.3333,,,,0.0746,,0.0,,block of flats,0.0576,Panel,No,1.0,0.0,1.0,0.0,-3085.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1494657,262223,Cash loans,19279.485,225000.0,247275.0,,225000.0,THURSDAY,18,Y,1,,,,XNA,Approved,-1580,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-1550.0,-1040.0,-1100.0,-1094.0,1.0,1,Cash loans,F,N,Y,0,180000.0,675000.0,53460.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.030755,-17441,-4868,-3077.0,-836,,1,1,0,1,0,0,Private service staff,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,Self-employed,,0.743832923874011,0.5656079814115492,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-2515.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1704305,184283,Cash loans,20380.5,450000.0,450000.0,,450000.0,THURSDAY,11,Y,1,,,,XNA,Refused,-917,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,135000.0,446931.0,25785.0,369000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.04622,-16024,-295,-9583.0,-4082,,1,1,0,1,1,0,Sales staff,2.0,1,1,THURSDAY,14,0,0,0,0,1,1,Self-employed,,0.6956452527181629,,0.1474,0.0628,0.9871,0.8232,0.0703,0.04,0.0345,0.3333,0.375,0.0791,0.1202,0.048,0.0,0.0031,0.1502,0.0651,0.9871,0.8301,0.0709,0.0403,0.0345,0.3333,0.375,0.0809,0.1313,0.05,0.0,0.0033,0.1489,0.0628,0.9871,0.8256,0.0707,0.04,0.0345,0.3333,0.375,0.0804,0.1223,0.0489,0.0,0.0032,reg oper account,block of flats,0.0769,"Stone, brick",No,2.0,0.0,2.0,0.0,-1209.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2818886,134650,Consumer loans,22243.95,337095.0,337095.0,0.0,337095.0,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-1582,Cash through the bank,XAP,Family,Refreshed,Furniture,POS,XNA,Stone,873,Furniture,18.0,low_normal,POS industry with interest,365243.0,-1550.0,-1040.0,-1130.0,-1126.0,0.0,0,Revolving loans,F,N,Y,0,270000.0,540000.0,27000.0,540000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.026392000000000002,-16810,-1145,-499.0,-358,,1,1,0,1,0,1,Accountants,2.0,2,2,SUNDAY,17,0,0,0,0,0,0,Medicine,,0.7241658682148632,0.7151031019926098,0.3402,,0.9985,,,0.36,0.3103,0.375,,,,0.3215,,,0.3466,,0.9985,,,0.3625,0.3103,0.375,,,,0.3349,,,0.3435,,0.9985,,,0.36,0.3103,0.375,,,,0.3272,,,,block of flats,0.3605,"Stone, brick",No,12.0,0.0,12.0,0.0,-2896.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1886976,375942,Consumer loans,10471.995,99693.0,114169.5,0.0,99693.0,THURSDAY,12,Y,1,0.0,,,XAP,Approved,-104,Cash through the bank,XAP,"Spouse, partner",Repeater,Computers,POS,XNA,Regional / Local,150,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-86.0,256.0,-86.0,-80.0,1.0,0,Cash loans,M,Y,N,0,225000.0,558486.0,44253.0,517500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-9515,-1243,-579.0,-2198,27.0,1,1,1,1,1,0,Drivers,2.0,2,2,TUESDAY,18,0,1,1,0,1,1,Business Entity Type 3,,0.570596704950059,0.4101025731788671,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1859.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1768679,407107,Consumer loans,28030.77,151425.0,157923.0,0.0,151425.0,THURSDAY,11,Y,1,0.0,,,XAP,Approved,-599,XNA,XAP,,New,Furniture,POS,XNA,Stone,100,Furniture,6.0,low_normal,POS industry with interest,365243.0,-562.0,-412.0,-412.0,-409.0,0.0,0,Cash loans,F,Y,Y,0,90000.0,766282.5,24057.0,661500.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.010147,-21580,365243,-6215.0,-4954,16.0,1,0,0,1,0,0,,2.0,2,2,MONDAY,16,0,0,0,0,0,0,XNA,0.8977898159678557,0.528976725591466,0.6594055320683344,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-599.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1730075,429146,Cash loans,57034.08,1849500.0,2069221.5,,1849500.0,THURSDAY,9,Y,1,,,,XNA,Approved,-225,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,1,Revolving loans,F,N,N,0,315000.0,270000.0,13500.0,270000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.0060079999999999995,-21109,365243,-8658.0,-4432,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,XNA,,0.2529168544880108,0.13510601574017175,0.0897,0.0569,0.9791,,,0.0,0.0345,0.125,,0.0607,,0.0324,,0.0,0.0914,0.0591,0.9791,,,0.0,0.0345,0.125,,0.0621,,0.0337,,0.0,0.0906,0.0569,0.9791,,,0.0,0.0345,0.125,,0.0618,,0.0329,,0.0,,block of flats,0.0492,"Stone, brick",No,3.0,0.0,3.0,0.0,-310.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2098918,248260,Consumer loans,7845.12,171283.5,171283.5,0.0,171283.5,MONDAY,11,Y,1,0.0,,,XAP,Approved,-3,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Regional / Local,50,Consumer electronics,24.0,low_action,POS household without interest,365243.0,365243.0,717.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,2,292500.0,896643.0,35689.5,724500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.025164,-12202,-5597,-2900.0,-3339,,1,1,0,1,0,0,Laborers,4.0,2,2,THURSDAY,11,0,0,0,1,1,0,Industry: type 11,0.22910985371780884,0.16318703546427088,0.3791004853998145,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1974572,344279,Revolving loans,4500.0,0.0,90000.0,,,FRIDAY,15,Y,1,,,,XAP,Approved,-2807,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,50,Connectivity,0.0,XNA,Card Street,-2687.0,-2626.0,365243.0,-1650.0,-701.0,0.0,0,Cash loans,F,N,Y,0,180000.0,1143000.0,45328.5,1143000.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,House / apartment,0.025164,-14317,-3933,-7730.0,-4281,,1,1,0,1,1,0,,1.0,2,2,FRIDAY,15,0,0,0,0,0,0,Industry: type 11,0.4886393730455996,0.6625960969819155,0.6785676886853644,0.0979,0.0505,0.9856,0.8028,0.029,0.08,0.0517,0.4583,0.5,0.0,0.0799,0.1016,0.0,0.0,0.0819,0.0493,0.9782,0.7125,0.0188,0.0806,0.0345,0.375,0.4167,0.0,0.0716,0.0985,0.0,0.0,0.0989,0.0505,0.9856,0.8054,0.0292,0.08,0.0517,0.4583,0.5,0.0,0.0812,0.1034,0.0,0.0,reg oper account,block of flats,0.0743,Panel,No,5.0,0.0,5.0,0.0,-1478.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2827014,370506,Consumer loans,10596.87,124582.5,149251.5,0.0,124582.5,WEDNESDAY,12,Y,1,0.0,,,XAP,Approved,-1724,Cash through the bank,XAP,Other_B,Repeater,Computers,POS,XNA,Stone,252,Consumer electronics,24.0,high,POS household with interest,365243.0,-1693.0,-1003.0,-1003.0,-999.0,0.0,0,Cash loans,F,N,Y,0,280941.3,270000.0,15214.5,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.018801,-16283,-716,-5711.0,-4141,,1,1,1,1,1,0,Managers,1.0,2,2,FRIDAY,11,0,0,0,0,1,1,Trade: type 7,0.31790377857476604,0.2717284925796889,0.8454379217710598,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-337.0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2506181,360508,Revolving loans,6750.0,0.0,135000.0,,,SATURDAY,10,Y,1,,,,XAP,Approved,-2289,XNA,XAP,,Refreshed,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-2285.0,-2239.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,2,85500.0,187704.0,12672.0,148500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.010966,-14337,-474,-6199.0,-4327,,1,1,0,1,0,0,Low-skill Laborers,4.0,2,2,SATURDAY,10,0,0,0,1,1,0,Business Entity Type 3,,0.3133902111302968,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-599.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1987398,134982,Cash loans,34779.6,180000.0,180000.0,0.0,180000.0,FRIDAY,10,Y,1,0.0,,,XNA,Approved,-2509,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,6.0,high,Cash Street: high,365243.0,-2479.0,-2329.0,-2329.0,-2325.0,0.0,0,Cash loans,M,Y,Y,0,157500.0,273024.0,13410.0,216000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-14960,-3994,-5253.0,-4270,3.0,1,1,1,1,1,0,Laborers,2.0,2,2,MONDAY,7,0,0,0,0,0,0,Government,0.2215253632780345,0.1923160541736026,0.746300213050371,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-143.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2629049,290827,Consumer loans,8480.97,90900.0,90900.0,0.0,90900.0,THURSDAY,13,Y,1,0.0,,,XAP,Approved,-1234,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Stone,36,Furniture,12.0,low_normal,POS industry with interest,365243.0,-1203.0,-873.0,-873.0,-866.0,0.0,1,Cash loans,F,N,Y,2,117000.0,895500.0,45850.5,895500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-16393,365243,-4287.0,-4516,,1,0,0,1,0,0,,4.0,2,2,SATURDAY,11,0,0,0,0,0,0,XNA,,0.5205349198439979,0.5370699579791587,0.099,,0.9776,,,0.0,0.1379,0.1667,,,,0.0747,,0.1054,0.1008,,0.9777,,,0.0,0.1379,0.1667,,,,0.0778,,0.1116,0.0999,,0.9776,,,0.0,0.1379,0.1667,,,,0.076,,0.1076,,block of flats,0.0817,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2215816,392381,Consumer loans,8507.295,76495.5,78192.0,7650.0,76495.5,MONDAY,19,Y,1,0.0970567490802341,,,XAP,Refused,-1361,Cash through the bank,LIMIT,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,750,Consumer electronics,12.0,high,POS household with interest,,,,,,,0,Cash loans,M,N,N,1,450000.0,450000.0,53536.5,450000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.072508,-13799,-1869,-7841.0,-2352,,1,1,1,1,1,0,Managers,3.0,1,1,TUESDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.6302954821863167,0.2730243212703329,0.0817255924524642,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1361.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,2.0 +1661326,237959,Cash loans,14746.455,135000.0,143910.0,,135000.0,WEDNESDAY,9,Y,0,,,,XNA,Approved,-735,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,40,Connectivity,12.0,middle,Cash X-Sell: middle,365243.0,-705.0,-375.0,-375.0,-367.0,1.0,0,Cash loans,F,N,Y,0,81000.0,513000.0,22725.0,513000.0,Children,Pensioner,Secondary / secondary special,Married,House / apartment,0.009175,-20892,365243,-4513.0,-2007,,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,XNA,,0.6630115168970956,0.6127042441012546,0.0701,0.0827,0.9776,,,0.0,0.1379,0.1667,,0.0513,,0.0638,,0.0076,0.0714,0.0858,0.9777,,,0.0,0.1379,0.1667,,0.0525,,0.0665,,0.008,0.0708,0.0827,0.9776,,,0.0,0.1379,0.1667,,0.0522,,0.065,,0.0078,,block of flats,0.0519,"Stone, brick",No,0.0,0.0,0.0,0.0,-345.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,7.0 +1435120,454377,Consumer loans,4837.32,34857.0,37732.5,0.0,34857.0,WEDNESDAY,14,Y,1,0.0,,,XAP,Approved,-1947,Cash through the bank,XAP,Unaccompanied,Repeater,Construction Materials,POS,XNA,Regional / Local,40,Furniture,10.0,high,POS industry with interest,365243.0,-1916.0,-1646.0,-1646.0,-1642.0,0.0,0,Cash loans,F,N,Y,0,81000.0,239850.0,23494.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.0105,-21984,365243,-5323.0,-3936,,1,0,0,1,0,0,,1.0,3,3,THURSDAY,12,0,0,0,0,0,0,XNA,,0.5189356162912311,0.7016957740576931,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1587.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1931591,156829,Cash loans,29440.8,450000.0,512370.0,,450000.0,FRIDAY,14,Y,1,,,,XNA,Approved,-687,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash X-Sell: high,365243.0,-657.0,393.0,-207.0,-202.0,1.0,0,Cash loans,F,N,Y,2,117000.0,970380.0,31302.0,810000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.026392000000000002,-10316,-109,-980.0,-1718,,1,1,1,1,0,0,,4.0,2,2,SATURDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.6926559704106638,0.6010728284885941,0.1674084472266241,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-990.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,3.0 +1331197,286630,Consumer loans,5467.635,36841.5,34474.5,4500.0,36841.5,THURSDAY,12,Y,1,0.12574655456539766,,,XAP,Approved,-2442,Cash through the bank,XAP,Children,New,Photo / Cinema Equipment,POS,XNA,Country-wide,23,Connectivity,8.0,low_normal,POS mobile with interest,365243.0,-2411.0,-2201.0,-2201.0,-2194.0,1.0,0,Cash loans,F,N,Y,2,90000.0,257391.0,18432.0,238500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018029,-14138,-558,-903.0,-4766,,1,1,0,1,0,0,Core staff,4.0,3,3,WEDNESDAY,9,0,0,0,0,0,0,Self-employed,0.4509208642485311,0.661289558329338,0.324891229465852,,,0.9876,,,,,,,,,0.0029,,,,,0.9876,,,,,,,,,0.003,,,,,0.9876,,,,,,,,,0.003,,,,block of flats,0.0023,,Yes,1.0,0.0,1.0,0.0,-1898.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1027304,296605,Revolving loans,2250.0,45000.0,45000.0,,45000.0,MONDAY,9,Y,1,,,,XAP,Approved,-156,XNA,XAP,Family,Repeater,XNA,Cards,walk-in,Regional / Local,195,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,1,112500.0,610335.0,22050.0,463500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-18800,365243,-12699.0,-2343,,1,0,0,1,0,0,,3.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,XNA,,0.2394943616965817,0.4938628816996244,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-156.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,4.0 +1187864,242764,Consumer loans,5419.17,40455.0,43915.5,4500.0,40455.0,WEDNESDAY,15,Y,1,0.10122603486298992,,,XAP,Approved,-1667,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Stone,90,Connectivity,10.0,middle,POS mobile with interest,365243.0,-1636.0,-1366.0,-1396.0,-1390.0,0.0,0,Cash loans,M,Y,Y,1,121500.0,247500.0,12766.5,247500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-16791,-5589,-3222.0,-335,3.0,1,1,0,1,0,1,Laborers,3.0,2,2,THURSDAY,10,0,0,0,0,0,0,Other,0.6609036293643129,0.5069935868679112,0.375711009574066,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1187.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2835715,295592,Consumer loans,2692.395,33349.5,26676.0,6673.5,33349.5,THURSDAY,14,Y,1,0.217935746617436,,,XAP,Approved,-57,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,17,Connectivity,12.0,middle,POS mobile with interest,365243.0,365243.0,349.0,365243.0,365243.0,0.0,1,Cash loans,F,N,N,0,76500.0,1098000.0,32103.0,1098000.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.010556,-22093,365243,-6085.0,-3502,,1,0,0,1,1,0,,1.0,3,3,THURSDAY,14,0,0,0,0,0,0,XNA,,0.5489428508918954,0.2276129150623945,0.3371,0.5461,0.9851,0.7959999999999999,0.0945,0.0,0.1379,0.125,0.1667,0.1063,0.2749,0.2678,0.0,0.2376,0.3435,0.5667,0.9851,0.804,0.0954,0.0,0.1379,0.125,0.1667,0.1088,0.3003,0.279,0.0,0.2515,0.3404,0.5461,0.9851,0.7987,0.0951,0.0,0.1379,0.125,0.1667,0.1082,0.2796,0.2726,0.0,0.2426,reg oper account,block of flats,0.2758,"Stone, brick",No,3.0,2.0,3.0,2.0,-2010.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2705259,455988,Revolving loans,11250.0,225000.0,225000.0,,225000.0,MONDAY,11,Y,1,,,,XAP,Approved,-413,XNA,XAP,,Repeater,XNA,Cards,walk-in,Country-wide,4200,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,112500.0,143910.0,14233.5,135000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.019101,-15164,-2147,-2579.0,-643,,1,1,1,1,1,0,Drivers,1.0,2,2,MONDAY,11,0,0,0,0,1,1,Self-employed,,0.7079543895211422,0.2735646775174348,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1815.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2258510,279755,Consumer loans,4461.075,26955.0,26955.0,0.0,26955.0,WEDNESDAY,17,Y,1,0.0,,,XAP,Approved,-1729,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,25,Connectivity,8.0,high,POS mobile with interest,365243.0,-1690.0,-1480.0,-1600.0,-1592.0,0.0,0,Cash loans,M,Y,Y,0,112500.0,312003.0,17055.0,211500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010966,-11062,-3431,-720.0,-3703,4.0,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 2,,0.5856835312511854,0.32173528219668485,0.168,0.0938,0.9831,0.7688,0.0065,0.0,0.069,0.1667,0.2083,0.0773,0.1353,0.0722,0.0077,0.02,0.1712,0.0973,0.9831,0.7779,0.0065,0.0,0.069,0.1667,0.2083,0.0791,0.1478,0.0752,0.0078,0.0211,0.1697,0.0938,0.9831,0.7719,0.0065,0.0,0.069,0.1667,0.2083,0.0786,0.1377,0.0735,0.0078,0.0204,reg oper account,block of flats,0.0647,"Stone, brick",No,3.0,0.0,3.0,0.0,-1942.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1289610,269821,Revolving loans,2250.0,45000.0,45000.0,,45000.0,MONDAY,15,Y,1,,,,XAP,Approved,-257,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,-81.0,0.0,0,Cash loans,M,N,Y,0,112500.0,47970.0,4873.5,45000.0,Unaccompanied,Working,Secondary / secondary special,Married,Rented apartment,0.007114,-18060,-1047,-4000.0,-1612,,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.6857465937819092,0.7597121819739279,0.0804,,0.9866,,,0.04,0.0345,0.1667,,0.0275,,0.0196,,0.0,0.0819,,0.9866,,,0.0403,0.0345,0.1667,,0.0282,,0.0204,,0.0,0.0812,,0.9866,,,0.04,0.0345,0.1667,,0.028,,0.02,,0.0,,block of flats,0.0356,"Stone, brick",No,0.0,0.0,0.0,0.0,-1800.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1254531,160967,Consumer loans,24017.22,162180.0,162180.0,0.0,162180.0,FRIDAY,10,Y,1,0.0,,,XAP,Approved,-83,XNA,XAP,,Repeater,Mobile,POS,XNA,Stone,30,Connectivity,8.0,middle,POS mobile with interest,365243.0,-48.0,162.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,N,0,180000.0,704844.0,34038.0,630000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Municipal apartment,0.007305,-17710,-6937,-2631.0,-1268,7.0,1,1,0,1,0,0,Sales staff,1.0,3,3,THURSDAY,7,0,0,0,0,0,0,Self-employed,,0.08639606933972536,0.6528965519806539,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2110725,152254,Consumer loans,5457.15,38610.0,39960.0,2250.0,38610.0,SATURDAY,8,Y,1,0.058053886412095364,,,XAP,Approved,-1941,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,67,Connectivity,12.0,high,POS mobile with interest,365243.0,-1910.0,-1580.0,-1790.0,-1786.0,0.0,0,Cash loans,F,N,N,0,171000.0,315000.0,15448.5,315000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.022625,-14861,-1155,-2614.0,-887,,1,1,1,1,0,0,Core staff,2.0,2,2,SUNDAY,15,0,0,0,1,1,0,Kindergarten,0.5902938677604239,0.7681066967913728,0.4596904504249018,0.0,,0.0,,,0.0,,,,,,,,,0.0,,0.0005,,,0.0,,,,,,,,,0.0,,0.0,,,0.0,,,,,,,,,,block of flats,0.0,,No,0.0,0.0,0.0,0.0,-1941.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1560290,255790,Cash loans,47041.335,450000.0,470790.0,,450000.0,THURSDAY,15,Y,1,,,,XNA,Approved,-953,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-923.0,-593.0,-593.0,-585.0,1.0,0,Revolving loans,M,Y,N,0,270000.0,540000.0,27000.0,540000.0,Unaccompanied,Working,Higher education,Single / not married,With parents,0.019101,-16002,-5113,-1725.0,-3067,2.0,1,1,0,1,1,0,Drivers,1.0,2,2,FRIDAY,16,0,0,0,0,0,0,Self-employed,0.2815596643825417,0.5875978192182807,0.31703177858344445,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-273.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1200105,451058,Cash loans,,0.0,0.0,,,TUESDAY,16,Y,1,,,,XNA,Refused,-293,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,157500.0,276277.5,13288.5,238500.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.025164,-21413,-6147,-5323.0,-4368,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Industry: type 7,,0.2631435910213423,,0.0619,0.0507,0.9786,0.7076,0.0281,0.0,0.1379,0.1667,0.2083,0.0671,0.0504,0.0538,0.0,0.0101,0.063,0.0526,0.9786,0.7190000000000001,0.0284,0.0,0.1379,0.1667,0.2083,0.0686,0.0551,0.056,0.0,0.0,0.0625,0.0507,0.9786,0.7115,0.0283,0.0,0.1379,0.1667,0.2083,0.0682,0.0513,0.0547,0.0,0.0104,reg oper account,block of flats,0.0467,Panel,No,4.0,0.0,4.0,0.0,-916.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1887339,404802,Cash loans,25750.8,112500.0,130522.5,,112500.0,TUESDAY,9,Y,1,,,,XNA,Approved,-422,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,high,Cash X-Sell: high,365243.0,-392.0,-242.0,-242.0,-235.0,1.0,1,Cash loans,M,Y,N,0,180000.0,247275.0,22680.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-18963,-1168,-11591.0,-2494,14.0,1,1,1,1,1,0,Drivers,2.0,2,2,SUNDAY,9,0,0,0,0,0,0,Self-employed,,0.2536240581969314,0.07249667675378216,0.0433,0.0494,0.9737,,,0.0,0.1034,0.125,,0.0393,,0.0347,,0.002,0.0252,0.0413,0.9732,,,0.0,0.069,0.0833,,0.0251,,0.0193,,0.0,0.0437,0.0494,0.9737,,,0.0,0.1034,0.125,,0.04,,0.0353,,0.002,,block of flats,0.028,Block,No,0.0,0.0,0.0,0.0,-611.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2402311,254015,Cash loans,9292.995,135000.0,161730.0,,135000.0,TUESDAY,15,Y,1,,,,XNA,Refused,-868,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash X-Sell: high,,,,,,,1,Cash loans,F,N,Y,0,67500.0,360000.0,19660.5,360000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.009656999999999999,-21666,365243,-13675.0,-4855,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,17,0,0,0,1,0,0,XNA,,0.04281030078666087,0.6512602186973006,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,3.0,8.0,3.0,-21.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1887329,199002,Cash loans,19151.1,450000.0,533160.0,,450000.0,MONDAY,12,Y,1,,,,XNA,Approved,-728,Non-cash from your account,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,1,Cash loans,F,N,Y,0,105750.0,284400.0,16456.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.009656999999999999,-23987,365243,-10692.0,-3910,,1,0,0,1,0,0,,1.0,2,2,MONDAY,14,0,0,0,0,0,0,XNA,0.6811842006242236,0.2972432547920081,0.4329616670974407,0.1649,0.1739,0.9757,,,0.0,0.2759,0.1667,,0.1411,,0.1541,,0.0,0.1681,0.1805,0.9757,,,0.0,0.2759,0.1667,,0.1443,,0.1606,,0.0,0.1665,0.1739,0.9757,,,0.0,0.2759,0.1667,,0.1436,,0.1569,,0.0,,block of flats,0.1318,Panel,No,1.0,1.0,1.0,1.0,-2590.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1000981,326686,Cash loans,19548.99,225000.0,247275.0,,225000.0,WEDNESDAY,9,Y,1,,,,Repairs,Approved,-299,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Country-wide,34,Connectivity,18.0,middle,Cash Street: middle,365243.0,-269.0,241.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,0,171000.0,229500.0,21177.0,229500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-19929,365243,-3469.0,-3477,10.0,1,0,0,1,0,1,,2.0,2,2,MONDAY,9,0,0,0,0,0,0,XNA,,0.222569891675602,0.05882590047568205,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-299.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1373532,273448,Consumer loans,3883.86,93231.0,83344.5,9886.5,93231.0,SATURDAY,11,Y,1,0.11549052646359335,,,XAP,Approved,-2770,Cash through the bank,XAP,Children,Repeater,Consumer Electronics,POS,XNA,Country-wide,-1,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-2739.0,-2049.0,-2109.0,-2104.0,0.0,0,Cash loans,F,N,N,0,90000.0,260725.5,16078.5,198000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,Municipal apartment,0.02461,-22587,365243,-9407.0,-4349,,1,0,0,1,1,0,,1.0,2,2,THURSDAY,10,0,0,0,0,0,0,XNA,0.4485014686974674,0.7144488438690142,0.7958031328748403,0.1485,0.1551,0.9871,0.8232,0.0354,0.16,0.1379,0.3333,0.375,0.0744,0.1202,0.1499,0.0039,0.0052,0.1513,0.1609,0.9871,0.8301,0.0358,0.1611,0.1379,0.3333,0.375,0.0761,0.1313,0.1562,0.0039,0.0055,0.1499,0.1551,0.9871,0.8256,0.0357,0.16,0.1379,0.3333,0.375,0.0757,0.1223,0.1526,0.0039,0.0053,,block of flats,0.1761,Panel,No,7.0,0.0,7.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2668245,213564,Consumer loans,11700.0,160186.5,160186.5,0.0,160186.5,MONDAY,3,Y,1,0.0,,,XAP,Approved,-691,XNA,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,943,Consumer electronics,18.0,middle,POS household with interest,365243.0,-660.0,-150.0,-180.0,-174.0,0.0,0,Cash loans,M,Y,Y,1,360000.0,752742.0,40234.5,697500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.014464,-13573,-3664,-2587.0,-3452,16.0,1,1,0,1,0,1,Security staff,2.0,2,2,SATURDAY,7,0,0,0,0,0,0,Security,0.33410954499523154,0.7347465965410063,0.5136937663039473,0.0619,0.0703,0.9841,0.7824,0.0,0.0,0.1379,0.1667,0.0,0.0801,0.0504,0.0572,0.0,0.0,0.063,0.073,0.9841,0.7909,0.0,0.0,0.1379,0.1667,0.0,0.08199999999999999,0.0551,0.0596,0.0,0.0,0.0625,0.0703,0.9841,0.7853,0.0,0.0,0.1379,0.1667,0.0,0.0815,0.0513,0.0582,0.0,0.0,reg oper account,block of flats,0.045,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,5.0,0.0,1.0 +2004754,429946,Cash loans,9075.6,180000.0,180000.0,,180000.0,MONDAY,12,Y,1,,,,XNA,Approved,-1218,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,N,0,117000.0,398016.0,20349.0,360000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.009549,-24005,365243,-14706.0,-4385,,1,0,0,1,1,0,,1.0,2,2,FRIDAY,12,0,0,0,0,0,0,XNA,,0.24469423112805885,0.6785676886853644,0.2546,0.0777,0.9796,,,,0.6207,0.1667,,0.1727,,0.2482,,0.0341,0.2595,0.0807,0.9796,,,,0.6207,0.1667,,0.1766,,0.2586,,0.0361,0.2571,0.0777,0.9796,,,,0.6207,0.1667,,0.1757,,0.2527,,0.0348,,block of flats,0.2341,Panel,No,0.0,0.0,0.0,0.0,-955.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +2057848,121789,Cash loans,51756.75,270000.0,277308.0,,270000.0,THURSDAY,16,Y,1,,,,XNA,Approved,-406,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-376.0,-226.0,-256.0,-249.0,1.0,0,Cash loans,F,N,Y,0,157500.0,315000.0,31153.5,315000.0,Unaccompanied,Commercial associate,Higher education,Widow,House / apartment,0.032561,-19122,-1761,-7154.0,-2569,,1,1,1,1,1,0,,1.0,1,1,THURSDAY,12,0,0,0,0,0,0,Housing,,0.7550214926220341,0.7583930617144343,0.3278,0.15,0.9876,0.83,0.1102,0.4,0.1724,0.4583,0.5,0.0894,0.248,0.3634,0.0888,0.0305,0.334,0.1557,0.9876,0.8367,0.1112,0.4028,0.1724,0.4583,0.5,0.0914,0.2709,0.3786,0.0895,0.0322,0.331,0.15,0.9876,0.8323,0.1109,0.4,0.1724,0.4583,0.5,0.0909,0.2522,0.3699,0.0893,0.0311,org spec account,block of flats,0.2924,Panel,No,0.0,0.0,0.0,0.0,-1713.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1743916,233535,Cash loans,23791.545,315000.0,354568.5,,315000.0,TUESDAY,6,Y,1,,,,XNA,Approved,-825,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-795.0,-285.0,-285.0,-267.0,1.0,0,Cash loans,F,N,Y,0,135000.0,284031.0,14499.0,229500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018029,-20552,365243,-3106.0,-3106,,1,0,0,1,1,0,,2.0,3,3,MONDAY,6,0,0,0,0,0,0,XNA,0.6464066855258029,0.4325012226211027,0.4471785780453068,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1920.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +1330722,400702,Consumer loans,4897.575,35901.0,35451.0,450.0,35901.0,SATURDAY,17,Y,1,0.013651177100663185,,,XAP,Approved,-373,XNA,XAP,,New,Mobile,POS,XNA,Regional / Local,30,Connectivity,10.0,high,POS mobile with interest,365243.0,-338.0,-68.0,-98.0,-92.0,0.0,0,Revolving loans,F,N,N,0,67500.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.009334,-9763,-2083,-4633.0,-2421,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,15,0,0,0,0,0,0,Business Entity Type 1,0.3343711561407475,0.6174485633078872,,0.1948,0.1199,0.9846,0.7892,0.0322,0.2,0.1724,0.3333,0.375,0.0215,0.1589,0.1802,0.0,0.0,0.1985,0.1244,0.9846,0.7975,0.0325,0.2014,0.1724,0.3333,0.375,0.022,0.1736,0.1877,0.0,0.0,0.1967,0.1199,0.9846,0.792,0.0324,0.2,0.1724,0.3333,0.375,0.0219,0.1616,0.1834,0.0,0.0,org spec account,block of flats,0.1593,Panel,No,1.0,0.0,1.0,0.0,-373.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1889914,232273,Consumer loans,2994.21,21865.5,21235.5,2250.0,21865.5,FRIDAY,15,Y,1,0.1043390409169294,,,XAP,Approved,-1482,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,10.0,high,POS mobile with interest,365243.0,-1445.0,-1175.0,-1205.0,-1200.0,0.0,0,Cash loans,F,Y,Y,0,103950.0,553806.0,24394.5,495000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.031329,-22526,365243,-2128.0,-2108,7.0,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,XNA,,0.4527724410098788,0.5549467685334323,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1657.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2198875,156490,Consumer loans,6974.595,38250.0,38250.0,0.0,38250.0,WEDNESDAY,15,Y,1,0.0,,,XAP,Approved,-115,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Regional / Local,448,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-85.0,65.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,2,63000.0,112500.0,11254.5,112500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-12437,-103,-1485.0,-4684,,1,1,1,1,0,0,Laborers,4.0,2,2,SATURDAY,12,0,0,0,1,1,0,Industry: type 9,,0.030745474435373017,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,15.0,1.0,15.0,1.0,-1137.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2082608,246735,Cash loans,55100.565,675000.0,709749.0,,675000.0,MONDAY,14,Y,1,,,,XNA,Approved,-588,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-558.0,-48.0,-138.0,-134.0,1.0,0,Cash loans,F,Y,Y,0,315000.0,733315.5,71437.5,679500.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.04622,-13327,-3877,-7725.0,-4919,4.0,1,1,0,1,0,0,,1.0,1,1,MONDAY,11,0,1,1,0,0,0,Business Entity Type 3,,0.7643779535492761,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-916.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1091579,125659,Cash loans,7635.15,67500.0,71955.0,,67500.0,THURSDAY,9,Y,1,,,,Urgent needs,Refused,-223,Cash through the bank,HC,Family,Repeater,XNA,Cash,walk-in,Country-wide,42,Connectivity,12.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,N,0,225000.0,1086786.0,31275.0,778500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0031219999999999998,-20246,-2088,-2433.0,-3476,,1,1,0,1,0,0,,2.0,3,3,WEDNESDAY,11,0,0,0,0,0,0,School,,0.04333395829140485,0.2608559142068693,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-441.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2451231,448781,Consumer loans,11959.2,121419.0,119592.0,12600.0,121419.0,SUNDAY,11,Y,1,0.10380768469003766,,,XAP,Approved,-1039,Cash through the bank,XAP,"Spouse, partner",Repeater,Furniture,POS,XNA,Stone,270,Furniture,12.0,middle,POS industry with interest,365243.0,-1008.0,-678.0,-768.0,-759.0,0.0,0,Cash loans,F,Y,Y,1,135000.0,314100.0,16573.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.020713,-12287,-2995,-4730.0,-4256,16.0,1,1,0,1,0,0,,3.0,3,3,WEDNESDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.3513671002551024,0.5771206807164158,0.6610235391308081,,,0.9722,,,,0.069,0.0417,,0.0,,0.0078,,,,,0.9722,,,,0.069,0.0417,,0.0,,0.0081,,,,,0.9722,,,,0.069,0.0417,,0.0,,0.0079,,,,block of flats,0.0064,Wooden,Yes,4.0,0.0,4.0,0.0,-1740.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1692120,203449,Consumer loans,2608.965,24840.0,22356.0,2484.0,24840.0,SATURDAY,14,Y,1,0.1089090909090909,,,XAP,Approved,-2910,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Stone,721,Connectivity,12.0,high,POS mobile with interest,365243.0,-2877.0,-2547.0,-2607.0,-2594.0,0.0,0,Cash loans,F,N,Y,0,41400.0,225000.0,8082.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.031329,-23503,365243,-6768.0,-4320,,1,0,0,1,1,0,,1.0,2,2,THURSDAY,10,0,0,0,0,0,0,XNA,,0.3313236938622792,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2283.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1661034,123580,Cash loans,11915.1,157500.0,178290.0,,157500.0,MONDAY,13,Y,1,,,,XNA,Approved,-978,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,202500.0,755190.0,29947.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.009175,-19689,365243,-5684.0,-3221,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,15,0,0,0,0,0,0,XNA,,0.6794026067467439,0.7850520263728172,0.249,0.1291,0.9901,,,0.24,0.2069,0.375,,,,,,,0.1712,0.1099,0.9901,,,0.1611,0.1379,0.375,,,,,,,0.2514,0.1291,0.9901,,,0.24,0.2069,0.375,,,,,,,,block of flats,0.2689,Panel,No,18.0,1.0,18.0,0.0,-1335.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1923568,375307,Consumer loans,5188.5,44955.0,44460.0,4500.0,44955.0,TUESDAY,15,Y,1,0.10010026737967914,,,XAP,Approved,-2279,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Stone,50,Connectivity,12.0,high,POS mobile with interest,365243.0,-2248.0,-1918.0,-1918.0,-1903.0,1.0,0,Cash loans,F,N,Y,0,112500.0,548775.0,30771.0,508500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.015221,-18474,-2356,-262.0,-2012,,1,1,0,1,0,0,Accountants,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Government,,0.3075759346853939,0.22009464485041005,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1521.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1789591,108597,Consumer loans,11259.9,51412.5,54126.0,0.0,51412.5,FRIDAY,9,Y,1,0.0,,,XAP,Approved,-263,Cash through the bank,XAP,,Refreshed,Jewelry,POS,XNA,Regional / Local,40,Industry,6.0,high,POS other with interest,365243.0,-232.0,-82.0,-112.0,-107.0,0.0,0,Cash loans,F,N,Y,1,90000.0,197820.0,15664.5,180000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.031329,-16346,-1973,-1392.0,-4883,,1,1,1,1,0,0,High skill tech staff,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,Transport: type 3,,0.2622583692422573,0.6041125998015721,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,2.0,3.0,1.0,-2456.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2765492,146645,Consumer loans,5354.955,50985.0,45886.5,5098.5,50985.0,FRIDAY,9,Y,1,0.1089090909090909,,,XAP,Approved,-745,XNA,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,30,Consumer electronics,10.0,middle,POS household with interest,365243.0,-709.0,-439.0,-439.0,-435.0,0.0,0,Cash loans,F,N,Y,0,135000.0,942300.0,36643.5,675000.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,House / apartment,0.01885,-10720,-2219,-2158.0,-1869,,1,1,0,1,0,0,Laborers,1.0,2,2,MONDAY,15,0,0,0,0,0,0,Other,0.479647836051248,0.6607505666958773,0.8633633824101478,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1447203,176645,Consumer loans,8128.575,58410.0,60979.5,2925.0,58410.0,THURSDAY,16,Y,1,0.04984924237089576,,,XAP,Approved,-1803,Cash through the bank,XAP,"Spouse, partner",New,Mobile,POS,XNA,Stone,348,Consumer electronics,12.0,high,POS household with interest,365243.0,-1772.0,-1442.0,-1652.0,-1646.0,0.0,0,Cash loans,F,Y,Y,0,135000.0,503676.0,25879.5,382500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0228,-11766,-995,-2600.0,-707,11.0,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,13,0,0,0,0,0,0,Self-employed,0.0634875220910087,0.5638330099362393,0.4974688893052743,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-761.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2765876,265102,Consumer loans,35016.03,226350.0,188847.0,45270.0,226350.0,SATURDAY,13,Y,1,0.2105919068437808,,,XAP,Approved,-574,Cash through the bank,XAP,,New,Vehicles,POS,XNA,Regional / Local,14142,Auto technology,6.0,middle,POS other with interest,365243.0,-543.0,-393.0,-393.0,-391.0,0.0,0,Cash loans,F,N,Y,0,270000.0,1063719.0,49419.0,859500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.04622,-14973,-1012,-6409.0,-4421,,1,1,0,1,0,0,Accountants,1.0,1,1,SATURDAY,16,0,0,0,0,1,1,Business Entity Type 3,,0.6540377186930482,0.5638350489514956,0.0619,0.0,0.9796,0.7212,0.008,0.0,0.1379,0.1667,0.2083,0.0,0.0504,0.0608,0.0,0.0,0.063,0.0,0.9796,0.7321,0.0081,0.0,0.1379,0.1667,0.2083,0.0,0.0551,0.0634,0.0,0.0,0.0625,0.0,0.9796,0.7249,0.0081,0.0,0.1379,0.1667,0.2083,0.0,0.0513,0.0619,0.0,0.0,reg oper account,block of flats,0.0478,Panel,No,0.0,0.0,0.0,0.0,-574.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1176674,280715,Cash loans,17120.52,72000.0,83785.5,,72000.0,SUNDAY,13,Y,1,,,,Repairs,Approved,-368,Cash through the bank,XAP,,New,XNA,Cash,walk-in,Credit and cash offices,0,XNA,6.0,high,Cash Street: high,365243.0,-338.0,-188.0,-188.0,-179.0,1.0,0,Revolving loans,M,Y,Y,0,90000.0,247500.0,12375.0,247500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.022625,-20020,365243,-6985.0,-3096,4.0,1,0,0,1,0,0,,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,XNA,0.6389693098403266,0.6071498440555233,0.7407990879702335,0.2639,0.0806,0.9791,0.7144,0.1207,0.16,0.069,0.625,0.6667,0.126,0.2152,0.2368,0.0,0.0,0.2689,0.0837,0.9791,0.7256,0.1218,0.1611,0.069,0.625,0.6667,0.1289,0.2351,0.2467,0.0,0.0,0.2665,0.0806,0.9791,0.7182,0.1215,0.16,0.069,0.625,0.6667,0.1282,0.2189,0.241,0.0,0.0,reg oper account,block of flats,0.2522,Panel,No,2.0,0.0,2.0,0.0,-368.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2620955,177058,Consumer loans,16767.63,179910.0,179910.0,0.0,179910.0,FRIDAY,12,Y,1,0.0,,,XAP,Refused,-2397,Cash through the bank,LIMIT,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,3570,Consumer electronics,16.0,high,POS household with interest,,,,,,,0,Cash loans,M,N,Y,0,351000.0,824823.0,21888.0,688500.0,,Working,Higher education,Single / not married,House / apartment,0.018634,-10608,-426,-7133.0,-3206,,1,1,0,1,0,0,Laborers,1.0,2,2,MONDAY,17,0,0,0,0,0,0,Industry: type 11,,0.5197980896662465,0.6161216908872079,0.1856,0.1636,0.9901,0.8572,0.0271,0.16,0.1379,0.3333,0.375,1.0,0.1513,0.1861,0.0039,0.0321,0.1891,0.1698,0.9901,0.8628,0.0273,0.1611,0.1379,0.3333,0.375,1.0,0.1653,0.1939,0.0039,0.034,0.1874,0.1636,0.9901,0.8591,0.0272,0.16,0.1379,0.3333,0.375,1.0,0.1539,0.1895,0.0039,0.0328,,block of flats,0.1963,"Stone, brick",No,0.0,0.0,0.0,0.0,-1800.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1494305,216410,Consumer loans,8901.135,48505.5,43654.5,4851.0,48505.5,THURSDAY,4,Y,1,0.10891919473049444,,,XAP,Approved,-1233,Non-cash from your account,XAP,,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,6.0,high,POS mobile with interest,365243.0,-987.0,-837.0,-987.0,-984.0,0.0,0,Cash loans,F,N,Y,2,157500.0,573628.5,22878.0,463500.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.006629,-13327,-3795,-4959.0,-4973,,1,1,0,1,0,0,Sales staff,4.0,2,2,FRIDAY,4,0,0,0,0,0,0,Self-employed,,0.4464466388525508,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1431.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1532522,354098,Cash loans,26327.97,450000.0,512370.0,,450000.0,SATURDAY,13,Y,1,,,,XNA,Approved,-660,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-630.0,420.0,-480.0,-470.0,1.0,0,Cash loans,F,N,Y,0,175500.0,675000.0,32602.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.026392000000000002,-19382,365243,-10219.0,-2924,,1,0,0,1,0,0,,1.0,2,2,MONDAY,12,0,0,0,0,0,0,XNA,0.4106653925335566,0.4977003367050018,0.17560597946937906,0.134,0.1564,0.9791,,,0.0,0.2759,0.1667,,0.1257,,0.1208,,0.0899,0.1366,0.1623,0.9791,,,0.0,0.2759,0.1667,,0.1286,,0.1259,,0.0952,0.1353,0.1564,0.9791,,,0.0,0.2759,0.1667,,0.1279,,0.123,,0.0918,,block of flats,0.1146,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1486384,136636,Cash loans,22962.33,315000.0,349929.0,0.0,315000.0,THURSDAY,15,Y,1,0.0,,,XNA,Approved,-2333,Non-cash from your account,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,middle,Cash Street: middle,365243.0,-2303.0,-1613.0,-1613.0,-1609.0,1.0,0,Cash loans,M,Y,N,0,180000.0,1454094.0,39987.0,1138500.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.035792000000000004,-20919,-8812,-12971.0,-4370,13.0,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,15,0,0,0,0,0,0,Other,0.6340487208708113,0.7647125568982346,0.622922000268356,0.0479,0.0799,0.9841,0.7824,0.0072,0.0,0.1379,0.1042,0.1042,0.0391,0.0345,0.045,0.0212,0.036000000000000004,0.0347,0.0682,0.9722,0.6341,0.0016,0.0,0.1034,0.0833,0.0417,0.0219,0.0294,0.0392,0.0039,0.0202,0.0484,0.0799,0.9841,0.7853,0.0072,0.0,0.1379,0.1042,0.1042,0.0397,0.0351,0.0458,0.0214,0.0368,reg oper account,block of flats,0.0337,"Stone, brick",No,0.0,0.0,0.0,0.0,-2551.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2739393,204592,Cash loans,25929.315,450000.0,572544.0,,450000.0,SATURDAY,13,Y,1,,,,XNA,Refused,-1046,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,30.0,low_normal,Cash Street: low,,,,,,,0,Revolving loans,F,N,Y,1,112500.0,315000.0,15750.0,315000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.031329,-13096,-1810,-461.0,-4383,,1,1,0,1,0,0,,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.7045064166006577,0.6109913280868294,0.1031,0.0,0.9771,0.6872,0.0199,0.0,0.069,0.1667,0.2083,0.017,0.0832,0.0283,0.0039,0.0009,0.105,0.0,0.9772,0.6994,0.0201,0.0,0.069,0.1667,0.2083,0.0174,0.0909,0.0295,0.0039,0.001,0.1041,0.0,0.9771,0.6914,0.0201,0.0,0.069,0.1667,0.2083,0.0173,0.0847,0.0288,0.0039,0.0009,reg oper account,block of flats,0.0225,"Stone, brick",No,0.0,0.0,0.0,0.0,-1243.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +2681519,184840,Consumer loans,17811.72,119160.0,107235.0,11925.0,119160.0,TUESDAY,17,Y,1,0.10899134853062342,,,XAP,Approved,-815,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,30,Connectivity,8.0,high,POS mobile with interest,365243.0,-776.0,-566.0,-566.0,-558.0,0.0,0,Cash loans,M,Y,Y,0,270000.0,1762110.0,71901.0,1575000.0,Family,Working,Higher education,Single / not married,House / apartment,0.010006000000000001,-10275,-140,-5109.0,-2713,16.0,1,1,0,1,0,0,Sales staff,1.0,2,2,FRIDAY,15,0,0,0,0,1,1,Business Entity Type 3,,0.5355857742633934,0.5136937663039473,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-815.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1376972,339999,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SUNDAY,10,Y,1,,,,XAP,Approved,-200,XNA,XAP,Unaccompanied,New,XNA,Cards,walk-in,Regional / Local,350,Consumer electronics,0.0,XNA,Card Street,-174.0,-126.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,2,99000.0,551079.0,28984.5,418500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.007305,-10371,-1071,-2823.0,-2815,,1,1,0,1,1,0,Core staff,4.0,3,3,THURSDAY,12,0,0,0,0,0,0,Kindergarten,,0.007842732261024894,,0.1619,0.1416,0.9871,0.8232,0.0549,0.16,0.1379,0.3333,0.375,0.0685,0.1294,0.1187,0.0116,0.0646,0.1649,0.147,0.9871,0.8301,0.0554,0.1611,0.1379,0.3333,0.375,0.0701,0.1414,0.1236,0.0117,0.0684,0.1634,0.1416,0.9871,0.8256,0.0553,0.16,0.1379,0.3333,0.375,0.0697,0.1317,0.1208,0.0116,0.066,reg oper account,block of flats,0.1374,Panel,No,0.0,0.0,0.0,0.0,-200.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2291404,128551,Cash loans,15001.74,229500.0,254340.0,,229500.0,WEDNESDAY,16,Y,1,,,,XNA,Approved,-1007,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-977.0,-287.0,-647.0,-639.0,1.0,0,Cash loans,F,N,Y,0,153000.0,284400.0,16011.0,225000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-24031,365243,-4291.0,-4330,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,XNA,,0.5023252973976471,,0.0247,0.0523,0.9742,0.6464,0.0163,0.0,0.1034,0.0417,0.0417,0.009000000000000001,0.0202,0.0121,0.0,0.006,0.0252,0.0543,0.9742,0.6602,0.0164,0.0,0.1034,0.0417,0.0417,0.0092,0.022,0.0126,0.0,0.0064,0.025,0.0523,0.9742,0.6511,0.0164,0.0,0.1034,0.0417,0.0417,0.0091,0.0205,0.0124,0.0,0.0062,reg oper account,block of flats,0.0095,"Stone, brick",No,1.0,0.0,1.0,0.0,-1007.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2477214,196634,Cash loans,19084.23,292500.0,324162.0,,292500.0,THURSDAY,10,Y,1,,,,XNA,Approved,-574,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-544.0,146.0,-424.0,-417.0,1.0,0,Cash loans,F,N,Y,0,135000.0,665892.0,19597.5,477000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-22237,365243,-2766.0,-4479,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,XNA,0.7850295385212679,0.6598922210479089,0.5779691187553125,0.0082,0.0,0.9642,0.5104,0.0013,0.0,0.0345,0.0417,0.0833,0.0473,0.0067,0.0105,0.0,0.0,0.0084,0.0,0.9643,0.5296,0.0014,0.0,0.0345,0.0417,0.0833,0.0484,0.0073,0.0109,0.0,0.0,0.0083,0.0,0.9642,0.5169,0.0014,0.0,0.0345,0.0417,0.0833,0.0482,0.0068,0.0107,0.0,0.0,reg oper account,block of flats,0.009000000000000001,Others,No,12.0,3.0,12.0,2.0,-1436.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2631448,183149,Consumer loans,12347.55,116999.73,115722.0,11704.23,116999.73,SATURDAY,21,Y,1,0.10003411770801893,,,XAP,Approved,-1223,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,2000,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1191.0,-861.0,-1011.0,-1004.0,0.0,0,Cash loans,F,N,Y,0,247500.0,927571.5,49086.0,859500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,Rented apartment,0.030755,-20766,-4129,-1909.0,-653,,1,1,1,1,1,0,Managers,1.0,2,2,THURSDAY,13,0,0,0,1,1,0,Self-employed,0.5648750535552436,0.6645341913801509,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1223.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1918199,383306,Cash loans,22569.885,450000.0,512370.0,,450000.0,TUESDAY,7,Y,1,,,,XNA,Refused,-300,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,225000.0,435717.0,25474.5,394101.0,Unaccompanied,State servant,Higher education,Widow,House / apartment,0.008068,-19173,-477,-1050.0,-2691,,1,1,1,1,0,0,Core staff,1.0,3,3,MONDAY,9,0,0,0,0,0,0,School,,0.13904223077517766,0.32173528219668485,0.0423,,0.9737,,,,0.1034,0.1667,,,,0.0379,,,0.0431,,0.9737,,,,0.1034,0.1667,,,,0.0395,,,0.0427,,0.9737,,,,0.1034,0.1667,,,,0.0386,,,,block of flats,0.0298,"Stone, brick",No,0.0,0.0,0.0,0.0,-966.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1159604,442205,Cash loans,25843.635,490500.0,539059.5,,490500.0,SATURDAY,10,Y,1,,,,XNA,Approved,-1368,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,low_normal,Cash X-Sell: low,365243.0,-1338.0,-468.0,-693.0,-681.0,1.0,0,Cash loans,F,N,Y,0,292500.0,370629.0,13441.5,306000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.04622,-23274,-2241,-12661.0,-3862,,1,1,0,1,0,0,,1.0,1,1,TUESDAY,15,0,0,0,0,0,0,School,,0.7558497112459993,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1552.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1974573,309564,Consumer loans,8671.05,61110.0,55548.0,9000.0,61110.0,THURSDAY,9,Y,1,0.15185316635400292,,,XAP,Approved,-2353,Cash through the bank,XAP,Family,Repeater,Other,POS,XNA,Stone,436,Consumer electronics,8.0,high,POS household with interest,365243.0,-2322.0,-2112.0,-2142.0,-2119.0,1.0,0,Revolving loans,M,Y,Y,0,90000.0,270000.0,13500.0,270000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-21622,365243,-217.0,-3901,8.0,1,0,0,1,1,0,,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,XNA,0.7521797452697594,0.6188628424739709,0.12217974403015852,0.0031,,,,,0.0,0.1034,0.0,,,,0.0014,,0.0036,0.0032,,,,,0.0,0.1034,0.0,,,,0.0015,,0.0038,0.0031,,,,,0.0,0.1034,0.0,,,,0.0014,,0.0037,,block of flats,0.0019,Wooden,No,0.0,0.0,0.0,0.0,-147.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2015871,419465,Consumer loans,12038.31,110295.0,100908.0,22050.0,110295.0,SATURDAY,13,Y,1,0.19530615775675056,,,XAP,Approved,-1208,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Regional / Local,250,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1176.0,-906.0,-936.0,-926.0,0.0,0,Cash loans,M,Y,Y,1,189000.0,239476.5,18661.5,193500.0,Unaccompanied,Working,Higher education,Separated,With parents,0.01885,-11031,-1947,-5235.0,-3702,5.0,1,1,0,1,0,1,High skill tech staff,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Other,,0.6642757720417982,0.3606125659189888,0.1485,,0.9856,0.8028,0.0,0.16,0.1379,0.3333,0.0417,0.1737,0.121,0.1539,0.0,0.0,0.1513,,0.9856,0.8105,0.0,0.1611,0.1379,0.3333,0.0417,0.1777,0.1322,0.1603,0.0,0.0,0.1499,,0.9856,0.8054,0.0,0.16,0.1379,0.3333,0.0417,0.1767,0.1231,0.1566,0.0,0.0,reg oper spec account,block of flats,0.1278,Panel,No,2.0,0.0,2.0,0.0,-313.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1411632,105598,Consumer loans,11824.83,116955.0,105259.5,11695.5,116955.0,WEDNESDAY,13,Y,1,0.1089090909090909,,,XAP,Approved,-1512,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Regional / Local,1491,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1481.0,-1211.0,-1211.0,-1206.0,0.0,0,Cash loans,F,Y,N,0,225000.0,824823.0,23769.0,688500.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.04622,-15902,-3256,-3218.0,-3394,1.0,1,1,0,1,1,0,,1.0,1,1,TUESDAY,11,0,0,0,0,0,0,Other,,0.6054586376759207,0.4974688893052743,0.0124,0.0,0.9692,0.5784,0.0023,0.0,0.069,0.0417,,0.0178,0.0101,0.0128,0.0,0.0,0.0126,0.0,0.9692,0.5949,0.0023,0.0,0.069,0.0417,,0.0182,0.011,0.0134,0.0,0.0,0.0125,0.0,0.9692,0.584,0.0023,0.0,0.069,0.0417,,0.0181,0.0103,0.0131,0.0,0.0,reg oper account,block of flats,0.0101,"Stone, brick",No,6.0,0.0,6.0,0.0,-1.0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2134773,320682,Consumer loans,4918.095,25605.0,24115.5,2700.0,25605.0,FRIDAY,6,Y,1,0.1096584234694656,,,XAP,Approved,-647,XNA,XAP,Unaccompanied,Refreshed,Mobile,POS,XNA,Country-wide,50,Connectivity,6.0,high,POS mobile with interest,365243.0,-616.0,-466.0,-616.0,-601.0,0.0,0,Cash loans,F,N,Y,1,157500.0,152820.0,15241.5,135000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.010032,-13627,-2194,-1802.0,-4457,,1,1,0,1,1,0,Core staff,2.0,2,2,MONDAY,4,0,0,0,0,0,0,School,0.36362557763275705,0.5709717180417601,0.4418358231994413,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1185.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1132323,154452,Consumer loans,4073.22,29484.0,29484.0,0.0,29484.0,THURSDAY,13,Y,1,0.0,,,XAP,Approved,-188,XNA,XAP,,New,Mobile,POS,XNA,Country-wide,60,Connectivity,10.0,high,POS mobile with interest,365243.0,-146.0,124.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,Y,0,90000.0,157500.0,7875.0,157500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018209,-8785,-948,-8709.0,-1451,,1,1,1,1,1,0,Laborers,2.0,3,3,WEDNESDAY,15,0,0,0,0,0,0,Self-employed,0.17338502078300533,0.3601240892287548,0.28812959991785075,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-188.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1795538,376405,Cash loans,20645.055,189000.0,201474.0,,189000.0,THURSDAY,10,Y,1,,,,XNA,Refused,-653,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,292500.0,153576.0,8946.0,121500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010966,-20980,365243,-11526.0,-2798,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,XNA,,0.2007754035972499,0.7688075728291359,0.1,0.0838,0.9841,0.7824,0.0117,0.0,0.2069,0.1667,0.2083,0.0,0.0799,0.0889,0.0077,0.0095,0.1019,0.087,0.9841,0.7909,0.0118,0.0,0.2069,0.1667,0.2083,0.0,0.0872,0.0926,0.0078,0.0101,0.101,0.0838,0.9841,0.7853,0.0118,0.0,0.2069,0.1667,0.2083,0.0,0.0812,0.0905,0.0078,0.0097,org spec account,block of flats,0.0778,Panel,No,2.0,0.0,2.0,0.0,-2265.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2583184,339217,Consumer loans,9082.98,63855.0,69124.5,0.0,63855.0,WEDNESDAY,16,Y,1,0.0,,,XAP,Approved,-2456,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Regional / Local,3220,Consumer electronics,10.0,high,POS household with interest,365243.0,-2425.0,-2155.0,-2155.0,-2151.0,1.0,0,Cash loans,F,N,Y,0,225000.0,356580.0,40459.5,315000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.032561,-13984,-958,-2861.0,-4213,,1,1,0,1,0,0,Sales staff,2.0,1,1,TUESDAY,16,0,1,1,0,0,0,Self-employed,,0.38426614705389694,0.5673792367572691,0.1227,0.0654,0.9876,,,0.12,0.1034,0.375,,0.0591,,0.1333,,0.0,0.125,0.0678,0.9876,,,0.1208,0.1034,0.375,,0.0605,,0.1389,,0.0,0.1239,0.0654,0.9876,,,0.12,0.1034,0.375,,0.0602,,0.1357,,0.0,,block of flats,0.1203,Panel,No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,3.0 +1324138,161098,Cash loans,9180.45,157500.0,157500.0,,157500.0,MONDAY,10,Y,1,,,,XNA,Refused,-1474,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,M,N,Y,0,432000.0,1336500.0,56623.5,1336500.0,Unaccompanied,Pensioner,Higher education,Single / not married,House / apartment,0.072508,-22480,365243,-9550.0,-435,,1,0,0,1,0,0,,1.0,1,1,FRIDAY,13,0,0,0,0,0,0,XNA,0.6071037019848392,0.6924319315981583,0.2314393514998941,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-113.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,8.0 +2446400,264808,Consumer loans,24876.27,414121.5,414121.5,0.0,414121.5,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-534,Cash through the bank,XAP,,Repeater,Clothing and Accessories,POS,XNA,Regional / Local,100,Clothing,18.0,low_action,POS industry without interest,365243.0,-503.0,7.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,Y,1,360000.0,900000.0,45000.0,900000.0,Unaccompanied,State servant,Higher education,Civil marriage,House / apartment,0.04622,-11597,-2431,-5502.0,-3024,,1,1,0,1,0,0,Managers,3.0,1,1,THURSDAY,10,0,0,0,0,0,0,Military,,0.6291798736899589,,0.1485,0.1452,0.9816,0.7484,0.1264,0.16,0.1379,0.3333,0.375,0.1562,0.121,0.1891,0.0,0.0,0.1513,0.1507,0.9816,0.7583,0.1276,0.1611,0.1379,0.3333,0.375,0.1598,0.1322,0.197,0.0,0.0,0.1499,0.1452,0.9816,0.7518,0.1272,0.16,0.1379,0.3333,0.375,0.1589,0.1231,0.1925,0.0,0.0,,block of flats,0.1662,Panel,No,0.0,0.0,0.0,0.0,-1359.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2241331,175842,Cash loans,17870.445,450000.0,553950.0,,450000.0,WEDNESDAY,14,Y,1,,,,XNA,Approved,-633,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-603.0,1167.0,-333.0,-328.0,1.0,0,Revolving loans,F,N,Y,0,202500.0,585000.0,29250.0,585000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.010276,-21421,365243,-11117.0,-4383,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,XNA,,0.5115841619484653,0.4794489811780563,0.1082,0.1069,0.9841,0.7824,,0.0,0.2414,0.1667,,,0.0883,0.0973,0.0,,0.1103,0.1109,0.9841,0.7909,,0.0,0.2414,0.1667,,,0.0964,0.1014,0.0,,0.1093,0.1069,0.9841,0.7853,,0.0,0.2414,0.1667,,,0.0898,0.0991,0.0,,reg oper account,block of flats,0.0766,"Stone, brick",No,0.0,0.0,0.0,0.0,-633.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,16.0 +1577642,195481,Consumer loans,16320.96,432000.0,432000.0,0.0,432000.0,WEDNESDAY,10,Y,1,0.0,,,XAP,Approved,-429,Cash through the bank,XAP,,New,Medical Supplies,POS,XNA,Country-wide,91,Industry,36.0,low_normal,POS other with interest,365243.0,-398.0,652.0,365243.0,365243.0,0.0,1,Revolving loans,F,N,N,0,112500.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.00823,-18499,-721,-3759.0,-2046,,1,1,0,1,1,0,Laborers,2.0,2,2,FRIDAY,18,0,0,0,0,0,0,Other,,0.1637701756513119,0.2910973802776635,0.0773,,0.9781,,,,,0.1667,,,,0.0612,,,0.0788,,0.9782,,,,,0.1667,,,,0.0637,,,0.0781,,0.9781,,,,,0.1667,,,,0.0623,,,,block of flats,0.0488,Panel,No,0.0,0.0,0.0,0.0,-429.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1448918,392097,Cash loans,5685.705,67500.0,85320.0,,67500.0,MONDAY,9,Y,1,,,,XNA,Approved,-84,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-54.0,636.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,81000.0,113760.0,7731.0,90000.0,Family,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.019101,-15918,-257,-4651.0,-4627,,1,1,0,1,0,0,Medicine staff,2.0,2,2,MONDAY,14,0,0,0,0,1,1,Medicine,,0.5379727508936426,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-707.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2709471,289690,Cash loans,,0.0,0.0,,,SATURDAY,13,Y,1,,,,XNA,Refused,-319,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,0,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,N,2,202500.0,967500.0,25650.0,967500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-12844,-5711,-6689.0,-3407,,1,1,0,1,1,0,,4.0,2,2,TUESDAY,11,0,0,0,0,0,0,Industry: type 1,,0.5936516914311987,0.4382813743111921,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,3.0,4.0,1.0,-1633.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,3.0 +2234203,301718,Consumer loans,6952.005,61281.0,59931.0,6750.0,61281.0,WEDNESDAY,13,Y,1,0.11024675149388333,,,XAP,Approved,-1774,Cash through the bank,XAP,Children,New,Mobile,POS,XNA,Country-wide,40,Connectivity,12.0,high,POS mobile with interest,365243.0,-1743.0,-1413.0,-1413.0,-1405.0,0.0,0,Cash loans,F,N,N,0,180000.0,679500.0,24534.0,679500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.028663,-16128,-2027,-2439.0,-4225,,1,1,1,1,1,0,Core staff,2.0,2,2,TUESDAY,17,0,0,0,0,0,0,School,0.6202966356972728,0.4970935278158654,0.5620604831738043,0.067,0.1038,0.9886,0.8436,0.0117,0.0,0.1724,0.125,0.1667,0.0531,0.0521,0.0899,0.0077,0.0146,0.0683,0.1077,0.9886,0.8497,0.0118,0.0,0.1724,0.125,0.1667,0.0543,0.0569,0.0937,0.0078,0.0154,0.0677,0.1038,0.9886,0.8457,0.0118,0.0,0.1724,0.125,0.1667,0.054000000000000006,0.053,0.0915,0.0078,0.0149,reg oper account,block of flats,0.0803,"Stone, brick",No,0.0,0.0,0.0,0.0,-1774.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2367235,348065,Revolving loans,11250.0,225000.0,225000.0,,225000.0,WEDNESDAY,11,Y,1,,,,XAP,Refused,-961,XNA,SCO,,Repeater,XNA,Cards,walk-in,Credit and cash offices,0,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,N,N,0,202500.0,1305000.0,55291.5,1305000.0,Unaccompanied,Commercial associate,Higher education,Married,With parents,0.02461,-10167,-1328,-1340.0,-2785,,1,1,0,1,1,1,Sales staff,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,Transport: type 4,,0.5079227520684936,0.4507472818545589,0.0082,0.0,0.9563,0.4016,0.0,0.0,0.0345,0.0,0.0417,,0.0067,0.0049,0.0,0.0,0.0084,0.0,0.9563,0.425,0.0,0.0,0.0345,0.0,0.0417,,0.0073,0.0051,0.0,0.0,0.0083,0.0,0.9563,0.4096,0.0,0.0,0.0345,0.0,0.0417,,0.0068,0.005,0.0,0.0,reg oper account,block of flats,0.0039,Wooden,No,5.0,1.0,5.0,0.0,-1039.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,7.0,0.0,3.0 +1339863,423342,Cash loans,14354.415,135000.0,171414.0,,135000.0,MONDAY,12,Y,1,,,,XNA,Refused,-577,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,M,N,N,0,112500.0,398016.0,22846.5,360000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.00702,-13363,-3108,-7499.0,-4055,,1,1,0,1,0,0,Drivers,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Self-employed,0.5541897033070963,0.4045596596026987,,0.0928,0.1489,0.9856,0.8028,0.0209,0.0,0.2069,0.1667,0.2083,0.0969,0.0756,0.0873,0.0,0.0,0.0945,0.1545,0.9856,0.8105,0.021,0.0,0.2069,0.1667,0.2083,0.0991,0.0826,0.0909,0.0,0.0,0.0937,0.1489,0.9856,0.8054,0.021,0.0,0.2069,0.1667,0.2083,0.0986,0.077,0.0888,0.0,0.0,reg oper account,block of flats,0.08,Panel,No,5.0,0.0,5.0,0.0,-1576.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2662228,144556,Consumer loans,11700.9,179820.0,161838.0,17982.0,179820.0,TUESDAY,14,Y,1,0.1089090909090909,,,XAP,Approved,-1359,Cash through the bank,XAP,Group of people,New,Homewares,POS,XNA,Country-wide,12,Construction,18.0,middle,POS other with interest,365243.0,-1322.0,-812.0,-872.0,-864.0,0.0,0,Cash loans,F,N,N,0,90000.0,874152.0,48811.5,810000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0105,-18202,-224,-9680.0,-1762,,1,1,1,1,0,0,Security staff,2.0,3,3,SATURDAY,11,0,0,0,0,1,1,Business Entity Type 3,0.8422262419672558,0.6095517277859568,0.6832688314232291,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1359.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1412448,281756,Consumer loans,9175.5,50400.0,45000.0,5400.0,50400.0,TUESDAY,15,Y,1,0.1166883116883117,,,XAP,Approved,-1806,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,50,Furniture,6.0,high,POS industry with interest,365243.0,-1772.0,-1622.0,-1622.0,-1619.0,0.0,0,Cash loans,F,N,Y,1,126000.0,392427.0,14922.0,324000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.008473999999999999,-12296,-1121,-3659.0,-2883,,1,1,0,1,1,0,Accountants,3.0,2,2,TUESDAY,12,0,0,0,0,0,0,Police,0.4145795152681328,0.33583488624317714,0.6212263380626669,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2073723,388319,Consumer loans,3038.31,32805.0,22896.0,11655.0,32805.0,THURSDAY,18,Y,1,0.3673802363304839,,,XAP,Approved,-2007,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Stone,46,Connectivity,10.0,high,POS mobile with interest,365243.0,-1976.0,-1706.0,-1706.0,-1703.0,0.0,0,Cash loans,F,N,Y,2,112500.0,807984.0,26833.5,697500.0,Unaccompanied,State servant,Higher education,Married,With parents,0.010556,-12763,-3379,-4240.0,-1604,,1,1,0,1,0,0,Core staff,4.0,3,3,TUESDAY,11,0,0,0,0,0,0,School,0.6637997531865315,0.6668117930000182,0.6528965519806539,0.0577,0.0591,0.9801,0.728,0.0486,0.0,0.1379,0.125,0.1667,0.0163,0.0471,0.05,0.0,0.0,0.0588,0.0613,0.9801,0.7387,0.049,0.0,0.1379,0.125,0.1667,0.0167,0.0514,0.0521,0.0,0.0,0.0583,0.0591,0.9801,0.7316,0.0489,0.0,0.1379,0.125,0.1667,0.0166,0.0479,0.0509,0.0,0.0,reg oper account,block of flats,0.0659,"Stone, brick",No,0.0,0.0,0.0,0.0,-2946.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2345340,321891,Consumer loans,11256.525,91092.15,99106.65,0.0,91092.15,MONDAY,14,Y,1,0.0,,,XAP,Approved,-430,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-379.0,-109.0,-109.0,-102.0,0.0,0,Cash loans,F,Y,Y,0,220500.0,532494.0,38880.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.011656999999999999,-16862,-2445,-4585.0,-407,7.0,1,1,0,1,1,0,High skill tech staff,2.0,1,1,THURSDAY,12,0,0,0,0,0,0,Industry: type 9,,0.6347693299506457,0.34090642641523844,0.0876,0.1084,0.9757,0.6668,0.0111,0.0,0.1724,0.1667,0.2083,0.0,0.0672,0.0706,0.0193,0.0554,0.0893,0.1125,0.9757,0.6798,0.0112,0.0,0.1724,0.1667,0.2083,0.0,0.0735,0.0736,0.0195,0.0587,0.0885,0.1084,0.9757,0.6713,0.0112,0.0,0.1724,0.1667,0.2083,0.0,0.0684,0.0719,0.0194,0.0566,reg oper account,block of flats,0.0752,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2725793,278827,Consumer loans,7397.55,100755.0,60660.0,45000.0,100755.0,WEDNESDAY,10,Y,1,0.4638376955242373,,,XAP,Approved,-1006,Cash through the bank,XAP,Unaccompanied,Repeater,Construction Materials,POS,XNA,Stone,647,Construction,10.0,middle,POS industry with interest,365243.0,-975.0,-705.0,-705.0,-699.0,0.0,0,Cash loans,M,Y,Y,0,157500.0,418500.0,15777.0,418500.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.008473999999999999,-14607,-1456,-2367.0,-3052,13.0,1,1,1,1,0,0,,2.0,2,2,MONDAY,17,0,0,0,0,1,1,Business Entity Type 3,0.2652018007467874,0.27547037477561964,0.5334816299804352,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-385.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1460810,436124,Consumer loans,4710.69,101556.0,101556.0,0.0,101556.0,FRIDAY,18,Y,1,0.0,,,XAP,Approved,-1581,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,380,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1550.0,-860.0,-860.0,-851.0,0.0,0,Cash loans,F,N,Y,0,135000.0,225000.0,15034.5,225000.0,Unaccompanied,Pensioner,Higher education,Separated,House / apartment,0.00733,-23971,365243,-2837.0,-3971,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,14,0,0,0,0,0,0,XNA,,0.4648585773468895,0.5442347412142162,,,0.9801,0.728,,,,,,,,0.0571,,,,,0.9801,0.7387,,,,,,,,0.0595,,,,,0.9801,0.7316,,,,,,,,0.0581,,,reg oper spec account,block of flats,0.0519,,No,0.0,0.0,0.0,0.0,-1581.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1338980,293730,Cash loans,6400.8,90000.0,90000.0,,90000.0,FRIDAY,12,Y,1,,,,XNA,Approved,-250,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),10,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-220.0,290.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,67500.0,283500.0,12010.5,283500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010966,-23269,365243,-2622.0,-1448,,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,XNA,,0.14374071729415172,0.6279908192952864,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1129.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1926924,345792,Cash loans,56103.795,1035000.0,1110141.0,,1035000.0,FRIDAY,9,Y,1,,,,XNA,Approved,-852,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,Y,N,0,202500.0,907780.5,36130.5,733500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.002042,-17253,-7672,-888.0,-805,0.0,1,1,0,1,0,0,Drivers,2.0,3,3,WEDNESDAY,12,0,0,0,0,0,0,Government,,0.3544498632737232,0.19182160241360605,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-1708.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1100117,104594,Consumer loans,6393.465,69813.0,69813.0,0.0,69813.0,SUNDAY,18,Y,1,0.0,,,XAP,Approved,-183,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,250,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-153.0,177.0,365243.0,365243.0,0.0,0,Revolving loans,F,Y,Y,1,225000.0,225000.0,11250.0,225000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.028663,-13669,-967,-1301.0,-3391,8.0,1,1,0,1,0,0,Accountants,3.0,2,2,MONDAY,12,0,0,0,1,1,0,Construction,0.8461605363026703,0.5584101691492671,0.16048893062734468,0.0577,0.055,0.9801,,,0.0,0.1379,0.1667,,0.017,,0.0528,,0.0252,0.0588,0.0571,0.9801,,,0.0,0.1379,0.1667,,0.0174,,0.055,,0.0267,0.0583,0.055,0.9801,,,0.0,0.1379,0.1667,,0.0173,,0.0538,,0.0258,reg oper account,block of flats,0.0683,"Stone, brick",No,1.0,0.0,1.0,0.0,-183.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2634421,301464,Cash loans,,0.0,0.0,,,WEDNESDAY,14,Y,1,,,,XNA,Refused,-375,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,1,Cash loans,F,N,Y,0,99000.0,254700.0,20250.0,225000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.007120000000000001,-9918,-1179,-2364.0,-1960,,1,1,1,1,0,0,,2.0,2,2,SUNDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.05443113339846325,0.5999082017600249,0.3046721837533529,0.0474,,0.9921,0.8912,,0.0,0.1724,,0.125,,0.0361,0.0538,0.0116,0.0287,0.0483,,0.9921,0.8955,,0.0,0.1724,,0.125,,0.0395,0.0561,0.0117,0.0304,0.0479,,0.9921,0.8927,,0.0,0.1724,,0.125,,0.0368,0.0548,0.0116,0.0293,,,0.0486,,No,5.0,0.0,5.0,0.0,-870.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1202595,230556,Cash loans,6972.84,81000.0,102384.0,,81000.0,THURSDAY,13,Y,1,,,,XNA,Approved,-147,Cash through the bank,XAP,Other_A,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-117.0,573.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,0,112500.0,94500.0,7465.5,94500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.020246,-10731,-3173,-4812.0,-3103,,1,1,1,1,1,1,Laborers,1.0,3,3,THURSDAY,10,0,0,0,0,0,0,Transport: type 4,0.05625125652227436,0.16776171381491714,0.3791004853998145,0.0722,0.0595,0.9732,,,0.0,0.1379,0.1667,,0.0141,,0.0536,,0.0363,0.0735,0.0617,0.9732,,,0.0,0.1379,0.1667,,0.0144,,0.0559,,0.0384,0.0729,0.0595,0.9732,,,0.0,0.1379,0.1667,,0.0143,,0.0546,,0.037000000000000005,,block of flats,0.0501,"Stone, brick",No,8.0,0.0,8.0,0.0,-302.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1482760,350743,Cash loans,63180.0,2250000.0,2250000.0,,2250000.0,SATURDAY,17,Y,1,,,,XNA,Refused,-524,XNA,HC,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,202500.0,765261.0,30478.5,684000.0,Unaccompanied,State servant,Secondary / secondary special,Civil marriage,House / apartment,0.01885,-15415,-2018,-3061.0,-4558,13.0,1,1,1,1,1,1,Managers,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,Kindergarten,0.7518648943869172,0.18559406937356548,0.29859498978739724,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1229.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2140394,323830,Cash loans,5831.145,45000.0,54261.0,,45000.0,THURSDAY,9,Y,1,,,,XNA,Approved,-1470,Cash through the bank,XAP,Group of people,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1440.0,-1110.0,-1254.0,-1249.0,1.0,0,Cash loans,M,Y,Y,0,225000.0,640080.0,31261.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-21163,-12317,-4959.0,-4376,22.0,1,1,0,1,0,0,,2.0,2,2,THURSDAY,8,0,0,0,0,0,0,Business Entity Type 2,,0.2925236847720573,0.6801388218428291,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2129208,431108,Cash loans,,0.0,0.0,,,TUESDAY,15,Y,1,,,,XNA,Refused,-241,XNA,HC,,Repeater,XNA,XNA,XNA,Contact center,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,N,0,135000.0,450000.0,23139.0,450000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.020246,-20584,365243,-8761.0,-4148,,1,0,0,1,0,0,,2.0,3,3,TUESDAY,13,0,0,0,0,0,0,XNA,,0.4942181657291868,0.42765737003502935,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-585.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1493202,301370,Cash loans,12519.045,135000.0,179433.0,,135000.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-959,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-929.0,-239.0,-239.0,-234.0,1.0,0,Cash loans,F,N,N,1,211500.0,808650.0,26217.0,675000.0,Family,Working,Secondary / secondary special,Widow,House / apartment,0.00496,-17201,-1442,-1503.0,-756,,1,1,0,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,13,0,0,0,1,0,1,Business Entity Type 3,0.6005507120144499,0.5926859869669572,0.4223696523543468,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-280.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2175714,265240,Revolving loans,3375.0,0.0,67500.0,,,SUNDAY,14,Y,1,,,,XAP,Refused,-1352,XNA,HC,,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),4,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,Y,N,0,202500.0,450000.0,18328.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.009334,-12388,-4671,-6480.0,-4833,1.0,1,1,1,1,0,0,Laborers,2.0,2,2,MONDAY,9,0,0,0,0,0,0,Trade: type 2,,0.5696159316737935,0.4632753280912678,0.0082,0.0,0.9583,0.4288,0.0011,0.0,0.069,0.0417,0.0833,0.0063,0.0067,0.0097,0.0,0.0,0.0084,0.0,0.9583,0.4512,0.0011,0.0,0.069,0.0417,0.0833,0.0064,0.0073,0.0101,0.0,0.0,0.0083,0.0,0.9583,0.4364,0.0011,0.0,0.069,0.0417,0.0833,0.0064,0.0068,0.0099,0.0,0.0,reg oper account,block of flats,0.0083,Wooden,Yes,9.0,0.0,9.0,0.0,-1351.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,3.0 +2378453,245237,Cash loans,17900.91,225000.0,254700.0,,225000.0,SATURDAY,11,Y,1,,,,XNA,Approved,-507,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-477.0,213.0,-477.0,-471.0,1.0,0,Cash loans,F,Y,Y,0,130500.0,49500.0,1993.5,49500.0,Unaccompanied,Pensioner,Higher education,Civil marriage,House / apartment,0.026392000000000002,-21344,365243,-1011.0,-3982,3.0,1,0,0,1,0,0,,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,XNA,,0.6075305345898373,,0.0814,,0.9861,,,0.0,0.2069,0.1667,,,,0.0835,,,0.083,,0.9861,,,0.0,0.2069,0.1667,,,,0.087,,,0.0822,,0.9861,,,0.0,0.2069,0.1667,,,,0.085,,,,block of flats,0.0657,Panel,No,5.0,2.0,5.0,0.0,-729.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2357968,289341,Consumer loans,5168.475,35100.0,29250.0,5850.0,35100.0,MONDAY,2,Y,1,0.18151515151515146,,,XAP,Refused,-2522,XNA,SCO,,Repeater,Mobile,POS,XNA,Stone,6,Connectivity,7.0,high,POS mobile with interest,,,,,,,0,Revolving loans,F,N,N,1,180000.0,337500.0,16875.0,337500.0,Unaccompanied,Working,Secondary / secondary special,Married,Rented apartment,0.014464,-14686,-553,-204.0,-4362,,1,1,0,1,0,1,,3.0,2,2,WEDNESDAY,7,0,0,0,1,1,0,Business Entity Type 3,0.4086772844197047,0.5677654521967729,0.5744466170995097,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2525.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2592997,420241,Consumer loans,3430.755,42255.0,33804.0,8451.0,42255.0,SUNDAY,12,Y,1,0.2178181818181818,,,XAP,Approved,-436,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Regional / Local,32,Consumer electronics,12.0,middle,POS household with interest,365243.0,-402.0,-72.0,-312.0,-310.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,954643.5,90769.5,904500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.008625,-15994,-1702,-7139.0,-4340,9.0,1,1,0,1,0,0,,2.0,2,2,TUESDAY,10,0,0,0,1,1,0,Industry: type 7,0.8942303977677925,0.6629479983760239,0.3376727217405312,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2122.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1408055,384586,Cash loans,10810.485,90000.0,101880.0,,90000.0,SATURDAY,6,Y,1,,,,XNA,Refused,-85,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,12.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,Y,Y,2,157500.0,76410.0,9198.0,67500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-13444,-3011,-122.0,-4240,4.0,1,1,1,1,0,0,,4.0,3,3,SUNDAY,8,0,0,0,0,1,1,Military,0.3926634445933817,0.6239815547520193,0.6956219298394389,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-708.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +2045128,253919,Cash loans,38711.025,337500.0,396022.5,,337500.0,TUESDAY,15,Y,1,,,,XNA,Approved,-944,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,100,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-914.0,-584.0,-884.0,-875.0,1.0,0,Cash loans,F,N,Y,0,202500.0,440784.0,27094.5,360000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.011656999999999999,-15776,-112,-347.0,-4158,,1,1,0,1,0,0,Sales staff,2.0,1,1,MONDAY,14,0,1,1,0,1,1,Business Entity Type 3,0.6511079404923602,0.68953231626321,,0.1113,0.0915,0.9881,,,0.12,0.1034,0.3333,,0.0301,,0.1209,,0.0865,0.1134,0.095,0.9881,,,0.1208,0.1034,0.3333,,0.0308,,0.126,,0.0916,0.1124,0.0915,0.9881,,,0.12,0.1034,0.3333,,0.0306,,0.1231,,0.0883,,block of flats,0.0951,Panel,No,0.0,0.0,0.0,0.0,-1030.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +2600229,287875,Consumer loans,10327.23,58455.0,58455.0,0.0,58455.0,THURSDAY,11,Y,1,0.0,,,XAP,Refused,-477,Cash through the bank,SCO,,Repeater,Computers,POS,XNA,Country-wide,100,Consumer electronics,6.0,low_normal,POS household with interest,,,,,,,0,Cash loans,M,N,N,0,180000.0,180000.0,17266.5,180000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.014519999999999996,-10289,-1480,-1450.0,-1967,,1,1,1,1,0,1,Sales staff,1.0,2,2,THURSDAY,16,0,0,0,0,0,0,Trade: type 2,0.2715418080015297,0.6647876391156528,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-312.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2658377,250523,Cash loans,19343.565,247500.0,316174.5,,247500.0,WEDNESDAY,14,Y,1,,,,XNA,Approved,-443,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-413.0,277.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,1,135000.0,354276.0,21802.5,292500.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-13574,-3476,-2502.0,-4963,,1,1,0,1,0,0,Core staff,3.0,2,2,FRIDAY,11,0,0,0,0,0,0,Kindergarten,,0.17746295756997474,0.6263042766749393,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1322456,131893,Consumer loans,,49905.0,49905.0,0.0,49905.0,FRIDAY,10,Y,1,0.0,,,XAP,Refused,-955,Cash through the bank,HC,,Repeater,Mobile,XNA,XNA,Country-wide,35,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,F,N,N,0,225000.0,1125000.0,33025.5,1125000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.00702,-13670,-2014,-3068.0,-4888,,1,1,0,1,0,0,,2.0,2,2,SUNDAY,13,0,0,0,0,0,0,Self-employed,,0.5859276023435899,0.7106743858828587,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1990.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,0.0 +2056477,391121,Cash loans,14246.82,328500.0,374031.0,,328500.0,SUNDAY,10,Y,1,,,,XNA,Approved,-255,Cash through the bank,XAP,Children,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-225.0,825.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,2,117000.0,819432.0,24088.5,684000.0,"Spouse, partner",State servant,Higher education,Married,House / apartment,0.025164,-15211,-2700,-782.0,-1868,10.0,1,1,1,1,0,0,Core staff,4.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Police,0.585026864194945,0.5165059083679078,0.3572932680336494,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,1.0,5.0,0.0,-1152.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1295816,132331,Consumer loans,5310.315,33655.5,42597.0,0.0,33655.5,WEDNESDAY,8,Y,1,0.0,,,XAP,Approved,-1703,Cash through the bank,XAP,Family,Refreshed,Photo / Cinema Equipment,POS,XNA,Country-wide,34,Connectivity,12.0,high,POS mobile with interest,365243.0,-1672.0,-1342.0,-1342.0,-1335.0,0.0,0,Cash loans,F,N,Y,2,58500.0,56880.0,3393.0,45000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.0228,-15462,-4988,-5246.0,-4586,,1,1,1,1,0,0,Core staff,4.0,2,2,FRIDAY,13,0,0,0,0,1,1,Postal,0.5026038222386804,0.6654549214451941,0.5064842396679806,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-436.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2114607,327356,Cash loans,8505.9,117000.0,117000.0,,117000.0,MONDAY,7,Y,1,,,,XNA,Refused,-2630,XNA,SCO,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,20.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,1,234000.0,450000.0,22018.5,450000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-9914,-179,-479.0,-1776,,1,1,0,1,0,0,Sales staff,3.0,2,2,SATURDAY,13,0,0,0,0,0,0,Transport: type 4,0.5481018574343901,0.6115639723679049,0.4884551844437485,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-2437.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1466938,448885,Consumer loans,8858.475,43290.0,45859.5,0.0,43290.0,WEDNESDAY,12,Y,1,0.0,,,XAP,Approved,-19,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Regional / Local,91,Consumer electronics,6.0,middle,POS household with interest,365243.0,365243.0,162.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,157500.0,497520.0,28561.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Municipal apartment,0.020713,-16680,-671,-192.0,-235,,1,1,0,1,0,0,Laborers,1.0,3,1,MONDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.5798987013390631,0.33928769990891394,0.3227,0.0,0.9811,0.7416,0.0512,0.08,0.0345,0.3333,0.0,0.0404,0.2572,0.1202,0.027000000000000003,0.1046,0.3288,0.0,0.9811,0.7517,0.0517,0.0806,0.0345,0.3333,0.0,0.0413,0.281,0.1252,0.0272,0.1108,0.3258,0.0,0.9811,0.7451,0.0515,0.08,0.0345,0.3333,0.0,0.0411,0.2617,0.1223,0.0272,0.1068,reg oper account,specific housing,0.1453,Panel,No,2.0,0.0,2.0,0.0,-147.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2405846,158992,Cash loans,16099.065,180000.0,203760.0,,180000.0,WEDNESDAY,11,Y,1,,,,Repairs,Refused,-448,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Country-wide,30,Connectivity,24.0,high,Cash Street: high,,,,,,,0,Cash loans,F,Y,N,0,175500.0,1223010.0,51817.5,1125000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.0105,-20357,365243,-10716.0,-3620,4.0,1,0,0,1,0,0,,2.0,3,3,WEDNESDAY,15,0,0,0,0,0,0,XNA,,0.6747265506991794,0.6092756673894402,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,0.0,9.0,0.0,-1849.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2385942,383076,Consumer loans,5440.14,29650.5,26680.5,2970.0,29650.5,SUNDAY,14,Y,1,0.1090909090909091,,,XAP,Approved,-1161,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,16,Connectivity,6.0,high,POS mobile with interest,365243.0,-1126.0,-976.0,-1006.0,-1000.0,0.0,0,Revolving loans,M,Y,Y,1,247500.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.004849,-14956,-853,-78.0,-4504,7.0,1,1,0,1,0,0,Managers,3.0,2,2,SATURDAY,13,0,0,0,0,0,0,Business Entity Type 2,,0.5656068567542472,0.5478104658520093,0.2041,0.2382,0.9851,0.7959999999999999,0.0718,0.32,0.2759,0.3333,0.0417,0.1523,0.2194,0.181,1.0,0.0206,0.1418,0.2472,0.9851,0.804,0.0724,0.3222,0.2759,0.3333,0.0417,0.1557,0.2397,0.1886,1.0,0.0218,0.2061,0.2382,0.9851,0.7987,0.0722,0.32,0.2759,0.3333,0.0417,0.1549,0.2232,0.1843,1.0,0.021,reg oper account,block of flats,0.2357,Panel,No,1.0,0.0,1.0,0.0,-1577.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2033951,212081,Cash loans,16046.595,270000.0,313839.0,,270000.0,MONDAY,7,Y,1,,,,XNA,Approved,-669,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,AP+ (Cash loan),3,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-639.0,411.0,-519.0,-504.0,1.0,0,Cash loans,F,N,Y,0,216000.0,607500.0,26887.5,607500.0,Children,Pensioner,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-21496,365243,-12324.0,-3235,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,7,0,0,0,0,0,0,XNA,,0.3386060680393529,0.807273923277881,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1485514,403986,Consumer loans,3993.21,29290.5,33304.5,2929.5,29290.5,TUESDAY,9,Y,1,0.08805243191979399,,,XAP,Approved,-1810,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,38,Connectivity,12.0,high,POS mobile with interest,365243.0,-1693.0,-1363.0,-1543.0,-1539.0,0.0,0,Cash loans,F,N,N,0,112500.0,526491.0,22437.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-20764,-2888,-5422.0,-4294,,1,1,0,1,0,0,Waiters/barmen staff,2.0,2,2,FRIDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.7388392894558452,0.5237540502174016,0.11465249430297055,0.0189,0.0,0.9911,0.8776,0.0029,0.0,0.0345,0.0554,0.0971,0.0125,0.0154,0.0143,0.0,0.0,0.0053,0.0,0.9995,0.9935,0.0,0.0,0.0,0.0833,0.125,0.0098,0.0046,0.0038,0.0,0.0,0.025,0.0,0.9995,0.9933,0.0039,0.0,0.0345,0.0833,0.125,0.0136,0.0205,0.0192,0.0,0.0,reg oper account,block of flats,0.0174,Block,No,0.0,0.0,0.0,0.0,-257.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +1961820,293212,Cash loans,13848.48,292500.0,355819.5,,292500.0,FRIDAY,10,Y,1,,,,XNA,Approved,-753,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-723.0,687.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,99000.0,284985.0,12204.0,284985.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,Municipal apartment,0.019688999999999998,-22324,365243,-7614.0,-4137,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,8,0,0,0,0,0,0,XNA,,0.6933718729689963,0.5919766183185521,0.0082,0.0,0.9762,,,0.0,0.0345,0.0417,,0.0,,0.0044,,0.0,0.0084,0.0,0.9762,,,0.0,0.0345,0.0417,,0.0,,0.0046,,0.0,0.0083,0.0,0.9762,,,0.0,0.0345,0.0417,,0.0,,0.0045,,0.0,,block of flats,0.005,Wooden,No,2.0,2.0,2.0,2.0,-753.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1642614,221887,Cash loans,15455.34,238500.0,298480.5,,238500.0,THURSDAY,14,Y,1,,,,XNA,Approved,-187,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-157.0,533.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,225000.0,1199862.0,35212.5,859500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018801,-16564,-378,-1566.0,-110,,1,1,0,1,0,0,Cleaning staff,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.4737691545202976,0.3190213877863297,0.6626377922738201,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,2.0,0.0,-187.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,2.0 +2806180,126568,Consumer loans,9759.15,101407.5,101407.5,0.0,101407.5,WEDNESDAY,17,Y,1,0.0,,,XAP,Approved,-238,Cash through the bank,XAP,,New,Construction Materials,POS,XNA,Stone,35,XNA,12.0,low_normal,POS industry with interest,365243.0,-207.0,123.0,365243.0,365243.0,0.0,1,Cash loans,F,N,Y,0,202500.0,481176.0,24696.0,360000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.018634,-18196,-3499,-12334.0,-1742,,1,1,0,1,0,0,Laborers,1.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Housing,,0.7383744596203515,0.25259869783397665,0.1402,0.0695,0.9737,0.6396,0.0529,0.0,0.2069,0.2083,0.0417,,0.1118,0.115,0.0116,0.0327,0.1429,0.0722,0.9737,0.6537,0.0534,0.0,0.2069,0.2083,0.0417,,0.1221,0.1199,0.0117,0.0346,0.1416,0.0695,0.9737,0.6444,0.0532,0.0,0.2069,0.2083,0.0417,,0.1137,0.1171,0.0116,0.0334,reg oper account,block of flats,0.1043,"Stone, brick",No,11.0,0.0,11.0,0.0,-238.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1270874,188067,Consumer loans,8890.605,50742.0,48078.0,5076.0,50742.0,TUESDAY,14,Y,1,0.10400394052273496,,,XAP,Approved,-650,Cash through the bank,XAP,,Refreshed,Consumer Electronics,POS,XNA,Country-wide,4000,Consumer electronics,6.0,middle,POS household with interest,365243.0,-618.0,-468.0,-468.0,-462.0,0.0,0,Cash loans,F,N,N,1,225000.0,1096020.0,56092.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-15592,-4061,-4687.0,-5292,,1,1,0,1,0,0,,3.0,2,2,MONDAY,8,0,0,0,0,0,0,Business Entity Type 3,,0.3869030796867815,0.25259869783397665,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-200.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1297205,155128,Consumer loans,,87876.0,87876.0,0.0,87876.0,SATURDAY,12,Y,1,0.0,,,XAP,Refused,-658,Cash through the bank,SCO,,Repeater,Mobile,XNA,XNA,Country-wide,53,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,F,Y,Y,2,135000.0,337500.0,22684.5,337500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0228,-11133,-163,-1.0,-3364,3.0,1,1,0,1,0,0,Core staff,4.0,2,2,SATURDAY,8,0,0,0,0,0,0,Self-employed,0.44960368281757934,0.7351895934313545,0.4884551844437485,0.16699999999999998,0.0,0.998,,,0.12,0.1034,0.3333,,0.0261,,0.1461,,0.0072,0.1702,0.0,0.998,,,0.1208,0.1034,0.3333,,0.0267,,0.1522,,0.0076,0.1686,0.0,0.998,,,0.12,0.1034,0.3333,,0.0266,,0.1487,,0.0073,,block of flats,0.1482,"Stone, brick",No,5.0,2.0,5.0,2.0,-794.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,1.0 +1120894,145243,Cash loans,15270.3,135000.0,143910.0,,135000.0,MONDAY,9,Y,1,,,,XNA,Refused,-339,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),3,XNA,12.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,Y,N,0,175500.0,450000.0,22977.0,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-12098,365243,-1702.0,-735,10.0,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,XNA,0.42600874472226863,0.6107376921579327,0.3123653692278984,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-606.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2028732,208631,Cash loans,10119.69,45000.0,52051.5,,45000.0,SATURDAY,11,Y,1,,,,XNA,Approved,-949,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-919.0,-769.0,-769.0,-759.0,1.0,0,Cash loans,F,N,Y,0,112500.0,58500.0,4288.5,58500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.015221,-20962,365243,-11810.0,-3997,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,XNA,0.5793548008770282,0.5529193049792199,0.4507472818545589,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,0.0,-1172.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +1396965,113252,Revolving loans,11025.0,0.0,157500.0,,0.0,SATURDAY,8,Y,1,,,,XAP,Refused,-1491,XNA,HC,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,N,0,162000.0,904500.0,49563.0,904500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-19393,-1884,-7067.0,-2929,,1,1,1,1,1,0,High skill tech staff,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,Construction,,0.7155761978131381,0.5567274263630174,0.0928,0.1007,0.9762,,,,0.2069,0.1667,,0.0375,,0.0614,,0.096,0.0945,0.1045,0.9762,,,,0.2069,0.1667,,0.0383,,0.064,,0.1016,0.0937,0.1007,0.9762,,,,0.2069,0.1667,,0.0381,,0.0625,,0.098,,block of flats,0.0692,Panel,No,0.0,0.0,0.0,0.0,-2599.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2403062,379369,Consumer loans,13179.195,118624.5,118624.5,0.0,118624.5,SUNDAY,11,Y,1,0.0,,,XAP,Approved,-256,Cash through the bank,XAP,,Repeater,Clothing and Accessories,POS,XNA,Regional / Local,250,Clothing,10.0,low_normal,POS industry with interest,365243.0,-225.0,45.0,-195.0,-186.0,0.0,0,Cash loans,F,N,N,1,135000.0,625356.0,17325.0,522000.0,Unaccompanied,Working,Higher education,Married,Co-op apartment,0.028663,-10061,-2685,-644.0,-2696,,1,1,0,1,0,0,Managers,3.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Postal,,0.5715822790778998,0.6178261467332483,0.0691,0.108,0.9851,0.7959999999999999,0.0157,0.0,0.2069,0.1667,0.2083,0.0369,0.0538,0.0743,0.0116,0.018000000000000002,0.0704,0.1121,0.9851,0.804,0.0158,0.0,0.2069,0.1667,0.2083,0.0377,0.0588,0.0774,0.0117,0.0191,0.0697,0.108,0.9851,0.7987,0.0158,0.0,0.2069,0.1667,0.2083,0.0375,0.0547,0.0757,0.0116,0.0184,reg oper account,block of flats,0.0624,"Stone, brick",No,1.0,1.0,1.0,1.0,-1453.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,1.0 +2404988,165653,Consumer loans,6108.885,32229.0,30438.0,3226.5,32229.0,SATURDAY,11,Y,1,0.1043815241034864,,,XAP,Approved,-2473,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,27,Connectivity,6.0,high,POS mobile with interest,365243.0,-2442.0,-2292.0,-2292.0,-2290.0,1.0,0,Cash loans,F,N,Y,0,144000.0,292500.0,12523.5,292500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008473999999999999,-18679,-6511,-8396.0,-2217,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,10,0,0,0,0,0,0,School,,0.4993239888925642,0.501075160239048,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1493.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,4.0 +1264149,402164,Cash loans,52426.44,261000.0,274779.0,,261000.0,MONDAY,10,Y,1,,,,XNA,Approved,-213,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-183.0,-33.0,-33.0,-25.0,1.0,0,Cash loans,M,N,Y,0,225000.0,1033123.5,70992.0,990000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018634,-22749,365243,-3187.0,-4732,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,XNA,0.7289729139134388,0.7572673955819,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1200810,218968,Consumer loans,11329.38,113307.3,101974.5,11332.8,113307.3,SUNDAY,16,Y,1,0.10892898740456658,,,XAP,Approved,-2824,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,220,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2793.0,-2523.0,-2523.0,-2516.0,0.0,0,Cash loans,F,Y,Y,2,270000.0,675000.0,53329.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.019688999999999998,-16003,-523,-7219.0,-4220,1.0,1,1,0,1,0,0,Sales staff,4.0,2,2,WEDNESDAY,16,0,0,0,0,1,1,Business Entity Type 2,,0.5360970218285226,0.7530673920730478,0.0124,0.0,0.9712,,,0.0,0.069,0.0417,,0.0,,0.0128,,0.0,0.0126,0.0,0.9712,,,0.0,0.069,0.0417,,0.0,,0.0133,,0.0,0.0125,0.0,0.9712,,,0.0,0.069,0.0417,,0.0,,0.013,,0.0,,block of flats,0.01,"Stone, brick",No,3.0,0.0,3.0,0.0,-1648.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1770746,142083,Cash loans,14517.0,450000.0,450000.0,,450000.0,SUNDAY,15,Y,1,,,,XNA,Approved,-624,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,21,Connectivity,60.0,low_normal,Cash X-Sell: low,365243.0,-594.0,1176.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,135000.0,675000.0,24930.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.009175,-17263,-3168,-6919.0,-796,,1,1,0,1,0,0,Sales staff,3.0,2,2,MONDAY,15,0,0,0,0,0,0,Trade: type 7,,0.7261619335007967,0.6658549219640212,0.0825,0.0666,0.9906,,,0.08,0.069,0.375,,,,,,,0.084,0.0692,0.9906,,,0.0806,0.069,0.375,,,,,,,0.0833,0.0666,0.9906,,,0.08,0.069,0.375,,,,,,,,block of flats,0.0668,"Stone, brick",No,1.0,0.0,0.0,0.0,-961.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2064582,143370,Consumer loans,6892.47,66960.0,66627.0,6696.0,66960.0,TUESDAY,14,Y,1,0.09945791535088204,,,XAP,Approved,-694,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,12.0,middle,POS mobile with interest,365243.0,-661.0,-331.0,-331.0,-318.0,0.0,0,Cash loans,F,Y,Y,1,202500.0,473760.0,50400.0,450000.0,"Spouse, partner",Working,Secondary / secondary special,Single / not married,House / apartment,0.04622,-11869,-834,-5346.0,-1733,2.0,1,1,1,1,1,0,Managers,2.0,1,1,WEDNESDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.6529109937833241,0.6782440763476365,0.42589289800515295,0.2186,0.1091,0.9786,0.7076,0.0428,0.24,0.2069,0.3333,0.375,,0.1782,0.2203,0.0077,0.0119,0.2227,0.1132,0.9786,0.7190000000000001,0.0432,0.2417,0.2069,0.3333,0.375,,0.1947,0.2295,0.0078,0.0126,0.2207,0.1091,0.9786,0.7115,0.0431,0.24,0.2069,0.3333,0.375,,0.1813,0.2242,0.0078,0.0122,reg oper account,block of flats,0.1849,Panel,No,0.0,0.0,0.0,0.0,-1.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1677045,237519,Revolving loans,6750.0,0.0,135000.0,,0.0,TUESDAY,11,Y,1,,,,XAP,Refused,-1176,XNA,LIMIT,,Repeater,XNA,Cards,walk-in,Credit and cash offices,0,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,135000.0,312768.0,17095.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-18041,-7120,-5492.0,-1524,,1,1,0,1,1,0,,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Business Entity Type 2,0.4660165445725328,0.7256877040283584,0.19182160241360605,0.1485,0.0842,0.9816,0.7484,0.0331,0.16,0.1379,0.3333,0.375,0.0385,0.121,0.1539,0.0,0.0,0.1513,0.0873,0.9816,0.7583,0.0334,0.1611,0.1379,0.3333,0.375,0.0394,0.1322,0.1604,0.0,0.0,0.1499,0.0842,0.9816,0.7518,0.0333,0.16,0.1379,0.3333,0.375,0.0392,0.1231,0.1567,0.0,0.0,reg oper spec account,block of flats,0.1391,Panel,No,8.0,0.0,8.0,0.0,-1236.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +2079155,352571,Consumer loans,3898.8,32571.0,32485.5,6750.0,32571.0,TUESDAY,11,Y,1,0.18736510650720986,,,XAP,Approved,-1936,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,high,POS mobile with interest,365243.0,-1905.0,-1575.0,-1575.0,-1567.0,0.0,0,Cash loans,M,Y,Y,2,180000.0,536917.5,27544.5,463500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.00733,-10804,-208,-2850.0,-3306,4.0,1,1,0,1,0,0,Laborers,4.0,2,2,SATURDAY,15,0,0,0,0,1,1,Business Entity Type 3,,0.7176057516189758,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1936.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1959655,248813,Consumer loans,6152.58,29925.0,29925.0,0.0,29925.0,TUESDAY,6,Y,1,0.0,,,XAP,Approved,-2133,Cash through the bank,XAP,"Spouse, partner",New,Clothing and Accessories,POS,XNA,Stone,80,Clothing,6.0,high,POS industry with interest,365243.0,-2068.0,-1918.0,-1978.0,-1974.0,0.0,1,Cash loans,F,N,N,0,180000.0,509400.0,37066.5,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018029,-15618,-2499,-2552.0,-3462,,1,1,1,1,1,0,Security staff,2.0,3,2,SATURDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.42201707659456855,0.5085676702361243,0.10822632266971416,0.3186,0.1819,0.9901,0.8640000000000001,0.1339,0.24,0.2069,0.375,0.375,0.1614,0.2589,0.307,0.0039,0.0081,0.3246,0.1888,0.9901,0.8693,0.1351,0.2417,0.2069,0.375,0.375,0.165,0.2828,0.3199,0.0039,0.0086,0.3216,0.1819,0.9901,0.8658,0.1347,0.24,0.2069,0.375,0.375,0.1642,0.2634,0.3126,0.0039,0.0083,reg oper account,block of flats,0.3165,Panel,No,5.0,1.0,5.0,0.0,-1717.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1853639,317946,Consumer loans,12951.36,116235.0,128511.0,0.0,116235.0,MONDAY,13,Y,1,0.0,,,XAP,Refused,-175,Cash through the bank,HC,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,250,Consumer electronics,12.0,middle,POS household with interest,,,,,,,0,Revolving loans,M,Y,Y,1,135000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0228,-10084,-1265,-356.0,-2687,8.0,1,1,0,1,0,0,,3.0,2,2,MONDAY,12,0,0,0,0,0,0,Transport: type 4,,0.5600972745033077,0.4507472818545589,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-804.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,0.0 +2188686,170942,Consumer loans,23949.0,202455.0,193018.5,22500.0,202455.0,SATURDAY,12,Y,1,0.11370042689859786,,,XAP,Approved,-1116,Cash through the bank,XAP,Other_B,Refreshed,Computers,POS,XNA,Stone,150,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1085.0,-815.0,-965.0,-961.0,0.0,0,Cash loans,F,N,Y,0,157500.0,640080.0,31261.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.005313,-13160,-5227,-4033.0,-4046,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,18,0,0,0,1,1,0,Industry: type 3,,0.6812241192117195,0.2225807646753351,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2241.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2524883,375678,Consumer loans,8026.02,40275.0,38398.5,4027.5,40275.0,MONDAY,13,Y,1,0.10338739537933432,,,XAP,Approved,-147,Cash through the bank,XAP,Family,Refreshed,Sport and Leisure,POS,XNA,Country-wide,50,Consumer electronics,6.0,high,POS household with interest,365243.0,-117.0,33.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,0,139500.0,139500.0,11151.0,139500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-10823,-2995,-5222.0,-3026,19.0,1,1,1,1,1,0,Laborers,2.0,2,2,MONDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.4730598030741778,0.30162489168411943,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-118.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2108466,455919,Consumer loans,4192.2,34110.0,35014.5,2250.0,34110.0,MONDAY,9,Y,1,0.06575841740676902,,,XAP,Approved,-1858,XNA,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,58,Connectivity,12.0,high,POS mobile with interest,365243.0,-1827.0,-1497.0,-1497.0,-1488.0,0.0,0,Cash loans,F,N,N,0,76500.0,448056.0,16092.0,315000.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.0228,-22723,365243,-4840.0,-4095,,1,0,0,1,1,0,,1.0,2,2,WEDNESDAY,17,0,0,0,1,0,0,XNA,0.8490934129825025,0.26525634018619443,0.17146836689679945,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1858.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +1434731,359010,Consumer loans,4498.56,37210.5,40896.0,0.0,37210.5,FRIDAY,12,Y,1,0.0,,,XAP,Approved,-425,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Stone,107,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-393.0,-123.0,-123.0,-115.0,0.0,0,Cash loans,F,N,N,0,112500.0,202500.0,6268.5,202500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-23534,365243,-13447.0,-4541,,1,0,0,1,0,0,,2.0,2,2,MONDAY,14,0,0,0,0,0,0,XNA,0.59173824338035,0.6315746045393155,0.5902333386185574,0.066,,0.9742,,,,0.1379,0.125,,,,0.051,,,0.0672,,0.9742,,,,0.1379,0.125,,,,0.0531,,,0.0666,,0.9742,,,,0.1379,0.125,,,,0.0519,,,,block of flats,0.0401,"Stone, brick",No,4.0,0.0,4.0,0.0,-793.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2778797,120487,Consumer loans,9235.305,42660.0,44914.5,0.0,42660.0,WEDNESDAY,14,Y,1,0.0,,,XAP,Approved,-722,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Stone,172,Furniture,6.0,high,POS industry with interest,365243.0,-690.0,-540.0,-630.0,-627.0,0.0,0,Cash loans,F,N,Y,0,135000.0,407965.5,42970.5,369000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.020713,-22654,365243,-8812.0,-5158,,1,0,0,1,1,0,,1.0,3,3,THURSDAY,9,0,0,0,0,0,0,XNA,0.5191199848452752,0.5315639774783703,0.6058362647264226,0.0165,0.0,0.9757,0.6668,0.0012,0.0,0.069,0.0417,0.0833,0.0175,0.0134,0.01,0.0,0.0,0.0168,0.0,0.9757,0.6798,0.0012,0.0,0.069,0.0417,0.0833,0.0179,0.0147,0.0105,0.0,0.0,0.0167,0.0,0.9757,0.6713,0.0012,0.0,0.069,0.0417,0.0833,0.0178,0.0137,0.0102,0.0,0.0,,block of flats,0.0086,Wooden,No,1.0,1.0,1.0,1.0,-1972.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +1498659,140344,Consumer loans,3500.145,30325.5,29992.5,3033.0,30325.5,SUNDAY,12,Y,1,0.10002006713820304,,,XAP,Approved,-2542,Cash through the bank,XAP,Children,New,Mobile,POS,XNA,Country-wide,20,Connectivity,12.0,low_normal,POS mobile with interest,365243.0,-2511.0,-2181.0,-2181.0,-2171.0,1.0,0,Cash loans,F,N,N,2,180000.0,640080.0,29970.0,450000.0,Family,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-14572,-3038,-8592.0,-4246,,1,1,0,1,0,0,Laborers,4.0,2,2,MONDAY,11,0,0,0,0,1,1,Business Entity Type 3,,0.6685245957479602,0.5388627065779676,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2171.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +2105298,316386,Cash loans,18827.145,297000.0,361296.0,,297000.0,TUESDAY,11,Y,1,,,,XNA,Approved,-731,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,high,Cash X-Sell: high,365243.0,-701.0,709.0,-401.0,-390.0,1.0,0,Cash loans,F,Y,Y,3,165150.0,900000.0,26446.5,900000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.0228,-10916,-3105,-1991.0,-3263,11.0,1,1,0,1,0,0,Core staff,5.0,2,2,FRIDAY,10,0,0,0,0,1,1,Postal,0.38025638795102396,0.6627085295314918,0.29859498978739724,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,2.0,3.0,2.0,-1974.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1367448,210125,Cash loans,25540.245,450000.0,545040.0,,450000.0,TUESDAY,15,Y,1,,,,XNA,Approved,-212,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-182.0,1228.0,-182.0,-179.0,1.0,0,Cash loans,F,N,Y,2,112500.0,835380.0,42781.5,675000.0,Family,State servant,Higher education,Married,House / apartment,0.003069,-15152,-7785,-7736.0,-4453,,1,1,0,1,0,0,Core staff,4.0,3,3,THURSDAY,15,0,0,0,0,0,0,School,0.7191899238020995,0.6192032082091975,0.1168672659157136,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-832.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1017922,112743,Consumer loans,5882.625,72859.5,58284.0,14575.5,72859.5,MONDAY,16,Y,1,0.21787199398094345,0.1891363481808909,0.8350951374207188,XAP,Approved,-122,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,middle,POS mobile with interest,365243.0,-70.0,260.0,365243.0,365243.0,0.0,1,Cash loans,M,N,N,2,225000.0,855000.0,38637.0,855000.0,Family,State servant,Higher education,Single / not married,With parents,0.019101,-10348,-2753,-4656.0,-2619,,1,1,1,1,0,0,High skill tech staff,3.0,2,2,WEDNESDAY,17,0,1,1,0,1,1,Military,0.15290693041344305,0.4812865112946441,0.16146308000577247,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-547.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1944800,184407,Consumer loans,7362.0,34537.5,27630.0,6907.5,34537.5,SATURDAY,16,Y,1,0.2178181818181818,,,XAP,Approved,-671,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,85,Connectivity,4.0,middle,POS mobile without interest,365243.0,-603.0,-513.0,-543.0,-537.0,0.0,0,Cash loans,M,Y,Y,4,112500.0,704844.0,29992.5,630000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00496,-17534,-576,-4105.0,-1065,11.0,1,1,0,1,0,0,Laborers,6.0,2,2,FRIDAY,10,0,0,0,0,0,0,Other,0.5639079678993201,0.587438837166731,0.5954562029091491,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1371563,251618,Consumer loans,5989.005,55980.0,49950.0,6030.0,55980.0,WEDNESDAY,20,Y,1,0.1173136509792458,,,XAP,Approved,-1730,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,25,Connectivity,12.0,high,POS mobile with interest,365243.0,-1687.0,-1357.0,-1537.0,-1530.0,0.0,1,Cash loans,M,N,Y,0,405000.0,545040.0,26509.5,450000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.002042,-11828,-3158,-3968.0,-808,,1,1,0,1,1,0,Managers,2.0,3,3,THURSDAY,15,1,1,0,1,1,0,Restaurant,0.2704625747171024,0.7202129312263309,0.6801388218428291,0.1402,0.0336,0.9856,0.8028,0.0262,0.0,0.069,0.125,0.1667,0.0,0.1143,0.0553,0.0,0.0659,0.1429,0.0349,0.9856,0.8105,0.0264,0.0,0.069,0.125,0.1667,0.0,0.1249,0.0576,0.0,0.0697,0.1416,0.0336,0.9856,0.8054,0.0264,0.0,0.069,0.125,0.1667,0.0,0.1163,0.0563,0.0,0.0672,org spec account,block of flats,0.0578,"Stone, brick",No,0.0,0.0,0.0,0.0,-1730.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1102404,432149,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,15,Y,1,,,,XAP,Approved,-418,XNA,XAP,Family,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,N,Y,0,157500.0,562500.0,44572.5,562500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.028663,-15472,-284,-4896.0,-876,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.4762878904131987,0.3910549766342248,0.1237,0.0964,0.9776,0.6940000000000001,0.0127,0.0,0.2069,0.1667,0.2083,0.1032,0.1,0.1047,0.0039,0.0031,0.1261,0.1,0.9777,0.706,0.0128,0.0,0.2069,0.1667,0.2083,0.1056,0.1093,0.109,0.0039,0.0033,0.1249,0.0964,0.9776,0.6981,0.0128,0.0,0.2069,0.1667,0.2083,0.105,0.1018,0.1065,0.0039,0.0032,org spec account,block of flats,0.0908,Panel,No,4.0,1.0,4.0,1.0,-418.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1013207,296873,Consumer loans,10688.4,134995.5,99499.5,45000.0,134995.5,SATURDAY,13,Y,1,0.3391644324657932,,,XAP,Approved,-339,Cash through the bank,XAP,"Spouse, partner",New,Audio/Video,POS,XNA,Country-wide,765,Consumer electronics,12.0,middle,POS household with interest,365243.0,-309.0,21.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,1,90000.0,303489.0,19525.5,274500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.025164,-12799,-4027,-4673.0,-4673,,1,1,0,1,0,0,Cooking staff,3.0,2,2,TUESDAY,12,0,0,0,0,0,0,Restaurant,0.5051980551534416,0.16284093539236028,0.813917469762627,0.0536,0.0025,0.9687,0.5716,0.0146,0.0,0.1379,0.125,0.1667,0.0184,0.0429,0.0582,0.0039,0.0388,0.0546,0.0026,0.9687,0.5884,0.0147,0.0,0.1379,0.125,0.1667,0.0188,0.0468,0.0606,0.0039,0.0411,0.0541,0.0025,0.9687,0.5773,0.0147,0.0,0.1379,0.125,0.1667,0.0187,0.0436,0.0592,0.0039,0.0396,reg oper account,block of flats,0.0622,"Stone, brick",No,0.0,0.0,0.0,0.0,-339.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2214610,434333,Revolving loans,4500.0,0.0,90000.0,,,MONDAY,16,Y,1,,,,XAP,Approved,-2888,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,-1,Consumer electronics,0.0,XNA,Card Street,-2887.0,-2850.0,365243.0,-2331.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,180000.0,378706.5,18346.5,306000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.018801,-11135,-1661,-2054.0,-1698,5.0,1,1,0,1,0,0,,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.3948537284221516,0.524479455632258,0.5064842396679806,0.2546,0.1529,0.9896,0.8572,0.1066,0.24,0.2069,0.3542,0.2292,0.1607,0.2076,0.1997,0.0,0.0776,0.1786,0.0642,0.9806,0.7452,0.0623,0.1208,0.1034,0.3333,0.0417,0.0657,0.1561,0.0725,0.0,0.0,0.2571,0.1529,0.9896,0.8591,0.1073,0.24,0.2069,0.3542,0.2292,0.1635,0.2112,0.2033,0.0,0.0793,reg oper account,block of flats,0.3422,Panel,No,0.0,0.0,0.0,0.0,-2888.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,1.0,0.0,0.0,0.0,0.0 +1029488,193963,Consumer loans,2652.66,31680.0,19678.5,13500.0,31680.0,TUESDAY,11,Y,1,0.4431402044314019,,,XAP,Approved,-1726,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,59,Connectivity,10.0,high,POS mobile with interest,365243.0,-1687.0,-1417.0,-1447.0,-1441.0,0.0,0,Cash loans,F,N,N,0,180000.0,562491.0,23962.5,454500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.019101,-20997,-1914,-6144.0,-4505,,1,1,1,1,0,0,Core staff,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,Kindergarten,0.8171015490472388,0.5661225716334122,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-560.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1311059,203624,Consumer loans,8759.565,73710.0,66060.0,7650.0,73710.0,SATURDAY,12,Y,1,0.11303141303141305,,,XAP,Approved,-2391,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,12,Connectivity,10.0,high,POS mobile with interest,365243.0,-2355.0,-2085.0,-2085.0,-2082.0,0.0,0,Cash loans,M,N,Y,0,180000.0,266652.0,21195.0,202500.0,Unaccompanied,Working,Secondary / secondary special,Separated,With parents,0.020246,-17305,-1285,-1562.0,-832,,1,1,0,1,1,1,,1.0,3,3,WEDNESDAY,9,0,0,0,0,1,1,Construction,0.4780639825213398,0.6081925201595164,0.4241303111942548,0.0515,0.0392,0.9841,0.7824,0.0082,0.0,0.1379,0.1667,0.2083,0.0489,0.0403,0.0275,0.0077,0.1052,0.0525,0.0406,0.9841,0.7909,0.0083,0.0,0.1379,0.1667,0.2083,0.05,0.0441,0.0286,0.0078,0.1113,0.052000000000000005,0.0392,0.9841,0.7853,0.0083,0.0,0.1379,0.1667,0.2083,0.0497,0.041,0.0279,0.0078,0.1074,reg oper account,block of flats,0.0445,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1008750,408220,Consumer loans,2552.31,17955.0,18481.5,1795.5,17955.0,SUNDAY,11,Y,1,0.09643747730298996,,,XAP,Approved,-1243,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,42,Connectivity,10.0,high,POS mobile with interest,365243.0,-1212.0,-942.0,-942.0,-935.0,0.0,0,Cash loans,F,N,Y,1,112500.0,1483231.5,51687.0,1354500.0,Children,Working,Secondary / secondary special,Married,House / apartment,0.009656999999999999,-16241,-373,-4538.0,-4529,,1,1,0,1,1,1,Sales staff,3.0,2,2,THURSDAY,10,0,0,0,0,0,0,Self-employed,0.2317149245029421,0.7847052400211887,0.4561097392782771,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1243.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1440359,418073,Consumer loans,5689.305,84188.07,84186.0,2.07,84188.07,THURSDAY,11,Y,1,2.677835686004184e-05,,,XAP,Approved,-843,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Regional / Local,140,Consumer electronics,16.0,low_action,POS household without interest,365243.0,-812.0,-362.0,-362.0,-356.0,0.0,0,Cash loans,F,Y,N,2,184500.0,573628.5,27724.5,463500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-14682,-2069,-18.0,-4799,64.0,1,1,0,1,0,0,Laborers,4.0,2,2,SUNDAY,12,0,0,0,0,0,0,Self-employed,,0.6516191273680116,0.6785676886853644,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1673.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1241006,406794,Consumer loans,3254.67,30546.0,22446.0,8100.0,30546.0,TUESDAY,12,Y,1,0.2887984143140301,,,XAP,Refused,-1574,Cash through the bank,LIMIT,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,2160,Consumer electronics,8.0,middle,POS household with interest,,,,,,,0,Cash loans,M,N,Y,0,202500.0,229500.0,24714.0,229500.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.030755,-10245,-615,-1417.0,-2936,,1,1,1,1,0,0,Sales staff,1.0,2,2,MONDAY,18,0,0,0,0,0,0,Business Entity Type 3,0.23454685853873594,0.6889421574119146,,0.0825,0.0504,0.9975,,,0.08,0.0345,0.6667,,0.0334,,0.1138,,0.2069,0.0662,0.0481,0.997,,,0.0806,0.0345,0.6667,,0.0159,,0.0753,,0.1147,0.0854,0.0482,0.997,,,0.08,0.0345,0.6667,,0.0353,,0.1031,,0.1545,,block of flats,0.1634,"Stone, brick",No,0.0,0.0,0.0,0.0,-1574.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2426293,336699,Revolving loans,12375.0,0.0,247500.0,,,THURSDAY,16,Y,1,,,,XAP,Approved,-1184,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,N,2,189000.0,787131.0,26014.5,679500.0,Family,Working,Higher education,Married,Municipal apartment,0.00733,-12381,-1718,-6349.0,-3983,64.0,1,1,0,1,0,0,Laborers,4.0,2,2,FRIDAY,19,0,0,0,0,0,0,Kindergarten,0.3537257666322923,0.6134376065393188,0.7121551551910698,0.1557,0.1332,0.9886,,0.0497,0.16,0.069,0.3333,,0.0921,0.1269,0.1616,,0.0052,0.1586,0.1382,0.9886,,0.0502,0.1611,0.069,0.3333,,0.0942,0.1387,0.1683,,0.0056,0.1572,0.1332,0.9886,,0.05,0.16,0.069,0.3333,,0.0937,0.1291,0.1645,,0.0054,,block of flats,0.226,"Stone, brick",No,2.0,1.0,2.0,1.0,-1602.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2011420,304919,Revolving loans,6750.0,0.0,135000.0,,,WEDNESDAY,23,Y,1,,,,XAP,Approved,-2583,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-2580.0,-2517.0,365243.0,-1087.0,-141.0,0.0,1,Cash loans,F,N,Y,1,157500.0,761067.0,41418.0,657000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006670999999999999,-15613,-1633,-7763.0,-5557,,1,1,0,1,0,1,Managers,3.0,2,2,WEDNESDAY,19,0,0,0,0,0,0,Business Entity Type 3,0.4718742770992129,0.5418620797297465,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,2.0,4.0,2.0,-2044.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1757536,371623,Revolving loans,5625.0,0.0,157500.0,,,MONDAY,12,N,0,,,,XAP,Refused,-1145,XNA,HC,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,Y,N,0,126000.0,284400.0,13257.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00823,-19371,-1496,-2063.0,-2890,7.0,1,1,0,1,1,0,Laborers,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Housing,,0.6398390697977699,0.11465249430297055,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1628.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2036545,108842,Consumer loans,,57555.0,57555.0,0.0,57555.0,FRIDAY,11,Y,1,0.0,,,XAP,Refused,-1635,XNA,LIMIT,Children,Repeater,Mobile,XNA,XNA,Country-wide,232,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,1,180000.0,1275921.0,37435.5,999000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.006629,-17187,-1895,-1868.0,-673,,1,1,0,1,0,0,Accountants,3.0,2,2,TUESDAY,12,0,0,0,0,0,0,University,,0.6877177312514252,0.6658549219640212,0.0253,,0.9801,,,0.0,0.0517,0.0417,,,,0.0121,,,0.0168,,0.9801,,,0.0,0.0345,0.0417,,,,0.0107,,,0.0255,,0.9801,,,0.0,0.0517,0.0417,,,,0.0123,,,,block of flats,0.0081,Wooden,No,0.0,0.0,0.0,0.0,-1635.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1265164,344607,Consumer loans,2847.645,44955.0,17955.0,27000.0,44955.0,MONDAY,15,Y,1,0.6541086541086539,,,XAP,Refused,-2801,XNA,SCO,,Repeater,XNA,POS,XNA,Stone,20,Connectivity,8.0,high,POS mobile with interest,,,,,,,1,Cash loans,F,N,Y,0,315000.0,1236816.0,36292.5,1080000.0,Family,Working,Higher education,Separated,House / apartment,0.030755,-16929,-6612,-1883.0,-482,,1,1,0,1,0,0,Managers,1.0,2,2,TUESDAY,15,0,0,0,0,0,0,Kindergarten,0.8827693269217421,0.6435997622454364,0.4614823912998385,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,1.0,-2014.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1600785,361305,Cash loans,12706.785,108000.0,115128.0,0.0,108000.0,FRIDAY,12,Y,1,0.0,,,XNA,Approved,-1953,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,high,Cash Street: high,365243.0,-1923.0,-1593.0,-1593.0,-1587.0,1.0,0,Cash loans,F,N,Y,0,180000.0,527377.5,23229.0,400500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.030755,-20488,-2351,-8837.0,-3963,,1,1,0,1,1,0,Sales staff,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.7023029018780648,0.5549467685334323,0.133,0.1215,0.9771,0.6872,0.1739,0.0,0.2759,0.1667,0.2083,0.0665,0.1076,0.1197,0.0039,0.0044,0.1355,0.1261,0.9772,0.6994,0.1755,0.0,0.2759,0.1667,0.2083,0.0681,0.1175,0.1247,0.0039,0.0047,0.1343,0.1215,0.9771,0.6914,0.175,0.0,0.2759,0.1667,0.2083,0.0677,0.1095,0.1218,0.0039,0.0045,reg oper account,block of flats,0.1246,"Stone, brick",No,1.0,0.0,1.0,0.0,-1555.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,7.0 +2604011,217951,Cash loans,15704.19,184500.0,202765.5,,184500.0,MONDAY,14,Y,1,,,,XNA,Approved,-567,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-537.0,-27.0,-27.0,-15.0,1.0,0,Cash loans,F,N,Y,0,112500.0,239850.0,22671.0,225000.0,Family,Pensioner,Higher education,Widow,House / apartment,0.016612000000000002,-23007,365243,-2124.0,-4303,,1,0,0,1,0,0,,1.0,2,2,MONDAY,14,0,0,0,1,0,0,XNA,,0.7503894481730187,0.35233997269170386,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1006.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1256916,406481,Cash loans,33482.61,679500.0,840951.0,,679500.0,TUESDAY,10,Y,1,,,,XNA,Approved,-127,Cash through the bank,XAP,Family,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-97.0,953.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,0,292500.0,619254.0,31747.5,553500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.04622,-19636,365243,-7173.0,-3156,,1,0,0,1,0,0,,2.0,1,1,WEDNESDAY,9,0,0,0,0,0,0,XNA,,0.7278891803154304,0.6397075677637197,0.0124,0.0,0.9712,0.6056,0.0021,0.0,0.069,0.0417,0.0833,0.0342,0.0101,0.0125,0.0,0.0,0.0126,0.0,0.9712,0.621,0.0021,0.0,0.069,0.0417,0.0833,0.035,0.011,0.013,0.0,0.0,0.0125,0.0,0.9712,0.6109,0.0021,0.0,0.069,0.0417,0.0833,0.0348,0.0103,0.0127,0.0,0.0,reg oper account,block of flats,0.0098,"Stone, brick",No,0.0,0.0,0.0,0.0,-127.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1853489,314035,Consumer loans,8291.475,83236.5,92025.0,0.0,83236.5,SATURDAY,15,Y,1,0.0,,,XAP,Approved,-1087,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Regional / Local,806,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-1056.0,-726.0,-876.0,-869.0,0.0,0,Cash loans,F,Y,Y,0,315000.0,1575000.0,81553.5,1575000.0,Family,Working,Higher education,Single / not married,House / apartment,0.072508,-10277,-2282,-4227.0,-2950,6.0,1,1,1,1,1,1,Core staff,1.0,1,1,MONDAY,18,1,1,0,1,1,1,School,,0.2673970317977564,,0.2964,0.1677,0.9796,0.7212,0.1052,0.32,0.2759,0.3333,0.375,0.0,0.2408,0.2835,0.0039,0.0106,0.3015,0.1568,0.9796,0.7321,0.0427,0.3222,0.2759,0.3333,0.375,0.0,0.2626,0.2952,0.0039,0.001,0.2993,0.1677,0.9796,0.7249,0.1059,0.32,0.2759,0.3333,0.375,0.0,0.245,0.2886,0.0039,0.0109,reg oper account,block of flats,0.2233,Panel,No,1.0,0.0,1.0,0.0,-2205.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2671592,257620,Consumer loans,14831.865,71158.5,74682.0,0.0,71158.5,TUESDAY,13,Y,1,0.0,,,XAP,Approved,-2433,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,200,Consumer electronics,6.0,high,POS household with interest,365243.0,-2402.0,-2252.0,-2252.0,-2246.0,1.0,0,Revolving loans,F,N,Y,1,90000.0,225000.0,11250.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018634,-15521,-888,-2850.0,-4596,,1,1,0,1,0,0,Laborers,3.0,2,2,SATURDAY,10,0,0,0,0,0,0,Business Entity Type 2,,0.15966162890251714,0.6347055309763198,0.0773,0.08,0.9821,0.7552,0.0354,0.0,0.1724,0.1667,0.2083,0.0557,0.063,0.0692,0.0,0.0,0.0788,0.083,0.9821,0.7648,0.0357,0.0,0.1724,0.1667,0.2083,0.057,0.0689,0.0721,0.0,0.0,0.0781,0.08,0.9821,0.7585,0.0356,0.0,0.1724,0.1667,0.2083,0.0567,0.0641,0.0705,0.0,0.0,reg oper account,block of flats,0.0738,Panel,No,0.0,0.0,0.0,0.0,-415.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,1.0 +1436827,231588,Consumer loans,3285.09,40463.55,32368.5,8095.05,40463.55,THURSDAY,13,Y,1,0.21788116375444969,0.1607021421285277,0.715644820295983,XAP,Approved,-460,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,131,Connectivity,12.0,middle,POS mobile with interest,365243.0,-424.0,-94.0,-334.0,-331.0,0.0,1,Cash loans,F,N,N,0,112500.0,450000.0,24412.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-12968,-416,-2944.0,-623,,1,1,1,1,1,0,Accountants,2.0,2,2,THURSDAY,20,0,0,0,0,1,1,Business Entity Type 3,0.3211788727529649,0.6150231605620977,0.09022093929076848,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-460.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,0.0 +2476233,126578,Cash loans,51863.265,1215000.0,1338493.5,,1215000.0,SATURDAY,11,Y,1,,,,XNA,Approved,-628,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,42.0,low_normal,Cash X-Sell: low,365243.0,-598.0,632.0,-148.0,-144.0,1.0,0,Revolving loans,M,Y,Y,1,675000.0,900000.0,45000.0,900000.0,"Spouse, partner",State servant,Higher education,Married,House / apartment,0.025164,-15010,-6716,-105.0,-1270,3.0,1,1,1,1,0,0,Managers,3.0,2,2,THURSDAY,13,0,0,0,0,0,0,Transport: type 2,0.6933724659709275,0.6627476321926328,0.5954562029091491,0.1876,0.0789,0.9995,0.9932,0.0887,0.16,0.0345,1.0,1.0,0.0,0.1496,0.3118,0.0154,0.0698,0.1912,0.0819,0.9995,0.9935,0.0895,0.1611,0.0345,1.0,1.0,0.0,0.1635,0.3248,0.0156,0.0739,0.1894,0.0789,0.9995,0.9933,0.0892,0.16,0.0345,1.0,1.0,0.0,0.1522,0.3174,0.0155,0.0712,reg oper spec account,block of flats,0.3089,"Stone, brick",No,0.0,0.0,0.0,0.0,-1699.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1219734,259972,Cash loans,28502.82,225000.0,271300.5,,225000.0,WEDNESDAY,14,Y,1,,,,XNA,Approved,-758,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-728.0,-398.0,-578.0,-572.0,1.0,0,Cash loans,F,N,Y,0,225000.0,454500.0,27805.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-17707,-5185,-3801.0,-1249,,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.5220737842811219,0.445396241560834,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1653.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1925626,447493,Cash loans,44265.87,1129500.0,1227901.5,,1129500.0,SATURDAY,14,Y,1,,,,XNA,Approved,-259,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_action,Cash X-Sell: low,365243.0,-229.0,821.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,225000.0,101880.0,10206.0,90000.0,Children,Working,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-20299,-2603,-10728.0,-3441,,1,1,0,1,0,0,Cleaning staff,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,Transport: type 2,,0.4947866540745392,0.6690566947824041,0.0082,0.0,0.9702,0.5920000000000001,0.0097,0.0,0.0345,0.0417,0.0833,0.0131,0.0067,0.0072,0.0,0.0,0.0084,0.0,0.9702,0.608,0.0098,0.0,0.0345,0.0417,0.0833,0.0134,0.0073,0.0075,0.0,0.0,0.0083,0.0,0.9702,0.5975,0.0097,0.0,0.0345,0.0417,0.0833,0.0133,0.0068,0.0074,0.0,0.0,reg oper account,block of flats,0.011,"Stone, brick",No,9.0,0.0,9.0,0.0,-2014.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1991524,318129,Cash loans,22849.065,315000.0,340573.5,,315000.0,TUESDAY,9,Y,1,,,,XNA,Approved,-885,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-855.0,-345.0,-465.0,-460.0,1.0,0,Cash loans,F,N,Y,0,81000.0,182983.5,13810.5,166500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010556,-24464,365243,-11586.0,-4539,,1,0,0,1,0,0,,2.0,3,3,FRIDAY,12,0,0,0,0,0,0,XNA,,0.5060589072600693,0.5460231970049609,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-466.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +2556753,320053,Consumer loans,7751.025,71910.0,58410.0,13500.0,71910.0,SUNDAY,6,Y,1,0.20446012060530205,,,XAP,Approved,-834,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,10.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,0,112500.0,177903.0,14260.5,148500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.014464,-12436,-2474,-1913.0,-760,,1,1,1,1,1,0,Laborers,2.0,2,2,MONDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.5042434732918073,0.4157641880844281,0.1852020815902493,0.1546,0.1352,0.9881,0.8368,0.0268,0.0,0.3448,0.1667,0.2083,0.1541,0.1261,0.1478,0.0,0.0,0.1576,0.1403,0.9881,0.8432,0.027000000000000003,0.0,0.3448,0.1667,0.2083,0.1576,0.1377,0.154,0.0,0.0,0.1561,0.1352,0.9881,0.8390000000000001,0.0269,0.0,0.3448,0.1667,0.2083,0.1568,0.1283,0.1504,0.0,0.0,reg oper account,block of flats,0.135,Panel,No,0.0,0.0,0.0,0.0,-834.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2233582,389125,Consumer loans,6004.035,52213.5,51448.5,5400.0,52213.5,SATURDAY,19,Y,1,0.10345199801385976,,,XAP,Approved,-2425,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Stone,22,Consumer electronics,12.0,high,POS household with interest,365243.0,-2385.0,-2055.0,-2055.0,-2053.0,1.0,0,Cash loans,F,N,Y,0,112500.0,1260000.0,36841.5,1260000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010147,-12925,-2190,-10781.0,-1371,,1,1,0,1,1,0,Accountants,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Government,,0.7212472753255365,0.5814837058057234,0.1361,0.0697,0.9851,,,0.04,0.2069,0.3333,,0.1228,,0.1249,,0.0589,0.1387,0.0723,0.9851,,,0.0403,0.2069,0.3333,,0.1256,,0.1302,,0.0624,0.1374,0.0697,0.9851,,,0.04,0.2069,0.3333,,0.1249,,0.1272,,0.0602,,block of flats,0.1011,"Stone, brick",No,0.0,0.0,0.0,0.0,-1530.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,0.0 +2694298,118289,Cash loans,22787.865,265500.0,265500.0,,265500.0,FRIDAY,11,Y,1,,,,XNA,Refused,-450,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,112500.0,407520.0,32197.5,360000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.020246,-17380,-2875,-8623.0,-923,,1,1,1,1,1,0,Sales staff,1.0,3,3,SUNDAY,10,0,0,0,0,0,0,Business Entity Type 1,,0.1867968747754524,,0.0082,0.0,0.9578,0.422,0.0103,0.0,0.069,0.0417,0.0833,0.027000000000000003,0.0067,0.0096,0.0,0.0,0.0084,0.0,0.9578,0.4446,0.0104,0.0,0.069,0.0417,0.0833,0.0276,0.0073,0.01,0.0,0.0,0.0083,0.0,0.9578,0.4297,0.0104,0.0,0.069,0.0417,0.0833,0.0275,0.0068,0.0098,0.0,0.0,not specified,block of flats,0.0076,Wooden,Yes,0.0,0.0,0.0,0.0,-139.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2083113,122970,Revolving loans,5625.0,0.0,112500.0,,,WEDNESDAY,9,Y,1,,,,XAP,Approved,-1041,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-1039.0,-1005.0,365243.0,-488.0,-32.0,0.0,0,Cash loans,M,Y,Y,1,72000.0,143910.0,14233.5,135000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-17588,365243,-11702.0,-1140,1.0,1,0,0,1,1,0,,3.0,2,2,MONDAY,13,0,0,0,0,0,0,XNA,,0.3705175737633665,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-781.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2208113,386183,Revolving loans,13500.0,0.0,270000.0,,,FRIDAY,12,Y,1,,,,XAP,Approved,-1358,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-675.0,-643.0,365243.0,-248.0,-197.0,0.0,0,Cash loans,F,N,N,0,90000.0,592560.0,35937.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.02461,-19856,-2562,-309.0,-3348,,1,1,0,1,1,0,Laborers,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,Transport: type 4,,0.5458872593285192,,0.0495,0.0484,0.9732,0.6328,0.0042,0.0,0.1034,0.125,0.1667,0.0516,0.0403,0.0403,0.0,0.0,0.0504,0.0502,0.9732,0.6472,0.0043,0.0,0.1034,0.125,0.1667,0.0528,0.0441,0.042,0.0,0.0,0.05,0.0484,0.9732,0.6377,0.0042,0.0,0.1034,0.125,0.1667,0.0525,0.041,0.041,0.0,0.0,reg oper account,block of flats,0.034,"Stone, brick",No,0.0,0.0,0.0,0.0,-1479.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2649949,138841,Cash loans,49874.625,1350000.0,1546020.0,,1350000.0,TUESDAY,14,Y,1,,,,XNA,Refused,-560,Cash through the bank,HC,Family,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),3,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,Y,N,0,225000.0,864000.0,46030.5,864000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-19211,-837,-4034.0,-2767,14.0,1,1,0,1,0,0,Low-skill Laborers,2.0,2,2,WEDNESDAY,9,0,0,0,0,1,1,Self-employed,,0.5853598068835029,0.3425288720742255,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1159037,289361,Consumer loans,6120.135,53995.5,59697.0,0.0,53995.5,TUESDAY,17,Y,1,0.0,,,XAP,Approved,-1034,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,4200,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1003.0,-673.0,-673.0,-664.0,0.0,0,Cash loans,F,N,Y,0,112500.0,766404.0,24853.5,549000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-18652,-1427,-7277.0,-2158,,1,1,0,1,0,0,Cooking staff,2.0,2,2,SUNDAY,11,0,0,0,0,0,0,Self-employed,,0.6629089071301834,,0.0928,0.0922,0.9811,0.7416,0.0124,0.0,0.2069,0.1667,0.2083,0.0464,0.0756,0.0528,0.0,0.0,0.0945,0.0956,0.9811,0.7517,0.0125,0.0,0.2069,0.1667,0.2083,0.0474,0.0826,0.0551,0.0,0.0,0.0937,0.0922,0.9811,0.7451,0.0124,0.0,0.2069,0.1667,0.2083,0.0472,0.077,0.0538,0.0,0.0,reg oper account,block of flats,0.0612,Panel,No,0.0,0.0,0.0,0.0,-1034.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1647348,164086,Revolving loans,45000.0,900000.0,900000.0,,900000.0,SUNDAY,14,Y,1,,,,XAP,Approved,-325,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-324.0,-282.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,1,247500.0,1078200.0,31653.0,900000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.008625,-16189,-8664,-2274.0,-4606,1.0,1,1,0,1,1,0,Laborers,3.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Electricity,,0.30216782775525736,0.6313545365850379,0.1845,0.1079,0.9866,0.8164,0.1061,0.2,0.1724,0.3333,0.375,0.0407,0.1505,0.1848,0.0,0.0,0.188,0.112,0.9866,0.8236,0.1071,0.2014,0.1724,0.3333,0.375,0.0416,0.1644,0.1925,0.0,0.0,0.1863,0.1079,0.9866,0.8189,0.1068,0.2,0.1724,0.3333,0.375,0.0414,0.1531,0.1881,0.0,0.0,reg oper account,block of flats,0.2006,Panel,No,0.0,0.0,0.0,0.0,-2907.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,4.0,0.0,2.0 +2745710,191602,Consumer loans,9797.85,101686.5,85720.5,22500.0,101686.5,THURSDAY,16,Y,1,0.2264316414592933,,,XAP,Approved,-2379,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,1465,Consumer electronics,10.0,middle,POS household with interest,365243.0,-2348.0,-2078.0,-2078.0,-2075.0,1.0,0,Cash loans,F,N,N,1,247500.0,1051294.5,30739.5,918000.0,Unaccompanied,State servant,Higher education,Civil marriage,House / apartment,0.035792000000000004,-13427,-1724,-7453.0,-4781,,1,1,0,1,0,0,Medicine staff,3.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Hotel,0.4790786588640935,0.6773175816606648,0.5814837058057234,0.0619,0.0,0.9732,0.6328,0.0,0.0,0.1034,0.1667,0.2083,0.0432,0.0504,0.0411,0.0,0.0031,0.063,0.0,0.9732,0.6472,0.0,0.0,0.1034,0.1667,0.2083,0.0442,0.0551,0.0429,0.0,0.0033,0.0625,0.0,0.9732,0.6377,0.0,0.0,0.1034,0.1667,0.2083,0.044,0.0513,0.0419,0.0,0.0032,reg oper account,block of flats,0.033,"Stone, brick",No,0.0,0.0,0.0,0.0,-1579.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1104488,289909,Consumer loans,3371.085,17505.0,16533.0,1750.5,17505.0,SUNDAY,16,Y,1,0.1042718099031168,,,XAP,Approved,-1836,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,16,Connectivity,6.0,high,POS mobile with interest,365243.0,-1800.0,-1650.0,-1650.0,-1647.0,0.0,0,Cash loans,F,Y,Y,0,180000.0,781879.5,45715.5,724500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-11444,-4631,-5338.0,-2943,3.0,1,1,0,1,1,0,Sales staff,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.6974663400220183,,0.2948,,0.9901,,,0.28,0.2414,0.375,,,,0.2945,,0.0246,0.3004,,0.9901,,,0.282,0.2414,0.375,,,,0.3068,,0.026,0.2977,,0.9901,,,0.28,0.2414,0.375,,,,0.2997,,0.0251,,block of flats,0.2369,Panel,No,1.0,0.0,1.0,0.0,-199.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1852815,315150,Consumer loans,6860.34,36193.95,34182.0,3622.95,36193.95,WEDNESDAY,15,Y,1,0.10437050992240192,,,XAP,Approved,-2349,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Stone,149,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-2318.0,-2168.0,-2168.0,-2163.0,1.0,0,Cash loans,F,Y,N,0,112500.0,1130112.0,37350.0,1012500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-12680,-555,-915.0,-4103,6.0,1,1,1,1,0,0,Managers,2.0,2,2,SATURDAY,8,0,0,0,1,1,0,Industry: type 4,0.6048960634398799,0.5108847527034267,0.19747451156854226,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-447.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2364686,395529,Cash loans,20254.365,225000.0,254700.0,,225000.0,THURSDAY,7,Y,1,,,,XNA,Refused,-228,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,Y,0,225000.0,607041.0,29331.0,490500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.020246,-18521,-1312,-3189.0,-2076,,1,1,0,1,0,0,Core staff,1.0,3,3,MONDAY,6,0,0,0,0,0,0,Government,0.8541737931407164,0.2638523004929805,0.2807895743848605,0.1021,0.0815,0.9771,0.6872,0.0133,0.0,0.2069,0.1667,0.2083,0.0789,0.0799,0.0628,0.0154,0.1011,0.104,0.0845,0.9772,0.6994,0.0134,0.0,0.2069,0.1667,0.2083,0.0807,0.0872,0.0655,0.0156,0.107,0.1031,0.0815,0.9771,0.6914,0.0134,0.0,0.2069,0.1667,0.2083,0.0803,0.0812,0.064,0.0155,0.1032,reg oper account,block of flats,0.0714,Panel,No,1.0,0.0,1.0,0.0,-724.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2779101,393300,Cash loans,34528.77,337500.0,353092.5,,337500.0,TUESDAY,16,Y,1,,,,XNA,Refused,-314,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,N,N,0,112500.0,137538.0,16452.0,121500.0,Unaccompanied,Working,Higher education,Single / not married,With parents,0.010966,-12942,-1104,-728.0,-2373,,1,1,0,1,0,0,Laborers,1.0,2,2,MONDAY,14,0,0,0,0,1,1,Government,,0.4731524714205152,0.5316861425197883,0.0412,0.0659,0.9901,0.8640000000000001,,0.0,0.1379,0.1667,0.2083,0.0132,,0.0563,,0.0,0.042,0.0684,0.9901,0.8693,,0.0,0.1379,0.1667,0.2083,0.0135,,0.0586,,0.0,0.0416,0.0659,0.9901,0.8658,,0.0,0.1379,0.1667,0.2083,0.0134,,0.0573,,0.0,,block of flats,0.0442,"Stone, brick",No,0.0,0.0,0.0,0.0,-504.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +1503761,195870,Consumer loans,10201.05,88375.5,87412.5,8838.0,88375.5,MONDAY,18,Y,1,0.10000348522392563,,,XAP,Approved,-2566,Cash through the bank,XAP,Family,Refreshed,Computers,POS,XNA,Country-wide,-1,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-2535.0,-2205.0,-2205.0,-2203.0,1.0,0,Cash loans,F,Y,Y,0,261000.0,1494324.0,41220.0,1170000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.072508,-21750,365243,-7744.0,-5287,4.0,1,0,0,1,1,0,,2.0,1,1,FRIDAY,10,0,0,0,0,0,0,XNA,,0.7183673309614714,0.6296742509538716,0.1572,0.0897,0.9886,0.8504,0.1285,0.26,0.1121,0.5208,0.5833,0.0827,0.1576,0.1457,0.0097,0.0584,0.0987,0.0478,0.9886,0.8563,0.1262,0.1611,0.069,0.5417,0.5833,0.0,0.0992,0.0855,0.0078,0.0,0.1286,0.0609,0.9886,0.8524,0.1294,0.2,0.0862,0.5417,0.5833,0.0889,0.1603,0.0934,0.0097,0.0589,reg oper spec account,block of flats,0.2752,Panel,No,2.0,1.0,2.0,0.0,-485.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1465130,391464,Consumer loans,5558.805,53194.5,59274.0,0.0,53194.5,SUNDAY,17,Y,1,0.0,,,XAP,Approved,-856,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,847,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-825.0,-495.0,-525.0,-520.0,0.0,0,Cash loans,F,Y,Y,1,225000.0,508495.5,20295.0,454500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.011703,-14680,-373,-8750.0,-2015,6.0,1,1,0,1,0,0,,3.0,2,2,TUESDAY,12,0,0,0,0,1,1,Business Entity Type 3,0.7285675508531577,0.7297131132429531,0.7713615919194317,0.1021,0.0822,0.9781,,,0.0,0.2069,0.1667,,0.0742,,0.0887,,0.0042,0.104,0.0853,0.9782,,,0.0,0.2069,0.1667,,0.0759,,0.0924,,0.0045,0.1031,0.0822,0.9781,,,0.0,0.2069,0.1667,,0.0755,,0.0903,,0.0043,,block of flats,0.0768,"Stone, brick",No,3.0,0.0,3.0,0.0,-270.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1261553,247977,Revolving loans,2250.0,45000.0,45000.0,,45000.0,TUESDAY,19,Y,1,,,,XAP,Approved,-369,XNA,XAP,Family,New,XNA,Cards,walk-in,Stone,102,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,1,202500.0,360000.0,36886.5,360000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-14173,-4081,-7831.0,-5051,26.0,1,1,0,1,0,0,Laborers,3.0,2,2,SUNDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.5681142394975484,,0.0206,,0.9771,0.762,0.0228,0.0,0.1034,0.0208,0.0417,0.0113,0.0134,0.0085,0.0,0.0,0.0063,,0.9722,0.7713,0.023,0.0,0.1034,0.0,0.0417,0.0115,0.0147,0.0029,0.0,0.0,0.0208,,0.9771,0.7652,0.0229,0.0,0.1034,0.0208,0.0417,0.0115,0.0137,0.0087,0.0,0.0,reg oper account,terraced house,0.0022,"Stone, brick",No,3.0,1.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2038977,383496,Cash loans,11895.885,135000.0,148365.0,,135000.0,WEDNESDAY,15,Y,1,,,,XNA,Approved,-1220,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,18.0,middle,Cash X-Sell: middle,365243.0,-1190.0,-680.0,-680.0,-677.0,1.0,0,Cash loans,M,Y,N,0,90000.0,450000.0,32742.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007114,-10014,-380,-9135.0,-2654,14.0,1,1,0,1,1,1,Low-skill Laborers,2.0,2,2,THURSDAY,16,0,0,0,0,0,0,Self-employed,0.14447553182518502,0.17811186318951394,0.7713615919194317,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-765.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2574073,204427,Cash loans,23432.76,360000.0,464751.0,,360000.0,THURSDAY,12,Y,1,,,,XNA,Approved,-1398,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,365243.0,-1368.0,-498.0,-828.0,-821.0,1.0,0,Cash loans,F,Y,N,0,225000.0,149256.0,16204.5,135000.0,Other_B,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.009549,-15738,-485,-158.0,-4602,7.0,1,1,0,1,0,0,Sales staff,1.0,2,2,TUESDAY,17,0,0,0,0,0,0,Trade: type 7,0.5445065652145108,0.611917154691594,,0.0928,0.1156,0.9816,0.7484,0.0151,0.0,0.2069,0.1667,0.2083,0.0879,0.0752,0.0871,0.0019,0.0006,0.083,0.1183,0.9816,0.7583,0.0145,0.0,0.2069,0.1667,0.2083,0.0711,0.0725,0.0881,0.0,0.0,0.0937,0.1156,0.9816,0.7518,0.0152,0.0,0.2069,0.1667,0.2083,0.0894,0.0765,0.0887,0.0019,0.0006,reg oper spec account,block of flats,0.0772,"Stone, brick",No,1.0,0.0,1.0,0.0,-2510.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2254676,105301,Consumer loans,14178.42,100575.0,78075.0,22500.0,100575.0,MONDAY,15,Y,1,0.2436444986780557,,,XAP,Approved,-2342,XNA,XAP,,New,Furniture,POS,XNA,Stone,300,Industry,6.0,middle,POS industry with interest,365243.0,-2298.0,-2148.0,-2148.0,-2140.0,0.0,0,Cash loans,F,N,Y,0,270000.0,900000.0,28876.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.04622,-22493,-3521,-7316.0,-4446,,1,1,0,1,0,0,Cleaning staff,1.0,1,1,FRIDAY,12,0,0,0,0,0,0,Housing,,0.6979183415383431,0.4578995512067301,0.1744,0.0891,0.9811,0.7416,0.0557,0.136,0.1448,0.3,0.3417,0.0298,0.1405,0.1713,0.0077,0.0203,0.2647,0.0,0.9757,0.6798,0.0057,0.1611,0.1379,0.3333,0.375,0.02,0.0588,0.0532,0.0078,0.0,0.152,0.1087,0.9806,0.7383,0.0482,0.16,0.1379,0.3333,0.375,0.0352,0.1231,0.1585,0.0078,0.0025,reg oper account,block of flats,0.2573,"Stone, brick",No,0.0,0.0,0.0,0.0,-1974.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2693275,208056,Cash loans,25996.365,337500.0,384277.5,,337500.0,TUESDAY,10,Y,1,,,,Urgent needs,Approved,-686,Cash through the bank,XAP,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,high,Cash Street: high,365243.0,-656.0,394.0,-536.0,-527.0,1.0,0,Cash loans,M,N,Y,0,202500.0,225000.0,11074.5,225000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.030755,-11409,-1638,-1434.0,-3365,,1,1,1,1,0,0,Managers,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Self-employed,0.23261311006332394,0.6622048840755086,,0.0918,0.0798,0.9732,0.6328,0.1189,0.0,0.1379,0.1667,0.2083,0.021,0.07400000000000001,0.077,0.0039,0.0333,0.0935,0.0828,0.9732,0.6472,0.12,0.0,0.1379,0.1667,0.2083,0.0215,0.0808,0.0803,0.0039,0.0352,0.0926,0.0798,0.9732,0.6377,0.1197,0.0,0.1379,0.1667,0.2083,0.0214,0.0752,0.0784,0.0039,0.034,reg oper account,block of flats,0.065,Block,No,1.0,1.0,1.0,1.0,-921.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1396605,141476,Consumer loans,2671.245,20115.0,19584.0,2025.0,20115.0,WEDNESDAY,12,Y,1,0.10205974783234256,,,XAP,Approved,-1666,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,73,Connectivity,10.0,high,POS mobile with interest,365243.0,-1628.0,-1358.0,-1358.0,-1354.0,0.0,0,Cash loans,F,N,Y,0,101250.0,337923.0,12870.0,279000.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.020246,-21392,365243,-6621.0,-4899,,1,0,0,1,0,0,,2.0,3,3,WEDNESDAY,12,0,0,0,0,0,0,XNA,,0.4288016478231077,0.6263042766749393,0.0021,0.0,0.9871,0.8232,,0.0,0.0,0.0,,0.0162,0.0017,0.0021,0.0,0.0,0.0021,0.0,0.9871,0.8301,,0.0,0.0,0.0,,0.0166,0.0018,0.0022,0.0,0.0,0.0021,0.0,0.9871,0.8256,,0.0,0.0,0.0,,0.0165,0.0017,0.0021,0.0,0.0,not specified,block of flats,0.0023,"Stone, brick",No,0.0,0.0,0.0,0.0,-1822.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,9.0 +2016047,246371,Consumer loans,4058.775,30519.0,20223.0,11250.0,30519.0,SATURDAY,12,Y,1,0.3892947201497387,,,XAP,Approved,-2381,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Stone,10,Connectivity,6.0,high,POS mobile with interest,365243.0,-2348.0,-2198.0,-2228.0,-2226.0,1.0,0,Cash loans,M,N,Y,1,180000.0,177489.0,19242.0,166500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-16495,-980,-10634.0,-37,,1,1,0,1,0,0,Drivers,3.0,2,2,SUNDAY,13,0,0,0,0,0,0,Industry: type 3,,0.4285659980340721,,0.0082,,0.9632,,,,0.069,0.0417,,,,0.0077,,,0.0084,,0.9633,,,,0.069,0.0417,,,,0.008,,,0.0083,,0.9632,,,,0.069,0.0417,,,,0.0078,,,,block of flats,0.0083,Wooden,Yes,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2366155,444609,Consumer loans,3565.8,44163.225,35329.5,8833.725,44163.225,THURSDAY,16,Y,1,0.21784481524863927,,,XAP,Approved,-443,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Regional / Local,300,Consumer electronics,12.0,middle,POS household with interest,365243.0,-413.0,-83.0,-323.0,-314.0,0.0,0,Cash loans,F,N,Y,0,54000.0,74628.0,7969.5,67500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.019688999999999998,-23743,365243,-495.0,-4797,,1,0,0,1,1,0,,1.0,2,2,SATURDAY,13,0,0,0,0,0,0,XNA,,0.2368794976899559,0.646329897706246,,,,,,0.0,,0.1667,,,,,,,,,,,,0.0,,0.1667,,,,,,,,,,,,0.0,,0.1667,,,,,,,,block of flats,0.0956,,No,0.0,0.0,0.0,0.0,-443.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2175974,333047,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,16,Y,1,,,,XAP,Refused,-131,XNA,SCOFR,Unaccompanied,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),148,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,Y,Y,0,157500.0,148365.0,11781.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.002042,-13201,-1042,-2656.0,-2641,12.0,1,1,1,1,1,0,Laborers,2.0,3,3,MONDAY,13,0,0,0,0,0,0,Industry: type 1,,0.31805777932986834,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-561.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1458412,360966,Cash loans,11313.99,153000.0,213588.0,,153000.0,FRIDAY,15,Y,1,,,,XNA,Refused,-150,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,1,180000.0,523237.5,25578.0,432000.0,Unaccompanied,Commercial associate,Incomplete higher,Separated,House / apartment,0.025164,-13248,-303,-4464.0,-5010,,1,1,0,1,1,1,Cooking staff,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Trade: type 3,0.18822108040121927,0.3182902322931517,0.2103502286944494,0.1526,0.1451,0.9762,0.6736,0.0167,0.0,0.3448,0.1667,0.2083,0.0,0.121,0.1451,0.0154,0.0339,0.1555,0.1506,0.9762,0.6864,0.0168,0.0,0.3448,0.1667,0.2083,0.0,0.1322,0.1511,0.0156,0.0359,0.1541,0.1451,0.9762,0.6779999999999999,0.0168,0.0,0.3448,0.1667,0.2083,0.0,0.1231,0.1477,0.0155,0.0346,reg oper account,block of flats,0.1306,Panel,No,0.0,0.0,0.0,0.0,-1825.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,3.0 +2809593,323562,Cash loans,16164.0,450000.0,450000.0,,450000.0,TUESDAY,10,Y,1,,,,XNA,Approved,-348,XNA,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-318.0,1092.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,247500.0,328405.5,23895.0,283500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.005313,-13284,-727,-4995.0,-3848,26.0,1,1,0,1,0,0,Drivers,2.0,2,2,SUNDAY,16,0,1,1,0,1,1,Self-employed,,0.1120731808710291,0.2707073872651806,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-10.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1219332,161019,Cash loans,65097.0,1800000.0,2013840.0,,1800000.0,MONDAY,13,Y,1,,,,XNA,Approved,-637,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-607.0,1163.0,-127.0,-120.0,1.0,0,Revolving loans,M,N,Y,2,315000.0,855000.0,42750.0,855000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.04622,-15128,-3227,-7713.0,-4296,,1,1,0,1,0,0,Drivers,4.0,1,1,MONDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.8726724350562926,0.6621902092686955,0.656158373001177,0.2206,,0.9791,,,0.24,0.2069,0.3333,,0.1168,,,,,0.2248,,0.9791,,,0.2417,0.2069,0.3333,,0.1194,,,,,0.2228,,0.9791,,,0.24,0.2069,0.3333,,0.1188,,,,,,block of flats,0.1845,,No,6.0,0.0,6.0,0.0,-816.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2047045,370331,Revolving loans,22500.0,0.0,450000.0,,,MONDAY,7,N,1,,,,XAP,Refused,-1101,XNA,LIMIT,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,90000.0,463500.0,13680.0,463500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-18848,-141,-6060.0,-2394,,1,1,1,1,1,0,Sales staff,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Other,,0.6468034899632297,0.4794489811780563,0.0186,0.0,0.9652,0.524,,0.0,0.0862,0.0833,0.125,0.0223,0.0151,0.0196,0.0,0.0,0.0189,0.0,0.9652,0.5426,,0.0,0.069,0.0833,0.125,0.0125,0.0165,0.016,0.0,0.0,0.0187,0.0,0.9652,0.5304,,0.0,0.0862,0.0833,0.125,0.0227,0.0154,0.02,0.0,0.0,reg oper account,block of flats,0.0188,"Stone, brick",No,0.0,0.0,0.0,0.0,-1471.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1422662,124420,Cash loans,71614.8,1282500.0,1282500.0,,1282500.0,MONDAY,13,Y,1,,,,XNA,Refused,-304,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash Street: low,,,,,,,1,Cash loans,M,Y,Y,0,247500.0,1552500.0,42822.0,1552500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.028663,-19847,-1002,-441.0,-3262,11.0,1,1,0,1,0,0,Managers,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Transport: type 4,0.7582000201894422,0.5881329243079093,0.41534714488434,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1540.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2246624,419217,Revolving loans,45000.0,0.0,900000.0,,,WEDNESDAY,16,Y,1,,,,XAP,Approved,-327,XNA,XAP,,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),1,XNA,0.0,XNA,Card X-Sell,-325.0,-282.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,270000.0,417915.0,33147.0,378000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-15576,-3681,-2357.0,-2368,,1,1,1,1,1,0,Core staff,2.0,2,2,MONDAY,11,0,0,0,0,1,1,Self-employed,,0.5677439861646143,0.3001077565791181,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1291.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +1148349,327897,Consumer loans,12353.445,155115.0,175077.0,0.0,155115.0,MONDAY,20,Y,1,0.0,,,XAP,Refused,-767,Cash through the bank,SCOFR,,New,Computers,POS,XNA,Country-wide,108,Consumer electronics,18.0,middle,POS mobile with interest,,,,,,,0,Cash loans,F,Y,N,0,243000.0,339948.0,38448.0,315000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-8574,-1022,-7191.0,-1214,2.0,1,1,1,1,1,0,Accountants,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.1456595326047126,0.4255055355678933,0.04825898346784866,0.1113,0.0455,0.9821,0.7552,0.0531,0.0,0.0345,0.1667,0.2083,0.0363,0.0908,0.0369,0.0,0.0,0.1134,0.0472,0.9821,0.7648,0.0536,0.0,0.0345,0.1667,0.2083,0.0371,0.0992,0.0385,0.0,0.0,0.1124,0.0455,0.9821,0.7585,0.0534,0.0,0.0345,0.1667,0.2083,0.0369,0.0923,0.0376,0.0,0.0,not specified,block of flats,0.029,Panel,No,2.0,0.0,2.0,0.0,-221.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,3.0 +1340549,342995,Consumer loans,3717.9,19305.0,18234.0,1930.5,19305.0,FRIDAY,9,Y,1,0.1042669047087703,,,XAP,Approved,-1545,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,34,Connectivity,6.0,high,POS mobile with interest,365243.0,-1503.0,-1353.0,-1353.0,-1347.0,0.0,0,Cash loans,F,N,Y,0,135000.0,835380.0,33259.5,675000.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.030755,-23464,365243,-12868.0,-3670,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,XNA,0.7735373644762943,0.6233297242547708,0.7675231046555077,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1524751,138953,Consumer loans,4798.755,39591.0,44293.5,0.0,39591.0,FRIDAY,9,Y,1,0.0,,,XAP,Refused,-423,XNA,LIMIT,,Repeater,Consumer Electronics,POS,XNA,Country-wide,1084,Consumer electronics,12.0,high,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,112500.0,379237.5,19494.0,288000.0,Family,State servant,Secondary / secondary special,Single / not married,House / apartment,0.018029,-19862,-2954,-7523.0,-3120,,1,1,0,1,0,0,Medicine staff,1.0,3,3,MONDAY,7,0,0,0,0,0,0,Other,0.7310826550853202,0.5497548968878996,0.5262949398096192,0.2021,0.1458,0.9891,0.8504,0.0507,0.2,0.1724,0.3333,0.0417,,,0.2349,,0.0,0.2059,0.1513,0.9891,0.8563,0.0512,0.2014,0.1724,0.3333,0.0417,,,0.2447,,0.0,0.204,0.1458,0.9891,0.8524,0.051,0.2,0.1724,0.3333,0.0417,,,0.2391,,0.0,,block of flats,0.2125,Panel,No,8.0,0.0,8.0,0.0,-511.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2525355,450409,Consumer loans,13209.48,112243.5,109350.0,11227.5,112243.5,MONDAY,16,Y,1,0.10141003240088887,,,XAP,Approved,-2153,Cash through the bank,XAP,Family,Repeater,Construction Materials,POS,XNA,Stone,2377,Construction,10.0,middle,POS industry with interest,365243.0,-2122.0,-1852.0,-1852.0,-1846.0,0.0,0,Cash loans,F,N,Y,0,67500.0,126000.0,8896.5,126000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.00702,-21126,365243,-9604.0,-4007,,1,0,0,1,1,0,,1.0,2,2,FRIDAY,10,0,0,0,0,0,0,XNA,,0.6274333167657095,0.7583930617144343,0.0711,0.0767,0.9816,0.7484,,0.0,0.1379,0.1667,0.0417,0.0508,0.0572,0.0643,0.0039,0.0239,0.0725,0.0796,0.9816,0.7583,,0.0,0.1379,0.1667,0.0417,0.052000000000000005,0.0624,0.067,0.0039,0.0253,0.0718,0.0767,0.9816,0.7518,,0.0,0.1379,0.1667,0.0417,0.0517,0.0581,0.0655,0.0039,0.0244,reg oper account,block of flats,0.0583,Panel,No,3.0,0.0,3.0,0.0,-2526.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2023632,137569,Cash loans,53538.57,1046433.33,1122402.33,,1046433.33,MONDAY,11,Y,1,,,,XNA,Approved,-656,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,low_normal,Cash Street: low,365243.0,-626.0,244.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,1,270000.0,472500.0,44991.0,454500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.030755,-15445,-2750,-7145.0,-4708,,1,1,0,1,0,0,Core staff,3.0,2,2,SATURDAY,13,0,0,0,0,0,0,Postal,0.5710372581614048,0.6299805289275121,0.7826078370261895,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2297.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,1.0,0.0,4.0 +1027081,204363,Consumer loans,2864.61,21555.0,21001.5,2155.5,21555.0,FRIDAY,12,Y,1,0.10137476592587356,,,XAP,Approved,-1648,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,60,Connectivity,10.0,high,POS mobile with interest,365243.0,-1617.0,-1347.0,-1377.0,-1373.0,0.0,0,Cash loans,F,N,Y,0,135000.0,270000.0,12024.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.014519999999999996,-19451,-3155,-7521.0,-3005,,1,1,0,1,0,0,Cleaning staff,1.0,2,2,MONDAY,8,0,0,0,0,0,0,Business Entity Type 3,,0.13035604826472755,0.34090642641523844,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1787.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1284961,437780,Consumer loans,2881.035,15201.0,14355.0,1521.0,15201.0,MONDAY,14,Y,1,0.10434034219748503,,,XAP,Approved,-2793,Cash through the bank,XAP,Other_B,New,Mobile,POS,XNA,Country-wide,73,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2762.0,-2612.0,-2612.0,-2605.0,1.0,0,Cash loans,F,N,Y,2,103500.0,518562.0,25078.5,463500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,With parents,0.018634,-11362,-2040,-1285.0,-3538,,1,1,0,1,0,0,Sales staff,4.0,2,2,MONDAY,11,0,0,0,1,1,0,Trade: type 7,,0.2660113800649693,0.4992720153045617,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-18.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1634285,230694,Consumer loans,11741.94,95823.0,105309.0,0.0,95823.0,TUESDAY,13,Y,1,0.0,,,XAP,Approved,-1858,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Stone,149,Consumer electronics,12.0,high,POS household with interest,365243.0,-1826.0,-1496.0,-1526.0,-1517.0,0.0,0,Cash loans,F,N,N,0,135000.0,728460.0,74772.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-10585,-759,-5050.0,-44,,1,1,0,1,0,0,,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.6815699354322784,0.7133009240971394,,0.0825,0.004,0.9747,0.6532,0.0089,0.0,0.1379,0.1667,0.2083,0.0441,0.0672,0.0636,0.0,0.0,0.084,0.0042,0.9747,0.6668,0.009000000000000001,0.0,0.1379,0.1667,0.2083,0.0451,0.0735,0.0663,0.0,0.0,0.0833,0.004,0.9747,0.6578,0.009000000000000001,0.0,0.1379,0.1667,0.2083,0.0449,0.0684,0.0647,0.0,0.0,reg oper account,block of flats,0.05,"Stone, brick",No,2.0,0.0,2.0,0.0,-1858.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1570992,455812,Cash loans,7373.25,67500.0,71955.0,,67500.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-266,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-236.0,94.0,-236.0,-227.0,1.0,0,Cash loans,F,N,Y,0,67500.0,181989.0,8482.5,143977.5,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.031329,-21453,365243,-10654.0,-4909,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,XNA,,0.5447866043175681,,0.1485,0.0757,0.9831,,,0.16,0.1379,0.3333,,0.0781,,0.1423,,0.0,0.1513,0.0785,0.9831,,,0.1611,0.1379,0.3333,,0.0799,,0.1482,,0.0,0.1499,0.0757,0.9831,,,0.16,0.1379,0.3333,,0.0795,,0.1448,,0.0,,block of flats,0.1139,Panel,No,2.0,0.0,2.0,0.0,-3017.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1401744,435391,Cash loans,6556.095,58500.0,58500.0,0.0,58500.0,FRIDAY,9,Y,1,0.0,,,XNA,Refused,-2616,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,M,Y,N,0,180000.0,1288350.0,34114.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.031329,-14434,-2910,-6055.0,-4436,2.0,1,1,0,1,0,0,Laborers,1.0,2,2,WEDNESDAY,10,0,0,0,1,1,1,Industry: type 5,,0.5975913455916301,0.7121551551910698,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1295.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,1.0 +2364562,389403,Consumer loans,,71536.5,71536.5,0.0,71536.5,SATURDAY,18,Y,1,0.0,,,XAP,Refused,-1761,Cash through the bank,HC,Family,Repeater,Audio/Video,XNA,XNA,Country-wide,2105,Consumer electronics,,XNA,POS household with interest,,,,,,,0,Cash loans,F,Y,Y,0,180000.0,970380.0,28503.0,810000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.018634,-13439,-1553,-483.0,-5487,4.0,1,1,1,1,0,0,Core staff,2.0,2,2,WEDNESDAY,18,0,0,0,0,0,0,Medicine,0.3481585834265955,0.7127057819753382,0.6296742509538716,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1092.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1221197,142916,Consumer loans,32793.21,182002.5,182002.5,0.0,182002.5,SUNDAY,18,Y,1,0.0,,,XAP,Approved,-241,Cash through the bank,XAP,Unaccompanied,New,Clothing and Accessories,POS,XNA,Regional / Local,40,Clothing,6.0,low_normal,POS industry without interest,365243.0,-211.0,-61.0,-61.0,-59.0,0.0,0,Cash loans,F,N,Y,0,135000.0,306306.0,16614.0,247500.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.04622,-20684,365243,-11306.0,-4201,,1,0,0,1,0,0,,1.0,1,1,WEDNESDAY,13,0,0,0,0,0,0,XNA,,0.7395471197119499,,0.0515,0.0528,0.9752,0.66,0.0053,0.0,0.1034,0.1667,0.2083,0.085,0.0412,0.0546,0.0039,0.0068,0.0525,0.0548,0.9752,0.6733,0.0053,0.0,0.1034,0.1667,0.2083,0.0869,0.045,0.0569,0.0039,0.0071,0.052000000000000005,0.0528,0.9752,0.6645,0.0053,0.0,0.1034,0.1667,0.2083,0.0865,0.0419,0.0556,0.0039,0.0069,reg oper account,block of flats,0.043,"Stone, brick",No,0.0,0.0,0.0,0.0,-241.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2716788,147615,Cash loans,16073.19,306000.0,355680.0,,306000.0,THURSDAY,10,Y,1,,,,XNA,Approved,-313,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-283.0,767.0,365243.0,365243.0,1.0,1,Cash loans,F,N,Y,0,112500.0,979992.0,28782.0,702000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010556,-21942,365243,-8989.0,-4011,,1,0,0,1,0,0,,2.0,3,3,TUESDAY,16,0,0,0,0,0,0,XNA,,0.16090070342074955,0.3556387169923543,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-313.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2045521,109862,Cash loans,31278.6,382500.0,542083.5,,382500.0,TUESDAY,11,Y,1,,,,XNA,Approved,-1448,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,36.0,high,Cash X-Sell: high,365243.0,-1418.0,-368.0,-1148.0,-1141.0,1.0,0,Revolving loans,F,Y,Y,0,270000.0,675000.0,33750.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-16779,-8404,-9453.0,-276,1.0,1,1,1,1,1,0,Laborers,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Industry: type 2,0.7012881799144265,0.711522265571245,0.807273923277881,0.1,0.0384,0.9846,0.7892,0.0365,0.08,0.0345,0.5417,0.5833,0.0718,0.0815,0.0981,0.0,0.0,0.1019,0.0398,0.9846,0.7975,0.0368,0.0806,0.0345,0.5417,0.5833,0.0735,0.0891,0.1022,0.0,0.0,0.101,0.0384,0.9846,0.792,0.0367,0.08,0.0345,0.5417,0.5833,0.0731,0.0829,0.0999,0.0,0.0,,block of flats,0.0971,"Stone, brick",No,0.0,0.0,0.0,0.0,-1448.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1678926,107675,Revolving loans,2250.0,0.0,45000.0,,0.0,TUESDAY,11,Y,1,,,,XAP,Approved,-1250,XNA,XAP,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-1221.0,-1179.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,229500.0,675000.0,21906.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.026392000000000002,-19076,-2915,-3118.0,-2612,,1,1,0,1,0,0,Cooking staff,1.0,2,2,SATURDAY,11,0,0,0,0,0,0,Hotel,,0.6984068096490958,0.5937175866150576,0.0866,,0.9935,,,0.04,0.0345,0.5833,,,,0.1177,,0.0656,0.0882,,0.9935,,,0.0403,0.0345,0.5833,,,,0.1226,,0.0695,0.0874,,0.9935,,,0.04,0.0345,0.5833,,,,0.1198,,0.067,,block of flats,0.1069,"Stone, brick",No,0.0,0.0,0.0,0.0,-1043.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,1.0,0.0,5.0 +1414004,252101,Revolving loans,3375.0,0.0,67500.0,,,MONDAY,12,Y,1,,,,XAP,Approved,-2815,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,80,Connectivity,0.0,XNA,Card Street,-2783.0,-2736.0,365243.0,-2309.0,365243.0,0.0,0,Cash loans,M,Y,N,0,135000.0,1506816.0,47443.5,1350000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-23209,365243,-3916.0,-4100,7.0,1,0,0,1,0,0,,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,XNA,,0.6257500043208677,0.4740512892789932,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2515.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2265557,190781,Cash loans,17940.78,180000.0,191880.0,,180000.0,TUESDAY,9,Y,1,,,,XNA,Refused,-197,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,135000.0,239850.0,23850.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.02461,-25028,365243,-5782.0,-4502,,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,,0.6533446682142288,0.2580842039460289,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-511.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1543106,160712,Consumer loans,17104.635,214650.0,242275.5,0.0,214650.0,SATURDAY,8,Y,1,0.0,,,XAP,Approved,-930,Cash through the bank,XAP,"Spouse, partner",New,Vehicles,POS,XNA,Country-wide,80,Consumer electronics,18.0,middle,POS household with interest,365243.0,-897.0,-387.0,-387.0,-383.0,0.0,0,Cash loans,F,N,Y,1,103500.0,271066.5,12069.0,234000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-16205,-2119,-6785.0,-2914,,1,1,1,1,0,0,,3.0,2,2,FRIDAY,12,0,0,0,0,0,0,Transport: type 4,,0.4400788590411783,0.7407990879702335,0.0165,0.0,0.9771,,,0.0,0.069,0.0417,,0.0365,,0.0144,,0.0027,0.0168,0.0,0.9772,,,0.0,0.069,0.0417,,0.0373,,0.015,,0.0029,0.0167,0.0,0.9771,,,0.0,0.069,0.0417,,0.0371,,0.0146,,0.0028,,block of flats,0.0119,"Stone, brick",No,2.0,0.0,2.0,0.0,-930.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1238934,431275,Cash loans,30431.655,135000.0,156388.5,,135000.0,THURSDAY,18,Y,1,,,,XNA,Approved,-611,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,high,Cash X-Sell: high,365243.0,-581.0,-431.0,-431.0,-426.0,1.0,0,Cash loans,M,Y,N,0,234000.0,733315.5,49005.0,679500.0,Other_B,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.035792000000000004,-9280,-1932,-4009.0,-1950,13.0,1,1,0,1,1,0,Drivers,1.0,2,2,SATURDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.4320075014497496,,,,0.9841,,,,,,,,,0.0182,,,,,0.9841,,,,,,,,,0.0189,,,,,0.9841,,,,,,,,,0.0185,,,,,0.0179,,No,0.0,0.0,0.0,0.0,-161.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1387535,178560,Cash loans,19570.95,274500.0,312547.5,0.0,274500.0,FRIDAY,11,Y,1,0.0,,,XNA,Approved,-1889,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,30.0,high,Cash X-Sell: high,365243.0,-1859.0,-989.0,-1019.0,-1012.0,1.0,1,Cash loans,F,Y,N,1,139500.0,1026000.0,43470.0,1026000.0,Children,Commercial associate,Lower secondary,Married,With parents,0.035792000000000004,-12845,-238,-5111.0,-5096,2.0,1,1,1,1,0,1,High skill tech staff,3.0,2,2,THURSDAY,14,0,0,0,0,0,0,Other,0.3306064131590893,0.6346729998842591,0.326475210066026,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-672.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,2.0,2.0,2.0 +2254122,207197,Revolving loans,29250.0,0.0,585000.0,,,THURSDAY,18,Y,1,,,,XAP,Approved,-896,XNA,XAP,,Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-895.0,-847.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,1,157500.0,323460.0,25159.5,270000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.010966,-12373,-1764,-6019.0,-3984,9.0,1,1,0,1,0,0,Managers,3.0,2,2,THURSDAY,16,0,0,0,0,0,0,Government,0.3738781372819575,0.6789928436531025,0.6610235391308081,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2507.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,6.0 +1108737,346804,Consumer loans,2983.05,22455.0,21870.0,2250.0,22455.0,SATURDAY,10,Y,1,0.10159430122116693,,,XAP,Approved,-2128,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Stone,20,Connectivity,10.0,high,POS mobile with interest,365243.0,-2095.0,-1825.0,-1825.0,-1581.0,0.0,0,Cash loans,F,N,N,0,202500.0,646920.0,20997.0,540000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-10935,-3522,-4924.0,-3621,,1,1,1,1,1,1,Laborers,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,Telecom,0.181622568131256,0.6903836799840101,0.5726825047161584,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,1.0,0.0,-2128.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,2.0 +1419662,269055,Consumer loans,22025.655,124650.0,124650.0,0.0,124650.0,TUESDAY,10,Y,1,0.0,,,XAP,Approved,-1339,Cash through the bank,XAP,Unaccompanied,Repeater,Construction Materials,POS,XNA,Stone,150,Construction,6.0,low_normal,POS industry with interest,365243.0,-1302.0,-1152.0,-1152.0,-1145.0,0.0,0,Cash loans,F,Y,N,0,90000.0,239850.0,23850.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.0228,-20294,365243,-7899.0,-3536,9.0,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,XNA,,0.5329903342600316,0.08788069918013308,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,3.0,0.0,-2691.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,1.0 +2215956,302711,Cash loans,14403.195,180000.0,197820.0,,180000.0,TUESDAY,10,Y,1,,,,XNA,Refused,-1429,Cash through the bank,HC,Unaccompanied,Refreshed,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,N,0,180000.0,630747.0,20475.0,526500.0,Family,Pensioner,Secondary / secondary special,Separated,House / apartment,0.025164,-22723,365243,-12339.0,-622,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,XNA,,0.05197305448708611,0.3910549766342248,0.0608,0.0543,0.9831,0.7688,0.0281,0.0,0.1379,0.1667,0.2083,0.0689,0.0496,0.0629,0.0,0.0,0.062,0.0563,0.9831,0.7779,0.0283,0.0,0.1379,0.1667,0.2083,0.0705,0.0542,0.0656,0.0,0.0,0.0614,0.0543,0.9831,0.7719,0.0282,0.0,0.1379,0.1667,0.2083,0.0701,0.0504,0.0641,0.0,0.0,not specified,block of flats,0.0648,Panel,No,1.0,1.0,1.0,1.0,-1429.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1177021,129741,Consumer loans,2899.485,23355.0,23094.0,2340.0,23355.0,FRIDAY,11,Y,1,0.10019944669626198,,,XAP,Approved,-1345,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Regional / Local,27,Connectivity,12.0,high,POS mobile with interest,365243.0,-1313.0,-983.0,-983.0,-979.0,0.0,0,Cash loans,F,Y,N,1,135000.0,1270746.0,41994.0,1138500.0,Unaccompanied,Commercial associate,Higher education,Married,With parents,0.010556,-11990,-3688,-2451.0,-166,9.0,1,1,0,1,0,0,,3.0,3,3,SATURDAY,15,0,0,0,1,1,0,Business Entity Type 3,0.4762446414737329,0.6550217155065917,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1345.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1566451,442205,Cash loans,21839.625,450000.0,512370.0,,450000.0,SATURDAY,10,Y,1,,,,XNA,Approved,-836,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-806.0,244.0,-693.0,-680.0,1.0,0,Cash loans,F,N,Y,0,292500.0,370629.0,13441.5,306000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.04622,-23274,-2241,-12661.0,-3862,,1,1,0,1,0,0,,1.0,1,1,TUESDAY,15,0,0,0,0,0,0,School,,0.7558497112459993,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1552.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2127683,181002,Cash loans,22226.355,360000.0,426528.0,,360000.0,WEDNESDAY,20,Y,1,,,,XNA,Approved,-483,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,48.0,high,Cash X-Sell: high,365243.0,-453.0,957.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,2,112500.0,810000.0,23814.0,810000.0,Family,State servant,Higher education,Married,House / apartment,0.028663,-11209,-1848,-1567.0,-1590,8.0,1,1,0,1,0,1,Medicine staff,4.0,2,2,THURSDAY,13,0,0,0,0,0,0,Medicine,0.08292329165730547,0.6196516931786268,0.3876253444214701,0.0683,0.1078,0.9821,0.7552,0.0093,0.0,0.1552,0.1667,0.0417,0.0188,0.0544,0.0667,0.0058,0.0206,0.0599,0.0686,0.9806,0.7452,0.0078,0.0,0.1379,0.1667,0.0417,0.0178,0.0643,0.0564,0.0039,0.0,0.0713,0.0845,0.9821,0.7585,0.0079,0.0,0.1379,0.1667,0.0417,0.0177,0.0569,0.0649,0.0039,0.0168,reg oper account,block of flats,0.0566,"Stone, brick",No,0.0,0.0,0.0,0.0,-1263.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2761929,202047,Cash loans,14379.48,135000.0,143910.0,,135000.0,WEDNESDAY,8,Y,1,,,,XNA,Approved,-1297,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,middle,Cash X-Sell: middle,365243.0,-1267.0,-937.0,-937.0,-929.0,1.0,0,Cash loans,F,N,Y,0,99000.0,178290.0,18396.0,157500.0,Unaccompanied,Pensioner,Lower secondary,Married,House / apartment,0.007120000000000001,-24795,365243,-2972.0,-4529,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,XNA,,0.7077780302305599,0.7121551551910698,0.0082,,0.9732,,,0.0,0.069,0.0417,,,,0.0054,,0.0,0.0084,,0.9732,,,0.0,0.069,0.0417,,,,0.0056,,0.0,0.0083,,0.9732,,,0.0,0.069,0.0417,,,,0.0055,,0.0,,block of flats,0.0042,"Stone, brick",No,0.0,0.0,0.0,0.0,-1491.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +2117156,323337,Consumer loans,13030.875,69525.0,57915.0,13905.0,69525.0,MONDAY,10,Y,1,0.21085782638414224,,,XAP,Approved,-1861,XNA,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Stone,45,Consumer electronics,5.0,middle,POS household with interest,365243.0,-1830.0,-1710.0,-1710.0,-1701.0,0.0,0,Cash loans,F,Y,Y,2,126000.0,225000.0,23755.5,225000.0,Family,Working,Higher education,Married,House / apartment,0.014464,-13827,-181,-5406.0,-5381,7.0,1,1,1,1,1,0,High skill tech staff,4.0,2,2,SUNDAY,7,0,0,0,0,0,0,Electricity,0.5471624238140617,0.3804188604518256,,0.1129,0.1328,0.9886,0.8436,0.0,0.0,0.3103,0.1667,0.2083,0.146,0.092,0.1174,0.0,0.0,0.0945,0.117,0.9876,0.8367,0.0,0.0,0.3103,0.1667,0.2083,0.1324,0.0826,0.1101,0.0,0.0,0.114,0.1328,0.9886,0.8457,0.0,0.0,0.3103,0.1667,0.2083,0.1485,0.0936,0.1196,0.0,0.0,reg oper account,block of flats,0.1018,"Stone, brick",No,0.0,0.0,0.0,0.0,-1984.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1472624,174191,Cash loans,9934.785,67500.0,82611.0,,67500.0,MONDAY,8,Y,1,,,,Other,Approved,-560,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-530.0,-200.0,-350.0,-344.0,1.0,1,Cash loans,F,Y,N,1,225000.0,448056.0,21919.5,315000.0,Family,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.025164,-14005,-3643,-7756.0,-4758,14.0,1,1,0,1,0,0,Sales staff,3.0,2,2,MONDAY,13,0,0,0,0,0,0,Self-employed,,0.6798358922906379,,0.4464,0.2198,0.9836,0.7756,0.0774,0.48,0.4138,0.3333,0.375,0.2562,0.3631,0.4701,0.0039,0.0012,0.4548,0.228,0.9836,0.7844,0.0781,0.4834,0.4138,0.3333,0.375,0.262,0.3967,0.4897,0.0039,0.0013,0.4507,0.2198,0.9836,0.7786,0.0779,0.48,0.4138,0.3333,0.375,0.2606,0.3694,0.4785,0.0039,0.0012,not specified,block of flats,0.4136,Panel,No,0.0,0.0,0.0,0.0,-1146.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +1699864,348213,Cash loans,,0.0,0.0,,0.0,TUESDAY,12,Y,1,,,,XNA,Refused,-1028,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,XNA,XNA,Credit and cash offices,0,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,Y,N,0,108000.0,808650.0,23638.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-17413,-1482,-5687.0,-948,1.0,1,1,1,1,1,0,,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.7001312714600628,0.4418358231994413,0.1216,,0.9921,,,0.12,0.1034,0.375,,,,0.1252,,0.0081,0.1239,,0.9921,,,0.1208,0.1034,0.375,,,,0.1304,,0.0086,0.1228,,0.9921,,,0.12,0.1034,0.375,,,,0.1274,,0.0083,,block of flats,0.1002,Panel,No,0.0,0.0,0.0,0.0,-1438.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,2.0 +1490719,223411,Cash loans,15399.45,229500.0,229500.0,,229500.0,FRIDAY,11,Y,1,,,,XNA,Approved,-233,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-202.0,308.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,180000.0,1241437.5,40176.0,972000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-17188,-1420,-6673.0,-744,22.0,1,1,0,1,0,0,Drivers,2.0,3,2,SUNDAY,9,0,0,0,0,0,0,Self-employed,,0.2736715073586795,,0.1505,,0.9906,,,0.16,0.1379,0.375,,,,0.1737,,0.0109,0.1534,,0.9906,,,0.1611,0.1379,0.375,,,,0.181,,0.0115,0.152,,0.9906,,,0.16,0.1379,0.375,,,,0.1768,,0.0111,,block of flats,0.135,Panel,No,4.0,1.0,4.0,0.0,-2426.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,7.0 +2322702,357371,Consumer loans,3153.69,34416.0,35554.5,2065.5,34416.0,SATURDAY,15,Y,1,0.05979578077424968,,,XAP,Approved,-2508,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,600,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-2477.0,-2147.0,-2147.0,-2143.0,1.0,0,Cash loans,F,N,Y,0,67500.0,100737.0,10449.0,94500.0,Unaccompanied,Pensioner,Higher education,Single / not married,House / apartment,0.035792000000000004,-23023,365243,-10125.0,-4255,,1,0,0,1,0,0,,1.0,2,2,MONDAY,12,0,0,0,0,0,0,XNA,,0.245442688771132,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1036431,125680,Consumer loans,10740.42,107415.0,96673.5,10741.5,107415.0,FRIDAY,9,Y,1,0.1089090909090909,,,XAP,Approved,-832,XNA,XAP,,New,Construction Materials,POS,XNA,Stone,20,Construction,10.0,low_normal,POS industry with interest,365243.0,-797.0,-527.0,-527.0,-522.0,0.0,0,Cash loans,F,N,Y,0,67500.0,316125.0,12046.5,261000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-20330,365243,-12442.0,-3747,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,XNA,,0.19983315088322606,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1509616,294743,Cash loans,20179.35,270000.0,342891.0,,270000.0,MONDAY,9,Y,1,,,,XNA,Approved,-890,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-860.0,-170.0,-290.0,-282.0,1.0,0,Cash loans,F,N,Y,0,135000.0,1129500.0,44793.0,1129500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.00702,-19030,-11574,-9924.0,-2559,,1,1,0,1,1,0,Managers,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Other,0.5984092146189036,0.29316673010921873,0.6347055309763198,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1381359,315713,Revolving loans,4500.0,0.0,90000.0,,,TUESDAY,17,Y,1,,,,XAP,Approved,-2632,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,27,Connectivity,0.0,XNA,Card Street,-2630.0,-2582.0,365243.0,-1670.0,365243.0,0.0,0,Cash loans,M,Y,Y,3,135000.0,244998.0,13288.5,175500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00823,-14857,-6812,-8908.0,-4073,10.0,1,1,0,1,1,0,Laborers,5.0,2,2,TUESDAY,11,0,0,0,0,0,0,Police,0.2223954848132491,0.5243103852940552,0.6263042766749393,0.0619,0.0573,0.9737,,,0.0,0.1379,0.125,,,,0.0471,,0.057,0.063,0.0595,0.9737,,,0.0,0.1379,0.125,,,,0.0491,,0.0603,0.0625,0.0573,0.9737,,,0.0,0.1379,0.125,,,,0.048,,0.0582,,block of flats,0.0525,"Stone, brick",No,4.0,0.0,4.0,0.0,-2827.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1818013,156288,Consumer loans,5273.325,45855.0,45855.0,0.0,45855.0,SATURDAY,16,Y,1,0.0,,,XAP,Approved,-479,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,120,Consumer electronics,10.0,middle,POS household with interest,365243.0,-439.0,-169.0,-289.0,-282.0,0.0,1,Cash loans,M,Y,Y,1,157500.0,497520.0,33246.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-16015,-8542,-2365.0,-4569,20.0,1,1,1,1,1,1,Managers,3.0,2,2,TUESDAY,15,0,0,0,0,0,0,Self-employed,0.4008104750970669,0.5379781862532041,0.6109913280868294,0.1856,0.2471,0.9806,0.7348,0.0419,0.0,0.1034,0.1667,0.0417,0.0833,0.1513,0.0585,0.0,0.1053,0.1891,0.2564,0.9806,0.7452,0.0423,0.0,0.1034,0.1667,0.0417,0.0852,0.1653,0.061,0.0,0.1115,0.1874,0.2471,0.9806,0.7383,0.0422,0.0,0.1034,0.1667,0.0417,0.0848,0.1539,0.0596,0.0,0.1076,reg oper account,block of flats,0.0689,"Stone, brick",No,0.0,0.0,0.0,0.0,-1958.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2318102,106599,Consumer loans,45206.955,247707.0,255883.5,0.0,247707.0,SUNDAY,14,Y,1,0.0,,,XAP,Approved,-290,Cash through the bank,XAP,Family,New,Construction Materials,POS,XNA,Stone,74625,Construction,6.0,low_normal,POS industry with interest,365243.0,-254.0,-104.0,-104.0,-101.0,0.0,0,Cash loans,F,N,Y,0,360000.0,755190.0,32125.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.003069,-19672,-2806,-105.0,-3218,,1,1,0,1,0,0,Sales staff,2.0,3,3,WEDNESDAY,13,0,0,0,0,0,0,Trade: type 7,0.7284731445487671,0.4810517682221892,0.38079968264891495,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0838,,No,0.0,0.0,0.0,0.0,-290.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,0.0 +2207555,149113,Revolving loans,6750.0,0.0,135000.0,,0.0,WEDNESDAY,8,Y,1,,,,XAP,Refused,-1252,XNA,HC,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,1,67500.0,207306.0,10714.5,148500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-13467,-2401,-1428.0,-3716,,1,1,0,1,0,0,,3.0,2,2,TUESDAY,13,0,0,0,0,1,1,Government,,0.2488931834709917,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2624923,175824,Cash loans,58335.975,1350000.0,1467612.0,,1350000.0,THURSDAY,17,Y,1,,,,XNA,Refused,-758,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,Y,N,0,225000.0,2013840.0,55377.0,1800000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.072508,-19621,-1748,-7243.0,-3176,1.0,1,1,0,1,1,1,Managers,2.0,1,1,WEDNESDAY,18,0,0,0,0,0,0,Business Entity Type 3,,0.7714973484106796,,0.0928,0.0782,0.9757,,,0.0,0.2069,0.1667,,,,0.0509,,,0.0945,0.0812,0.9757,,,0.0,0.2069,0.1667,,,,0.053,,,0.0937,0.0782,0.9757,,,0.0,0.2069,0.1667,,,,0.0518,,,,block of flats,0.0637,Panel,No,0.0,0.0,0.0,0.0,-2350.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2720370,264775,Revolving loans,9000.0,180000.0,180000.0,,180000.0,FRIDAY,14,Y,1,,,,XAP,Approved,-223,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-222.0,-174.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,135000.0,1223010.0,51948.0,1125000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.0228,-10526,-1454,-4082.0,-3163,14.0,1,1,0,1,0,0,Core staff,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Police,,0.6079163066916269,0.11033242816628903,0.099,0.1185,0.9767,0.6804,0.0486,0.0,0.2069,0.1667,0.0417,0.0285,0.0807,0.0758,0.0,0.0,0.1008,0.123,0.9767,0.6929,0.049,0.0,0.2069,0.1667,0.0417,0.0292,0.0882,0.079,0.0,0.0,0.0999,0.1185,0.9767,0.6847,0.0489,0.0,0.2069,0.1667,0.0417,0.029,0.0821,0.0772,0.0,0.0,reg oper account,block of flats,0.0862,"Stone, brick",No,0.0,0.0,0.0,0.0,-492.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1216625,400574,Consumer loans,12913.74,83655.0,64183.5,22500.0,83655.0,THURSDAY,16,Y,1,0.28268984817808984,,,XAP,Approved,-1965,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Stone,165,Consumer electronics,6.0,high,POS household with interest,365243.0,-1921.0,-1771.0,-1801.0,-1794.0,0.0,0,Cash loans,M,Y,Y,0,202500.0,1125000.0,32895.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.011656999999999999,-19043,-311,-5810.0,-2587,14.0,1,1,1,1,1,0,Core staff,2.0,1,1,TUESDAY,11,0,0,0,0,1,1,Business Entity Type 3,,0.6378461610479434,0.3876253444214701,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1965.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +1901864,290757,Cash loans,13854.465,103500.0,125527.5,,103500.0,SATURDAY,10,Y,1,,,,XNA,Approved,-932,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-902.0,-572.0,-812.0,-805.0,1.0,0,Cash loans,F,N,N,0,270000.0,835380.0,35523.0,675000.0,Unaccompanied,State servant,Higher education,Single / not married,With parents,0.002042,-15322,-7825,-5013.0,-2292,,1,1,0,1,0,0,Managers,1.0,3,3,SUNDAY,15,0,0,0,0,0,0,Security Ministries,,0.400956498946052,0.6092756673894402,0.0619,0.0718,0.9841,0.7824,0.0328,0.0,0.2069,0.1667,0.0417,0.1247,0.0504,0.0723,0.0,0.0354,0.063,0.0745,0.9841,0.7909,0.0331,0.0,0.2069,0.1667,0.0417,0.1276,0.0551,0.0753,0.0,0.0375,0.0625,0.0718,0.9841,0.7853,0.033,0.0,0.2069,0.1667,0.0417,0.1269,0.0513,0.0736,0.0,0.0362,reg oper account,block of flats,0.0639,Panel,No,2.0,0.0,2.0,0.0,-1630.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1775047,211862,Cash loans,22735.755,180000.0,204795.0,,180000.0,SUNDAY,17,Y,1,,,,XNA,Approved,-785,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-755.0,-425.0,-425.0,-421.0,1.0,0,Cash loans,F,N,Y,0,135000.0,996849.0,42363.0,891000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.002042,-17723,-4830,-6338.0,-1237,,1,1,1,1,0,0,,2.0,3,3,MONDAY,9,0,0,0,0,0,0,Agriculture,,0.4454092710302832,0.3296550543128238,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1129.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1364519,119880,Consumer loans,3153.87,30906.0,34438.5,0.0,30906.0,SATURDAY,14,Y,1,0.0,,,XAP,Approved,-840,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Regional / Local,130,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-809.0,-479.0,-509.0,-503.0,0.0,0,Cash loans,F,Y,Y,0,225000.0,2013840.0,83241.0,1800000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,With parents,0.04622,-10413,-496,-5028.0,-3071,4.0,1,1,0,1,0,0,Accountants,1.0,1,1,SATURDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.5506993702560791,0.7582628543057579,0.7366226976503176,0.0804,0.0062,0.9757,0.6668,0.0073,0.0,0.1379,0.1667,0.2083,,0.0656,0.0612,0.0,0.0,0.0819,0.0064,0.9757,0.6798,0.0074,0.0,0.1379,0.1667,0.2083,,0.0716,0.0637,0.0,0.0,0.0812,0.0062,0.9757,0.6713,0.0074,0.0,0.1379,0.1667,0.2083,,0.0667,0.0623,0.0,0.0,reg oper spec account,block of flats,0.0533,"Stone, brick",No,4.0,2.0,4.0,1.0,-1281.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2618600,429773,Cash loans,18091.035,90000.0,92970.0,,90000.0,WEDNESDAY,17,Y,1,,,,XNA,Approved,-615,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,6.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,Y,Y,2,90000.0,288873.0,13464.0,238500.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.018029,-12853,-35,-2176.0,-60,16.0,1,1,0,1,0,0,,4.0,3,2,TUESDAY,8,0,0,0,0,0,0,Kindergarten,0.13530914106502526,0.4231445238923364,,0.1474,0.102,0.9886,0.8436,0.0799,0.16,0.1379,0.3333,0.375,0.1216,0.1168,0.1657,0.0154,0.0173,0.1502,0.1059,0.9886,0.8497,0.0806,0.1611,0.1379,0.3333,0.375,0.1243,0.1276,0.1726,0.0156,0.0184,0.1489,0.102,0.9886,0.8457,0.0804,0.16,0.1379,0.3333,0.375,0.1237,0.1189,0.1687,0.0155,0.0177,reg oper account,block of flats,0.1778,Panel,No,3.0,0.0,3.0,0.0,-671.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,1.0,0.0 +1374401,262268,Cash loans,45892.35,675000.0,709749.0,,675000.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-357,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_action,Cash X-Sell: low,365243.0,-327.0,183.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,337500.0,1004791.5,56236.5,904500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.020713,-16052,-5673,-5244.0,-5005,,1,1,0,1,0,0,,2.0,3,1,WEDNESDAY,11,0,0,0,0,0,0,Industry: type 11,,0.17410783142774694,0.2366108235287817,0.132,0.127,0.9791,,,0.16,0.1379,0.3333,,0.0514,,0.1362,,0.0771,0.1345,0.1318,0.9791,,,0.1611,0.1379,0.3333,,0.0526,,0.1419,,0.0816,0.1332,0.127,0.9791,,,0.16,0.1379,0.3333,,0.0523,,0.1386,,0.0787,,block of flats,0.1239,"Stone, brick",No,4.0,0.0,4.0,0.0,-357.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2272501,229210,Cash loans,32006.79,450000.0,491580.0,,450000.0,THURSDAY,11,Y,1,,,,XNA,Approved,-337,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-307.0,383.0,-127.0,-124.0,1.0,0,Cash loans,F,Y,Y,2,157500.0,119893.5,12717.0,103500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.020713,-10482,-1553,-2635.0,-825,1.0,1,1,0,1,0,0,Laborers,4.0,3,1,FRIDAY,11,0,0,0,0,0,0,Industry: type 11,0.4936077811297108,0.4890206554849536,,0.0784,,0.9771,,,0.0,0.1379,0.1667,,0.0344,,0.0609,,0.0101,0.0798,,0.9772,,,0.0,0.1379,0.1667,,0.0352,,0.0634,,0.0106,0.0791,,0.9771,,,0.0,0.1379,0.1667,,0.035,,0.0619,,0.0103,,block of flats,0.05,"Stone, brick",No,1.0,1.0,1.0,1.0,-794.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1329106,239711,Consumer loans,5593.275,21996.0,20502.0,4401.0,21996.0,TUESDAY,13,Y,1,0.19247034858888848,,,XAP,Approved,-1274,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,17,Connectivity,4.0,middle,POS mobile without interest,,,,,,,0,Cash loans,M,Y,Y,1,193500.0,1027327.5,40873.5,945000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.015221,-11183,-3679,-644.0,-3800,9.0,1,1,1,1,1,1,,3.0,2,2,TUESDAY,16,0,0,0,0,0,0,Transport: type 2,0.7614536494961416,0.6375127038617406,0.8482442999507556,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-451.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2346520,174209,Revolving loans,6750.0,0.0,135000.0,,,THURSDAY,9,Y,1,,,,XAP,Approved,-1335,XNA,XAP,,Repeater,XNA,Cards,x-sell,Stone,141,Consumer electronics,0.0,XNA,Card X-Sell,-1334.0,-1285.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,180000.0,1344816.0,48433.5,1188000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-12917,-385,-494.0,-4808,,1,1,0,1,0,0,Laborers,2.0,3,3,TUESDAY,13,0,0,0,0,1,1,Industry: type 10,0.19963757140133245,0.3959091678605737,0.5585066276769286,0.1247,0.0777,0.9861,0.8096,0.0208,0.0,0.1379,0.1667,0.2083,0.0763,0.0975,0.0545,0.0193,0.0259,0.1271,0.0806,0.9861,0.8171,0.021,0.0,0.1379,0.1667,0.2083,0.0781,0.1065,0.0568,0.0195,0.0275,0.126,0.0777,0.9861,0.8121,0.0209,0.0,0.1379,0.1667,0.2083,0.0777,0.0992,0.0555,0.0194,0.0265,reg oper account,block of flats,0.0599,Panel,No,4.0,0.0,4.0,0.0,-1851.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2026553,276069,Cash loans,,0.0,0.0,,,FRIDAY,20,Y,1,,,,XNA,Refused,-496,XNA,HC,,Repeater,XNA,XNA,XNA,Contact center,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,N,0,202500.0,364896.0,26680.5,315000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.072508,-23504,-2832,-3285.0,-5833,,1,1,1,1,1,0,,2.0,1,1,THURSDAY,18,0,1,1,0,1,1,Trade: type 4,,0.6734053611261612,0.24318648044201235,0.1654,0.078,0.9876,0.83,0.2546,0.194,0.0738,0.6842,0.7258,0.0,0.1332,0.1719,0.0077,0.0183,0.1166,0.0566,0.995,0.9347,0.1737,0.2417,0.069,0.625,0.6667,0.0,0.1019,0.1247,0.0117,0.0,0.1447,0.0618,0.995,0.9329,0.2392,0.24,0.069,0.6667,0.7083,0.0,0.1163,0.1622,0.0116,0.0264,reg oper account,block of flats,0.1791,Panel,No,0.0,0.0,0.0,0.0,-2025.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2659441,187148,Consumer loans,7405.335,48672.0,46692.0,4869.0,48672.0,MONDAY,11,Y,1,0.10284485631317536,,,XAP,Approved,-2709,Cash through the bank,XAP,,New,Mobile,POS,XNA,Stone,35,Connectivity,8.0,high,POS mobile with interest,365243.0,-2674.0,-2464.0,-2464.0,-2458.0,1.0,1,Cash loans,M,Y,N,1,270000.0,417024.0,21834.0,360000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.009549,-15286,-2048,-11442.0,-4444,64.0,1,1,0,1,0,0,Drivers,3.0,2,2,MONDAY,10,0,0,0,0,0,0,Government,0.391755253271288,0.14903034982589236,0.4543210601605785,0.166,,0.9841,,,,0.1034,0.3333,,,,,,,0.1691,,0.9841,,,,0.1034,0.3333,,,,,,,0.1676,,0.9841,,,,0.1034,0.3333,,,,,,,,block of flats,0.1172,Panel,No,0.0,0.0,0.0,0.0,-2709.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1441789,406518,Cash loans,41455.125,900000.0,978408.0,,900000.0,TUESDAY,11,Y,1,,,,XNA,Approved,-913,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,90000.0,239850.0,23494.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-22985,365243,-15239.0,-4655,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,XNA,,0.6912897579881797,0.7062051096536562,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1221.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,2.0 +1304505,158022,Cash loans,,225000.0,225000.0,0.0,225000.0,THURSDAY,15,Y,1,0.0,,,XNA,Refused,-198,XNA,LIMIT,,Repeater,XNA,XNA,XNA,Country-wide,91,Connectivity,,XNA,Cash,,,,,,,1,Cash loans,F,N,N,0,78750.0,381528.0,18684.0,315000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.020246,-12104,-2045,-4062.0,-320,,1,1,1,1,0,0,Security staff,2.0,3,3,FRIDAY,8,0,0,0,0,0,0,School,,0.20277944515138246,0.178760465484575,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,1.0,7.0,0.0,-237.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1424038,225260,Cash loans,7311.555,112500.0,134775.0,,112500.0,WEDNESDAY,8,Y,1,,,,XNA,Approved,-946,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,112500.0,675000.0,32602.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.014519999999999996,-19083,-1932,-7780.0,-2605,,1,1,0,1,0,0,Medicine staff,1.0,2,2,THURSDAY,8,0,0,0,0,1,1,Other,0.4920125805543973,0.4509580062617527,0.5902333386185574,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,10.0,0.0,9.0,0.0,-1644.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2590975,444603,Cash loans,14738.94,279000.0,279000.0,,279000.0,FRIDAY,11,Y,1,,,,XNA,Refused,-95,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,Y,N,0,180000.0,225000.0,24363.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-18789,-1097,-3266.0,-1522,8.0,1,1,0,1,0,0,Drivers,2.0,2,2,TUESDAY,8,0,0,0,1,1,1,Transport: type 4,,0.3230442686629976,0.2176285202779586,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,3.0,5.0,1.0,-574.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1856234,146201,Cash loans,27507.6,450000.0,576679.5,,450000.0,TUESDAY,13,Y,1,,,,XNA,Approved,-964,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,Y,Y,0,225000.0,622413.0,30073.5,495000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-17268,-4052,-1735.0,-796,3.0,1,1,0,1,0,1,Drivers,2.0,2,2,SUNDAY,7,0,0,0,0,1,1,Business Entity Type 3,0.6455252932741157,0.4125648147014418,0.30620229831350426,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1849.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,2.0 +1774793,310746,Cash loans,12528.0,180000.0,180000.0,,180000.0,THURSDAY,15,Y,1,,,,XNA,Approved,-115,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-85.0,425.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,90000.0,225000.0,17424.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.009549,-19828,-264,-67.0,-3322,4.0,1,1,0,1,0,0,Sales staff,1.0,2,2,SUNDAY,15,0,0,0,1,0,1,Business Entity Type 3,0.6803331721640521,0.613634637014693,0.7981372313187245,0.1232,0.0748,0.9925,0.898,0.0131,0.1,0.0862,0.3958,0.4375,0.1073,,0.1157,,0.0,0.125,0.063,0.9906,0.8759,0.0113,0.0806,0.069,0.375,0.4167,0.1097,,0.095,,0.0,0.1244,0.0748,0.9925,0.8994,0.0132,0.1,0.0862,0.3958,0.4375,0.1091,,0.1178,,0.0,reg oper spec account,block of flats,0.0717,Panel,No,1.0,0.0,1.0,0.0,-116.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,6.0 +2526445,377617,Cash loans,7373.25,67500.0,71955.0,,67500.0,MONDAY,15,Y,1,,,,XNA,Approved,-707,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-677.0,-347.0,-407.0,-400.0,1.0,0,Cash loans,F,N,Y,0,135000.0,395766.0,21600.0,283500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.009549,-19169,-623,-17252.0,-2727,,1,1,0,1,0,0,Cleaning staff,2.0,2,2,MONDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.5332243800994784,,0.0825,0.079,0.9752,,,,0.1379,0.1667,,0.059,,0.0711,,,0.084,0.08199999999999999,0.9752,,,,0.1379,0.1667,,0.0604,,0.0741,,,0.0833,0.079,0.9752,,,,0.1379,0.1667,,0.0601,,0.0724,,,,block of flats,0.0559,Panel,No,1.0,0.0,1.0,0.0,-867.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1534805,198605,Cash loans,33026.58,1129500.0,1129500.0,,1129500.0,THURSDAY,15,Y,1,,,,XNA,Refused,-296,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Revolving loans,F,N,Y,1,144000.0,180000.0,9000.0,180000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.00963,-10299,-976,-4091.0,-2984,,1,1,0,1,1,0,Sales staff,3.0,2,2,SATURDAY,15,0,0,0,0,0,0,Self-employed,0.3484896591878246,0.505364702236026,0.3360615207658242,0.0289,0.0244,0.9866,,,0.0,0.069,0.1667,,0.026,,0.0279,,0.0215,0.0294,0.0253,0.9866,,,0.0,0.069,0.1667,,0.0266,,0.0291,,0.0227,0.0291,0.0244,0.9866,,,0.0,0.069,0.1667,,0.0264,,0.0284,,0.0219,,block of flats,0.0267,Panel,No,2.0,0.0,2.0,0.0,-1746.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2300615,339395,Cash loans,39407.22,315000.0,332046.0,,315000.0,MONDAY,10,Y,1,,,,Buying a home,Approved,-523,XNA,XAP,,Repeater,XNA,Cash,walk-in,Contact center,-1,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,N,0,112500.0,906615.0,30091.5,688500.0,Children,Working,Secondary / secondary special,Widow,House / apartment,0.025164,-21189,-2128,-9473.0,-4589,,1,1,0,1,0,0,Sales staff,1.0,2,2,SATURDAY,11,0,0,0,0,0,0,Self-employed,0.7319073348952995,0.5618745085942024,0.6940926425266661,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,1.0,-1542.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,0.0 +2120052,227863,Cash loans,21308.31,180000.0,191880.0,,180000.0,FRIDAY,7,Y,1,,,,XNA,Approved,-1309,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-1279.0,-949.0,-1039.0,-1034.0,1.0,0,Cash loans,F,N,N,0,180000.0,1062027.0,31050.0,886500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-19839,-6566,-2521.0,-3326,,1,1,1,1,1,0,,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.1573197078245665,0.1624419982223248,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1918.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,4.0,5.0 +1521867,434589,Cash loans,42922.89,1350000.0,1526418.0,,1350000.0,SATURDAY,8,Y,1,,,,Other,Approved,-628,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,54.0,low_action,Cash Street: low,365243.0,-595.0,995.0,-115.0,-111.0,0.0,0,Cash loans,M,Y,Y,2,157500.0,868797.0,34587.0,702000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018029,-13640,-1786,-1982.0,-4754,11.0,1,1,0,1,1,0,Laborers,4.0,3,3,SATURDAY,14,0,0,0,0,0,0,Self-employed,,0.5816503676812286,0.7352209993926424,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-989.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1740313,215752,Cash loans,15629.625,135000.0,143910.0,,135000.0,WEDNESDAY,17,Y,1,,,,XNA,Approved,-1134,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1104.0,-774.0,-774.0,-759.0,1.0,0,Cash loans,F,N,Y,0,157500.0,524403.0,37422.0,495000.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.032561,-24933,365243,-15812.0,-4538,,1,0,0,1,1,0,,1.0,1,1,WEDNESDAY,15,0,0,0,0,0,0,XNA,,0.280288308680016,,0.0495,0.0153,0.9781,0.7008,0.0048,0.04,0.0345,0.3333,0.0417,0.0614,0.0378,0.0391,0.0116,0.0087,0.0504,0.0158,0.9782,0.7125,0.0048,0.0403,0.0345,0.3333,0.0417,0.0628,0.0413,0.0408,0.0117,0.0092,0.05,0.0153,0.9781,0.7048,0.0048,0.04,0.0345,0.3333,0.0417,0.0625,0.0385,0.0398,0.0116,0.0089,reg oper account,block of flats,0.0334,"Stone, brick",No,1.0,0.0,1.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2176553,345663,Cash loans,36018.0,1305000.0,1305000.0,,1305000.0,MONDAY,10,Y,1,,,,XNA,Refused,-182,XNA,HC,Family,XNA,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,117000.0,720000.0,36760.5,720000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00702,-16980,-3354,-8097.0,-144,,1,1,0,1,0,0,Sales staff,2.0,2,2,FRIDAY,12,0,0,0,1,0,1,Self-employed,0.4640857538030269,0.5435498792608259,,0.0124,0.0,0.9737,,,0.0,0.1034,0.0417,,,,0.0092,,0.0,0.0126,0.0,0.9737,,,0.0,0.1034,0.0417,,,,0.0096,,0.0,0.0125,0.0,0.9737,,,0.0,0.1034,0.0417,,,,0.0094,,0.0,,block of flats,0.008,"Stone, brick",No,1.0,0.0,1.0,0.0,-183.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2537629,382514,Cash loans,27772.875,292500.0,292500.0,,292500.0,SATURDAY,14,Y,1,,,,XNA,Approved,-211,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-181.0,149.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,315000.0,2092500.0,77674.5,2092500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-12960,-2322,-1181.0,-3267,,1,1,0,1,0,0,Accountants,3.0,2,2,SUNDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.5855503851648943,0.6500836235976217,0.5082869913916046,0.1423,0.0656,0.9985,0.9728,0.2565,0.12,0.069,0.625,0.375,0.0383,0.1126,0.1627,0.0154,0.0565,0.145,0.0681,0.9985,0.9739,0.2588,0.1208,0.069,0.625,0.375,0.0392,0.123,0.1695,0.0156,0.0598,0.1436,0.0656,0.9985,0.9732,0.2581,0.12,0.069,0.625,0.375,0.039,0.1146,0.1656,0.0155,0.0577,reg oper account,block of flats,0.1669,"Stone, brick",No,3.0,0.0,3.0,0.0,-1106.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1985890,291000,Cash loans,8981.82,45000.0,46485.0,0.0,45000.0,THURSDAY,16,Y,1,0.0,,,XNA,Approved,-2417,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,365243.0,-2387.0,-2237.0,-2237.0,-2232.0,1.0,1,Cash loans,F,N,N,1,135000.0,1078200.0,31653.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.02461,-15119,-874,-4040.0,-5013,,1,1,0,1,1,0,Sales staff,3.0,2,2,SATURDAY,16,0,0,0,1,1,0,Self-employed,0.5656766000868914,0.6321087172492229,0.7001838506835805,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1544.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,10.0,0.0,4.0 +1251820,160332,Cash loans,48368.61,720000.0,890766.0,,720000.0,FRIDAY,14,Y,1,,,,XNA,Approved,-478,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,42.0,high,Cash X-Sell: high,365243.0,-448.0,782.0,-358.0,-350.0,1.0,0,Cash loans,M,Y,Y,0,540000.0,592560.0,40216.5,450000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.010966,-14013,-552,-3096.0,-4184,3.0,1,1,0,1,0,0,,1.0,2,2,SUNDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.6554307014617061,0.6907107845008129,0.10822632266971416,0.2227,0.1542,0.9821,0.7552,0.1272,0.16,0.1379,0.3333,0.375,0.1063,0.1816,0.1885,0.0,0.0,0.2269,0.16,0.9821,0.7648,0.1284,0.1611,0.1379,0.3333,0.375,0.1088,0.1983,0.1964,0.0,0.0,0.2248,0.1542,0.9821,0.7585,0.1281,0.16,0.1379,0.3333,0.375,0.1082,0.1847,0.1919,0.0,0.0,org spec account,block of flats,0.1613,"Stone, brick",No,0.0,0.0,0.0,0.0,-897.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,2.0,6.0 +1229004,398156,Cash loans,,0.0,0.0,,,WEDNESDAY,12,Y,1,,,,XNA,Refused,-134,XNA,HC,,Repeater,XNA,XNA,XNA,Contact center,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,N,0,112500.0,119925.0,14229.0,112500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018209,-13492,-2149,-3126.0,-3191,,1,1,0,1,0,0,,2.0,3,3,TUESDAY,10,0,0,0,0,0,0,Agriculture,,0.3785496710977705,0.34578480246959553,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-478.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1292465,368518,Cash loans,9375.93,45000.0,50238.0,,45000.0,THURSDAY,15,Y,1,,,,XNA,Approved,-1174,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,Y,N,1,135000.0,315000.0,21051.0,315000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-14966,-7568,-8985.0,-4885,8.0,1,1,0,1,1,0,Laborers,3.0,2,2,MONDAY,14,0,0,0,0,0,0,Industry: type 5,0.3796607927384277,0.6048263945586565,0.6296742509538716,0.2454,0.2341,0.9811,0.7416,0.0337,0.0,0.5517,0.1667,0.2083,0.2074,0.2,0.2328,0.0039,0.015,0.25,0.243,0.9811,0.7517,0.034,0.0,0.5517,0.1667,0.2083,0.2122,0.2185,0.2425,0.0039,0.0158,0.2477,0.2341,0.9811,0.7451,0.0339,0.0,0.5517,0.1667,0.2083,0.211,0.2035,0.237,0.0039,0.0153,reg oper account,block of flats,0.2048,Panel,No,1.0,0.0,1.0,0.0,-1751.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,7.0 +1042657,442101,Revolving loans,22500.0,450000.0,450000.0,,450000.0,WEDNESDAY,15,Y,1,,,,XAP,Refused,-496,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,112500.0,675000.0,21906.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.031329,-16615,-2389,-6301.0,-166,,1,1,0,1,0,0,Core staff,1.0,2,2,TUESDAY,12,0,0,0,1,1,0,Kindergarten,,0.4277414795239229,0.5513812618027899,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1508.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1592601,167585,Consumer loans,3136.32,36000.0,24358.5,13500.0,36000.0,WEDNESDAY,9,Y,1,0.3883600056190095,,,XAP,Approved,-1563,Cash through the bank,XAP,"Spouse, partner",New,Audio/Video,POS,XNA,Stone,20,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1532.0,-1262.0,-1262.0,-1257.0,0.0,0,Cash loans,F,N,N,0,74250.0,814041.0,23800.5,679500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.008473999999999999,-16018,-3987,-4790.0,-4798,,1,1,1,1,1,0,Managers,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,Postal,0.7117294290540248,0.6379522332553713,0.4543210601605785,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-795.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2682934,155835,Cash loans,31544.37,675000.0,744498.0,,675000.0,MONDAY,13,Y,1,,,,XNA,Approved,-513,XNA,XAP,,Refreshed,XNA,Cash,x-sell,Contact center,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,N,Y,0,180000.0,1288350.0,37800.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.008625,-19900,-624,-2150.0,-3459,,1,1,1,1,1,0,,2.0,2,2,WEDNESDAY,11,0,1,1,0,1,1,Business Entity Type 2,0.4417988927294776,0.5741292648365941,0.5370699579791587,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-512.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1733402,409075,Cash loans,53255.61,1800000.0,2013840.0,,1800000.0,WEDNESDAY,17,Y,1,,,,XNA,Refused,-1152,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_action,Cash Street: low,,,,,,,0,Cash loans,M,N,Y,0,342000.0,273636.0,15835.5,247500.0,Unaccompanied,Commercial associate,Incomplete higher,Single / not married,House / apartment,0.072508,-11111,-138,-5465.0,-3089,,1,1,0,1,0,0,Core staff,1.0,1,1,SUNDAY,16,0,0,0,0,0,0,Business Entity Type 2,0.264508192408203,0.753367495995059,0.7517237147741489,0.2959,0.1875,0.9786,0.7076,0.043,0.32,0.2759,0.3333,0.375,0.0,0.2412,0.2784,0.0,0.0,0.3015,0.1946,0.9786,0.7190000000000001,0.0434,0.3222,0.2759,0.3333,0.375,0.0,0.2635,0.29,0.0,0.0,0.2987,0.1875,0.9786,0.7115,0.0433,0.32,0.2759,0.3333,0.375,0.0,0.2454,0.2834,0.0,0.0,,block of flats,0.2189,Panel,No,0.0,0.0,0.0,0.0,-1857.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2236666,272141,Cash loans,,0.0,0.0,,,FRIDAY,10,Y,1,,,,XNA,Refused,-262,XNA,HC,,Repeater,XNA,XNA,XNA,Contact center,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,N,0,112500.0,675000.0,29862.0,675000.0,Family,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.028663,-23091,365243,-9638.0,-4506,,1,0,0,1,0,0,,2.0,2,2,MONDAY,10,0,0,0,0,0,0,XNA,,0.008350639634183284,0.3506958432829587,0.066,0.0528,0.9871,0.8232,0.0407,0.0,0.0345,0.1667,0.2083,0.0566,0.053,0.0338,0.0039,0.0074,0.0609,0.0449,0.9861,0.8171,0.0283,0.0,0.0345,0.1667,0.2083,0.0558,0.0523,0.0299,0.0039,0.0007,0.0666,0.0528,0.9871,0.8256,0.041,0.0,0.0345,0.1667,0.2083,0.0576,0.0539,0.0345,0.0039,0.0076,reg oper account,block of flats,0.0417,"Stone, brick",No,1.0,0.0,1.0,0.0,-559.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2405368,346518,Cash loans,38903.4,463500.0,518562.0,,463500.0,SUNDAY,11,Y,1,,,,XNA,Approved,-25,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,247500.0,573628.5,27724.5,463500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.008473999999999999,-18529,-7168,-12504.0,-2082,,1,1,0,1,0,0,Managers,2.0,2,2,THURSDAY,19,0,0,0,0,0,0,Trade: type 7,,0.3641904323448479,0.7490217048463391,0.0528,0.0656,0.9791,0.7144,0.0284,0.0,0.1241,0.1667,0.0417,0.0536,0.0429,0.0469,0.0008,0.0061,0.0095,0.0139,0.9786,0.7190000000000001,0.0062,0.0,0.0345,0.1667,0.0417,0.0022,0.0083,0.0093,0.0,0.0,0.0604,0.0368,0.9786,0.7115,0.0196,0.0,0.1379,0.1667,0.0417,0.0323,0.0496,0.0515,0.0,0.0,reg oper account,,0.0589,Panel,No,0.0,0.0,0.0,0.0,-1471.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1377732,136937,Cash loans,19609.065,135000.0,165226.5,,135000.0,SUNDAY,16,Y,1,,,,Urgent needs,Approved,-613,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Contact center,-1,XNA,12.0,high,Cash Street: high,365243.0,-582.0,-252.0,-282.0,-277.0,0.0,1,Cash loans,F,N,Y,0,72000.0,417024.0,22752.0,360000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019101,-11464,-2331,-4679.0,-4007,,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,10,0,0,0,0,1,1,Government,0.4257342590607569,0.026138121766522908,0.2608559142068693,,,0.9742,,,,0.069,0.0417,,,,0.0075,,,,,0.9742,,,,0.069,0.0417,,,,0.0078,,,,,0.9742,,,,0.069,0.0417,,,,0.0076,,,,,0.0109,"Stone, brick",No,2.0,2.0,2.0,2.0,-721.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,8.0 +2842659,189509,Cash loans,7294.005,90000.0,107820.0,,90000.0,MONDAY,7,Y,1,,,,Urgent needs,Approved,-475,Cashless from the account of the employer,XAP,,Refreshed,XNA,Cash,walk-in,Contact center,-1,XNA,36.0,high,Cash Street: high,,,,,,,0,Cash loans,M,N,N,0,180000.0,284400.0,13387.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.014464,-18761,-3395,-3307.0,-2287,,1,1,0,1,0,0,Drivers,2.0,2,2,SUNDAY,7,0,0,0,1,1,1,Business Entity Type 2,,0.4270243675934693,0.2910973802776635,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2010.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,3.0 +1362696,440914,Revolving loans,2250.0,45000.0,45000.0,,45000.0,THURSDAY,10,Y,1,,,,XAP,Approved,-291,XNA,XAP,Family,New,XNA,Cards,walk-in,Regional / Local,1000,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,67500.0,277969.5,13086.0,229500.0,Unaccompanied,Commercial associate,Incomplete higher,Civil marriage,With parents,0.018209,-9866,-370,-4340.0,-2550,,1,1,1,1,0,0,Sales staff,2.0,3,3,MONDAY,7,0,0,0,1,1,0,Self-employed,,0.1423788657469227,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-291.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1614015,455864,Consumer loans,34151.67,159475.5,159475.5,0.0,159475.5,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-661,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,29,Connectivity,6.0,high,POS mobile with interest,365243.0,-624.0,-474.0,-474.0,-471.0,0.0,0,Cash loans,F,N,Y,0,135000.0,837000.0,22207.5,837000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.026392000000000002,-9850,-171,-4319.0,-2519,,1,1,0,1,1,0,Secretaries,1.0,2,2,TUESDAY,18,0,0,0,1,1,0,Security Ministries,0.5203820618904773,0.6332927802186966,0.3441550073724169,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-661.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,4.0 +1258577,413170,Consumer loans,9761.265,72612.0,80280.0,0.0,72612.0,TUESDAY,14,Y,1,0.0,,,XAP,Approved,-407,XNA,XAP,,New,Mobile,POS,XNA,Country-wide,35,Connectivity,12.0,high,POS mobile with interest,365243.0,-376.0,-46.0,-46.0,-38.0,0.0,0,Revolving loans,F,Y,Y,1,90000.0,202500.0,10125.0,202500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-16082,-316,-3191.0,-3604,21.0,1,1,1,1,0,0,Sales staff,3.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Industry: type 11,0.6143809343282362,0.427126029054014,0.1895952597360396,0.1278,0.0441,0.9861,0.8096,0.0793,0.08,0.0345,0.625,0.6667,0.0758,0.1042,0.1211,0.0116,0.0147,0.1303,0.0458,0.9861,0.8171,0.0801,0.0806,0.0345,0.625,0.6667,0.0775,0.1139,0.1262,0.0117,0.0155,0.1291,0.0441,0.9861,0.8121,0.0798,0.08,0.0345,0.625,0.6667,0.0771,0.106,0.1233,0.0116,0.015,reg oper account,block of flats,0.1385,Panel,No,0.0,0.0,0.0,0.0,-539.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1181709,184244,Consumer loans,8577.225,71910.0,71554.5,7191.0,71910.0,SUNDAY,18,Y,1,0.09945524159822117,,,XAP,Approved,-746,XNA,XAP,,New,Mobile,POS,XNA,Country-wide,35,Connectivity,12.0,high,POS mobile with interest,365243.0,-710.0,-380.0,-500.0,-494.0,0.0,1,Cash loans,F,N,Y,1,90000.0,376078.5,29844.0,310500.0,Family,State servant,Secondary / secondary special,Married,House / apartment,0.030755,-8165,-946,-2745.0,-296,,1,1,1,1,0,0,,3.0,2,2,THURSDAY,12,0,0,0,0,1,1,Business Entity Type 3,0.5004646838355827,0.4876765302659335,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-746.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2244841,310926,Consumer loans,24151.14,235125.0,235575.0,0.0,235125.0,MONDAY,10,Y,1,0.0,,,XAP,Approved,-549,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Stone,75,Furniture,12.0,middle,POS industry with interest,365243.0,-518.0,-188.0,-218.0,-214.0,0.0,0,Cash loans,M,Y,Y,0,166500.0,921330.0,36535.5,823500.0,Family,Working,Secondary / secondary special,Single / not married,House / apartment,0.015221,-13429,-1754,-2312.0,-3759,29.0,1,1,1,1,1,0,Laborers,1.0,2,2,THURSDAY,10,0,0,0,0,0,0,Self-employed,0.35879584229692324,0.5725458785394049,,0.0577,0.08800000000000001,0.993,0.9048,0.0346,0.0,0.0966,0.1667,0.2083,0.0473,0.0471,0.0639,0.0,0.029,0.042,0.0765,0.9896,0.8628,0.0122,0.0,0.069,0.1667,0.2083,0.0263,0.0367,0.0539,0.0,0.0,0.0416,0.0737,0.9935,0.9128,0.0163,0.0,0.069,0.1667,0.2083,0.0467,0.0342,0.0607,0.0,0.0,reg oper account,block of flats,0.0643,Panel,No,0.0,0.0,0.0,0.0,-1031.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1819410,167596,Cash loans,45205.605,1350000.0,1546020.0,,1350000.0,WEDNESDAY,3,Y,1,,,,XNA,Refused,-233,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,Y,Y,0,292500.0,1035832.5,30415.5,904500.0,"Spouse, partner",State servant,Secondary / secondary special,Civil marriage,House / apartment,0.0038179999999999998,-23205,-883,-9975.0,-3902,12.0,1,1,0,1,0,0,Drivers,2.0,2,2,FRIDAY,3,0,0,0,0,0,0,Police,,0.568623883985331,,0.0567,0.0774,0.9861,0.8096,0.0299,0.0,0.1379,0.1667,0.2083,0.0576,0.0496,0.0547,0.0232,0.0256,0.0578,0.0803,0.9861,0.8171,0.0302,0.0,0.1379,0.1667,0.2083,0.059,0.0542,0.057,0.0233,0.0271,0.0573,0.0774,0.9861,0.8121,0.0301,0.0,0.1379,0.1667,0.2083,0.0586,0.0504,0.0557,0.0233,0.0261,reg oper account,block of flats,0.0594,Block,No,0.0,0.0,0.0,0.0,-186.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2120424,420193,Cash loans,16839.09,270000.0,299223.0,,270000.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-714,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-684.0,6.0,-24.0,-17.0,1.0,0,Cash loans,F,N,Y,0,162000.0,364896.0,17685.0,315000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.011703,-18893,365243,-12163.0,-2446,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,XNA,,0.5277070323496524,0.7476633896301825,0.1031,,0.9771,0.6872,0.011,0.0,0.1379,0.1667,0.2083,0.0809,0.0841,0.0943,0.0,0.0144,0.105,,0.9772,0.6994,0.0112,0.0,0.1379,0.1667,0.2083,0.0827,0.0918,0.0983,0.0,0.0152,0.1041,,0.9771,0.6914,0.0111,0.0,0.1379,0.1667,0.2083,0.0823,0.0855,0.096,0.0,0.0147,reg oper account,block of flats,0.0802,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2357092,355343,Consumer loans,6569.865,47556.0,47556.0,0.0,47556.0,FRIDAY,18,Y,1,0.0,,,XAP,Approved,-287,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,39,Connectivity,10.0,high,POS mobile with interest,365243.0,-245.0,25.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,0,35100.0,103500.0,6741.0,103500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,Municipal apartment,0.019101,-18857,365243,-2555.0,-2400,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,11,0,0,0,0,0,0,XNA,,0.30797193856290955,,0.0103,0.0,0.9444,0.2384,,0.0,,0.0417,0.0833,0.0429,0.0084,0.0089,0.0,0.0,0.0105,0.0,0.9444,0.2682,,0.0,,0.0417,0.0833,0.0439,0.0092,0.0093,0.0,0.0,0.0104,0.0,0.9444,0.2486,,0.0,,0.0417,0.0833,0.0436,0.0086,0.009000000000000001,0.0,0.0,reg oper account,block of flats,0.006999999999999999,"Stone, brick",No,0.0,0.0,0.0,0.0,-287.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1133142,341977,Consumer loans,3244.41,32125.5,31968.0,3213.0,32125.5,WEDNESDAY,11,Y,1,0.0994641735854322,,,XAP,Approved,-686,XNA,XAP,,New,Mobile,POS,XNA,Stone,50,Connectivity,12.0,middle,POS mobile with interest,365243.0,-655.0,-325.0,-565.0,-563.0,0.0,0,Cash loans,M,Y,Y,1,157500.0,1096020.0,52857.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.010032,-17473,-6511,-3229.0,-1020,13.0,1,1,0,1,1,0,Laborers,3.0,2,2,WEDNESDAY,7,0,0,0,0,1,1,Telecom,,0.6109196325239917,0.3774042489507649,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-686.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2182581,300610,Revolving loans,6750.0,135000.0,135000.0,,135000.0,TUESDAY,11,Y,1,,,,XAP,Refused,-662,XNA,SCOFR,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Revolving loans,F,N,Y,0,112500.0,225000.0,11250.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-11443,-677,-5426.0,-1347,,1,1,0,1,1,0,Laborers,2.0,2,2,SATURDAY,14,0,0,0,0,0,0,Self-employed,,0.4541598432248692,0.5028782772082183,0.1546,0.0,0.9757,0.6668,0.0119,0.0,0.1034,0.1667,0.2083,0.0399,0.1236,0.0539,0.0116,0.0628,0.1576,0.0,0.9757,0.6798,0.012,0.0,0.1034,0.1667,0.2083,0.0408,0.135,0.0562,0.0117,0.0665,0.1561,0.0,0.9757,0.6713,0.012,0.0,0.1034,0.1667,0.2083,0.0406,0.1257,0.0549,0.0116,0.0641,reg oper account,block of flats,0.0626,"Stone, brick",No,1.0,0.0,1.0,0.0,-681.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1830929,395928,Consumer loans,17857.215,177286.5,159556.5,17730.0,177286.5,SUNDAY,13,Y,1,0.10891738411092676,,,XAP,Approved,-1747,Cash through the bank,XAP,Family,Refreshed,Audio/Video,POS,XNA,Country-wide,1000,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1715.0,-1445.0,-1445.0,-1439.0,0.0,0,Cash loans,F,N,Y,0,211500.0,900000.0,39645.0,900000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.026392000000000002,-12177,-4422,-6301.0,-3859,,1,1,0,1,0,1,Managers,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Government,0.7772765225766071,0.6747361492100982,0.1419915427739129,0.1031,,0.9752,,,0.0,0.1724,0.1667,,,,0.0674,,0.0,0.105,,0.9752,,,0.0,0.1724,0.1667,,,,0.0702,,0.0,0.1041,,0.9752,,,0.0,0.1724,0.1667,,,,0.0686,,0.0,,block of flats,0.053,Panel,No,6.0,0.0,6.0,0.0,-532.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,1.0,0.0,1.0,0.0,2.0 +1889570,180830,Consumer loans,6956.055,78466.5,78466.5,0.0,78466.5,SATURDAY,14,Y,1,0.0,,,XAP,Approved,-423,Cash through the bank,XAP,,New,Computers,POS,XNA,Country-wide,50,Connectivity,12.0,low_action,POS mobile without interest,365243.0,-390.0,-60.0,-90.0,-86.0,0.0,0,Cash loans,M,N,N,0,135000.0,130500.0,12096.0,130500.0,Family,Working,Secondary / secondary special,Single / not married,With parents,0.015221,-8081,-447,-7616.0,-612,,1,1,0,1,0,0,Drivers,1.0,2,2,TUESDAY,13,0,0,0,0,0,0,Military,,0.33118321184634164,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-423.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2566688,260718,Cash loans,61480.89,1354500.0,1451047.5,,1354500.0,SATURDAY,9,Y,1,,,,XNA,Approved,-636,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-604.0,446.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,202500.0,225000.0,12915.0,225000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.018801,-14204,-578,-2164.0,-2579,11.0,1,1,1,1,1,0,Core staff,1.0,2,2,FRIDAY,7,0,0,0,0,0,0,Legal Services,0.5552115475526747,0.442747811753018,0.3572932680336494,0.2227,0.162,0.9801,0.728,0.0967,0.24,0.2069,0.3333,0.0417,0.1303,0.1816,0.2236,0.0,0.0,0.2269,0.1681,0.9801,0.7387,0.0976,0.2417,0.2069,0.3333,0.0417,0.1333,0.1983,0.2329,0.0,0.0,0.2248,0.162,0.9801,0.7316,0.0974,0.24,0.2069,0.3333,0.0417,0.1326,0.1847,0.2276,0.0,0.0,reg oper spec account,block of flats,0.2287,Panel,No,0.0,0.0,0.0,0.0,-1305.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1092175,341591,Consumer loans,5197.815,24970.5,26406.0,2497.5,24970.5,WEDNESDAY,18,Y,1,0.09410640737123688,,,XAP,Approved,-1882,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,1000,Consumer electronics,6.0,middle,POS household without interest,365243.0,-1850.0,-1700.0,-1700.0,-1696.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,900000.0,46084.5,900000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.026392000000000002,-10231,-2040,-4990.0,-2904,7.0,1,1,0,1,0,1,High skill tech staff,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.6721199669031117,0.07396514611722674,0.133,,0.9796,,,0.0,0.2759,0.1667,,,,0.0817,,0.1352,0.1355,,0.9796,,,0.0,0.2759,0.1667,,,,0.0852,,0.1432,0.1343,,0.9796,,,0.0,0.2759,0.1667,,,,0.0832,,0.1381,,block of flats,0.0937,"Stone, brick",No,0.0,0.0,0.0,0.0,-1496.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1309907,430308,Cash loans,71031.78,1260000.0,1333179.0,,1260000.0,THURSDAY,14,Y,1,,,,XNA,Approved,-397,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-367.0,323.0,-7.0,365243.0,1.0,0,Cash loans,M,N,Y,0,225000.0,1006920.0,39933.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.010147,-13966,-3329,-7824.0,-4806,,1,1,0,1,0,0,High skill tech staff,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.5798523434870076,0.4755133948286369,0.6832688314232291,0.0722,0.0,0.9856,,,0.04,0.0345,0.3333,,0.2678,,0.0644,,0.001,0.0735,0.0,0.9856,,,0.0403,0.0345,0.3333,,0.2739,,0.0671,,0.0011,0.0729,0.0,0.9856,,,0.04,0.0345,0.3333,,0.2725,,0.0655,,0.001,,block of flats,0.0506,"Stone, brick",No,1.0,0.0,1.0,0.0,-1330.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1053966,114355,Cash loans,54575.055,675000.0,875173.5,,675000.0,MONDAY,15,Y,1,,,,XNA,Approved,-672,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,Y,Y,2,180000.0,590337.0,28530.0,477000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.04622,-12982,-1168,-5163.0,-2545,13.0,1,1,0,1,0,0,Cleaning staff,4.0,1,1,MONDAY,16,0,1,1,0,0,0,Business Entity Type 2,0.6255351465211044,0.6751487463200013,0.6738300778602003,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1329.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2282240,162649,Consumer loans,3060.765,26775.0,29601.0,0.0,26775.0,THURSDAY,5,Y,1,0.0,,,XAP,Approved,-896,Cash through the bank,XAP,Unaccompanied,New,Clothing and Accessories,POS,XNA,Regional / Local,78,Clothing,12.0,middle,POS industry with interest,365243.0,-865.0,-535.0,-625.0,-620.0,0.0,0,Cash loans,F,N,Y,1,157500.0,171841.5,12631.5,130500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.008068,-16002,-1394,-2744.0,-5851,,1,1,0,1,1,0,Sales staff,2.0,3,3,THURSDAY,6,0,0,0,0,0,0,Business Entity Type 3,0.7272650304073692,0.06059160735159121,0.4382813743111921,0.1237,0.0865,0.9826,,,0.0,0.069,0.1667,,,,0.0645,,,0.1261,0.0898,0.9826,,,0.0,0.069,0.1667,,,,0.0672,,,0.1249,0.0865,0.9826,,,0.0,0.069,0.1667,,,,0.0656,,,,block of flats,0.0526,"Stone, brick",No,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1932698,316396,Revolving loans,6750.0,135000.0,135000.0,,135000.0,SUNDAY,4,Y,1,,,,XAP,Approved,-648,XNA,XAP,,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),7,XNA,0.0,XNA,Card Street,-597.0,-547.0,365243.0,-516.0,365243.0,0.0,0,Cash loans,F,N,Y,0,225000.0,916470.0,26928.0,765000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.0038179999999999998,-20652,-500,-5969.0,-541,,1,1,0,1,0,0,Sales staff,1.0,2,2,THURSDAY,4,0,0,0,0,0,0,Business Entity Type 3,,0.5061900930677599,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-780.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +2317108,448308,Cash loans,,675000.0,675000.0,,675000.0,WEDNESDAY,12,Y,1,,,,Medicine,Approved,-343,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,234000.0,675000.0,44298.0,675000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.031329,-11495,-2552,-4118.0,-1089,,1,1,0,1,1,1,,2.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.7206016225746729,0.5827195252003187,0.6545292802242897,0.2299,0.1918,0.9791,0.7212,0.0418,0.16,0.3448,0.25,0.375,0.204,0.2404,0.2847,0.0039,0.0042,0.16699999999999998,0.1991,0.9786,0.7321,0.0422,0.0,0.2759,0.1667,0.375,0.2086,0.2626,0.2966,0.0039,0.0044,0.2321,0.1918,0.9791,0.7249,0.0421,0.16,0.3448,0.25,0.375,0.2075,0.2446,0.2898,0.0039,0.0043,reg oper account,block of flats,0.2258,Panel,No,3.0,0.0,3.0,0.0,-910.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1024604,199290,Consumer loans,6721.11,40657.5,33223.5,9000.0,40657.5,FRIDAY,12,Y,1,0.2321413000300349,,,XAP,Approved,-1348,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,70,Connectivity,6.0,high,POS mobile with interest,365243.0,-1306.0,-1156.0,-1156.0,-1149.0,0.0,0,Cash loans,M,Y,Y,0,76500.0,808650.0,23773.5,675000.0,"Spouse, partner",Working,Secondary / secondary special,Married,Rented apartment,0.015221,-17622,-2900,-8567.0,-1145,21.0,1,1,1,1,1,0,Laborers,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Religion,0.4667535074349583,0.5719463697572809,0.6610235391308081,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1556.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1263604,231092,Consumer loans,6929.505,62995.5,62995.5,0.0,62995.5,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-613,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,951,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-582.0,-312.0,-312.0,-304.0,0.0,0,Cash loans,M,Y,Y,0,270000.0,1350000.0,42390.0,1350000.0,Unaccompanied,Working,Incomplete higher,Civil marriage,House / apartment,0.009334,-9159,-1397,-3802.0,-1566,4.0,1,1,0,1,1,0,Sales staff,2.0,2,2,WEDNESDAY,18,0,0,0,0,0,0,Trade: type 2,,0.6300111130707674,0.14287252304131962,,,0.9722,,,,0.1379,0.0,,,,0.0022,,,,,0.9722,,,,0.1379,0.0,,,,0.0023,,,,,0.9722,,,,0.1379,0.0,,,,0.0023,,,,block of flats,0.0017,Wooden,No,1.0,0.0,1.0,0.0,-243.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,9.0 +1438101,379334,Consumer loans,19226.34,208377.0,187537.5,20839.5,208377.0,SUNDAY,12,Y,1,0.10891849868267607,,,XAP,Approved,-749,Cash through the bank,XAP,Unaccompanied,New,Clothing and Accessories,POS,XNA,Stone,49,Clothing,12.0,middle,POS industry with interest,365243.0,-718.0,-388.0,-568.0,-560.0,0.0,0,Cash loans,F,N,Y,0,225000.0,562491.0,28890.0,454500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.018634,-12463,-964,-2400.0,-1564,,1,1,1,1,0,0,,2.0,2,2,SUNDAY,11,0,1,1,0,1,1,Construction,0.3091130019633201,0.0988992998775832,0.5902333386185574,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-749.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1300168,244400,Cash loans,8648.01,247500.0,314473.5,,247500.0,THURSDAY,13,Y,1,,,,XNA,Refused,-196,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,126000.0,319500.0,15538.5,319500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.026392000000000002,-20610,365243,-2946.0,-4174,,1,0,0,1,1,0,,1.0,2,2,THURSDAY,11,0,0,0,0,0,0,XNA,,0.6595093052351879,,0.0742,0.0545,0.9871,,,0.08,0.069,0.3333,,,,0.0486,,,0.0756,0.0566,0.9871,,,0.0806,0.069,0.3333,,,,0.0506,,,0.0749,0.0545,0.9871,,,0.08,0.069,0.3333,,,,0.0495,,,,block of flats,0.0626,Panel,No,1.0,0.0,1.0,0.0,-1492.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1582402,177923,Consumer loans,2256.885,20241.0,20241.0,0.0,20241.0,WEDNESDAY,15,Y,1,0.0,,,XAP,Refused,-2213,Cash through the bank,LIMIT,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,1200,Consumer electronics,12.0,high,POS household with interest,,,,,,,0,Cash loans,M,N,Y,1,157500.0,184500.0,13423.5,184500.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.0060079999999999995,-14140,-1281,-3509.0,-498,,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,11,0,0,0,0,1,1,Business Entity Type 3,0.17965747391045936,0.47726980883513503,0.7992967832109371,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1580.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2732144,429874,Consumer loans,6743.565,59373.0,59373.0,0.0,59373.0,SATURDAY,11,Y,1,0.0,,,XAP,Refused,-178,Cash through the bank,LIMIT,,Repeater,Computers,POS,XNA,Country-wide,81,Connectivity,10.0,low_normal,POS mobile without interest,,,,,,,0,Cash loans,F,Y,Y,1,85500.0,282690.0,15462.0,202500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.011703,-13007,-2252,-1558.0,-519,1.0,1,1,0,1,0,0,Laborers,3.0,2,2,TUESDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.4312135381294895,0.2636468134452008,0.0041,,0.9727,,,0.0,0.1379,0.0,,,,,,,0.0042,,0.9727,,,0.0,0.1379,0.0,,,,,,,0.0042,,0.9727,,,0.0,0.1379,0.0,,,,,,,,terraced house,0.0022,"Stone, brick",No,1.0,0.0,1.0,0.0,-651.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2802454,350354,Cash loans,49140.72,1665000.0,1862802.0,,1665000.0,WEDNESDAY,11,Y,1,,,,XNA,Refused,-321,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_action,Cash X-Sell: low,,,,,,,0,Revolving loans,F,N,Y,1,198000.0,225000.0,11250.0,225000.0,Family,Working,Secondary / secondary special,Widow,House / apartment,0.010006000000000001,-16281,-2450,-1085.0,-4457,,1,1,0,1,1,0,Medicine staff,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Medicine,,0.7241047114271979,,0.1227,0.1107,0.9891,0.7824,0.1467,0.0,0.1034,0.1667,0.2083,,0.1,0.1048,0.0,0.0,0.125,0.1149,0.9891,0.7909,0.14800000000000002,0.0,0.1034,0.1667,0.2083,,0.1093,0.1092,0.0,0.0,0.1239,0.1107,0.9891,0.7853,0.1476,0.0,0.1034,0.1667,0.2083,,0.1018,0.1067,0.0,0.0,reg oper account,block of flats,0.1626,Panel,No,1.0,0.0,1.0,0.0,-1076.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2383928,359027,Cash loans,13232.61,112500.0,134505.0,,112500.0,THURSDAY,12,Y,1,,,,XNA,Approved,-1449,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-1419.0,-1089.0,-1089.0,-1082.0,1.0,0,Cash loans,F,N,Y,1,157500.0,117162.0,11718.0,103500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-15782,-6215,-15751.0,-3971,,1,1,0,1,0,0,Laborers,3.0,2,2,THURSDAY,15,0,0,0,0,0,0,Business Entity Type 2,0.7323078100009357,0.6583691457943919,0.7597121819739279,0.1021,0.0095,0.9786,0.7076,0.0144,0.08,0.069,0.3333,0.375,0.0644,0.0807,0.0861,0.0116,0.1442,0.104,0.0098,0.9786,0.7190000000000001,0.0146,0.0806,0.069,0.3333,0.375,0.0659,0.0882,0.0897,0.0117,0.1527,0.1031,0.0095,0.9786,0.7115,0.0145,0.08,0.069,0.3333,0.375,0.0655,0.0821,0.0877,0.0116,0.1472,reg oper account,block of flats,0.107,"Stone, brick",No,2.0,1.0,2.0,1.0,-1449.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,1.0 +2141481,129830,Consumer loans,6430.95,58837.5,58837.5,0.0,58837.5,TUESDAY,14,Y,1,0.0,,,XAP,Approved,-857,Cash through the bank,XAP,Unaccompanied,New,Construction Materials,POS,XNA,Stone,15,Construction,10.0,low_action,POS industry without interest,365243.0,-817.0,-547.0,-547.0,-544.0,0.0,0,Cash loans,F,N,Y,0,157500.0,787131.0,26145.0,679500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.018801,-22052,365243,-9488.0,-4965,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,7,0,0,0,0,0,0,XNA,,0.29864751017844793,0.4830501881366946,0.1268,0.0656,0.9871,0.8232,0.032,0.12,0.1034,0.375,0.4167,0.127,0.1009,0.1213,0.0116,0.075,0.1292,0.068,0.9871,0.8301,0.0323,0.1208,0.1034,0.375,0.4167,0.1298,0.1102,0.1264,0.0117,0.0794,0.128,0.0656,0.9871,0.8256,0.0322,0.12,0.1034,0.375,0.4167,0.1292,0.1026,0.1235,0.0116,0.0766,reg oper account,block of flats,0.1262,Panel,No,5.0,2.0,5.0,2.0,-857.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2586493,254853,Consumer loans,6951.78,46116.0,56587.5,0.0,46116.0,FRIDAY,13,Y,1,0.0,,,XAP,Refused,-375,Cash through the bank,LIMIT,Other_A,Repeater,Consumer Electronics,POS,XNA,Country-wide,1200,Consumer electronics,10.0,middle,POS household with interest,,,,,,,0,Cash loans,M,N,Y,0,157500.0,450000.0,30073.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.008865999999999999,-14536,-3465,-5871.0,-2594,,1,1,1,1,0,0,Laborers,1.0,2,2,TUESDAY,17,0,0,0,0,0,0,Other,,0.12986105281083046,0.5902333386185574,0.1031,0.0799,0.9747,0.6532,0.0127,0.0,0.1724,0.1667,0.2083,0.0952,0.0841,0.0886,0.0,0.0,0.105,0.0829,0.9747,0.6668,0.0128,0.0,0.1724,0.1667,0.2083,0.0973,0.0918,0.0923,0.0,0.0,0.1041,0.0799,0.9747,0.6578,0.0128,0.0,0.1724,0.1667,0.2083,0.0968,0.0855,0.0901,0.0,0.0,reg oper account,block of flats,0.0766,Panel,No,10.0,2.0,10.0,2.0,-340.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1095084,157844,Consumer loans,4585.905,22216.5,23535.0,2223.0,22216.5,SUNDAY,12,Y,1,0.09399212248268853,,,XAP,Refused,-947,Cash through the bank,LIMIT,Family,Repeater,Audio/Video,POS,XNA,Country-wide,2222,Consumer electronics,6.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,157500.0,485640.0,33930.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.010006000000000001,-17230,-1361,-2685.0,-764,,1,1,0,1,1,0,Core staff,1.0,2,1,TUESDAY,8,0,0,0,0,0,0,Kindergarten,0.6021484972125768,0.6624640874798874,0.6690566947824041,0.1124,0.0945,0.9776,0.6940000000000001,0.045,0.0,0.0345,0.1667,0.2083,0.0995,0.0866,0.0615,0.0232,0.0554,0.1145,0.0981,0.9777,0.706,0.0454,0.0,0.0345,0.1667,0.2083,0.1018,0.0946,0.0641,0.0233,0.0587,0.1135,0.0945,0.9776,0.6981,0.0453,0.0,0.0345,0.1667,0.2083,0.1013,0.0881,0.0626,0.0233,0.0566,reg oper account,block of flats,0.0783,Panel,No,5.0,0.0,5.0,0.0,-1354.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1333046,221488,Consumer loans,22529.835,605250.0,484200.0,121050.0,605250.0,FRIDAY,13,Y,1,0.2178181818181818,,,XAP,Approved,-921,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Stone,20,Consumer electronics,36.0,middle,POS household with interest,365243.0,-885.0,165.0,-585.0,-571.0,0.0,0,Cash loans,F,N,Y,0,247500.0,1258650.0,53455.5,1125000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.020713,-21814,-908,-9986.0,-3722,,1,1,0,1,1,0,Core staff,2.0,3,2,TUESDAY,11,0,0,0,0,0,0,School,0.607023576936374,0.4280733805369259,0.7675231046555077,0.0629,0.1097,0.9687,0.5716,0.0111,0.0,0.1724,0.125,0.1667,0.0798,0.0504,0.0655,0.0039,0.0037,0.0641,0.1139,0.9687,0.5884,0.0112,0.0,0.1724,0.125,0.1667,0.0816,0.0551,0.0682,0.0039,0.0039,0.0635,0.1097,0.9687,0.5773,0.0112,0.0,0.1724,0.125,0.1667,0.0812,0.0513,0.0667,0.0039,0.0038,reg oper spec account,block of flats,0.0584,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1975269,246477,Consumer loans,5980.995,59805.0,53824.5,5980.5,59805.0,FRIDAY,9,Y,1,0.1089090909090909,,,XAP,Approved,-319,Cash through the bank,XAP,Family,New,Photo / Cinema Equipment,POS,XNA,Regional / Local,200,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-288.0,-18.0,-48.0,-44.0,0.0,0,Cash loans,F,N,Y,0,67500.0,247275.0,17338.5,225000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-20513,365243,-10953.0,-3357,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,,0.6723319705171924,0.6446794549585961,0.2021,0.2497,0.9801,,,0.0,0.4138,0.1667,,0.2562,,0.2041,,0.1535,0.2059,0.2591,0.9801,,,0.0,0.4138,0.1667,,0.262,,0.2127,,0.1625,0.204,0.2497,0.9801,,,0.0,0.4138,0.1667,,0.2606,,0.2078,,0.1568,,block of flats,0.2078,Monolithic,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1620475,170948,Consumer loans,9816.075,49455.0,53370.0,0.0,49455.0,MONDAY,18,Y,1,0.0,,,XAP,Approved,-95,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Regional / Local,200,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-65.0,85.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,N,0,148500.0,253737.0,28827.0,229500.0,Family,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.003069,-10182,-566,-4739.0,-2862,31.0,1,1,0,1,0,0,IT staff,1.0,3,3,FRIDAY,14,0,0,0,0,0,0,Industry: type 11,0.136831453184788,0.6045127553422173,0.5762088360175724,0.1742,0.0713,0.9841,,,0.04,0.0345,0.3333,,0.0645,,0.05,,0.0013,0.1775,0.07400000000000001,0.9841,,,0.0403,0.0345,0.3333,,0.0659,,0.0521,,0.0014,0.1759,0.0713,0.9841,,,0.04,0.0345,0.3333,,0.0656,,0.0509,,0.0013,,block of flats,0.0681,"Stone, brick",No,0.0,0.0,0.0,0.0,-405.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2497047,280027,Consumer loans,14582.835,70146.0,73849.5,0.0,70146.0,SATURDAY,16,Y,1,0.0,,,XAP,Approved,-718,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Regional / Local,198,Consumer electronics,6.0,high,POS household with interest,365243.0,-686.0,-536.0,-596.0,-589.0,0.0,0,Cash loans,F,N,N,1,157500.0,545040.0,25407.0,450000.0,Children,Commercial associate,Higher education,Married,House / apartment,0.010006000000000001,-11455,-4661,-1741.0,-2155,,1,1,1,1,1,0,Managers,3.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Security,0.7194611928176317,0.7311469323279783,0.6817058776720116,0.0639,0.0492,0.9975,,,0.08,0.069,0.3333,,,,,,,0.0651,0.051,0.9975,,,0.0806,0.069,0.3333,,,,,,,0.0645,0.0492,0.9975,,,0.08,0.069,0.3333,,,,,,,,block of flats,0.0623,Panel,No,5.0,0.0,5.0,0.0,-718.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,0.0 +1384530,185762,Consumer loans,10251.18,134955.0,107964.0,26991.0,134955.0,TUESDAY,9,Y,1,0.2178181818181818,,,XAP,Approved,-173,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,1000,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-142.0,188.0,365243.0,365243.0,0.0,1,Cash loans,M,N,N,0,171000.0,536917.5,16857.0,463500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.008068,-8464,-945,-1205.0,-859,,1,1,0,1,0,0,Core staff,2.0,3,3,SUNDAY,8,0,0,0,1,1,0,Trade: type 2,,0.004118034778099396,0.20208660168203949,0.0619,0.0828,0.9871,0.8232,0.0005,0.0,0.1034,0.1667,0.2083,0.0495,0.0504,0.0757,0.0,0.0,0.063,0.0859,0.9871,0.8301,0.0005,0.0,0.1034,0.1667,0.2083,0.0507,0.0551,0.0788,0.0,0.0,0.0625,0.0828,0.9871,0.8256,0.0005,0.0,0.1034,0.1667,0.2083,0.0504,0.0513,0.077,0.0,0.0,reg oper account,block of flats,0.0733,Panel,No,4.0,0.0,3.0,0.0,-20.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1158133,267952,Consumer loans,7754.355,45864.0,48892.5,0.0,45864.0,FRIDAY,11,Y,1,0.0,,,XAP,Approved,-2511,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,25,Connectivity,8.0,high,POS mobile with interest,365243.0,-2480.0,-2270.0,-2270.0,-2264.0,1.0,0,Cash loans,F,N,N,0,112500.0,269550.0,12964.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.04622,-12951,-5331,-2766.0,-4122,,1,1,1,1,0,0,Laborers,2.0,1,1,MONDAY,17,0,0,0,0,1,1,Business Entity Type 3,0.6923378567883666,0.7392437361672426,0.4884551844437485,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2511.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2705125,152339,Consumer loans,36662.67,335475.0,357615.0,0.0,335475.0,SATURDAY,9,Y,1,0.0,,,XAP,Approved,-401,Cash through the bank,XAP,,New,Furniture,POS,XNA,Stone,488,Furniture,12.0,middle,POS industry with interest,365243.0,-368.0,-38.0,-98.0,-92.0,0.0,0,Cash loans,M,Y,Y,1,247500.0,450000.0,22018.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0228,-11810,-530,-525.0,-3484,1.0,1,1,0,1,0,0,,3.0,2,2,MONDAY,10,0,1,1,0,1,1,Industry: type 9,,0.4865510982764397,0.6971469077844458,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-401.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,1.0 +1381327,137974,Cash loans,17109.405,180000.0,197820.0,0.0,180000.0,MONDAY,10,Y,1,0.0,,,XNA,Approved,-1911,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-1881.0,-1371.0,-1521.0,-1513.0,1.0,0,Cash loans,F,Y,Y,0,180000.0,1436850.0,46480.5,1125000.0,Unaccompanied,State servant,Secondary / secondary special,Civil marriage,House / apartment,0.016612000000000002,-21426,-4350,-10622.0,-4696,4.0,1,1,0,1,0,0,Medicine staff,2.0,2,2,MONDAY,11,0,0,0,0,0,0,Kindergarten,,0.6696285184474479,0.520897599048938,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-1167.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2363780,415396,Consumer loans,15942.42,147294.0,143496.0,14733.0,147294.0,SATURDAY,15,Y,1,0.101407304373006,,,XAP,Approved,-1907,Cash through the bank,XAP,Children,Repeater,Computers,POS,XNA,Country-wide,3205,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1876.0,-1606.0,-1606.0,-1598.0,0.0,0,Cash loans,F,N,N,0,180000.0,1057266.0,44793.0,945000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-19213,-4642,-10332.0,-2722,,1,1,0,1,0,0,Accountants,2.0,1,1,TUESDAY,17,0,0,0,0,1,1,Medicine,,0.582703573315077,0.6363761710860439,0.1237,,0.9856,,,0.0,0.069,0.1667,0.2083,,0.1009,0.0612,0.0,,0.1261,,0.9856,,,0.0,0.069,0.1667,0.2083,,0.1102,0.0638,0.0,,0.1249,,0.9856,,,0.0,0.069,0.1667,0.2083,,0.1026,0.0623,0.0,,reg oper account,block of flats,0.0652,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1080595,253903,Consumer loans,21887.235,111357.0,117238.5,0.0,111357.0,THURSDAY,21,Y,1,0.0,,,XAP,Approved,-287,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,100,Consumer electronics,6.0,middle,POS household with interest,365243.0,-257.0,-107.0,-257.0,-249.0,1.0,1,Cash loans,F,N,N,4,135000.0,239850.0,25830.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.04622,-15642,-1186,-4468.0,-4466,,1,1,0,1,0,0,,6.0,1,1,WEDNESDAY,15,0,1,1,0,1,1,Business Entity Type 3,,0.5279849792553388,0.7062051096536562,0.0557,0.0768,0.9831,0.7688,,0.04,0.3103,0.3333,0.375,0.0558,0.0454,0.0958,0.0,0.0,0.0567,0.0797,0.9831,0.7779,,0.0403,0.3103,0.3333,0.375,0.057,0.0496,0.0998,0.0,0.0,0.0562,0.0768,0.9831,0.7719,,0.04,0.3103,0.3333,0.375,0.0567,0.0462,0.0975,0.0,0.0,reg oper account,block of flats,0.0753,"Stone, brick",No,2.0,1.0,2.0,1.0,-517.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2257228,231960,Consumer loans,14679.945,40455.0,41521.5,0.0,40455.0,MONDAY,12,Y,1,0.0,,,XAP,Approved,-784,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Regional / Local,60,Consumer electronics,3.0,middle,POS household with interest,,,,,,,0,Cash loans,M,Y,N,0,135000.0,900000.0,29164.5,900000.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.0228,-19954,-878,-922.0,-3307,6.0,1,1,0,1,1,0,Medicine staff,2.0,2,2,WEDNESDAY,15,0,0,0,0,1,1,Medicine,,0.5128626502772061,0.2405414172860865,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-30.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1672868,113257,Cash loans,45027.9,1215000.0,1215000.0,,1215000.0,SATURDAY,13,Y,1,,,,XNA,Approved,-456,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_action,Cash X-Sell: low,365243.0,-426.0,624.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,180000.0,117162.0,12433.5,103500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.003069,-17558,-1339,-8979.0,-885,,1,1,0,1,0,0,Laborers,3.0,3,3,SUNDAY,11,0,0,0,0,0,0,Self-employed,,0.5291456268356466,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-112.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2103550,427752,Revolving loans,2250.0,45000.0,45000.0,,45000.0,THURSDAY,16,Y,1,,,,XAP,Approved,-248,XNA,XAP,Unaccompanied,New,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-189.0,-140.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,175500.0,1024290.0,36418.5,855000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-13311,-4615,-6617.0,-4013,,1,1,0,1,0,0,Laborers,2.0,2,2,SUNDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.7226300504224649,0.7713615919194317,0.499,0.4407,0.9921,0.8436,0.087,0.48,0.4138,0.3542,0.375,0.4154,0.4043,0.3386,0.0116,0.0325,0.5084,0.4574,0.9886,0.8497,0.0878,0.4834,0.4138,0.3333,0.375,0.4248,0.4417,0.1396,0.0117,0.0344,0.5038,0.4407,0.9921,0.8457,0.0876,0.48,0.4138,0.3542,0.375,0.4226,0.4113,0.3447,0.0116,0.0332,reg oper account,block of flats,0.1926,"Stone, brick",No,8.0,0.0,8.0,0.0,-248.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2307326,155363,Consumer loans,6315.345,43330.5,44793.0,2160.0,43330.5,SUNDAY,16,Y,1,0.0501019394636416,,,XAP,Approved,-987,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,50,Connectivity,10.0,high,POS mobile with interest,365243.0,-952.0,-682.0,-712.0,-706.0,0.0,1,Cash loans,M,Y,Y,0,157500.0,358443.0,13639.5,252000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-17354,-705,-171.0,-860,19.0,1,1,0,1,0,0,Laborers,2.0,2,2,SUNDAY,9,0,0,0,0,0,0,Industry: type 4,0.2723906683600585,0.6187442027136757,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-694.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1753053,124536,Consumer loans,8526.645,85275.0,76747.5,8527.5,85275.0,THURSDAY,17,Y,1,0.1089090909090909,,,XAP,Approved,-790,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Stone,350,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-759.0,-489.0,-489.0,-486.0,0.0,0,Cash loans,F,N,N,0,67500.0,134775.0,5935.5,112500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.002042,-19162,-10135,-7362.0,-2701,,1,1,1,1,0,0,High skill tech staff,2.0,3,3,TUESDAY,12,0,0,0,0,0,0,Electricity,,0.3616927200594687,0.7449321846094795,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-790.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1169772,209328,Consumer loans,8503.65,94486.5,85036.5,9450.0,94486.5,FRIDAY,15,Y,1,0.10892465157360136,,,XAP,Refused,-2219,Cash through the bank,LIMIT,Unaccompanied,New,Computers,POS,XNA,Regional / Local,213,Consumer electronics,12.0,middle,POS household with interest,,,,,,,0,Cash loans,M,Y,Y,1,337500.0,1078200.0,34911.0,900000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.04622,-17271,-2524,-5376.0,-330,1.0,1,1,0,1,0,0,Cleaning staff,3.0,1,1,FRIDAY,17,0,0,0,0,0,0,Business Entity Type 3,,0.6902200561961281,0.7751552674785404,0.2062,0.126,0.993,0.9048,0.1263,0.2,0.1724,0.375,0.4167,0.105,0.1681,0.297,0.0,0.0,0.2101,0.1308,0.993,0.9085,0.1275,0.2014,0.1724,0.375,0.4167,0.1074,0.1837,0.3095,0.0,0.0,0.2082,0.126,0.993,0.9061,0.1271,0.2,0.1724,0.375,0.4167,0.1069,0.171,0.3024,0.0,0.0,reg oper account,block of flats,0.3027,Panel,No,1.0,0.0,1.0,0.0,-1149.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2732479,122949,Cash loans,49379.85,1035000.0,1035000.0,,1035000.0,THURSDAY,17,Y,1,,,,XNA,Refused,-721,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Regional / Local,105,Consumer electronics,42.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,N,Y,3,225000.0,450000.0,35554.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-14085,-1538,-2771.0,-2814,,1,1,1,1,0,0,,5.0,2,2,THURSDAY,13,0,0,0,0,1,1,Business Entity Type 3,,0.6234170030944411,0.3360615207658242,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1978.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,1.0,0.0,0.0 +2827205,328625,Cash loans,15606.81,112500.0,136849.5,0.0,112500.0,TUESDAY,16,Y,1,0.0,,,XNA,Refused,-1532,Non-cash from your account,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,M,Y,Y,0,225000.0,916470.0,26928.0,765000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.011703,-15267,-1544,-11994.0,-2154,11.0,1,1,0,1,0,0,,2.0,2,2,MONDAY,12,0,1,1,0,0,0,Business Entity Type 3,,0.7075880349306105,0.4241303111942548,0.0722,0.0688,0.9791,,,0.0,0.1379,0.1667,,0.0543,,0.0654,,0.0,0.0735,0.0714,0.9791,,,0.0,0.1379,0.1667,,0.0555,,0.0681,,0.0,0.0729,0.0688,0.9791,,,0.0,0.1379,0.1667,,0.0552,,0.0666,,0.0,,block of flats,0.0555,Panel,No,0.0,0.0,0.0,0.0,-1901.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2465378,101706,Consumer loans,14020.74,75820.5,75820.5,0.0,75820.5,TUESDAY,10,Y,1,0.0,,,XAP,Approved,-626,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Stone,180,Consumer electronics,6.0,middle,POS household with interest,365243.0,-595.0,-445.0,-595.0,-592.0,0.0,0,Cash loans,F,N,N,0,157500.0,2013840.0,53122.5,1800000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.01885,-23602,365243,-4881.0,-4883,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,18,0,0,0,0,0,0,XNA,,0.6660388591752726,0.8327850252992314,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1506.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2220478,107144,Cash loans,17079.255,135000.0,143910.0,,135000.0,MONDAY,15,Y,1,,,,Repairs,Approved,-700,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,AP+ (Cash loan),5,XNA,12.0,high,Cash Street: high,365243.0,-670.0,-340.0,-340.0,-337.0,1.0,0,Cash loans,M,Y,Y,0,135000.0,797557.5,26487.0,688500.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.009334,-23610,365243,-1298.0,-5052,7.0,1,0,0,1,0,0,,1.0,2,2,MONDAY,14,0,0,0,0,0,0,XNA,,0.7041147656701966,0.6212263380626669,0.1335,,0.9831,0.7688,0.0232,0.12,0.1379,0.25,0.2917,0.022,0.1072,0.1423,0.0077,0.0124,0.0357,,0.9816,0.7583,0.0079,0.0,0.069,0.1667,0.2083,0.0183,0.0275,0.0719,0.0,0.0,0.1348,,0.9831,0.7719,0.0234,0.12,0.1379,0.25,0.2917,0.0224,0.109,0.1449,0.0078,0.0127,reg oper spec account,block of flats,0.1907,"Stone, brick",No,2.0,0.0,2.0,0.0,-700.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1388993,394640,Consumer loans,12285.0,134145.0,134145.0,0.0,134145.0,THURSDAY,12,Y,1,0.0,,,XAP,Approved,-853,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Regional / Local,142,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-821.0,-491.0,-551.0,-549.0,0.0,0,Cash loans,M,Y,Y,0,315000.0,545040.0,39627.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.0031219999999999998,-15974,-1130,-217.0,-568,5.0,1,1,0,1,0,0,Managers,1.0,3,3,WEDNESDAY,11,0,0,0,0,0,0,Transport: type 4,0.3568560491387272,0.5955229831074591,0.4489622731076524,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-853.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1885202,179655,Consumer loans,8246.385,159597.0,159597.0,0.0,159597.0,SATURDAY,9,Y,1,0.0,,,XAP,Approved,-837,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Regional / Local,300,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-806.0,-116.0,-116.0,-108.0,0.0,1,Cash loans,F,N,N,0,139500.0,675000.0,32472.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-19137,-764,-2379.0,-2672,,1,1,0,1,1,0,,2.0,3,3,WEDNESDAY,15,0,0,0,0,0,0,Business Entity Type 2,,0.6587477645777886,0.2650494299443805,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-837.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,0.0,2.0,4.0 +2429769,107038,Cash loans,9897.885,45000.0,52006.5,,45000.0,MONDAY,12,Y,1,,,,Purchase of electronic equipment,Refused,-209,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),5,XNA,6.0,middle,Cash Street: middle,,,,,,,0,Cash loans,M,Y,Y,0,112500.0,197820.0,18144.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Municipal apartment,0.008575,-11195,-1981,-5919.0,-2481,5.0,1,1,1,1,0,0,Drivers,1.0,2,2,SUNDAY,10,0,0,0,1,1,1,Industry: type 9,,0.5719249548110787,0.8406665596573005,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-782.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1075123,120358,Consumer loans,3963.06,28300.5,32593.5,0.0,28300.5,TUESDAY,14,Y,1,0.0,,,XAP,Approved,-191,XNA,XAP,,Repeater,Computers,POS,XNA,Country-wide,10,Connectivity,12.0,high,POS mobile with interest,365243.0,-139.0,191.0,365243.0,365243.0,0.0,1,Cash loans,M,Y,Y,3,90000.0,517788.0,34731.0,427500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-11308,-144,-1379.0,-3943,29.0,1,1,0,1,0,0,Laborers,5.0,2,2,THURSDAY,9,0,0,0,0,0,0,Trade: type 7,,0.1284174692434108,0.511891801533151,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-463.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2435767,201548,Consumer loans,11527.38,103765.5,114723.0,0.0,103765.5,TUESDAY,11,Y,1,0.0,,,XAP,Approved,-1038,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Stone,150,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1007.0,-677.0,-737.0,-731.0,0.0,0,Revolving loans,F,N,Y,0,112500.0,315000.0,15750.0,315000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.025164,-18133,-9940,-5144.0,-1687,,1,1,0,1,0,0,High skill tech staff,1.0,2,2,THURSDAY,7,0,0,0,0,0,0,Hotel,,0.6586986047327318,0.7165702448010511,0.0,,0.0,,,,,,,,,,,,0.0,,0.0005,,,,,,,,,,,,0.0,,0.0,,,,,,,,,,,,,block of flats,0.0,,No,7.0,0.0,7.0,0.0,-1038.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1066992,281114,Revolving loans,13500.0,0.0,720000.0,,,SUNDAY,13,N,0,,,,XAP,Refused,-598,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,Y,Y,0,90000.0,808650.0,26217.0,675000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.030755,-12637,-2521,-666.0,-107,14.0,1,1,0,1,0,1,Managers,2.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,School,0.6976760152836063,0.6697639594552875,,0.0175,0.0058,0.9712,0.6056,0.0014,0.0,0.0345,0.0417,0.0833,0.0264,0.0134,0.0061,0.0039,0.0314,0.0179,0.006,0.9712,0.621,0.0014,0.0,0.0345,0.0417,0.0833,0.027000000000000003,0.0147,0.0064,0.0039,0.0332,0.0177,0.0058,0.9712,0.6109,0.0014,0.0,0.0345,0.0417,0.0833,0.0269,0.0137,0.0062,0.0039,0.032,reg oper account,block of flats,0.0145,"Stone, brick",No,4.0,0.0,4.0,0.0,-1419.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1728994,331845,Revolving loans,4500.0,90000.0,90000.0,,90000.0,SATURDAY,11,N,0,,,,XAP,Refused,-206,XNA,HC,"Spouse, partner",Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,N,Y,0,112500.0,360000.0,18508.5,360000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.030755,-18706,-232,-9275.0,-2266,,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,9,0,0,0,0,1,1,Business Entity Type 3,,0.5247194167914286,0.3506958432829587,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-206.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2843504,365592,Consumer loans,9534.6,42466.5,33466.5,9000.0,42466.5,FRIDAY,12,Y,1,0.2308129509570645,,,XAP,Refused,-2722,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,POS,XNA,Country-wide,28,Connectivity,4.0,low_normal,POS mobile with interest,,,,,,,0,Revolving loans,M,Y,Y,0,202500.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007114,-12918,-436,-4761.0,-4136,2.0,1,1,1,1,1,0,Drivers,2.0,2,2,THURSDAY,13,0,0,0,0,1,1,Transport: type 4,0.2234566525798509,0.2266793250289581,0.1008037063175332,,,0.9707,,,,,,,,,0.0065,,,,,0.9707,,,,,,,,,0.0067,,,,,0.9707,,,,,,,,,0.0066,,,,block of flats,0.0056,,No,8.0,0.0,8.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1594619,394622,Consumer loans,2512.845,21771.0,21532.5,2178.0,21771.0,SUNDAY,9,Y,1,0.10004175365344464,,,XAP,Approved,-2811,XNA,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,75,Connectivity,12.0,low_normal,POS mobile with interest,365243.0,-2780.0,-2450.0,-2450.0,-2447.0,1.0,0,Cash loans,F,N,Y,1,157500.0,808650.0,23643.0,675000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.025164,-14399,-3587,-6537.0,-4773,,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,Self-employed,0.363476270677606,0.6328305256334706,0.4311917977993083,0.0804,0.0787,0.9771,0.6872,0.0078,0.0,0.1379,0.1667,0.2083,0.0827,0.0656,0.0631,0.0,0.0,0.0819,0.0817,0.9772,0.6994,0.0078,0.0,0.1379,0.1667,0.2083,0.0846,0.0716,0.0658,0.0,0.0,0.0812,0.0787,0.9771,0.6914,0.0078,0.0,0.1379,0.1667,0.2083,0.0841,0.0667,0.0643,0.0,0.0,reg oper account,block of flats,0.0496,"Stone, brick",No,0.0,0.0,0.0,0.0,-762.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,1.0 +1730011,162792,Consumer loans,6149.25,45373.5,38772.0,9000.0,45373.5,THURSDAY,13,Y,1,0.2051791463999451,,,XAP,Approved,-2749,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Regional / Local,294,Consumer electronics,8.0,high,POS household with interest,365243.0,-2718.0,-2508.0,-2508.0,-2501.0,1.0,0,Cash loans,M,N,Y,0,157500.0,104256.0,11358.0,90000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-16840,-331,-9062.0,-381,,1,1,0,1,1,0,Laborers,2.0,3,2,TUESDAY,8,0,0,0,0,0,0,Security,,0.3687393452745903,0.7946285827840042,0.0907,0.1025,0.9801,0.728,0.0187,0.0,0.2069,0.1667,0.2083,0.2604,0.07400000000000001,0.0838,0.0,0.0,0.0924,0.1063,0.9801,0.7387,0.0189,0.0,0.2069,0.1667,0.2083,0.2663,0.0808,0.0873,0.0,0.0,0.0916,0.1025,0.9801,0.7316,0.0189,0.0,0.2069,0.1667,0.2083,0.2649,0.0752,0.0853,0.0,0.0,reg oper account,block of flats,0.0762,Panel,No,4.0,0.0,4.0,0.0,-2749.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1320957,283597,Cash loans,43712.595,697500.0,745375.5,,697500.0,THURSDAY,17,Y,1,,,,XNA,Approved,-669,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-639.0,51.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,0,180000.0,225000.0,12334.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.026392000000000002,-17896,-1770,-7405.0,-1419,4.0,1,1,0,1,0,0,Drivers,2.0,2,2,MONDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.6486247481209687,0.31703177858344445,0.1814,0.1884,0.9861,,,0.0,0.4138,0.1667,,0.1662,,0.1841,,0.0078,0.1849,0.1955,0.9861,,,0.0,0.4138,0.1667,,0.17,,0.1918,,0.0083,0.1832,0.1884,0.9861,,,0.0,0.4138,0.1667,,0.1691,,0.1874,,0.008,,block of flats,0.1465,Panel,No,0.0,0.0,0.0,0.0,-1719.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2536006,392075,Revolving loans,9000.0,180000.0,180000.0,,180000.0,SATURDAY,12,Y,1,,,,XAP,Approved,-188,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Stone,519,Consumer electronics,0.0,XNA,Card X-Sell,-187.0,-147.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,120600.0,263844.0,14440.5,189000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Municipal apartment,0.019688999999999998,-8639,-1307,-5695.0,-1242,,1,1,1,1,0,0,Sales staff,1.0,2,2,FRIDAY,11,0,0,0,0,0,0,Construction,0.1807832066840923,0.5386357977472965,0.0969483170508572,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-769.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1251669,134520,Consumer loans,5836.86,26451.0,21906.0,5292.0,26451.0,SATURDAY,16,Y,1,0.21190782744720527,,,XAP,Approved,-830,Cash through the bank,XAP,Children,Refreshed,Mobile,POS,XNA,Country-wide,50,Connectivity,4.0,middle,POS mobile without interest,365243.0,-799.0,-709.0,-709.0,-702.0,0.0,0,Cash loans,F,N,N,2,112500.0,814041.0,23931.0,679500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.006207,-14307,-188,-5857.0,-4043,,1,1,0,1,0,0,Laborers,3.0,2,2,WEDNESDAY,17,0,0,0,1,1,0,Business Entity Type 2,0.2976029901637241,0.6850770438291509,0.5190973382084597,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1816688,177072,Consumer loans,14130.855,154300.5,154300.5,0.0,154300.5,SATURDAY,17,Y,1,0.0,,,XAP,Approved,-445,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Regional / Local,126,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-414.0,-84.0,-84.0,-80.0,0.0,0,Revolving loans,M,Y,Y,0,180000.0,180000.0,9000.0,180000.0,Unaccompanied,Commercial associate,Incomplete higher,Civil marriage,With parents,0.019101,-8006,-478,-3120.0,-622,7.0,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,10,1,1,0,1,1,0,Business Entity Type 3,,0.6066229205460056,0.7016957740576931,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-128.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2117959,148707,Cash loans,9051.57,211500.0,211500.0,,211500.0,TUESDAY,10,Y,1,,,,XNA,Approved,-1451,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,middle,Cash X-Sell: middle,365243.0,-1421.0,349.0,-1241.0,-1236.0,0.0,0,Cash loans,M,N,Y,0,67500.0,49752.0,5350.5,45000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.008625,-19223,365243,-7602.0,-2782,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,XNA,,0.18038958462686674,0.7121551551910698,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1480.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2528903,340386,Consumer loans,7959.33,134055.0,119160.0,14895.0,134055.0,SUNDAY,11,Y,1,0.12101010101010096,,,XAP,Approved,-1383,Cash through the bank,XAP,"Spouse, partner",Repeater,Computers,POS,XNA,Country-wide,400,Consumer electronics,24.0,middle,POS household with interest,365243.0,-1351.0,-661.0,-1141.0,-1137.0,0.0,0,Cash loans,F,N,N,0,90000.0,1166724.0,34245.0,913500.0,"Spouse, partner",Working,Secondary / secondary special,Married,With parents,0.035792000000000004,-15835,-307,-89.0,-4868,,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,10,0,0,0,0,1,1,Self-employed,,0.4336125841494581,0.8327850252992314,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-629.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,2.0 +1330154,226929,Consumer loans,6633.45,33750.0,35532.0,0.0,33750.0,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-426,XNA,XAP,,Repeater,Clothing and Accessories,POS,XNA,Stone,32,Clothing,6.0,middle,POS industry with interest,365243.0,-394.0,-244.0,-244.0,-237.0,0.0,0,Cash loans,F,Y,N,0,135000.0,288873.0,16258.5,238500.0,"Spouse, partner",State servant,Secondary / secondary special,Married,With parents,0.006629,-10488,-1779,-4184.0,-1255,11.0,1,1,0,1,0,0,Core staff,2.0,2,2,SATURDAY,8,0,0,0,1,1,0,Kindergarten,,0.6852374287913301,0.5082869913916046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1068.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1833883,334516,Cash loans,16164.0,450000.0,450000.0,,450000.0,MONDAY,12,Y,1,,,,XNA,Approved,-366,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-336.0,1074.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,2,243000.0,774000.0,39519.0,774000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-13864,-1254,-1694.0,-5355,1.0,1,1,0,1,0,0,High skill tech staff,4.0,2,2,WEDNESDAY,9,1,1,0,1,1,0,Other,,0.7569134995087636,0.4436153084085652,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-998.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1982498,348704,Cash loans,29877.48,675000.0,767664.0,,675000.0,MONDAY,9,Y,1,,,,XNA,Approved,-647,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-617.0,793.0,365243.0,365243.0,1.0,1,Cash loans,F,N,N,0,90000.0,936000.0,26793.0,936000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.010032,-24090,-215,-10712.0,-4921,,1,1,0,1,0,0,Medicine staff,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Medicine,,0.0033693744162344268,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-452.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1015287,307714,Consumer loans,26191.395,127521.0,133834.5,0.0,127521.0,WEDNESDAY,7,Y,1,0.0,,,XAP,Refused,-1469,XNA,HC,Family,Repeater,Furniture,POS,XNA,Stone,87,Furniture,6.0,high,POS industry with interest,,,,,,,0,Cash loans,F,N,Y,0,180000.0,675000.0,19476.0,675000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-22404,365243,-10395.0,-4031,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,0.5621420598819382,0.4581796612451543,0.7136313997323308,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2516415,299609,Consumer loans,17317.665,157576.5,157576.5,0.0,157576.5,FRIDAY,6,Y,1,0.0,,,XAP,Refused,-2422,XNA,LIMIT,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,28,Consumer electronics,12.0,high,POS household with interest,,,,,,,1,Revolving loans,F,N,N,0,135000.0,270000.0,13500.0,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,With parents,0.006629,-15816,-1409,-2247.0,-170,,1,1,0,1,0,1,Sales staff,2.0,2,2,FRIDAY,11,0,0,0,1,1,0,Trade: type 7,0.4364345445569521,0.17106948028661315,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-2422.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1639199,321735,Consumer loans,10507.5,116730.0,105075.0,11655.0,116730.0,SATURDAY,15,Y,1,0.10874115090768904,,,XAP,Approved,-1693,Cash through the bank,XAP,Family,New,Furniture,POS,XNA,Stone,50,Furniture,12.0,middle,POS industry with interest,365243.0,-1661.0,-1331.0,-1391.0,-1384.0,0.0,0,Cash loans,F,N,Y,0,157500.0,942300.0,27679.5,675000.0,Family,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.00702,-20147,365243,-9548.0,-3535,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,10,0,0,0,0,0,0,XNA,,0.6498149623978808,0.4632753280912678,0.0956,0.1037,0.9856,0.7552,0.0023,0.11,0.1638,0.3021,0.1525,0.0921,0.0941,0.1054,0.0025,0.0229,0.104,0.078,0.9821,0.7648,0.0,0.2014,0.1724,0.3333,0.0417,0.0,0.0909,0.0641,0.0,0.0,0.1031,0.0845,0.9826,0.7585,0.0028,0.12,0.1724,0.3333,0.0417,0.0971,0.0847,0.1085,0.0,0.0097,reg oper account,block of flats,0.0714,Panel,No,1.0,0.0,1.0,0.0,-1693.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2765179,427680,Consumer loans,5348.16,29205.0,26010.0,4500.0,29205.0,WEDNESDAY,11,Y,1,0.16063287744703664,,,XAP,Approved,-778,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,32,Connectivity,6.0,high,POS mobile with interest,365243.0,-722.0,-572.0,-602.0,-573.0,0.0,0,Cash loans,F,N,Y,1,112500.0,179865.0,11133.0,148500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-9642,-1764,-1526.0,-1641,,1,1,0,1,0,0,Medicine staff,3.0,2,2,THURSDAY,14,0,0,0,0,0,0,Medicine,0.26120258897679843,0.06077858296143445,0.2764406945454034,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2344757,225553,Consumer loans,12868.11,123187.5,123187.5,0.0,123187.5,SUNDAY,18,Y,1,0.0,,,XAP,Approved,-552,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,300,Consumer electronics,12.0,middle,POS household with interest,365243.0,-521.0,-191.0,-191.0,-188.0,0.0,0,Cash loans,F,N,Y,0,270000.0,1096020.0,59589.0,900000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.04622,-22669,365243,-2363.0,-4435,,1,0,0,1,0,0,,2.0,1,1,SATURDAY,10,0,0,0,0,0,0,XNA,0.6414350471640541,0.7141052041921383,0.34741822720026416,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1728.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2049497,237536,Consumer loans,14703.975,151179.84,122737.5,37797.84,151179.84,WEDNESDAY,14,Y,1,0.2564250583533365,,,XAP,Approved,-2142,Cash through the bank,XAP,Other_B,New,Consumer Electronics,POS,XNA,Country-wide,2155,Consumer electronics,10.0,middle,POS household with interest,365243.0,-2110.0,-1840.0,-1840.0,-1837.0,0.0,0,Cash loans,F,N,Y,0,108000.0,265851.0,18630.0,229500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.01885,-15265,-111,-9378.0,-3437,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Industry: type 9,0.5783850998240584,0.7356618848757686,,0.0247,0.0424,0.9727,0.626,0.0048,0.0,0.1034,0.0833,0.125,0.0328,0.0202,0.0371,0.0,0.0,0.0252,0.044,0.9727,0.6406,0.0048,0.0,0.1034,0.0833,0.125,0.0335,0.022,0.0387,0.0,0.0,0.025,0.0424,0.9727,0.631,0.0048,0.0,0.1034,0.0833,0.125,0.0334,0.0205,0.0378,0.0,0.0,reg oper account,block of flats,0.0318,"Stone, brick",No,4.0,0.0,4.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2536369,384119,Cash loans,9670.77,81000.0,86346.0,0.0,81000.0,SATURDAY,13,Y,1,0.0,,,Other,Approved,-2032,Cash through the bank,XAP,Family,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-2002.0,-1672.0,-1672.0,-1670.0,1.0,0,Cash loans,F,N,N,0,135000.0,288994.5,30793.5,274500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.01885,-15701,-4014,-1094.0,-3754,,1,1,0,1,0,0,,2.0,2,2,THURSDAY,10,0,0,0,0,1,1,Construction,,0.5348840470166712,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1048.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1332481,269532,Consumer loans,11710.35,114394.5,113143.5,11443.5,114394.5,MONDAY,12,Y,1,0.10003460889323776,,,XAP,Approved,-2129,Cash through the bank,XAP,Other_A,Repeater,Computers,POS,XNA,Stone,38,Consumer electronics,12.0,middle,POS household with interest,365243.0,-2070.0,-1740.0,-1740.0,-1738.0,0.0,0,Cash loans,M,Y,Y,1,202500.0,936000.0,27495.0,936000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-15977,-627,-684.0,-4582,3.0,1,1,0,1,0,0,Drivers,3.0,2,2,TUESDAY,16,0,0,0,0,0,0,Medicine,,0.6683695104427994,0.6801388218428291,0.0515,,0.9985,,,0.0,0.069,0.1667,,,,0.0519,,0.0,0.0525,,0.9985,,,0.0,0.069,0.1667,,,,0.0541,,0.0,0.052000000000000005,,0.9985,,,0.0,0.069,0.1667,,,,0.0529,,0.0,,block of flats,0.0409,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1384363,374131,Cash loans,23123.88,675000.0,790830.0,,675000.0,FRIDAY,12,Y,1,,,,XNA,Approved,-798,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-768.0,1002.0,-558.0,-551.0,1.0,0,Cash loans,F,N,Y,0,247500.0,1006920.0,39933.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.020246,-21114,-1112,-1313.0,-3851,,1,1,0,1,0,0,Laborers,2.0,3,3,FRIDAY,11,0,0,0,0,0,0,Kindergarten,,0.5571857670705559,0.42765737003502935,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1764.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,4.0 +1298585,417468,Consumer loans,8092.8,81450.0,79623.0,9000.0,81450.0,TUESDAY,15,Y,1,0.11060129065612964,,,XAP,Approved,-1120,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Regional / Local,210,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1088.0,-758.0,-758.0,-751.0,0.0,0,Cash loans,F,N,Y,1,225000.0,675000.0,22437.0,675000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.009175,-13699,-4368,-405.0,-4395,,1,1,0,1,0,0,Laborers,3.0,2,2,TUESDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.7369356448902583,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-3221.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2414894,322013,Consumer loans,6567.615,59791.5,69264.0,0.0,59791.5,FRIDAY,14,Y,1,0.0,,,XAP,Approved,-418,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,3102,Consumer electronics,18.0,high,POS household with interest,365243.0,-387.0,123.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,67500.0,229500.0,15754.5,229500.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-21999,365243,-6021.0,-4815,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,,0.6276326546052821,0.5884877883422673,0.0186,0.0578,0.9707,0.5988,0.0764,0.0,0.069,0.0833,0.125,0.0369,0.0143,0.0154,0.0039,0.0052,0.0189,0.06,0.9707,0.6145,0.0771,0.0,0.069,0.0833,0.125,0.0378,0.0156,0.0161,0.0039,0.0055,0.0187,0.0578,0.9707,0.6042,0.0768,0.0,0.069,0.0833,0.125,0.0376,0.0145,0.0157,0.0039,0.0053,reg oper account,block of flats,0.0314,"Stone, brick",No,9.0,0.0,9.0,0.0,-1571.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2343808,259157,Consumer loans,19568.07,178875.0,194166.0,0.0,178875.0,TUESDAY,15,Y,1,0.0,,,XAP,Approved,-121,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Stone,25,Construction,12.0,middle,POS industry with interest,365243.0,-89.0,241.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,270000.0,906228.0,41080.5,810000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.008625,-17302,-2208,-10543.0,-806,,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,12,0,0,0,1,1,0,Business Entity Type 3,,0.5381195024292287,0.7121551551910698,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,0.0,-1517.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +1434424,114304,Consumer loans,6754.635,51075.0,56335.5,6750.0,51075.0,TUESDAY,8,Y,1,0.11653016360912785,,,XAP,Approved,-1013,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,30,Connectivity,12.0,high,POS mobile with interest,365243.0,-978.0,-648.0,-678.0,-670.0,0.0,0,Cash loans,M,N,Y,0,67500.0,193572.0,19273.5,171000.0,Family,State servant,Secondary / secondary special,Married,House / apartment,0.014464,-21514,-1423,-7404.0,-4727,,1,1,0,1,0,0,Laborers,2.0,2,2,SUNDAY,6,0,0,0,0,0,0,Electricity,,0.2987895195394765,,0.0278,0.0503,0.9901,0.8640000000000001,0.0,0.0,0.1034,0.0833,0.0,0.0,0.0,0.0183,0.0,0.0291,0.0284,0.0522,0.9901,0.8693,0.0,0.0,0.1034,0.0833,0.0,0.0,0.0,0.0191,0.0,0.0308,0.0281,0.0503,0.9901,0.8658,0.0,0.0,0.1034,0.0833,0.0,0.0,0.0,0.0187,0.0,0.0297,reg oper spec account,block of flats,0.0243,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1528901,339964,Cash loans,15266.97,270000.0,392265.0,,270000.0,FRIDAY,17,Y,1,,,,XNA,Refused,-503,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,90000.0,604152.0,29065.5,540000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00963,-16450,-2445,-591.0,-8,,1,1,1,1,0,0,Laborers,2.0,2,2,THURSDAY,17,0,0,0,0,0,0,Mobile,,0.3479674151832989,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-727.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1002349,309706,Consumer loans,15896.385,158670.0,155056.5,15867.0,158670.0,WEDNESDAY,16,Y,1,0.10110140182330372,,,XAP,Approved,-519,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Country-wide,40,Consumer electronics,12.0,middle,POS household with interest,365243.0,-485.0,-155.0,-335.0,-333.0,0.0,0,Cash loans,F,N,Y,0,337500.0,1267038.0,50377.5,1165500.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,House / apartment,0.00496,-14433,-3948,-895.0,-4576,,1,1,0,1,0,0,Core staff,1.0,2,2,THURSDAY,14,0,0,0,0,0,0,Kindergarten,,0.5548591198075231,0.746300213050371,0.0742,,0.9871,,,0.08,0.069,0.3333,,,,0.0798,,,0.0756,,0.9871,,,0.0806,0.069,0.3333,,,,0.0831,,,0.0749,,0.9871,,,0.08,0.069,0.3333,,,,0.0812,,,,block of flats,0.0646,,No,2.0,0.0,2.0,0.0,-545.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2650773,285294,Cash loans,,0.0,0.0,,,SATURDAY,11,Y,1,,,,XNA,Refused,-100,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,N,0,67500.0,170640.0,8298.0,135000.0,Unaccompanied,State servant,Secondary / secondary special,Widow,House / apartment,0.019101,-17106,-4611,-756.0,-657,,1,1,0,1,0,0,Medicine staff,1.0,2,2,SATURDAY,18,0,0,0,0,0,0,Medicine,,0.007813010877849406,0.13680052191177486,0.0433,0.028,0.9985,0.9796,0.0088,0.0,0.1034,0.0833,0.125,0.0264,0.0353,0.0269,0.0,0.0,0.0441,0.0291,0.9985,0.9804,0.0089,0.0,0.1034,0.0833,0.125,0.027000000000000003,0.0386,0.028,0.0,0.0,0.0437,0.028,0.9985,0.9799,0.0089,0.0,0.1034,0.0833,0.125,0.0268,0.0359,0.0274,0.0,0.0,reg oper account,block of flats,0.0257,Others,No,0.0,0.0,0.0,0.0,-21.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,1.0 +1887349,155991,Consumer loans,5891.445,36900.0,29281.5,9000.0,36900.0,WEDNESDAY,9,Y,1,0.2560458232257926,,,XAP,Approved,-1762,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Stone,18,Consumer electronics,6.0,high,POS household with interest,365243.0,-1729.0,-1579.0,-1579.0,-1576.0,0.0,0,Cash loans,M,N,Y,1,157500.0,1223010.0,48631.5,1125000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.031329,-16423,-4119,-279.0,-4683,,1,1,0,1,0,0,Laborers,3.0,2,2,MONDAY,15,0,0,0,0,1,1,Transport: type 2,,0.1431576600205174,0.4920600938649263,0.0825,0.0655,0.9786,0.7076,0.0073,0.0,0.1379,0.1667,0.0,0.0294,0.0672,0.0549,0.0,0.0,0.084,0.0679,0.9786,0.7190000000000001,0.0074,0.0,0.1379,0.1667,0.0,0.0301,0.0735,0.0572,0.0,0.0,0.0833,0.0655,0.9786,0.7115,0.0073,0.0,0.1379,0.1667,0.0,0.0299,0.0684,0.0559,0.0,0.0,reg oper account,block of flats,0.0471,"Stone, brick",No,0.0,0.0,0.0,0.0,-1800.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,0.0 +1183453,169021,Consumer loans,4289.85,40410.0,39465.0,4500.0,40410.0,TUESDAY,13,Y,1,0.11147296920070716,,,XAP,Approved,-2523,Cash through the bank,XAP,"Spouse, partner",Repeater,Photo / Cinema Equipment,POS,XNA,Stone,10,Connectivity,12.0,high,POS mobile with interest,365243.0,-2455.0,-2125.0,-2125.0,-2112.0,1.0,1,Cash loans,F,N,Y,0,76500.0,314100.0,16573.5,225000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.028663,-12706,-2814,-3158.0,-2900,,1,1,0,1,0,0,Core staff,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,School,0.4244035478065313,0.2973072095401912,0.2301588968634147,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-1500.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2159163,451440,Consumer loans,21690.675,113400.0,119389.5,0.0,113400.0,FRIDAY,8,Y,1,0.0,,,XAP,Approved,-584,XNA,XAP,,New,Vehicles,POS,XNA,Stone,60,Industry,6.0,middle,POS other with interest,365243.0,-549.0,-399.0,-399.0,-393.0,0.0,0,Cash loans,M,Y,Y,0,90000.0,526500.0,27013.5,526500.0,"Spouse, partner",Working,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-16543,-131,-4016.0,-89,10.0,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,8,0,0,0,0,0,0,Other,,0.18933121367510056,0.4365064990977374,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1879.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2770011,130595,Consumer loans,10118.52,62986.5,56686.5,6300.0,62986.5,WEDNESDAY,16,Y,1,0.10893243357342806,,,XAP,Approved,-1343,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Regional / Local,21,Consumer electronics,6.0,low_normal,POS household without interest,365243.0,-1298.0,-1148.0,-1148.0,-1142.0,0.0,0,Cash loans,M,N,Y,1,202500.0,855000.0,41260.5,855000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-12960,-190,-6570.0,-4519,,1,1,0,1,0,0,Laborers,3.0,2,2,TUESDAY,14,0,0,0,0,0,0,Industry: type 9,,0.541449479487248,0.4294236843421945,0.0825,0.0648,0.9697,,,0.0,0.1379,0.1667,,,,0.0483,,0.0,0.084,0.0673,0.9697,,,0.0,0.1379,0.1667,,,,0.0504,,0.0,0.0833,0.0648,0.9697,,,0.0,0.1379,0.1667,,,,0.0492,,0.0,,,0.0715,Mixed,No,3.0,1.0,3.0,1.0,-2615.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1774878,371092,Consumer loans,15749.37,174141.0,187047.0,9000.0,174141.0,THURSDAY,18,Y,1,0.04999728729242569,,,XAP,Approved,-1582,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,1720,Consumer electronics,18.0,high,POS household with interest,365243.0,-1551.0,-1041.0,-1461.0,-1453.0,0.0,0,Cash loans,F,N,N,0,135000.0,1262583.0,37044.0,1102500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00963,-10648,-3016,-4760.0,-2116,,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Industry: type 11,0.7513153252881715,0.5049492623931073,0.5549467685334323,0.1649,0.0917,1.0,,,0.16,0.1379,0.375,,0.0884,,0.1647,,0.0,0.1681,0.0951,1.0,,,0.1611,0.1379,0.375,,0.0905,,0.1716,,0.0,0.1665,0.0917,1.0,,,0.16,0.1379,0.375,,0.09,,0.1677,,0.0,,block of flats,0.2064,"Stone, brick",No,7.0,0.0,7.0,0.0,-1582.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2676197,263194,Consumer loans,13495.05,122805.0,122805.0,0.0,122805.0,THURSDAY,10,Y,1,0.0,,,XAP,Approved,-670,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,25,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-634.0,-364.0,-514.0,-506.0,0.0,0,Cash loans,M,Y,Y,0,153000.0,668484.0,26032.5,558000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.031329,-11506,-1657,-7609.0,-2554,0.0,1,1,0,1,0,0,Core staff,1.0,2,2,TUESDAY,14,0,0,0,0,0,0,Trade: type 4,0.19868309612292495,0.4063888698380378,0.3185955240537633,0.1423,0.0464,0.9816,0.7484,0.0341,0.08,0.0345,0.5417,0.5833,0.2526,0.116,0.132,0.0,0.0,0.145,0.0481,0.9816,0.7583,0.0344,0.0806,0.0345,0.5417,0.5833,0.2584,0.1267,0.1376,0.0,0.0,0.1436,0.0464,0.9816,0.7518,0.0343,0.08,0.0345,0.5417,0.5833,0.257,0.118,0.1344,0.0,0.0,reg oper account,block of flats,0.1225,Block,No,2.0,0.0,2.0,0.0,-911.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,7.0 +2513161,272289,Cash loans,,0.0,0.0,,,THURSDAY,15,Y,1,,,,XNA,Refused,-121,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,1,202500.0,254700.0,20119.5,225000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0060079999999999995,-11834,-3497,-2531.0,-4470,,1,1,0,1,1,0,,3.0,2,2,SATURDAY,15,0,0,0,0,0,0,Services,,0.6133546352220471,0.3979463219016906,0.0825,0.079,0.9771,0.6872,0.008,0.0,0.1379,0.1667,0.2083,0.1054,0.0672,0.0706,0.0,0.0,0.084,0.08199999999999999,0.9772,0.6994,0.0081,0.0,0.1379,0.1667,0.2083,0.1078,0.0735,0.0736,0.0,0.0,0.0833,0.079,0.9771,0.6914,0.0081,0.0,0.1379,0.1667,0.2083,0.1072,0.0684,0.0719,0.0,0.0,reg oper account,block of flats,0.0599,Panel,No,1.0,1.0,1.0,1.0,-361.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +2379868,392644,Consumer loans,7573.815,35955.0,37737.0,0.0,35955.0,TUESDAY,13,Y,1,0.0,,,XAP,Approved,-2724,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,30,Connectivity,6.0,high,POS mobile with interest,365243.0,-2692.0,-2542.0,-2542.0,-2537.0,1.0,0,Cash loans,F,N,Y,0,247500.0,533304.0,27360.0,405000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.019688999999999998,-19876,-9499,-2039.0,-3344,,1,1,0,1,0,0,Laborers,1.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.17785271767758307,0.5262949398096192,0.0876,0.0009,0.9762,0.6736,0.0094,0.0,0.1379,0.1667,0.0417,0.0376,0.0672,0.0621,0.0193,0.0415,0.0893,0.0009,0.9762,0.6864,0.0095,0.0,0.1379,0.1667,0.0417,0.0384,0.0735,0.0647,0.0195,0.0439,0.0885,0.0009,0.9762,0.6779999999999999,0.0095,0.0,0.1379,0.1667,0.0417,0.0382,0.0684,0.0632,0.0194,0.0424,reg oper account,block of flats,0.059,"Stone, brick",No,1.0,0.0,0.0,0.0,-2724.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1029667,162812,Revolving loans,9000.0,0.0,112500.0,,,SATURDAY,13,Y,1,,,,XAP,Approved,-2470,XNA,XAP,,Repeater,XNA,Cards,x-sell,Regional / Local,800,Consumer electronics,0.0,XNA,Card Street,-2468.0,-2426.0,365243.0,-1391.0,365243.0,0.0,0,Cash loans,M,Y,N,0,270000.0,1125000.0,29808.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.028663,-15640,-3065,-8093.0,-4589,34.0,1,1,0,1,1,0,Laborers,1.0,2,2,FRIDAY,16,0,0,0,0,0,0,University,0.7387301140685633,0.6751919093895228,0.4525335592581747,0.1338,0.0547,0.9856,,,0.12,0.0948,0.3646,,,,0.1668,,0.0013,0.0504,0.0317,0.9866,,,0.0806,0.1379,0.3333,,,,0.0789,,0.0,0.1129,0.0599,0.9861,,,0.12,0.1034,0.3333,,,,0.1698,,0.0004,,block of flats,0.2648,Mixed,No,5.0,0.0,5.0,0.0,-2519.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2541909,168413,Consumer loans,15747.66,143910.0,156258.0,0.0,143910.0,THURSDAY,8,Y,1,0.0,,,XAP,Approved,-487,Cash through the bank,XAP,Unaccompanied,New,Furniture,POS,XNA,Stone,80,Furniture,12.0,middle,POS industry with interest,365243.0,-456.0,-126.0,-126.0,-120.0,0.0,0,Cash loans,F,N,Y,1,130500.0,1045224.0,37674.0,810000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-16796,-9127,-16.0,-349,,1,1,0,1,0,0,Laborers,3.0,2,2,MONDAY,10,0,0,0,0,0,0,Industry: type 5,0.4359084692665053,0.6112886166194718,0.3077366963789207,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,11.0,0.0,11.0,0.0,-596.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2800340,189278,Cash loans,16172.64,135000.0,161856.0,,135000.0,WEDNESDAY,12,Y,1,,,,XNA,Approved,-625,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-595.0,-265.0,-415.0,-410.0,1.0,0,Cash loans,F,N,N,1,67500.0,50940.0,5346.0,45000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-17099,-3766,-3920.0,-633,,1,1,0,1,0,0,Laborers,3.0,2,2,FRIDAY,9,0,0,0,0,1,1,School,,0.7087540028679055,0.6380435278721609,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-1282.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1765276,417288,Consumer loans,6526.89,76495.5,99495.0,0.0,76495.5,FRIDAY,16,Y,1,0.0,,,XAP,Approved,-833,Cash through the bank,XAP,Family,Refreshed,Consumer Electronics,POS,XNA,Country-wide,1099,Consumer electronics,18.0,low_normal,POS household with interest,365243.0,-802.0,-292.0,-532.0,-530.0,0.0,0,Cash loans,M,Y,N,1,157500.0,900000.0,29034.0,900000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.022625,-17504,-1772,-1113.0,-1030,7.0,1,1,1,1,1,0,Security staff,3.0,2,2,SUNDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.3581941103903996,0.7196176732795522,0.22383131747015547,0.0933,0.0576,0.9821,0.7552,0.0208,0.04,0.0862,0.3958,0.4375,0.052000000000000005,0.0731,0.0593,0.0135,0.0974,0.0735,0.0518,0.9767,0.6929,0.0071,0.0,0.0345,0.1667,0.2083,0.0494,0.0588,0.0557,0.0039,0.0498,0.0942,0.0576,0.9821,0.7585,0.0209,0.04,0.0862,0.3958,0.4375,0.0529,0.0744,0.0603,0.0136,0.0995,reg oper account,block of flats,0.0561,"Stone, brick",No,1.0,0.0,1.0,0.0,-833.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1437411,291282,Consumer loans,6975.99,28656.0,33930.0,0.0,28656.0,MONDAY,5,Y,1,0.0,,,XAP,Approved,-1527,Cash through the bank,XAP,Unaccompanied,Repeater,Auto Accessories,POS,XNA,Stone,148,Construction,6.0,high,POS industry with interest,365243.0,-1495.0,-1345.0,-1345.0,-1339.0,0.0,0,Cash loans,M,Y,Y,1,157500.0,436032.0,27994.5,360000.0,Family,State servant,Secondary / secondary special,Married,House / apartment,0.006852,-20240,-6849,-3567.0,-3604,31.0,1,1,0,1,0,0,Drivers,3.0,3,3,TUESDAY,6,0,0,0,0,0,0,Medicine,,0.1122081702944219,0.8128226070575616,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2080.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1811003,331967,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,18,Y,1,,,,XAP,Approved,-297,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Regional / Local,300,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,540000.0,916470.0,32598.0,765000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.007114,-12253,-2417,-262.0,-2930,,1,1,0,1,0,0,Managers,2.0,2,2,SATURDAY,16,0,0,0,0,1,1,Other,0.8225924547577627,0.6347896085902802,0.178760465484575,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-2603.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2683677,163594,Cash loans,26230.005,225000.0,239850.0,0.0,225000.0,THURSDAY,14,Y,1,0.0,,,XNA,Approved,-2351,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,high,Cash Street: high,365243.0,-2321.0,-1991.0,-1991.0,-1984.0,1.0,0,Cash loans,F,N,Y,0,180000.0,747000.0,53122.5,747000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-21393,-6746,-5895.0,-4704,,1,1,0,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,7,0,0,0,0,0,0,Self-employed,,0.6286644266926525,0.5460231970049609,0.0866,,0.9806,,,,0.0345,0.4583,,,,0.0719,,,0.0882,,0.9806,,,,0.0345,0.4583,,,,0.075,,,0.0874,,0.9806,,,,0.0345,0.4583,,,,0.0732,,,,,0.0585,Panel,No,0.0,0.0,0.0,0.0,-2102.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1382246,179523,Consumer loans,10343.655,107563.5,107563.5,0.0,107563.5,SUNDAY,11,Y,1,0.0,,,XAP,Approved,-58,Cash through the bank,XAP,Unaccompanied,Refreshed,Furniture,POS,XNA,Stone,300,Furniture,12.0,low_normal,POS industry with interest,365243.0,-24.0,306.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,1,135000.0,324000.0,34506.0,324000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-9218,-192,-1267.0,-1386,8.0,1,1,1,1,0,0,Sales staff,3.0,2,2,TUESDAY,14,0,0,0,0,1,1,Other,0.13228910861570042,0.5389564026667829,0.16048893062734468,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1603.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2057528,308849,Consumer loans,,116410.5,116410.5,0.0,116410.5,MONDAY,16,Y,1,0.0,,,XAP,Refused,-828,Cash through the bank,HC,,Repeater,Mobile,XNA,XNA,Country-wide,60,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,0,270000.0,1350000.0,44748.0,1350000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.035792000000000004,-15371,-2025,-4033.0,-4345,,1,1,0,1,0,0,Managers,1.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Services,,0.6553378951590133,0.8117227926101218,0.0082,0.0,0.9771,0.6872,0.001,0.0,0.0345,0.0417,0.0833,0.0397,0.0067,0.0078,0.0,0.0,0.0084,0.0,0.9772,0.6994,0.001,0.0,0.0345,0.0417,0.0833,0.0406,0.0073,0.0081,0.0,0.0,0.0083,0.0,0.9771,0.6914,0.001,0.0,0.0345,0.0417,0.0833,0.0404,0.0068,0.0079,0.0,0.0,reg oper account,block of flats,0.0067,"Stone, brick",No,0.0,0.0,0.0,0.0,-1836.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2583101,323963,Consumer loans,8116.965,45657.0,43123.5,4567.5,45657.0,SATURDAY,18,Y,1,0.10430527200672507,,,XAP,Approved,-1866,Cash through the bank,XAP,Other_A,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,6000,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1835.0,-1685.0,-1715.0,-1711.0,0.0,0,Cash loans,F,N,Y,0,112500.0,1067940.0,31356.0,765000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010966,-9895,-2827,-786.0,-1563,,1,1,0,1,0,0,Drivers,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Government,0.4229056501765191,0.6850959149400206,0.14111510044661266,0.1031,0.097,0.9781,0.7008,0.0115,0.0,0.2069,0.1667,0.2083,0.1138,0.0841,0.0942,0.0,0.0,0.105,0.1007,0.9782,0.7125,0.0116,0.0,0.2069,0.1667,0.2083,0.1164,0.0918,0.0982,0.0,0.0,0.1041,0.097,0.9781,0.7048,0.0115,0.0,0.2069,0.1667,0.2083,0.1158,0.0855,0.0959,0.0,0.0,reg oper account,block of flats,0.0804,Panel,No,1.0,1.0,1.0,1.0,-1454.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2362938,146307,Consumer loans,2132.145,21861.0,21136.5,2628.0,21861.0,FRIDAY,17,Y,1,0.12043724501213607,,,XAP,Approved,-2062,Cash through the bank,XAP,Children,New,Consumer Electronics,POS,XNA,Country-wide,6900,Consumer electronics,12.0,low_normal,POS household without interest,365243.0,-2030.0,-1700.0,-1760.0,-1752.0,0.0,0,Cash loans,F,N,Y,0,112500.0,375322.5,26248.5,324000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-20651,-3197,-1491.0,-4023,,1,1,0,1,0,0,Cooking staff,2.0,2,2,TUESDAY,16,0,0,0,1,1,0,Kindergarten,,0.6535873100549613,0.7338145369642702,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1774.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2833486,175702,Cash loans,32439.6,468000.0,505066.5,,468000.0,TUESDAY,14,Y,1,,,,XNA,Approved,-355,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-325.0,365.0,-85.0,-77.0,1.0,0,Cash loans,F,N,Y,0,157500.0,286704.0,20520.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-18721,-1806,-6959.0,-1413,,1,1,0,1,0,0,High skill tech staff,2.0,2,2,SUNDAY,13,0,1,1,0,1,1,Industry: type 12,,0.7376302961890032,,0.0557,0.0382,0.9901,,,0.04,0.0345,0.3333,,0.0553,,0.0548,,,0.0567,0.0396,0.9901,,,0.0403,0.0345,0.3333,,0.0565,,0.0571,,,0.0562,0.0382,0.9901,,,0.04,0.0345,0.3333,,0.0562,,0.0558,,,,block of flats,0.0481,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1128854,385406,Consumer loans,13648.635,119389.5,131998.5,0.0,119389.5,FRIDAY,14,Y,1,0.0,,,XAP,Approved,-681,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,4500,Consumer electronics,12.0,middle,POS household with interest,365243.0,-650.0,-320.0,-650.0,-644.0,0.0,0,Cash loans,M,N,Y,0,202500.0,986553.0,35082.0,823500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.007305,-9997,-1613,-4142.0,-2629,,1,1,0,1,0,0,,2.0,3,3,SUNDAY,10,0,0,0,1,1,0,Business Entity Type 3,0.13047134778675032,0.5668207071483427,0.2822484337007223,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1019.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,9.0 +2114464,386206,Cash loans,24433.11,697500.0,835605.0,,697500.0,TUESDAY,13,Y,1,,,,XNA,Refused,-149,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,1,Cash loans,M,N,Y,0,315000.0,594081.0,30460.5,531000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.032561,-15537,-3951,-8074.0,-4006,,1,1,0,1,0,0,Laborers,2.0,1,1,THURSDAY,15,0,0,0,0,0,0,Business Entity Type 2,,0.4466033653954006,0.3979463219016906,,,0.9493,,,,,,,,,,,,,,0.9494,,,,,,,,,,,,,,0.9493,,,,,,,,,,,,,block of flats,0.0336,,No,1.0,1.0,1.0,1.0,-209.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1550649,249010,Consumer loans,1979.82,19800.0,17820.0,1980.0,19800.0,TUESDAY,9,Y,1,0.1089090909090909,,,XAP,Approved,-2495,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Stone,60,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-2458.0,-2188.0,-2188.0,-2182.0,0.0,0,Cash loans,F,N,Y,0,90000.0,814041.0,23931.0,679500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-21159,365243,-11712.0,-4147,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,8,0,0,0,0,0,0,XNA,0.6004849745021089,0.6548438041342818,0.7407990879702335,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-990.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1864752,258984,Revolving loans,4500.0,0.0,90000.0,,,FRIDAY,14,Y,1,,,,XAP,Approved,-2313,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-2224.0,-2171.0,365243.0,-255.0,365243.0,0.0,0,Cash loans,F,N,N,0,180000.0,450000.0,21888.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.007273999999999998,-16162,-9385,-7850.0,-3303,,1,1,1,1,0,0,Core staff,1.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Medicine,,0.4283839271951809,0.5046813193144684,0.0103,,0.9776,,,,,0.0,,,,0.0077,,,0.0105,,0.9777,,,,,0.0,,,,0.0081,,,0.0104,,0.9776,,,,,0.0,,,,0.0079,,,,block of flats,0.0061,Others,Yes,0.0,0.0,0.0,0.0,-1232.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2103936,349651,Revolving loans,4500.0,315000.0,90000.0,,315000.0,FRIDAY,11,Y,1,,,,XAP,Approved,-354,XNA,XAP,Family,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,1,270000.0,286704.0,22779.0,247500.0,Other_B,Working,Secondary / secondary special,Married,House / apartment,0.04622,-16323,-1267,-250.0,-4668,,1,1,0,1,0,0,Laborers,3.0,1,1,TUESDAY,13,0,0,0,0,1,1,Business Entity Type 2,,0.6224667743849641,,0.0278,0.048,0.9831,0.7688,,0.0,0.1034,0.0833,,0.0213,0.0227,0.0132,0.0,0.0043,0.0284,0.0498,0.9831,0.7779,,0.0,0.1034,0.0833,,0.0218,0.0248,0.0138,0.0,0.0046,0.0281,0.048,0.9831,0.7719,,0.0,0.1034,0.0833,,0.0217,0.0231,0.0135,0.0,0.0044,reg oper account,block of flats,0.0219,"Stone, brick",No,5.0,0.0,5.0,0.0,-1984.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1056183,289475,Cash loans,14876.19,180000.0,211347.0,,180000.0,SUNDAY,11,Y,1,,,,XNA,Approved,-597,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-567.0,123.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,2,234000.0,483930.0,31054.5,427500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-12385,-1863,-173.0,-2077,10.0,1,1,0,1,0,0,Laborers,4.0,1,1,TUESDAY,10,0,0,0,0,0,0,Construction,0.7489942678784098,0.5485529759262233,0.6754132910917112,0.0866,0.0776,0.9851,0.7959999999999999,0.0144,0.0,0.2069,0.1667,0.2083,,0.0706,0.0814,0.0,0.0,0.0882,0.0805,0.9851,0.804,0.0145,0.0,0.2069,0.1667,0.2083,,0.0771,0.0848,0.0,0.0,0.0874,0.0776,0.9851,0.7987,0.0145,0.0,0.2069,0.1667,0.2083,,0.0718,0.0829,0.0,0.0,reg oper account,block of flats,0.064,Panel,No,2.0,0.0,2.0,0.0,-1361.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,2.0 +1725116,378992,Cash loans,20862.09,675000.0,790830.0,,675000.0,THURSDAY,11,Y,1,,,,Repairs,Refused,-359,Cash through the bank,VERIF,Unaccompanied,Repeater,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,60.0,low_action,Cash Street: low,,,,,,,0,Cash loans,M,N,N,0,157500.0,248760.0,28134.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Rented apartment,0.007120000000000001,-10714,-1387,-2539.0,-1187,,1,1,1,1,0,0,Low-skill Laborers,2.0,2,2,THURSDAY,15,1,1,0,1,1,0,Business Entity Type 3,0.2105240069561184,0.7078051664987776,0.3139166772114369,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-616.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +1029193,444990,Consumer loans,14437.485,125293.5,121018.5,13500.0,125293.5,WEDNESDAY,13,Y,1,0.10929892373708648,,,XAP,Approved,-1735,Cash through the bank,XAP,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Country-wide,1100,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1704.0,-1434.0,-1434.0,-1430.0,0.0,0,Cash loans,M,Y,Y,0,83250.0,297000.0,11326.5,297000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-22999,-1751,-6685.0,-4723,12.0,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.2837864077732923,0.6769925032909132,0.0371,0.0861,0.9911,0.8776,0.0048,0.0,0.1034,0.0833,0.125,0.0342,0.0303,0.0431,0.0,0.0,0.0378,0.0893,0.9911,0.8824,0.0049,0.0,0.1034,0.0833,0.125,0.035,0.0331,0.0449,0.0,0.0,0.0375,0.0861,0.9911,0.8792,0.0049,0.0,0.1034,0.0833,0.125,0.0348,0.0308,0.0438,0.0,0.0,reg oper account,block of flats,0.0339,"Stone, brick",No,0.0,0.0,0.0,0.0,-1135.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1256093,133121,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SUNDAY,10,Y,1,,,,XAP,Approved,-221,XNA,XAP,Family,Repeater,XNA,Cards,walk-in,Country-wide,53,Connectivity,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,N,0,202500.0,1305000.0,36018.0,1305000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.028663,-19823,-759,-3345.0,-3349,4.0,1,1,0,1,0,0,,2.0,2,2,THURSDAY,9,0,0,0,0,1,1,Business Entity Type 3,,0.6407003345895662,0.3556387169923543,0.0309,0.0364,0.9876,0.83,0.0122,0.0,0.069,0.1667,0.0417,0.0068,0.0252,0.0273,0.0,0.0,0.0315,0.0377,0.9876,0.8367,0.0123,0.0,0.069,0.1667,0.0417,0.0069,0.0275,0.0285,0.0,0.0,0.0312,0.0364,0.9876,0.8323,0.0122,0.0,0.069,0.1667,0.0417,0.0069,0.0257,0.0278,0.0,0.0,reg oper account,block of flats,0.0215,"Stone, brick",No,0.0,0.0,0.0,0.0,-1728.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2753220,251758,Consumer loans,9391.41,55732.5,50157.0,5575.5,55732.5,WEDNESDAY,12,Y,1,0.10895305905237274,,,XAP,Refused,-167,Cash through the bank,SCO,Unaccompanied,Repeater,Jewelry,POS,XNA,Country-wide,60,Jewelry,6.0,middle,POS others without interest,,,,,,,0,Cash loans,F,N,Y,0,90000.0,436500.0,34614.0,436500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-12912,-193,-2071.0,-992,,1,1,0,1,0,0,Managers,2.0,2,2,TUESDAY,17,0,0,0,0,0,0,Postal,,0.5437343376179329,0.5989262182569273,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1664.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1775402,263384,Consumer loans,5436.63,34605.0,26874.0,9000.0,34605.0,SATURDAY,10,Y,1,0.2732290288737856,,,XAP,Approved,-2166,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,6.0,high,POS mobile with interest,365243.0,-2131.0,-1981.0,-1981.0,-1976.0,0.0,0,Revolving loans,M,Y,Y,5,405000.0,292500.0,14625.0,292500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-15200,-1848,-7651.0,-4855,2.0,1,1,0,1,1,0,,7.0,2,2,TUESDAY,10,0,0,0,0,1,1,Business Entity Type 3,,0.6969723911338784,0.6848276586890367,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1615.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1448902,454967,Cash loans,9019.125,112500.0,112500.0,,112500.0,MONDAY,8,Y,1,,,,XNA,Approved,-238,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,24.0,high,Cash X-Sell: high,365243.0,-208.0,482.0,365243.0,365243.0,0.0,1,Cash loans,M,N,N,0,157500.0,306000.0,24174.0,306000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.028663,-12170,-244,-4967.0,-2879,,1,1,0,1,0,0,Laborers,1.0,2,2,SATURDAY,7,0,1,1,0,1,1,Self-employed,,0.3523212166523229,0.07446068789567313,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-5.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1850060,365879,Consumer loans,9911.475,66825.0,53460.0,13365.0,66825.0,SUNDAY,15,Y,1,0.2178181818181818,,,XAP,Approved,-2850,Cash through the bank,XAP,,New,Other,POS,XNA,Stone,75,Clothing,6.0,middle,POS industry without interest,365243.0,-2815.0,-2665.0,-2665.0,-2563.0,0.0,0,Cash loans,M,Y,N,0,180000.0,450000.0,20979.0,450000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-20030,-764,-6249.0,-3575,3.0,1,1,1,1,1,0,Drivers,2.0,2,2,SUNDAY,17,0,0,0,0,0,0,Transport: type 4,,0.6987843731650931,0.4066174366275036,0.0124,,0.9896,,,,0.069,0.0417,,0.0154,,0.0068,,,0.0126,,0.9896,,,,0.069,0.0417,,0.0157,,0.006999999999999999,,,0.0125,,0.9896,,,,0.069,0.0417,,0.0156,,0.0069,,,,block of flats,0.0076,Others,No,3.0,0.0,3.0,0.0,-2850.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1852607,232361,Consumer loans,6734.835,75330.0,58059.0,22500.0,75330.0,MONDAY,15,Y,1,0.3041813509917631,,,XAP,Approved,-1923,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,15,Connectivity,12.0,high,POS mobile with interest,365243.0,-1892.0,-1562.0,-1592.0,-1588.0,0.0,0,Cash loans,M,N,Y,1,157500.0,284400.0,18643.5,225000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.030755,-16118,-4290,-2097.0,-4324,,1,1,0,1,0,0,Drivers,3.0,2,2,SATURDAY,16,0,0,0,0,0,0,Business Entity Type 2,,0.6600492543332742,0.5064842396679806,0.0412,0.0704,0.9622,0.4832,0.0112,0.0,0.1034,0.125,0.1667,0.0258,0.0336,0.0579,0.0,0.0,0.042,0.0731,0.9623,0.5034,0.0113,0.0,0.1034,0.125,0.1667,0.0264,0.0367,0.0603,0.0,0.0,0.0416,0.0704,0.9622,0.4901,0.0112,0.0,0.1034,0.125,0.1667,0.0262,0.0342,0.0589,0.0,0.0,reg oper account,block of flats,0.0638,"Stone, brick",No,0.0,0.0,0.0,0.0,-1923.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2345330,426418,Consumer loans,8996.22,65200.5,81832.5,0.0,65200.5,TUESDAY,13,Y,1,0.0,,,XAP,Approved,-752,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,1215,Consumer electronics,12.0,high,POS household with interest,365243.0,-721.0,-391.0,-391.0,-383.0,0.0,1,Cash loans,F,N,Y,0,202500.0,611095.5,31198.5,486000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.032561,-16969,-2000,-54.0,-470,,1,1,0,1,0,1,Cleaning staff,2.0,1,1,FRIDAY,16,0,0,0,0,0,0,Housing,0.5622116824313583,0.5253083637441274,0.13765446191826075,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-752.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1517307,454713,Cash loans,19279.485,225000.0,247275.0,,225000.0,SATURDAY,10,Y,1,,,,XNA,Approved,-1695,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-1653.0,-1143.0,-1383.0,-1371.0,0.0,0,Cash loans,F,N,Y,0,202500.0,904500.0,38452.5,904500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-19589,-11488,-12689.0,-3125,,1,1,0,1,0,0,Core staff,2.0,2,2,SUNDAY,8,0,0,0,0,0,0,Kindergarten,0.8932987725895408,0.623216763288328,0.6246146584503397,0.0825,0.0605,0.9742,,,0.0,0.1379,0.1667,,,,0.0632,,0.0478,0.084,0.0627,0.9742,,,0.0,0.1379,0.1667,,,,0.0658,,0.0506,0.0833,0.0605,0.9742,,,0.0,0.1379,0.1667,,,,0.0643,,0.0488,,block of flats,0.0663,"Stone, brick",No,7.0,0.0,7.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2752188,154154,Cash loans,9162.18,81000.0,86346.0,,81000.0,WEDNESDAY,12,Y,1,,,,Urgent needs,Refused,-308,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),4,XNA,12.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,2,67500.0,315000.0,17217.0,315000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-13297,-1731,-6435.0,-5337,,1,1,1,1,1,0,Sales staff,4.0,3,3,WEDNESDAY,11,0,0,0,0,1,1,Trade: type 7,0.4629779007854477,0.22790447723524,0.1674084472266241,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-179.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2265189,411637,Consumer loans,3066.3,74997.0,67495.5,7501.5,74997.0,FRIDAY,14,Y,1,0.10893523013647816,,,XAP,Refused,-514,Cash through the bank,LIMIT,,New,Computers,POS,XNA,Regional / Local,5,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,1,Cash loans,F,N,Y,0,90000.0,544491.0,17694.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009334,-15743,-8867,-2789.0,-4030,,1,1,0,1,0,0,Core staff,2.0,2,2,MONDAY,16,0,0,0,0,0,0,School,,0.5576874792583012,0.052036407096232806,,,0.9871,,,,,,,,,,,,,,0.9871,,,,,,,,,,,,,,0.9871,,,,,,,,,,,,,,0.0025,,No,0.0,0.0,0.0,0.0,-531.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2730414,419309,Cash loans,9855.54,112500.0,139747.5,,112500.0,TUESDAY,15,Y,1,,,,XNA,Approved,-1350,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-1320.0,-810.0,-810.0,-806.0,1.0,0,Cash loans,F,N,Y,0,130500.0,900000.0,38263.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-20287,-11097,-8771.0,-3840,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,11,0,0,0,0,0,0,Business Entity Type 2,,0.5957283934702191,0.511891801533151,0.2876,,0.996,,,0.24,0.1034,0.5417,,,,0.2493,,0.0136,0.2931,,0.996,,,0.2417,0.1034,0.5417,,,,0.2598,,0.0144,0.2904,,0.996,,,0.24,0.1034,0.5417,,,,0.2538,,0.0139,,block of flats,0.2573,"Stone, brick",No,3.0,1.0,3.0,1.0,-1497.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2578047,415727,Consumer loans,6284.115,63855.0,57811.5,11250.0,63855.0,SATURDAY,11,Y,1,0.1774110427267396,,,XAP,Approved,-2494,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Stone,89,Consumer electronics,12.0,high,POS household with interest,365243.0,-2463.0,-2133.0,-2133.0,-2129.0,1.0,0,Cash loans,F,N,Y,0,202500.0,751500.0,40896.0,751500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.00702,-20405,365243,-6711.0,-3453,,1,0,0,1,0,0,,2.0,2,2,MONDAY,10,0,0,0,0,0,0,XNA,,0.2784261364122901,0.29708661164720285,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2494.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1684523,246662,Consumer loans,9506.655,76365.0,68715.0,7650.0,76365.0,FRIDAY,14,Y,1,0.10910162318530027,,,XAP,Approved,-374,Cash through the bank,XAP,,Refreshed,Computers,POS,XNA,Country-wide,20,Connectivity,10.0,high,POS mobile with interest,365243.0,-329.0,-59.0,-299.0,-295.0,0.0,0,Cash loans,F,N,Y,0,90000.0,247500.0,11313.0,247500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-12925,-477,-1326.0,-1112,,1,1,1,1,1,0,Sales staff,2.0,2,2,MONDAY,8,0,0,0,0,0,0,Business Entity Type 3,0.29128237165689524,0.3711706446260008,0.3031463744186309,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-2596.0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,2.0 +2559114,256105,Consumer loans,10535.265,175500.0,157950.0,17550.0,175500.0,THURSDAY,17,Y,1,0.1089090909090909,,,XAP,Approved,-1187,Cash through the bank,XAP,Children,New,Clothing and Accessories,POS,XNA,Country-wide,20,Clothing,18.0,low_normal,POS industry with interest,365243.0,-1156.0,-646.0,-646.0,-638.0,0.0,0,Cash loans,F,N,Y,0,270000.0,781920.0,28215.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.022625,-22156,365243,-4251.0,-4282,,1,0,0,1,0,0,,2.0,2,2,MONDAY,10,0,0,0,0,0,0,XNA,,0.4222853828897224,0.41534714488434,0.0825,0.0636,0.9771,0.6872,0.028,0.0,0.1379,0.1667,0.2083,0.0862,0.0672,0.0701,0.0,0.0,0.084,0.066,0.9772,0.6994,0.0282,0.0,0.1379,0.1667,0.2083,0.0882,0.0735,0.0731,0.0,0.0,0.0833,0.0636,0.9771,0.6914,0.0282,0.0,0.1379,0.1667,0.2083,0.0877,0.0684,0.0714,0.0,0.0,,block of flats,0.0705,Panel,No,0.0,0.0,0.0,0.0,-1187.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,3.0 +1786199,443554,Consumer loans,7561.17,53955.0,53806.5,4500.0,53955.0,THURSDAY,11,Y,1,0.08405424937029474,,,XAP,Approved,-916,Cash through the bank,XAP,Unaccompanied,Refreshed,Computers,POS,XNA,Country-wide,30,Connectivity,10.0,high,POS mobile with interest,365243.0,-885.0,-615.0,-615.0,-610.0,0.0,0,Cash loans,M,N,N,0,67500.0,679500.0,19867.5,679500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.026392000000000002,-15714,-695,-9849.0,-3997,,1,1,1,1,1,0,Security staff,2.0,2,2,TUESDAY,13,0,0,0,0,1,1,Security,,0.7533999993880343,0.7503751495159068,0.0897,0.1,0.9861,,,0.0,0.2069,0.1667,,0.0493,,0.0814,,0.027000000000000003,0.0914,0.1038,0.9861,,,0.0,0.2069,0.1667,,0.0504,,0.0849,,0.0285,0.0906,0.1,0.9861,,,0.0,0.2069,0.1667,,0.0501,,0.0829,,0.0275,,block of flats,0.0641,"Stone, brick",No,0.0,0.0,0.0,0.0,-916.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1733908,347424,Cash loans,20172.6,180000.0,180000.0,0.0,180000.0,WEDNESDAY,8,Y,1,0.0,,,XNA,Refused,-2512,Cash through the bank,LIMIT,"Spouse, partner",Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,M,N,Y,0,157500.0,427500.0,21955.5,427500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-19824,365243,-847.0,-2902,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,,0.6226517577753016,0.6706517530862718,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2574023,268455,Consumer loans,5746.725,58455.0,58455.0,0.0,58455.0,WEDNESDAY,15,Y,1,0.0,,,XAP,Approved,-940,Non-cash from your account,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Country-wide,1136,Consumer electronics,12.0,middle,POS household with interest,365243.0,-909.0,-579.0,-579.0,-572.0,0.0,0,Cash loans,F,N,Y,1,157500.0,508495.5,21672.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-15349,-3371,-526.0,-4385,,1,1,0,1,0,0,Laborers,3.0,2,2,FRIDAY,11,0,0,0,0,0,0,Industry: type 4,,0.6154321080448071,0.6161216908872079,0.1031,0.0872,0.9786,0.7076,0.0135,0.0,0.2069,0.1667,0.2083,0.0517,0.0841,0.0914,0.0,0.0,0.105,0.0905,0.9786,0.7190000000000001,0.0137,0.0,0.2069,0.1667,0.2083,0.0529,0.0918,0.0952,0.0,0.0,0.1041,0.0872,0.9786,0.7115,0.0136,0.0,0.2069,0.1667,0.2083,0.0526,0.0855,0.093,0.0,0.0,org spec account,block of flats,0.0943,"Stone, brick",No,1.0,0.0,1.0,0.0,-2138.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1484357,157207,Consumer loans,4579.83,30100.5,28876.5,3010.5,30100.5,SATURDAY,13,Y,1,0.10282272342390886,,,XAP,Approved,-2630,Cash through the bank,XAP,Children,New,Mobile,POS,XNA,Country-wide,18,Connectivity,8.0,low_normal,POS mobile with interest,365243.0,-2599.0,-2389.0,-2389.0,-2384.0,1.0,0,Cash loans,F,N,N,0,292500.0,706410.0,67203.0,679500.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.016612000000000002,-15719,365243,-7980.0,-4686,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,17,0,0,0,0,0,0,XNA,,0.3137808912228153,0.4543210601605785,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1201168,413416,Consumer loans,8039.88,160425.0,178465.5,0.0,160425.0,SATURDAY,17,Y,1,0.0,,,XAP,Approved,-629,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Regional / Local,333,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-598.0,92.0,-298.0,-292.0,0.0,0,Cash loans,M,Y,Y,0,112500.0,1125000.0,33025.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-18336,-1023,-164.0,-1879,17.0,1,1,0,1,0,0,Managers,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.6203840740627882,0.5917723941537087,0.8004513396487078,0.1031,0.0935,0.9831,0.7688,0.0445,0.0,0.2069,0.1667,0.2083,0.0275,0.0841,0.0905,0.0,0.0,0.105,0.097,0.9831,0.7779,0.045,0.0,0.2069,0.1667,0.2083,0.0282,0.0918,0.0943,0.0,0.0,0.1041,0.0935,0.9831,0.7719,0.0448,0.0,0.2069,0.1667,0.2083,0.028,0.0855,0.0921,0.0,0.0,reg oper account,block of flats,0.0782,Block,No,2.0,0.0,2.0,0.0,-1678.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2805997,242296,Consumer loans,5546.16,36450.0,34969.5,3645.0,36450.0,SUNDAY,9,Y,1,0.10280429278215082,,,XAP,Approved,-2360,Cash through the bank,XAP,Other_B,Repeater,Mobile,POS,XNA,Stone,34,Consumer electronics,8.0,high,POS household with interest,365243.0,-2328.0,-2118.0,-2118.0,-2115.0,1.0,0,Cash loans,M,N,Y,0,67500.0,942300.0,30528.0,675000.0,Family,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-13987,-1888,-4879.0,-4827,,1,1,0,1,0,0,Drivers,2.0,2,2,MONDAY,11,0,0,0,0,0,0,Other,,0.16214456766623808,0.7738956942145427,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1732.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1747997,431207,Cash loans,19151.1,450000.0,533160.0,,450000.0,SATURDAY,5,Y,1,,,,XNA,Approved,-413,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),5,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-383.0,1027.0,365243.0,365243.0,1.0,1,Cash loans,F,Y,Y,1,90000.0,1094688.0,39451.5,945000.0,Unaccompanied,State servant,Incomplete higher,Married,House / apartment,0.008068,-11175,-2413,-5035.0,-344,65.0,1,1,0,1,0,0,High skill tech staff,3.0,3,3,SATURDAY,7,0,0,0,0,0,0,Government,0.3632268027125775,0.149730562181227,0.3723336657058204,0.0948,0.1222,0.9846,0.7892,0.0134,0.0,0.3448,0.1667,0.2083,0.0,0.0773,0.1064,0.0039,0.0022,0.0966,0.1268,0.9846,0.7975,0.0135,0.0,0.3448,0.1667,0.2083,0.0,0.0845,0.1108,0.0039,0.0023,0.0958,0.1222,0.9846,0.792,0.0134,0.0,0.3448,0.1667,0.2083,0.0,0.0787,0.1083,0.0039,0.0022,reg oper account,block of flats,0.0915,"Stone, brick",No,0.0,0.0,0.0,0.0,-413.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2559082,404550,Consumer loans,5864.625,35189.595,31666.5,3523.095,35189.595,SATURDAY,12,Y,1,0.10903708145443666,,,XAP,Approved,-2840,Cash through the bank,XAP,Children,New,Audio/Video,POS,XNA,Country-wide,2193,Consumer electronics,6.0,middle,POS household without interest,365243.0,-2808.0,-2658.0,-2688.0,-2587.0,0.0,0,Cash loans,F,Y,Y,0,67500.0,257391.0,18040.5,238500.0,"Spouse, partner",Working,Higher education,Married,House / apartment,0.007305,-22300,-8449,-4777.0,-4945,3.0,1,1,0,1,1,0,Core staff,2.0,3,3,THURSDAY,14,0,0,0,0,0,0,School,,0.6850251451238711,0.8128226070575616,0.1402,0.0478,1.0,1.0,0.0574,0.16,0.069,0.6667,,0.0564,0.1143,0.151,0.0,0.0,0.1429,0.0497,1.0,1.0,0.0579,0.1611,0.069,0.6667,,0.0577,0.1249,0.1573,0.0,0.0,0.1416,0.0478,1.0,1.0,0.0578,0.16,0.069,0.6667,,0.0574,0.1163,0.1537,0.0,0.0,reg oper spec account,block of flats,0.1501,Panel,No,0.0,0.0,0.0,0.0,-1560.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1496864,311202,Consumer loans,6824.25,123372.0,147798.0,0.0,123372.0,THURSDAY,16,Y,1,0.0,,,XAP,Approved,-1270,Cash through the bank,XAP,"Spouse, partner",Repeater,Computers,POS,XNA,Country-wide,2178,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1239.0,-549.0,-549.0,-546.0,0.0,0,Revolving loans,M,N,N,2,103500.0,315000.0,15750.0,315000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0031219999999999998,-14975,-3499,-9056.0,-4099,,1,1,0,1,0,0,Laborers,4.0,3,3,SUNDAY,10,0,1,1,0,1,1,Other,,0.5605659695385757,0.7076993447402619,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2544.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1294983,292061,Revolving loans,0.0,0.0,0.0,,0.0,THURSDAY,10,Y,1,,,,XAP,Approved,-109,XNA,XAP,Family,Repeater,XNA,Cards,walk-in,Country-wide,300,Consumer electronics,0.0,XNA,Card Street,-109.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,3,54000.0,123637.5,10039.5,112500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.01885,-12253,-1240,-4871.0,-4879,,1,1,1,1,0,0,Laborers,5.0,2,2,MONDAY,9,0,0,0,0,0,0,Self-employed,,0.0018989944033169922,0.39449540531239935,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-727.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1564106,288538,Consumer loans,13946.445,139491.0,138798.0,13950.0,139491.0,SATURDAY,16,Y,1,0.0994632871253187,,,XAP,Approved,-806,Cash through the bank,XAP,"Spouse, partner",New,Computers,POS,XNA,Country-wide,500,Consumer electronics,12.0,middle,POS household with interest,365243.0,-775.0,-445.0,-445.0,-441.0,0.0,0,Revolving loans,F,N,Y,0,180000.0,247500.0,12375.0,247500.0,Family,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.010643000000000001,-10688,-367,-4968.0,-2841,,1,1,1,1,1,0,Drivers,2.0,2,2,SUNDAY,12,1,1,0,1,1,0,Transport: type 4,0.4333497373760618,0.7055841742110577,0.16342569473134347,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-806.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2192507,359133,Revolving loans,,0.0,0.0,,,WEDNESDAY,10,Y,1,,,,XAP,Refused,-202,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,180000.0,634482.0,20596.5,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.072508,-22367,365243,-8960.0,-5036,,1,0,0,1,0,0,,2.0,1,1,TUESDAY,10,0,0,0,0,0,0,XNA,,0.6887265493321453,0.4436153084085652,0.4887,0.2382,0.9871,,,0.64,0.2759,0.625,,0.0,,0.2728,,0.2179,0.4979,0.2472,0.9871,,,0.6445,0.2759,0.625,,0.0,,0.2842,,0.2307,0.4934,0.2382,0.9871,,,0.64,0.2759,0.625,,0.0,,0.2777,,0.2225,,block of flats,0.3766,Panel,No,0.0,0.0,0.0,0.0,-1349.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1535427,285741,Consumer loans,20619.54,149800.5,160839.0,0.0,149800.5,MONDAY,12,Y,1,0.0,,,XAP,Approved,-2315,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,1355,Consumer electronics,10.0,high,POS household with interest,365243.0,-2284.0,-2014.0,-2074.0,-2071.0,0.0,0,Cash loans,F,N,Y,0,202500.0,174132.0,17973.0,157500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.00702,-20498,365243,-5230.0,-2760,,1,0,0,1,0,0,,1.0,2,2,SATURDAY,13,0,0,0,0,0,0,XNA,,0.06139565711052901,0.2650494299443805,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1931.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1281284,403660,Consumer loans,4245.255,42061.5,42061.5,0.0,42061.5,SUNDAY,10,Y,1,0.0,0.19690014734217387,0.8673361522198731,XAP,Approved,-199,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,12.0,middle,POS mobile with interest,365243.0,-152.0,178.0,-62.0,-52.0,0.0,0,Cash loans,M,N,N,0,117000.0,225000.0,23872.5,225000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.020246,-16323,-7195,-6005.0,-4202,,1,1,0,1,1,0,Laborers,2.0,3,3,TUESDAY,13,0,0,0,0,0,0,Industry: type 9,,0.1776481697674297,0.7675231046555077,0.066,0.0626,0.9871,0.8232,0.0132,0.0,0.1379,0.1667,0.2083,0.0595,0.0504,0.0372,0.2471,0.1024,0.0672,0.065,0.9871,0.8301,0.0134,0.0,0.1379,0.1667,0.2083,0.0609,0.0551,0.0387,0.249,0.1084,0.0666,0.0626,0.9871,0.8256,0.0133,0.0,0.1379,0.1667,0.2083,0.0605,0.0513,0.0378,0.2484,0.1046,reg oper account,block of flats,0.0515,Panel,No,1.0,0.0,1.0,0.0,-1691.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2216510,125722,Cash loans,10304.37,180000.0,227520.0,,180000.0,WEDNESDAY,12,Y,1,,,,Repairs,Approved,-859,Cash through the bank,XAP,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,middle,Cash Street: middle,365243.0,-829.0,581.0,-649.0,-645.0,1.0,0,Cash loans,F,N,Y,0,337500.0,422892.0,33543.0,382500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.025164,-15623,-5180,-9477.0,-5178,,1,1,0,1,0,0,Managers,1.0,2,2,MONDAY,12,0,0,0,0,0,0,Postal,0.1559320359957451,0.5524651858209808,0.0969483170508572,0.0732,0.0738,0.9771,0.6872,0.0077,0.0,0.1379,0.1667,0.2083,0.0403,0.0588,0.0663,0.0039,0.0354,0.0746,0.0766,0.9772,0.6994,0.0078,0.0,0.1379,0.1667,0.2083,0.0412,0.0643,0.0691,0.0039,0.0375,0.0739,0.0738,0.9771,0.6914,0.0077,0.0,0.1379,0.1667,0.2083,0.041,0.0599,0.0675,0.0039,0.0361,reg oper account,block of flats,0.064,Block,No,6.0,1.0,6.0,0.0,-2167.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +1424362,264996,Consumer loans,8200.305,88875.0,79987.5,8887.5,88875.0,TUESDAY,11,Y,1,0.1089090909090909,,,XAP,Approved,-447,XNA,XAP,,New,Tourism,POS,XNA,Stone,10,Industry,12.0,middle,POS other with interest,365243.0,-407.0,-77.0,-257.0,-253.0,0.0,0,Cash loans,F,Y,N,0,135000.0,284400.0,14854.5,225000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.022625,-11218,-1096,-4436.0,-3379,17.0,1,1,0,1,0,0,Core staff,1.0,2,2,FRIDAY,19,0,0,0,0,1,1,Business Entity Type 3,0.4579489659628954,0.640574475107684,0.6279908192952864,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-447.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1562143,234827,Cash loans,15737.985,135000.0,143910.0,0.0,135000.0,WEDNESDAY,12,Y,1,0.0,,,XNA,Approved,-2417,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-2387.0,-2057.0,-2057.0,-2049.0,1.0,0,Cash loans,M,N,Y,1,225000.0,207000.0,10197.0,207000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.031329,-11997,-162,-679.0,-3965,,1,1,0,1,0,0,Managers,3.0,2,2,FRIDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.6332927802186966,0.16048893062734468,0.1021,0.0,0.9752,0.66,0.0159,0.0,0.2414,0.1667,0.2083,0.0509,0.0799,0.0658,0.0154,0.0542,0.104,0.0,0.9752,0.6733,0.016,0.0,0.2414,0.1667,0.2083,0.052000000000000005,0.0872,0.0417,0.0156,0.0574,0.1031,0.0,0.9752,0.6645,0.016,0.0,0.2414,0.1667,0.2083,0.0518,0.0812,0.067,0.0155,0.0553,not specified,block of flats,0.0351,"Stone, brick",No,0.0,0.0,0.0,0.0,-143.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2550989,200161,Cash loans,44582.715,1327500.0,1520253.0,,1327500.0,FRIDAY,14,Y,1,,,,XNA,Refused,-204,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,1,112500.0,509400.0,40374.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006670999999999999,-11825,-844,-957.0,-3432,,1,1,0,1,0,0,Sales staff,3.0,2,2,SATURDAY,14,0,0,0,1,1,0,Self-employed,0.38893434947990696,0.33112993343108355,0.4848514754962666,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-240.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2370346,152888,Consumer loans,6667.425,40405.5,32958.0,9000.0,40405.5,THURSDAY,12,Y,1,0.2336102336102335,,,XAP,Approved,-1539,XNA,XAP,,New,Mobile,POS,XNA,Country-wide,41,Connectivity,6.0,high,POS mobile with interest,365243.0,-1472.0,-1322.0,-1382.0,-1375.0,0.0,0,Cash loans,F,N,Y,2,135000.0,485640.0,39069.0,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.016612000000000002,-12289,-1291,-583.0,-600,,1,1,0,1,0,0,Sales staff,4.0,2,2,WEDNESDAY,13,0,0,0,1,1,0,Business Entity Type 3,0.3929396316963196,0.6118756099239411,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,1.0,6.0,1.0,-338.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2638571,408858,Consumer loans,21080.97,112950.0,112950.0,0.0,112950.0,TUESDAY,15,Y,1,0.0,,,XAP,Approved,-101,Cash through the bank,XAP,Other_A,Repeater,Furniture,POS,XNA,Stone,31,Furniture,6.0,middle,POS industry with interest,365243.0,-62.0,88.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,0,112500.0,270000.0,19647.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.010006000000000001,-8393,-353,-5719.0,-1081,,1,1,1,1,0,0,Security staff,1.0,2,2,THURSDAY,10,0,0,0,0,0,0,Security,0.06668188577201753,0.5408847766164734,0.40314167665875134,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-454.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,1.0,0.0,1.0 +2839454,173191,Consumer loans,,68800.5,68800.5,0.0,68800.5,MONDAY,11,Y,1,0.0,,,XAP,Refused,-378,Cash through the bank,HC,,Repeater,Mobile,XNA,XNA,Country-wide,44,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,M,Y,Y,0,225000.0,485640.0,39069.0,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.007273999999999998,-18898,-1633,-828.0,-1666,8.0,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,13,0,0,0,1,1,0,Self-employed,,0.5471500194862516,0.1301285429480269,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-333.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1579239,426810,Consumer loans,8763.48,83250.0,94972.5,0.0,83250.0,TUESDAY,10,Y,1,0.0,,,XAP,Refused,-829,Cash through the bank,LIMIT,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,65,Furniture,16.0,high,POS industry with interest,,,,,,,0,Cash loans,M,N,N,0,135000.0,900000.0,26316.0,900000.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,House / apartment,0.009656999999999999,-11901,-105,-5665.0,-3020,,1,1,1,1,1,0,Security staff,1.0,2,2,THURSDAY,11,0,1,1,0,1,1,Business Entity Type 3,0.26937560610339195,0.3727900394267079,0.4170996682522097,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-879.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1014109,425513,Revolving loans,3375.0,0.0,180000.0,,,TUESDAY,11,N,0,,,,XAP,Refused,-2654,XNA,XNA,,Repeater,XNA,Cards,x-sell,Regional / Local,154,Consumer electronics,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,Y,N,0,180000.0,1287000.0,42534.0,1287000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-21028,-6894,-3298.0,-1870,14.0,1,1,0,1,1,0,Drivers,2.0,2,2,WEDNESDAY,11,0,0,0,0,1,1,Business Entity Type 3,0.5084813074095602,0.6495163384532108,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2216.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2244150,114377,Consumer loans,20752.56,174766.5,194346.0,0.0,174766.5,WEDNESDAY,15,Y,1,0.0,,,XAP,Approved,-187,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,500,Consumer electronics,12.0,middle,POS household with interest,365243.0,-157.0,173.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,0,315000.0,781920.0,61906.5,675000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.072508,-14875,-1075,-1174.0,-613,4.0,1,1,0,1,0,0,,1.0,1,1,MONDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.2961066252111606,0.2277582897989369,0.3572932680336494,0.1856,0.1251,0.9965,0.9524,0.0948,0.4,0.1724,0.5417,0.5833,0.0,0.1513,0.1008,0.0,0.0752,0.1891,0.1298,0.9965,0.9543,0.0957,0.4028,0.1724,0.5417,0.5833,0.0,0.1653,0.105,0.0,0.0796,0.1874,0.1251,0.9965,0.953,0.0954,0.4,0.1724,0.5417,0.5833,0.0,0.1539,0.1026,0.0,0.0768,reg oper account,block of flats,0.1716,Panel,No,0.0,0.0,0.0,0.0,-762.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2161071,419355,Consumer loans,8636.94,55710.0,53446.5,5571.0,55710.0,SUNDAY,5,Y,1,0.1028055314871937,,,XAP,Approved,-1687,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Stone,19,Connectivity,8.0,high,POS household with interest,365243.0,-1656.0,-1446.0,-1446.0,-1442.0,0.0,0,Cash loans,M,Y,Y,0,360000.0,787500.0,30649.5,787500.0,Family,State servant,Secondary / secondary special,Married,House / apartment,0.014464,-14952,-2114,-1279.0,-4398,13.0,1,1,1,1,1,0,Laborers,2.0,2,2,SUNDAY,8,0,0,0,0,1,1,Business Entity Type 3,,0.5538164706227621,0.4776491548517548,0.1237,0.0674,0.9791,0.7144,0.0377,0.0,0.069,0.1667,0.2083,0.0758,0.1009,0.0611,0.0,0.0,0.1261,0.07,0.9791,0.7256,0.038,0.0,0.069,0.1667,0.2083,0.0775,0.1102,0.0636,0.0,0.0,0.1249,0.0674,0.9791,0.7182,0.0379,0.0,0.069,0.1667,0.2083,0.0771,0.1026,0.0622,0.0,0.0,reg oper account,block of flats,0.0686,"Stone, brick",No,0.0,0.0,0.0,0.0,-1687.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2730775,184584,Consumer loans,8877.96,196024.5,196024.5,0.0,196024.5,THURSDAY,17,Y,1,0.0,,,XAP,Approved,-799,Cash through the bank,XAP,Unaccompanied,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,2001,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-768.0,-78.0,-288.0,-285.0,0.0,0,Cash loans,F,N,Y,1,135000.0,256500.0,13558.5,256500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.030755,-11325,-2561,-2562.0,-4011,,1,1,0,1,0,0,,3.0,2,2,FRIDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.7092051912209358,0.3001077565791181,0.068,0.0,0.9781,,,0.0,0.1379,0.1667,0.2083,0.0,,0.0735,,0.0,0.0693,0.0,0.9782,,,0.0,0.1379,0.1667,0.2083,0.0,,0.0766,,0.0,0.0687,0.0,0.9781,,,0.0,0.1379,0.1667,0.2083,0.0,,0.0748,,0.0,reg oper spec account,block of flats,0.0621,"Stone, brick",No,1.0,0.0,1.0,0.0,-1514.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2192263,100101,Cash loans,22482.0,225000.0,225000.0,,225000.0,MONDAY,17,Y,1,,,,XNA,Approved,-1325,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,middle,Cash X-Sell: middle,365243.0,-1295.0,-965.0,-965.0,-962.0,0.0,0,Cash loans,F,Y,Y,0,202500.0,343377.0,22072.5,283500.0,Unaccompanied,State servant,Higher education,Single / not married,House / apartment,0.072508,-18138,-969,-7421.0,-1681,5.0,1,1,0,1,0,0,High skill tech staff,1.0,1,1,WEDNESDAY,13,0,0,0,0,0,0,Business Entity Type 1,,0.7162122102538987,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1585.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2495949,148059,Cash loans,23895.36,225000.0,251662.5,,225000.0,THURSDAY,14,Y,1,,,,XNA,Approved,-930,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-900.0,-570.0,-840.0,-835.0,1.0,0,Cash loans,F,N,Y,0,360000.0,585000.0,25897.5,585000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-18576,-5446,-2833.0,-2118,,1,1,1,1,1,0,,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.5624181349133656,0.6446794549585961,0.0814,0.0733,0.995,0.932,0.0125,0.0,0.069,0.1667,0.2083,0.0,0.0664,0.0718,0.0,0.0,0.083,0.076,0.995,0.9347,0.0126,0.0,0.069,0.1667,0.2083,0.0,0.0725,0.0748,0.0,0.0,0.0822,0.0733,0.995,0.9329,0.0125,0.0,0.069,0.1667,0.2083,0.0,0.0676,0.0731,0.0,0.0,reg oper account,block of flats,0.0633,Panel,No,0.0,0.0,0.0,0.0,-434.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,3.0 +1494216,252854,Consumer loans,12913.065,108886.5,107698.5,10890.0,108886.5,MONDAY,15,Y,1,0.1000113839031609,,,XAP,Approved,-1705,Cash through the bank,XAP,Children,New,Audio/Video,POS,XNA,Country-wide,2200,Consumer electronics,12.0,high,POS household with interest,365243.0,-1674.0,-1344.0,-1404.0,-1398.0,0.0,0,Cash loans,F,Y,Y,0,315000.0,684000.0,46026.0,684000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-14502,-1999,-3299.0,-3640,3.0,1,1,0,1,0,0,,2.0,1,1,FRIDAY,9,0,1,1,0,0,0,Business Entity Type 3,,0.7718402637444879,0.6178261467332483,0.0412,0.0,0.9752,0.66,0.0053,0.0,0.1034,0.125,0.1667,0.0127,0.0336,0.0408,0.0,0.0,0.042,0.0,0.9752,0.6733,0.0053,0.0,0.1034,0.125,0.1667,0.013,0.0367,0.0425,0.0,0.0,0.0416,0.0,0.9752,0.6645,0.0053,0.0,0.1034,0.125,0.1667,0.013,0.0342,0.0415,0.0,0.0,reg oper account,block of flats,0.0373,"Stone, brick",No,1.0,0.0,1.0,0.0,-1705.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,4.0,0.0,2.0 +1116168,176138,Consumer loans,18746.865,148837.5,159480.0,0.0,148837.5,SATURDAY,7,Y,1,0.0,,,XAP,Refused,-564,XNA,HC,,Repeater,Computers,POS,XNA,Country-wide,1972,Consumer electronics,10.0,middle,POS household with interest,,,,,,,0,Cash loans,M,N,Y,0,157500.0,679266.0,25083.0,567000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.006852,-20352,-2625,-2879.0,-3659,,1,1,0,1,0,0,Security staff,2.0,3,3,WEDNESDAY,8,0,0,0,0,0,0,Security,,0.5151787871847137,0.2851799046358216,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2184.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,3.0,6.0 +1210696,399143,Consumer loans,7580.115,45000.0,42637.5,4500.0,45000.0,FRIDAY,12,Y,1,0.1039704925146453,,,XAP,Approved,-598,XNA,XAP,Other_B,New,Consumer Electronics,POS,XNA,Regional / Local,257,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-567.0,-417.0,-417.0,-407.0,0.0,0,Cash loans,F,N,Y,0,135000.0,624289.5,29056.5,558000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.006629,-23492,365243,-4583.0,-4582,,1,0,0,1,0,0,,1.0,2,2,MONDAY,11,0,0,0,0,0,0,XNA,,0.7078458681266127,0.5154953751603267,0.1289,0.1716,0.9851,0.7959999999999999,0.0374,0.0,0.2759,0.1667,0.2083,0.1908,0.1051,0.1253,0.0,0.0941,0.1313,0.1781,0.9851,0.804,0.0377,0.0,0.2759,0.1667,0.2083,0.1951,0.1148,0.1305,0.0,0.0996,0.1301,0.1716,0.9851,0.7987,0.0376,0.0,0.2759,0.1667,0.2083,0.1941,0.1069,0.1275,0.0,0.096,reg oper account,block of flats,0.119,Panel,No,0.0,0.0,0.0,0.0,-248.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1641825,295409,Consumer loans,4589.73,33705.0,37044.0,0.0,33705.0,WEDNESDAY,10,Y,1,0.0,,,XAP,Approved,-1195,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,12.0,high,POS mobile with interest,365243.0,-1164.0,-834.0,-954.0,-946.0,0.0,0,Cash loans,M,Y,N,1,193500.0,576072.0,21847.5,405000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.002506,-11765,365243,-1504.0,-4377,21.0,1,0,0,1,0,0,,3.0,2,2,MONDAY,4,0,0,0,0,0,0,XNA,0.2738823597556197,0.5753104667042278,0.7121551551910698,0.0495,,0.9796,,,,0.1034,0.125,,,,,,0.0,0.0504,,0.9796,,,,0.1034,0.125,,,,,,0.0,0.05,,0.9796,,,,0.1034,0.125,,,,,,0.0,,block of flats,0.0328,,No,0.0,0.0,0.0,0.0,-1675.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1171569,334402,Consumer loans,13600.125,123525.0,123525.0,0.0,123525.0,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-1047,Cash through the bank,XAP,Children,Refreshed,Furniture,POS,XNA,Stone,900,Furniture,10.0,low_normal,POS industry with interest,365243.0,-1016.0,-746.0,-746.0,-738.0,0.0,0,Cash loans,F,N,N,0,157500.0,728460.0,38803.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.018801,-15975,-1108,-3898.0,-4039,,1,1,1,1,1,0,Laborers,1.0,2,2,MONDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.5853916327684728,0.6002440664915258,0.7165702448010511,0.0619,0.0495,0.9786,0.7076,0.0094,0.0,0.1379,0.1667,0.2083,0.0615,0.0504,0.0517,0.0,0.0,0.063,0.0514,0.9786,0.7190000000000001,0.0095,0.0,0.1379,0.1667,0.2083,0.0629,0.0551,0.0539,0.0,0.0,0.0625,0.0495,0.9786,0.7115,0.0095,0.0,0.1379,0.1667,0.2083,0.0626,0.0513,0.0527,0.0,0.0,reg oper spec account,block of flats,0.0407,Panel,No,0.0,0.0,0.0,0.0,-1047.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1893119,156993,Revolving loans,2250.0,45000.0,45000.0,0.0,45000.0,THURSDAY,19,Y,1,0.0,,,XAP,Refused,-480,XNA,HC,,Repeater,XNA,Cards,walk-in,Country-wide,120,Connectivity,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,1,103500.0,130810.5,10462.5,108000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0060079999999999995,-10188,-947,-4744.0,-2602,,1,1,0,1,0,0,Private service staff,3.0,2,2,MONDAY,17,0,0,0,0,0,0,Self-employed,0.25268383675857703,0.6702087815938295,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-617.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1176197,159760,Revolving loans,2250.0,45000.0,45000.0,,45000.0,THURSDAY,18,Y,1,,,,XAP,Approved,-292,XNA,XAP,,Repeater,XNA,Cards,walk-in,Country-wide,2000,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,135000.0,450000.0,23107.5,450000.0,Unaccompanied,Commercial associate,Higher education,Married,With parents,0.022625,-11115,-2886,-203.0,-272,,1,1,1,1,1,0,High skill tech staff,2.0,2,2,TUESDAY,8,0,0,0,0,0,0,Transport: type 2,0.4046248952899961,0.629480840403402,,0.0825,,0.9757,,,0.0,0.1379,0.1667,,,,0.0411,,,0.084,,0.9757,,,0.0,0.1379,0.1667,,,,0.0428,,,0.0833,,0.9757,,,0.0,0.1379,0.1667,,,,0.0418,,,,block of flats,0.0506,Block,No,0.0,0.0,0.0,0.0,-1809.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2084120,300768,Consumer loans,11461.365,137475.0,185850.0,0.0,137475.0,WEDNESDAY,11,Y,1,0.0,,,XAP,Refused,-518,Cash through the bank,LIMIT,,Repeater,Furniture,POS,XNA,Stone,200,Furniture,24.0,middle,POS industry with interest,,,,,,,1,Cash loans,F,N,Y,0,180000.0,497520.0,39438.0,450000.0,Other_B,Working,Secondary / secondary special,Single / not married,House / apartment,0.020713,-9929,-1189,-4333.0,-2582,,1,1,0,1,0,0,Cooking staff,1.0,3,3,WEDNESDAY,13,0,0,0,1,1,0,Business Entity Type 3,,0.20304470780444234,0.5656079814115492,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-591.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2635843,210071,Consumer loans,11799.135,159075.0,179865.0,0.0,159075.0,SATURDAY,7,Y,1,0.0,,,XAP,Approved,-1246,Cash through the bank,XAP,Other_B,New,Construction Materials,POS,XNA,Stone,30,Construction,18.0,low_normal,POS industry with interest,365243.0,-1212.0,-702.0,-702.0,-699.0,0.0,0,Cash loans,F,Y,Y,2,171000.0,474363.0,25861.5,409500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010032,-12229,-1666,-3918.0,-4421,24.0,1,1,0,1,0,0,Laborers,4.0,2,2,SATURDAY,6,0,0,0,0,0,0,Business Entity Type 3,,0.571635826695548,0.4329616670974407,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,2.0,3.0,0.0,-1246.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2244622,434844,Consumer loans,6761.745,50301.0,55611.0,0.0,50301.0,MONDAY,10,Y,1,0.0,,,XAP,Approved,-288,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,high,POS mobile with interest,365243.0,-257.0,73.0,365243.0,365243.0,0.0,0,Revolving loans,F,Y,Y,1,112500.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.007273999999999998,-9164,-844,-9164.0,-391,2.0,1,1,1,1,1,0,Laborers,3.0,2,2,TUESDAY,15,0,0,0,0,1,1,Telecom,,0.6143861214803404,,0.0186,0.0345,0.9841,0.7824,0.0,0.0,0.069,0.0417,0.0833,0.0,0.0151,0.0154,0.0,0.0058,0.0189,0.0358,0.9841,0.7909,0.0,0.0,0.069,0.0417,0.0833,0.0,0.0165,0.016,0.0,0.0061,0.0187,0.0345,0.9841,0.7853,0.0,0.0,0.069,0.0417,0.0833,0.0,0.0154,0.0156,0.0,0.0059,reg oper account,block of flats,0.0133,Panel,No,0.0,0.0,0.0,0.0,-288.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2073626,276925,Cash loans,39537.72,315000.0,332046.0,,315000.0,WEDNESDAY,17,Y,1,,,,Buying a home,Approved,-900,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-870.0,-540.0,-720.0,-714.0,1.0,0,Cash loans,F,N,Y,0,90000.0,276277.5,17032.5,238500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.008473999999999999,-21677,365243,-10089.0,-4303,,1,0,0,1,0,0,,1.0,2,2,SUNDAY,12,0,0,0,0,0,0,XNA,,0.20528312179637198,0.6347055309763198,0.1021,0.0853,0.9786,,,0.0,0.2414,0.1667,,,,0.0969,,,0.104,0.0885,0.9786,,,0.0,0.2414,0.1667,,,,0.1009,,,0.1031,0.0853,0.9786,,,0.0,0.2414,0.1667,,,,0.0986,,,,block of flats,0.0836,Panel,No,0.0,0.0,0.0,0.0,-900.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1652789,349826,Cash loans,33643.845,675000.0,744498.0,,675000.0,SATURDAY,14,Y,1,,,,XNA,Approved,-396,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Stone,149,Consumer electronics,36.0,middle,Cash X-Sell: middle,365243.0,-366.0,684.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,2,225000.0,497763.0,13815.0,393799.5,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.009549,-14511,-1753,-344.0,-3528,,1,1,1,1,1,0,Cooking staff,4.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.5396551733930228,0.5330121065801692,0.3280631605201915,0.1454,0.0986,0.9806,0.7348,,,0.0345,0.1667,0.2083,0.1376,,0.0486,,0.1067,0.1481,0.1023,0.9806,0.7452,,,0.0345,0.1667,0.2083,0.1407,,0.0506,,0.113,0.1468,0.0986,0.9806,0.7383,,,0.0345,0.1667,0.2083,0.1399,,0.0495,,0.1089,,block of flats,0.0615,"Stone, brick",No,2.0,1.0,2.0,1.0,-2164.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2590946,422231,Cash loans,48592.575,675000.0,895716.0,,675000.0,THURSDAY,17,Y,1,,,,Other,Refused,-621,Cash through the bank,VERIF,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,Y,Y,0,202500.0,1056681.0,50836.5,972000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.032561,-18558,-290,-12692.0,-2089,4.0,1,1,0,1,0,1,Laborers,2.0,1,1,TUESDAY,10,0,0,0,0,0,0,Business Entity Type 1,0.8749192781274137,0.6783013393694673,0.6496203111237195,0.4392,0.2291,0.9791,,,0.46,0.3966,0.3333,,,,0.3295,,0.0053,0.188,0.1066,0.9791,,,0.2014,0.1724,0.3333,,,,0.4792,,0.0011,0.4434,0.2291,0.9791,,,0.46,0.3966,0.3333,,,,0.4682,,0.0054,,block of flats,0.5691,,No,3.0,0.0,3.0,0.0,-941.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1444955,293759,Cash loans,21839.625,450000.0,512370.0,,450000.0,FRIDAY,11,Y,1,,,,XNA,Approved,-538,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-508.0,542.0,-478.0,-473.0,1.0,0,Cash loans,F,Y,Y,0,247500.0,247500.0,11029.5,247500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.015221,-21568,-4007,-12502.0,-4013,19.0,1,1,0,1,0,0,,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Hotel,,0.16733166731052748,0.6161216908872079,0.0619,0.0632,0.9821,0.7552,0.0102,0.0,0.1379,0.1667,0.2083,0.0,0.0504,0.0595,0.0,0.0,0.063,0.0655,0.9821,0.7648,0.0103,0.0,0.1379,0.1667,0.2083,0.0,0.0551,0.062,0.0,0.0,0.0625,0.0632,0.9821,0.7585,0.0103,0.0,0.1379,0.1667,0.2083,0.0,0.0513,0.0605,0.0,0.0,reg oper account,block of flats,0.0468,Panel,No,0.0,0.0,0.0,0.0,-538.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1193826,167596,Consumer loans,12239.46,220950.0,275044.5,22095.0,220950.0,WEDNESDAY,10,Y,1,0.08098372527504298,,,XAP,Approved,-891,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Regional / Local,14,Consumer electronics,30.0,low_normal,POS household with interest,365243.0,-860.0,10.0,-710.0,-705.0,0.0,0,Cash loans,M,Y,Y,0,292500.0,1035832.5,30415.5,904500.0,"Spouse, partner",State servant,Secondary / secondary special,Civil marriage,House / apartment,0.0038179999999999998,-23205,-883,-9975.0,-3902,12.0,1,1,0,1,0,0,Drivers,2.0,2,2,FRIDAY,3,0,0,0,0,0,0,Police,,0.568623883985331,,0.0567,0.0774,0.9861,0.8096,0.0299,0.0,0.1379,0.1667,0.2083,0.0576,0.0496,0.0547,0.0232,0.0256,0.0578,0.0803,0.9861,0.8171,0.0302,0.0,0.1379,0.1667,0.2083,0.059,0.0542,0.057,0.0233,0.0271,0.0573,0.0774,0.9861,0.8121,0.0301,0.0,0.1379,0.1667,0.2083,0.0586,0.0504,0.0557,0.0233,0.0261,reg oper account,block of flats,0.0594,Block,No,0.0,0.0,0.0,0.0,-186.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2027788,122689,Consumer loans,9371.79,102334.5,102334.5,0.0,102334.5,MONDAY,11,Y,1,0.0,,,XAP,Approved,-921,Cash through the bank,XAP,"Spouse, partner",Refreshed,Consumer Electronics,POS,XNA,Regional / Local,168,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-890.0,-560.0,-740.0,-733.0,0.0,0,Revolving loans,M,Y,Y,0,157500.0,540000.0,27000.0,540000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-14472,-213,-185.0,-2880,4.0,1,1,0,1,0,0,Drivers,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,Transport: type 3,,0.6626938654596191,0.18411615593071512,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-500.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2050516,297288,Consumer loans,90009.27,877518.0,877968.0,0.0,877518.0,TUESDAY,8,Y,1,0.0,,,XAP,Approved,-609,XNA,XAP,,New,Furniture,POS,XNA,Stone,50,Furniture,12.0,middle,POS industry with interest,365243.0,-576.0,-246.0,-426.0,-422.0,0.0,0,Cash loans,F,N,N,0,315000.0,585000.0,32796.0,585000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.015221,-12566,-447,-4379.0,-4523,,1,1,1,1,1,0,Managers,2.0,2,2,MONDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.4385975930143747,0.6642482627052363,0.0165,0.0091,0.9682,,,0.0,0.069,0.0417,,0.0172,,0.0139,,0.0,0.0168,0.0094,0.9682,,,0.0,0.069,0.0417,,0.0176,,0.0145,,0.0,0.0167,0.0091,0.9682,,,0.0,0.069,0.0417,,0.0175,,0.0142,,0.0,,block of flats,0.0137,"Stone, brick",No,0.0,0.0,0.0,0.0,-609.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1053213,148388,Consumer loans,21726.945,254250.0,228825.0,25425.0,254250.0,WEDNESDAY,17,Y,1,0.1089090909090909,,,XAP,Approved,-92,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Stone,40,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-62.0,268.0,-32.0,-25.0,0.0,0,Cash loans,F,N,Y,0,85500.0,675000.0,21775.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.016612000000000002,-23497,365243,-84.0,-4461,,1,0,0,1,1,0,,1.0,2,2,THURSDAY,13,0,0,0,0,0,0,XNA,,0.5750433012335741,0.5691487713619409,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,1.0,6.0,0.0,-285.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2224352,272155,Consumer loans,17727.345,174915.0,189922.5,0.0,174915.0,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-361,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,350,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-330.0,0.0,365243.0,365243.0,0.0,1,Cash loans,M,N,Y,0,247500.0,523237.5,41467.5,432000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.008625,-16965,-465,-666.0,-508,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,14,0,0,0,0,1,1,Transport: type 4,0.1282245989025684,0.3604819394522332,0.3046721837533529,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-361.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1992753,209016,Cash loans,18031.185,315000.0,357619.5,,315000.0,TUESDAY,10,Y,1,,,,XNA,Refused,-548,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,67500.0,1078200.0,31522.5,900000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.00963,-23197,365243,-259.0,-276,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,XNA,,0.4360201231398443,,0.1237,0.0325,0.9811,,,,0.1034,0.1667,,0.0739,,0.0697,,,0.1261,0.0337,0.9811,,,,0.1034,0.1667,,0.0756,,0.0727,,,0.1249,0.0325,0.9811,,,,0.1034,0.1667,,0.0752,,0.071,,,,block of flats,0.0632,Panel,No,0.0,0.0,0.0,0.0,-1094.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2831162,313445,Cash loans,10681.2,90000.0,90000.0,,90000.0,SATURDAY,9,Y,1,,,,Other,Approved,-646,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Country-wide,10,Connectivity,12.0,high,Cash Street: high,365243.0,-616.0,-286.0,-466.0,-456.0,0.0,0,Cash loans,F,N,Y,0,58500.0,225000.0,12915.0,225000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.005084,-14533,-4218,-4983.0,-4990,,1,1,1,1,1,0,High skill tech staff,2.0,2,2,MONDAY,9,0,1,1,0,1,1,Business Entity Type 3,,0.34051372088028964,0.5028782772082183,0.0371,0.0618,0.9781,0.7008,0.0054,0.0,0.1379,0.0833,0.0,0.0112,0.0303,0.0312,0.0,0.0,0.0378,0.0642,0.9782,0.7125,0.0055,0.0,0.1379,0.0833,0.0,0.0115,0.0331,0.0325,0.0,0.0,0.0375,0.0618,0.9781,0.7048,0.0055,0.0,0.1379,0.0833,0.0,0.0114,0.0308,0.0318,0.0,0.0,reg oper account,block of flats,0.0275,Panel,No,2.0,0.0,2.0,0.0,-1209.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +1577423,414570,Consumer loans,5162.175,23845.5,25105.5,0.0,23845.5,FRIDAY,20,Y,1,0.0,,,XAP,Refused,-810,Cash through the bank,LIMIT,Family,Repeater,Office Appliances,POS,XNA,Country-wide,3125,Consumer electronics,6.0,high,POS household with interest,,,,,,,0,Cash loans,M,Y,Y,1,157500.0,760225.5,30150.0,679500.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.030755,-16544,-2688,-6392.0,-72,11.0,1,1,0,1,1,0,Drivers,3.0,2,2,WEDNESDAY,19,0,0,0,0,0,0,Transport: type 1,,0.5864368320720796,0.41534714488434,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-930.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,5.0,0.0,0.0 +2382299,201352,Consumer loans,13163.4,117351.0,105615.0,11736.0,117351.0,TUESDAY,12,Y,1,0.10891744347377444,,,XAP,Approved,-1288,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Stone,55,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1257.0,-987.0,-1107.0,-1101.0,0.0,0,Cash loans,F,N,N,0,157500.0,562491.0,26194.5,454500.0,Family,Working,Secondary / secondary special,Married,Municipal apartment,0.007114,-13108,-1860,-5069.0,-1734,,1,1,0,1,1,0,,2.0,2,2,TUESDAY,14,0,0,0,1,1,0,Business Entity Type 3,0.6047143640586813,0.6665493875024545,0.19633396621345675,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1289.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,4.0 +1505273,395610,Cash loans,,0.0,0.0,,,SUNDAY,10,Y,1,,,,XNA,Refused,-353,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,225000.0,1483231.5,51687.0,1354500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.02461,-20076,-1454,-488.0,-1622,,1,1,0,1,0,0,Cooking staff,2.0,2,2,WEDNESDAY,15,0,1,1,0,0,0,Business Entity Type 3,0.66088976206427,0.5339155460020644,0.18303516721781032,0.0041,0.0,0.9692,0.5784,0.0016,0.0,0.069,0.0417,0.0417,0.018000000000000002,0.0034,0.0163,0.0,0.0,0.0042,0.0,0.9692,0.5949,0.0016,0.0,0.069,0.0417,0.0417,0.0184,0.0037,0.0169,0.0,0.0,0.0042,0.0,0.9692,0.584,0.0016,0.0,0.069,0.0417,0.0417,0.0183,0.0034,0.0166,0.0,0.0,reg oper spec account,block of flats,0.0137,"Stone, brick",No,1.0,0.0,1.0,0.0,-527.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2394093,356472,Consumer loans,13879.485,80217.9,48717.0,31500.9,80217.9,TUESDAY,13,Y,1,0.4276769127362072,,,XAP,Approved,-2674,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Stone,113,Consumer electronics,4.0,high,POS household with interest,365243.0,-2642.0,-2552.0,-2552.0,-2543.0,0.0,0,Cash loans,F,N,Y,0,112500.0,900000.0,35694.0,900000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.010276,-19489,-1020,-7953.0,-2902,,1,1,1,1,1,1,Laborers,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Housing,,0.7722905108021738,0.7544061731797895,0.0619,0.0932,0.9901,0.8640000000000001,0.0416,0.0,0.0345,0.1667,0.2083,0.0,0.0504,0.069,0.0,0.0,0.063,0.0967,0.9901,0.8693,0.042,0.0,0.0345,0.1667,0.2083,0.0,0.0551,0.0719,0.0,0.0,0.0625,0.0932,0.9901,0.8658,0.0419,0.0,0.0345,0.1667,0.2083,0.0,0.0513,0.0702,0.0,0.0,reg oper account,block of flats,0.077,Panel,No,11.0,0.0,11.0,0.0,-1784.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2280163,311732,Cash loans,9344.475,157500.0,157500.0,0.0,157500.0,FRIDAY,12,Y,1,0.0,,,XNA,Refused,-2513,Cash through the bank,SCO,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,30.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,247500.0,810378.0,26140.5,580500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-21224,365243,-703.0,-3594,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,XNA,,0.35728197361233577,,0.0082,,0.9568,,,0.0,0.069,0.0417,,0.0056,,0.0052,,,0.0084,,0.9568,,,0.0,0.069,0.0417,,0.0057,,0.0036,,,0.0083,,0.9568,,,0.0,0.069,0.0417,,0.0057,,0.0053,,,,block of flats,0.006,,No,3.0,0.0,3.0,0.0,-1495.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1622913,323711,Cash loans,39699.45,360000.0,376632.0,,360000.0,THURSDAY,9,Y,1,,,,XNA,Approved,-719,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),45,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-689.0,-359.0,-359.0,-352.0,1.0,0,Cash loans,F,N,Y,0,135000.0,1214748.0,64719.0,1093500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-20394,365243,-4924.0,-2754,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,,0.3966468287376925,0.6279908192952864,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1567186,381666,Consumer loans,3717.9,19305.0,18234.0,1930.5,19305.0,SUNDAY,11,Y,1,0.1042669047087703,,,XAP,Approved,-1584,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Regional / Local,75,Connectivity,6.0,high,POS mobile with interest,365243.0,-1553.0,-1403.0,-1403.0,-1395.0,0.0,0,Cash loans,M,Y,Y,0,121500.0,495351.0,25776.0,459000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-19925,-1013,-3641.0,-3462,9.0,1,1,0,1,1,0,Drivers,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Government,,0.7299933656826851,0.5424451438613613,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1584.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1052652,178102,Revolving loans,22500.0,0.0,450000.0,,,SATURDAY,8,Y,1,,,,XAP,Approved,-669,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,3,112500.0,900000.0,26446.5,900000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.020246,-11069,-2351,-6140.0,-2428,,1,1,0,1,1,0,Core staff,5.0,3,3,TUESDAY,11,0,0,0,0,0,0,Telecom,0.41985384159781214,0.2353176976612628,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1591.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2499766,270506,Consumer loans,9506.565,47700.0,50220.0,0.0,47700.0,TUESDAY,14,Y,1,0.0,,,XAP,Approved,-1038,Cash through the bank,XAP,Family,New,Furniture,POS,XNA,Stone,15,Furniture,6.0,middle,POS industry with interest,365243.0,-1007.0,-857.0,-857.0,-851.0,0.0,0,Cash loans,F,N,Y,0,76500.0,247275.0,17716.5,225000.0,Family,State servant,Secondary / secondary special,Married,House / apartment,0.031329,-21866,-331,-4908.0,-4682,,1,1,1,1,0,0,Cleaning staff,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,Medicine,,0.15967923350263774,0.34090642641523844,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1038.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2084525,170838,Revolving loans,6750.0,135000.0,135000.0,,135000.0,TUESDAY,10,Y,1,,,,XAP,Refused,-583,XNA,HC,,Repeater,XNA,Cards,walk-in,Country-wide,40,Connectivity,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,157500.0,808650.0,31333.5,675000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.028663,-19945,-2438,-11479.0,-3310,,1,1,1,1,0,0,Managers,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,Restaurant,,0.5829534662767819,0.0938365970374978,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1618.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1461407,346459,Cash loans,6543.0,90000.0,90000.0,,90000.0,MONDAY,9,Y,1,,,,XNA,Approved,-2654,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,20.0,middle,Cash Street: middle,365243.0,-2624.0,-2054.0,-2054.0,-2046.0,0.0,1,Cash loans,F,N,Y,0,202500.0,130824.0,10462.5,103500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.01885,-18354,-3401,-1918.0,-1905,,1,1,0,1,0,0,Low-skill Laborers,1.0,2,2,TUESDAY,14,0,0,0,0,0,0,Other,,0.645818731265154,0.3441550073724169,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1479.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2686847,176513,Consumer loans,8711.685,70965.0,63868.5,7096.5,70965.0,SATURDAY,16,Y,1,0.1089090909090909,,,XAP,Approved,-1825,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,25,Connectivity,10.0,high,POS mobile with interest,365243.0,-1788.0,-1518.0,-1518.0,-1481.0,0.0,0,Cash loans,F,N,N,0,337500.0,729792.0,30919.5,630000.0,Family,State servant,Secondary / secondary special,Married,House / apartment,0.072508,-15271,-5624,-9346.0,-4985,,1,1,0,1,0,1,,2.0,1,1,THURSDAY,10,0,1,1,0,0,0,Medicine,0.6656377987703047,0.7341025568413794,0.7062051096536562,0.0821,0.0677,0.9747,,,0.0,0.1379,0.1667,,0.0147,,0.0671,,0.0007,0.084,0.0626,0.9747,,,0.0,0.1379,0.1667,,0.0149,,0.0688,,0.0,0.0833,0.0699,0.9747,,,0.0,0.1379,0.1667,,0.0149,,0.0688,,0.0,,block of flats,0.0524,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1732445,202872,Cash loans,7424.505,90000.0,107820.0,,90000.0,WEDNESDAY,16,Y,1,,,,Urgent needs,Refused,-316,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Country-wide,38,Connectivity,36.0,high,Cash Street: high,,,,,,,1,Cash loans,F,N,Y,0,99000.0,900000.0,26446.5,900000.0,Family,Working,Secondary / secondary special,Single / not married,House / apartment,0.030755,-14414,-3339,-5719.0,-3997,,1,1,0,1,0,0,,1.0,2,2,THURSDAY,13,0,0,0,0,1,1,Industry: type 9,,0.01423719044085816,0.3996756156233169,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-579.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1520845,271580,Consumer loans,1966.86,16470.0,16618.5,1350.0,16470.0,THURSDAY,14,Y,1,0.08182501195273546,,,XAP,Approved,-2176,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,33,Connectivity,12.0,high,POS mobile with interest,365243.0,-2145.0,-1815.0,-1815.0,-1809.0,0.0,0,Cash loans,F,Y,Y,1,180000.0,675000.0,53460.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-16900,-437,-3229.0,-449,1.0,1,1,0,1,0,0,Laborers,3.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.6354832545563066,0.5058402624021597,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-572.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1766610,388152,Cash loans,9124.65,45000.0,45000.0,,45000.0,MONDAY,17,Y,1,,,,XNA,Approved,-1386,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,365243.0,-1356.0,-1206.0,-1206.0,-1198.0,0.0,0,Cash loans,F,N,Y,0,225000.0,959688.0,34600.5,810000.0,Family,Working,Secondary / secondary special,Civil marriage,Co-op apartment,0.00823,-19325,-1269,-2672.0,-2855,,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,11,0,1,1,0,0,0,Trade: type 3,0.6113356826605917,0.24755472171495002,0.4471785780453068,0.2216,0.0545,0.9871,,,0.24,0.2069,0.3333,,,,0.225,,0.0048,0.2258,0.0566,0.9871,,,0.2417,0.2069,0.3333,,,,0.2344,,0.005,0.2238,0.0545,0.9871,,,0.24,0.2069,0.3333,,,,0.229,,0.0049,,block of flats,0.1921,Panel,No,0.0,0.0,0.0,0.0,-1386.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,6.0 +1381958,395322,Cash loans,7579.26,184500.0,184500.0,0.0,184500.0,FRIDAY,10,Y,1,0.0,,,XNA,Approved,-2513,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,60.0,middle,Cash Street: middle,,,,,,,0,Cash loans,M,N,N,0,112500.0,1235691.0,36261.0,967500.0,Family,Commercial associate,Higher education,Separated,Municipal apartment,0.018634,-18469,-1279,-10524.0,-1632,,1,1,0,1,0,0,Laborers,1.0,2,2,FRIDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.5436930785726393,0.6544581807311964,0.6075573001388961,0.2227,0.1465,0.9851,0.7959999999999999,0.0909,0.16,0.1379,0.3333,0.0417,0.07200000000000001,0.1816,0.2144,,0.0057,0.2269,0.1521,0.9851,0.804,0.0917,0.1611,0.1379,0.3333,0.0417,0.0736,0.1983,0.2234,,0.006,0.2248,0.1465,0.9851,0.7987,0.0915,0.16,0.1379,0.3333,0.0417,0.0733,0.1847,0.2183,,0.0058,org spec account,block of flats,0.2196,Panel,No,0.0,0.0,0.0,0.0,-2513.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,2.0 +1707314,385913,Consumer loans,4787.235,76495.5,92650.5,0.0,76495.5,SATURDAY,14,Y,1,0.0,,,XAP,Refused,-652,Cash through the bank,LIMIT,Family,Repeater,Computers,POS,XNA,Regional / Local,40,Consumer electronics,24.0,low_normal,POS household with interest,,,,,,,0,Cash loans,F,Y,Y,0,126000.0,755190.0,32125.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.01885,-17847,-885,-4253.0,-1384,18.0,1,1,0,1,0,0,,2.0,2,2,SUNDAY,12,0,0,0,0,1,1,Cleaning,,0.6290216984140076,0.5064842396679806,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-745.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1609086,237274,Consumer loans,10138.185,224793.0,224793.0,0.0,224793.0,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-1585,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Country-wide,3268,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1553.0,-863.0,-863.0,-856.0,0.0,0,Cash loans,F,Y,Y,0,74250.0,229500.0,12942.0,229500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018209,-22718,365243,-8243.0,-3990,22.0,1,0,0,1,0,0,,2.0,3,3,TUESDAY,14,0,0,0,0,0,0,XNA,,0.4829190172936432,0.4170996682522097,0.2557,0.1886,0.9826,,,0.28,0.2414,0.3333,,0.1552,,0.2551,,0.0176,0.2605,0.1958,0.9826,,,0.282,0.2414,0.3333,,0.1587,,0.2658,,0.0187,0.2581,0.1886,0.9826,,,0.28,0.2414,0.3333,,0.1579,,0.2597,,0.018000000000000002,,block of flats,0.229,Panel,No,0.0,0.0,0.0,0.0,-1585.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2288553,328944,Cash loans,27580.32,450000.0,491580.0,,450000.0,FRIDAY,14,Y,1,,,,XNA,Approved,-297,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-267.0,423.0,-177.0,-169.0,1.0,0,Cash loans,F,N,Y,1,157500.0,412942.5,30055.5,373500.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.006207,-9980,-710,-9961.0,-670,,1,1,1,1,0,0,Sales staff,3.0,2,2,MONDAY,12,0,0,0,0,0,0,Self-employed,0.27523627672436984,0.6155925365872476,0.6512602186973006,0.0928,0.0295,0.9806,0.7348,0.0,0.0,0.2069,0.1667,0.2083,0.0,0.0756,0.0612,0.0,0.1037,0.0945,0.0306,0.9806,0.7452,0.0,0.0,0.2069,0.1667,0.2083,0.0,0.0826,0.0638,0.0,0.1097,0.0937,0.0295,0.9806,0.7383,0.0,0.0,0.2069,0.1667,0.2083,0.0,0.077,0.0623,0.0,0.1058,reg oper account,block of flats,0.0707,Panel,No,1.0,1.0,1.0,1.0,0.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2333990,404730,Consumer loans,13233.6,123120.0,125401.5,12312.0,123120.0,SATURDAY,13,Y,1,0.09736799422516508,,,XAP,Refused,-294,Cash through the bank,LIMIT,Family,Repeater,Audio/Video,POS,XNA,Regional / Local,40,Consumer electronics,12.0,middle,POS household with interest,,,,,,,0,Revolving loans,M,N,Y,0,135000.0,202500.0,10125.0,202500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.009175,-15419,-563,-7009.0,-4614,,1,1,1,1,0,0,Laborers,2.0,2,2,SATURDAY,11,0,0,0,0,1,1,Construction,,0.672996434682507,,0.0,,0.9826,,,,0.0345,0.0833,,,,0.0077,,,0.0,,0.9826,,,,0.0345,0.0833,,,,0.008,,,0.0,,0.9826,,,,0.0345,0.0833,,,,0.0079,,,,block of flats,0.0071,"Stone, brick",No,1.0,0.0,0.0,0.0,-342.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1887445,367845,Cash loans,51334.695,810000.0,893398.5,,810000.0,FRIDAY,11,Y,1,,,,XNA,Approved,-835,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash X-Sell: high,365243.0,-805.0,245.0,-415.0,-413.0,1.0,0,Cash loans,F,N,N,0,225000.0,755190.0,36459.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-21411,365243,-1062.0,-1880,,1,0,0,1,1,0,,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,XNA,0.7293203144087819,0.6544136726370908,0.29708661164720285,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1420.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1222396,149655,Cash loans,14846.4,67500.0,78007.5,,67500.0,THURSDAY,11,Y,1,,,,Urgent needs,Refused,-249,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,N,0,179100.0,269550.0,10543.5,225000.0,Unaccompanied,State servant,Secondary / secondary special,Married,Rented apartment,0.019101,-13698,-667,-588.0,-654,,1,1,1,1,1,1,Laborers,2.0,2,2,MONDAY,14,0,0,0,1,1,0,Military,0.4199227422992885,0.05641959309733546,0.20208660168203949,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-249.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2029339,429547,Revolving loans,9000.0,0.0,180000.0,,,MONDAY,15,Y,1,,,,XAP,Approved,-2723,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card Street,-2722.0,-2660.0,365243.0,-2263.0,365243.0,0.0,0,Cash loans,F,Y,Y,1,90000.0,193572.0,19273.5,171000.0,Children,Working,Higher education,Married,House / apartment,0.01885,-12923,-5823,-2302.0,-4909,13.0,1,1,0,1,0,0,Core staff,3.0,2,2,MONDAY,18,0,0,0,0,0,0,School,0.4238681150646656,0.7141944850887012,0.2512394458905693,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1679.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2107781,396266,Cash loans,27084.24,337500.0,376483.5,,337500.0,SUNDAY,6,Y,1,,,,XNA,Approved,-933,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,30.0,high,Cash Street: high,365243.0,-903.0,-33.0,-453.0,-450.0,1.0,0,Cash loans,F,N,Y,0,94500.0,700830.0,20619.0,585000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.006852,-21069,365243,-7571.0,-4198,,1,0,0,1,1,0,,1.0,3,3,TUESDAY,11,0,0,0,0,0,0,XNA,,0.0934212471972137,0.7091891096653581,0.0814,0.5685,0.9896,0.8572,0.0412,0.0,0.1724,0.2083,0.2083,0.0352,0.0656,0.0864,0.0039,0.0334,0.083,0.5899,0.9896,0.8628,0.0416,0.0,0.1724,0.2083,0.2083,0.036000000000000004,0.0716,0.0901,0.0039,0.0353,0.0822,0.5685,0.9896,0.8591,0.0414,0.0,0.1724,0.2083,0.2083,0.0358,0.0667,0.08800000000000001,0.0039,0.0341,reg oper account,block of flats,0.0978,"Stone, brick",No,0.0,0.0,0.0,0.0,-933.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1991453,322481,Consumer loans,11518.695,165541.5,193950.0,0.0,165541.5,MONDAY,18,Y,1,0.0,,,XAP,Approved,-331,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,1500,Consumer electronics,24.0,middle,POS household with interest,365243.0,-300.0,390.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,202500.0,495216.0,26995.5,427500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-18078,-2075,-978.0,-1629,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.6760736194620282,0.7696765593361753,0.3539876078507373,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2398.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,2.0,0.0,1.0 +2647789,111571,Consumer loans,8750.79,85450.5,47322.0,40500.0,85450.5,TUESDAY,11,Y,1,0.5022452439956027,,,XAP,Approved,-538,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,900,Consumer electronics,6.0,middle,POS household with interest,365243.0,-507.0,-357.0,-357.0,-351.0,0.0,0,Cash loans,F,Y,Y,2,76500.0,659533.5,31860.0,589500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.020246,-14306,-904,-6321.0,-5002,21.0,1,1,0,1,1,0,Sales staff,4.0,3,3,MONDAY,5,0,0,0,0,0,0,Business Entity Type 3,0.4843862708440026,0.5891601646617272,0.7862666146611379,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-538.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1194284,122148,Cash loans,33808.185,999000.0,1115046.0,,999000.0,THURSDAY,9,Y,1,,,,XNA,Approved,-337,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),2,XNA,48.0,low_action,Cash X-Sell: low,365243.0,-307.0,1103.0,-217.0,-215.0,1.0,0,Cash loans,F,Y,Y,0,202500.0,148365.0,11479.5,135000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.028663,-17389,-4346,-9578.0,-946,5.0,1,1,1,1,0,0,Sales staff,2.0,2,2,FRIDAY,11,0,1,1,0,1,1,Trade: type 7,0.5206622435760858,0.2518935225068843,0.8193176922872417,0.0247,0.0729,0.9841,0.7824,0.0035,0.0,0.1379,0.0417,0.0833,0.0335,0.0202,0.0223,0.0,0.0,0.0252,0.0756,0.9841,0.7909,0.0035,0.0,0.1379,0.0417,0.0833,0.0343,0.022,0.0232,0.0,0.0,0.025,0.0729,0.9841,0.7853,0.0035,0.0,0.1379,0.0417,0.0833,0.0341,0.0205,0.0227,0.0,0.0,org spec account,block of flats,0.0195,"Stone, brick",No,0.0,0.0,0.0,0.0,-490.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2416943,164402,Consumer loans,8940.285,49495.5,44545.5,4950.0,49495.5,MONDAY,14,Y,1,0.10891899263569413,,,XAP,Approved,-2754,Cash through the bank,XAP,Other_B,New,Mobile,POS,XNA,Stone,35,Connectivity,6.0,high,POS mobile with interest,365243.0,-2716.0,-2566.0,-2566.0,-2559.0,0.0,0,Cash loans,F,N,Y,0,135000.0,276277.5,12298.5,238500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.035792000000000004,-17793,-1657,-3900.0,-855,,1,1,0,1,0,0,Laborers,1.0,2,2,THURSDAY,10,0,0,0,0,0,0,Construction,,0.014801580990087194,0.4848514754962666,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-473.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1986507,266318,Consumer loans,14708.835,151861.5,178722.0,0.0,151861.5,SUNDAY,14,Y,1,0.0,,,XAP,Refused,-1858,Cash through the bank,LIMIT,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,482,Consumer electronics,24.0,high,POS household with interest,,,,,,,0,Cash loans,F,N,Y,2,112500.0,675000.0,34596.0,675000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.009334,-10747,-3889,-3855.0,-1954,,1,1,1,1,0,0,High skill tech staff,4.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Police,,0.7316967886486759,0.4311917977993083,0.0928,0.1006,0.9781,0.7008,0.012,0.0,0.2069,0.1667,0.0417,0.0634,0.0756,0.0873,0.0,0.0,0.0945,0.1044,0.9782,0.7125,0.0121,0.0,0.2069,0.1667,0.0417,0.0648,0.0826,0.0909,0.0,0.0,0.0937,0.1006,0.9781,0.7048,0.0121,0.0,0.2069,0.1667,0.0417,0.0645,0.077,0.0888,0.0,0.0,not specified,block of flats,0.0752,Panel,No,0.0,0.0,0.0,0.0,-1884.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1506114,288158,Cash loans,42075.0,450000.0,450000.0,,450000.0,WEDNESDAY,12,Y,1,,,,XNA,Refused,-341,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,225000.0,450000.0,34825.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-18135,-1957,-8699.0,-1694,,1,1,0,1,1,0,,2.0,1,1,MONDAY,12,0,0,0,0,0,0,Industry: type 3,,0.7821190895322617,0.5989262182569273,0.0784,0.0883,0.9722,0.6192,0.0139,0.0,0.1724,0.1667,0.2083,,0.063,0.0737,0.0039,0.0098,0.0788,0.0913,0.9722,0.6341,0.014,0.0,0.1724,0.1667,0.2083,,0.0689,0.0767,0.0,0.0,0.0791,0.0883,0.9722,0.6243,0.014,0.0,0.1724,0.1667,0.2083,,0.0641,0.0749,0.0039,0.0011,reg oper account,block of flats,0.0578,Panel,No,0.0,0.0,0.0,0.0,-1787.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1427501,283651,Cash loans,54900.405,1170000.0,1305909.0,,1170000.0,FRIDAY,12,Y,1,,,,XNA,Refused,-468,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,Y,N,1,337500.0,1506816.0,45814.5,1350000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.018634,-13150,-1555,-399.0,-4102,7.0,1,1,0,1,0,0,,3.0,2,2,TUESDAY,11,0,1,1,0,1,1,Business Entity Type 1,,0.42914446876417706,0.4578995512067301,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,1.0,0.0,1.0,0.0,-2.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +1773173,298588,Revolving loans,2250.0,45000.0,45000.0,,45000.0,MONDAY,11,Y,1,,,,XAP,Approved,-308,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,225000.0,1436850.0,42142.5,1125000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.018634,-21287,365243,-3108.0,-4028,,1,0,0,1,0,0,,1.0,2,2,MONDAY,11,0,0,0,0,0,0,XNA,0.7417606177139517,0.6280924993026441,0.813917469762627,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2968.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2226048,244271,Cash loans,16013.835,135000.0,143910.0,,135000.0,FRIDAY,11,Y,1,,,,XNA,Approved,-974,Cash through the bank,XAP,Other_B,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-944.0,-614.0,-704.0,-698.0,1.0,0,Cash loans,M,N,N,2,49500.0,961146.0,28102.5,688500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.02461,-14277,365243,-6644.0,-4610,,1,0,0,1,0,1,,4.0,2,2,SATURDAY,13,0,0,0,0,0,0,XNA,0.6543358922372626,0.5938679524778434,0.501075160239048,0.0928,0.0759,0.9806,0.728,0.1098,0.0,0.2069,0.1667,0.2083,0.0324,0.0756,0.0499,0.0,0.0957,0.0945,0.0787,0.9806,0.7387,0.1108,0.0,0.2069,0.1667,0.2083,0.0331,0.0826,0.052000000000000005,0.0,0.1013,0.0937,0.0759,0.9806,0.7316,0.1105,0.0,0.2069,0.1667,0.2083,0.0329,0.077,0.0508,0.0,0.0977,reg oper spec account,block of flats,0.06,Panel,No,4.0,1.0,4.0,0.0,-974.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +1063959,329947,Cash loans,,0.0,0.0,,,THURSDAY,18,Y,1,,,,XNA,Refused,-323,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,202500.0,254700.0,25321.5,225000.0,Family,Pensioner,Higher education,Separated,House / apartment,0.035792000000000004,-24528,365243,-11915.0,-4238,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,11,0,0,0,0,0,0,XNA,,0.6423548360889296,0.4650692149562261,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1901.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2427091,288349,Cash loans,15999.525,202500.0,202500.0,,202500.0,TUESDAY,10,Y,1,,,,Other,Approved,-455,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,high,Cash Street: high,365243.0,-425.0,265.0,-215.0,-212.0,0.0,0,Cash loans,M,N,N,0,202500.0,599472.0,38439.0,517500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-12908,-3842,-3165.0,-3911,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Self-employed,0.3904311870901076,0.6127269518456179,,0.0722,,0.9767,,,0.0,0.1379,0.1667,,0.014,,0.0625,,0.0,0.0735,,0.9767,,,0.0,0.1379,0.1667,,0.0143,,0.0651,,0.0,0.0729,,0.9767,,,0.0,0.1379,0.1667,,0.0143,,0.0636,,0.0,,block of flats,0.0532,"Stone, brick",No,4.0,1.0,4.0,1.0,-1097.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1690208,192166,Consumer loans,36368.865,341910.0,327352.5,34191.0,341910.0,WEDNESDAY,13,Y,1,0.10299481880528144,,,XAP,Approved,-2195,Cash through the bank,XAP,"Spouse, partner",Refreshed,Audio/Video,POS,XNA,Country-wide,1882,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2164.0,-1894.0,-1894.0,-1841.0,1.0,0,Cash loans,M,Y,Y,0,360000.0,1527579.0,48096.0,1395000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.003540999999999999,-16120,-4375,-2417.0,-4428,2.0,1,1,0,1,0,0,Managers,2.0,1,1,SUNDAY,15,0,0,0,0,0,0,Industry: type 9,,0.6813190860130064,0.8633633824101478,0.1644,0.1058,0.9876,0.83,,0.16,0.1379,0.375,0.4167,0.045,,0.1725,,0.0031,0.1261,0.0843,0.9876,0.8367,,0.1208,0.1034,0.375,0.4167,0.0332,,0.1324,,0.0,0.166,0.1024,0.9876,0.8323,,0.16,0.1379,0.375,0.4167,0.0405,,0.1756,,0.003,not specified,block of flats,0.2078,Panel,No,8.0,1.0,8.0,1.0,-1494.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1011828,118278,Consumer loans,3193.875,21960.0,19764.0,2196.0,21960.0,MONDAY,12,Y,1,0.1089090909090909,,,XAP,Approved,-2051,XNA,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,1110,Consumer electronics,8.0,high,POS household with interest,365243.0,-2007.0,-1797.0,-1797.0,-1793.0,0.0,0,Revolving loans,F,N,N,0,135000.0,157500.0,7875.0,157500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,Municipal apartment,0.009656999999999999,-23463,365243,-5547.0,-3940,,1,0,0,1,0,0,,2.0,2,2,MONDAY,11,0,0,0,0,0,0,XNA,,0.6306022011688209,0.2764406945454034,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,-2364.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1331330,125810,Consumer loans,13271.67,67500.0,71064.0,0.0,67500.0,WEDNESDAY,17,Y,1,0.0,,,XAP,Approved,-115,Cash through the bank,XAP,Unaccompanied,Repeater,Sport and Leisure,POS,XNA,Country-wide,55,Connectivity,6.0,middle,POS mobile with interest,365243.0,-64.0,86.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,90000.0,204858.0,16555.5,171000.0,Family,Working,Secondary / secondary special,Single / not married,House / apartment,0.00733,-9212,-742,-1037.0,-1649,,1,1,0,1,0,0,Sales staff,1.0,2,2,SATURDAY,15,0,0,0,0,1,1,Business Entity Type 3,0.1848837472837884,0.5733912515625029,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-545.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1130206,423388,Consumer loans,17609.985,125955.0,136345.5,0.0,125955.0,SUNDAY,8,Y,1,0.0,,,XAP,Approved,-1443,Cash through the bank,XAP,Unaccompanied,Repeater,Clothing and Accessories,POS,XNA,Regional / Local,305,Clothing,10.0,high,POS industry with interest,365243.0,-1412.0,-1142.0,-1142.0,-1135.0,0.0,0,Cash loans,F,N,Y,0,180000.0,1076247.0,42813.0,990000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018029,-17055,-2569,-4980.0,-613,,1,1,1,1,0,0,,2.0,3,3,MONDAY,6,0,0,0,0,1,1,Other,,0.5675615146277336,0.4866531565147181,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-503.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1287359,407548,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,11,Y,1,,,,XAP,Approved,-329,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Country-wide,21,Connectivity,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,108000.0,675000.0,26284.5,675000.0,"Spouse, partner",State servant,Secondary / secondary special,Married,House / apartment,0.025164,-16648,-2476,-1623.0,-202,21.0,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,13,0,0,0,0,1,1,Business Entity Type 3,,0.2998856654905899,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-33.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2062824,312158,Consumer loans,19768.635,243040.5,211113.0,48609.0,243040.5,SUNDAY,15,Y,1,0.20383186638020648,,,XAP,Approved,-920,XNA,XAP,Children,New,Audio/Video,POS,XNA,Country-wide,1578,Consumer electronics,12.0,low_normal,POS household without interest,365243.0,-889.0,-559.0,-559.0,-556.0,0.0,0,Cash loans,F,N,Y,0,288000.0,999886.5,53401.5,945000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-19863,-4451,-9597.0,-3397,,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Business Entity Type 2,,0.6464637135893425,0.5709165417729987,0.0825,0.0779,0.9776,0.6940000000000001,0.0091,0.0,0.1379,0.1667,0.2083,0.068,0.0672,0.0702,0.0,0.0,0.084,0.0809,0.9777,0.706,0.0092,0.0,0.1379,0.1667,0.2083,0.0696,0.0735,0.0732,0.0,0.0,0.0833,0.0779,0.9776,0.6981,0.0092,0.0,0.1379,0.1667,0.2083,0.0692,0.0684,0.0715,0.0,0.0,reg oper spec account,block of flats,0.0602,Panel,No,1.0,0.0,1.0,0.0,-920.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,4.0,4.0,1.0,1.0,1.0 +2758800,415589,Consumer loans,4472.325,37710.0,37300.5,3771.0,37710.0,THURSDAY,6,Y,1,0.09999541818978654,,,XAP,Approved,-2188,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,40,Connectivity,12.0,high,POS mobile with interest,365243.0,-2157.0,-1827.0,-1827.0,-1821.0,0.0,0,Cash loans,F,N,Y,0,135000.0,1078200.0,31653.0,900000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.006629,-20880,365243,-4548.0,-3448,,1,0,0,1,0,0,,2.0,2,2,MONDAY,6,0,0,0,0,0,0,XNA,,0.7791307633635267,0.7801436381572275,0.0835,0.1072,0.9851,0.7959999999999999,0.0265,0.0,0.1379,0.1667,0.0417,0.08800000000000001,0.0681,0.0956,0.0,0.0,0.0851,0.1112,0.9851,0.804,0.0267,0.0,0.1379,0.1667,0.0417,0.09,0.0744,0.0996,0.0,0.0,0.0843,0.1072,0.9851,0.7987,0.0267,0.0,0.1379,0.1667,0.0417,0.0895,0.0693,0.0973,0.0,0.0,reg oper spec account,block of flats,0.0897,Panel,No,0.0,0.0,0.0,0.0,-2188.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2373751,251709,Consumer loans,13277.115,76455.0,72441.0,7645.5,76455.0,THURSDAY,16,Y,1,0.10397063856523314,,,XAP,Approved,-211,Cash through the bank,XAP,"Spouse, partner",Repeater,Computers,POS,XNA,Country-wide,25,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-181.0,-31.0,-31.0,-26.0,1.0,0,Revolving loans,F,N,Y,0,157500.0,270000.0,13500.0,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.072508,-8203,-831,-8158.0,-799,,1,1,0,1,1,0,Sales staff,1.0,1,1,FRIDAY,18,0,1,1,0,0,0,Business Entity Type 3,0.3051009150747189,0.5266550399942774,0.5814837058057234,0.3485,0.2315,0.9801,0.728,0.1239,0.4,0.3448,0.3333,0.375,,0.2812,0.3321,0.0135,0.0804,0.2994,0.1725,0.9801,0.7387,0.1251,0.3222,0.2759,0.3333,0.375,,0.2608,0.2491,0.0039,0.0029,0.3518,0.2315,0.9801,0.7316,0.1247,0.4,0.3448,0.3333,0.375,,0.28600000000000003,0.338,0.0136,0.08199999999999999,reg oper account,block of flats,0.1928,Panel,No,0.0,0.0,0.0,0.0,-407.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,0.0 +1766105,445360,Consumer loans,36907.56,140301.0,140301.0,0.0,140301.0,SATURDAY,8,Y,1,0.0,,,XAP,Approved,-206,Cash through the bank,XAP,Group of people,Repeater,Construction Materials,POS,XNA,Stone,30,Consumer electronics,4.0,low_normal,POS household with interest,365243.0,-171.0,-81.0,-141.0,-135.0,0.0,0,Revolving loans,M,N,Y,1,166500.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-10481,-2924,-406.0,-3079,,1,1,0,1,0,0,Laborers,3.0,2,2,TUESDAY,9,0,0,0,0,0,0,Business Entity Type 2,0.4153606472412201,0.6925204101440985,0.4083588531230431,0.0371,0.0219,0.9796,,,0.04,0.0345,0.3333,,0.0517,,0.0394,,0.0,0.0378,0.0227,0.9796,,,0.0403,0.0345,0.3333,,0.0529,,0.0411,,0.0,0.0375,0.0219,0.9796,,,0.04,0.0345,0.3333,,0.0526,,0.0401,,0.0,,block of flats,0.031,Panel,No,8.0,0.0,8.0,0.0,-699.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1003635,349923,Consumer loans,5100.165,28255.5,30753.0,2826.0,28255.5,SATURDAY,17,Y,1,0.09165761068200094,,,XAP,Approved,-1414,Cash through the bank,XAP,Other_A,Repeater,Mobile,POS,XNA,Regional / Local,57,Connectivity,8.0,high,POS mobile with interest,365243.0,-1378.0,-1168.0,-1228.0,-1224.0,0.0,0,Cash loans,F,N,Y,0,67500.0,247275.0,17208.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-16048,-2206,-8985.0,-3586,,1,1,1,1,1,1,Private service staff,2.0,2,2,SATURDAY,16,0,0,0,0,0,0,Self-employed,,0.6427566360226438,0.7180328113294772,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2233967,382760,Consumer loans,12244.365,96210.0,119925.0,0.0,96210.0,TUESDAY,11,Y,1,0.0,,,XAP,Approved,-813,Cash through the bank,XAP,Family,New,Furniture,POS,XNA,Stone,90,Furniture,12.0,middle,POS industry with interest,365243.0,-782.0,-452.0,-692.0,-688.0,0.0,0,Cash loans,F,N,Y,0,135000.0,463500.0,19615.5,463500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-10807,-1432,-368.0,-820,,1,1,1,1,1,1,Cooking staff,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Trade: type 3,,0.593250721293592,0.5673792367572691,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,1.0,7.0,1.0,-813.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2728186,189238,Consumer loans,3864.6,20385.0,19255.5,2038.5,20385.0,FRIDAY,12,Y,1,0.10425997079843233,,,XAP,Approved,-2426,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Country-wide,38,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2395.0,-2245.0,-2275.0,-2270.0,1.0,0,Cash loans,F,N,Y,0,180000.0,871065.0,31419.0,661500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-19881,-7718,-7999.0,-3428,,1,1,0,1,0,0,Secretaries,2.0,3,3,TUESDAY,11,0,0,0,0,0,0,Medicine,0.5469302506511993,0.013945550753119028,0.2405414172860865,0.0361,0.0312,0.9881,0.8368,0.0091,0.04,0.0345,0.3333,0.375,0.0265,0.0294,0.0341,0.0,0.0,0.0368,0.0324,0.9881,0.8432,0.0092,0.0403,0.0345,0.3333,0.375,0.0271,0.0321,0.0355,0.0,0.0,0.0364,0.0312,0.9881,0.8390000000000001,0.0092,0.04,0.0345,0.3333,0.375,0.0269,0.0299,0.0347,0.0,0.0,reg oper account,block of flats,0.0329,Panel,No,0.0,0.0,0.0,0.0,-1906.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +1215449,179258,Cash loans,29250.0,900000.0,900000.0,,900000.0,WEDNESDAY,11,Y,1,,,,Repairs,Refused,-587,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,48.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,Y,Y,0,180000.0,1800000.0,49630.5,1800000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.008473999999999999,-9642,-748,-4298.0,-2322,2.0,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Trade: type 2,,0.6574143284813421,0.4507472818545589,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-602.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,4.0,4.0 +2139699,155370,Cash loans,18034.83,270000.0,384048.0,,270000.0,WEDNESDAY,10,Y,1,,,,XNA,Refused,-93,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,1,202500.0,284400.0,22599.0,225000.0,Family,Working,Secondary / secondary special,Married,Municipal apartment,0.009175,-13596,-5743,-7630.0,-4112,,1,1,0,1,0,0,,3.0,2,2,FRIDAY,12,0,0,0,0,0,0,School,,0.7149437839124989,0.32173528219668485,0.0619,0.0583,0.9771,0.6872,0.0063,0.0,0.1034,0.1667,0.2083,0.0958,0.0504,0.0511,0.0,0.0,0.063,0.0605,0.9772,0.6994,0.0064,0.0,0.1034,0.1667,0.2083,0.098,0.0551,0.0532,0.0,0.0,0.0625,0.0583,0.9771,0.6914,0.0064,0.0,0.1034,0.1667,0.2083,0.0974,0.0513,0.052000000000000005,0.0,0.0,reg oper account,block of flats,0.0436,Panel,No,1.0,0.0,1.0,0.0,-1061.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1822566,323356,Cash loans,50132.52,495000.0,514602.0,,495000.0,TUESDAY,10,Y,1,,,,XNA,Approved,-743,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-713.0,-383.0,-623.0,-619.0,1.0,0,Cash loans,F,N,Y,0,405000.0,1303812.0,38250.0,1138500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009175,-19754,-11541,-6823.0,-1754,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.42282962915281547,0.4294236843421945,0.1031,0.1172,0.9906,,,0.0,0.1724,0.1667,,0.1523,,0.1083,,,0.105,0.1216,0.9906,,,0.0,0.1724,0.1667,,0.1558,,0.1129,,,0.1041,0.1172,0.9906,,,0.0,0.1724,0.1667,,0.1549,,0.1103,,,,block of flats,0.0931,Panel,No,2.0,0.0,2.0,0.0,-334.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1190177,329947,Consumer loans,14389.56,136957.5,72895.5,67500.0,136957.5,SATURDAY,14,Y,1,0.5236181812354125,,,XAP,Approved,-1581,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,96,Consumer electronics,6.0,high,POS household with interest,365243.0,-1550.0,-1400.0,-1460.0,-1454.0,0.0,0,Cash loans,F,N,Y,0,202500.0,254700.0,25321.5,225000.0,Family,Pensioner,Higher education,Separated,House / apartment,0.035792000000000004,-24528,365243,-11915.0,-4238,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,11,0,0,0,0,0,0,XNA,,0.6423548360889296,0.4650692149562261,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1901.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1078042,453904,Consumer loans,5274.045,43375.5,43375.5,0.0,43375.5,SUNDAY,10,Y,1,0.0,,,XAP,Approved,-225,XNA,XAP,,Repeater,Computers,POS,XNA,Country-wide,43,Connectivity,12.0,high,POS mobile with interest,365243.0,-173.0,157.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,N,1,90000.0,135000.0,6750.0,135000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.01885,-11845,-2017,-3933.0,-4240,,1,1,0,1,1,0,Laborers,3.0,2,2,MONDAY,10,0,0,0,1,1,1,Other,,0.5801384108499265,0.36227724703843145,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,0.0,-1786.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2783969,288914,Consumer loans,4974.3,32985.0,40365.0,0.0,32985.0,FRIDAY,15,Y,1,0.0,,,XAP,Approved,-1001,Cash through the bank,XAP,Family,New,Construction Materials,POS,XNA,Stone,300,Construction,10.0,middle,POS household with interest,365243.0,-970.0,-700.0,-790.0,-782.0,0.0,0,Cash loans,F,N,Y,0,180000.0,1235587.5,40963.5,1107000.0,"Spouse, partner",Working,Higher education,Married,House / apartment,0.003069,-21154,-6777,-10678.0,-3959,,1,1,0,1,0,0,Core staff,2.0,3,3,FRIDAY,16,0,0,0,0,0,0,School,,0.555042749185699,0.4956658291397297,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1001.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1923146,244035,Consumer loans,4228.02,20520.0,21604.5,0.0,20520.0,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-793,XNA,XAP,Family,New,Consumer Electronics,POS,XNA,Regional / Local,19,Consumer electronics,6.0,high,POS household with interest,365243.0,-745.0,-595.0,-595.0,-589.0,0.0,0,Cash loans,F,Y,N,0,76500.0,98910.0,7033.5,90000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.006207,-13000,-1225,-2811.0,-4695,16.0,1,1,0,1,1,0,,2.0,2,2,SATURDAY,11,0,0,0,0,1,1,Other,,0.23748483143340324,0.1895952597360396,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,0.0,-793.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1044415,285713,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,15,Y,1,,,,XAP,Approved,-448,XNA,XAP,,New,XNA,Cards,walk-in,Regional / Local,417,Consumer electronics,0.0,XNA,Card Street,-338.0,-287.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,N,0,94500.0,521280.0,26613.0,450000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.019101,-19115,-3799,-8918.0,-2652,17.0,1,1,1,1,1,0,,2.0,2,2,THURSDAY,19,0,0,0,0,0,0,Security Ministries,,0.6968753943985203,0.7194907850918436,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-448.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2785161,250589,Consumer loans,7991.28,63432.0,61798.5,6345.0,63432.0,MONDAY,10,Y,1,0.1014077911786424,,,XAP,Approved,-1119,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,39,Connectivity,10.0,high,POS mobile with interest,365243.0,-1080.0,-810.0,-810.0,-805.0,0.0,0,Cash loans,F,Y,Y,1,234000.0,900000.0,26446.5,900000.0,Family,Working,Higher education,Separated,House / apartment,0.007305,-15496,-466,-5742.0,-4388,21.0,1,1,0,1,0,0,Core staff,2.0,3,3,SUNDAY,11,0,0,0,0,0,0,Government,0.7086401625672066,0.1659075662896733,0.30162489168411943,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1119.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1777364,315853,Consumer loans,4349.61,93654.0,93654.0,0.0,93654.0,SUNDAY,11,Y,1,0.0,,,XAP,Approved,-578,XNA,XAP,,Repeater,Consumer Electronics,POS,XNA,Regional / Local,1579,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-547.0,143.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,180000.0,135000.0,14175.0,135000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.032561,-15249,-1371,-9353.0,-3892,,1,1,0,1,1,1,,2.0,1,1,THURSDAY,18,0,0,0,0,0,0,Transport: type 2,0.5683654366499946,0.7067956083195205,0.5154953751603267,0.2515,0.0225,0.9856,0.8028,0.067,0.28,0.2414,0.3333,0.375,0.0335,0.2051,0.282,0.0,0.0,0.2563,0.0233,0.9856,0.8105,0.0676,0.282,0.2414,0.3333,0.375,0.0343,0.2241,0.2938,0.0,0.0,0.254,0.0225,0.9856,0.8054,0.0675,0.28,0.2414,0.3333,0.375,0.0341,0.2086,0.287,0.0,0.0,reg oper account,block of flats,0.2218,Panel,No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2507855,361502,Cash loans,21589.875,337500.0,337500.0,0.0,337500.0,THURSDAY,11,Y,1,0.0,,,XNA,Approved,-1719,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-1689.0,-999.0,-1119.0,-1114.0,1.0,1,Cash loans,F,Y,Y,0,315000.0,1483231.5,51687.0,1354500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-15653,-5500,-7223.0,-4471,3.0,1,1,0,1,0,1,Core staff,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Self-employed,0.5718274003458297,0.4824166672989368,0.2940831009471255,0.1392,0.1364,0.9796,,,0.0,0.3448,0.1667,,0.0,,0.1324,,0.0151,0.1418,0.1415,0.9796,,,0.0,0.3448,0.1667,,0.0,,0.1379,,0.016,0.1405,0.1364,0.9796,,,0.0,0.3448,0.1667,,0.0,,0.1347,,0.0154,,block of flats,0.14400000000000002,Panel,No,6.0,1.0,6.0,1.0,-1719.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1674919,338281,Consumer loans,8972.1,89730.0,80757.0,8973.0,89730.0,FRIDAY,16,Y,1,0.1089090909090909,,,XAP,Approved,-1525,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Regional / Local,94,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1488.0,-1218.0,-1248.0,-1243.0,0.0,0,Cash loans,F,N,Y,0,90000.0,177903.0,12510.0,148500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-21313,365243,-4257.0,-4667,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,XNA,,0.5770726484637697,0.5136937663039473,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1956.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1318223,329246,Cash loans,48080.835,769500.0,822316.5,,769500.0,TUESDAY,15,Y,1,,,,XNA,Refused,-780,Cash through the bank,LIMIT,Family,Repeater,XNA,Cash,x-sell,Country-wide,4232,Consumer electronics,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,N,0,81000.0,284400.0,16456.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.00496,-24242,365243,-3878.0,-4348,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,XNA,,0.640841274223709,0.8214433128935934,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-330.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1621760,367101,Revolving loans,45000.0,0.0,900000.0,,,TUESDAY,13,Y,1,,,,XAP,Approved,-540,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,-155.0,0.0,0,Cash loans,F,N,Y,0,180000.0,770292.0,51813.0,688500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.010006000000000001,-18097,-9705,-7256.0,-1647,,1,1,0,1,0,0,,1.0,2,1,WEDNESDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.7982286226377925,,0.0637,0.098,0.9866,0.8164,0.0099,0.0,0.1655,0.15,0.1042,0.0695,0.0496,0.0646,0.0051,0.008,0.0672,0.0995,0.9841,0.7909,0.0149,0.0,0.2069,0.1667,0.0,0.0826,0.0808,0.0766,0.0078,0.0086,0.0666,0.0959,0.9841,0.7853,0.0149,0.0,0.2069,0.1667,0.1042,0.0822,0.0752,0.0748,0.0078,0.0083,org spec account,block of flats,0.077,Panel,No,0.0,0.0,0.0,0.0,-1601.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2055170,207209,Revolving loans,4500.0,270000.0,270000.0,,270000.0,MONDAY,10,N,0,,,,XAP,Refused,-221,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,144000.0,495351.0,26518.5,459000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-23805,365243,-3768.0,-4396,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,XNA,,0.3454413846774149,0.7688075728291359,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2012981,193936,Cash loans,33249.735,900000.0,1030680.0,,900000.0,WEDNESDAY,11,Y,1,,,,XNA,Refused,-342,Cash through the bank,XNA,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,1,Cash loans,F,N,Y,0,135000.0,1223010.0,48631.5,1125000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.018029,-22047,365243,-8883.0,-4122,,1,0,0,1,0,0,,2.0,3,3,TUESDAY,10,0,0,0,0,0,0,XNA,0.8255145264678593,0.6389718592632686,0.6594055320683344,0.1072,0.0882,0.9856,0.8028,0.0287,0.12,0.1034,0.3333,0.0417,,,0.1176,,0.0239,0.1092,0.0916,0.9856,0.8105,0.0289,0.1208,0.1034,0.3333,0.0417,,,0.1225,,0.0253,0.1083,0.0882,0.9856,0.8054,0.0289,0.12,0.1034,0.3333,0.0417,,,0.1197,,0.0244,,block of flats,0.1134,Panel,No,0.0,0.0,0.0,0.0,-342.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2639535,396282,Revolving loans,,0.0,0.0,,,TUESDAY,6,Y,1,,,,XAP,Refused,-209,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Card Street,,,,,,,0,Cash loans,M,Y,Y,0,265500.0,1046142.0,30717.0,913500.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.010032,-22192,365243,-10436.0,-4388,16.0,1,0,0,1,0,0,,2.0,2,2,MONDAY,7,0,0,0,0,0,0,XNA,,0.2139077841936805,0.3108182544189319,0.0082,0.0,0.9742,0.6464,0.001,0.0,0.0345,0.0417,0.0833,0.0293,0.0067,0.0081,0.0,0.0,0.0084,0.0,0.9742,0.6602,0.001,0.0,0.0345,0.0417,0.0833,0.03,0.0073,0.0085,0.0,0.0,0.0083,0.0,0.9742,0.6511,0.001,0.0,0.0345,0.0417,0.0833,0.0298,0.0068,0.0083,0.0,0.0,not specified,block of flats,0.0069,Wooden,No,0.0,0.0,0.0,0.0,-622.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1283670,441537,Cash loans,16274.79,135000.0,143910.0,0.0,135000.0,WEDNESDAY,9,Y,1,0.0,,,Education,Approved,-2066,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-2036.0,-1706.0,-1706.0,-1698.0,1.0,0,Cash loans,F,N,N,0,175500.0,657702.0,21213.0,549000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.031329,-18031,-107,-8819.0,-1415,,1,1,0,1,0,0,Laborers,1.0,2,2,THURSDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.6732033362616201,,0.1526,0.0416,0.9781,0.7008,0.0154,0.0,0.1034,0.1667,0.2083,0.0934,0.1231,0.0572,0.0058,0.0274,0.1513,0.0289,0.9782,0.7125,0.0152,0.0,0.1034,0.1667,0.2083,0.0956,0.1304,0.0579,0.0039,0.0023,0.1541,0.0416,0.9781,0.7048,0.0154,0.0,0.1034,0.1667,0.2083,0.0951,0.1253,0.0583,0.0058,0.028,reg oper account,block of flats,0.055,"Stone, brick",No,0.0,0.0,0.0,0.0,-2066.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2482271,265168,Cash loans,48887.325,1354500.0,1515415.5,,1354500.0,TUESDAY,14,Y,1,,,,XNA,Approved,-513,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-483.0,1287.0,-363.0,-354.0,1.0,0,Cash loans,M,Y,Y,0,90000.0,50940.0,5535.0,45000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.028663,-15105,-1133,-1122.0,-4200,9.0,1,1,0,1,0,0,Drivers,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.7548966706960105,0.6676760267486729,0.6178261467332483,0.1856,0.1165,0.9896,0.8572,0.0438,0.2,0.1724,0.3333,0.375,0.1945,0.1513,0.1976,0.0,0.0,0.1891,0.1209,0.9896,0.8628,0.0442,0.2014,0.1724,0.3333,0.375,0.199,0.1653,0.2059,0.0,0.0,0.1874,0.1165,0.9896,0.8591,0.0441,0.2,0.1724,0.3333,0.375,0.1979,0.1539,0.2011,0.0,0.0,reg oper account,block of flats,0.1911,Panel,No,0.0,0.0,0.0,0.0,-513.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1527465,417587,Revolving loans,11250.0,225000.0,225000.0,,225000.0,TUESDAY,10,Y,1,,,,XAP,Refused,-118,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Revolving loans,F,N,Y,0,112500.0,360000.0,18000.0,360000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-22049,-409,-10905.0,-4931,,1,1,0,1,1,0,High skill tech staff,2.0,3,3,MONDAY,7,0,0,0,0,0,0,Trade: type 6,0.6610204999195995,0.5053155057880442,0.34741822720026416,0.0371,0.0,0.9851,,,0.0,0.1379,0.1667,,0.0288,,0.0266,,0.0,0.0378,0.0,0.9851,,,0.0,0.1379,0.1667,,0.0295,,0.0277,,0.0,0.0375,0.0,0.9851,,,0.0,0.1379,0.1667,,0.0293,,0.0271,,0.0,,block of flats,0.0221,"Stone, brick",No,0.0,0.0,0.0,0.0,-2043.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1995191,134897,Consumer loans,2207.565,14849.91,14391.0,1349.91,14849.91,WEDNESDAY,18,Y,1,0.09339833015314293,,,XAP,Approved,-1294,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,563,Consumer electronics,8.0,high,POS household with interest,365243.0,-1261.0,-1051.0,-1051.0,-1045.0,0.0,0,Cash loans,M,Y,Y,0,292500.0,450000.0,30204.0,450000.0,Family,Commercial associate,Incomplete higher,Single / not married,House / apartment,0.026392000000000002,-10887,-893,-1665.0,-1631,2.0,1,1,0,1,0,0,Drivers,1.0,2,2,TUESDAY,16,0,0,0,0,1,1,Self-employed,,0.5465431022049997,0.12530787842823918,0.0722,,0.9786,,,0.0,0.1379,0.1667,,0.0822,,0.0621,,,0.0735,,0.9786,,,0.0,0.1379,0.1667,,0.0841,,0.0647,,,0.0729,,0.9786,,,0.0,0.1379,0.1667,,0.0836,,0.0632,,,,block of flats,0.0494,"Stone, brick",No,0.0,0.0,0.0,0.0,-1294.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1867787,407011,Consumer loans,12279.555,111550.5,101326.5,19350.0,111550.5,SATURDAY,12,Y,1,0.17463142443565305,,,XAP,Refused,-1575,Cash through the bank,HC,Unaccompanied,New,Computers,POS,XNA,Stone,20,Consumer electronics,12.0,high,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,162000.0,187704.0,10903.5,148500.0,Family,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.019688999999999998,-22516,365243,-1801.0,-4238,,1,0,0,1,1,0,,2.0,2,2,SATURDAY,14,0,0,0,0,0,0,XNA,0.7521550284560649,0.4614168555391393,0.6430255641096323,0.0742,0.0564,0.9816,0.7484,0.0152,0.08,0.069,0.3333,0.0417,0.0224,0.0605,0.0762,0.0,0.0,0.0756,0.0585,0.9816,0.7583,0.0153,0.0806,0.069,0.3333,0.0417,0.0229,0.0661,0.0794,0.0,0.0,0.0749,0.0564,0.9816,0.7518,0.0153,0.08,0.069,0.3333,0.0417,0.0228,0.0616,0.0776,0.0,0.0,reg oper spec account,block of flats,0.0724,Panel,No,3.0,0.0,3.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1770687,454153,Cash loans,12864.69,135000.0,148365.0,0.0,135000.0,MONDAY,12,Y,1,0.0,,,XNA,Approved,-1901,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-1871.0,-1361.0,-1601.0,-1594.0,1.0,0,Cash loans,F,Y,Y,0,360000.0,1236816.0,34726.5,1080000.0,Unaccompanied,Commercial associate,Academic degree,Single / not married,House / apartment,0.019688999999999998,-17719,-4119,-1002.0,-1269,4.0,1,1,0,1,0,0,Managers,1.0,2,2,FRIDAY,12,0,0,0,0,0,0,Realtor,,0.5559444743568327,0.7252764347002191,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-671.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1105716,429560,Consumer loans,9800.82,74925.0,93523.5,0.0,74925.0,TUESDAY,9,Y,1,0.0,,,XAP,Approved,-1186,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Stone,850,Furniture,12.0,middle,POS industry with interest,365243.0,-1155.0,-825.0,-825.0,-810.0,0.0,0,Cash loans,M,Y,N,0,225000.0,534204.0,32809.5,495000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.006852,-12416,-1803,-2088.0,-599,15.0,1,1,0,1,0,0,Laborers,2.0,3,3,FRIDAY,7,0,0,0,0,0,0,Military,0.15531061213468902,0.1971958922722206,0.28371188263500075,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1517.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1623250,395453,Cash loans,21668.805,247500.0,274288.5,,247500.0,SATURDAY,11,Y,1,,,,XNA,Approved,-936,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,high,Cash Street: high,365243.0,-906.0,-216.0,-816.0,-807.0,1.0,0,Cash loans,F,N,Y,0,184500.0,755190.0,36459.0,675000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.020713,-18429,-645,-7247.0,-1948,,1,1,0,1,0,0,Laborers,2.0,3,2,THURSDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.7902133720218197,0.4113623026806575,0.2851799046358216,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,2.0,3.0,2.0,-936.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2045225,315535,Cash loans,11093.265,135000.0,148365.0,,135000.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-320,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Contact center,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-290.0,220.0,365243.0,365243.0,1.0,0,Revolving loans,F,N,Y,0,135000.0,292500.0,14625.0,292500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.008019,-14691,-7250,-7238.0,-4501,,1,1,0,1,1,0,Medicine staff,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,Medicine,0.8775658022283349,0.5935725624573962,0.5478104658520093,0.0619,0.0682,0.9811,,,0.0,0.1379,0.1667,,0.0334,,0.0603,,0.0,0.063,0.0708,0.9811,,,0.0,0.1379,0.1667,,0.0342,,0.0628,,0.0,0.0625,0.0682,0.9811,,,0.0,0.1379,0.1667,,0.034,,0.0614,,0.0,,block of flats,0.0474,"Stone, brick",No,0.0,0.0,0.0,0.0,-1940.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2719409,290509,Consumer loans,4306.77,44370.0,39010.5,8874.0,44370.0,WEDNESDAY,15,Y,1,0.20183133847639065,,,XAP,Approved,-1323,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,high,POS mobile with interest,365243.0,-1256.0,-926.0,-986.0,-983.0,0.0,1,Cash loans,M,Y,N,0,153000.0,169614.0,9328.5,121500.0,Unaccompanied,Working,Higher education,Widow,With parents,0.011656999999999999,-18693,-833,-2203.0,-2203,25.0,1,1,0,1,0,1,Laborers,1.0,1,1,WEDNESDAY,14,1,1,0,1,1,0,Industry: type 9,0.5646925401216205,0.3977306288398629,0.1940678276718812,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,4.0 +1745060,439778,Cash loans,49375.035,810000.0,879498.0,,810000.0,SATURDAY,10,Y,1,,,,XNA,Approved,-485,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,365243.0,-455.0,415.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,189000.0,804096.0,26068.5,576000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.004849,-20366,365243,-9141.0,-2547,,1,0,0,1,0,0,,2.0,2,2,MONDAY,10,0,0,0,0,0,0,XNA,,0.2219612944300028,0.0005272652387098817,0.1082,0.1181,0.9767,0.6804,0.0502,0.0,0.2414,0.1667,0.2083,0.038,0.0883,0.0676,0.0,0.0,0.1103,0.1226,0.9767,0.6929,0.0506,0.0,0.2414,0.1667,0.2083,0.0389,0.0964,0.0704,0.0,0.0,0.1093,0.1181,0.9767,0.6847,0.0505,0.0,0.2414,0.1667,0.2083,0.0386,0.0898,0.0688,0.0,0.0,reg oper account,block of flats,0.0809,Panel,No,0.0,0.0,0.0,0.0,-1761.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2722139,447598,Cash loans,28742.67,450000.0,491580.0,,450000.0,TUESDAY,12,Y,1,,,,XNA,Approved,-420,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Contact center,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-390.0,300.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,157500.0,1107981.0,32395.5,967500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008625,-16267,-9568,-5481.0,-4161,,1,1,0,1,0,0,Accountants,2.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,Business Entity Type 2,,0.7478001338141891,0.5867400085415683,0.0722,,0.9921,,,,0.0345,0.1667,,,,0.0583,,,0.0735,,0.9921,,,,0.0345,0.1667,,,,0.0607,,,0.0729,,0.9921,,,,0.0345,0.1667,,,,0.0593,,,,block of flats,0.0466,"Stone, brick",No,0.0,0.0,0.0,0.0,-2544.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,7.0 +1087876,403113,Cash loans,7320.24,67500.0,71955.0,,67500.0,FRIDAY,14,Y,1,,,,XNA,Approved,-1355,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1325.0,-995.0,-1085.0,-1080.0,1.0,1,Cash loans,F,N,Y,0,83250.0,203760.0,12595.5,180000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.009175,-24035,365243,-10987.0,-4381,,1,0,0,1,1,0,,1.0,2,2,TUESDAY,12,0,0,0,0,0,0,XNA,,0.6451581998707777,0.8038850611746273,0.1237,0.1471,0.9791,0.7144,,0.0,,0.1667,0.0417,0.094,,0.0675,,0.0,0.1261,0.1526,0.9791,0.7256,,0.0,,0.1667,0.0417,0.0962,,0.0703,,0.0,0.1249,0.1471,0.9791,0.7182,,0.0,,0.1667,0.0417,0.0957,,0.0687,,0.0,reg oper account,block of flats,0.0947,Panel,No,0.0,0.0,0.0,0.0,-1355.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,13.0 +2005831,380293,Cash loans,47212.2,454500.0,472500.0,,454500.0,FRIDAY,11,Y,1,,,,XNA,Refused,-473,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,225000.0,1350000.0,37255.5,1350000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.006296,-23382,365243,-8602.0,-4680,,1,0,0,1,1,0,,1.0,3,3,TUESDAY,14,0,0,0,0,0,0,XNA,,0.6229291658732355,0.3490552510751822,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-844.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1915186,111163,Consumer loans,6898.05,28242.0,33547.5,0.0,28242.0,SATURDAY,9,Y,1,0.0,,,XAP,Approved,-585,Cash through the bank,XAP,Unaccompanied,New,Jewelry,POS,XNA,Stone,50,Industry,6.0,high,POS other with interest,365243.0,-554.0,-404.0,-494.0,-486.0,0.0,0,Revolving loans,F,N,Y,1,72000.0,225000.0,11250.0,225000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.020246,-10083,-462,-400.0,-2334,,1,1,0,1,1,0,Accountants,3.0,3,3,WEDNESDAY,14,0,0,0,0,0,0,Business Entity Type 1,0.2126311120376204,0.7328114892579979,0.5424451438613613,0.0928,0.086,0.9762,0.6736,0.0119,0.0,0.2069,0.1667,0.2083,0.1433,0.0756,0.0876,0.0,0.0,0.0945,0.0892,0.9762,0.6864,0.0121,0.0,0.2069,0.1667,0.2083,0.1466,0.0826,0.0912,0.0,0.0,0.0937,0.086,0.9762,0.6779999999999999,0.012,0.0,0.2069,0.1667,0.2083,0.1458,0.077,0.0891,0.0,0.0,reg oper account,block of flats,0.0689,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2834160,427955,Consumer loans,15470.325,138735.0,124861.5,13873.5,138735.0,TUESDAY,12,Y,1,0.1089090909090909,,,XAP,Approved,-1539,Cash through the bank,XAP,Unaccompanied,Repeater,Construction Materials,POS,XNA,Stone,14,Construction,10.0,middle,POS industry with interest,365243.0,-1504.0,-1234.0,-1234.0,-1226.0,0.0,0,Cash loans,F,Y,Y,0,225000.0,1436850.0,42142.5,1125000.0,Unaccompanied,Commercial associate,Higher education,Widow,House / apartment,0.035792000000000004,-13707,-1410,-3685.0,-5094,18.0,1,1,0,1,0,0,Managers,1.0,2,2,MONDAY,15,0,0,0,0,1,1,School,0.4480270593889923,0.6477121609807905,0.5424451438613613,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1510.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1176085,334528,Cash loans,17351.91,90000.0,92970.0,,90000.0,MONDAY,10,Y,1,,,,XNA,Approved,-444,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,19,Connectivity,6.0,middle,Cash X-Sell: middle,365243.0,-414.0,-264.0,-264.0,-256.0,1.0,0,Cash loans,M,Y,Y,1,135000.0,135000.0,14305.5,135000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.025164,-14903,-5787,-4153.0,-1235,24.0,1,1,1,1,1,0,,2.0,2,2,THURSDAY,8,0,0,0,0,1,1,Military,,0.6095309097863553,,0.066,0.0512,0.9757,,,0.0,0.1379,0.125,,0.0142,,0.0572,,0.0,0.0672,0.0532,0.9757,,,0.0,0.1379,0.125,,0.0145,,0.0596,,0.0,0.0666,0.0512,0.9757,,,0.0,0.1379,0.125,,0.0145,,0.0583,,0.0,,block of flats,0.045,Panel,No,9.0,0.0,9.0,0.0,-856.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1358647,293444,Consumer loans,10969.38,125761.5,150183.0,0.0,125761.5,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-733,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Country-wide,402,Consumer electronics,18.0,middle,POS household with interest,365243.0,-702.0,-192.0,-252.0,-249.0,0.0,0,Cash loans,M,N,N,0,90000.0,315000.0,20259.0,315000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.00733,-10551,-779,-5804.0,-3159,,1,1,1,1,0,0,Security staff,2.0,2,2,WEDNESDAY,8,0,1,1,0,1,1,Business Entity Type 3,0.29085372922600394,0.5062884818651519,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-733.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1575334,149363,Cash loans,13285.26,135000.0,169870.5,,135000.0,MONDAY,18,Y,1,,,,XNA,Approved,-1219,Cash through the bank,XAP,Children,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-1189.0,-679.0,-859.0,-855.0,1.0,0,Cash loans,F,N,N,0,225000.0,675000.0,21906.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Municipal apartment,0.026392000000000002,-20036,-1667,-396.0,-3595,,1,1,0,1,0,0,High skill tech staff,1.0,2,2,TUESDAY,10,0,0,0,0,1,1,Security,,0.6787211043942456,0.2778856891082046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2486.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,7.0,0.0,1.0 +1769135,136227,Cash loans,18356.13,175500.0,187083.0,,175500.0,TUESDAY,16,Y,1,,,,XNA,Approved,-294,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-264.0,66.0,-54.0,-51.0,1.0,0,Cash loans,F,N,Y,1,90000.0,269550.0,16416.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-15718,-598,-956.0,-4361,,1,1,0,1,0,0,Sales staff,3.0,2,2,TUESDAY,15,0,0,0,0,0,0,Self-employed,,0.6701701134887412,0.656158373001177,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-294.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1396414,352024,Cash loans,20175.93,256500.0,277830.0,,256500.0,TUESDAY,10,Y,1,,,,XNA,Approved,-1698,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-1667.0,-1157.0,-1337.0,-1329.0,0.0,0,Cash loans,M,N,Y,0,270000.0,328405.5,21118.5,283500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-19276,-4466,-9922.0,-2815,,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,17,0,0,0,0,0,0,Other,,0.7615344500045658,,0.1113,0.0813,0.9861,,,0.12,0.1034,0.3333,,0.0476,,0.1161,,,0.1134,0.0844,0.9861,,,0.1208,0.1034,0.3333,,0.0487,,0.121,,,0.1124,0.0813,0.9861,,,0.12,0.1034,0.3333,,0.0485,,0.1182,,,,block of flats,0.1027,Panel,No,2.0,0.0,2.0,0.0,-1698.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2490916,228421,Consumer loans,5022.765,57375.0,66465.0,0.0,57375.0,TUESDAY,14,Y,1,0.0,,,XAP,Approved,-500,Cash through the bank,XAP,,Repeater,Jewelry,POS,XNA,Stone,37,Industry,18.0,middle,POS other with interest,365243.0,-462.0,48.0,-12.0,-5.0,0.0,0,Cash loans,F,N,Y,0,90000.0,128092.5,9576.0,103500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.00823,-18723,-3720,-11491.0,-2276,,1,1,0,1,0,1,Medicine staff,2.0,2,2,FRIDAY,10,0,0,0,0,1,1,Medicine,,0.17179009616266167,0.6246146584503397,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1183.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2380779,444289,Cash loans,,0.0,0.0,,,THURSDAY,12,Y,1,,,,XNA,Refused,-252,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,N,Y,0,72000.0,238500.0,14539.5,238500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-18252,-115,-2515.0,-1741,,1,1,1,1,0,0,,2.0,2,2,THURSDAY,16,0,0,0,0,0,0,Business Entity Type 2,,0.6812146217034711,0.3280631605201915,1.0,,0.9811,,,1.0,0.931,0.3333,,1.0,,1.0,,,1.0,,0.9811,,,1.0,0.931,0.3333,,1.0,,1.0,,,1.0,,0.9811,,,1.0,0.931,0.3333,,1.0,,1.0,,,,block of flats,1.0,Panel,No,0.0,0.0,0.0,0.0,-880.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +2496928,316523,Consumer loans,2463.93,26977.5,24277.5,2700.0,26977.5,FRIDAY,12,Y,1,0.10899992417924023,,,XAP,Approved,-719,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,33,Connectivity,12.0,middle,POS mobile with interest,365243.0,-688.0,-358.0,-598.0,-584.0,0.0,0,Cash loans,M,Y,N,0,225000.0,755190.0,36459.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-12306,-4212,-2912.0,-2925,11.0,1,1,1,1,0,0,Core staff,2.0,2,2,SUNDAY,10,0,0,0,1,1,0,Police,,0.43621371864324493,0.2910973802776635,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-719.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1994861,150034,Consumer loans,14090.76,78750.0,78750.0,0.0,78750.0,FRIDAY,18,Y,1,0.0,,,XAP,Approved,-169,Cash through the bank,XAP,Unaccompanied,New,Clothing and Accessories,POS,XNA,Stone,40,Clothing,6.0,low_normal,POS industry with interest,365243.0,-129.0,21.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,166500.0,306000.0,8199.0,306000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.026392000000000002,-21466,-3992,-3670.0,-3670,,1,1,0,1,0,0,Core staff,2.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,Government,0.7320530061264509,0.7046020065610962,0.5495965024956946,0.1691,0.1164,0.9866,0.8164,0.0336,0.2,0.1724,0.3333,0.375,0.0804,0.1378,0.1679,0.0,0.1898,0.1723,0.1208,0.9866,0.8236,0.0339,0.2014,0.1724,0.3333,0.375,0.0822,0.1506,0.175,0.0,0.2009,0.1707,0.1164,0.9866,0.8189,0.0338,0.2,0.1724,0.3333,0.375,0.0818,0.1402,0.1709,0.0,0.1938,reg oper account,block of flats,0.1733,"Stone, brick",No,0.0,0.0,0.0,0.0,-169.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2275263,145431,Cash loans,9905.31,72000.0,87588.0,0.0,72000.0,WEDNESDAY,13,Y,1,0.0,,,XNA,Approved,-1637,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-1607.0,-1277.0,-1277.0,-1269.0,1.0,0,Cash loans,F,N,N,0,225000.0,640080.0,24259.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-17197,-231,-1476.0,-693,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Restaurant,,0.5889113681360177,0.6109913280868294,0.3701,0.0,0.998,0.966,0.1298,0.32,0.1379,0.625,0.6667,0.1063,0.2656,0.3327,0.166,0.18600000000000005,0.3771,0.0,0.998,0.9673,0.131,0.3222,0.1379,0.625,0.6667,0.1087,0.2902,0.3466,0.1673,0.1969,0.3737,0.0,0.998,0.9665,0.1306,0.32,0.1379,0.625,0.6667,0.1081,0.2702,0.3387,0.1669,0.1899,reg oper account,block of flats,0.3731,Block,No,0.0,0.0,0.0,0.0,-1030.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +1745219,330855,Revolving loans,9000.0,0.0,180000.0,,,MONDAY,17,Y,1,,,,XAP,Approved,-2369,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,0,XNA,0.0,XNA,Card X-Sell,-2364.0,-2313.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,247500.0,1570797.0,41566.5,1404000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.00702,-21677,365243,-5641.0,-4135,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,XNA,0.8890758739985014,0.5277778831989672,0.746300213050371,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-2369.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1354451,114400,Consumer loans,8996.04,79204.5,79204.5,0.0,79204.5,SATURDAY,15,Y,1,0.0,,,XAP,Approved,-369,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-335.0,-65.0,-65.0,-60.0,0.0,0,Cash loans,F,N,Y,0,157500.0,72000.0,8271.0,72000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.025164,-10612,-1992,-5393.0,-3275,,1,1,1,1,1,0,Laborers,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Services,0.3679195310074378,0.7423885638286952,0.5316861425197883,0.2433,0.119,0.9841,,,0.24,0.2069,0.3333,,0.0387,,0.241,,0.0303,0.2185,0.1032,0.9841,,,0.2014,0.1724,0.3333,,0.0388,,0.2505,,0.0047,0.2457,0.119,0.9841,,,0.24,0.2069,0.3333,,0.0394,,0.2453,,0.0309,,block of flats,0.2668,Block,No,1.0,0.0,1.0,0.0,-1053.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,0.0 +2090397,147177,Cash loans,23100.795,229500.0,241920.0,,229500.0,TUESDAY,9,Y,1,,,,XNA,Approved,-617,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-587.0,-257.0,-467.0,-465.0,1.0,0,Cash loans,F,N,Y,0,179100.0,1129500.0,43150.5,1129500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-19857,-9072,-4704.0,-3415,,1,1,1,1,1,0,Secretaries,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Medicine,0.8156239890365953,0.7264879414401374,0.5531646987710016,0.1237,,0.993,,,0.12,0.1034,0.375,,,,0.0764,,0.1863,0.1261,,0.993,,,0.1208,0.1034,0.375,,,,0.0796,,0.1972,0.1249,,0.993,,,0.12,0.1034,0.375,,,,0.0778,,0.1902,,block of flats,0.1006,"Stone, brick",No,3.0,1.0,3.0,1.0,-617.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,7.0,0.0,4.0 +2565965,149821,Revolving loans,11250.0,225000.0,225000.0,,225000.0,THURSDAY,17,Y,1,,,,XAP,Refused,-690,XNA,HC,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,Y,N,2,135000.0,127350.0,13639.5,112500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010556,-10186,-1464,-2888.0,-2867,20.0,1,1,0,1,0,1,,4.0,3,3,MONDAY,13,0,0,0,0,1,1,Security Ministries,0.6814528979134856,0.4943657526720924,0.2608559142068693,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,0.0,-2360.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2657958,272453,Revolving loans,2250.0,0.0,45000.0,,,WEDNESDAY,9,Y,1,,,,XAP,Approved,-2285,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,0,XNA,0.0,XNA,Card X-Sell,-2283.0,-2238.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,126000.0,808650.0,26217.0,675000.0,Children,Working,Secondary / secondary special,Separated,Municipal apartment,0.025164,-14880,-4337,-6213.0,-4216,,1,1,0,1,0,0,Laborers,1.0,2,2,SATURDAY,10,0,0,0,0,0,0,Military,0.5624923234575454,0.2622583692422573,0.4382813743111921,0.0082,0.0,0.9707,,,0.0,0.069,0.0417,,0.0161,,0.0054,,0.0089,0.0084,0.0,0.9707,,,0.0,0.069,0.0417,,0.0165,,0.0056,,0.0094,0.0083,0.0,0.9707,,,0.0,0.069,0.0417,,0.0164,,0.0055,,0.0091,,block of flats,0.0062,Block,No,1.0,0.0,1.0,0.0,-2285.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1754422,240643,Cash loans,43551.0,1350000.0,1350000.0,,1350000.0,WEDNESDAY,11,Y,1,,,,XNA,Refused,-333,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,0,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,N,0,315000.0,1260000.0,36841.5,1260000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-16648,-1203,-2979.0,-195,4.0,1,1,1,1,0,0,,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,Self-employed,,0.6076087425021077,0.33285056416487313,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1784.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2242264,437202,Consumer loans,8856.045,80509.5,80509.5,0.0,80509.5,SUNDAY,11,Y,1,0.0,,,XAP,Approved,-581,Cash through the bank,XAP,,Repeater,Construction Materials,POS,XNA,Stone,148,Construction,10.0,low_normal,POS industry with interest,365243.0,-550.0,-280.0,-490.0,-483.0,0.0,0,Cash loans,F,N,Y,1,202500.0,571446.0,18562.5,477000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.04622,-16917,-4229,-5799.0,-455,,1,1,0,1,1,0,,3.0,1,1,SUNDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.616849216004652,0.7062051096536562,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,0.0,7.0,0.0,-1896.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1397296,258331,Consumer loans,8155.485,65337.525,71804.025,0.0,65337.525,SATURDAY,16,Y,1,0.0,,,XAP,Refused,-112,Cash through the bank,SCO,,Repeater,Mobile,POS,XNA,Country-wide,25,Connectivity,10.0,low_normal,POS mobile without interest,,,,,,,1,Cash loans,F,N,N,0,126000.0,544491.0,21226.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-18141,-11049,-1684.0,-1682,,1,1,1,1,1,0,Core staff,2.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,Other,,0.5756363489859897,0.07801576652252579,0.0825,0.0797,0.9752,,,0.0,0.1379,0.1667,,0.0,,0.0705,,0.0,0.084,0.0827,0.9752,,,0.0,0.1379,0.1667,,0.0,,0.0735,,0.0,0.0833,0.0797,0.9752,,,0.0,0.1379,0.1667,,0.0,,0.0718,,0.0,,block of flats,0.0874,Mixed,No,1.0,1.0,1.0,1.0,-112.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1985940,144076,Cash loans,14871.24,229500.0,254340.0,,229500.0,SATURDAY,8,Y,1,,,,XNA,Approved,-1176,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-1146.0,-456.0,-1026.0,-1021.0,1.0,0,Cash loans,F,Y,Y,0,90000.0,495000.0,25402.5,495000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018209,-22262,365243,-13074.0,-4772,16.0,1,0,0,1,0,0,,2.0,3,3,SATURDAY,8,0,0,0,0,0,0,XNA,,0.4709235078291274,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1176.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2164208,378929,Consumer loans,11708.55,59571.0,62716.5,0.0,59571.0,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-546,Cash through the bank,XAP,,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,200,Connectivity,6.0,middle,POS mobile with interest,365243.0,-515.0,-365.0,-365.0,-363.0,0.0,0,Cash loans,F,N,Y,1,148500.0,808650.0,23773.5,675000.0,Family,State servant,Secondary / secondary special,Married,Municipal apartment,0.00963,-13258,-1143,-7395.0,-4140,,1,1,0,1,0,0,Medicine staff,3.0,2,2,SATURDAY,12,0,0,0,0,0,0,Medicine,,0.05793311532493884,0.3893387918468769,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-25.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2344661,266575,Cash loans,12742.56,54000.0,62842.5,,54000.0,FRIDAY,12,Y,1,,,,Repairs,Approved,-1338,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,365243.0,-1308.0,-1158.0,-1158.0,-1146.0,1.0,1,Cash loans,F,Y,Y,0,90000.0,808650.0,29839.5,675000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.01885,-12754,-3227,-198.0,-1705,14.0,1,1,0,1,0,0,,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.2166767566210077,0.6248174982717155,0.3656165070113335,0.0371,,0.9747,,,,0.1034,0.0833,,0.0605,,0.0301,,,0.0378,,0.9747,,,,0.1034,0.0833,,0.0619,,0.0313,,,0.0375,,0.9747,,,,0.1034,0.0833,,0.0616,,0.0306,,,,block of flats,0.0237,"Stone, brick",No,0.0,0.0,0.0,0.0,-1338.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1370703,153580,Revolving loans,16875.0,337500.0,337500.0,,337500.0,MONDAY,11,Y,1,,,,XAP,Refused,-378,XNA,SCOFR,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,N,Y,0,247500.0,545040.0,43191.0,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.04622,-15463,-1932,-5739.0,-4881,,1,1,0,1,0,0,Managers,2.0,1,1,MONDAY,13,0,1,1,0,0,0,Business Entity Type 3,,0.7296872345559827,0.2851799046358216,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-398.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2254518,175954,Cash loans,24699.915,184500.0,223771.5,,184500.0,WEDNESDAY,6,Y,1,,,,XNA,Approved,-913,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-883.0,-553.0,-553.0,-545.0,1.0,1,Cash loans,M,N,Y,1,315000.0,152820.0,8901.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-16407,-907,-7646.0,-4049,,1,1,1,1,1,0,Laborers,3.0,3,3,SATURDAY,6,0,1,1,0,1,1,Transport: type 4,,0.5313788394273955,0.5656079814115492,0.0082,0.0002,0.9732,0.6328,0.0011,0.0,0.0345,0.0417,0.0833,0.0079,0.0067,0.008,0.0,0.0,0.0084,0.0002,0.9732,0.6472,0.0011,0.0,0.0345,0.0417,0.0833,0.008,0.0073,0.0084,0.0,0.0,0.0083,0.0002,0.9732,0.6377,0.0011,0.0,0.0345,0.0417,0.0833,0.008,0.0068,0.0082,0.0,0.0,reg oper account,block of flats,0.0069,Wooden,No,0.0,0.0,0.0,0.0,-1380.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1050775,218182,Cash loans,47303.325,900000.0,991476.0,,900000.0,TUESDAY,12,Y,1,,,,XNA,Approved,-667,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,42.0,middle,Cash X-Sell: middle,365243.0,-637.0,593.0,365243.0,365243.0,1.0,0,Revolving loans,F,N,Y,0,112500.0,337500.0,16875.0,337500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007305,-17546,-2642,-9106.0,-1038,,1,1,1,1,1,0,,2.0,3,3,THURSDAY,8,0,0,0,0,0,0,Self-employed,0.5497433967929054,0.5775208927046787,0.5954562029091491,0.0629,,0.9811,,,0.0,0.1379,0.1667,,,,0.0386,,0.1311,0.0641,,0.9811,,,0.0,0.1379,0.1667,,,,0.0402,,0.1388,0.0635,,0.9811,,,0.0,0.1379,0.1667,,,,0.0393,,0.1338,,block of flats,0.0588,"Stone, brick",No,0.0,0.0,0.0,0.0,-1013.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2236055,306476,Consumer loans,4031.1,45954.0,45954.0,0.0,45954.0,MONDAY,17,Y,1,0.0,,,XAP,Refused,-189,Cash through the bank,SCO,Unaccompanied,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,2000,Consumer electronics,12.0,low_action,POS household without interest,,,,,,,0,Cash loans,M,N,Y,1,135000.0,900000.0,46602.0,900000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.011703,-10485,-1103,-3001.0,-3153,,1,1,0,1,0,1,Sales staff,3.0,2,2,MONDAY,17,0,0,0,0,0,0,Trade: type 2,0.4752856032757144,0.6543147560766495,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-943.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1907971,262767,Consumer loans,6472.62,91143.0,105579.0,0.0,91143.0,WEDNESDAY,15,Y,1,0.0,,,XAP,Approved,-773,Cash through the bank,XAP,"Spouse, partner",Repeater,Computers,POS,XNA,Country-wide,3000,Consumer electronics,18.0,low_action,POS household without interest,365243.0,-742.0,-232.0,-232.0,-230.0,0.0,0,Cash loans,F,N,N,0,90000.0,1125000.0,32895.0,1125000.0,Family,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.020713,-13950,-3678,-3742.0,-5937,,1,1,1,1,0,0,Sales staff,2.0,3,3,TUESDAY,9,0,0,0,0,1,1,Business Entity Type 3,0.5488855516857089,0.6512566534244989,0.5902333386185574,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1845.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1043550,370005,Revolving loans,2250.0,0.0,45000.0,,,THURSDAY,16,Y,1,,,,XAP,Approved,-544,XNA,XAP,,New,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-534.0,-474.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,315000.0,1540588.5,40770.0,1377000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.005144,-10354,-152,-10147.0,-3038,8.0,1,1,0,1,0,0,Managers,1.0,2,2,TUESDAY,14,0,0,0,0,0,0,Self-employed,,0.7418151965457784,,,,,,,,,,,,,0.0718,,,,,,,,,,,,,,0.0748,,,,,,,,,,,,,,0.0731,,,,,0.0768,,No,2.0,0.0,2.0,0.0,-573.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2462387,440586,Cash loans,16137.45,157500.0,157500.0,,157500.0,TUESDAY,12,Y,1,,,,XNA,Approved,-1214,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1184.0,-854.0,-1064.0,-1055.0,0.0,0,Cash loans,F,N,Y,0,315000.0,2085120.0,72607.5,1800000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-21781,365243,-2495.0,-4456,,1,0,0,1,0,0,,2.0,2,1,FRIDAY,16,0,0,0,0,0,0,XNA,0.8463135124355678,0.669367231344753,0.5190973382084597,0.1144,0.1403,0.9816,0.7484,0.0303,0.0,0.2759,0.1667,0.2083,0.1089,0.0916,0.127,0.0077,0.0172,0.1166,0.1456,0.9816,0.7583,0.0305,0.0,0.2759,0.1667,0.2083,0.1114,0.1001,0.1323,0.0078,0.0182,0.1155,0.1403,0.9816,0.7518,0.0304,0.0,0.2759,0.1667,0.2083,0.1108,0.0932,0.1293,0.0078,0.0175,,block of flats,0.1179,Panel,No,2.0,0.0,2.0,0.0,-1750.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1230181,313130,Consumer loans,9739.215,104344.47,104341.5,2.97,104344.47,TUESDAY,11,Y,1,3.099924701328205e-05,,,XAP,Approved,-375,Cash through the bank,XAP,,Refreshed,Audio/Video,POS,XNA,Regional / Local,1000,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-344.0,-14.0,-284.0,-279.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,1046142.0,33876.0,913500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.035792000000000004,-15958,-252,0.0,-1964,2.0,1,1,0,1,0,0,Managers,2.0,2,2,SATURDAY,16,0,0,0,1,1,0,Restaurant,0.2646182659808077,0.5872268327297381,0.5814837058057234,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1296.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2387654,252234,Cash loans,16396.2,247500.0,325192.5,,247500.0,MONDAY,17,Y,1,,,,XNA,Approved,-970,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,365243.0,-940.0,-70.0,-340.0,-334.0,1.0,0,Cash loans,F,N,Y,1,121500.0,1256400.0,36864.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.032561,-14529,-1004,-7577.0,-4491,,1,1,0,1,1,0,Laborers,2.0,1,1,FRIDAY,17,0,0,0,0,0,0,Business Entity Type 2,0.7681836417621399,0.7210581878074354,0.3825018041447388,0.0619,0.0612,0.9737,0.6396,0.0085,0.0,0.1379,0.1667,0.2083,0.0,0.0504,0.053,0.0,0.0,0.063,0.0635,0.9737,0.6537,0.0086,0.0,0.1379,0.1667,0.2083,0.0,0.0551,0.0552,0.0,0.0,0.0625,0.0612,0.9737,0.6444,0.0085,0.0,0.1379,0.1667,0.2083,0.0,0.0513,0.0539,0.0,0.0,reg oper spec account,block of flats,0.042,Panel,No,2.0,0.0,2.0,0.0,-1873.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2487638,102065,Cash loans,23976.0,450000.0,450000.0,,450000.0,SATURDAY,10,Y,1,,,,XNA,Approved,-342,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Regional / Local,104,Consumer electronics,24.0,low_normal,Cash X-Sell: low,365243.0,-312.0,378.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,121500.0,720000.0,36760.5,720000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.030755,-19003,-1445,-5012.0,-2559,,1,1,1,1,0,0,Security staff,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,Self-employed,,0.3827047998612199,0.5334816299804352,0.0124,0.0169,0.9717,0.6124,0.0054,0.0,0.0345,0.0417,0.0833,0.0104,0.0101,0.0102,0.0,0.0,0.0126,0.0175,0.9717,0.6276,0.0055,0.0,0.0345,0.0417,0.0833,0.0106,0.011,0.0106,0.0,0.0,0.0125,0.0169,0.9717,0.6176,0.0055,0.0,0.0345,0.0417,0.0833,0.0106,0.0103,0.0103,0.0,0.0,reg oper account,block of flats,0.011,"Stone, brick",No,0.0,0.0,0.0,0.0,-987.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1793919,189985,Cash loans,29723.625,679500.0,749461.5,,679500.0,SUNDAY,11,Y,1,,,,XNA,Approved,-219,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-189.0,861.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,90000.0,576072.0,20821.5,405000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-14579,-185,-8626.0,-4717,,1,1,0,1,1,0,Laborers,2.0,3,3,WEDNESDAY,12,0,0,0,0,0,0,Security,,0.2834665038917721,0.6212263380626669,0.0062,0.0,0.9627,0.49,0.0,0.0,0.2069,0.0,0.0417,0.0078,0.005,0.0044,0.0,0.0,0.0063,0.0,0.9628,0.51,0.0,0.0,0.2069,0.0,0.0417,0.0079,0.0055,0.0046,0.0,0.0,0.0062,0.0,0.9627,0.4968,0.0,0.0,0.2069,0.0,0.0417,0.0079,0.0051,0.0045,0.0,0.0,not specified,terraced house,0.0035,Mixed,Yes,0.0,0.0,0.0,0.0,-868.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,4.0 +2166069,157740,Consumer loans,17615.88,169636.5,184639.5,0.0,169636.5,MONDAY,16,Y,1,0.0,,,XAP,Approved,-1755,Cash through the bank,XAP,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Country-wide,507,Consumer electronics,12.0,low_normal,POS household without interest,365243.0,-1724.0,-1394.0,-1394.0,-1385.0,0.0,0,Revolving loans,M,Y,Y,1,315000.0,540000.0,27000.0,540000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.005002,-16093,-6688,-6430.0,-4595,1.0,1,1,0,1,0,0,Core staff,3.0,3,3,SATURDAY,11,0,0,0,0,0,0,Military,,0.4850106817363013,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-518.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +2561623,296326,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SUNDAY,11,Y,1,,,,XAP,Approved,-308,XNA,XAP,Family,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,720000.0,36760.5,720000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.035792000000000004,-13503,-442,-953.0,-4580,1.0,1,1,1,1,1,0,Laborers,2.0,2,2,SUNDAY,12,0,0,0,0,0,0,Construction,,0.6440059521131956,0.6940926425266661,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-308.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1562270,182775,Consumer loans,4433.805,34119.0,33237.0,3415.5,34119.0,THURSDAY,13,Y,1,0.10148802946593,,,XAP,Approved,-2584,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,60,Connectivity,10.0,low_normal,POS mobile with interest,365243.0,-2553.0,-2283.0,-2283.0,-2280.0,1.0,0,Cash loans,F,N,N,0,67500.0,163008.0,16006.5,144000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.008625,-24373,365243,-14661.0,-4691,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,10,0,0,0,0,0,0,XNA,,0.5840110501558899,,0.1216,0.102,0.9801,0.728,0.1919,0.0,0.2759,0.1667,0.0417,0.052000000000000005,0.0983,0.1133,0.0039,0.0728,0.1239,0.1059,0.9801,0.7387,0.1936,0.0,0.2759,0.1667,0.0417,0.0532,0.1074,0.118,0.0039,0.077,0.1228,0.102,0.9801,0.7316,0.1931,0.0,0.2759,0.1667,0.0417,0.0529,0.1,0.1153,0.0039,0.0743,reg oper account,block of flats,0.1049,Panel,No,0.0,0.0,0.0,0.0,-2584.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1939114,222455,Cash loans,25512.165,675000.0,790830.0,,675000.0,SUNDAY,11,Y,1,,,,Repairs,Refused,-607,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),3,XNA,60.0,low_normal,Cash Street: low,,,,,,,1,Cash loans,F,Y,N,0,225000.0,407520.0,29785.5,360000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-18932,-716,-72.0,-2465,9.0,1,1,0,1,0,1,Security staff,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,Housing,,0.5019863561849582,0.2366108235287817,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2101.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2710314,366239,Consumer loans,8014.95,89055.0,71244.0,17811.0,89055.0,TUESDAY,13,Y,1,0.2178181818181818,,,XAP,Approved,-2688,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Stone,528,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2635.0,-2365.0,-2365.0,-2361.0,0.0,0,Cash loans,F,N,N,0,117000.0,348264.0,20124.0,315000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,Municipal apartment,0.009334,-24809,365243,-11347.0,-4298,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,XNA,,0.8061941576954783,0.5884877883422673,0.1474,,0.9841,,,0.16,0.1379,0.3333,,,,0.1612,,0.0025,0.1502,,0.9841,,,0.1611,0.1379,0.3333,,,,0.168,,0.0026,0.1489,,0.9841,,,0.16,0.1379,0.3333,,,,0.1641,,0.0025,,block of flats,0.1513,Panel,No,0.0,0.0,0.0,0.0,-2688.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1212153,323940,Consumer loans,7539.525,41476.5,36976.5,4500.0,41476.5,SATURDAY,9,Y,1,0.11816110546717032,,,XAP,Approved,-1239,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,10,Connectivity,6.0,high,POS mobile with interest,365243.0,-1208.0,-1058.0,-1058.0,-1056.0,0.0,0,Cash loans,M,N,Y,1,157500.0,1078200.0,31653.0,900000.0,Children,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018801,-15157,-400,-4635.0,-4750,,1,1,0,1,1,0,High skill tech staff,3.0,2,2,SATURDAY,10,0,0,0,0,0,0,Construction,0.4404586599213616,0.5440598230725491,0.7421816117614419,0.2072,0.1,0.9916,0.8844,0.0391,0.2,0.1724,0.375,0.4167,,0.1681,0.2171,0.0039,0.0011,0.2111,0.1038,0.9916,0.8889,0.0395,0.2014,0.1724,0.375,0.4167,,0.1837,0.2261,0.0039,0.0012,0.2092,0.1,0.9916,0.8859,0.0394,0.2,0.1724,0.375,0.4167,,0.171,0.221,0.0039,0.0011,org spec account,block of flats,0.1924,Panel,No,0.0,0.0,0.0,0.0,-1614.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2251211,266636,Cash loans,12725.235,112500.0,119925.0,,112500.0,WEDNESDAY,12,Y,1,,,,XNA,Approved,-160,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),20,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-130.0,200.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,1,90000.0,148365.0,12024.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.008575,-11397,-2553,-637.0,-3319,,1,1,1,1,1,0,,3.0,2,2,TUESDAY,10,0,0,0,0,0,0,Business Entity Type 2,0.5145728357423377,0.2769611491657679,0.5172965813614878,0.1289,,0.9796,,,,0.0345,0.1667,,,,,,,0.1313,,0.9796,,,,0.0345,0.1667,,,,,,,0.1301,,0.9796,,,,0.0345,0.1667,,,,,,,,block of flats,0.0629,"Stone, brick",No,0.0,0.0,0.0,0.0,-1714.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2787564,137030,Cash loans,10457.955,72000.0,88119.0,,72000.0,THURSDAY,10,Y,1,,,,Other,Approved,-459,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,99000.0,180000.0,11502.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-11377,-3166,-1546.0,-2999,,1,1,0,1,1,0,Laborers,2.0,2,2,MONDAY,15,0,0,0,0,0,0,Self-employed,0.09634855819754552,0.5316783231133371,,0.0392,0.0143,0.9682,0.5648,0.0406,0.0,0.1034,0.125,0.1667,0.0151,0.0303,0.0457,0.0077,0.0104,0.0399,0.0148,0.9682,0.5818,0.0409,0.0,0.1034,0.125,0.1667,0.0154,0.0331,0.0477,0.0078,0.011,0.0396,0.0143,0.9682,0.5706,0.0408,0.0,0.1034,0.125,0.1667,0.0154,0.0308,0.0466,0.0078,0.0106,reg oper account,block of flats,0.062,Mixed,No,0.0,0.0,0.0,0.0,-3136.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1415453,421510,Consumer loans,1913.4,15840.0,15430.5,1584.0,15840.0,SATURDAY,12,Y,1,0.10139116635810627,,,XAP,Approved,-2182,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Stone,411,Consumer electronics,10.0,high,POS household with interest,365243.0,-2151.0,-1881.0,-1911.0,-1908.0,1.0,0,Cash loans,F,N,Y,1,81000.0,367389.0,15565.5,279000.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.028663,-16718,-8223,-6355.0,-269,,1,1,0,1,0,0,Security staff,3.0,2,2,THURSDAY,9,0,0,0,0,0,0,Housing,,0.5967759894510603,0.7180328113294772,0.0773,0.0731,0.9871,0.8232,0.0139,0.0,0.1724,0.1667,0.2083,0.0725,0.063,0.0692,0.0,0.0,0.0788,0.0758,0.9871,0.8301,0.0141,0.0,0.1724,0.1667,0.2083,0.0741,0.0689,0.0721,0.0,0.0,0.0781,0.0731,0.9871,0.8256,0.014,0.0,0.1724,0.1667,0.2083,0.0738,0.0641,0.0705,0.0,0.0,reg oper account,block of flats,0.0628,Panel,No,1.0,0.0,1.0,0.0,-2565.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1394022,293862,Cash loans,18319.995,337500.0,492273.0,,337500.0,MONDAY,14,Y,1,,,,XNA,Approved,-883,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,54.0,middle,Cash X-Sell: middle,365243.0,-853.0,737.0,-253.0,-247.0,1.0,0,Cash loans,F,N,Y,0,171000.0,225000.0,26703.0,225000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.030755,-14233,-1085,-7024.0,-3044,,1,1,0,1,1,0,Core staff,2.0,2,2,TUESDAY,16,0,0,0,0,0,0,Medicine,0.7919402000671514,0.5736105506591584,0.2418614865234661,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1733.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2240651,309297,Consumer loans,2197.665,22185.0,22288.5,2205.0,22185.0,MONDAY,15,Y,1,0.0980441935429993,,,XAP,Approved,-1194,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,75,Connectivity,14.0,high,POS mobile with interest,365243.0,-1155.0,-765.0,-975.0,-970.0,0.0,0,Cash loans,F,N,Y,1,135000.0,1255680.0,41629.5,1125000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-18305,-1680,-3052.0,-1843,,1,1,0,1,0,0,Cooking staff,3.0,2,2,FRIDAY,7,0,0,0,0,0,0,Business Entity Type 3,,0.2622583692422573,0.3556387169923543,0.0423,0.0271,0.9722,0.6192,0.0214,0.04,0.0862,0.2292,0.2708,0.0515,0.0336,0.0694,0.0039,0.0047,0.0084,0.0102,0.9643,0.5296,0.0136,0.0,0.069,0.125,0.1667,0.0519,0.0073,0.0653,0.0,0.0,0.0427,0.0271,0.9722,0.6243,0.0215,0.04,0.0862,0.2292,0.2708,0.0524,0.0342,0.0707,0.0039,0.0048,not specified,block of flats,0.0567,"Stone, brick",No,3.0,1.0,3.0,1.0,-2565.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1229814,203396,Cash loans,11490.885,135000.0,148365.0,,135000.0,THURSDAY,8,Y,1,,,,XNA,Approved,-863,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,18.0,middle,Cash Street: middle,365243.0,-832.0,-322.0,-352.0,-349.0,0.0,0,Cash loans,F,N,Y,0,112500.0,284400.0,16456.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.018801,-18663,-794,-1059.0,-2207,,1,1,0,1,0,0,Sales staff,1.0,2,2,SATURDAY,7,0,0,0,0,0,0,Self-employed,0.7456207637039451,0.655742799443522,0.6690566947824041,0.0979,0.0914,0.9831,0.7688,0.0419,0.0,0.2069,0.1667,0.2083,0.0068,0.0799,0.0794,0.0,0.0,0.0998,0.0948,0.9831,0.7779,0.0423,0.0,0.2069,0.1667,0.2083,0.0069,0.0872,0.0827,0.0,0.0,0.0989,0.0914,0.9831,0.7719,0.0422,0.0,0.2069,0.1667,0.2083,0.0069,0.0812,0.0808,0.0,0.0,reg oper account,block of flats,0.0624,Panel,No,0.0,0.0,0.0,0.0,-863.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1506388,394213,Cash loans,11376.0,450000.0,450000.0,,450000.0,THURSDAY,14,Y,1,,,,Repairs,Refused,-208,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,60.0,low_action,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,112500.0,225000.0,6187.5,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.030755,-12037,-1125,-277.0,-4728,,1,1,0,1,0,0,Core staff,1.0,2,2,TUESDAY,13,0,0,0,0,1,1,Trade: type 3,0.3353851218550091,0.4964976607416372,0.13177013253138142,0.1763,0.0644,0.9866,0.8164,0.0529,0.04,0.0345,0.3333,0.0417,0.0337,0.1437,0.0504,0.0,0.133,0.1796,0.0668,0.9866,0.8236,0.0534,0.0403,0.0345,0.3333,0.0417,0.0345,0.157,0.0525,0.0,0.1408,0.17800000000000002,0.0644,0.9866,0.8189,0.0532,0.04,0.0345,0.3333,0.0417,0.0343,0.1462,0.0513,0.0,0.1358,reg oper account,block of flats,0.0685,Panel,No,1.0,0.0,1.0,0.0,-1540.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,3.0 +1569205,426969,Consumer loans,7175.25,80577.0,76077.0,4500.0,80577.0,FRIDAY,14,Y,1,0.06082268005645641,,,XAP,Approved,-1807,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,492,Consumer electronics,16.0,high,POS household with interest,365243.0,-1776.0,-1326.0,-1326.0,-1322.0,0.0,1,Cash loans,M,Y,Y,0,270000.0,384048.0,18810.0,270000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.028663,-18298,-620,-1080.0,-1850,1.0,1,1,0,1,0,0,Low-skill Laborers,1.0,2,2,SATURDAY,9,0,0,0,0,0,0,Construction,,0.4902938964311055,0.6848276586890367,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-49.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1999899,132326,Consumer loans,12777.705,76909.5,69214.5,7695.0,76909.5,WEDNESDAY,18,Y,1,0.10896644166786346,,,XAP,Approved,-1123,Cash through the bank,XAP,Children,New,Consumer Electronics,POS,XNA,Country-wide,2145,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1091.0,-941.0,-971.0,-965.0,0.0,0,Cash loans,F,N,Y,1,135000.0,278613.0,27684.0,252000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0228,-13494,-1561,-6765.0,-3874,,1,1,0,1,1,0,Sales staff,3.0,2,2,SATURDAY,8,0,0,0,0,0,0,Business Entity Type 3,0.4899558560698824,0.5776596091346713,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1123.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2460265,167485,Cash loans,15270.3,135000.0,143910.0,,135000.0,MONDAY,14,Y,1,,,,Repairs,Refused,-180,Cash through the bank,SCOFR,Unaccompanied,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),4,XNA,12.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,N,0,135000.0,436032.0,21208.5,360000.0,Unaccompanied,Commercial associate,Incomplete higher,Single / not married,With parents,0.02461,-9223,-478,-3369.0,-1512,,1,1,1,1,0,0,Core staff,1.0,2,2,FRIDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.08370166157800216,0.5776275987372774,0.2103502286944494,0.0371,0.0727,0.9995,0.9932,0.0072,0.0,0.1034,0.0833,0.0,0.0126,0.0303,0.0331,0.0,0.0,0.0378,0.0755,0.9995,0.9935,0.0073,0.0,0.1034,0.0833,0.0,0.0129,0.0331,0.0345,0.0,0.0,0.0375,0.0727,0.9995,0.9933,0.0073,0.0,0.1034,0.0833,0.0,0.0128,0.0308,0.0337,0.0,0.0,reg oper account,block of flats,0.026,"Stone, brick",No,0.0,0.0,0.0,0.0,-180.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,4.0 +2831456,115968,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,13,Y,1,,,,XAP,Approved,-301,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Country-wide,10,Connectivity,0.0,XNA,Card Street,-301.0,-254.0,365243.0,-11.0,365243.0,0.0,0,Cash loans,F,N,Y,0,171000.0,1125000.0,44748.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.026392000000000002,-20579,-4823,-10872.0,-4088,,1,1,0,1,1,0,,1.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Industry: type 7,,0.7086682304751696,0.5638350489514956,0.1835,0.1114,0.9851,,,0.2,0.1724,0.3333,,,,0.1893,,0.0678,0.187,0.1156,0.9851,,,0.2014,0.1724,0.3333,,,,0.1972,,0.0718,0.1853,0.1114,0.9851,,,0.2,0.1724,0.3333,,,,0.1927,,0.0692,,block of flats,0.1636,"Stone, brick",No,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,5.0 +1837612,162106,Cash loans,,0.0,0.0,,,THURSDAY,3,Y,1,,,,XNA,Refused,-274,XNA,SCOFR,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,Y,Y,0,225000.0,473760.0,51151.5,450000.0,Unaccompanied,Working,Higher education,Civil marriage,Rented apartment,0.014464,-9746,-1434,-4196.0,-2419,3.0,1,1,0,1,1,0,Core staff,2.0,2,2,FRIDAY,4,0,0,0,1,1,0,Self-employed,0.3209457241258742,0.677475279875333,,0.0814,,0.9856,,,,0.2069,0.1667,,0.0403,,0.0845,,0.0647,0.083,,0.9856,,,,0.2069,0.1667,,0.0412,,0.0881,,0.0685,0.0822,,0.9856,,,,0.2069,0.1667,,0.041,,0.086,,0.0661,,block of flats,0.08900000000000001,Mixed,No,0.0,0.0,0.0,0.0,-1034.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2132486,317808,Cash loans,28597.815,315000.0,409887.0,,315000.0,SATURDAY,16,Y,1,,,,XNA,Approved,-729,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-699.0,-9.0,-9.0,365243.0,1.0,0,Cash loans,M,N,Y,0,171000.0,274941.0,25344.0,229500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.005084,-18162,-4849,-10707.0,-1643,,1,1,0,1,1,0,Laborers,2.0,2,2,SUNDAY,13,0,0,0,0,0,0,Business Entity Type 2,,0.6429474207327817,,0.0814,0.1007,0.9791,,,,0.1379,0.1667,,,,0.0838,,,0.083,0.1045,0.9791,,,,0.1379,0.1667,,,,0.0873,,,0.0822,0.1007,0.9791,,,,0.1379,0.1667,,,,0.0853,,,,block of flats,0.0659,Panel,No,0.0,0.0,0.0,0.0,-1198.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +2007826,332936,Cash loans,18475.38,157500.0,188307.0,,157500.0,SUNDAY,16,Y,1,,,,XNA,Approved,-584,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-554.0,-224.0,-284.0,-276.0,1.0,0,Cash loans,M,Y,Y,0,180000.0,889515.0,31644.0,742500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00733,-10568,-1611,-4620.0,-2564,6.0,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.6777284682326892,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1527.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2562260,274738,Cash loans,29075.85,540000.0,747067.5,,540000.0,TUESDAY,9,Y,1,,,,XNA,Approved,-691,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-661.0,749.0,365243.0,365243.0,1.0,1,Revolving loans,F,Y,Y,0,126000.0,360000.0,18000.0,360000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-14640,-2234,-5756.0,-2543,10.0,1,1,0,1,0,0,Laborers,2.0,2,2,SUNDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.3551256437854799,0.633031641417419,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1598.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2522881,183041,Cash loans,22904.28,225000.0,239850.0,,225000.0,TUESDAY,10,Y,1,,,,XNA,Approved,-287,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-257.0,73.0,-137.0,-135.0,1.0,0,Cash loans,M,N,Y,0,157500.0,239850.0,24705.0,225000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.030755,-24085,365243,-5607.0,-2904,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,,0.3851357468181984,0.6940926425266661,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2703458,344866,Consumer loans,4192.92,31909.5,31909.5,0.0,31909.5,FRIDAY,14,Y,1,0.0,,,XAP,Approved,-2419,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,456,Furniture,10.0,high,POS industry with interest,365243.0,-2383.0,-2113.0,-2113.0,-2109.0,0.0,0,Cash loans,F,N,Y,0,112500.0,513531.0,20493.0,459000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.018634,-22171,365243,-5157.0,-4228,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,16,0,0,0,0,0,0,XNA,,0.5823100387628648,0.7047064232963289,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1545360,310449,Consumer loans,6304.5,62955.0,69601.5,0.0,62955.0,WEDNESDAY,17,Y,1,0.0,,,XAP,Approved,-425,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Country-wide,250,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-394.0,-64.0,-154.0,-148.0,0.0,1,Revolving loans,M,Y,Y,3,112500.0,270000.0,13500.0,270000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.028663,-14432,-2728,-8172.0,-4112,28.0,1,1,0,1,0,0,Sales staff,5.0,2,2,MONDAY,15,0,0,0,0,0,0,Self-employed,,0.5370322989302261,0.5280927512030451,0.099,0.0915,0.9821,0.7552,0.0151,0.0,0.2759,0.1667,0.2083,0.0609,0.0807,0.1001,0.0,0.0,0.1008,0.095,0.9821,0.7648,0.0152,0.0,0.2759,0.1667,0.2083,0.0623,0.0882,0.1043,0.0,0.0,0.0999,0.0915,0.9821,0.7585,0.0152,0.0,0.2759,0.1667,0.2083,0.062,0.0821,0.1019,0.0,0.0,reg oper account,block of flats,0.0787,Block,No,4.0,1.0,4.0,1.0,-2178.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2702279,109049,Cash loans,32347.935,315000.0,332046.0,,315000.0,MONDAY,9,Y,1,,,,XNA,Approved,-672,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-642.0,-312.0,-552.0,-547.0,1.0,0,Cash loans,F,N,Y,0,135000.0,691020.0,19935.0,495000.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,House / apartment,0.019688999999999998,-21879,-1937,-6370.0,-4962,,1,1,0,1,0,0,,1.0,2,2,MONDAY,10,0,0,0,0,0,0,Government,,0.5827461112909752,0.5100895276257282,0.1361,,0.9831,0.7688,0.0573,0.0,0.069,0.1667,0.2083,0.0645,,0.0488,,0.0284,0.1387,,0.9831,0.7779,0.0579,0.0,0.069,0.1667,0.2083,0.066,,0.0509,,0.0301,0.1374,,0.9831,0.7719,0.0577,0.0,0.069,0.1667,0.2083,0.0656,,0.0497,,0.029,reg oper account,block of flats,0.0759,"Stone, brick",No,0.0,0.0,0.0,0.0,-1800.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1818978,213525,Consumer loans,2515.365,18855.0,20979.0,2250.0,18855.0,SATURDAY,14,Y,1,0.10549117678137432,,,XAP,Approved,-1104,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,high,POS mobile with interest,365243.0,-1069.0,-739.0,-739.0,-730.0,0.0,0,Cash loans,M,Y,N,0,67500.0,112500.0,6232.5,112500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.030755,-12813,-660,-4426.0,-2814,28.0,1,1,1,1,1,0,,1.0,2,2,THURSDAY,10,0,0,0,0,1,1,Trade: type 7,0.23379229118682684,0.5272655520266704,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-257.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2676088,453157,Consumer loans,8119.305,44955.0,40455.0,4500.0,44955.0,SATURDAY,17,Y,1,0.10901810901810903,,,XAP,Approved,-2618,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,50,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2587.0,-2437.0,-2437.0,-2428.0,0.0,0,Cash loans,M,N,Y,0,360000.0,1392300.0,50139.0,1125000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.072508,-11548,-107,-205.0,-3832,,1,1,0,1,0,1,Sales staff,1.0,1,1,SATURDAY,12,0,1,1,0,0,0,Business Entity Type 3,0.7985278667376668,0.5961970247530279,,0.0608,,0.9752,,,,0.1034,0.1667,,,,0.0319,,,0.062,,0.9752,,,,0.1034,0.1667,,,,0.0333,,,0.0614,,0.9752,,,,0.1034,0.1667,,,,0.0325,,,,block of flats,0.0387,"Stone, brick",No,3.0,1.0,3.0,1.0,-305.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1583498,445263,Cash loans,18395.145,135000.0,154998.0,,135000.0,MONDAY,9,Y,1,,,,Purchase of electronic equipment,Refused,-382,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),4,XNA,12.0,high,Cash Street: high,,,,,,,0,Revolving loans,F,N,Y,1,90000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-10130,-3326,-4089.0,-1759,,1,1,1,1,1,0,Sales staff,3.0,2,2,FRIDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.2364135288416737,0.6267020410633297,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-458.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1942641,149893,Consumer loans,6096.285,32319.0,30375.0,3375.0,32319.0,THURSDAY,10,Y,1,0.1089090909090909,,,XAP,Refused,-2743,Cash through the bank,SCO,,Repeater,XNA,POS,XNA,Stone,140,Connectivity,6.0,high,POS household with interest,,,,,,,0,Cash loans,M,N,N,0,112500.0,1024290.0,33043.5,855000.0,Family,Commercial associate,Higher education,Married,Municipal apartment,0.0228,-10284,-252,-5119.0,-1527,,1,1,0,1,0,0,High skill tech staff,2.0,2,2,TUESDAY,17,0,0,0,1,1,0,Industry: type 9,0.435334733485507,0.7582548375464725,0.5172965813614878,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1524.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1932848,360057,Consumer loans,1855.125,16020.0,16020.0,0.0,16020.0,THURSDAY,8,Y,1,0.0,,,XAP,Refused,-2351,Cash through the bank,LIMIT,Unaccompanied,Repeater,Sport and Leisure,POS,XNA,Stone,5,Consumer electronics,10.0,middle,POS household with interest,,,,,,,0,Cash loans,M,Y,Y,0,72000.0,225000.0,11074.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.015221,-19519,365243,-2596.0,-961,64.0,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,XNA,,0.04778350630271863,0.5334816299804352,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-119.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,2.0,5.0 +2205913,373151,Consumer loans,8937.225,52155.0,43533.0,13500.0,52155.0,TUESDAY,13,Y,1,0.2577933349591863,,,XAP,Approved,-1543,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,42,Connectivity,6.0,high,POS mobile with interest,365243.0,-1512.0,-1362.0,-1422.0,-1419.0,0.0,0,Cash loans,F,Y,Y,1,225000.0,203760.0,22072.5,180000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.006670999999999999,-11566,-1962,-1066.0,-1988,4.0,1,1,0,1,0,0,,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.623715417517915,0.17396009254681444,0.5989262182569273,0.0706,,0.9975,,,,,0.4721,,0.0598,,0.0877,,0.0428,0.0284,,0.9975,,,,,0.5833,,0.0376,,0.0576,,0.0186,0.0677,,0.9975,,,,,0.5,,0.0715,,0.0802,,0.0319,,,0.065,,No,0.0,0.0,0.0,0.0,-443.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1803893,235571,Revolving loans,6750.0,135000.0,135000.0,,135000.0,WEDNESDAY,10,Y,1,,,,XAP,Refused,-955,XNA,SCO,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,189000.0,356580.0,42448.5,315000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.011703,-10082,-1850,-283.0,-2641,,1,1,0,1,0,1,,1.0,2,2,SATURDAY,10,0,0,0,0,1,1,Business Entity Type 3,0.578781673314166,0.6974709542160222,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-1725.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2666331,382641,Revolving loans,14175.0,0.0,202500.0,,,SATURDAY,12,Y,1,,,,XAP,Approved,-1917,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-1893.0,-1858.0,365243.0,-732.0,365243.0,0.0,0,Cash loans,F,N,Y,0,135000.0,625536.0,33457.5,540000.0,Unaccompanied,Working,Secondary / secondary special,Separated,Municipal apartment,0.032561,-17882,-3117,-10782.0,-1424,,1,1,0,1,0,0,,1.0,1,1,FRIDAY,11,0,0,0,0,0,0,Other,,0.7455500067780179,0.6075573001388961,0.0056,0.0,0.9697,,,0.0,,0.015,,0.0,,0.0036,,,0.0042,0.0,0.9717,,,0.0,,0.0,,0.0,,0.001,,,0.0042,0.0,0.9717,,,0.0,,0.0,,0.0,,0.0016,,,,block of flats,0.0016,Wooden,No,0.0,0.0,0.0,0.0,-1917.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1537763,288578,Cash loans,44025.435,225000.0,239850.0,,225000.0,SATURDAY,12,Y,1,,,,XNA,Approved,-72,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-42.0,108.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,225000.0,327024.0,18391.5,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-17276,-6341,-10373.0,-831,,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Trade: type 7,,0.15527522699757887,0.3859146722745145,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2211430,242968,Consumer loans,9827.865,105291.0,105291.0,0.0,105291.0,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-542,Cash through the bank,XAP,,New,Office Appliances,POS,XNA,Regional / Local,145,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-511.0,-181.0,-181.0,-177.0,0.0,0,Cash loans,M,N,Y,2,135000.0,755190.0,36459.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010966,-18310,-2165,-8768.0,-1775,,1,1,0,1,0,0,Drivers,4.0,2,2,TUESDAY,8,0,0,0,0,0,0,Self-employed,,0.3971859848200791,0.6178261467332483,0.0186,0.0,0.9871,0.8232,0.0126,0.0,0.1034,0.0417,0.0833,0.0,0.0151,0.0165,0.0,0.0,0.0189,0.0,0.9871,0.8301,0.0127,0.0,0.1034,0.0417,0.0833,0.0,0.0165,0.0172,0.0,0.0,0.0187,0.0,0.9871,0.8256,0.0126,0.0,0.1034,0.0417,0.0833,0.0,0.0154,0.0168,0.0,0.0,not specified,block of flats,0.013,"Stone, brick",No,1.0,0.0,1.0,0.0,-891.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1276937,427332,Consumer loans,4084.92,34447.5,34069.5,3447.0,34447.5,SUNDAY,11,Y,1,0.10006520767226056,,,XAP,Approved,-1904,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Stone,28,Connectivity,12.0,high,POS mobile with interest,365243.0,-1857.0,-1527.0,-1767.0,-1764.0,0.0,0,Cash loans,F,N,Y,0,180000.0,108000.0,10651.5,108000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-22091,365243,-4219.0,-4423,,1,0,0,1,1,0,,2.0,2,2,SUNDAY,12,0,0,0,0,0,0,XNA,0.7223548034425804,0.7534853070840886,0.813917469762627,0.055,0.0606,0.9881,0.8368,0.0144,0.0,0.0917,0.1667,0.1525,,0.0448,0.0575,0.0,0.0287,0.063,0.0425,0.9891,0.8563,0.0089,0.0,0.1034,0.1667,0.2083,,0.0551,0.045,0.0,0.0,0.0625,0.065,0.9891,0.8524,0.0145,0.0,0.1034,0.1667,0.2083,,0.0513,0.0658,0.0,0.037000000000000005,reg oper account,block of flats,0.0448,Panel,No,3.0,0.0,3.0,0.0,-1904.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2394435,243604,Consumer loans,5229.045,25830.0,27391.5,2583.0,25830.0,WEDNESDAY,9,Y,1,0.09385050019789544,,,XAP,Approved,-1053,Cash through the bank,XAP,Unaccompanied,Refreshed,Clothing and Accessories,POS,XNA,Stone,31,Connectivity,6.0,middle,POS mobile with interest,365243.0,-1022.0,-872.0,-872.0,-867.0,0.0,0,Cash loans,M,Y,N,3,139500.0,659610.0,19030.5,472500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.018634,-15520,-6889,-4609.0,-4618,17.0,1,1,0,1,0,0,Drivers,5.0,2,2,FRIDAY,14,0,0,0,0,0,0,Police,,0.6369212500246104,0.520897599048938,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-1.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0.0,0.0,1.0,0.0,0.0,5.0 +1088296,339329,Revolving loans,18000.0,0.0,360000.0,,,FRIDAY,14,Y,1,,,,XAP,Approved,-1064,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-1008.0,-975.0,365243.0,-945.0,365243.0,0.0,0,Cash loans,F,N,N,0,157500.0,1125000.0,34240.5,1125000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.014519999999999996,-19559,365243,-8687.0,-3066,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,14,0,0,0,0,0,0,XNA,0.8488735492331055,0.39317196222719664,0.4740512892789932,0.0742,0.0538,0.9886,0.8436,0.0,0.12,0.1034,0.3333,0.0417,0.0544,0.0605,0.1092,0.0,0.0,0.0756,0.0558,0.9881,0.8432,0.0,0.0806,0.069,0.3333,0.0417,0.0,0.0661,0.0825,0.0,0.0,0.0749,0.0538,0.9886,0.8457,0.0,0.12,0.1034,0.3333,0.0417,0.0554,0.0616,0.1112,0.0,0.0,reg oper account,block of flats,0.0613,Panel,No,4.0,0.0,4.0,0.0,-1784.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,2.0 +1016732,155441,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,11,Y,1,,,,XAP,Approved,-454,XNA,XAP,,New,XNA,Cards,walk-in,Stone,250,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,45000.0,161730.0,8257.5,135000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.030755,-20179,365243,-10603.0,-458,,1,0,0,1,0,0,,1.0,2,2,SUNDAY,9,0,0,0,0,0,0,XNA,,0.565520890432338,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-454.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1535719,300980,Cash loans,21407.58,319500.0,366129.0,,319500.0,SUNDAY,13,Y,1,,,,XNA,Approved,-535,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-505.0,185.0,-115.0,-108.0,1.0,0,Cash loans,F,N,N,0,180000.0,450000.0,28759.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.0105,-13468,-2250,-5500.0,-4121,,1,1,1,1,1,0,High skill tech staff,1.0,3,3,TUESDAY,20,0,0,0,0,1,1,Business Entity Type 3,,0.5728027457686921,0.6832688314232291,0.0961,0.0751,0.9836,0.8028,0.0393,0.0,0.069,0.1667,0.2083,0.0731,0.1051,0.0679,0.0,0.0018,0.0588,0.0779,0.9821,0.8105,0.0396,0.0,0.069,0.1667,0.2083,0.0748,0.1148,0.0707,0.0,0.0019,0.0999,0.0751,0.9836,0.8054,0.0395,0.0,0.069,0.1667,0.2083,0.0744,0.1069,0.0691,0.0,0.0018,reg oper account,block of flats,0.05,"Stone, brick",No,0.0,0.0,0.0,0.0,-148.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2360874,177255,Cash loans,33482.61,679500.0,840951.0,,679500.0,FRIDAY,12,Y,1,,,,XNA,Approved,-147,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-117.0,933.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,2,180000.0,450000.0,22018.5,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.005084,-11645,-545,-4697.0,-1934,1.0,1,1,0,1,0,0,Sales staff,4.0,2,2,FRIDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.7645386731151266,0.5882070808813746,0.520897599048938,0.1845,,0.9856,0.8028,,0.2,0.1724,0.3333,,0.061,,0.132,,,0.188,,0.9856,0.8105,,0.2014,0.1724,0.3333,,0.0624,,0.1375,,,0.1863,,0.9856,0.8054,,0.2,0.1724,0.3333,,0.0621,,0.1344,,,reg oper account,block of flats,0.1683,Panel,No,0.0,0.0,0.0,0.0,-1817.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +1240629,217907,Consumer loans,7933.32,31455.0,27846.0,4500.0,31455.0,WEDNESDAY,11,Y,1,0.15151515151515146,,,XAP,Approved,-2357,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,4.0,high,POS mobile with interest,365243.0,-2317.0,-2227.0,-2227.0,-2220.0,1.0,0,Cash loans,M,Y,Y,1,135000.0,942300.0,30528.0,675000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.025164,-14093,-368,-3710.0,-4774,15.0,1,1,0,1,0,0,Cooking staff,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Restaurant,,0.6754556190123233,0.6940926425266661,0.35,0.2166,0.9856,0.8028,0.0,0.38,0.3276,0.3333,0.375,0.0,0.2854,0.3705,0.0,0.0178,0.2647,0.1056,0.9856,0.8105,0.0,0.282,0.2414,0.3333,0.375,0.0,0.2314,0.2857,0.0,0.0064,0.3534,0.2166,0.9856,0.8054,0.0,0.38,0.3276,0.3333,0.375,0.0,0.2903,0.3771,0.0,0.0182,reg oper account,block of flats,0.217,Panel,No,0.0,0.0,0.0,0.0,-1473.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2500472,453455,Cash loans,18291.42,567000.0,567000.0,,567000.0,THURSDAY,13,Y,1,,,,XNA,Approved,-777,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,365243.0,-745.0,1025.0,-415.0,-411.0,0.0,0,Cash loans,F,N,Y,0,180000.0,640080.0,29970.0,450000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.020713,-9544,-2076,-121.0,-617,,1,1,0,1,1,0,Laborers,2.0,3,1,FRIDAY,10,0,0,0,0,0,0,Industry: type 9,0.31918363337251,0.4105418110454226,0.2176285202779586,0.0918,0.0891,0.9876,0.83,0.0243,0.12,0.1034,0.3333,0.375,0.0349,0.0748,0.1215,,0.0,0.0935,0.0925,0.9876,0.8367,0.0245,0.1208,0.1034,0.3333,0.375,0.0357,0.0817,0.1266,,0.0,0.0926,0.0891,0.9876,0.8323,0.0244,0.12,0.1034,0.3333,0.375,0.0356,0.0761,0.1237,,0.0,reg oper account,block of flats,0.1088,Panel,No,6.0,0.0,6.0,0.0,-1175.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1146817,380210,Consumer loans,4497.84,35955.0,39118.5,0.0,35955.0,MONDAY,8,Y,1,0.0,,,XAP,Approved,-852,Cash through the bank,XAP,Family,Repeater,Office Appliances,POS,XNA,Regional / Local,200,Consumer electronics,10.0,middle,POS household with interest,365243.0,-821.0,-551.0,-701.0,-699.0,0.0,1,Cash loans,F,N,N,0,315000.0,545040.0,25407.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,With parents,0.018029,-10950,-547,-1161.0,-1052,,1,1,1,1,1,0,Sales staff,2.0,3,3,FRIDAY,14,0,0,0,0,0,0,Self-employed,0.2534725149661888,0.6156546312107966,0.18195910978627852,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-64.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1894394,298329,Consumer loans,8532.45,85005.0,85410.0,9000.0,85005.0,TUESDAY,19,Y,1,0.10382182164832301,,,XAP,Approved,-2533,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Stone,39,Connectivity,15.0,low_normal,POS mobile with interest,365243.0,-2502.0,-2082.0,-2082.0,-2080.0,1.0,0,Cash loans,F,N,N,0,112500.0,454500.0,17739.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.006670999999999999,-10899,-2661,-4882.0,-3593,,1,1,1,1,0,0,,1.0,2,2,SUNDAY,13,0,0,0,1,0,1,Bank,,0.6288277683937588,0.7380196196295241,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1467.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2235931,213237,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,16,Y,1,,,,XAP,Refused,-12,XNA,SCO,Family,Repeater,XNA,Cards,walk-in,Regional / Local,1000,Consumer electronics,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,N,N,0,90000.0,454500.0,27936.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,Rented apartment,0.018209,-13008,-958,-6887.0,-1601,,1,1,0,1,0,0,Laborers,2.0,3,3,MONDAY,15,0,0,0,1,1,0,Business Entity Type 1,,0.5230012680017544,0.4365064990977374,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2362.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1527237,429247,Cash loans,13804.47,58500.0,68076.0,,58500.0,WEDNESDAY,5,Y,1,,,,Other,Refused,-414,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,,,,,,,0,Cash loans,M,Y,Y,1,157500.0,294322.5,19800.0,243000.0,Unaccompanied,Working,Higher education,Separated,With parents,0.006305,-12913,-3540,-1287.0,-4884,11.0,1,1,0,1,1,1,Laborers,2.0,3,3,THURSDAY,9,0,0,0,0,0,0,Business Entity Type 2,0.22137600906103905,0.3740179827018675,0.524496446363472,0.0031,0.0,0.9727,0.626,0.0,0.0,0.0,0.0,0.0417,0.0,0.0025,0.0018,0.0,0.0,0.0032,0.0,0.9727,0.6406,0.0,0.0,0.0,0.0,0.0417,0.0,0.0028,0.0019,0.0,0.0,0.0031,0.0,0.9727,0.631,0.0,0.0,0.0,0.0,0.0417,0.0,0.0026,0.0018,0.0,0.0,not specified,block of flats,0.0014,Wooden,No,0.0,0.0,0.0,0.0,-1541.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1498791,268045,Cash loans,23638.5,225000.0,225000.0,,225000.0,WEDNESDAY,6,Y,1,,,,XNA,Approved,-1134,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1104.0,-774.0,-804.0,-794.0,0.0,1,Cash loans,F,N,Y,0,135000.0,1666746.0,45963.0,1305000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-16882,-4256,-3878.0,-414,,1,1,0,1,0,0,,2.0,3,2,WEDNESDAY,6,0,0,0,0,0,0,Kindergarten,,0.5809318452700282,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1756.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2238353,213367,Consumer loans,9713.43,46741.5,46989.0,4675.5,46741.5,SATURDAY,12,Y,1,0.09855983403409584,,,XAP,Approved,-760,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,72,Connectivity,6.0,high,POS mobile with interest,365243.0,-729.0,-579.0,-579.0,-570.0,0.0,0,Cash loans,F,N,Y,0,180000.0,823621.5,48285.0,711000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-19071,-11065,-5692.0,-2001,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,7,0,0,0,0,0,0,Self-employed,,0.7607154301695978,0.5867400085415683,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-760.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2452353,202877,Consumer loans,12368.925,149989.5,156370.5,15003.0,149989.5,MONDAY,13,Y,1,0.09534514326363706,,,XAP,Refused,-874,Cash through the bank,HC,Unaccompanied,Repeater,Photo / Cinema Equipment,POS,XNA,Regional / Local,100,Consumer electronics,18.0,middle,POS other with interest,,,,,,,0,Cash loans,M,Y,N,1,112500.0,180000.0,21361.5,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,Rented apartment,0.010643000000000001,-14894,-167,-8832.0,-5119,14.0,1,1,1,1,0,0,Laborers,3.0,2,2,FRIDAY,15,1,1,0,1,1,0,Business Entity Type 2,0.4066132436009171,0.3215969798134054,0.7062051096536562,0.0289,0.0274,0.9697,,,0.0,0.1034,0.125,,0.0363,,0.0193,,,0.0294,0.0284,0.9697,,,0.0,0.1034,0.125,,0.0371,,0.0201,,,0.0291,0.0274,0.9697,,,0.0,0.1034,0.125,,0.0369,,0.0196,,,,block of flats,0.0256,"Stone, brick",No,0.0,0.0,0.0,0.0,-76.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1776540,124598,Consumer loans,11260.755,50850.0,53536.5,0.0,50850.0,THURSDAY,11,Y,1,0.0,,,XAP,Approved,-1134,Cash through the bank,XAP,Family,Refreshed,Mobile,POS,XNA,Country-wide,22,Connectivity,6.0,high,POS mobile with interest,365243.0,-1103.0,-953.0,-953.0,-949.0,0.0,0,Cash loans,F,Y,N,1,157500.0,755190.0,36459.0,675000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-14052,-2571,-7711.0,-4147,8.0,1,1,0,1,0,0,Sales staff,3.0,2,2,THURSDAY,15,0,0,0,0,0,0,Self-employed,,0.5695355160828502,0.7281412993111438,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-2902.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1088317,274256,Cash loans,27615.735,283500.0,283500.0,,283500.0,TUESDAY,9,Y,1,,,,XNA,Approved,-1500,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-1469.0,-1139.0,-1259.0,-1256.0,0.0,0,Cash loans,F,N,Y,0,225000.0,254700.0,24939.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.020713,-24753,365243,-8668.0,-4396,,1,0,0,1,0,0,,2.0,3,2,THURSDAY,8,0,0,0,0,0,0,XNA,0.2867921191009853,0.5874865336988295,0.22383131747015547,0.1464,0.1225,0.9881,0.8368,0.0391,0.16,0.1379,0.3333,0.375,0.0788,0.1185,0.1669,0.0039,0.0187,0.1492,0.1271,0.9881,0.8432,0.0395,0.1611,0.1379,0.3333,0.375,0.0806,0.1295,0.1739,0.0039,0.0198,0.1478,0.1225,0.9881,0.8390000000000001,0.0394,0.16,0.1379,0.3333,0.375,0.0802,0.1206,0.1699,0.0039,0.0191,not specified,block of flats,0.1567,Panel,No,0.0,0.0,0.0,0.0,-1570.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1643960,325533,Revolving loans,11250.0,0.0,225000.0,,,FRIDAY,11,Y,1,,,,XAP,Approved,-1215,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,135000.0,702000.0,23328.0,702000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-16768,-2478,-246.0,-306,,1,1,0,1,0,0,Core staff,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Trade: type 7,,0.765239380823413,0.8277026681625442,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1238.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,6.0 +1488935,366777,Cash loans,18365.58,225000.0,269550.0,,225000.0,SATURDAY,9,Y,1,,,,Repairs,Approved,-376,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),28,XNA,36.0,high,Cash Street: high,365243.0,-346.0,704.0,-166.0,-158.0,1.0,0,Cash loans,F,Y,Y,0,157500.0,1042560.0,34587.0,900000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.022625,-11125,-1179,-1091.0,-1213,8.0,1,1,1,1,1,0,Managers,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Other,0.6482148610800018,0.5862511967487471,0.3791004853998145,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,2.0,3.0,2.0,-738.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,4.0 +1652966,248205,Consumer loans,10815.795,115875.0,115875.0,0.0,115875.0,MONDAY,15,Y,1,0.0,,,XAP,Approved,-424,Cash through the bank,XAP,,Repeater,Clothing and Accessories,POS,XNA,Country-wide,200,Clothing,12.0,low_normal,POS industry with interest,365243.0,-391.0,-61.0,-61.0,-54.0,0.0,0,Cash loans,M,Y,Y,0,270000.0,367389.0,18886.5,279000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0228,-13376,-3200,-4176.0,-4188,9.0,1,1,0,1,1,0,Drivers,2.0,2,2,FRIDAY,10,0,0,0,1,1,0,Business Entity Type 1,0.579130746305612,0.6411029547578498,0.5298898341969072,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1962.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1598582,425173,Consumer loans,10255.77,90295.74,90295.74,0.0,90295.74,TUESDAY,18,Y,1,0.0,,,XAP,Approved,-255,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,126,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-212.0,58.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,1,166500.0,148500.0,15214.5,148500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.00733,-11886,-1202,-4530.0,-4237,,1,1,1,1,0,0,Laborers,3.0,2,2,FRIDAY,17,0,0,0,0,1,1,Other,0.3817198295217342,0.6608093860661478,0.2940831009471255,0.0825,,0.9896,0.8572,0.0166,,0.1379,0.1667,,,0.0672,0.08800000000000001,,0.0419,0.084,,0.9896,0.8628,0.0168,,0.1379,0.1667,,,0.0735,0.0916,,0.0443,0.0833,,0.9896,0.8591,0.0168,,0.1379,0.1667,,,0.0684,0.0895,,0.0427,reg oper account,block of flats,0.0783,Panel,No,1.0,0.0,1.0,0.0,-493.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2016818,255026,Cash loans,11292.525,135000.0,196528.5,,135000.0,MONDAY,9,Y,1,,,,XNA,Approved,-603,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash X-Sell: high,365243.0,-573.0,477.0,-573.0,-569.0,1.0,1,Cash loans,M,N,Y,0,225000.0,450000.0,24412.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-10816,-2084,-4767.0,-2952,,1,1,1,1,0,0,Sales staff,2.0,2,2,TUESDAY,13,0,0,0,0,1,1,Self-employed,0.2216793649825087,0.5437289125431072,0.6363761710860439,0.0928,,0.9861,,,,0.2069,0.1667,,,,0.0837,,,0.0945,,0.9861,,,,0.2069,0.1667,,,,0.0872,,,0.0937,,0.9861,,,,0.2069,0.1667,,,,0.0852,,,,block of flats,0.0685,Panel,No,4.0,3.0,4.0,1.0,-603.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1776038,377994,Cash loans,11004.66,54000.0,55782.0,0.0,54000.0,SATURDAY,7,Y,1,0.0,,,XNA,Approved,-2125,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,6.0,high,Cash X-Sell: high,365243.0,-2095.0,-1945.0,-1945.0,-1942.0,1.0,0,Cash loans,M,N,Y,0,90000.0,271957.5,20461.5,252000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018801,-22329,365243,-2875.0,-4643,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,7,0,0,0,0,0,0,XNA,,0.5253683451589741,0.7338145369642702,0.0928,0.0821,0.9821,0.7552,0.0377,0.0,0.2069,0.1667,0.2083,0.0383,0.0756,0.078,0.0,0.0,0.0945,0.0852,0.9821,0.7648,0.0381,0.0,0.2069,0.1667,0.2083,0.0392,0.0826,0.0813,0.0,0.0,0.0937,0.0821,0.9821,0.7585,0.038,0.0,0.2069,0.1667,0.2083,0.039,0.077,0.0794,0.0,0.0,reg oper account,block of flats,0.08199999999999999,Panel,No,2.0,0.0,2.0,0.0,-415.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2604039,242192,Cash loans,27237.465,202500.0,245601.0,0.0,202500.0,FRIDAY,11,Y,1,0.0,,,XNA,Approved,-1826,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-1795.0,-1465.0,-1465.0,-1460.0,0.0,0,Cash loans,F,Y,N,0,247500.0,450000.0,35554.5,450000.0,Family,Working,Higher education,Married,House / apartment,0.018634,-11318,-4623,-3408.0,-3885,15.0,1,1,0,1,1,0,,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.3094245732011539,0.5441357642741862,0.178760465484575,,,0.9757,,,,,,,,,0.0965,,,,,0.9757,,,,,,,,,0.1005,,,,,0.9757,,,,,,,,,0.0982,,,,,0.0926,,No,4.0,0.0,4.0,0.0,-631.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2575020,435769,Consumer loans,8445.195,90450.0,81405.0,9045.0,90450.0,TUESDAY,10,Y,1,0.1089090909090909,,,XAP,Approved,-94,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Country-wide,500,Furniture,12.0,middle,POS industry with interest,365243.0,-30.0,300.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,1,238500.0,225000.0,24363.0,225000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.008068,-12913,-771,-1318.0,-4735,16.0,1,1,1,1,1,0,Sales staff,2.0,3,3,FRIDAY,10,0,0,0,0,0,0,Trade: type 7,0.4869917846138889,0.2477258401783705,0.6178261467332483,0.0588,0.08199999999999999,0.9871,0.8232,0.0099,0.0,0.1034,0.1667,0.2083,,0.0479,0.0628,0.0,0.0,0.0599,0.0851,0.9871,0.8301,0.01,0.0,0.1034,0.1667,0.2083,,0.0523,0.0654,0.0,0.0,0.0593,0.08199999999999999,0.9871,0.8256,0.0099,0.0,0.1034,0.1667,0.2083,,0.0487,0.0639,0.0,0.0,reg oper spec account,block of flats,0.0548,Panel,No,1.0,0.0,1.0,0.0,-402.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2608417,427924,Consumer loans,11835.9,87727.5,104557.5,4365.0,87727.5,SATURDAY,12,Y,1,0.04364462639199263,,,XAP,Approved,-1525,Cash through the bank,XAP,"Spouse, partner",New,Audio/Video,POS,XNA,Regional / Local,148,Consumer electronics,12.0,high,POS household with interest,365243.0,-1494.0,-1164.0,-1164.0,-1146.0,0.0,0,Cash loans,F,N,Y,1,99000.0,393543.0,20223.0,328500.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.025164,-14164,-292,-2935.0,-4406,,1,1,0,1,0,0,Sales staff,3.0,2,2,FRIDAY,16,0,0,0,0,0,0,Trade: type 3,0.3580945423847753,0.25561615602133475,0.11911906455945008,0.2232,0.1639,0.9811,0.7416,0.0,0.24,0.2069,0.3333,0.375,0.0,0.1807,0.2362,0.0077,0.0367,0.2269,0.1701,0.9811,0.7517,0.0,0.2417,0.2069,0.3333,0.375,0.0,0.1974,0.2461,0.0078,0.0388,0.2254,0.1639,0.9811,0.7451,0.0,0.24,0.2069,0.3333,0.375,0.0,0.1838,0.2404,0.0078,0.0374,reg oper account,block of flats,0.1874,Panel,No,1.0,0.0,1.0,0.0,-1525.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1098802,392715,Cash loans,5956.065,67500.0,74182.5,,67500.0,FRIDAY,10,Y,1,,,,Urgent needs,Refused,-312,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),5,XNA,18.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,67500.0,1271929.5,50571.0,1170000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.00823,-21014,365243,-13579.0,-4403,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,,0.6077130111298735,0.2458512138252296,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2130.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2183798,388947,Consumer loans,21739.23,300915.0,297634.5,30091.5,300915.0,SUNDAY,13,Y,1,0.09999932593358196,,,XAP,Approved,-551,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,300,Consumer electronics,18.0,middle,POS household with interest,365243.0,-520.0,-10.0,-10.0,-5.0,0.0,0,Cash loans,M,Y,Y,1,180000.0,732915.0,79065.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.04622,-17163,-1303,-862.0,-690,10.0,1,1,0,1,0,0,Drivers,3.0,1,1,FRIDAY,12,0,1,1,0,0,0,Business Entity Type 3,,0.22532902731185275,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-132.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1729603,449350,Consumer loans,10940.58,121563.0,97249.5,24313.5,121563.0,MONDAY,15,Y,1,0.2178262449773517,,,XAP,Approved,-2618,Cash through the bank,XAP,Unaccompanied,New,Furniture,POS,XNA,Country-wide,1422,Furniture,10.0,low_normal,POS industry without interest,365243.0,-2579.0,-2309.0,-2309.0,-2304.0,0.0,0,Cash loans,M,Y,Y,0,202500.0,760225.5,34483.5,679500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.00733,-17563,-233,-753.0,-1102,30.0,1,1,1,1,0,0,Drivers,2.0,2,2,MONDAY,15,0,0,0,1,1,0,Business Entity Type 3,0.3381472211547848,0.6456036190991743,0.05609207884829402,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,1.0,0.0,2.0 +2414098,423101,Consumer loans,4756.005,22581.0,23697.0,0.0,22581.0,SATURDAY,15,Y,1,0.0,,,XAP,Approved,-2404,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Stone,12,Connectivity,6.0,high,POS mobile with interest,365243.0,-2373.0,-2223.0,-2223.0,-2200.0,1.0,0,Cash loans,F,Y,Y,0,112500.0,675000.0,19737.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.025164,-15268,-2516,-210.0,-3653,10.0,1,1,0,1,1,0,Laborers,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.6848986941353218,0.6470582249295483,0.7981372313187245,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1767.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2031293,197233,Cash loans,14079.69,121500.0,129519.0,,121500.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-1062,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1032.0,-702.0,-702.0,-694.0,1.0,0,Cash loans,F,N,Y,0,144000.0,382761.0,19674.0,319500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.00496,-22220,365243,-3068.0,-5060,,1,0,0,1,0,0,,2.0,2,2,MONDAY,10,0,0,0,0,0,0,XNA,,0.6420081228473795,0.7394117535524816,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1147.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1921545,450840,Consumer loans,5759.37,56110.5,61663.5,0.0,56110.5,WEDNESDAY,12,Y,1,0.0,,,XAP,Approved,-1560,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Stone,130,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-1528.0,-1198.0,-1228.0,-1220.0,0.0,0,Cash loans,F,N,Y,2,81000.0,490495.5,28287.0,454500.0,Family,State servant,Higher education,Married,House / apartment,0.02461,-16554,-7922,-2959.0,-104,,1,1,0,1,1,0,Laborers,4.0,2,2,TUESDAY,12,0,0,0,0,1,1,Trade: type 1,,0.6375783953010936,0.4507472818545589,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1787.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1742477,232709,Cash loans,9735.66,112500.0,156496.5,,112500.0,TUESDAY,10,Y,1,,,,XNA,Refused,-483,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,Y,0,189000.0,1256400.0,36864.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009656999999999999,-17495,-2429,-10155.0,-1028,,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Industry: type 3,0.7374776127925353,0.5980224774599323,0.4206109640437848,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-927.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2845214,310578,Consumer loans,6429.87,64309.05,57874.5,6434.55,64309.05,TUESDAY,15,Y,1,0.10897081995599232,,,XAP,Refused,-2744,Cash through the bank,SCO,"Spouse, partner",Repeater,XNA,POS,XNA,Stone,756,Consumer electronics,10.0,low_normal,POS household with interest,,,,,,,0,Cash loans,F,Y,Y,1,135000.0,585000.0,35919.0,585000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018209,-12248,-4006,-5202.0,-3212,11.0,1,1,0,1,0,0,Private service staff,3.0,3,3,TUESDAY,8,0,0,0,0,0,0,Self-employed,0.3731190263661476,0.4938464698026463,0.6817058776720116,0.0711,0.0762,0.9831,0.7688,0.0093,0.0,0.1379,0.1667,0.0,0.0715,0.0572,0.064,0.0039,0.0078,0.0725,0.0791,0.9831,0.7779,0.0094,0.0,0.1379,0.1667,0.0,0.0731,0.0624,0.0667,0.0039,0.0083,0.0718,0.0762,0.9831,0.7719,0.0094,0.0,0.1379,0.1667,0.0,0.0727,0.0581,0.0652,0.0039,0.008,reg oper account,block of flats,0.052000000000000005,Panel,No,0.0,0.0,0.0,0.0,-1.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2020066,158992,Consumer loans,9126.585,87205.5,78205.5,9000.0,87205.5,TUESDAY,10,Y,1,0.1123990824181752,,,XAP,Refused,-2479,Cash through the bank,SCO,Family,New,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,low_normal,POS mobile with interest,,,,,,,0,Cash loans,F,Y,N,0,175500.0,1223010.0,51817.5,1125000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.0105,-20357,365243,-10716.0,-3620,4.0,1,0,0,1,0,0,,2.0,3,3,WEDNESDAY,15,0,0,0,0,0,0,XNA,,0.6747265506991794,0.6092756673894402,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,0.0,9.0,0.0,-1849.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2504772,161863,Consumer loans,8793.09,62505.0,74677.5,3150.0,62505.0,SATURDAY,9,Y,1,0.04408000210255196,,,XAP,Approved,-1818,XNA,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,high,POS mobile with interest,365243.0,-1787.0,-1457.0,-1457.0,-1446.0,0.0,0,Cash loans,F,N,Y,0,126000.0,610335.0,22050.0,463500.0,"Spouse, partner",Working,Secondary / secondary special,Civil marriage,House / apartment,0.028663,-21197,-528,-10286.0,-4304,,1,1,0,1,1,0,,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Agriculture,,0.4456145459552059,0.0785361445733672,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-308.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1400817,264762,Consumer loans,3073.59,23395.14,23391.0,4.14,23395.14,MONDAY,13,Y,1,0.00019272534225639863,,,XAP,Refused,-2337,Cash through the bank,SCO,Family,New,Photo / Cinema Equipment,POS,XNA,Country-wide,2700,Consumer electronics,10.0,high,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,90000.0,630000.0,20452.5,630000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-18940,-681,-3407.0,-2420,,1,1,0,1,0,0,,2.0,2,2,SUNDAY,12,0,0,0,0,0,0,Business Entity Type 2,,0.2755358466931539,0.6690566947824041,0.0928,0.1545,0.9762,0.6736,0.1275,0.0,0.2069,0.1667,0.2083,0.0984,0.0748,0.0885,0.0039,0.0042,0.0945,0.1603,0.9762,0.6864,0.1287,0.0,0.2069,0.1667,0.2083,0.1007,0.0817,0.0922,0.0039,0.0044,0.0937,0.1545,0.9762,0.6779999999999999,0.1283,0.0,0.2069,0.1667,0.2083,0.1001,0.0761,0.0901,0.0039,0.0043,org spec account,block of flats,0.0697,Panel,No,1.0,1.0,1.0,1.0,-1640.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,1.0,0.0 +1881792,307549,Consumer loans,4601.565,35055.0,41643.0,1755.0,35055.0,SUNDAY,16,Y,1,0.04404245692093057,,,XAP,Approved,-1969,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,25,Connectivity,12.0,high,POS mobile with interest,365243.0,-1938.0,-1608.0,-1728.0,-1724.0,0.0,0,Cash loans,M,N,N,0,202500.0,900000.0,43299.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-17433,-2759,-5634.0,-612,,1,1,0,1,1,0,Drivers,2.0,2,2,MONDAY,11,0,0,0,0,1,1,Transport: type 4,0.6417582383619524,0.3827926263325936,0.3556387169923543,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1969.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2123406,359398,Cash loans,13567.59,67500.0,69727.5,,67500.0,MONDAY,12,Y,1,,,,XNA,Approved,-938,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,6.0,high,Cash X-Sell: high,365243.0,-908.0,-758.0,-825.0,-819.0,1.0,0,Cash loans,F,N,Y,0,202500.0,365359.5,39478.5,328500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-20072,365243,-3836.0,-2142,,1,0,0,1,0,0,,2.0,2,2,MONDAY,11,0,0,0,0,0,0,XNA,,0.33906656579441496,0.6246146584503397,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1466.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1057108,180526,Consumer loans,15249.15,165271.5,148743.0,16528.5,165271.5,WEDNESDAY,11,Y,1,0.10891798701475512,,,XAP,Approved,-416,Cash through the bank,XAP,,Refreshed,Furniture,POS,XNA,Stone,91,Furniture,12.0,middle,POS industry with interest,365243.0,-384.0,-54.0,-234.0,-230.0,0.0,0,Cash loans,M,N,Y,0,288000.0,702000.0,23328.0,702000.0,Unaccompanied,State servant,Secondary / secondary special,Civil marriage,House / apartment,0.032561,-22160,-2567,-8026.0,-4629,,1,1,1,1,1,0,Laborers,2.0,1,1,SATURDAY,12,0,0,0,0,0,0,Other,,0.7190481495965303,,0.1835,0.1092,0.9861,,,0.2,0.1724,0.3333,,0.0388,,0.1891,,0.0092,0.187,0.1133,0.9861,,,0.2014,0.1724,0.3333,,0.0397,,0.197,,0.0097,0.1853,0.1092,0.9861,,,0.2,0.1724,0.3333,,0.0395,,0.1925,,0.0094,,block of flats,0.1886,Panel,No,0.0,0.0,0.0,0.0,-1509.0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,4.0 +1147689,376713,Cash loans,9836.775,45000.0,51975.0,,45000.0,TUESDAY,18,Y,1,,,,XNA,Refused,-1197,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,6.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,157500.0,508495.5,35518.5,454500.0,Unaccompanied,Pensioner,Higher education,Civil marriage,House / apartment,0.016612000000000002,-20594,365243,-859.0,-4138,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,XNA,,0.6162029698295234,0.5762088360175724,0.2031,,0.9737,,,0.0,0.2759,0.1667,,0.1348,,0.163,,0.0081,0.2069,,0.9737,,,0.0,0.2759,0.1667,,0.1379,,0.1699,,0.0086,0.2051,,0.9737,,,0.0,0.2759,0.1667,,0.1372,,0.166,,0.0083,,block of flats,0.1578,"Stone, brick",No,0.0,0.0,0.0,0.0,-1608.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,8.0 +1973986,237700,Consumer loans,7834.815,73800.0,73435.5,7380.0,73800.0,FRIDAY,8,Y,1,0.09945481880444852,,,XAP,Approved,-889,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Stone,43,Industry,12.0,middle,POS industry with interest,365243.0,-844.0,-514.0,-514.0,-509.0,0.0,0,Cash loans,F,N,Y,0,94500.0,191880.0,18688.5,180000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-20443,365243,-10794.0,-3959,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,XNA,0.7310583244180175,0.32100090809877146,,0.0165,0.0,0.9752,,,0.0,0.069,0.0417,,0.0075,,0.0126,,0.0148,0.0168,0.0,0.9752,,,0.0,0.069,0.0417,,0.0076,,0.0131,,0.0157,0.0167,0.0,0.9752,,,0.0,0.069,0.0417,,0.0076,,0.0128,,0.0151,,block of flats,0.0108,"Stone, brick",No,0.0,0.0,0.0,0.0,-889.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1665735,249093,Consumer loans,16217.73,359595.0,359595.0,0.0,359595.0,SUNDAY,10,Y,1,0.0,,,XAP,Approved,-1508,XNA,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,1744,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1477.0,-787.0,-787.0,-780.0,0.0,0,Cash loans,M,Y,N,0,360000.0,1575000.0,43312.5,1575000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.010032,-17653,-2750,-1987.0,-1189,11.0,1,1,1,1,1,0,Managers,1.0,2,2,FRIDAY,5,0,0,0,0,0,0,Business Entity Type 3,0.726822969533053,0.6376794490199357,,0.168,,0.997,,,0.16,0.0345,0.875,,,,0.2497,,0.202,0.1712,,0.997,,,0.1611,0.0345,0.875,,,,0.2601,,0.2138,0.1697,,0.997,,,0.16,0.0345,0.875,,,,0.2541,,0.2062,,block of flats,0.3488,"Stone, brick",No,0.0,0.0,0.0,0.0,-1508.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1590600,428845,Cash loans,30201.795,315000.0,389952.0,,315000.0,TUESDAY,8,Y,1,,,,XNA,Approved,-602,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-572.0,-62.0,-362.0,-359.0,1.0,0,Revolving loans,F,N,Y,0,225000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.019688999999999998,-16782,-2930,-3385.0,-334,,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,Trade: type 7,,0.2755358466931539,0.3077366963789207,0.0577,0.0498,0.9757,0.6668,0.0057,0.0,0.1034,0.1667,0.2083,0.0418,0.0462,0.0503,0.0039,0.0136,0.042,0.0328,0.9747,0.6668,0.0035,0.0,0.069,0.1667,0.2083,0.0336,0.0367,0.0333,0.0,0.0,0.0583,0.0498,0.9757,0.6713,0.0057,0.0,0.1034,0.1667,0.2083,0.0425,0.047,0.0512,0.0039,0.0139,reg oper account,block of flats,0.0282,Block,No,4.0,1.0,4.0,1.0,-2089.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2837039,378976,Revolving loans,2250.0,45000.0,45000.0,,45000.0,THURSDAY,12,Y,1,,,,XAP,Refused,-434,XNA,SCOFR,"Spouse, partner",Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,N,Y,1,180000.0,192874.5,17820.0,166500.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.01885,-14122,-1286,-4551.0,-4000,,1,1,0,1,0,0,Drivers,3.0,2,2,THURSDAY,18,0,0,0,0,0,0,Business Entity Type 3,,0.5313679486842869,0.5406544504453575,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1064.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1375491,219849,Consumer loans,15260.625,189000.0,151200.0,37800.0,189000.0,FRIDAY,10,Y,1,0.2178181818181818,,,XAP,Approved,-122,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,107,Connectivity,12.0,middle,POS mobile with interest,365243.0,-85.0,245.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,2,180000.0,835380.0,40320.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00496,-18596,-1569,-3617.0,-2135,9.0,1,1,0,1,0,0,Laborers,4.0,2,2,MONDAY,12,0,0,0,0,1,1,Business Entity Type 3,,0.5999449415455516,0.2707073872651806,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1213.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1953051,199388,Consumer loans,8115.975,78867.0,87196.5,0.0,78867.0,FRIDAY,11,Y,1,0.0,,,XAP,Refused,-480,Cash through the bank,LIMIT,,Repeater,Computers,POS,XNA,Country-wide,100,Consumer electronics,12.0,low_action,POS household without interest,,,,,,,0,Cash loans,F,N,Y,0,63000.0,900000.0,26446.5,900000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.00702,-13755,-1851,-2337.0,-2744,,1,1,1,1,0,0,Core staff,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,School,0.4999453626629245,0.4718334875478598,0.6092756673894402,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-588.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2711307,411186,Revolving loans,11250.0,225000.0,225000.0,,225000.0,THURSDAY,12,Y,1,,,,XAP,Refused,-761,XNA,SCO,,New,XNA,Cards,walk-in,AP+ (Cash loan),6,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,Y,N,0,135000.0,299250.0,8226.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-10735,-1159,-496.0,-3185,12.0,1,1,1,1,0,0,Managers,2.0,2,2,MONDAY,13,0,0,0,0,1,1,Self-employed,,0.4373003635332513,0.363945238612397,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,14.0,1.0,13.0,1.0,-5.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +2653270,445541,Consumer loans,24726.15,244539.0,220081.5,24457.5,244539.0,MONDAY,20,Y,1,0.10892512404602496,,,XAP,Approved,-429,XNA,XAP,,Repeater,Jewelry,POS,XNA,Country-wide,50,Industry,10.0,low_normal,POS other with interest,365243.0,-397.0,-127.0,-217.0,-206.0,0.0,0,Cash loans,F,Y,Y,0,160515.0,1800000.0,47484.0,1800000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.032561,-18806,-3398,-5391.0,-2345,1.0,1,1,1,1,1,0,Sales staff,2.0,1,1,WEDNESDAY,11,0,1,1,0,0,0,Business Entity Type 3,,0.6989822562663911,0.746300213050371,0.4423,0.3035,0.9831,0.762,0.0733,0.48,0.4138,0.3333,0.375,0.1395,,0.4738,,0.0,0.4506,0.3149,0.9831,0.7713,0.07400000000000001,0.4834,0.4138,0.3333,0.375,0.1427,,0.4936,,0.0,0.4466,0.3035,0.9831,0.7652,0.0738,0.48,0.4138,0.3333,0.375,0.142,,0.4823,,0.0,reg oper account,block of flats,0.4127,Panel,No,1.0,0.0,1.0,0.0,-2444.0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,7.0,0.0,1.0 +2275569,386778,Cash loans,8921.565,67500.0,81625.5,,67500.0,FRIDAY,18,Y,1,,,,XNA,Approved,-1015,Cash through the bank,XAP,Other_B,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-985.0,-655.0,-655.0,-649.0,1.0,1,Cash loans,M,N,N,0,135000.0,248760.0,29650.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.026392000000000002,-12715,-5707,-3782.0,-3906,,1,1,1,1,1,0,,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Government,,0.5099885726985488,0.5989262182569273,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-59.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1358992,139317,Consumer loans,3149.685,31500.0,28350.0,3150.0,31500.0,FRIDAY,10,Y,1,0.1089090909090909,,,XAP,Approved,-2862,Cash through the bank,XAP,,New,Furniture,POS,XNA,Stone,660,Furniture,10.0,low_normal,POS industry with interest,365243.0,-2827.0,-2557.0,-2557.0,-2552.0,0.0,0,Cash loans,F,N,Y,0,135000.0,1046142.0,30712.5,913500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-17195,-1506,-9052.0,-748,,1,1,0,1,0,0,Security staff,2.0,2,2,THURSDAY,9,0,0,0,0,1,1,Other,,0.3869030796867815,0.7421816117614419,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2089.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2623948,303424,Cash loans,,0.0,0.0,,,TUESDAY,13,Y,1,,,,XNA,Refused,-262,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,N,Y,0,292500.0,284400.0,16456.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-24018,365243,-7403.0,-2128,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,XNA,,0.29743057325494376,0.34090642641523844,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +1158756,349358,Cash loans,39474.0,1350000.0,1350000.0,,1350000.0,FRIDAY,18,Y,1,,,,XNA,Approved,-160,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-130.0,1640.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,211500.0,373500.0,21573.0,373500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-19552,-570,-6565.0,-3002,13.0,1,1,0,1,0,0,Managers,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Construction,,0.7332308812227555,0.646329897706246,0.1216,,0.9901,,,0.12,0.1034,0.375,,,,0.127,,0.0,0.1239,,0.9901,,,0.1208,0.1034,0.375,,,,0.1323,,0.0,0.1228,,0.9901,,,0.12,0.1034,0.375,,,,0.1293,,0.0,,block of flats,0.0999,Panel,No,2.0,0.0,2.0,0.0,-1145.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2372222,323111,Consumer loans,3588.345,23535.0,19759.5,4707.0,23535.0,THURSDAY,19,Y,1,0.20952530640226047,,,XAP,Approved,-2600,XNA,XAP,,Repeater,Audio/Video,POS,XNA,Stone,400,Consumer electronics,6.0,middle,POS household with interest,365243.0,-2568.0,-2418.0,-2418.0,-2408.0,1.0,0,Cash loans,M,N,Y,0,450000.0,568197.0,45022.5,490500.0,Unaccompanied,State servant,Secondary / secondary special,Married,Office apartment,0.006233,-12392,-4466,-1247.0,-3684,,1,1,0,1,0,0,Laborers,2.0,2,2,SUNDAY,10,0,0,0,0,0,0,Military,,0.769587386227396,0.2458512138252296,0.0732,0.0,0.9836,,,0.08,0.069,0.3333,,0.0233,,0.0668,,0.0383,0.0746,0.0,0.9836,,,0.0806,0.069,0.3333,,0.0238,,0.0696,,0.0405,0.0739,0.0,0.9836,,,0.08,0.069,0.3333,,0.0237,,0.068,,0.0391,,block of flats,0.0625,Panel,No,6.0,0.0,6.0,0.0,-1814.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1081337,449101,Revolving loans,4500.0,90000.0,90000.0,,90000.0,MONDAY,10,Y,1,,,,XAP,Approved,-123,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,N,Y,0,90000.0,339241.5,16627.5,238500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.01885,-12939,-162,-2614.0,-4090,,1,1,0,1,0,0,Laborers,1.0,2,2,FRIDAY,17,0,0,0,1,1,0,Other,,0.6573010437592163,0.2176285202779586,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2446045,312628,Revolving loans,9000.0,0.0,180000.0,,,MONDAY,8,Y,1,,,,XAP,Approved,-2306,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-2305.0,-2254.0,365243.0,-975.0,365243.0,0.0,0,Cash loans,F,N,N,0,148500.0,855000.0,30289.5,855000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.026392000000000002,-14062,-580,-4887.0,-4126,,1,1,1,1,1,0,Sales staff,2.0,2,2,SUNDAY,10,0,0,0,0,0,0,Construction,0.231460093186768,0.7015846102505903,0.5406544504453575,0.1485,0.0875,0.9816,0.7484,,0.16,0.1379,0.3333,0.0,0.1288,,0.1625,,0.0017,0.1513,0.0908,0.9816,0.7583,,0.1611,0.1379,0.3333,0.0,0.1317,,0.1693,,0.0018,0.1499,0.0875,0.9816,0.7518,,0.16,0.1379,0.3333,0.0,0.131,,0.1654,,0.0018,,block of flats,0.1384,Panel,No,0.0,0.0,0.0,0.0,-2306.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1298619,324498,Consumer loans,11767.86,54360.0,57231.0,0.0,54360.0,FRIDAY,14,Y,1,0.0,,,XAP,Approved,-644,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,71,Connectivity,6.0,high,POS mobile with interest,365243.0,-613.0,-463.0,-463.0,-460.0,0.0,0,Cash loans,F,N,Y,3,90000.0,1024740.0,55719.0,900000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.003069,-16301,-2118,-32.0,-4117,,1,1,0,1,0,0,,5.0,3,3,FRIDAY,15,0,0,0,0,1,1,Self-employed,0.529402222162227,0.7161366453694742,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-644.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2509500,213828,Cash loans,19626.435,450000.0,553950.0,,450000.0,FRIDAY,11,Y,1,,,,XNA,Approved,-548,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,60.0,middle,Cash X-Sell: middle,365243.0,-518.0,1252.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,247500.0,208854.0,12118.5,184500.0,Family,Pensioner,Secondary / secondary special,Separated,House / apartment,0.030755,-21340,365243,-4695.0,-3988,,1,0,0,1,0,0,,1.0,2,2,SUNDAY,11,0,0,0,0,0,0,XNA,,0.6362737146442704,,0.1371,0.0987,0.9771,,,0.16,0.1379,0.3333,,0.0364,,0.1449,,0.0889,0.1397,0.1024,0.9772,,,0.1611,0.1379,0.3333,,0.0373,,0.151,,0.0941,0.1384,0.0987,0.9771,,,0.16,0.1379,0.3333,,0.0371,,0.1475,,0.0907,,block of flats,0.1684,Panel,No,4.0,0.0,4.0,0.0,-923.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1804072,159375,Revolving loans,11250.0,0.0,225000.0,,,THURSDAY,16,Y,1,,,,XAP,Refused,-485,XNA,HC,,Refreshed,XNA,Cards,x-sell,AP+ (Cash loan),6,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,N,1,162000.0,450000.0,21109.5,450000.0,Unaccompanied,Working,Incomplete higher,Married,Rented apartment,0.010006000000000001,-10305,-1626,-928.0,-51,,1,1,0,1,0,0,Accountants,3.0,2,1,SATURDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.3426146486650583,0.6718693266363627,0.6195277080511546,0.1196,0.0648,0.9876,0.83,0.04,0.08,0.0345,0.3333,0.375,0.0617,0.0967,0.0958,0.0039,0.0022,0.1218,0.0672,0.9876,0.8367,0.0404,0.0806,0.0345,0.3333,0.375,0.0631,0.1056,0.0998,0.0039,0.0023,0.1207,0.0648,0.9876,0.8323,0.0403,0.08,0.0345,0.3333,0.375,0.0628,0.0983,0.0975,0.0039,0.0022,reg oper account,block of flats,0.0982,Panel,No,0.0,0.0,0.0,0.0,-773.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2246532,378192,Consumer loans,5979.69,31050.0,29326.5,3105.0,31050.0,TUESDAY,9,Y,1,0.10426983866695264,,,XAP,Approved,-2129,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,18,Connectivity,6.0,high,POS mobile with interest,365243.0,-2090.0,-1940.0,-1940.0,-1571.0,0.0,0,Cash loans,F,N,N,0,225000.0,239850.0,28462.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.030755,-13197,-3268,-7280.0,-4194,,1,1,0,1,0,0,Realty agents,1.0,2,2,TUESDAY,12,0,0,0,0,0,0,Self-employed,,0.7235889137183305,,0.2227,0.1364,0.9856,0.8028,0.0,0.24,0.2069,0.3333,0.375,0.0362,0.1807,0.2299,0.0039,0.0045,0.2269,0.1415,0.9856,0.8105,0.0,0.2417,0.2069,0.3333,0.375,0.037000000000000005,0.1974,0.2395,0.0039,0.0048,0.2248,0.1364,0.9856,0.8054,0.0,0.24,0.2069,0.3333,0.375,0.0368,0.1838,0.234,0.0039,0.0046,reg oper spec account,block of flats,0.2027,Panel,No,0.0,0.0,0.0,0.0,-2129.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1178325,236754,Cash loans,22329.36,648000.0,759195.0,,648000.0,THURSDAY,14,Y,1,,,,XNA,Refused,-344,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,1,135000.0,360000.0,18508.5,360000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.031329,-12853,-1313,-4263.0,-5002,,1,1,0,1,0,0,Cleaning staff,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,Other,,0.5816610098615784,0.2622489709189549,0.101,0.1135,0.9811,0.7416,0.0108,0.0,0.2069,0.1667,0.2083,0.1214,0.0824,0.0871,0.0039,0.0231,0.1029,0.1177,0.9811,0.7517,0.0108,0.0,0.2069,0.1667,0.2083,0.1242,0.09,0.0907,0.0039,0.0244,0.102,0.1135,0.9811,0.7451,0.0108,0.0,0.2069,0.1667,0.2083,0.1235,0.0838,0.0886,0.0039,0.0236,reg oper account,block of flats,0.0735,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1057924,421341,Consumer loans,6452.55,27405.0,22648.5,5481.0,27405.0,SUNDAY,13,Y,1,0.212208083070345,,,XAP,Approved,-2384,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Country-wide,25,Connectivity,4.0,low_normal,POS mobile with interest,365243.0,-2353.0,-2263.0,-2263.0,-2258.0,1.0,0,Cash loans,M,Y,Y,0,112500.0,760225.5,32337.0,679500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00702,-15570,-2775,-3059.0,-4462,14.0,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Industry: type 3,0.6185316351165953,0.44730065649244455,0.6430255641096323,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1720.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,4.0 +1838712,141866,Cash loans,9253.44,216000.0,216000.0,0.0,216000.0,TUESDAY,12,Y,1,0.0,,,XNA,Refused,-2717,XNA,SCO,,Refreshed,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,54.0,middle,Cash Street: middle,,,,,,,0,Cash loans,M,Y,Y,0,135000.0,345510.0,14638.5,247500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-19387,-179,-6830.0,-2913,30.0,1,1,0,1,0,0,Low-skill Laborers,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Self-employed,,0.3731122164882007,0.4920600938649263,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,4.0,7.0,2.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2842959,444393,Cash loans,36781.74,315000.0,332046.0,,315000.0,MONDAY,14,Y,1,,,,XNA,Approved,-680,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-650.0,-320.0,-320.0,-317.0,1.0,0,Cash loans,M,N,Y,0,540000.0,225000.0,24232.5,225000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.022625,-16489,-266,-6087.0,-27,,1,1,0,1,1,1,High skill tech staff,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.7237026152366629,0.4507472818545589,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1549.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,4.0 +1978786,331406,Cash loans,5693.085,45000.0,47970.0,,45000.0,THURSDAY,17,Y,1,,,,Other,Approved,-397,Cash through the bank,XAP,,New,XNA,Cash,walk-in,AP+ (Cash loan),5,XNA,12.0,high,Cash Street: high,365243.0,-367.0,-37.0,-247.0,-240.0,1.0,0,Cash loans,F,N,Y,0,202500.0,543735.0,26158.5,486000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.009175,-20203,365243,-3709.0,-1222,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,18,0,0,0,0,0,0,XNA,,0.5424048872341461,0.29708661164720285,0.0773,0.0873,0.9841,,,0.0,0.1724,0.1667,,0.0668,,0.075,,0.0,0.0788,0.0905,0.9841,,,0.0,0.1724,0.1667,,0.0684,,0.0774,,0.0,0.0781,0.0873,0.9841,,,0.0,0.1724,0.1667,,0.068,,0.0763,,0.0,,block of flats,0.0595,Panel,No,0.0,0.0,0.0,0.0,-47.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2509748,328369,Revolving loans,10125.0,0.0,202500.0,,,WEDNESDAY,15,Y,1,,,,XAP,Approved,-1231,XNA,XAP,,Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-1204.0,-1153.0,365243.0,-392.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,81000.0,675000.0,21906.0,675000.0,Other_A,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.026392000000000002,-17534,-404,-7265.0,-1071,9.0,1,1,0,1,0,0,,1.0,2,2,TUESDAY,18,0,0,0,0,0,0,Trade: type 3,,0.6167044926577011,0.3108182544189319,0.2665,,0.9861,,,0.08,0.0345,0.4583,,0.2251,,0.1739,,0.0153,0.2637,,0.9856,,,0.0806,0.0345,0.4583,,0.2302,,0.1761,,0.005,0.2691,,0.9861,,,0.08,0.0345,0.4583,,0.229,,0.177,,0.0156,,block of flats,0.134,"Stone, brick",No,2.0,1.0,2.0,0.0,-1231.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1661330,311719,Cash loans,31098.06,270000.0,319216.5,,270000.0,THURSDAY,12,Y,1,,,,XNA,Approved,-1015,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-985.0,-655.0,-925.0,-921.0,1.0,0,Cash loans,F,N,Y,0,202500.0,1067337.0,45220.5,954000.0,Family,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.00963,-17175,-1439,-7408.0,-730,,1,1,0,1,0,1,Laborers,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,Industry: type 3,,0.40602492775061205,0.7922644738669378,0.268,0.1091,0.9861,,,0.08,0.0345,0.3333,,0.0433,,0.0778,,0.0228,0.2731,0.1132,0.9861,,,0.0806,0.0345,0.3333,,0.0443,,0.0811,,0.0241,0.2706,0.1091,0.9861,,,0.08,0.0345,0.3333,,0.044,,0.0792,,0.0232,,specific housing,0.1077,"Stone, brick",No,3.0,0.0,3.0,0.0,-1694.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1891922,121075,Cash loans,43725.51,904500.0,970168.5,,904500.0,SATURDAY,11,Y,1,,,,Repairs,Refused,-709,Cash through the bank,HC,Unaccompanied,Refreshed,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,30.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,N,0,135000.0,677664.0,28615.5,585000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010147,-17214,-5113,-3952.0,-752,,1,1,0,1,1,0,High skill tech staff,2.0,2,2,MONDAY,11,0,0,0,0,0,0,Business Entity Type 2,0.5346599045993922,0.3781947764114208,0.1852020815902493,0.1646,0.0614,0.9806,0.9796,0.1182,0.32,0.1379,0.1942,0.5833,0.331,0.3782,0.127,0.0695,0.0977,0.0053,0.0637,0.9717,0.9804,0.1193,0.3222,0.1379,0.0,0.5833,0.3385,0.4132,0.0049,0.07,0.1034,0.0062,0.0614,0.9722,0.9799,0.1189,0.32,0.1379,0.0,0.5833,0.3367,0.3848,0.005,0.0699,0.0997,org spec account,block of flats,0.3132,Wooden,No,0.0,0.0,0.0,0.0,-782.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1514114,153131,Consumer loans,3106.08,29430.0,29110.5,2943.0,29430.0,THURSDAY,11,Y,1,0.09999515015379112,,,XAP,Approved,-2085,XNA,XAP,Family,Repeater,Audio/Video,POS,XNA,Stone,80,Furniture,12.0,middle,POS industry with interest,365243.0,-2046.0,-1716.0,-1746.0,-1739.0,0.0,0,Cash loans,M,Y,Y,1,31500.0,540000.0,17550.0,540000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-17189,-4395,-2666.0,-684,13.0,1,1,0,1,0,0,Security staff,3.0,2,2,WEDNESDAY,10,0,0,0,0,1,1,Business Entity Type 2,,0.41674719185239295,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1298375,132231,Consumer loans,6236.415,67594.5,60831.0,6763.5,67594.5,MONDAY,16,Y,1,0.10897434500789804,,,XAP,Approved,-774,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Stone,150,Consumer electronics,12.0,middle,POS household with interest,365243.0,-741.0,-411.0,-591.0,-579.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,255960.0,16488.0,202500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.019101,-17041,-1893,-8381.0,-574,22.0,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,14,0,1,1,0,1,1,Police,0.5085056090520711,0.6260879356711869,0.7726311345553628,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,5.0,0.0,5.0,0.0,-774.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2056672,384872,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SUNDAY,13,Y,1,,,,XAP,Approved,-275,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-193.0,-143.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,67500.0,397017.0,24120.0,301500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-14643,-4934,-6529.0,-4761,,1,1,0,1,0,0,Cooking staff,2.0,3,3,TUESDAY,12,0,0,0,0,0,0,Industry: type 11,,0.4229043442739037,0.6178261467332483,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1300.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1205291,198274,Consumer loans,22153.095,113625.0,119623.5,0.0,113625.0,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-75,Cash through the bank,XAP,,Repeater,Jewelry,POS,XNA,Country-wide,1,Jewelry,6.0,middle,POS others without interest,,,,,,,0,Revolving loans,F,N,Y,0,67500.0,135000.0,6750.0,135000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.0060079999999999995,-19879,-8314,-6881.0,-3291,,1,1,0,1,1,0,Laborers,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Other,,0.6520062344313987,0.7151031019926098,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,3.0,0.0,3.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2780833,322522,Revolving loans,4500.0,0.0,67500.0,,,THURSDAY,11,N,0,,,,XAP,Refused,-2861,XNA,HC,,Repeater,XNA,Cards,x-sell,Country-wide,595,Consumer electronics,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,N,2,225000.0,490536.0,22864.5,405000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.028663,-10897,-1952,-3175.0,-2169,,1,1,1,1,1,0,HR staff,4.0,2,2,TUESDAY,14,1,1,0,1,1,0,Business Entity Type 3,0.460917044311634,0.6784778666173765,0.13595104417329515,0.2227,0.155,0.9801,0.728,0.0,0.16,0.1379,0.3333,0.375,0.1518,0.1811,0.2168,0.0019,0.0024,0.2269,0.1608,0.9801,0.7387,0.0,0.1611,0.1379,0.3333,0.375,0.1536,0.1974,0.2252,0.0,0.0,0.2248,0.155,0.9801,0.7316,0.0,0.16,0.1379,0.3333,0.375,0.1545,0.1843,0.2207,0.0019,0.0024,reg oper account,block of flats,0.1926,Panel,No,0.0,0.0,0.0,0.0,-1561.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1797385,334948,Consumer loans,7108.155,77823.0,70038.0,7785.0,77823.0,WEDNESDAY,10,Y,1,0.10894687595277393,,,XAP,Approved,-719,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,54,Connectivity,12.0,middle,POS mobile with interest,365243.0,-666.0,-336.0,-576.0,-568.0,0.0,0,Cash loans,F,N,Y,1,337500.0,379008.0,42889.5,360000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.006305,-11954,-5322,-3342.0,-4116,,1,1,0,1,0,0,Managers,3.0,3,3,MONDAY,5,0,0,0,0,0,0,Business Entity Type 3,,0.498137680748783,0.5656079814115492,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1637.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1408798,314210,Consumer loans,11821.59,142155.0,99508.5,42646.5,142155.0,SUNDAY,16,Y,1,0.3267272727272727,,,XAP,Refused,-2129,Cash through the bank,SCO,Family,New,Clothing and Accessories,POS,XNA,Country-wide,200,Clothing,10.0,middle,POS industry with interest,,,,,,,0,Cash loans,F,N,Y,1,247500.0,1575000.0,43312.5,1575000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.02461,-16194,-1325,-5389.0,-5050,,1,1,0,1,1,0,,3.0,2,2,MONDAY,10,0,0,0,1,0,1,Business Entity Type 3,,0.6986186466871439,0.520897599048938,0.2474,0.1187,0.9871,,,0.24,0.2069,0.375,,0.1296,,0.2598,,0.0,0.2521,0.1232,0.9871,,,0.2417,0.2069,0.375,,0.1326,,0.2707,,0.0,0.2498,0.1187,0.9871,,,0.24,0.2069,0.375,,0.1319,,0.2644,,0.0,,block of flats,0.2409,Panel,No,3.0,1.0,3.0,1.0,-1488.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1564938,340072,Consumer loans,7675.65,61191.0,76162.5,0.0,61191.0,SUNDAY,15,Y,1,0.0,,,XAP,Approved,-522,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,2194,Consumer electronics,12.0,middle,POS household with interest,365243.0,-490.0,-160.0,-340.0,-333.0,0.0,0,Cash loans,M,N,N,0,90000.0,130365.0,8460.0,99000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-9180,-1559,-4654.0,-1809,,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,Other,,0.2059045664556357,0.31703177858344445,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-522.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1524056,260355,Consumer loans,9984.825,53955.0,48559.5,5395.5,53955.0,THURSDAY,13,Y,1,0.1089090909090909,,,XAP,Approved,-731,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,20,Connectivity,6.0,high,POS mobile with interest,365243.0,-686.0,-536.0,-536.0,-532.0,0.0,0,Cash loans,M,N,Y,0,90000.0,122521.5,11367.0,99000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.010556,-8628,-240,-3498.0,-1312,,1,1,0,1,0,0,Core staff,1.0,3,3,SUNDAY,15,0,0,0,0,1,1,Transport: type 2,,0.0017292788084828016,0.14375805349116522,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-731.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1059968,349452,Consumer loans,4818.015,103500.0,103500.0,0.0,103500.0,SATURDAY,14,Y,1,0.0,,,XAP,Approved,-336,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,4200,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-306.0,384.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,270000.0,292500.0,15061.5,292500.0,"Spouse, partner",Commercial associate,Higher education,Married,House / apartment,0.019101,-15485,-8159,-6455.0,-4893,19.0,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,Industry: type 9,0.6700399034153522,0.6172315993961304,0.7394117535524816,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-1596.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1190973,375928,Cash loans,12805.02,342000.0,342000.0,,342000.0,FRIDAY,17,Y,1,,,,Other,Refused,-125,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,low_action,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,175500.0,225000.0,16371.0,225000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.026392000000000002,-13308,-6429,-664.0,-4395,,1,1,1,1,1,1,Core staff,2.0,2,2,THURSDAY,16,0,0,0,0,0,0,School,,0.6957933882307554,0.3296550543128238,0.0825,,0.9871,,,0.08,0.069,0.375,,,,0.085,,0.0,0.084,,0.9871,,,0.0806,0.069,0.375,,,,0.0886,,0.0,0.0833,,0.9871,,,0.08,0.069,0.375,,,,0.0865,,0.0,,block of flats,0.0669,Panel,No,1.0,0.0,1.0,0.0,-1785.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2376145,220001,Cash loans,48092.355,1129500.0,1244304.0,,1129500.0,THURSDAY,12,Y,1,,,,XNA,Refused,-450,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,42.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,126000.0,325908.0,12208.5,247500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-22817,-1520,-11152.0,-3804,,1,1,0,1,1,0,Sales staff,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,Self-employed,,0.20414031667024524,0.1595195404777181,0.1103,0.0,0.9851,0.7959999999999999,0.0194,0.0,0.2759,0.1667,0.2083,0.0925,0.0857,0.0644,0.0193,0.0788,0.1124,0.0,0.9851,0.804,0.0195,0.0,0.2759,0.1667,0.2083,0.0946,0.0937,0.0671,0.0195,0.0834,0.1114,0.0,0.9851,0.7987,0.0195,0.0,0.2759,0.1667,0.2083,0.0941,0.0872,0.0655,0.0194,0.0804,reg oper spec account,block of flats,0.1186,"Stone, brick",No,0.0,0.0,0.0,0.0,-299.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1434273,222021,Consumer loans,6775.695,147343.5,147343.5,0.0,147343.5,TUESDAY,18,Y,1,0.0,,,XAP,Approved,-1492,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,2100,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1460.0,-770.0,-770.0,-759.0,0.0,0,Cash loans,F,N,Y,0,225000.0,808650.0,26217.0,675000.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.009656999999999999,-17274,-1678,-1524.0,-798,,1,1,0,1,0,0,Accountants,1.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.8013219022351525,0.5309050646119295,0.7826078370261895,0.3691,0.2888,0.9861,0.8096,0.1223,0.4,0.3448,0.3333,0.375,0.2733,0.3009,0.3858,0.0,0.0131,0.3761,0.2997,0.9861,0.8171,0.1234,0.4028,0.3448,0.3333,0.375,0.2795,0.3287,0.4019,0.0,0.0139,0.3726,0.2888,0.9861,0.8121,0.1231,0.4,0.3448,0.3333,0.375,0.278,0.3061,0.3927,0.0,0.0134,reg oper account,block of flats,0.3731,Panel,No,0.0,0.0,0.0,0.0,-1492.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2372668,206711,Cash loans,10086.3,90000.0,90000.0,0.0,90000.0,WEDNESDAY,17,Y,1,0.0,,,XNA,Approved,-2198,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,,,,,,,0,Revolving loans,F,Y,Y,0,90000.0,270000.0,13500.0,270000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.009656999999999999,-23593,365243,-140.0,-4533,7.0,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,XNA,0.8380630685702349,0.5741559982698616,0.6577838002083306,0.0082,0.0,0.9722,,,0.0,0.0345,0.0417,,0.0407,,0.0083,,0.0,0.0084,0.0,0.9722,,,0.0,0.0345,0.0417,,0.0416,,0.0086,,0.0,0.0083,0.0,0.9722,,,0.0,0.0345,0.0417,,0.0414,,0.0084,,0.0,reg oper account,block of flats,0.0072,"Stone, brick",No,1.0,0.0,1.0,0.0,-1797.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2509788,219206,Cash loans,13157.145,135000.0,169879.5,,135000.0,THURSDAY,18,Y,1,,,,XNA,Approved,-640,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-609.0,-99.0,-399.0,-392.0,0.0,0,Revolving loans,M,Y,Y,0,112500.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010966,-9611,-371,-7250.0,-2188,11.0,1,1,0,1,0,1,Laborers,2.0,2,2,SUNDAY,10,0,0,0,0,0,0,Government,,0.5036045052869237,0.2250868621163805,0.0577,0.0913,0.9776,0.6940000000000001,0.0115,0.0,0.069,0.1667,0.2083,0.0158,0.0471,0.0538,0.0,0.0543,0.0588,0.0947,0.9777,0.706,0.0116,0.0,0.069,0.1667,0.2083,0.0162,0.0514,0.0561,0.0,0.0575,0.0583,0.0913,0.9776,0.6981,0.0116,0.0,0.069,0.1667,0.2083,0.0161,0.0479,0.0548,0.0,0.0555,reg oper spec account,block of flats,0.0605,"Stone, brick",No,0.0,0.0,0.0,0.0,-788.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1481164,248899,Cash loans,16725.96,472500.0,547344.0,,472500.0,THURSDAY,14,Y,1,,,,XNA,Approved,-318,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_action,Cash X-Sell: low,365243.0,-288.0,1122.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,135000.0,787086.0,23143.5,657000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.00702,-20083,-3050,-9272.0,-3578,,1,1,0,1,0,0,Medicine staff,2.0,2,2,SUNDAY,12,0,0,0,0,0,0,Kindergarten,,0.7207237943461339,0.5226973172821112,0.1196,0.0871,0.9861,0.8096,0.0,0.0,0.1379,0.1667,0.2083,0.0807,0.0975,0.0716,0.0,0.0856,0.1218,0.0904,0.9861,0.8171,0.0,0.0,0.1379,0.1667,0.2083,0.0826,0.1065,0.0746,0.0,0.0906,0.1207,0.0871,0.9861,0.8121,0.0,0.0,0.1379,0.1667,0.2083,0.0821,0.0992,0.0729,0.0,0.0874,reg oper account,block of flats,0.0749,"Stone, brick",No,0.0,0.0,0.0,0.0,-1873.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1221567,443977,Revolving loans,2250.0,45000.0,45000.0,,45000.0,TUESDAY,9,Y,1,,,,XAP,Approved,-106,XNA,XAP,Family,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-106.0,-56.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,180000.0,593010.0,17122.5,495000.0,"Spouse, partner",Working,Higher education,Married,House / apartment,0.025164,-9750,-2007,-1217.0,-1905,,1,1,0,1,0,0,Core staff,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,School,0.5005641282355285,0.5942581851100249,0.6195277080511546,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-271.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1088173,313352,Consumer loans,7788.96,46732.5,42057.0,4675.5,46732.5,FRIDAY,13,Y,1,0.10896152667746313,,,XAP,Approved,-1357,Cash through the bank,XAP,Unaccompanied,Refreshed,Audio/Video,POS,XNA,Country-wide,90,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1326.0,-1176.0,-1206.0,-1201.0,0.0,0,Cash loans,M,Y,Y,1,225000.0,675000.0,32602.5,675000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.0105,-17508,-4114,-828.0,-1061,16.0,1,1,0,1,0,0,Laborers,3.0,3,3,THURSDAY,15,0,1,1,0,1,1,Business Entity Type 3,0.4745361367453858,0.7181150854774714,0.722392890081304,0.1742,0.2182,0.9871,0.8232,0.0305,0.16,0.1379,0.375,0.4167,0.0918,0.132,0.1766,0.0463,0.091,0.1775,0.2264,0.9871,0.8301,0.0308,0.1611,0.1379,0.375,0.4167,0.0939,0.1442,0.184,0.0467,0.0963,0.1759,0.2182,0.9871,0.8256,0.0307,0.16,0.1379,0.375,0.4167,0.0934,0.1342,0.1798,0.0466,0.0929,reg oper account,block of flats,0.1843,"Stone, brick",No,2.0,0.0,2.0,0.0,-2335.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2346350,179246,Cash loans,7630.2,162000.0,162000.0,0.0,162000.0,TUESDAY,7,Y,1,0.0,,,XNA,Approved,-2517,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,48.0,middle,Cash Street: middle,365243.0,-2487.0,-1077.0,-1077.0,-1069.0,0.0,0,Cash loans,F,N,Y,0,67500.0,675000.0,21775.5,675000.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-20621,365243,-10746.0,-4180,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,XNA,,0.3830354805108179,0.4101025731788671,,,0.9856,,,0.24,0.2069,0.3333,,,,0.2432,,0.0122,,,0.9856,,,0.2417,0.2069,0.3333,,,,0.2534,,0.0129,,,0.9856,,,0.24,0.2069,0.3333,,,,0.2476,,0.0125,,block of flats,0.2201,Panel,No,7.0,2.0,7.0,1.0,-1782.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2206460,322451,Cash loans,18894.6,225000.0,295366.5,,225000.0,MONDAY,11,Y,1,,,,XNA,Approved,-524,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-494.0,196.0,-164.0,-161.0,1.0,0,Cash loans,M,N,N,0,135000.0,640080.0,31261.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Municipal apartment,0.009549,-12925,-1592,-5198.0,-3945,,1,1,0,1,0,1,Laborers,1.0,2,2,SUNDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.1708720898434361,0.6088645235489277,0.3031463744186309,0.0825,0.4277,0.9771,,,0.0,0.1379,0.1667,,0.0647,,0.0707,,0.001,0.084,0.0671,0.9772,,,0.0,0.1379,0.1667,,0.0661,,0.0736,,0.001,0.0833,0.4277,0.9771,,,0.0,0.1379,0.1667,,0.0658,,0.07200000000000001,,0.001,,block of flats,0.0558,Panel,No,0.0,0.0,0.0,0.0,-2355.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +1538266,431186,Consumer loans,9987.165,221445.0,221445.0,0.0,221445.0,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-1391,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,1400,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1359.0,-669.0,-669.0,-662.0,0.0,0,Cash loans,M,Y,N,1,360000.0,1515415.5,41800.5,1354500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-8273,-1625,-6450.0,-966,5.0,1,1,0,1,0,0,Laborers,3.0,1,1,FRIDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.2164383019915212,0.7133590563115759,0.39449540531239935,0.5505,0.2187,0.9911,0.8776,0.2695,0.64,0.2759,0.6667,0.0417,0.0,0.4404,0.5769,0.0386,0.2275,0.5609,0.227,0.9911,0.8824,0.272,0.6445,0.2759,0.6667,0.0417,0.0,0.4812,0.6011,0.0389,0.2408,0.5558,0.2187,0.9911,0.8792,0.2712,0.64,0.2759,0.6667,0.0417,0.0,0.4481,0.5873,0.0388,0.2323,reg oper account,block of flats,0.5032,Panel,No,0.0,0.0,0.0,0.0,-1391.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2780588,410859,Cash loans,,0.0,0.0,,,WEDNESDAY,14,Y,1,,,,XNA,Refused,-295,XNA,SCOFR,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,N,Y,0,211500.0,485640.0,41674.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.002042,-10754,-1588,-1308.0,-3339,,1,1,0,1,0,0,Laborers,2.0,3,3,THURSDAY,14,0,0,0,1,1,0,Business Entity Type 3,0.18655068640987602,0.5281648180190792,0.7136313997323308,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-790.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1756836,155673,Consumer loans,14095.845,134955.0,133483.5,13495.5,134955.0,SATURDAY,15,Y,1,0.09999949900078488,,,XAP,Approved,-1680,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,82,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1649.0,-1319.0,-1319.0,-1315.0,0.0,0,Cash loans,F,N,Y,0,99000.0,295668.0,11146.5,193500.0,Family,State servant,Secondary / secondary special,Widow,Co-op apartment,0.04622,-15842,-7184,-949.0,-3831,,1,1,0,1,0,0,,1.0,1,1,SATURDAY,10,0,0,0,0,0,0,Business Entity Type 1,,0.69083223184818,0.746300213050371,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1680.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2274571,362838,Consumer loans,6250.815,48771.0,53923.5,0.0,48771.0,WEDNESDAY,21,Y,1,0.0,,,XAP,Approved,-967,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,72,Connectivity,12.0,high,POS mobile with interest,365243.0,-930.0,-600.0,-600.0,-592.0,0.0,0,Revolving loans,F,Y,Y,0,90000.0,180000.0,9000.0,180000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.010966,-7918,-490,-2547.0,-142,1.0,1,1,0,1,0,0,,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.3232403678604917,,0.0557,0.0364,0.9791,,,0.04,0.0345,0.3333,,0.0475,,0.0439,,0.0,0.0567,0.0377,0.9791,,,0.0403,0.0345,0.3333,,0.0486,,0.0457,,0.0,0.0562,0.0364,0.9791,,,0.04,0.0345,0.3333,,0.0483,,0.0446,,0.0,,block of flats,0.0386,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1432631,373036,Cash loans,19213.56,373500.0,531265.5,,373500.0,WEDNESDAY,15,Y,1,,,,XNA,Refused,-245,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,153000.0,775327.5,39717.0,693000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.025164,-18373,-9596,-7681.0,-1920,,1,1,0,1,0,0,High skill tech staff,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Industry: type 5,,0.3712523116545938,0.4066174366275036,0.1649,0.1135,0.9891,0.8504,0.0331,0.16,0.1379,0.375,0.4167,0.0,0.1345,0.1837,0.0,0.0,0.1681,0.1178,0.9891,0.8563,0.0334,0.1611,0.1379,0.375,0.4167,0.0,0.1469,0.1914,0.0,0.0,0.1665,0.1135,0.9891,0.8524,0.0333,0.16,0.1379,0.375,0.4167,0.0,0.1368,0.187,0.0,0.0,reg oper account,block of flats,0.1626,Panel,No,0.0,0.0,0.0,0.0,-1436.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2755714,379144,Consumer loans,4390.02,35010.0,38475.0,0.0,35010.0,SUNDAY,15,Y,1,0.0,,,XAP,Approved,-2395,Cash through the bank,XAP,Family,New,Photo / Cinema Equipment,POS,XNA,Stone,1300,Consumer electronics,12.0,high,POS household with interest,365243.0,-2364.0,-2034.0,-2034.0,-2031.0,1.0,0,Cash loans,F,N,N,0,90000.0,1133748.0,33277.5,990000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.01885,-14205,-2776,-5327.0,-5327,,1,1,0,1,0,0,,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Industry: type 2,0.693611090684271,0.6451481875554417,,0.1649,0.0965,0.9881,0.8368,0.0562,0.16,0.1379,0.375,0.4167,0.1433,0.1345,0.1707,0.0,0.0,0.1681,0.1002,0.9881,0.8432,0.0567,0.1611,0.1379,0.375,0.4167,0.1466,0.1469,0.1779,0.0,0.0,0.1665,0.0965,0.9881,0.8390000000000001,0.0566,0.16,0.1379,0.375,0.4167,0.1458,0.1368,0.1738,0.0,0.0,,block of flats,0.1343,Panel,No,1.0,0.0,1.0,0.0,-1869.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2798259,325077,Cash loans,25652.52,202500.0,244170.0,,202500.0,MONDAY,4,Y,1,,,,XNA,Approved,-870,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-840.0,-510.0,-750.0,-736.0,1.0,0,Cash loans,F,Y,Y,0,225000.0,270000.0,29209.5,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.0038179999999999998,-11902,-1547,-5893.0,-4355,15.0,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,5,0,0,0,1,1,0,Self-employed,,0.533099194602516,0.6313545365850379,0.0732,0.07400000000000001,0.9876,0.83,0.0577,0.0,0.1379,0.1667,0.2083,0.0474,0.0504,0.0603,0.0425,0.0267,0.0746,0.0768,0.9876,0.8367,0.0582,0.0,0.1379,0.1667,0.2083,0.0485,0.0551,0.0628,0.0428,0.0282,0.0739,0.07400000000000001,0.9876,0.8323,0.0581,0.0,0.1379,0.1667,0.2083,0.0483,0.0513,0.0613,0.0427,0.0272,reg oper account,block of flats,0.0789,Block,No,0.0,0.0,0.0,0.0,-1598.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2446914,211070,Consumer loans,16307.865,79402.5,83331.0,0.0,79402.5,TUESDAY,9,Y,1,0.0,,,XAP,Approved,-1325,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,70,Consumer electronics,6.0,high,POS household with interest,365243.0,-1294.0,-1144.0,-1144.0,-1138.0,0.0,1,Cash loans,F,N,Y,1,45000.0,315000.0,13473.0,315000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008068,-15180,-391,-5291.0,-4361,,1,1,0,1,0,0,Drivers,3.0,3,3,THURSDAY,8,0,0,0,0,1,1,Self-employed,,0.2555329471593095,0.6212263380626669,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1431.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1187743,386216,Cash loans,15267.15,135000.0,135000.0,0.0,135000.0,THURSDAY,15,Y,1,0.0,,,XNA,Approved,-2122,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-2092.0,-1762.0,-1762.0,-1755.0,0.0,0,Cash loans,F,N,Y,0,135000.0,269982.0,26833.5,238500.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.007114,-21180,365243,-6057.0,-4644,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,17,0,0,0,0,0,0,XNA,0.35822459283781666,0.5119502410649339,0.4722533429586386,0.0907,0.0975,0.9781,0.7008,0.0133,0.0,0.2069,0.1667,0.2083,0.1342,,0.0864,,0.0079,0.0924,0.1012,0.9782,0.7125,0.0134,0.0,0.2069,0.1667,0.2083,0.1373,,0.09,,0.0084,0.0916,0.0975,0.9781,0.7048,0.0134,0.0,0.2069,0.1667,0.2083,0.1365,,0.0879,,0.0081,reg oper account,block of flats,0.0697,Panel,No,0.0,0.0,0.0,0.0,-1730.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1444988,347700,Consumer loans,5400.63,119245.5,119245.5,0.0,119245.5,MONDAY,15,Y,1,0.0,,,XAP,Approved,-648,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,621,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-617.0,73.0,-47.0,-40.0,0.0,0,Cash loans,M,Y,Y,0,292500.0,1381113.0,40383.0,1206000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007305,-13856,-2714,-119.0,-4391,3.0,1,1,0,1,1,0,Laborers,2.0,3,3,FRIDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.6718741475658911,,0.3041,0.2026,0.9896,0.8572,0.0693,0.28,0.2414,0.375,0.4167,0.1061,0.248,0.2746,,0.1742,0.3099,0.2103,0.9896,0.8628,0.0699,0.282,0.2414,0.375,0.4167,0.1085,0.2709,0.2861,,0.1844,0.3071,0.2026,0.9896,0.8591,0.0697,0.28,0.2414,0.375,0.4167,0.1079,0.2522,0.2796,,0.1778,reg oper account,block of flats,0.2539,Panel,No,4.0,1.0,4.0,0.0,-3041.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2032923,429178,Revolving loans,6750.0,135000.0,135000.0,,135000.0,SUNDAY,9,Y,1,,,,XAP,Refused,-473,XNA,HC,Unaccompanied,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),4,XNA,0.0,XNA,Card Street,,,,,,,1,Cash loans,M,Y,N,2,342000.0,476509.5,37647.0,360000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.002506,-13414,-1415,-631.0,-713,3.0,1,1,0,1,0,0,Core staff,4.0,2,2,THURSDAY,8,0,0,0,0,0,0,Self-employed,,0.4477007466962862,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-519.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1068998,223281,Consumer loans,1864.62,15705.0,17572.5,0.0,15705.0,MONDAY,10,Y,1,0.0,,,XAP,Refused,-282,Cash through the bank,HC,Unaccompanied,Repeater,Mobile,POS,XNA,Regional / Local,1000,Consumer electronics,12.0,middle,POS household with interest,,,,,,,0,Cash loans,M,N,Y,0,247500.0,552555.0,23359.5,477000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.010556,-9267,-223,-3900.0,-1924,,1,1,0,1,0,0,Laborers,1.0,3,3,WEDNESDAY,17,1,1,0,1,1,0,Industry: type 11,0.3348572756736558,0.6199711786221592,0.3893387918468769,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1168.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,9.0 +1775558,273418,Consumer loans,5093.01,94261.5,112927.5,0.0,94261.5,WEDNESDAY,16,Y,1,0.0,,,XAP,Approved,-1535,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,1524,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1503.0,-813.0,-1323.0,-1314.0,0.0,0,Cash loans,F,N,Y,0,225000.0,1436850.0,42142.5,1125000.0,Family,Working,Secondary / secondary special,Separated,House / apartment,0.019101,-20737,-878,-5792.0,-4194,,1,1,0,1,0,0,,1.0,2,2,FRIDAY,11,0,1,1,0,1,1,Construction,,0.5586743747450202,0.4776491548517548,0.1361,0.0,0.9737,0.6396,0.0147,0.0,0.1034,0.125,0.1667,0.0546,0.111,0.0312,0.0,0.0,0.1387,0.0,0.9737,0.6537,0.0148,0.0,0.1034,0.125,0.1667,0.0558,0.1212,0.0325,0.0,0.0,0.1374,0.0,0.9737,0.6444,0.0147,0.0,0.1034,0.125,0.1667,0.0555,0.1129,0.0317,0.0,0.0,reg oper account,block of flats,0.0325,"Stone, brick",No,7.0,0.0,7.0,0.0,-1914.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1083623,186871,Consumer loans,7283.385,58257.0,72486.0,0.0,58257.0,FRIDAY,10,Y,1,0.0,,,XAP,Approved,-999,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,1600,Consumer electronics,12.0,middle,POS household with interest,365243.0,-968.0,-638.0,-728.0,-724.0,0.0,0,Cash loans,M,Y,Y,1,101250.0,45000.0,5337.0,45000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.005084,-8549,-662,-1443.0,-1049,8.0,1,1,1,1,1,0,Managers,3.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Trade: type 2,,0.4002948796564511,0.17146836689679945,,,0.9732,,,,0.1724,0.0,,0.0153,,0.0027,,,,,0.9732,,,,0.1724,0.0,,0.0156,,0.0028,,,,,0.9732,,,,0.1724,0.0,,0.0155,,0.0027,,,,block of flats,0.0025,Wooden,Yes,1.0,0.0,1.0,0.0,-139.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,1.0,0.0,1.0 +1902845,296886,Consumer loans,5577.75,61066.35,54958.5,6107.85,61066.35,TUESDAY,12,Y,1,0.10893075988807106,0.14244021307945146,0.6379492600422833,XAP,Approved,-520,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,45,Connectivity,12.0,middle,POS mobile with interest,365243.0,-483.0,-153.0,-423.0,-417.0,0.0,0,Revolving loans,F,N,Y,0,112500.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.030755,-8240,-1462,-3081.0,-934,,1,1,0,1,0,0,Realty agents,1.0,2,2,THURSDAY,10,0,0,0,1,1,0,Self-employed,0.4102461483266373,0.6514403949970855,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1358023,240807,Cash loans,26063.415,450000.0,533160.0,,450000.0,WEDNESDAY,11,Y,1,,,,XNA,Refused,-836,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,112500.0,284400.0,16011.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.022625,-24373,365243,-9780.0,-4627,,1,0,0,1,0,0,,1.0,2,2,SATURDAY,9,0,0,0,0,0,0,XNA,,0.6152354194514281,0.7688075728291359,0.1856,0.1097,0.9866,0.8164,0.0698,0.2,0.1724,0.3333,0.375,,0.1513,0.19,0.0,0.0,0.1891,0.1139,0.9866,0.8236,0.0704,0.2014,0.1724,0.3333,0.375,,0.1653,0.1979,0.0,0.0,0.1874,0.1097,0.9866,0.8189,0.0702,0.2,0.1724,0.3333,0.375,,0.1539,0.1934,0.0,0.0,,block of flats,0.1876,Panel,No,0.0,0.0,0.0,0.0,-659.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1662530,143795,Cash loans,20510.415,157500.0,190458.0,0.0,157500.0,THURSDAY,18,Y,1,0.0,,,Repairs,Refused,-1528,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,N,0,166500.0,225000.0,17775.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.02461,-12938,-1657,-6651.0,-4120,,1,1,0,1,1,1,,1.0,2,2,SATURDAY,8,0,0,0,0,0,0,Business Entity Type 3,0.5301949523630267,0.690238758469794,0.25396280933631177,0.0206,0.0,0.9776,0.6940000000000001,,,0.0345,0.125,0.0417,0.0091,0.0168,0.0145,0.0,0.0,0.021,0.0,0.9777,0.706,,,0.0345,0.125,0.0417,0.0093,0.0184,0.0152,0.0,0.0,0.0208,0.0,0.9776,0.6981,,,0.0345,0.125,0.0417,0.0092,0.0171,0.0148,0.0,0.0,reg oper account,block of flats,0.0181,"Stone, brick",No,1.0,1.0,1.0,0.0,-1531.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1808388,423027,Cash loans,8539.605,67500.0,71955.0,,67500.0,FRIDAY,18,Y,1,,,,Other,Approved,-811,XNA,XAP,,Repeater,XNA,Cash,walk-in,Contact center,-1,XNA,12.0,high,Cash Street: high,365243.0,-780.0,-450.0,-450.0,-445.0,0.0,0,Cash loans,F,N,Y,2,121500.0,254700.0,18531.0,225000.0,Family,State servant,Secondary / secondary special,Married,House / apartment,0.030755,-11415,-1507,-2493.0,-3697,,1,1,1,1,1,1,High skill tech staff,4.0,2,2,THURSDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.28358281184193074,0.6887031087365862,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,14.0,0.0,14.0,0.0,-75.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1459956,384631,Consumer loans,6403.365,38610.0,33543.0,6750.0,38610.0,WEDNESDAY,13,Y,1,0.18244766178650465,,,XAP,Approved,-1091,XNA,XAP,Unaccompanied,New,Computers,POS,XNA,Regional / Local,95,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1048.0,-898.0,-898.0,-891.0,0.0,0,Revolving loans,F,Y,Y,1,135000.0,135000.0,6750.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007305,-8718,-1153,-4722.0,-1378,17.0,1,1,1,1,1,0,Accountants,3.0,3,3,TUESDAY,7,0,0,0,1,1,0,Self-employed,0.2671788063475712,0.4787048146017427,0.3893387918468769,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1091.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1385909,191286,Consumer loans,11925.225,67500.0,67500.0,0.0,67500.0,SATURDAY,9,Y,1,0.0,,,XAP,Approved,-696,Non-cash from your account,XAP,Family,New,Furniture,POS,XNA,Stone,465,Furniture,6.0,low_normal,POS industry with interest,365243.0,-663.0,-513.0,-513.0,-506.0,0.0,0,Cash loans,F,N,Y,0,180000.0,942300.0,27679.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.018801,-21129,365243,-11849.0,-1294,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,XNA,,0.09228295400270264,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2171542,178337,Cash loans,52018.875,1575000.0,1886850.0,,1575000.0,FRIDAY,8,Y,1,,,,Other,Refused,-335,Cash through the bank,HC,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,N,0,126000.0,781920.0,33259.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-21365,365243,-7391.0,-4906,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,,0.6698897008965031,0.5638350489514956,0.1856,0.0922,0.9831,,,0.2,0.1724,0.3333,,0.025,,0.1772,,0.0066,0.1891,0.0956,0.9831,,,0.2014,0.1724,0.3333,,0.0255,,0.1846,,0.006999999999999999,0.1874,0.0922,0.9831,,,0.2,0.1724,0.3333,,0.0254,,0.1804,,0.0067,,block of flats,0.1411,Panel,No,0.0,0.0,0.0,0.0,-1758.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1513288,254267,Cash loans,51376.86,1570500.0,1757074.5,,1570500.0,FRIDAY,12,Y,1,,,,XNA,Approved,-518,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-488.0,1282.0,-158.0,-152.0,1.0,0,Cash loans,F,Y,N,0,135000.0,225000.0,23625.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-16773,-723,-1905.0,-170,11.0,1,1,0,1,1,0,Laborers,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.8370407828469645,0.6408463073326529,0.363945238612397,0.0412,,0.997,,,0.04,0.0345,0.375,,0.0702,,0.0379,,0.0247,0.042,,0.997,,,0.0403,0.0345,0.375,,0.0718,,0.0395,,0.0261,0.0416,,0.997,,,0.04,0.0345,0.375,,0.0714,,0.0386,,0.0252,reg oper account,block of flats,0.0298,Panel,No,0.0,0.0,0.0,0.0,-2070.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2359754,252761,Cash loans,,0.0,0.0,,,MONDAY,10,Y,1,,,,XNA,Refused,-284,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,90000.0,392427.0,19215.0,324000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.019101,-18223,-430,-10034.0,-436,,1,1,0,1,0,0,Cooking staff,1.0,2,2,FRIDAY,11,0,0,0,0,1,1,Medicine,,0.4450959925990144,0.2750003523983893,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-388.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2439887,384586,Consumer loans,15279.66,96255.0,77404.5,22500.0,96255.0,THURSDAY,8,Y,1,0.24527969665576074,,,XAP,Approved,-1368,Cash through the bank,XAP,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Stone,37,Consumer electronics,6.0,high,POS household with interest,365243.0,-1335.0,-1185.0,-1185.0,-1176.0,0.0,0,Cash loans,M,Y,Y,2,157500.0,76410.0,9198.0,67500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-13444,-3011,-122.0,-4240,4.0,1,1,1,1,0,0,,4.0,3,3,SUNDAY,8,0,0,0,0,1,1,Military,0.3926634445933817,0.6239815547520193,0.6956219298394389,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-708.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +1532433,370980,Cash loans,13608.0,112500.0,134883.0,0.0,112500.0,THURSDAY,17,Y,1,0.0,,,XNA,Approved,-1644,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1614.0,-1284.0,-1404.0,-1396.0,1.0,0,Cash loans,M,N,N,0,135000.0,450000.0,22990.5,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.0060079999999999995,-22074,365243,-10169.0,-4774,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,15,0,0,0,0,0,0,XNA,,0.6861611388525278,0.5814837058057234,0.1031,0.0897,0.9816,0.7484,0.0113,0.0,0.2069,0.1667,0.2083,0.0405,0.0841,0.0889,0.0,0.0,0.105,0.0931,0.9816,0.7583,0.0114,0.0,0.2069,0.1667,0.2083,0.0414,0.0918,0.0926,0.0,0.0,0.1041,0.0897,0.9816,0.7518,0.0114,0.0,0.2069,0.1667,0.2083,0.0412,0.0855,0.0905,0.0,0.0,reg oper account,block of flats,0.0761,"Stone, brick",No,4.0,0.0,4.0,0.0,-1644.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1044919,370908,Cash loans,,0.0,0.0,,,THURSDAY,8,Y,1,,,,XNA,Refused,-295,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,90000.0,117000.0,12730.5,117000.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.014519999999999996,-19535,-3946,-7912.0,-3025,,1,1,0,1,0,0,Sales staff,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Government,,0.4513370357462786,0.511891801533151,0.0918,0.0735,0.9896,0.8504,0.0331,0.0,0.1379,0.2358,0.2083,0.0674,0.05,0.0617,0.0,0.0,0.0462,0.0574,0.9891,0.8563,0.0254,0.0,0.1034,0.1667,0.2083,0.0422,0.0404,0.0483,0.0,0.0,0.0781,0.0735,0.9891,0.8524,0.0333,0.0,0.1379,0.1667,0.2083,0.0686,0.0509,0.0628,0.0,0.0,reg oper account,block of flats,0.0387,Panel,No,0.0,0.0,0.0,0.0,-2439.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1348055,318564,Consumer loans,1958.265,19030.5,16780.5,2250.0,19030.5,MONDAY,17,Y,1,0.1287645908123562,,,XAP,Approved,-2704,Cash through the bank,XAP,,New,Mobile,POS,XNA,Stone,36,Connectivity,12.0,high,POS mobile with interest,365243.0,-2665.0,-2335.0,-2365.0,-2355.0,0.0,0,Cash loans,F,N,N,1,90000.0,157500.0,11331.0,157500.0,Unaccompanied,State servant,Secondary / secondary special,Widow,House / apartment,0.028663,-14654,-1696,-8799.0,-4137,,1,1,0,1,0,0,Core staff,2.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,Government,,0.2775746365015995,0.5190973382084597,0.0165,0.0,0.9771,,,0.0,0.069,0.0417,,0.0265,,0.015,,0.0,0.0168,0.0,0.9772,,,0.0,0.069,0.0417,,0.0271,,0.0156,,0.0,0.0167,0.0,0.9771,,,0.0,0.069,0.0417,,0.0269,,0.0153,,0.0,,block of flats,0.0127,"Stone, brick",No,0.0,0.0,0.0,0.0,-1260.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,7.0 +1908793,114715,Revolving loans,19125.0,382500.0,382500.0,,382500.0,FRIDAY,9,Y,1,,,,XAP,Refused,-14,XNA,HC,"Spouse, partner",Refreshed,XNA,Cards,x-sell,Stone,114,Consumer electronics,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,N,Y,2,157500.0,148365.0,10678.5,135000.0,Family,Working,Higher education,Married,House / apartment,0.010006000000000001,-16151,-999,-4378.0,-4376,,1,1,1,1,1,0,Laborers,4.0,2,2,FRIDAY,15,0,0,0,0,0,0,Industry: type 11,,0.6018957720185646,0.34090642641523844,0.0742,0.0589,0.9851,0.7959999999999999,0.0345,0.08,0.069,0.3333,0.0417,,0.0605,0.0831,0.0,0.0089,0.0756,0.0611,0.9851,0.804,0.0348,0.0806,0.069,0.3333,0.0417,,0.0661,0.0866,0.0,0.0094,0.0749,0.0589,0.9851,0.7987,0.0347,0.08,0.069,0.3333,0.0417,,0.0616,0.0846,0.0,0.0091,reg oper account,block of flats,0.0678,Panel,No,0.0,0.0,0.0,0.0,-1368.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1835672,328380,Consumer loans,23122.98,112455.0,112455.0,0.0,112455.0,TUESDAY,9,Y,1,0.0,,,XAP,Approved,-484,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,6.0,high,POS mobile with interest,365243.0,-444.0,-294.0,-414.0,-409.0,0.0,0,Cash loans,M,Y,Y,0,202500.0,568197.0,36441.0,490500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.010006000000000001,-10128,-2079,-105.0,-2784,6.0,1,1,0,1,0,0,Laborers,1.0,2,1,WEDNESDAY,16,0,0,0,0,0,0,Industry: type 9,0.07823551583077497,0.12262404338022813,0.2353105173615833,0.8938,0.0429,0.999,0.9864,0.3543,0.56,0.2414,0.6667,0.0,0.3731,0.7287,0.7102,0.0116,0.1631,0.9107,0.0445,0.999,0.9869,0.3575,0.5639,0.2414,0.6667,0.0,0.3816,0.7961,0.74,0.0117,0.1727,0.9025,0.0429,0.999,0.9866,0.3565,0.56,0.2414,0.6667,0.0,0.3796,0.7414,0.723,0.0116,0.1665,reg oper account,block of flats,0.7878,Panel,No,3.0,0.0,3.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +2160125,250089,Consumer loans,,212895.0,212895.0,0.0,212895.0,WEDNESDAY,9,Y,1,0.0,,,XAP,Refused,-2130,Cash through the bank,HC,"Spouse, partner",Repeater,Construction Materials,XNA,XNA,Country-wide,2000,Consumer electronics,,XNA,POS household with interest,,,,,,,0,Cash loans,M,N,Y,0,112500.0,497520.0,39438.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.002134,-15555,-3514,-2919.0,-325,,1,1,0,1,0,0,Managers,2.0,3,3,FRIDAY,8,0,0,0,0,1,1,Government,,0.07896543560261743,0.5549467685334323,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,5.0,1.0,4.0,1.0,-1389.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +1769230,366766,Cash loans,8920.935,45000.0,46485.0,,45000.0,SATURDAY,9,Y,1,,,,XNA,Approved,-705,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-675.0,-525.0,-525.0,-522.0,1.0,0,Cash loans,M,Y,Y,0,189000.0,112500.0,13482.0,112500.0,"Spouse, partner",Working,Secondary / secondary special,Civil marriage,House / apartment,0.028663,-20758,-2285,-4125.0,-4167,14.0,1,1,0,1,0,1,Drivers,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,Housing,,0.4493342440476133,0.7850520263728172,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,1.0,6.0,1.0,-2502.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1405676,186232,Cash loans,11196.495,225000.0,284400.0,,225000.0,THURSDAY,9,Y,1,,,,XNA,Approved,-1538,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-1507.0,-97.0,-1207.0,-1199.0,0.0,0,Cash loans,F,Y,N,0,315000.0,1305000.0,35887.5,1305000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.031329,-19495,-1678,-5145.0,-2947,4.0,1,1,0,1,1,0,Accountants,2.0,2,2,MONDAY,15,0,0,0,0,0,0,Construction,0.8470765262863011,0.4979572759472406,0.5064842396679806,0.1052,0.0875,0.9811,0.7416,0.016,0.08,0.1379,0.25,0.2917,0.2897,0.0836,0.0995,0.0097,0.031,0.063,0.0831,0.9801,0.7387,0.0078,0.0,0.1379,0.1667,0.2083,0.2963,0.0514,0.0566,0.0039,0.0028,0.1062,0.0875,0.9811,0.7451,0.0161,0.08,0.1379,0.25,0.2917,0.2948,0.0851,0.1013,0.0097,0.0317,reg oper account,block of flats,0.0599,"Stone, brick",No,2.0,2.0,2.0,2.0,-1541.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,7.0 +2045544,174898,Cash loans,27580.32,450000.0,491580.0,,450000.0,MONDAY,13,Y,1,,,,XNA,Approved,-562,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-532.0,158.0,-112.0,-108.0,1.0,0,Revolving loans,F,N,Y,0,139500.0,405000.0,20250.0,405000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.026392000000000002,-16315,-2388,-3043.0,-1002,,1,1,0,1,0,0,Core staff,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Insurance,,0.5901813391699318,0.2707073872651806,0.0825,,0.9732,,,0.0,0.1379,0.1667,,0.0548,,0.0634,,0.0278,0.084,,0.9732,,,0.0,0.1379,0.1667,,0.0561,,0.0661,,0.0295,0.0833,,0.9732,,,0.0,0.1379,0.1667,,0.0558,,0.0646,,0.0284,,block of flats,0.0559,"Stone, brick",No,1.0,0.0,1.0,0.0,-1233.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,11.0,2.0,3.0 +2099145,213624,Consumer loans,5565.015,95400.0,107703.0,0.0,95400.0,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-653,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Stone,300,Consumer electronics,24.0,low_normal,POS industry with interest,365243.0,-622.0,68.0,365243.0,365243.0,0.0,1,Cash loans,M,N,N,0,90000.0,500427.0,27144.0,432000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.001417,-10194,-987,-3942.0,-2192,,1,1,1,1,0,0,Accountants,1.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.13887216384678525,0.24318648044201235,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-223.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1970148,217359,Cash loans,97299.855,900000.0,926136.0,,900000.0,SUNDAY,10,Y,1,,,,XNA,Approved,-533,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-503.0,-173.0,-173.0,-169.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,900000.0,87678.0,900000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.028663,-15178,-3924,-9299.0,-4191,6.0,1,1,0,1,0,0,Managers,2.0,2,2,MONDAY,9,0,0,0,0,0,0,Self-employed,,0.6689993168767994,0.3108182544189319,0.0842,,0.9846,,,0.12,0.0803,0.375,,,,0.0888,,0.08,0.0294,,0.9841,,,0.1611,0.0345,0.3333,,,,0.0387,,0.0305,0.0926,,0.9846,,,0.16,0.069,0.3333,,,,0.0888,,0.0922,,block of flats,0.2113,,No,1.0,1.0,1.0,0.0,-958.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1813249,339943,Cash loans,20123.865,225000.0,254700.0,,225000.0,WEDNESDAY,7,Y,1,,,,Repairs,Refused,-382,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,90000.0,1067940.0,31225.5,765000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.028663,-15607,-2223,-7037.0,-4582,,1,1,1,1,1,0,Realty agents,2.0,2,2,SUNDAY,9,0,0,0,0,0,0,Medicine,,0.6145156327809266,0.20442262537632874,0.1948,0.1411,0.9911,0.8776,0.0903,0.18,0.1552,0.3333,0.375,0.018000000000000002,0.1572,0.1853,0.0135,0.0374,0.1439,0.1396,0.9866,0.8236,0.0764,0.1611,0.1379,0.3333,0.375,0.0,0.1221,0.1515,0.0117,0.0369,0.1967,0.1411,0.9911,0.8792,0.0909,0.18,0.1552,0.3333,0.375,0.0183,0.1599,0.1887,0.0136,0.0382,reg oper account,block of flats,0.1805,"Stone, brick",No,3.0,2.0,3.0,1.0,-382.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1395892,328818,Consumer loans,15537.465,344893.5,344893.5,0.0,344893.5,MONDAY,20,Y,1,0.0,,,XAP,Refused,-456,Cash through the bank,SCO,,New,Consumer Electronics,POS,XNA,Stone,142,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,0,Cash loans,M,Y,Y,0,270000.0,1078200.0,38331.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-18054,-1676,-1784.0,-1599,2.0,1,1,0,1,0,0,Drivers,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,Self-employed,0.7265350390179691,0.6361876766338735,0.6092756673894402,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-771.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1590894,165809,Cash loans,20056.275,157500.0,167895.0,,157500.0,THURSDAY,11,Y,1,,,,Repairs,Approved,-488,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Country-wide,50,Connectivity,12.0,high,Cash Street: high,365243.0,-458.0,-128.0,-338.0,-331.0,1.0,1,Cash loans,M,Y,N,0,225000.0,683023.5,45643.5,683023.5,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00702,-8992,-693,-8043.0,-1469,1.0,1,1,1,1,1,0,Drivers,2.0,2,2,TUESDAY,14,0,0,0,0,1,1,Other,,0.0337338078877742,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2085721,166450,Cash loans,45717.795,675000.0,732915.0,,675000.0,WEDNESDAY,14,Y,1,,,,XNA,Approved,-811,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,high,Cash X-Sell: high,365243.0,-781.0,89.0,-541.0,-534.0,1.0,0,Cash loans,M,Y,N,2,270000.0,1236816.0,40027.5,1080000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-12352,-1827,-393.0,-3903,12.0,1,1,0,1,0,1,Managers,4.0,2,2,TUESDAY,10,0,0,0,1,1,0,Other,0.6693105427279963,0.5053811010289818,0.6986675550534175,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-3263.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2427603,348791,Consumer loans,8775.0,112500.0,90000.0,22500.0,112500.0,THURSDAY,16,Y,1,0.2178181818181818,,,XAP,Approved,-1398,Cash through the bank,XAP,Children,New,Furniture,POS,XNA,Stone,10,Furniture,12.0,middle,POS industry with interest,365243.0,-1362.0,-1032.0,-1032.0,-1024.0,0.0,0,Cash loans,F,N,N,0,144000.0,454500.0,19255.5,454500.0,Family,Pensioner,Incomplete higher,Married,House / apartment,0.026392000000000002,-22205,365243,-7760.0,-4777,,1,0,0,1,1,0,,2.0,2,2,MONDAY,16,0,0,0,0,0,0,XNA,0.469746813719956,0.5950699087376896,0.6446794549585961,0.133,0.1535,0.9816,,,0.0,0.2759,0.1667,,0.0266,,0.1204,,0.0,0.1355,0.1593,0.9816,,,0.0,0.2759,0.1667,,0.0272,,0.1255,,0.0,0.1343,0.1535,0.9816,,,0.0,0.2759,0.1667,,0.0271,,0.1226,,0.0,,block of flats,0.0947,"Stone, brick",No,0.0,0.0,0.0,0.0,-1398.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1339528,293207,Cash loans,12169.8,180000.0,180000.0,0.0,180000.0,TUESDAY,9,Y,1,0.0,,,XNA,Approved,-2672,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,17,Connectivity,24.0,high,Cash Street: high,365243.0,-2642.0,-1952.0,-1952.0,-1932.0,0.0,0,Cash loans,F,N,Y,0,112500.0,292500.0,13014.0,292500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0228,-16925,-5190,-6123.0,-475,,1,1,1,1,1,0,Laborers,2.0,2,2,SUNDAY,14,0,0,0,0,0,0,Industry: type 3,0.6226173289534758,0.5466948445679841,0.7738956942145427,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1344.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,4.0,2.0,2.0 +2280300,327920,Consumer loans,4358.61,20200.5,21199.5,0.0,20200.5,WEDNESDAY,10,Y,1,0.0,,,XAP,Approved,-2116,Cash through the bank,XAP,Unaccompanied,Repeater,Auto Accessories,POS,XNA,Stone,36,Industry,6.0,high,POS industry with interest,365243.0,-2069.0,-1919.0,-1919.0,-1916.0,0.0,0,Cash loans,F,Y,N,1,270000.0,900000.0,38133.0,900000.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.00702,-16754,-9532,-308.0,-296,9.0,1,1,1,1,0,0,Core staff,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Bank,0.4145880968100383,0.6086249416481376,0.2580842039460289,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1883.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2648057,176090,Consumer loans,12367.71,205888.5,205888.5,0.0,205888.5,TUESDAY,18,Y,1,0.0,,,XAP,Refused,-317,Cash through the bank,HC,,Refreshed,Audio/Video,POS,XNA,Regional / Local,50,Consumer electronics,18.0,low_action,POS household without interest,,,,,,,0,Cash loans,M,Y,Y,0,270000.0,675000.0,28507.5,675000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-18708,365243,-6904.0,-2246,16.0,1,0,0,1,0,1,,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,XNA,0.6488233597409065,0.6228726633420884,0.7252764347002191,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1540.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +2359341,429773,Cash loans,29526.795,675000.0,744498.0,,675000.0,WEDNESDAY,12,Y,1,,,,Education,Refused,-566,Cash through the bank,LIMIT,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,Y,Y,2,90000.0,288873.0,13464.0,238500.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.018029,-12853,-35,-2176.0,-60,16.0,1,1,0,1,0,0,,4.0,3,2,TUESDAY,8,0,0,0,0,0,0,Kindergarten,0.13530914106502526,0.4231445238923364,,0.1474,0.102,0.9886,0.8436,0.0799,0.16,0.1379,0.3333,0.375,0.1216,0.1168,0.1657,0.0154,0.0173,0.1502,0.1059,0.9886,0.8497,0.0806,0.1611,0.1379,0.3333,0.375,0.1243,0.1276,0.1726,0.0156,0.0184,0.1489,0.102,0.9886,0.8457,0.0804,0.16,0.1379,0.3333,0.375,0.1237,0.1189,0.1687,0.0155,0.0177,reg oper account,block of flats,0.1778,Panel,No,3.0,0.0,3.0,0.0,-671.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,1.0,0.0 +1678948,165542,Cash loans,18220.59,90000.0,92970.0,,90000.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-887,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,high,Cash X-Sell: high,365243.0,-857.0,-707.0,-707.0,-700.0,1.0,1,Cash loans,M,N,Y,0,99000.0,526491.0,18909.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.008865999999999999,-18734,-127,-4280.0,-2278,,1,1,1,1,0,0,Low-skill Laborers,1.0,2,2,MONDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.3716147978081684,0.6894791426446275,0.0124,,0.9762,,,0.0,0.069,0.0833,,0.0285,,0.0158,,0.0,0.0126,,0.9762,,,0.0,0.069,0.0833,,0.0292,,0.0165,,0.0,0.0125,,0.9762,,,0.0,0.069,0.0833,,0.029,,0.0161,,0.0,,block of flats,0.0185,"Stone, brick",No,0.0,0.0,0.0,0.0,-866.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +2552909,383655,Revolving loans,6750.0,135000.0,135000.0,,135000.0,SUNDAY,11,Y,1,,,,XAP,Approved,-933,XNA,XAP,,Refreshed,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-832.0,-793.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,216000.0,306306.0,15768.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010966,-15606,-6011,-6745.0,-4310,,1,1,0,1,0,1,Core staff,3.0,2,2,TUESDAY,14,0,0,0,0,0,0,Kindergarten,0.6609075913993225,0.3586892153416474,0.8061492814355136,0.1938,0.1719,0.9796,0.7212,0.021,0.0,0.3793,0.1667,0.2083,0.0,0.158,0.1768,0.0,0.0,0.1975,0.1784,0.9796,0.7321,0.0212,0.0,0.3793,0.1667,0.2083,0.0,0.1726,0.1842,0.0,0.0,0.1957,0.1719,0.9796,0.7249,0.0212,0.0,0.3793,0.1667,0.2083,0.0,0.1608,0.18,0.0,0.0,org spec account,block of flats,0.1505,"Stone, brick",No,4.0,0.0,4.0,0.0,-933.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +2199514,305009,Cash loans,80465.715,1192500.0,1244443.5,,1192500.0,FRIDAY,14,Y,1,,,,XNA,Approved,-286,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_action,Cash X-Sell: low,365243.0,-255.0,255.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,337500.0,708939.0,37899.0,612000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.010966,-23388,365243,-548.0,-4347,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,8,0,0,0,0,0,0,XNA,,0.414012389521586,0.5226973172821112,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2051.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2682145,170465,Consumer loans,6947.91,31401.0,33435.0,3141.0,31401.0,SATURDAY,16,Y,1,0.09352675375805301,,,XAP,Approved,-1788,Cash through the bank,XAP,Other_B,New,Audio/Video,POS,XNA,Country-wide,250,Consumer electronics,6.0,high,POS household with interest,365243.0,-1757.0,-1607.0,-1637.0,-1633.0,0.0,0,Cash loans,M,Y,Y,1,112500.0,328365.0,21114.0,297000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0060079999999999995,-9466,-402,-959.0,-1931,8.0,1,1,0,1,0,0,Drivers,3.0,2,2,TUESDAY,10,0,0,0,0,0,0,Self-employed,,0.4226642010953019,0.7091891096653581,0.0082,,0.9886,,,0.0,0.0345,0.0417,,,,0.0081,,,0.0084,,0.9876,,,0.0,0.0345,0.0417,,,,0.0079,,,0.0083,,0.9881,,,0.0,0.0345,0.0417,,,,0.0082,,,,block of flats,0.006,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1853557,401341,Cash loans,15359.085,202500.0,262683.0,,202500.0,MONDAY,14,Y,1,,,,XNA,Approved,-1661,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-1631.0,-941.0,-941.0,-934.0,1.0,0,Cash loans,F,N,Y,1,270000.0,355536.0,18283.5,270000.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.02461,-19233,-389,-9626.0,-2672,,1,1,0,1,1,0,Private service staff,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Services,,0.7869392493713377,0.5478104658520093,0.1856,0.1067,0.9816,0.7484,,0.2,0.1724,0.3333,0.0417,,0.1513,0.18600000000000005,0.0,0.0,0.1891,0.1107,0.9816,0.7583,,0.2014,0.1724,0.3333,0.0417,,0.1653,0.1938,0.0,0.0,0.1874,0.1067,0.9816,0.7518,,0.2,0.1724,0.3333,0.0417,,0.1539,0.1893,0.0,0.0,reg oper account,block of flats,0.1822,Others,No,1.0,1.0,1.0,1.0,-312.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2295001,321240,Consumer loans,2305.395,24255.0,19755.0,4500.0,24255.0,SATURDAY,16,Y,1,0.20205768257716314,,,XAP,Refused,-2372,Cash through the bank,LIMIT,Family,Repeater,Mobile,POS,XNA,Stone,65,Connectivity,12.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,N,0,90000.0,80865.0,7047.0,67500.0,Children,Working,Secondary / secondary special,Single / not married,Municipal apartment,0.004849,-17194,-3844,-4490.0,-744,,1,1,0,1,0,0,Laborers,1.0,2,2,FRIDAY,15,0,0,0,0,1,1,Transport: type 4,,0.6240020775681279,0.4489622731076524,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2630.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2243593,379535,Cash loans,42909.345,675000.0,744498.0,,675000.0,SATURDAY,11,Y,1,,,,XNA,Approved,-828,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash X-Sell: high,365243.0,-798.0,252.0,-258.0,-253.0,1.0,0,Cash loans,F,Y,Y,0,171000.0,1042560.0,34587.0,900000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.00702,-18450,365243,-9918.0,-1985,6.0,1,0,0,1,0,0,,2.0,2,2,MONDAY,14,0,0,0,0,0,0,XNA,,0.6286644266926525,0.2079641743053816,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1510.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2618306,382257,Cash loans,15316.29,247500.0,274288.5,,247500.0,SATURDAY,12,Y,1,,,,XNA,Approved,-837,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-807.0,-117.0,-537.0,-535.0,1.0,0,Cash loans,F,Y,Y,1,180000.0,1777212.0,49000.5,1588500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.072508,-15992,-437,-6692.0,-4611,4.0,1,1,0,1,1,1,,3.0,1,1,WEDNESDAY,12,0,0,0,0,0,0,Industry: type 4,,0.7439204162358851,0.511891801533151,0.1254,0.1644,0.9876,0.9116,0.0,0.1064,0.0572,0.6108,0.7292,0.0,0.0853,0.1302,0.0,0.0796,0.0714,0.1706,0.9935,0.9151,0.0,0.0403,0.069,0.4583,0.7083,0.0,0.0624,0.1052,0.0,0.0045,0.1405,0.1644,0.9935,0.9128,0.0,0.12,0.069,0.6667,0.7292,0.0,0.0868,0.1393,0.0,0.0217,reg oper account,block of flats,0.0841,Panel,No,5.0,0.0,5.0,0.0,-837.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2430088,359584,Consumer loans,6506.73,63787.5,63468.0,6381.0,63787.5,MONDAY,16,Y,1,0.09949303627695584,,,XAP,Approved,-332,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,78,Furniture,12.0,middle,POS industry with interest,365243.0,-302.0,28.0,-152.0,-144.0,1.0,0,Cash loans,M,Y,Y,0,292500.0,454500.0,17739.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-15642,-916,-1308.0,-3640,8.0,1,1,1,1,1,0,Drivers,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,Industry: type 9,0.28855639228132035,0.6456386413751065,0.13342925446731707,0.0206,0.055,0.9871,0.8232,0.0031,0.0,0.069,0.0417,0.0833,0.0,0.0168,0.0181,0.0,0.0,0.021,0.0571,0.9871,0.8301,0.0031,0.0,0.069,0.0417,0.0833,0.0,0.0184,0.0188,0.0,0.0,0.0208,0.055,0.9871,0.8256,0.0031,0.0,0.069,0.0417,0.0833,0.0,0.0171,0.0184,0.0,0.0,reg oper account,block of flats,0.0159,Others,No,0.0,0.0,0.0,0.0,-1432.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2238539,430291,Revolving loans,2250.0,45000.0,45000.0,,45000.0,THURSDAY,17,Y,1,,,,XAP,Approved,-208,XNA,XAP,Unaccompanied,Refreshed,XNA,Cards,walk-in,Country-wide,27,Connectivity,0.0,XNA,Card Street,-50.0,365243.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,F,N,N,1,157500.0,835380.0,40320.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010147,-13760,-255,-1074.0,-4716,,1,1,0,1,0,0,Low-skill Laborers,3.0,2,2,TUESDAY,17,0,0,0,0,1,1,Other,0.4267048887665661,0.52927638450755,0.6817058776720116,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1833.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1508980,152015,Consumer loans,24841.305,112410.0,120177.0,11241.0,112410.0,SUNDAY,15,Y,1,0.09315672821904844,,,XAP,Approved,-780,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,5,Connectivity,6.0,high,POS mobile with interest,365243.0,-749.0,-599.0,-599.0,-591.0,0.0,0,Cash loans,F,N,Y,1,180000.0,495000.0,25272.0,495000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.015221,-14175,-2772,-854.0,-2086,,1,1,0,1,0,0,Core staff,3.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Other,0.5690332294995344,0.6256629415158111,0.2314393514998941,0.134,0.1938,0.9811,0.7416,0.0264,0.16,0.1379,0.375,0.4167,0.0777,0.1076,0.1323,0.0077,0.1331,0.1366,0.2011,0.9811,0.7517,0.0267,0.1611,0.1379,0.375,0.4167,0.0795,0.1175,0.1379,0.0078,0.1409,0.1353,0.1938,0.9811,0.7451,0.0266,0.16,0.1379,0.375,0.4167,0.0791,0.1095,0.1347,0.0078,0.1359,org spec account,block of flats,0.1475,"Stone, brick",No,2.0,0.0,2.0,0.0,-780.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2188709,360444,Cash loans,21237.75,90000.0,104733.0,,90000.0,TUESDAY,13,Y,1,,,,XNA,Approved,-1045,XNA,XAP,"Spouse, partner",Refreshed,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,365243.0,-1015.0,-865.0,-1015.0,-1012.0,1.0,0,Cash loans,F,Y,Y,0,90000.0,269550.0,16416.0,225000.0,Family,Commercial associate,Incomplete higher,Married,House / apartment,0.019688999999999998,-13618,-1496,-5560.0,-1150,5.0,1,1,0,1,0,1,Sales staff,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,Self-employed,0.5351898866655427,0.556225176118225,0.3706496323299817,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-1045.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1858355,452303,Cash loans,52346.79,900000.0,1004544.0,,900000.0,WEDNESDAY,10,Y,1,,,,XNA,Refused,-457,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,high,Cash X-Sell: high,,,,,,,1,Cash loans,M,N,Y,0,135000.0,781920.0,61906.5,675000.0,"Spouse, partner",Working,Secondary / secondary special,Married,With parents,0.010032,-17287,-6139,-2899.0,-787,,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,6,0,0,0,1,1,1,Business Entity Type 3,,0.6035085328969113,0.4902575124990026,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-953.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1434539,301401,Cash loans,47516.85,450000.0,470790.0,,450000.0,TUESDAY,15,Y,1,,,,Repairs,Approved,-328,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,middle,Cash Street: middle,365243.0,-295.0,35.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,225000.0,1345500.0,57136.5,1345500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.00963,-16714,-1361,-8566.0,-273,5.0,1,1,0,1,1,0,,2.0,2,2,MONDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.6271367854960231,,0.2093,0.1577,0.9806,,,0.24,0.2069,0.3333,,0.1387,,0.2064,,0.0375,0.2132,0.1637,0.9806,,,0.2417,0.2069,0.3333,,0.1419,,0.215,,0.0397,0.2113,0.1577,0.9806,,,0.24,0.2069,0.3333,,0.1411,,0.2101,,0.0383,,block of flats,0.1736,"Stone, brick",No,0.0,0.0,0.0,0.0,-328.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2073676,143909,Cash loans,39919.5,225000.0,225000.0,,225000.0,THURSDAY,13,Y,1,,,,XNA,Approved,-167,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Country-wide,1500,Consumer electronics,6.0,low_normal,Cash X-Sell: low,365243.0,-137.0,13.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,0,202500.0,225000.0,21037.5,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.04622,-9630,-990,-4502.0,-2246,,1,1,1,1,1,0,Sales staff,2.0,1,1,WEDNESDAY,17,0,0,0,0,1,1,Trade: type 2,0.3710414062557651,0.4793433155815404,0.722392890081304,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-907.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1012199,283411,Cash loans,20172.6,180000.0,180000.0,0.0,180000.0,MONDAY,12,Y,1,0.0,,,XNA,Approved,-2683,Cash through the bank,XAP,Other_B,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-2653.0,-2323.0,-2323.0,-2313.0,0.0,1,Cash loans,M,Y,Y,0,315000.0,829584.0,29925.0,630000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-20823,-3845,-7334.0,-4372,10.0,1,1,0,1,1,0,Managers,2.0,1,1,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.7342775271478251,0.622922000268356,,,0.9836,,,0.24,0.1034,0.4583,,,,,,,,,0.9836,,,0.1611,0.069,0.4583,,,,,,,,,0.9836,,,0.24,0.1034,0.4583,,,,,,,,block of flats,0.1598,Panel,No,0.0,0.0,0.0,0.0,-764.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1749445,232452,Cash loans,,0.0,0.0,,,FRIDAY,9,Y,1,,,,XNA,Refused,-419,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,90000.0,431280.0,20875.5,360000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-20904,365243,-874.0,-2243,,1,0,0,1,0,1,,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,XNA,0.8328725616058834,0.15357057289804046,0.08226850764912726,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-776.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1148253,233926,Cash loans,5693.085,45000.0,47970.0,,45000.0,TUESDAY,9,Y,1,,,,XNA,Approved,-1088,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,AP+ (Cash loan),10,XNA,12.0,high,Cash Street: high,365243.0,-1058.0,-728.0,-728.0,-719.0,1.0,0,Cash loans,F,N,Y,0,135000.0,331920.0,17077.5,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.025164,-15515,-6826,-5320.0,-5323,,1,1,0,1,0,1,Core staff,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,Kindergarten,0.3223865024018525,0.3372997266400337,0.3539876078507373,0.0082,,0.9742,,,0.0,0.069,0.0417,,,,0.0075,,0.0043,0.0084,,0.9742,,,0.0,0.069,0.0417,,,,0.0078,,0.0046,0.0083,,0.9742,,,0.0,0.069,0.0417,,,,0.0076,,0.0044,,block of flats,0.0068,"Stone, brick",No,2.0,1.0,2.0,1.0,-1088.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2126754,300793,Consumer loans,17808.075,92700.0,97290.0,0.0,92700.0,TUESDAY,14,Y,1,0.0,,,XAP,Approved,-1209,Cash through the bank,XAP,Unaccompanied,New,Furniture,POS,XNA,Stone,1693,Construction,6.0,middle,POS industry with interest,365243.0,-1178.0,-1028.0,-1028.0,-1022.0,0.0,0,Cash loans,F,N,Y,0,225000.0,1125171.0,47803.5,1035000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.00496,-20860,365243,-7578.0,-4045,,1,0,0,1,0,0,,2.0,2,2,SUNDAY,14,0,0,0,0,0,0,XNA,,0.6121404299331459,0.13342925446731707,0.0454,,0.9871,,,0.0,0.1034,0.1667,,,,,,,0.0462,,0.9871,,,0.0,0.1034,0.1667,,,,,,,0.0458,,0.9871,,,0.0,0.1034,0.1667,,,,,,,,block of flats,0.0326,"Stone, brick",No,3.0,0.0,3.0,0.0,-1209.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2038042,365007,Cash loans,39026.205,193500.0,199885.5,,193500.0,TUESDAY,9,Y,1,,,,XNA,Approved,-478,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,high,Cash X-Sell: high,365243.0,-448.0,-298.0,-358.0,-354.0,1.0,0,Cash loans,F,N,N,0,112500.0,225000.0,13527.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,With parents,0.010276,-10892,-2266,-4983.0,-3571,,1,1,1,1,1,0,Sales staff,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Trade: type 7,0.7160984064869086,0.5613738103437803,0.363945238612397,0.0649,0.0568,0.9896,,,0.04,0.1034,0.2708,,0.023,,0.0679,,0.0226,0.0305,0.0235,0.9866,,,0.0,0.069,0.1667,,0.0118,,0.0356,,0.0,0.0656,0.0568,0.9896,,,0.04,0.1034,0.2708,,0.0234,,0.0691,,0.0231,,block of flats,0.033,"Stone, brick",No,0.0,0.0,0.0,0.0,-824.0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +2196180,439303,Consumer loans,10699.92,49590.0,52042.5,0.0,49590.0,SATURDAY,10,Y,1,0.0,,,XAP,Refused,-1939,Cash through the bank,LIMIT,Unaccompanied,Repeater,Audio/Video,POS,XNA,Stone,57,Connectivity,6.0,high,POS mobile with interest,,,,,,,0,Cash loans,M,Y,N,0,337500.0,277969.5,18094.5,229500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-14156,-1695,-2178.0,-1467,1.0,1,1,1,1,1,0,,2.0,2,2,TUESDAY,16,0,0,0,0,1,1,Industry: type 9,0.3578649730406687,0.7079046534883128,0.5136937663039473,0.0773,0.0583,0.9856,0.8028,0.0258,0.08,0.069,0.3333,0.375,0.034,0.063,0.0835,0.0,0.0,0.0788,0.0605,0.9856,0.8105,0.026,0.0806,0.069,0.3333,0.375,0.0347,0.0689,0.087,0.0,0.0,0.0781,0.0583,0.9856,0.8054,0.0259,0.08,0.069,0.3333,0.375,0.0346,0.0641,0.085,0.0,0.0,reg oper account,block of flats,0.0657,Panel,No,0.0,0.0,0.0,0.0,-1630.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,0.0 +2287618,141595,Consumer loans,6341.895,70308.0,62928.0,14062.5,70308.0,TUESDAY,13,Y,1,0.1989250739908288,,,XAP,Approved,-104,XNA,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Regional / Local,50,Consumer electronics,12.0,middle,POS mobile with interest,365243.0,-73.0,257.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,225000.0,284400.0,22599.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Municipal apartment,0.005002,-10290,-1244,-938.0,-2890,,1,1,0,1,0,0,Laborers,1.0,3,3,MONDAY,11,0,1,1,0,0,0,Business Entity Type 2,0.2023517913406508,0.4353426928200809,0.4614823912998385,0.0165,0.0381,0.9747,0.6532,0.012,0.0,0.1034,0.125,0.1667,0.0372,0.0126,0.0288,0.0039,0.0837,0.0168,0.0395,0.9747,0.6668,0.0122,0.0,0.1034,0.125,0.1667,0.0381,0.0138,0.03,0.0039,0.0886,0.0167,0.0381,0.9747,0.6578,0.0121,0.0,0.1034,0.125,0.1667,0.0379,0.0128,0.0293,0.0039,0.0854,reg oper account,block of flats,0.0474,"Stone, brick",No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1413949,129191,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,13,Y,1,,,,XAP,Approved,-156,XNA,XAP,Family,New,XNA,Cards,walk-in,Country-wide,30,Connectivity,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,112500.0,808650.0,23773.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.025164,-20397,365243,-7560.0,-3529,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,9,0,0,0,0,0,0,XNA,,0.08551299558519439,0.6246146584503397,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-156.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2176450,377093,Cash loans,,0.0,0.0,,,WEDNESDAY,5,Y,1,,,,XNA,Refused,-264,XNA,HC,,Repeater,XNA,XNA,XNA,Contact center,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,N,0,126000.0,254700.0,17019.0,225000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.018029,-13980,-1705,-1851.0,-4083,,1,1,1,1,0,0,Core staff,2.0,3,3,SUNDAY,9,0,0,0,0,0,0,Kindergarten,,0.4724711301378988,0.17560597946937906,0.1186,0.1211,0.9856,,,0.0,0.2759,0.1667,,,,0.108,,0.0031,0.1208,0.1257,0.9856,,,0.0,0.2759,0.1667,,,,0.1125,,0.0033,0.1197,0.1211,0.9856,,,0.0,0.2759,0.1667,,,,0.1099,,0.0032,,block of flats,0.1353,Panel,No,4.0,0.0,4.0,0.0,-490.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2655795,161354,Cash loans,7192.8,135000.0,135000.0,,135000.0,WEDNESDAY,12,Y,1,,,,XNA,Refused,-203,XNA,SCO,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,2,112500.0,148365.0,11893.5,135000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.010966,-11000,-2103,-566.0,-3240,12.0,1,1,1,1,1,0,Private service staff,4.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Self-employed,0.6253736276667938,0.6792311116191507,0.3910549766342248,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1868.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2358115,118885,Cash loans,,0.0,0.0,,,SUNDAY,9,Y,1,,,,XNA,Refused,-197,XNA,HC,,Repeater,XNA,XNA,XNA,Contact center,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,N,0,99000.0,284400.0,10719.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-18936,365243,-4263.0,-2487,,1,0,0,1,0,0,,2.0,2,2,SUNDAY,10,0,0,0,0,0,0,XNA,,0.4610038721071116,0.2778856891082046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1601.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1049481,372838,Cash loans,22133.7,454500.0,526491.0,,454500.0,THURSDAY,8,Y,1,,,,Medicine,Refused,-319,Non-cash from your account,VERIF,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,middle,Cash Street: middle,,,,,,,0,Cash loans,M,N,N,0,135000.0,495000.0,16218.0,495000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018209,-20100,-513,-1868.0,-3658,,1,1,0,1,0,0,Security staff,2.0,3,3,THURSDAY,11,0,0,0,0,1,1,Security,,0.16875324873545944,0.1047946227497676,0.0825,0.1028,0.9886,0.8436,0.0453,0.0,0.2069,0.1667,0.2083,,0.0672,0.0894,0.0,0.0,0.084,0.1067,0.9886,0.8497,0.0457,0.0,0.2069,0.1667,0.2083,,0.0735,0.0932,0.0,0.0,0.0833,0.1028,0.9886,0.8457,0.0456,0.0,0.2069,0.1667,0.2083,,0.0684,0.0911,0.0,0.0,org spec account,block of flats,0.0704,Panel,No,0.0,0.0,0.0,0.0,-640.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1702513,420566,Cash loans,33009.165,1044000.0,1195587.0,,1044000.0,SATURDAY,7,Y,1,,,,Urgent needs,Refused,-44,Non-cash from your account,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,180000.0,193500.0,7600.5,193500.0,Family,Pensioner,Secondary / secondary special,Separated,House / apartment,0.018209,-22163,365243,-4434.0,-4438,,1,0,0,1,0,0,,1.0,3,3,MONDAY,11,0,0,0,0,0,0,XNA,,0.4837872899512207,0.4206109640437848,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2170.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,4.0,2.0 +1203387,143196,Cash loans,,0.0,0.0,,,MONDAY,18,Y,1,,,,XNA,Refused,-338,XNA,SCOFR,,Repeater,XNA,XNA,XNA,Contact center,-1,XNA,,XNA,Cash,,,,,,,1,Cash loans,M,Y,Y,1,202500.0,521280.0,47938.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-9389,-451,-384.0,-2045,8.0,1,1,0,1,0,0,Laborers,3.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Other,0.5312318770732961,0.4312403554683389,0.22383131747015547,0.0103,,0.9305,,,,0.0345,0.0417,,,,0.0058,,,0.0105,,0.9305,,,,0.0345,0.0417,,,,0.0061,,,0.0104,,0.9305,,,,0.0345,0.0417,,,,0.0059,,,,block of flats,0.005,Mixed,No,1.0,0.0,1.0,0.0,-750.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1240048,198928,Cash loans,22852.485,315000.0,340573.5,,315000.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-846,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-816.0,-306.0,-606.0,-597.0,1.0,0,Cash loans,F,N,N,0,112500.0,450000.0,22018.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-14267,-829,-2947.0,-4848,,1,1,0,1,1,0,Sales staff,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Trade: type 3,0.3496988232578329,0.3718395096782981,0.6195277080511546,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-423.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2058184,266586,Consumer loans,12638.79,110601.0,108301.5,11061.0,110601.0,SATURDAY,11,Y,1,0.1009231085596778,,,XAP,Approved,-863,Cash through the bank,XAP,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Country-wide,40,Connectivity,10.0,middle,POS mobile with interest,365243.0,-832.0,-562.0,-562.0,-547.0,0.0,1,Cash loans,F,N,Y,0,135000.0,1128415.5,44883.0,967500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.035792000000000004,-15488,-1785,-2845.0,-4213,,1,1,0,1,0,0,Accountants,1.0,2,2,MONDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.7957720839120641,0.6921244751563179,0.6722428897082422,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1758959,256162,Cash loans,27513.09,135000.0,139455.0,,135000.0,SATURDAY,13,Y,1,,,,XNA,Approved,-341,XNA,XAP,,Refreshed,XNA,Cash,x-sell,Contact center,-1,XNA,6.0,high,Cash X-Sell: high,365243.0,-311.0,-161.0,-161.0,-158.0,1.0,0,Cash loans,M,N,Y,1,157500.0,469152.0,25578.0,405000.0,Unaccompanied,Working,Secondary / secondary special,Married,Co-op apartment,0.009549,-15325,-4261,-7948.0,-4447,,1,1,0,1,0,0,Managers,3.0,2,2,THURSDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.6843585720384526,0.5807508298195094,0.7490217048463391,0.0825,,0.9771,,,0.0,0.1379,0.1667,,0.0343,,0.0566,,0.0,0.084,,0.9772,,,0.0,0.1379,0.1667,,0.0351,,0.059,,0.0,0.0833,,0.9771,,,0.0,0.1379,0.1667,,0.0349,,0.0576,,0.0,,block of flats,0.0505,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,3.0 +1146049,257956,Cash loans,65679.39,657319.86,657319.86,,657319.86,WEDNESDAY,9,Y,1,,,,XNA,Refused,-965,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,225000.0,911263.5,36270.0,814500.0,Unaccompanied,Commercial associate,Higher education,Single / not married,Municipal apartment,0.018029,-17126,-1031,-2104.0,-677,,1,1,0,1,0,0,Laborers,1.0,3,3,TUESDAY,6,0,0,0,0,0,0,Self-employed,,0.5516594500526683,0.5549467685334323,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1478.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2769691,206037,Consumer loans,7872.75,69457.5,76792.5,0.0,69457.5,SATURDAY,14,Y,1,0.0,,,XAP,Approved,-627,Cash through the bank,XAP,,New,Auto Accessories,POS,XNA,Stone,148,Industry,12.0,middle,POS other with interest,365243.0,-596.0,-266.0,-296.0,-290.0,0.0,0,Cash loans,M,Y,Y,0,315000.0,589050.0,30204.0,526500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.007273999999999998,-16238,-3342,-8671.0,-2396,4.0,1,1,0,1,0,0,Drivers,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Other,,0.5900649749428191,0.5064842396679806,0.1237,0.0588,0.9776,0.6940000000000001,0.0157,0.0,0.2759,0.1667,0.2083,0.0,0.1009,0.0899,0.0,0.0,0.1261,0.061,0.9777,0.706,0.0159,0.0,0.2759,0.1667,0.2083,0.0,0.1102,0.0936,0.0,0.0,0.1249,0.0588,0.9776,0.6981,0.0158,0.0,0.2759,0.1667,0.2083,0.0,0.1026,0.0915,0.0,0.0,reg oper account,block of flats,0.0707,Panel,No,0.0,0.0,0.0,0.0,-260.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1764510,107707,Cash loans,11025.675,180000.0,215640.0,,180000.0,WEDNESDAY,13,Y,1,,,,XNA,Refused,-502,XNA,HC,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,36.0,middle,Cash X-Sell: middle,,,,,,,1,Cash loans,F,N,Y,0,135000.0,207000.0,13833.0,207000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.030755,-16207,-491,-10093.0,-4902,,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,12,0,0,0,1,1,0,Trade: type 3,,0.6205017068653794,0.5262949398096192,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1778.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,1.0 +1081040,181243,Cash loans,18953.73,292500.0,324162.0,,292500.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-663,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-633.0,57.0,-543.0,-540.0,1.0,0,Cash loans,F,N,Y,0,135000.0,170640.0,9792.0,135000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.02461,-22540,365243,-415.0,-3365,,1,0,0,1,0,0,,2.0,2,2,MONDAY,10,0,0,0,0,0,0,XNA,,0.693613578614214,0.8128226070575616,0.1392,0.076,0.9965,0.9524,0.0576,0.1332,0.1148,0.375,0.4167,0.0738,0.1101,0.1467,0.0154,0.0228,0.1155,0.0682,0.997,0.9608,0.0513,0.1208,0.1034,0.375,0.4167,0.058,0.0992,0.1309,0.0039,0.0051,0.1249,0.0658,0.997,0.9597,0.0512,0.12,0.1034,0.375,0.4167,0.0678,0.1018,0.1285,0.0078,0.0101,reg oper account,block of flats,0.1904,"Stone, brick",No,6.0,0.0,6.0,0.0,-339.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2024220,336616,Cash loans,12046.23,112500.0,152464.5,,112500.0,FRIDAY,10,Y,1,,,,Repairs,Approved,-407,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,high,Cash Street: high,365243.0,-377.0,313.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,126000.0,339241.5,16627.5,238500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.010966,-17199,-5418,-7492.0,-675,,1,1,0,1,0,0,Laborers,1.0,2,2,SATURDAY,10,0,0,0,0,0,0,Other,,0.3146243409982624,0.8327850252992314,0.0216,,0.9806,,,0.0,0.1034,0.0417,,,,,,,0.0221,,0.9806,,,0.0,0.1034,0.0417,,,,,,,0.0219,,0.9806,,,0.0,0.1034,0.0417,,,,,,,,block of flats,0.0144,"Stone, brick",No,1.0,0.0,1.0,0.0,-510.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1996915,265924,Cash loans,19151.1,450000.0,533160.0,,450000.0,FRIDAY,9,Y,1,,,,XNA,Refused,-172,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,121500.0,416052.0,20367.0,292500.0,Unaccompanied,Pensioner,Lower secondary,Single / not married,House / apartment,0.0038130000000000004,-21505,365243,-8573.0,-4136,0.0,1,0,0,1,0,0,,1.0,2,2,TUESDAY,5,0,0,0,0,0,0,XNA,0.32519477399209423,0.21300095358281265,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-396.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2128835,348065,Cash loans,72738.0,2025000.0,2025000.0,,2025000.0,WEDNESDAY,13,Y,1,,,,XNA,Refused,-2,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,N,N,0,202500.0,1305000.0,55291.5,1305000.0,Unaccompanied,Commercial associate,Higher education,Married,With parents,0.02461,-10167,-1328,-1340.0,-2785,,1,1,0,1,1,1,Sales staff,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,Transport: type 4,,0.5079227520684936,0.4507472818545589,0.0082,0.0,0.9563,0.4016,0.0,0.0,0.0345,0.0,0.0417,,0.0067,0.0049,0.0,0.0,0.0084,0.0,0.9563,0.425,0.0,0.0,0.0345,0.0,0.0417,,0.0073,0.0051,0.0,0.0,0.0083,0.0,0.9563,0.4096,0.0,0.0,0.0345,0.0,0.0417,,0.0068,0.005,0.0,0.0,reg oper account,block of flats,0.0039,Wooden,No,5.0,1.0,5.0,0.0,-1039.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,7.0,0.0,3.0 +2602450,206155,Revolving loans,11250.0,225000.0,225000.0,,225000.0,MONDAY,12,Y,1,,,,XAP,Refused,-598,XNA,HC,,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),286,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,112500.0,50940.0,5166.0,45000.0,Family,State servant,Secondary / secondary special,Married,House / apartment,0.00702,-18170,-2292,-9644.0,-1723,,1,1,1,1,1,0,Cooking staff,2.0,2,2,THURSDAY,13,0,0,0,0,1,1,Medicine,0.7162870626412197,0.2966588939789039,0.2807895743848605,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1170.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +2494908,221764,Consumer loans,2853.315,26869.5,30060.0,0.0,26869.5,TUESDAY,19,Y,1,0.0,,,XAP,Approved,-239,Cash through the bank,XAP,Unaccompanied,Refreshed,Computers,POS,XNA,Regional / Local,600,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-209.0,121.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,157500.0,239850.0,28462.5,225000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.019101,-19793,-629,-11820.0,-3350,,1,1,1,1,1,0,,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Other,,0.7585993946442815,0.520897599048938,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2555.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2554596,249555,Cash loans,10161.9,315000.0,315000.0,,315000.0,THURSDAY,10,Y,1,,,,XNA,Refused,-315,XNA,HC,Family,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,2,337500.0,900000.0,26446.5,900000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.009175,-16610,-6577,-119.0,-146,3.0,1,1,0,1,0,0,Core staff,4.0,2,2,THURSDAY,15,0,0,0,0,0,0,Security Ministries,,0.7203230793342498,0.2707073872651806,0.0928,0.0,0.9995,,,0.08,0.069,0.3333,,0.0793,,0.1024,,0.0,0.0662,0.0,0.9995,,,0.0403,0.0345,0.3333,,0.0811,,0.0608,,0.0,0.0937,0.0,0.9995,,,0.08,0.069,0.3333,,0.0807,,0.1042,,0.0,,block of flats,0.0534,"Stone, brick",No,2.0,1.0,2.0,1.0,-3.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2553334,442930,Cash loans,33026.58,1129500.0,1129500.0,,1129500.0,TUESDAY,16,Y,1,,,,XNA,Approved,-741,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,1,135000.0,208512.0,23710.5,180000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.022625,-13125,-1412,-194.0,-3944,,1,1,0,1,0,0,,3.0,2,2,MONDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.2861091615172884,0.6146658455744086,0.6848276586890367,0.1278,0.0438,0.9836,0.7756,0.0541,0.08,0.0345,0.625,0.6667,0.0637,0.1042,0.1203,0.0,0.1166,0.1303,0.0455,0.9836,0.7844,0.0546,0.0806,0.0345,0.625,0.6667,0.0651,0.1139,0.1254,0.0,0.1234,0.1291,0.0438,0.9836,0.7786,0.0544,0.08,0.0345,0.625,0.6667,0.0648,0.106,0.1225,0.0,0.119,,block of flats,0.0986,Panel,No,2.0,0.0,2.0,0.0,-1261.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2674912,159894,Revolving loans,2250.0,0.0,45000.0,,,FRIDAY,10,Y,1,,,,XAP,Approved,-1380,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,40,Connectivity,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,-232.0,0.0,0,Cash loans,F,N,Y,0,90000.0,251280.0,12960.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-21400,-1133,-7416.0,-3476,,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,10,0,0,0,0,1,1,Business Entity Type 2,,0.6421237104552129,0.4938628816996244,,0.0943,0.9806,0.7348,,0.0,0.2759,0.1667,,0.0223,0.1,0.1051,,,,0.0979,0.9806,0.7452,,0.0,0.2759,0.1667,,0.0228,0.1093,0.1095,,,,0.0943,0.9806,0.7383,,0.0,0.2759,0.1667,,0.0227,0.1018,0.107,,,reg oper account,block of flats,0.0827,Panel,No,4.0,3.0,4.0,0.0,-1816.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1755604,232389,Cash loans,62182.71,1350000.0,1467612.0,,1350000.0,MONDAY,12,Y,1,,,,Repairs,Refused,-557,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,Y,Y,0,202500.0,545040.0,36553.5,450000.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.0031219999999999998,-20776,-626,-1631.0,-1624,7.0,1,1,0,1,1,0,Drivers,2.0,3,3,FRIDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.5181158848683536,0.661402203770295,0.43473324875017305,0.1742,0.1458,0.9811,0.7416,0.0236,0.0,0.3448,0.1667,0.0,0.1598,0.142,0.16,0.0,0.0,0.1775,0.1513,0.9811,0.7517,0.0238,0.0,0.3448,0.1667,0.0,0.1634,0.1552,0.1667,0.0,0.0,0.1759,0.1458,0.9811,0.7451,0.0237,0.0,0.3448,0.1667,0.0,0.1626,0.1445,0.1628,0.0,0.0,org spec account,block of flats,0.1258,"Stone, brick",No,0.0,0.0,0.0,0.0,-700.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2394786,343502,Consumer loans,4365.855,26451.0,23805.0,2646.0,26451.0,TUESDAY,9,Y,1,0.10894614742181932,,,XAP,Approved,-937,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Stone,23,Consumer electronics,6.0,middle,POS household with interest,365243.0,-896.0,-746.0,-746.0,-734.0,0.0,0,Cash loans,F,N,Y,2,247500.0,508495.5,24592.5,454500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00823,-14888,-5192,-7332.0,-4581,,1,1,0,1,0,0,Core staff,4.0,2,2,MONDAY,14,0,0,0,0,0,0,Postal,0.5369024327023783,0.5434467943845243,0.7209441499436497,0.033,,0.9608,0.4628,0.0251,0.0,0.1034,0.125,0.1667,0.0205,0.0269,0.0367,0.0,0.0,0.0336,,0.9608,0.4838,0.0253,0.0,0.1034,0.125,0.1667,0.0209,0.0294,0.0382,0.0,0.0,0.0333,,0.9608,0.47,0.0253,0.0,0.1034,0.125,0.1667,0.0208,0.0274,0.0373,0.0,0.0,reg oper account,block of flats,0.0426,"Stone, brick",No,0.0,0.0,0.0,0.0,-937.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2124495,105398,Cash loans,31816.305,540000.0,756810.0,,540000.0,WEDNESDAY,13,Y,1,,,,Payments on other loans,Refused,-602,Cash through the bank,VERIF,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,Y,Y,1,135000.0,497520.0,33376.5,450000.0,Family,Working,Secondary / secondary special,Single / not married,House / apartment,0.0228,-11223,-374,-2378.0,-1794,6.0,1,1,1,1,1,0,Sales staff,2.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,Self-employed,0.40628696833248856,0.2868989661757141,0.06599320738450226,0.2258,0.0637,0.9841,0.7824,0.0363,0.08,0.069,0.2917,,0.0515,,0.0709,,0.0054,0.23,0.0661,0.9841,0.7909,0.0366,0.0806,0.069,0.2917,,0.0527,,0.0738,,0.0057,0.228,0.0637,0.9841,0.7853,0.0365,0.08,0.069,0.2917,,0.0524,,0.0721,,0.0055,reg oper account,block of flats,0.0768,Panel,No,0.0,0.0,0.0,0.0,-1102.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1798395,334229,Cash loans,13346.19,337500.0,399870.0,,337500.0,TUESDAY,12,Y,1,,,,XNA,Approved,-328,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-298.0,1112.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,157500.0,301536.0,15525.0,216000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.025164,-18557,-1044,-605.0,-2105,,1,1,0,1,0,0,Medicine staff,2.0,2,2,MONDAY,7,0,0,0,0,0,0,Medicine,,0.6459437693680777,0.25259869783397665,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-450.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1604539,403037,Consumer loans,4321.62,22455.0,23787.0,0.0,22455.0,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-451,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,129,Consumer electronics,6.0,middle,POS household with interest,365243.0,-421.0,-271.0,-271.0,-269.0,1.0,0,Cash loans,F,N,Y,2,157500.0,323460.0,26064.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-12900,-5712,-4368.0,-4789,,1,1,0,1,0,0,Laborers,4.0,3,3,WEDNESDAY,7,0,0,0,1,1,0,Business Entity Type 3,0.5946818825992681,0.6154010544579694,0.5762088360175724,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,12.0,1.0,12.0,0.0,-1612.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1789613,259744,Consumer loans,5636.88,25875.0,27414.0,0.0,25875.0,MONDAY,10,Y,1,0.0,,,XAP,Approved,-336,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,34,Connectivity,6.0,high,POS mobile with interest,365243.0,-305.0,-155.0,-185.0,-183.0,0.0,0,Cash loans,F,N,Y,0,112500.0,158256.0,11142.0,144000.0,Family,State servant,Higher education,Separated,House / apartment,0.0228,-17508,-1343,-389.0,-1042,,1,1,1,1,1,0,Accountants,1.0,2,2,MONDAY,12,0,0,0,0,1,1,Other,0.7841735376880729,0.4891627271161421,0.4938628816996244,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-580.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2563987,303419,Cash loans,12832.65,67500.0,69727.5,,67500.0,SUNDAY,11,Y,1,,,,XNA,Refused,-325,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,Y,Y,0,234000.0,654498.0,43915.5,585000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.016612000000000002,-21635,-4211,-6621.0,-2256,3.0,1,1,0,1,0,0,High skill tech staff,2.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,Construction,0.8044776931711366,0.5673951275416941,0.816092360478441,0.0825,0.0608,0.9752,0.66,0.0267,0.0,0.1379,0.1667,0.2083,0.0487,0.0672,0.0637,0.0,0.0,0.084,0.0631,0.9752,0.6733,0.027000000000000003,0.0,0.1379,0.1667,0.2083,0.0498,0.0735,0.0664,0.0,0.0,0.0833,0.0608,0.9752,0.6645,0.0269,0.0,0.1379,0.1667,0.2083,0.0495,0.0684,0.0649,0.0,0.0,reg oper account,block of flats,0.0543,"Stone, brick",No,0.0,0.0,0.0,0.0,-1637.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2759993,190464,Cash loans,87681.96,405000.0,463288.5,,405000.0,FRIDAY,10,Y,1,,,,XNA,Approved,-1058,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,N,Y,0,180000.0,824823.0,29353.5,688500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-15479,-2752,-8362.0,-4369,,1,1,0,1,0,0,,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.234707183366788,0.6656885574862664,0.5867400085415683,0.2227,0.1572,0.9796,0.7212,0.0872,0.24,0.2069,0.3333,0.375,0.0975,0.1816,0.2266,0.0,0.0,0.2269,0.1631,0.9796,0.7321,0.08800000000000001,0.2417,0.2069,0.3333,0.375,0.0997,0.1983,0.2361,0.0,0.0,0.2248,0.1572,0.9796,0.7249,0.0877,0.24,0.2069,0.3333,0.375,0.0992,0.1847,0.2307,0.0,0.0,reg oper account,block of flats,0.2259,Panel,No,0.0,0.0,0.0,0.0,-28.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1801479,396015,Consumer loans,6697.35,148500.0,148500.0,0.0,148500.0,THURSDAY,12,Y,1,0.0,,,XAP,Approved,-1065,Cash through the bank,XAP,Family,Refreshed,Computers,POS,XNA,Regional / Local,145,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1033.0,-343.0,-343.0,-341.0,0.0,0,Cash loans,M,Y,Y,3,112500.0,531706.5,29817.0,459000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-15179,-3855,-3286.0,-4887,20.0,1,1,0,1,0,0,Managers,5.0,2,2,FRIDAY,13,0,0,0,0,0,0,Self-employed,0.18083426865811814,0.6321392282020271,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2323.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1652297,267607,Consumer loans,3251.52,29425.5,29425.5,0.0,29425.5,WEDNESDAY,10,Y,1,0.0,,,XAP,Approved,-1128,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,25,Connectivity,12.0,high,POS mobile with interest,365243.0,-1091.0,-761.0,-761.0,-753.0,0.0,0,Revolving loans,F,N,Y,0,121500.0,382500.0,19125.0,382500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.04622,-21955,-7021,-1213.0,-261,,1,1,0,1,0,0,Cleaning staff,2.0,1,1,THURSDAY,13,0,0,0,0,0,0,Other,,0.4747717347711582,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1128.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1513660,165925,Cash loans,20320.74,229500.0,281646.0,,229500.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-718,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-688.0,-178.0,-568.0,-560.0,1.0,0,Cash loans,F,Y,Y,2,180000.0,521280.0,31630.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-14187,-2819,-7191.0,-3131,22.0,1,1,0,1,0,0,Laborers,4.0,2,2,SUNDAY,12,0,0,0,0,0,0,Self-employed,0.5222923286628509,0.6107168970084892,0.520897599048938,,,0.9508,,,,0.069,0.0,,0.0,,0.0049,,,,,0.9508,,,,0.069,0.0,,0.0,,0.0051,,,,,0.9508,,,,0.069,0.0,,0.0,,0.005,,,,block of flats,0.0038,Wooden,Yes,0.0,0.0,0.0,0.0,-2846.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1011073,204184,Consumer loans,2052.45,19318.5,19449.0,1935.0,19318.5,WEDNESDAY,16,Y,1,0.09854989286807464,,,XAP,Approved,-400,Cash through the bank,XAP,Family,Repeater,Jewelry,POS,XNA,Country-wide,50,Industry,12.0,middle,POS other with interest,365243.0,-369.0,-39.0,-99.0,-95.0,0.0,0,Cash loans,F,N,Y,0,180000.0,497520.0,36184.5,450000.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.030755,-19059,-996,-12616.0,-2302,,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Self-employed,,0.4545122275382119,0.6528965519806539,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-771.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1438013,408881,Consumer loans,16947.27,157050.0,141345.0,15705.0,157050.0,SATURDAY,14,Y,1,0.1089090909090909,,,XAP,Approved,-1237,Cash through the bank,XAP,Children,Refreshed,Mobile,POS,XNA,Stone,48,Consumer electronics,12.0,high,POS household with interest,365243.0,-1206.0,-876.0,-1116.0,-1110.0,0.0,0,Cash loans,F,N,N,0,202500.0,1078200.0,31522.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.035792000000000004,-20818,-11326,-6922.0,-4271,,1,1,1,1,1,0,Laborers,1.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.7079498682692034,0.25946765482111994,0.0103,0.0,0.9523,0.3472,0.0002,0.0,0.0345,0.0,0.0417,0.0483,0.0084,0.0069,0.0,0.0048,0.0105,0.0,0.9523,0.3728,0.0002,0.0,0.0345,0.0,0.0417,0.0494,0.0092,0.0072,0.0,0.005,0.0104,0.0,0.9523,0.3559,0.0002,0.0,0.0345,0.0,0.0417,0.0491,0.0086,0.006999999999999999,0.0,0.0049,not specified,terraced house,0.0064,"Stone, brick",No,0.0,0.0,0.0,0.0,-1237.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1197792,136021,Cash loans,,0.0,0.0,,,TUESDAY,10,Y,1,,,,XNA,Refused,-133,XNA,HC,,Refreshed,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,N,2,135000.0,269550.0,14112.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.005313,-12920,-1083,-2072.0,-302,,1,1,0,1,1,0,Sales staff,4.0,2,2,MONDAY,13,0,0,0,0,1,1,Self-employed,,0.2578151125700884,0.3723336657058204,,,0.997,,,0.08,0.069,0.375,,,,,,,,,0.997,,,0.0806,0.069,0.375,,,,,,,,,0.997,,,0.08,0.069,0.375,,,,,,,,block of flats,0.0681,"Stone, brick",No,0.0,0.0,0.0,0.0,-1842.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2610871,247768,Consumer loans,16844.31,168462.0,151614.0,16848.0,168462.0,TUESDAY,14,Y,1,0.10892072773897753,,,XAP,Approved,-2591,Cash through the bank,XAP,Unaccompanied,New,Furniture,POS,XNA,Stone,60,Furniture,10.0,low_normal,POS industry with interest,365243.0,-2546.0,-2276.0,-2306.0,-2299.0,0.0,0,Cash loans,M,Y,N,0,180000.0,450000.0,27531.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.032561,-18938,-3141,-11265.0,-2484,11.0,1,1,1,1,0,0,Managers,2.0,1,1,SATURDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.7221169418552551,0.646329897706246,0.6938,0.2732,0.9801,0.728,0.1112,0.96,0.5517,0.4583,0.375,0.1817,0.564,0.6675,0.0077,0.0035,0.7069,0.2835,0.9801,0.7387,0.1122,0.9667,0.5517,0.4583,0.375,0.1859,0.6162,0.6954,0.0078,0.0037,0.7005,0.2732,0.9801,0.7316,0.1119,0.96,0.5517,0.4583,0.375,0.1849,0.5738,0.6795,0.0078,0.0036,reg oper account,block of flats,0.5277,Panel,No,2.0,0.0,2.0,0.0,-2591.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2031305,163012,Consumer loans,5009.4,36886.5,30159.0,10845.0,36886.5,SATURDAY,16,Y,1,0.2880497246388377,,,XAP,Approved,-1442,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,42,Connectivity,8.0,high,POS mobile with interest,365243.0,-1411.0,-1201.0,-1201.0,-1196.0,0.0,0,Cash loans,M,N,N,1,337500.0,518562.0,38902.5,463500.0,Family,Commercial associate,Higher education,Married,House / apartment,0.025164,-17593,-2370,-4869.0,-1076,,1,1,0,1,0,1,Managers,3.0,2,2,SATURDAY,12,0,0,0,0,1,1,Other,,0.3956686147933418,0.5154953751603267,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-873.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2729914,159007,Consumer loans,7483.86,66141.0,66141.0,0.0,66141.0,THURSDAY,11,Y,1,0.0,,,XAP,Approved,-54,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,51,Connectivity,12.0,high,POS mobile with interest,365243.0,-17.0,313.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,63000.0,225000.0,22050.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.026392000000000002,-24001,365243,-9321.0,-4735,,1,0,0,1,1,0,,1.0,2,2,TUESDAY,14,0,0,0,0,0,0,XNA,,0.5159324884102787,0.7407990879702335,0.0272,,0.7829,,,0.0,0.0603,0.0312,,,,0.0058,,0.0,0.0084,,0.9747,,,0.0,0.069,0.0417,,,,0.0058,,0.0,0.0083,,0.9747,,,0.0,0.069,0.0417,,,,0.0059,,0.0,,block of flats,0.0047,"Stone, brick",No,0.0,0.0,0.0,0.0,-54.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1316642,124048,Cash loans,34767.495,675000.0,767664.0,,675000.0,FRIDAY,13,Y,1,,,,XNA,Approved,-371,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-341.0,1069.0,-251.0,-242.0,1.0,0,Cash loans,M,N,N,0,180000.0,867951.0,28129.5,724500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,With parents,0.018801,-14058,-4178,-5904.0,-4158,,1,1,0,1,0,0,Sales staff,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,Self-employed,0.3569838708659939,0.5568997927988487,0.4578995512067301,0.0918,0.0934,0.9781,0.7008,0.0273,0.0,0.2069,0.1667,0.2083,0.0265,0.0731,0.0758,0.0077,0.045,0.0935,0.0969,0.9782,0.7125,0.0276,0.0,0.2069,0.1667,0.2083,0.0271,0.0799,0.079,0.0078,0.0477,0.0926,0.0934,0.9781,0.7048,0.0275,0.0,0.2069,0.1667,0.2083,0.0269,0.0744,0.0772,0.0078,0.046,reg oper account,block of flats,0.0844,Panel,No,1.0,0.0,1.0,0.0,-3007.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1941496,212052,Consumer loans,19796.4,140400.0,140400.0,0.0,140400.0,SATURDAY,17,Y,1,0.0,,,XAP,Approved,-2268,XNA,XAP,Family,Refreshed,Furniture,POS,XNA,Stone,269,Furniture,8.0,middle,POS industry with interest,365243.0,-2227.0,-2017.0,-2017.0,-2008.0,0.0,0,Cash loans,F,N,Y,0,90000.0,313438.5,21073.5,283500.0,Unaccompanied,State servant,Secondary / secondary special,Married,Municipal apartment,0.04622,-19192,-2133,-9861.0,-2619,,1,1,0,1,1,0,High skill tech staff,2.0,1,1,SATURDAY,10,0,0,0,0,0,0,Other,,0.7507701738229761,0.6263042766749393,0.0619,0.0718,0.9866,0.8164,,0.0,0.1379,0.1667,0.2083,,0.0504,0.056,0.0,0.0,0.063,0.0745,0.9866,0.8236,,0.0,0.1379,0.1667,0.2083,,0.0551,0.0583,0.0,0.0,0.0625,0.0718,0.9866,0.8189,,0.0,0.1379,0.1667,0.2083,,0.0513,0.057,0.0,0.0,reg oper account,block of flats,0.044,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1887029,195807,Cash loans,4933.71,49500.0,52767.0,,49500.0,SATURDAY,8,Y,1,,,,XNA,Approved,-360,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),3,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-330.0,0.0,-90.0,-86.0,1.0,0,Cash loans,F,N,N,0,112500.0,225000.0,10953.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.020713,-20681,365243,-4521.0,-3883,,1,0,0,1,1,0,,1.0,3,3,SATURDAY,15,0,0,0,0,0,0,XNA,,0.11415498819158255,0.16146308000577247,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-2343.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +2836120,167268,Consumer loans,8423.19,83245.5,92038.5,0.0,83245.5,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-706,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,1000,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-675.0,-345.0,-375.0,-369.0,0.0,0,Revolving loans,F,N,Y,1,157500.0,270000.0,13500.0,270000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.026392000000000002,-9529,-471,-4242.0,-2201,,1,1,0,1,0,0,Laborers,3.0,2,2,FRIDAY,15,0,0,0,0,0,0,Transport: type 4,0.6714337702989525,0.7441286524960381,0.08788069918013308,0.1,,0.9901,,,0.12,0.1034,0.375,,,,0.0959,,0.1327,0.1008,,0.9856,,,0.1208,0.1034,0.375,,,,0.0782,,0.0101,0.101,,0.9901,,,0.12,0.1034,0.375,,,,0.0976,,0.1355,,block of flats,0.0939,"Stone, brick",No,0.0,0.0,0.0,0.0,-706.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1988358,100470,Consumer loans,11241.99,110911.5,110911.5,0.0,110911.5,TUESDAY,13,Y,1,0.0,,,XAP,Refused,-319,Cash through the bank,HC,Family,New,Audio/Video,POS,XNA,Country-wide,1000,Consumer electronics,16.0,high,POS household with interest,,,,,,,0,Cash loans,F,Y,Y,0,225000.0,1345500.0,39469.5,1345500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.026392000000000002,-15601,-3880,-9642.0,-2242,0.0,1,1,0,1,0,0,,2.0,2,2,SATURDAY,14,0,0,0,0,0,0,Business Entity Type 2,,0.6198526719399989,0.6577838002083306,0.1412,,0.9841,,,0.16,0.1379,0.375,,0.1125,,0.1449,,0.0651,0.1439,,0.9841,,,0.1611,0.1379,0.375,,0.115,,0.1509,,0.069,0.1426,,0.9841,,,0.16,0.1379,0.375,,0.1144,,0.1475,,0.0665,,block of flats,0.1281,"Stone, brick",No,3.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,0.0 +1175980,339674,Consumer loans,3539.07,21505.5,17496.0,6750.0,21505.5,MONDAY,12,Y,1,0.3031990281433489,,,XAP,Approved,-922,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,6.0,high,POS mobile with interest,365243.0,-891.0,-741.0,-771.0,-762.0,0.0,0,Cash loans,F,N,N,1,144000.0,341280.0,22936.5,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.019688999999999998,-13841,-4240,-3693.0,-214,,1,1,0,1,1,0,Sales staff,3.0,2,2,SATURDAY,9,0,0,0,0,1,1,Self-employed,,0.4322436121748831,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,1.0,-487.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2611200,435720,Consumer loans,8298.045,74695.5,82584.0,0.0,74695.5,FRIDAY,13,Y,1,0.0,,,XAP,Approved,-650,XNA,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,250,Consumer electronics,12.0,middle,POS household with interest,365243.0,-619.0,-289.0,-379.0,-363.0,0.0,0,Cash loans,F,N,Y,0,76500.0,152820.0,8662.5,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-20889,-2284,-6838.0,-4126,,1,1,1,1,0,0,Cleaning staff,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,Other,,0.6260674584809338,0.3842068130556564,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1674.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,4.0 +1190277,150448,Consumer loans,5463.18,59211.0,53289.0,5922.0,59211.0,MONDAY,15,Y,1,0.10892564495847666,,,XAP,Approved,-497,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Stone,80,Furniture,12.0,middle,POS industry with interest,365243.0,-465.0,-135.0,-405.0,-400.0,0.0,0,Revolving loans,F,N,Y,0,112500.0,180000.0,9000.0,180000.0,Family,Working,Secondary / secondary special,Single / not married,Municipal apartment,0.01885,-19938,-2770,-19488.0,-3469,,1,1,0,1,0,0,Sales staff,1.0,2,2,MONDAY,10,0,0,0,0,0,0,Self-employed,,0.6100252293580601,0.6986675550534175,0.0124,,0.9692,,,,0.069,0.0417,,,,0.0145,,,0.0126,,0.9692,,,,0.069,0.0417,,,,0.0151,,,0.0125,,0.9692,,,,0.069,0.0417,,,,0.0147,,,,block of flats,0.0114,"Stone, brick",No,,,,,-2790.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2065967,222524,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SATURDAY,11,Y,1,,,,XAP,Approved,-257,XNA,XAP,Unaccompanied,New,XNA,Cards,walk-in,Country-wide,1607,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,180000.0,553806.0,21798.0,495000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.020246,-21858,365243,-2250.0,-4290,,1,0,0,1,0,0,,1.0,3,3,THURSDAY,7,0,0,0,0,0,0,XNA,,0.04623288095702556,0.17560597946937906,,,0.9826,,,,,,,,,0.1478,,,,,0.9826,,,,,,,,,0.154,,,,,0.9826,,,,,,,,,0.1504,,,,,0.1169,,No,0.0,0.0,0.0,0.0,-257.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2274047,296469,Consumer loans,3523.59,17824.5,21577.5,0.0,17824.5,THURSDAY,8,Y,1,0.0,,,XAP,Approved,-1642,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,1291,Consumer electronics,8.0,high,POS household with interest,365243.0,-1611.0,-1401.0,-1401.0,-1394.0,0.0,0,Cash loans,M,Y,Y,1,202500.0,305221.5,20002.5,252000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006852,-10687,-2496,-1372.0,-2994,14.0,1,1,0,1,0,0,Laborers,3.0,3,3,MONDAY,6,0,0,0,0,1,1,Transport: type 4,,0.394717357402442,0.7238369900414456,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1642.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1859594,442272,Consumer loans,20807.91,67860.0,77998.5,0.0,67860.0,TUESDAY,9,Y,1,0.0,,,XAP,Refused,-889,Cash through the bank,HC,Family,Repeater,Audio/Video,POS,XNA,Stone,140,Consumer electronics,4.0,low_normal,POS household with interest,,,,,,,0,Cash loans,F,N,N,0,67500.0,1005120.0,29520.0,720000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-15553,-3719,-19.0,-4799,,1,1,0,1,0,0,Sales staff,2.0,3,3,TUESDAY,7,0,0,0,0,0,0,Self-employed,0.7089029053706845,0.6124518980809456,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1856043,435769,Consumer loans,6458.67,170955.0,170955.0,0.0,170955.0,TUESDAY,9,Y,1,0.0,,,XAP,Approved,-402,Cash through the bank,XAP,,New,Clothing and Accessories,POS,XNA,Regional / Local,640,Clothing,36.0,low_normal,POS industry with interest,365243.0,-370.0,680.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,1,238500.0,225000.0,24363.0,225000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.008068,-12913,-771,-1318.0,-4735,16.0,1,1,1,1,1,0,Sales staff,2.0,3,3,FRIDAY,10,0,0,0,0,0,0,Trade: type 7,0.4869917846138889,0.2477258401783705,0.6178261467332483,0.0588,0.08199999999999999,0.9871,0.8232,0.0099,0.0,0.1034,0.1667,0.2083,,0.0479,0.0628,0.0,0.0,0.0599,0.0851,0.9871,0.8301,0.01,0.0,0.1034,0.1667,0.2083,,0.0523,0.0654,0.0,0.0,0.0593,0.08199999999999999,0.9871,0.8256,0.0099,0.0,0.1034,0.1667,0.2083,,0.0487,0.0639,0.0,0.0,reg oper spec account,block of flats,0.0548,Panel,No,1.0,0.0,1.0,0.0,-402.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1234168,244448,Consumer loans,18291.06,184950.0,180738.0,18495.0,184950.0,SATURDAY,10,Y,1,0.10110140570907612,,,XAP,Approved,-912,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Stone,306,Consumer electronics,12.0,middle,POS household with interest,365243.0,-881.0,-551.0,-641.0,-636.0,0.0,0,Cash loans,M,N,N,0,180000.0,1125000.0,44748.0,1125000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.002042,-22386,365243,-4743.0,-2354,,1,0,0,1,0,0,,2.0,3,3,MONDAY,16,0,0,0,0,0,0,XNA,,0.4917694822866658,0.746300213050371,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,1.0,9.0,0.0,-1601.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2383973,321840,Cash loans,33490.485,450000.0,481185.0,,450000.0,TUESDAY,11,Y,1,,,,XNA,Approved,-553,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-523.0,-13.0,-493.0,-485.0,1.0,0,Cash loans,F,N,Y,1,157500.0,477000.0,18612.0,477000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-15503,-2939,-2888.0,-4674,,1,1,0,1,1,0,Laborers,3.0,2,2,TUESDAY,14,0,0,0,0,0,0,Industry: type 2,,0.5254937584770504,0.6706517530862718,0.0722,0.065,0.9786,,,0.0,0.1379,0.1667,,,,0.0663,,0.0191,0.0735,0.0674,0.9786,,,0.0,0.1379,0.1667,,,,0.0691,,0.0202,0.0729,0.065,0.9786,,,0.0,0.1379,0.1667,,,,0.0675,,0.0195,,block of flats,0.0563,"Stone, brick",No,1.0,0.0,1.0,0.0,-1454.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2016966,196934,Consumer loans,2625.975,27000.0,21919.5,6750.0,27000.0,SATURDAY,13,Y,1,0.2564175739501434,,,XAP,Approved,-1859,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Stone,50,Furniture,10.0,middle,POS industry with interest,365243.0,-1823.0,-1553.0,-1583.0,-1578.0,0.0,0,Cash loans,F,N,Y,1,67500.0,173092.5,12177.0,157500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-13604,-327,-4713.0,-4699,,1,1,1,1,1,0,Sales staff,3.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Self-employed,0.4834502521931369,0.6338004695373274,0.6195277080511546,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1322793,240625,Cash loans,11307.195,121500.0,133528.5,0.0,121500.0,MONDAY,15,Y,1,0.0,,,Other,Approved,-2075,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,365243.0,-2045.0,-1535.0,-1535.0,-1524.0,1.0,0,Revolving loans,M,N,Y,0,270000.0,855000.0,42750.0,855000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.072508,-21967,-1192,-12880.0,-5474,,1,1,0,1,0,0,Managers,2.0,1,1,FRIDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.6134739044199051,0.8128226070575616,0.1584,0.1331,0.9811,0.7416,0.0,0.24,0.1034,0.4583,0.0,0.0,0.1292,0.1798,0.0,0.1628,0.1481,0.0836,0.9811,0.7517,0.0,0.2417,0.1034,0.4583,0.0,0.0,0.1295,0.177,0.0,0.0049,0.1624,0.1307,0.9811,0.7451,0.0,0.24,0.1034,0.4583,0.0,0.0,0.1334,0.1831,0.0,0.2159,reg oper spec account,block of flats,0.1875,Panel,No,0.0,0.0,0.0,0.0,-2174.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1380821,349268,Consumer loans,6376.905,44883.0,22383.0,22500.0,44883.0,SUNDAY,11,Y,1,0.5459649634504256,,,XAP,Approved,-2669,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,4.0,low_normal,POS mobile with interest,365243.0,-2638.0,-2548.0,-2578.0,-2564.0,0.0,0,Cash loans,M,N,Y,0,81000.0,416052.0,15075.0,292500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.010643000000000001,-17333,-336,-9955.0,-890,,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Other,,0.5796749384493823,,0.0165,0.0,0.9727,0.626,,0.0,0.0862,0.0417,0.0833,0.0085,0.0134,0.0152,0.0,0.0071,0.0168,0.0,0.9727,0.6406,,0.0,0.069,0.0417,0.0833,0.0087,0.0147,0.0114,0.0,0.0075,0.0167,0.0,0.9727,0.631,,0.0,0.0862,0.0417,0.0833,0.0087,0.0137,0.0155,0.0,0.0073,reg oper account,block of flats,0.009000000000000001,Block,No,0.0,0.0,0.0,0.0,-1550.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1977995,349442,Revolving loans,4500.0,0.0,90000.0,,,WEDNESDAY,15,Y,1,,,,XAP,Approved,-2154,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,48,Connectivity,0.0,XNA,Card X-Sell,-2152.0,-2094.0,365243.0,-1121.0,-718.0,0.0,0,Cash loans,M,Y,N,0,270000.0,263844.0,17977.5,189000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.006233,-10548,-2703,-3016.0,-3007,16.0,1,1,0,1,0,0,Waiters/barmen staff,1.0,2,2,MONDAY,9,0,0,0,0,0,0,Hotel,0.17415665000133804,0.6130745584602297,0.13510601574017175,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-2154.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1659381,267173,Cash loans,10890.0,396000.0,396000.0,,396000.0,MONDAY,7,Y,1,,,,XNA,Approved,-339,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-309.0,1461.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,1,94500.0,1024740.0,52452.0,900000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,Municipal apartment,0.018029,-17036,365243,-1982.0,-595,,1,0,0,1,0,0,,3.0,3,3,THURSDAY,12,0,0,0,0,0,0,XNA,,0.4895725588578218,,0.0825,0.0785,0.9781,0.7008,0.0725,0.0,0.1379,0.1667,0.2083,0.014,0.0672,0.0504,0.0,0.0,0.084,0.0815,0.9782,0.7125,0.0731,0.0,0.1379,0.1667,0.2083,0.0143,0.0735,0.0525,0.0,0.0,0.0833,0.0785,0.9781,0.7048,0.0729,0.0,0.1379,0.1667,0.2083,0.0143,0.0684,0.0513,0.0,0.0,not specified,block of flats,0.0551,Panel,No,1.0,0.0,0.0,0.0,-940.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2570072,171387,Consumer loans,11042.145,70384.5,67522.5,7042.5,70384.5,WEDNESDAY,15,Y,1,0.10286223734020954,,,XAP,Approved,-1636,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Stone,350,Consumer electronics,8.0,high,POS household with interest,365243.0,-1605.0,-1395.0,-1395.0,-1387.0,0.0,0,Cash loans,F,Y,Y,0,216000.0,188685.0,17433.0,157500.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.002042,-17840,-1309,-160.0,-146,5.0,1,1,0,1,0,0,Managers,2.0,3,3,MONDAY,17,0,0,0,0,1,1,Self-employed,0.6176302122844177,0.42212001203378025,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1911526,207740,Consumer loans,7718.895,82467.0,41233.5,41233.5,82467.0,SATURDAY,13,Y,1,0.5445454545454544,,,XAP,Approved,-1141,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,144,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1106.0,-956.0,-956.0,-951.0,0.0,0,Cash loans,M,Y,Y,0,247500.0,983299.5,41791.5,904500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.02461,-13293,-2660,-2479.0,-2271,3.0,1,1,1,1,1,1,Managers,2.0,2,2,SATURDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.7015525613244524,0.4241303111942548,,,0.9826,,,,,,,,,0.0908,,,,,0.9826,,,,,,,,,0.0946,,,,,0.9826,,,,,,,,,0.0924,,,,,0.0714,,No,0.0,0.0,0.0,0.0,-1456.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2359931,398270,Cash loans,22979.565,315000.0,340573.5,,315000.0,FRIDAY,8,Y,1,,,,XNA,Approved,-867,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-837.0,-327.0,-837.0,-830.0,1.0,0,Cash loans,F,N,Y,0,85500.0,1125000.0,33025.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-21294,-533,-5665.0,-4615,,1,1,0,1,1,1,Cleaning staff,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,Other,,0.31208359730585217,0.5478104658520093,0.0897,0.0992,0.9781,,,0.0,0.2069,0.1667,,0.0661,,0.0833,,0.0123,0.0914,0.103,0.9782,,,0.0,0.2069,0.1667,,0.0676,,0.0868,,0.013,0.0906,0.0992,0.9781,,,0.0,0.2069,0.1667,,0.0672,,0.0848,,0.0126,,block of flats,0.0744,Panel,No,0.0,0.0,0.0,0.0,-376.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1898199,142515,Cash loans,26191.395,450000.0,491580.0,,450000.0,MONDAY,8,Y,1,,,,XNA,Approved,-819,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-788.0,-98.0,-338.0,-330.0,0.0,0,Cash loans,F,N,Y,1,172800.0,675000.0,37822.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.0228,-14893,-3009,-3758.0,-4653,,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,8,0,0,0,0,0,0,Trade: type 7,,0.5151460159750975,0.6528965519806539,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,2.0,7.0,2.0,-1778.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,1.0 +2412699,325151,Consumer loans,3923.64,19705.5,18603.0,1980.0,19705.5,MONDAY,13,Y,1,0.10476606908613907,,,XAP,Approved,-1619,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,26,Connectivity,6.0,high,POS mobile with interest,365243.0,-1580.0,-1430.0,-1460.0,-1452.0,0.0,0,Cash loans,F,N,Y,0,67500.0,74182.5,5292.0,67500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.005313,-16313,-3282,-7000.0,-4989,,1,1,1,1,1,0,Core staff,1.0,2,2,WEDNESDAY,10,0,0,0,0,1,1,School,,0.4535744448334879,0.7850520263728172,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1619.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2674331,404844,Consumer loans,12959.235,143955.0,121455.0,22500.0,143955.0,SATURDAY,17,Y,1,0.1702236494359032,,,XAP,Approved,-1523,XNA,XAP,Family,New,Computers,POS,XNA,Stone,49,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1403.0,-1073.0,-1193.0,-1186.0,0.0,0,Cash loans,F,N,Y,0,225000.0,619254.0,27405.0,553500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.032561,-20392,-3184,-2841.0,-3131,,1,1,0,1,1,0,,2.0,1,1,WEDNESDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.6866224418659465,,0.0196,0.043,0.9394,0.1704,,,0.1379,0.1667,0.2083,0.0163,,0.0544,,0.0364,0.02,0.0446,0.9394,0.2029,,,0.1379,0.1667,0.2083,0.0167,,0.0566,,0.0385,0.0198,0.043,0.9394,0.1815,,,0.1379,0.1667,0.2083,0.0166,,0.0553,,0.0371,reg oper account,block of flats,0.0555,"Stone, brick",No,0.0,0.0,0.0,0.0,-1523.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2376373,420162,Consumer loans,49687.785,639756.0,414756.0,225000.0,639756.0,SATURDAY,16,Y,1,0.3830295527442564,,,XAP,Refused,-1873,Cash through the bank,LIMIT,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,131,Furniture,10.0,middle,POS industry with interest,,,,,,,0,Cash loans,M,Y,Y,2,292500.0,1310409.0,42403.5,1026000.0,Other_B,Commercial associate,Secondary / secondary special,Married,House / apartment,0.031329,-17071,-6790,-11026.0,-608,10.0,1,1,0,1,0,0,High skill tech staff,4.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Business Entity Type 1,,0.5066765661877995,0.3296550543128238,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-273.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,7.0 +2508668,152500,Revolving loans,22500.0,450000.0,450000.0,,450000.0,WEDNESDAY,13,Y,1,,,,XAP,Approved,-300,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-300.0,-253.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,135000.0,545040.0,26640.0,450000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.009656999999999999,-14131,-4648,-1189.0,-4472,,1,1,0,1,0,0,Drivers,2.0,2,2,TUESDAY,16,0,0,0,0,0,0,Business Entity Type 1,0.2852523309326659,0.7554580588474384,0.5954562029091491,0.1227,0.1303,0.9771,0.6872,0.0153,0.0,0.2069,0.1667,0.2083,0.0988,0.0992,0.112,0.0039,0.1492,0.125,0.1352,0.9772,0.6994,0.0154,0.0,0.2069,0.1667,0.2083,0.1011,0.1084,0.1167,0.0039,0.1579,0.1239,0.1303,0.9771,0.6914,0.0153,0.0,0.2069,0.1667,0.2083,0.1006,0.1009,0.114,0.0039,0.1523,reg oper account,block of flats,0.1205,Panel,No,0.0,0.0,0.0,0.0,-584.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2724037,316893,Revolving loans,4500.0,90000.0,90000.0,,90000.0,WEDNESDAY,15,Y,1,,,,XAP,Refused,-783,XNA,HC,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,Y,Y,4,315000.0,1056447.0,31018.5,922500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.009175,-13191,-6436,-4394.0,-4410,1.0,1,1,1,1,1,0,Core staff,6.0,2,2,TUESDAY,13,0,0,0,0,1,1,Government,0.5315686548995814,0.3966363621675115,0.5262949398096192,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1339.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +1806412,347253,Consumer loans,4125.87,34366.5,30928.5,3438.0,34366.5,THURSDAY,13,Y,1,0.1089518730581975,,,XAP,Approved,-2916,XNA,XAP,,Repeater,Mobile,POS,XNA,Stone,43,Connectivity,10.0,high,POS mobile with interest,365243.0,-2877.0,-2607.0,-2697.0,-1352.0,0.0,0,Revolving loans,F,N,N,1,135000.0,180000.0,9000.0,180000.0,Unaccompanied,State servant,Secondary / secondary special,Civil marriage,Municipal apartment,0.031329,-14652,-2268,-8778.0,-5144,,1,1,0,1,0,0,Core staff,3.0,2,2,MONDAY,16,0,0,0,0,0,0,Kindergarten,,0.6708368152851013,0.5954562029091491,0.2216,0.114,0.9801,0.728,0.0305,0.24,0.2069,0.3333,0.375,0.1061,0.1807,0.2114,0.0,0.0,0.2258,0.1183,0.9801,0.7387,0.0308,0.2417,0.2069,0.3333,0.375,0.1085,0.1974,0.2202,0.0,0.0,0.2238,0.114,0.9801,0.7316,0.0307,0.24,0.2069,0.3333,0.375,0.108,0.1838,0.2152,0.0,0.0,reg oper account,block of flats,0.1663,"Stone, brick",No,1.0,1.0,1.0,1.0,-2485.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2132279,318877,Consumer loans,4528.665,64851.75,60102.0,12966.75,64851.75,SUNDAY,12,Y,1,0.19326961998740289,0.20759662246401453,0.8324524312896405,XAP,Approved,-833,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,45,Connectivity,18.0,middle,POS mobile with interest,365243.0,-793.0,-283.0,-643.0,-637.0,0.0,0,Cash loans,F,N,Y,0,135000.0,1006920.0,42660.0,900000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.035792000000000004,-16890,-255,-2095.0,-436,,1,1,0,1,0,0,Accountants,2.0,2,2,SUNDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.8162558952394434,0.5920206586983691,0.5352762504724826,0.5247,0.1541,0.996,0.9456,0.8691,0.56,0.2414,0.625,0.6667,,0.4278,0.5551,0.0386,0.1772,0.5347,0.1599,0.996,0.9477,0.877,0.5639,0.2414,0.625,0.6667,,0.4674,0.5784,0.0389,0.1876,0.5298,0.1541,0.996,0.9463,0.8746,0.56,0.2414,0.625,0.6667,,0.4352,0.5651,0.0388,0.1809,reg oper account,block of flats,0.599,Block,No,0.0,0.0,0.0,0.0,-3339.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1020969,383895,Revolving loans,22500.0,0.0,450000.0,,,THURSDAY,11,Y,1,,,,XAP,Approved,-776,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card X-Sell,-364.0,-333.0,365243.0,-333.0,-251.0,0.0,0,Cash loans,M,N,Y,1,157500.0,180000.0,19030.5,180000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.008473999999999999,-12787,-1541,-1129.0,-1524,,1,1,0,1,0,0,Realty agents,3.0,2,2,WEDNESDAY,17,0,0,0,0,1,1,Self-employed,,0.4730434500290853,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-955.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2687931,407040,Consumer loans,3014.145,15660.0,14782.5,1575.0,15660.0,WEDNESDAY,13,Y,1,0.10486432412154556,,,XAP,Approved,-2133,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Country-wide,95,Consumer electronics,6.0,high,POS household with interest,365243.0,-2083.0,-1933.0,-1963.0,-1961.0,0.0,0,Cash loans,F,Y,Y,0,139500.0,526491.0,19039.5,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-19017,365243,-7139.0,-2580,7.0,1,0,0,1,0,0,,2.0,2,2,MONDAY,16,0,0,0,0,0,0,XNA,0.7435648500474141,0.5951331381610749,0.7570690154522959,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1640.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1566325,351815,Consumer loans,4503.645,99859.5,99859.5,0.0,99859.5,SUNDAY,8,Y,1,0.0,,,XAP,Approved,-1535,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,2263,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1504.0,-814.0,-814.0,-807.0,0.0,0,Cash loans,M,Y,Y,0,270000.0,545040.0,26640.0,450000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.020713,-12673,-5149,-2223.0,-4079,5.0,1,1,0,1,0,0,,1.0,3,3,TUESDAY,11,0,0,0,0,1,1,Industry: type 10,0.4714953970938498,0.5098464893358786,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-863.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2627242,361009,Consumer loans,3341.7,19755.0,17505.0,2250.0,19755.0,TUESDAY,10,Y,1,0.12404224477117415,,,XAP,Approved,-1084,Cash through the bank,XAP,Unaccompanied,Refreshed,Clothing and Accessories,POS,XNA,Stone,30,Clothing,6.0,middle,POS industry with interest,365243.0,-1053.0,-903.0,-903.0,-897.0,0.0,0,Cash loans,M,Y,N,0,67500.0,173092.5,12438.0,157500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.018209,-15790,-2698,-1407.0,-3912,28.0,1,1,0,1,1,0,Laborers,1.0,3,3,SUNDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.7297174262057933,,0.1732,0.0733,0.9747,0.6532,0.0206,0.0,0.0345,0.1667,0.2083,0.0694,0.1412,0.0658,0.0,0.0,0.1765,0.076,0.9747,0.6668,0.0208,0.0,0.0345,0.1667,0.2083,0.071,0.1543,0.0686,0.0,0.0,0.1749,0.0733,0.9747,0.6578,0.0207,0.0,0.0345,0.1667,0.2083,0.0706,0.1437,0.067,0.0,0.0,reg oper account,block of flats,0.063,"Stone, brick",No,1.0,0.0,1.0,0.0,-909.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +1921830,332734,Consumer loans,3888.27,34233.84,34233.84,0.0,34233.84,SATURDAY,19,Y,1,0.0,,,XAP,Approved,-259,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,30,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-205.0,65.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,67500.0,147888.0,8617.5,117000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008473999999999999,-22178,-1189,-3140.0,-3960,,1,1,0,1,0,0,Sales staff,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Self-employed,0.8828488893762455,0.6417567884872846,0.6479768603302221,0.0928,0.0269,0.9796,0.7212,0.124,0.0,0.2069,0.1667,0.2083,0.048,0.0756,0.0598,0.0,0.0,0.0945,0.0279,0.9796,0.7321,0.1252,0.0,0.2069,0.1667,0.2083,0.0491,0.0826,0.0623,0.0,0.0,0.0937,0.0269,0.9796,0.7249,0.1248,0.0,0.2069,0.1667,0.2083,0.0488,0.077,0.0609,0.0,0.0,reg oper account,block of flats,0.0678,Panel,No,0.0,0.0,0.0,0.0,-259.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2409601,105963,Consumer loans,7955.145,41305.5,39015.0,4131.0,41305.5,TUESDAY,10,Y,1,0.10427466150870406,,,XAP,Approved,-1627,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,19,Connectivity,6.0,high,POS mobile with interest,365243.0,-1589.0,-1439.0,-1439.0,-1433.0,0.0,0,Cash loans,M,Y,Y,2,225000.0,679500.0,38070.0,679500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.030755,-11444,-1662,-951.0,-3076,6.0,1,1,0,1,0,0,,4.0,2,2,FRIDAY,18,0,0,0,0,0,0,Business Entity Type 2,0.31094714430119474,0.6016651960308386,0.7165702448010511,,,0.9712,,,,0.0345,0.0,,0.0241,,0.0075,,,,,0.9712,,,,0.0345,0.0,,0.0246,,0.0078,,,,,0.9712,,,,0.0345,0.0,,0.0245,,0.0076,,,,block of flats,0.0065,Mixed,Yes,4.0,1.0,4.0,1.0,-1627.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1190573,199284,Cash loans,27435.465,454500.0,526491.0,,454500.0,THURSDAY,18,Y,1,,,,XNA,Approved,-309,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,high,Cash X-Sell: high,365243.0,-279.0,1131.0,-39.0,-33.0,1.0,0,Cash loans,F,N,Y,0,94500.0,855000.0,30420.0,855000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-17448,-2221,-2362.0,-985,,1,1,1,1,1,0,,2.0,2,2,FRIDAY,9,0,0,0,0,1,1,Self-employed,,0.625908744948719,0.2636468134452008,0.1113,0.0824,0.9831,,,0.12,0.1034,0.3333,,0.0839,,0.1137,,0.0652,0.1134,0.0855,0.9831,,,0.1208,0.1034,0.3333,,0.0858,,0.1184,,0.069,0.1124,0.0824,0.9831,,,0.12,0.1034,0.3333,,0.0853,,0.1157,,0.0666,,block of flats,0.1128,Panel,No,3.0,0.0,3.0,0.0,-1213.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,6.0 +2832150,414208,Cash loans,13046.445,112500.0,119925.0,,112500.0,TUESDAY,9,Y,1,,,,XNA,Approved,-821,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-791.0,-461.0,-641.0,-634.0,1.0,0,Cash loans,F,N,Y,0,135000.0,276277.5,11835.0,238500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.031329,-18907,-1735,-7989.0,-2439,,1,1,0,1,0,0,,2.0,2,2,THURSDAY,8,0,0,0,0,0,0,Business Entity Type 3,0.7809321083962271,0.5220901529791279,0.4561097392782771,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1262.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1341399,141931,Cash loans,13547.835,306000.0,355680.0,,306000.0,FRIDAY,19,Y,1,,,,XNA,Refused,-290,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,1,202500.0,436032.0,31599.0,360000.0,Unaccompanied,State servant,Higher education,Civil marriage,House / apartment,0.072508,-18810,-2338,-7271.0,-2093,,1,1,0,1,1,0,,3.0,1,1,MONDAY,18,0,0,0,0,0,0,Other,0.8990867779179221,0.7587715475867337,0.11033242816628903,0.2206,0.1351,0.9791,0.7144,0.0939,0.24,0.2069,0.3333,0.375,0.0,0.1799,0.1397,0.0,0.2362,0.2248,0.1402,0.9791,0.7256,0.0948,0.2417,0.2069,0.3333,0.375,0.0,0.1965,0.1455,0.0,0.2501,0.2228,0.1351,0.9791,0.7182,0.0945,0.24,0.2069,0.3333,0.375,0.0,0.183,0.1422,0.0,0.2412,not specified,block of flats,0.1612,Panel,No,0.0,0.0,0.0,0.0,-1919.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1973430,391039,Consumer loans,5022.36,49950.0,44955.0,4995.0,49950.0,SATURDAY,11,Y,1,0.1089090909090909,,,XAP,Approved,-202,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Stone,111,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-169.0,101.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,157500.0,773680.5,34209.0,679500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-23413,365243,-13162.0,-4509,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,8,0,0,0,0,0,0,XNA,0.8003900419762219,0.6229034833186796,0.6313545365850379,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-206.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2839205,325408,Cash loans,,0.0,0.0,,,MONDAY,9,Y,1,,,,XNA,Refused,-291,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,1,Cash loans,M,Y,Y,2,135000.0,450000.0,27324.0,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.026392000000000002,-10920,-1831,-4697.0,-3604,8.0,1,1,0,1,0,0,,4.0,2,2,FRIDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.1632784493110616,0.685213845537127,0.13510601574017175,0.0742,0.0432,0.9856,,,0.08,0.069,0.3333,,0.0182,,0.0724,,0.0,0.0756,0.0448,0.9856,,,0.0806,0.069,0.3333,,0.0186,,0.0754,,0.0,0.0749,0.0432,0.9856,,,0.08,0.069,0.3333,,0.0185,,0.0737,,0.0,,block of flats,0.0569,Panel,No,0.0,0.0,0.0,0.0,-442.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2696315,381503,Cash loans,6990.3,135000.0,135000.0,,135000.0,SATURDAY,17,Y,1,,,,XNA,Approved,-167,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,584,Consumer electronics,24.0,low_normal,Cash X-Sell: low,365243.0,-136.0,554.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,157500.0,755190.0,28894.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.01885,-7896,-546,-5841.0,-416,,1,1,0,1,0,0,Core staff,1.0,2,2,FRIDAY,14,0,0,0,0,0,0,Trade: type 2,0.4237537110403377,0.5383423347139786,0.5814837058057234,0.168,0.1565,0.9776,0.6940000000000001,0.0818,0.0,0.3793,0.1667,0.2083,0.1248,0.13699999999999998,0.1431,0.0,0.0,0.1712,0.1624,0.9777,0.706,0.0826,0.0,0.3793,0.1667,0.2083,0.1276,0.1497,0.1491,0.0,0.0,0.1697,0.1565,0.9776,0.6981,0.0823,0.0,0.3793,0.1667,0.2083,0.1269,0.1394,0.1457,0.0,0.0,reg oper account,block of flats,0.1288,Panel,No,12.0,0.0,12.0,0.0,-331.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1545144,241392,Revolving loans,3375.0,0.0,67500.0,,,SUNDAY,13,Y,1,,,,XAP,Approved,-2785,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card Street,-2743.0,-2688.0,365243.0,-2047.0,365243.0,0.0,0,Cash loans,F,N,Y,0,157500.0,544491.0,16047.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.030755,-23102,-3234,-2801.0,-4252,,1,1,0,1,0,0,Medicine staff,1.0,2,2,SATURDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.7279482901815655,0.5568782083018106,0.4776491548517548,0.0186,0.0552,0.9821,,,0.0,0.1034,0.0417,,,,0.0173,,0.0,0.0189,0.0573,0.9821,,,0.0,0.1034,0.0417,,,,0.0181,,0.0,0.0187,0.0552,0.9821,,,0.0,0.1034,0.0417,,,,0.0177,,0.0,,block of flats,0.0149,"Stone, brick",No,0.0,0.0,0.0,0.0,-1498.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2309030,175416,Consumer loans,63312.93,243000.0,243000.0,0.0,243000.0,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-784,Cash through the bank,XAP,Unaccompanied,Repeater,Clothing and Accessories,POS,XNA,Stone,10,Clothing,4.0,low_action,POS industry with interest,365243.0,-753.0,-663.0,-663.0,-658.0,0.0,0,Cash loans,F,Y,Y,0,180000.0,1129500.0,44923.5,1129500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.028663,-10411,-1200,-4370.0,-656,3.0,1,1,0,1,0,1,Core staff,2.0,2,2,SUNDAY,9,0,0,0,0,0,0,Advertising,0.48140643546622,0.5664716723716176,,0.0825,0.0269,0.9776,,,0.0,0.1379,0.1667,,0.0,,0.0704,,0.0477,0.084,0.0279,0.9777,,,0.0,0.1379,0.1667,,0.0,,0.0733,,0.0505,0.0833,0.0269,0.9776,,,0.0,0.1379,0.1667,,0.0,,0.0716,,0.0487,,block of flats,0.0776,Mixed,No,0.0,0.0,0.0,0.0,-953.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1514170,262166,Consumer loans,2827.755,37660.5,24160.5,13500.0,37660.5,SUNDAY,12,Y,1,0.3904018075364711,,,XAP,Approved,-61,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,25,Connectivity,12.0,high,POS mobile with interest,365243.0,-19.0,311.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,2,360000.0,328500.0,15804.0,328500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-20830,365243,-1011.0,-4315,9.0,1,0,0,1,0,0,,4.0,2,2,FRIDAY,8,0,0,0,0,0,0,XNA,,0.6073428130970553,0.3539876078507373,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2601.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1885033,168974,Consumer loans,21640.635,177660.0,166594.5,22500.0,177660.0,SUNDAY,11,Y,1,0.12958888521107412,,,XAP,Approved,-2067,Cash through the bank,XAP,Family,Refreshed,Computers,POS,XNA,Country-wide,720,Consumer electronics,10.0,high,POS household with interest,365243.0,-2036.0,-1766.0,-1766.0,-1759.0,0.0,0,Cash loans,F,N,Y,0,58500.0,172692.0,18454.5,162000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.031329,-24342,365243,-14967.0,-4193,,1,0,0,1,1,0,,1.0,2,2,TUESDAY,11,0,0,0,0,0,0,XNA,,0.16219210595922867,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,2.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1243155,210222,Consumer loans,4112.055,35226.0,30825.0,6750.0,35226.0,FRIDAY,9,Y,1,0.1956450734893848,,,XAP,Approved,-2535,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,17,Connectivity,10.0,low_normal,POS mobile with interest,365243.0,-2491.0,-2221.0,-2221.0,-2218.0,1.0,0,Cash loans,F,N,Y,0,90000.0,306000.0,11664.0,306000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.015221,-20749,365243,-1942.0,-4028,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,9,0,0,0,0,0,0,XNA,,0.4989522411139089,0.5549467685334323,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-210.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1956744,192089,Consumer loans,15978.33,160686.0,174474.0,0.0,160686.0,TUESDAY,10,Y,1,0.0,,,XAP,Approved,-394,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Regional / Local,100,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-364.0,-34.0,-64.0,-60.0,1.0,0,Cash loans,F,Y,N,0,202500.0,675000.0,29731.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.018209,-21802,365243,-8127.0,-5278,3.0,1,0,0,1,1,0,,2.0,3,3,TUESDAY,13,0,0,0,0,0,0,XNA,0.5932770234659496,0.4282340010601636,0.5726825047161584,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-394.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1561072,427096,Consumer loans,13059.945,114984.54,114984.54,0.0,114984.54,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-403,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,25,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-369.0,-99.0,-369.0,-361.0,0.0,1,Cash loans,M,Y,Y,2,180000.0,539100.0,27652.5,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,Municipal apartment,0.010966,-21163,365243,-965.0,-4655,7.0,1,0,0,1,0,0,,4.0,2,2,THURSDAY,13,0,0,0,0,0,0,XNA,0.8465192010529244,0.3764479310771473,,0.0722,0.0772,0.9801,0.728,0.0087,0.0,0.1379,0.1667,0.2083,0.0367,0.0588,0.0645,0.0,0.0,0.0735,0.0801,0.9801,0.7387,0.0088,0.0,0.1379,0.1667,0.2083,0.0375,0.0643,0.0672,0.0,0.0,0.0729,0.0772,0.9801,0.7316,0.0087,0.0,0.1379,0.1667,0.2083,0.0373,0.0599,0.0657,0.0,0.0,reg oper account,block of flats,0.0555,Block,No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,1.0,0.0,0.0 +1504096,150316,Consumer loans,7480.62,36450.0,39937.5,0.0,36450.0,MONDAY,15,Y,1,0.0,,,XAP,Approved,-44,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Stone,40,Consumer electronics,6.0,middle,POS household with interest,365243.0,-14.0,136.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,1,180000.0,481176.0,23278.5,360000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.01885,-11123,-1032,-5231.0,-3719,7.0,1,1,0,1,0,0,Laborers,3.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Industry: type 1,0.5109554305543179,0.5204148498231636,0.5884877883422673,0.0928,,,,,0.0,,,,,,,,,0.0945,,,,,0.0,,,,,,,,,0.0937,,,,,0.0,,,,,,,,,,block of flats,,,No,1.0,0.0,1.0,0.0,-1125.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1772653,334306,Consumer loans,10181.43,106875.0,96187.5,10687.5,106875.0,THURSDAY,13,Y,1,0.1089090909090909,,,XAP,Approved,-158,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,1000,Consumer electronics,10.0,low_action,POS household without interest,365243.0,-127.0,143.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,337500.0,691551.0,54639.0,625500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.072508,-8359,-377,-3464.0,-263,4.0,1,1,0,1,1,0,,2.0,1,1,MONDAY,13,0,0,0,0,0,0,Construction,0.1779106199271549,0.23022921124948084,0.25946765482111994,0.1299,0.059,0.9826,0.762,0.0793,0.16,0.069,0.625,0.6667,0.0,0.1051,0.0734,0.0039,0.0024,0.1324,0.0612,0.9826,0.7713,0.08,0.1611,0.069,0.625,0.6667,0.0,0.1148,0.0765,0.0039,0.0026,0.1312,0.059,0.9826,0.7652,0.0798,0.16,0.069,0.625,0.6667,0.0,0.1069,0.0747,0.0039,0.0025,reg oper account,block of flats,0.1016,Block,No,0.0,0.0,0.0,0.0,-158.0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2318646,221700,Consumer loans,9054.585,83659.14,81499.5,8369.64,83659.14,SATURDAY,10,Y,1,0.10142857533034848,,,XAP,Approved,-1836,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Stone,1179,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1805.0,-1535.0,-1535.0,-1345.0,0.0,0,Cash loans,M,N,N,0,90000.0,526491.0,17527.5,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020246,-23775,365243,-13090.0,-6033,,1,0,0,1,0,0,,2.0,3,3,MONDAY,14,0,0,0,0,0,0,XNA,,0.5425242914209935,0.19747451156854226,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1394963,436813,Revolving loans,45000.0,0.0,900000.0,,,WEDNESDAY,11,Y,1,,,,XAP,Approved,-700,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card X-Sell,-695.0,-659.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,225000.0,422451.0,15304.5,297000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.019688999999999998,-15795,-1433,-1090.0,-4578,,1,1,1,1,1,0,Managers,1.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,Transport: type 4,,0.6184604414981151,0.22009464485041005,0.0742,0.0615,0.9747,0.6532,0.0088,0.0,0.1379,0.1667,0.2083,0.0,0.0605,0.0533,0.0,0.1761,0.0756,0.0639,0.9747,0.6668,0.0089,0.0,0.1379,0.1667,0.2083,0.0,0.0661,0.0555,0.0,0.1864,0.0749,0.0615,0.9747,0.6578,0.0088,0.0,0.1379,0.1667,0.2083,0.0,0.0616,0.0543,0.0,0.1798,reg oper account,block of flats,0.0585,"Stone, brick",No,0.0,0.0,0.0,0.0,-1726.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2774902,104823,Revolving loans,7875.0,157500.0,157500.0,,157500.0,MONDAY,12,Y,1,,,,XAP,Refused,-244,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,112500.0,538704.0,26046.0,481500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.018029,-22057,365243,-4265.0,-5262,,1,0,0,1,1,0,,1.0,3,2,SUNDAY,11,0,0,0,0,0,0,XNA,,0.1604848531405259,0.2807895743848605,0.0619,0.0544,0.9786,0.7076,0.0,0.0,0.1379,0.1667,0.2083,,0.0504,0.0365,0.0,0.0,0.063,0.0564,0.9786,0.7190000000000001,0.0,0.0,0.1379,0.1667,0.2083,,0.0551,0.038,0.0,0.0,0.0625,0.0544,0.9786,0.7115,0.0,0.0,0.1379,0.1667,0.2083,,0.0513,0.0371,0.0,0.0,reg oper account,block of flats,0.0518,Panel,No,0.0,0.0,0.0,0.0,-352.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2328343,399982,Revolving loans,9000.0,180000.0,180000.0,,180000.0,MONDAY,11,Y,1,,,,XAP,Approved,-67,XNA,XAP,Unaccompanied,Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-67.0,-23.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,157500.0,271066.5,14832.0,234000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.00702,-10983,-2369,-6030.0,-3640,,1,1,0,1,0,0,Laborers,1.0,2,2,FRIDAY,9,0,0,0,0,0,0,Construction,0.18716716838261926,0.7054069792018776,0.7583930617144343,0.1013,0.223,0.9911,0.8504,0.0268,0.05,0.1638,0.25,0.2083,0.0037,0.0911,0.1045,0.0,0.0225,0.063,0.2314,0.9911,0.8497,0.0271,0.0,0.1379,0.1667,0.2083,0.0037,0.0551,0.0617,0.0,0.0,0.0781,0.223,0.9911,0.8457,0.027000000000000003,0.0,0.1552,0.25,0.2083,0.0037,0.077,0.0752,0.0,0.0,reg oper account,block of flats,0.193,Panel,No,0.0,0.0,0.0,0.0,-963.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1314129,252904,Consumer loans,8869.32,58455.0,63279.0,0.0,58455.0,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-1356,Cash through the bank,XAP,Other_A,New,Audio/Video,POS,XNA,Country-wide,19,Connectivity,10.0,high,POS mobile with interest,365243.0,-1325.0,-1055.0,-1055.0,-1047.0,0.0,0,Cash loans,M,N,Y,0,270000.0,550980.0,43659.0,450000.0,Family,Working,Secondary / secondary special,Single / not married,House / apartment,0.025164,-10696,-3105,-4972.0,-3383,,1,1,0,1,0,0,Laborers,1.0,2,2,THURSDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.580686936821281,,0.2387,0.1711,0.9856,,,0.26,0.2241,0.3333,,0.1484,,0.2445,,0.0097,0.1492,0.1109,0.9856,,,0.1611,0.1379,0.3333,,0.0678,,0.1564,,0.0084,0.241,0.1711,0.9856,,,0.26,0.2241,0.3333,,0.151,,0.2489,,0.0099,,block of flats,0.3471,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1829093,115314,Cash loans,26494.65,585000.0,585000.0,,585000.0,TUESDAY,13,Y,1,,,,XNA,Refused,-504,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Country-wide,145,Furniture,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,76500.0,1078200.0,31522.5,900000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.015221,-19027,-1422,-5419.0,-2584,,1,1,1,1,1,0,Sales staff,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Self-employed,0.6562826321780612,0.4156526460626983,0.21885908222837447,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-960.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2562521,351112,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SATURDAY,11,Y,1,,,,XAP,Approved,-195,XNA,XAP,Unaccompanied,Refreshed,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-194.0,-148.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,153000.0,1082214.0,31770.0,945000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-17538,-2191,-6342.0,-1017,,1,1,0,1,0,0,Cleaning staff,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,Other,,0.3710073326586609,,0.0278,0.0591,0.9906,0.8708,0.0225,0.0,0.1034,0.0833,0.125,0.0168,0.0227,0.0263,0.0,0.0,0.0284,0.0613,0.9906,0.8759,0.0227,0.0,0.1034,0.0833,0.125,0.0172,0.0248,0.0274,0.0,0.0,0.0281,0.0591,0.9906,0.8725,0.0227,0.0,0.1034,0.0833,0.125,0.0171,0.0231,0.0267,0.0,0.0,,block of flats,0.033,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1021860,452032,Cash loans,24341.67,585000.0,677664.0,,585000.0,THURSDAY,13,Y,1,,,,XNA,Refused,-399,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,low_normal,Cash Street: low,,,,,,,1,Cash loans,F,Y,Y,0,171000.0,640080.0,31261.5,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.030755,-10167,-387,-4584.0,-547,15.0,1,1,0,1,0,0,,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.487474380032017,,0.0675,0.0116,0.9732,,,0.0,0.1148,0.1388,,0.0201,,0.043,,0.0178,0.0494,0.0,0.9727,,,0.0,0.1034,0.125,,0.0147,,0.0256,,0.0034,0.0682,0.0169,0.9727,,,0.0,0.1034,0.125,,0.0204,,0.0382,,0.0033,,block of flats,0.0328,"Stone, brick",No,0.0,0.0,0.0,0.0,-616.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1981494,318926,Cash loans,40054.5,337500.0,337500.0,,337500.0,MONDAY,10,Y,1,,,,Other,Refused,-547,Cash through the bank,LIMIT,,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),100,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,M,Y,N,0,180000.0,450000.0,27193.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-16258,-4119,-1923.0,-2059,7.0,1,1,0,1,0,0,Core staff,2.0,2,2,MONDAY,15,0,0,0,0,1,1,Self-employed,,0.6136812966798733,0.4507472818545589,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-653.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1983819,328485,Revolving loans,42750.0,855000.0,855000.0,,855000.0,MONDAY,18,Y,1,,,,XAP,Approved,-133,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,225000.0,1270746.0,38659.5,1138500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.022625,-18309,-4810,-4693.0,-1852,,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,13,0,0,0,0,0,0,Self-employed,,0.6573700018125913,,0.3505,0.0,0.9886,0.8436,0.3689,0.0,0.2414,0.3333,0.375,0.0,0.2858,0.2564,0.0,0.0,0.3571,0.0,0.9886,0.8497,0.3723,0.0,0.2414,0.3333,0.375,0.0,0.3122,0.2671,0.0,0.0,0.3539,0.0,0.9886,0.8457,0.3713,0.0,0.2414,0.3333,0.375,0.0,0.2907,0.261,0.0,0.0,reg oper account,block of flats,0.2017,"Stone, brick",No,0.0,0.0,0.0,0.0,-755.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1263221,422023,Consumer loans,18785.25,170775.0,170775.0,0.0,170775.0,MONDAY,15,Y,1,0.0,,,XAP,Approved,-1169,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Stone,52,Furniture,10.0,low_normal,POS industry with interest,365243.0,-1136.0,-866.0,-896.0,-890.0,0.0,0,Cash loans,F,N,Y,0,135000.0,1309500.0,43407.0,1309500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.015221,-22506,-4404,-7443.0,-4399,,1,1,0,1,1,0,Secretaries,2.0,2,2,MONDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.7200584906428663,0.6631873836123255,0.6161216908872079,0.0928,0.0693,0.9841,0.7824,0.0135,0.0,0.2069,0.1667,0.2083,0.0,0.0756,0.0791,0.0,0.0,0.0945,0.0719,0.9841,0.7909,0.0136,0.0,0.2069,0.1667,0.2083,0.0,0.0826,0.0824,0.0,0.0,0.0937,0.0693,0.9841,0.7853,0.0136,0.0,0.2069,0.1667,0.2083,0.0,0.077,0.0806,0.0,0.0,reg oper account,block of flats,0.0696,Panel,No,0.0,0.0,0.0,0.0,-1169.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1710266,120389,Cash loans,21280.005,229500.0,282861.0,,229500.0,TUESDAY,10,Y,1,,,,XNA,Approved,-401,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-371.0,139.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,0,144000.0,327024.0,18904.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.025164,-17081,-3090,-8415.0,-408,,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.6105037235158111,0.4794489811780563,0.3742,0.1791,0.9886,0.8436,0.117,0.36,0.3103,0.375,0.4167,0.0,0.3001,0.406,0.0232,0.0241,0.3813,0.1858,0.9886,0.8497,0.118,0.3625,0.3103,0.375,0.4167,0.0,0.3278,0.423,0.0233,0.0255,0.3779,0.1791,0.9886,0.8457,0.1177,0.36,0.3103,0.375,0.4167,0.0,0.3053,0.4133,0.0233,0.0246,reg oper account,block of flats,0.3885,Panel,No,0.0,0.0,0.0,0.0,-401.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,1.0,8.0 +1920890,122836,Cash loans,9934.785,67500.0,82611.0,,67500.0,THURSDAY,17,Y,1,,,,Other,Approved,-673,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-643.0,-313.0,-313.0,-306.0,1.0,0,Cash loans,M,N,N,0,90000.0,225000.0,15165.0,225000.0,Unaccompanied,Commercial associate,Incomplete higher,Single / not married,Rented apartment,0.015221,-12146,-2910,-6077.0,-4204,,1,1,0,1,0,0,Laborers,1.0,2,2,FRIDAY,10,0,0,0,1,1,0,Construction,0.20940815396169785,0.4655984792896949,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1843.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1456588,234329,Revolving loans,9000.0,180000.0,180000.0,,180000.0,THURSDAY,11,Y,1,,,,XAP,Approved,-242,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-242.0,-194.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,261000.0,99000.0,6826.5,99000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-18951,-1180,-2008.0,-2514,5.0,1,1,1,1,0,0,Drivers,2.0,2,2,MONDAY,9,0,0,0,0,0,0,Construction,0.6474525516897912,0.6407255041631312,0.2955826421513093,0.0619,0.0945,0.9886,,,0.0,0.1379,0.1667,,0.0505,,0.0621,,0.0,0.063,0.0981,0.9886,,,0.0,0.1379,0.1667,,0.0517,,0.0647,,0.0,0.0625,0.0945,0.9886,,,0.0,0.1379,0.1667,,0.0514,,0.0632,,0.0,reg oper account,block of flats,0.0488,Panel,No,1.0,0.0,1.0,0.0,-294.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1899507,443549,Consumer loans,20113.875,113400.0,113850.0,0.0,113400.0,TUESDAY,11,Y,1,0.0,,,XAP,Approved,-165,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Stone,20,Furniture,6.0,low_normal,POS industry with interest,365243.0,-133.0,17.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,180000.0,679500.0,64647.0,679500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-23481,365243,-2293.0,-4670,,1,0,0,1,1,0,,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,XNA,,0.5052061799809496,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,2.0,1.0,2.0,1.0,-849.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1255965,335026,Consumer loans,5040.54,37930.5,36954.0,3793.5,37930.5,SUNDAY,17,Y,1,0.10139189799708843,,,XAP,Approved,-2036,XNA,XAP,,New,Mobile,POS,XNA,Country-wide,42,Connectivity,10.0,high,POS mobile with interest,365243.0,-1988.0,-1718.0,-1718.0,-1581.0,0.0,0,Cash loans,F,N,Y,0,112500.0,942300.0,27135.0,675000.0,Unaccompanied,Pensioner,Higher education,Civil marriage,House / apartment,0.011703,-21439,365243,-2818.0,-3995,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,XNA,,0.5406078165487538,0.6363761710860439,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1610.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2658807,183085,Consumer loans,15307.2,78624.0,82777.5,0.0,78624.0,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-51,Cash through the bank,XAP,,Repeater,Construction Materials,POS,XNA,Stone,145,Construction,6.0,middle,POS industry with interest,365243.0,-19.0,131.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,Y,0,314100.0,180000.0,9000.0,180000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0228,-15248,-1769,-8281.0,-2321,,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,8,0,0,0,0,0,0,Business Entity Type 1,,0.38559672546982704,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1930379,361305,Cash loans,21959.865,360000.0,393264.0,,360000.0,MONDAY,12,Y,1,,,,XNA,Refused,-326,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,180000.0,527377.5,23229.0,400500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.030755,-20488,-2351,-8837.0,-3963,,1,1,0,1,1,0,Sales staff,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.7023029018780648,0.5549467685334323,0.133,0.1215,0.9771,0.6872,0.1739,0.0,0.2759,0.1667,0.2083,0.0665,0.1076,0.1197,0.0039,0.0044,0.1355,0.1261,0.9772,0.6994,0.1755,0.0,0.2759,0.1667,0.2083,0.0681,0.1175,0.1247,0.0039,0.0047,0.1343,0.1215,0.9771,0.6914,0.175,0.0,0.2759,0.1667,0.2083,0.0677,0.1095,0.1218,0.0039,0.0045,reg oper account,block of flats,0.1246,"Stone, brick",No,1.0,0.0,1.0,0.0,-1555.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,7.0 +1292321,198021,Consumer loans,,69651.0,69651.0,0.0,69651.0,WEDNESDAY,6,Y,1,0.0,,,XAP,Refused,-416,Cash through the bank,HC,,Repeater,Mobile,XNA,XNA,Country-wide,56,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,F,Y,N,3,157500.0,239850.0,25578.0,225000.0,Unaccompanied,State servant,Secondary / secondary special,Civil marriage,Municipal apartment,0.006629,-11114,-1817,-4499.0,-1842,22.0,1,1,0,1,0,0,Laborers,5.0,2,2,SATURDAY,8,0,0,0,0,0,0,Government,0.3561685967149517,0.2449125402901532,0.3979463219016906,0.0031,0.0,0.9861,0.8096,0.0014,0.0,0.069,0.0,0.0417,0.0,0.0017,0.0022,0.0,0.0,0.0032,0.0,0.9861,0.8171,0.0014,0.0,0.069,0.0,0.0417,0.0,0.0018,0.0023,0.0,0.0,0.0031,0.0,0.9861,0.8121,0.0014,0.0,0.069,0.0,0.0417,0.0,0.0017,0.0023,0.0,0.0,not specified,block of flats,0.0025,Panel,No,0.0,0.0,0.0,0.0,-1180.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2304160,258261,Consumer loans,5800.905,64620.0,73336.5,9000.0,64620.0,MONDAY,19,Y,1,0.11904584457461975,,,XAP,Approved,-1843,Cash through the bank,XAP,"Spouse, partner",New,Auto Accessories,POS,XNA,Stone,63,Industry,18.0,middle,POS industry with interest,365243.0,-1810.0,-1300.0,-1360.0,-1354.0,0.0,0,Cash loans,M,Y,N,0,117000.0,239850.0,25578.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,With parents,0.022625,-9096,-603,-3834.0,-1745,7.0,1,1,1,1,0,0,Laborers,1.0,2,2,TUESDAY,8,0,0,0,0,0,0,Business Entity Type 3,,0.2858978721410488,0.5902333386185574,0.368,0.1574,0.9901,0.8640000000000001,0.1054,0.2,0.1724,0.3333,0.375,0.1231,0.3001,0.2671,0.0,0.0031,0.375,0.1633,0.9901,0.8693,0.1064,0.2014,0.1724,0.3333,0.375,0.1259,0.3278,0.2782,0.0,0.0033,0.3716,0.1574,0.9901,0.8658,0.1061,0.2,0.1724,0.3333,0.375,0.1253,0.3053,0.2719,0.0,0.0032,not specified,block of flats,0.2684,Panel,No,0.0,0.0,0.0,0.0,-1621.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2017029,225897,Consumer loans,3206.565,19305.0,19305.0,0.0,19305.0,THURSDAY,16,Y,1,0.0,,,XAP,Approved,-656,Cash through the bank,XAP,,New,Photo / Cinema Equipment,POS,XNA,Country-wide,25,Connectivity,8.0,high,POS mobile with interest,365243.0,-620.0,-410.0,-410.0,-408.0,0.0,1,Cash loans,F,N,Y,1,220500.0,301500.0,23949.0,301500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.04622,-13671,-1146,-4765.0,-5352,,1,1,0,1,1,0,High skill tech staff,3.0,1,1,TUESDAY,12,0,0,0,1,1,0,Business Entity Type 3,0.6496004058231142,0.4569964535674079,0.3572932680336494,0.1887,0.0587,0.9801,0.728,0.0321,0.16,0.069,0.5417,0.5833,0.2249,0.1538,0.1545,0.0116,0.2191,0.1922,0.0609,0.9801,0.7387,0.0324,0.1611,0.069,0.5417,0.5833,0.2301,0.168,0.161,0.0117,0.232,0.1905,0.0587,0.9801,0.7316,0.0323,0.16,0.069,0.5417,0.5833,0.2288,0.1565,0.1573,0.0116,0.2237,reg oper account,block of flats,0.2058,Panel,No,0.0,0.0,0.0,0.0,0.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1854926,304733,Cash loans,47470.86,540000.0,572076.0,,540000.0,SATURDAY,8,Y,1,,,,XNA,Refused,-804,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,18.0,high,Cash X-Sell: high,,,,,,,1,Cash loans,M,N,N,1,216000.0,781920.0,61776.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.002506,-12946,-2418,-66.0,-3845,,1,1,0,1,0,1,Laborers,3.0,2,2,FRIDAY,7,0,0,0,0,0,0,Housing,0.4444687886476008,0.5764000443161222,0.6430255641096323,0.0696,0.0988,0.9831,0.7688,0.0265,0.0,0.0862,0.1458,0.0417,0.0402,0.0563,0.06,0.0058,0.0284,0.0525,0.0677,0.9831,0.7779,0.0,0.0,0.0345,0.125,0.0417,0.0411,0.0459,0.0563,0.0,0.0,0.0703,0.0988,0.9831,0.7719,0.0266,0.0,0.0862,0.1458,0.0417,0.0409,0.0573,0.0611,0.0058,0.029,reg oper account,block of flats,0.0425,Panel,No,0.0,0.0,0.0,0.0,-1839.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,1.0,0.0,0.0,2.0,2.0 +1577933,438062,Cash loans,16656.435,180000.0,197820.0,0.0,180000.0,SUNDAY,12,Y,1,0.0,,,XNA,Approved,-2416,Cash through the bank,XAP,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,365243.0,-2386.0,-1876.0,-1876.0,-1870.0,1.0,0,Cash loans,M,N,Y,2,135000.0,229500.0,14796.0,229500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-11763,-2126,-5885.0,-3867,,1,1,0,1,0,1,Laborers,4.0,2,2,MONDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.2302264712659859,0.6401312959242026,0.6706517530862718,0.1485,,0.9831,,,0.04,0.0345,0.3333,,,,0.1113,,0.0,0.1513,,0.9831,,,0.0403,0.0345,0.3333,,,,0.116,,0.0,0.1499,,0.9831,,,0.04,0.0345,0.3333,,,,0.1133,,0.0,,block of flats,0.0875,"Stone, brick",No,5.0,0.0,5.0,0.0,-2416.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2703239,219780,Consumer loans,9304.785,48960.0,46246.5,4896.0,48960.0,WEDNESDAY,14,Y,1,0.10426140863096424,,,XAP,Approved,-2254,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,50,Connectivity,6.0,high,POS mobile with interest,365243.0,-2202.0,-2052.0,-2082.0,-2075.0,1.0,1,Cash loans,M,N,Y,0,112500.0,148500.0,12033.0,148500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.014519999999999996,-11093,-106,-11093.0,-3669,,1,1,0,1,0,0,Low-skill Laborers,1.0,2,2,WEDNESDAY,15,0,0,0,1,1,0,Business Entity Type 3,,0.05162399408266919,0.3001077565791181,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-523.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2234678,163035,Cash loans,15499.125,135000.0,143910.0,,135000.0,THURSDAY,18,Y,1,,,,XNA,Approved,-714,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,N,0,148500.0,1288350.0,37800.0,1125000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.030755,-22159,365243,-4810.0,-4048,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,13,0,0,0,0,0,0,XNA,,0.6811006398635295,0.4507472818545589,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-1245.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,9.0,0.0,0.0 +1869803,426336,Cash loans,27726.84,270000.0,284611.5,,270000.0,THURSDAY,10,Y,1,,,,XNA,Approved,-852,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-822.0,-492.0,-672.0,-666.0,1.0,0,Cash loans,F,N,Y,0,180000.0,328500.0,14598.0,328500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.007305,-23536,365243,-11830.0,-4015,,1,0,0,1,0,0,,2.0,3,3,TUESDAY,10,0,0,0,0,0,0,XNA,,0.42100554982903055,0.7352209993926424,0.0928,0.0873,0.9836,0.7756,0.0,0.0,0.2069,0.1667,0.0417,0.1117,0.0756,0.0864,0.0,0.0,0.0945,0.0906,0.9836,0.7844,0.0,0.0,0.2069,0.1667,0.0417,0.1142,0.0826,0.0901,0.0,0.0,0.0937,0.0873,0.9836,0.7786,0.0,0.0,0.2069,0.1667,0.0417,0.1136,0.077,0.08800000000000001,0.0,0.0,reg oper account,block of flats,0.0725,Panel,No,1.0,0.0,1.0,0.0,-1301.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2815963,375714,Cash loans,,0.0,0.0,,0.0,FRIDAY,10,Y,1,,,,XNA,Refused,-1111,Cash through the bank,HC,Unaccompanied,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,180000.0,142632.0,11398.5,126000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.009175,-21788,365243,-3064.0,-4250,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,XNA,,0.5753799225262739,0.5779691187553125,0.1,0.018000000000000002,0.9771,0.6872,0.0072,0.0,0.0345,0.1667,0.2083,0.0088,0.0815,0.0361,0.0,0.0,0.1019,0.0187,0.9772,0.6994,0.0073,0.0,0.0345,0.1667,0.2083,0.009000000000000001,0.0891,0.0376,0.0,0.0,0.101,0.018000000000000002,0.9771,0.6914,0.0073,0.0,0.0345,0.1667,0.2083,0.0089,0.0829,0.0367,0.0,0.0,reg oper account,block of flats,0.0323,"Stone, brick",No,1.0,0.0,1.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1625831,170369,Consumer loans,,21503.25,21503.25,0.0,21503.25,THURSDAY,19,Y,1,0.0,,,XAP,Refused,-1206,Cash through the bank,SCO,,Repeater,Mobile,XNA,XNA,Country-wide,25,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,F,Y,N,0,337500.0,990432.0,32733.0,855000.0,Family,Working,Higher education,Married,House / apartment,0.04622,-13674,-2939,-7499.0,-437,10.0,1,1,1,1,0,0,Accountants,2.0,1,1,WEDNESDAY,14,0,1,1,0,1,1,Business Entity Type 1,,0.6992352546422393,0.34090642641523844,0.0825,0.0805,0.9771,0.6872,0.0067,0.0,0.1379,0.1667,0.2083,,0.0672,0.0703,0.0,0.0,0.084,0.0836,0.9772,0.6994,0.0067,0.0,0.1379,0.1667,0.2083,,0.0735,0.0732,0.0,0.0,0.0833,0.0805,0.9771,0.6914,0.0067,0.0,0.1379,0.1667,0.2083,,0.0684,0.0716,0.0,0.0,reg oper spec account,block of flats,0.059,Panel,No,1.0,0.0,1.0,0.0,-1427.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,6.0,1.0,1.0 +2790668,368855,Consumer loans,3163.365,63049.5,70141.5,0.0,63049.5,TUESDAY,18,Y,1,0.0,,,XAP,Approved,-1655,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,2105,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1624.0,-934.0,-934.0,-929.0,0.0,0,Cash loans,M,Y,Y,1,225000.0,163201.5,14089.5,148500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.018634,-10948,-752,-10430.0,-3563,37.0,1,1,0,1,1,0,Laborers,3.0,2,2,FRIDAY,16,0,0,0,0,0,0,Self-employed,0.26539132493106904,0.3014904345346521,0.6925590674998008,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2613598,271366,Consumer loans,6077.88,44950.5,38322.0,9000.0,44950.5,SATURDAY,15,Y,1,0.2071302603824475,,,XAP,Approved,-2226,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,38,Connectivity,8.0,high,POS mobile with interest,365243.0,-2195.0,-1985.0,-1985.0,-1980.0,1.0,0,Cash loans,F,N,N,1,225000.0,900000.0,35694.0,900000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-17946,-898,-8583.0,-1506,,1,1,1,1,0,0,Laborers,3.0,2,2,THURSDAY,19,0,0,0,0,0,0,Other,,0.5467111021641697,0.6545292802242897,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-2016.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2618795,187547,Revolving loans,45000.0,900000.0,900000.0,,900000.0,SATURDAY,11,Y,1,,,,XAP,Approved,-359,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-322.0,-287.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,202500.0,724981.5,30717.0,648000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.008625,-17522,-970,-1599.0,-1012,,1,1,1,1,0,0,Security staff,2.0,2,2,MONDAY,13,0,1,1,0,1,1,Security,,0.7121636967734293,0.33928769990891394,0.0557,,0.9806,,,,0.0345,0.3333,,0.0236,,,,0.0,0.0567,,0.9806,,,,0.0345,0.3333,,0.0241,,,,0.0,0.0562,,0.9806,,,,0.0345,0.3333,,0.024,,,,0.0,,,0.039,"Stone, brick",No,1.0,0.0,1.0,0.0,-359.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,2.0 +1803754,234703,Cash loans,18274.545,180000.0,197820.0,0.0,180000.0,MONDAY,12,Y,1,0.0,,,Other,Refused,-1681,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,18.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,67500.0,225000.0,14778.0,225000.0,Family,Working,Secondary / secondary special,Single / not married,House / apartment,0.028663,-19925,-4503,-4109.0,-2619,,1,1,1,1,1,0,Sales staff,1.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Self-employed,0.7518005725256958,0.63086704469499,0.2353105173615833,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1682.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +2534505,451421,Consumer loans,3167.19,28971.0,26046.0,2925.0,28971.0,MONDAY,14,Y,1,0.10995792030274792,,,XAP,Refused,-2196,Cash through the bank,LIMIT,Family,Repeater,Mobile,POS,XNA,Stone,15,Connectivity,12.0,high,POS mobile with interest,,,,,,,0,Cash loans,M,Y,N,0,157500.0,1125000.0,32895.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.018801,-10291,-3188,-4103.0,-2950,11.0,1,1,1,1,1,0,Laborers,2.0,2,2,WEDNESDAY,19,0,0,0,0,1,1,Self-employed,0.12956846025681648,0.28994179030931405,0.4920600938649263,0.0124,0.0,0.9776,0.6940000000000001,0.0123,0.0,0.1034,0.0417,0.0833,0.0,0.0101,0.0098,0.0,0.0,0.0126,0.0,0.9777,0.706,0.0125,0.0,0.1034,0.0417,0.0833,0.0,0.011,0.0102,0.0,0.0,0.0125,0.0,0.9776,0.6981,0.0124,0.0,0.1034,0.0417,0.0833,0.0,0.0103,0.0099,0.0,0.0,reg oper account,block of flats,0.0077,"Stone, brick",No,2.0,0.0,2.0,0.0,-1328.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1928079,421031,Consumer loans,8191.755,38434.5,30744.0,7690.5,38434.5,TUESDAY,15,Y,1,0.21792019244074035,,,XAP,Approved,-1261,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,20,Connectivity,4.0,middle,POS mobile without interest,365243.0,-1220.0,-1130.0,-1130.0,-1123.0,0.0,0,Cash loans,F,N,Y,0,90000.0,273636.0,15408.0,247500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-20075,-2374,-9854.0,-3481,,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.4605094492515622,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1096.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2491571,278549,Cash loans,15018.21,135000.0,152820.0,,135000.0,FRIDAY,11,Y,1,,,,XNA,Approved,-278,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-248.0,82.0,365243.0,365243.0,1.0,0,Revolving loans,F,N,Y,1,157500.0,315000.0,15750.0,315000.0,Unaccompanied,State servant,Incomplete higher,Married,House / apartment,0.031329,-14924,-8217,-4653.0,-4732,,1,1,0,1,0,0,Medicine staff,3.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Medicine,,0.5453288542673066,0.6512602186973006,0.0165,,0.9781,,,,0.0345,0.0417,,,,0.0097,,0.0184,0.0168,,0.9782,,,,0.0345,0.0417,,,,0.0101,,0.0195,0.0167,,0.9781,,,,0.0345,0.0417,,,,0.0099,,0.0188,,block of flats,0.0116,"Stone, brick",No,5.0,0.0,5.0,0.0,-1924.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,2.0 +2352139,319571,Cash loans,49874.625,1350000.0,1546020.0,,1350000.0,TUESDAY,14,Y,1,,,,Buying a home,Refused,-361,Cash through the bank,SCO,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,1,Cash loans,M,N,N,0,202500.0,450000.0,23562.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010966,-9152,-462,-2563.0,-1363,,1,1,1,1,0,0,Drivers,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,Self-employed,,0.4252062124984666,0.25946765482111994,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-361.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1488097,334487,Consumer loans,6626.115,131445.0,146304.0,0.0,131445.0,MONDAY,17,Y,1,0.0,,,XAP,Approved,-315,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,1700,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-285.0,405.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,N,2,135000.0,277969.5,16087.5,229500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00963,-12406,-2905,-3323.0,-4095,18.0,1,1,0,1,0,0,Laborers,4.0,2,2,MONDAY,11,0,0,0,0,1,1,Construction,,0.5052116462832155,0.7898803468924867,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-20.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1542615,329239,Cash loans,31400.865,630000.0,694863.0,,630000.0,THURSDAY,14,Y,1,,,,XNA,Approved,-330,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,0,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-299.0,751.0,365243.0,365243.0,0.0,0,Revolving loans,M,Y,N,0,355500.0,315000.0,15750.0,315000.0,Family,Pensioner,Higher education,Civil marriage,Rented apartment,0.028663,-20875,365243,-753.0,-710,2.0,1,0,0,1,0,0,,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,XNA,,0.5598548039261848,0.4884551844437485,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1217.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,4.0 +1387561,187547,Consumer loans,5251.41,51813.0,45828.0,10363.5,51813.0,THURSDAY,14,Y,1,0.20086300661779155,,,XAP,Approved,-431,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Regional / Local,200,Consumer electronics,12.0,high,POS household with interest,365243.0,-400.0,-70.0,-70.0,-64.0,0.0,0,Cash loans,M,N,Y,0,202500.0,724981.5,30717.0,648000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.008625,-17522,-970,-1599.0,-1012,,1,1,1,1,0,0,Security staff,2.0,2,2,MONDAY,13,0,1,1,0,1,1,Security,,0.7121636967734293,0.33928769990891394,0.0557,,0.9806,,,,0.0345,0.3333,,0.0236,,,,0.0,0.0567,,0.9806,,,,0.0345,0.3333,,0.0241,,,,0.0,0.0562,,0.9806,,,,0.0345,0.3333,,0.024,,,,0.0,,,0.039,"Stone, brick",No,1.0,0.0,1.0,0.0,-359.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,2.0 +2768467,230496,Consumer loans,4927.995,47425.5,42228.0,9000.0,47425.5,SATURDAY,12,Y,1,0.19133712387401772,,,XAP,Approved,-2250,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Stone,39,Connectivity,12.0,high,POS mobile with interest,365243.0,-2213.0,-1883.0,-1883.0,-1878.0,1.0,0,Cash loans,F,N,N,0,135000.0,157914.0,15745.5,139500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.035792000000000004,-9549,-343,-3738.0,-2220,,1,1,0,1,0,0,Core staff,1.0,2,2,TUESDAY,10,0,0,0,1,1,0,Military,0.41682963692914615,0.5895835431949412,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-2591.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2085714,342737,Cash loans,16013.835,135000.0,143910.0,,135000.0,THURSDAY,13,Y,1,,,,XNA,Approved,-984,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-954.0,-624.0,-864.0,-862.0,1.0,0,Cash loans,F,Y,Y,2,270000.0,824823.0,26739.0,688500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-13956,-1096,-2838.0,-3988,2.0,1,1,0,1,0,0,,4.0,2,2,MONDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.4597443981740243,0.6144327474154886,0.7047064232963289,0.1031,0.0048,0.9831,0.7688,0.0211,0.08,0.069,0.3333,0.375,0.0,0.07400000000000001,0.085,0.0077,0.0561,0.105,0.0049,0.9831,0.7779,0.0213,0.0806,0.069,0.3333,0.375,0.0,0.0808,0.0886,0.0078,0.0594,0.1041,0.0048,0.9831,0.7719,0.0213,0.08,0.069,0.3333,0.375,0.0,0.0752,0.0866,0.0078,0.0572,not specified,block of flats,0.0999,"Stone, brick",No,5.0,4.0,5.0,4.0,-506.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1202122,330710,Cash loans,19197.0,450000.0,450000.0,,450000.0,MONDAY,10,Y,1,,,,XNA,Approved,-1223,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-1193.0,-143.0,-1043.0,-1034.0,0.0,0,Cash loans,F,N,Y,0,112500.0,544500.0,17694.0,544500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.028663,-22362,365243,-492.0,-4433,,1,0,0,1,0,0,,1.0,2,2,SATURDAY,9,0,0,0,0,0,0,XNA,,0.4822037252511711,0.41184855592423975,0.16699999999999998,0.0987,0.9886,,,0.16,0.1379,0.3333,,,,0.1625,,0.008,0.1702,0.1024,0.9886,,,0.1611,0.1379,0.3333,,,,0.1694,,0.0084,0.1686,0.0987,0.9886,,,0.16,0.1379,0.3333,,,,0.1655,,0.0081,,,0.1567,Mixed,No,0.0,0.0,0.0,0.0,-369.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,11.0 +2488967,303625,Cash loans,15876.045,157500.0,173092.5,,157500.0,WEDNESDAY,10,Y,1,,,,Repairs,Refused,-339,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,N,0,135000.0,450000.0,21888.0,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.028663,-19522,365243,-1152.0,-1781,,1,0,0,1,1,0,,1.0,2,2,FRIDAY,16,0,0,0,0,0,0,XNA,,0.5160034855684944,0.25946765482111994,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1948.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,0.0,0.0,2.0 +2339450,278259,Cash loans,85009.5,1597500.0,1673415.0,,1597500.0,TUESDAY,16,Y,1,,,,XNA,Refused,-468,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_action,Cash X-Sell: low,,,,,,,1,Cash loans,F,N,Y,0,121500.0,1006920.0,51412.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008575,-16754,-5083,-8923.0,-286,,1,1,1,1,1,0,Laborers,2.0,2,2,MONDAY,13,0,0,0,0,0,0,Medicine,,0.3463071858039945,0.4311917977993083,0.0928,0.1077,0.9771,,,0.0,0.2069,0.1667,,0.0679,,,,,0.0945,0.1118,0.9772,,,0.0,0.2069,0.1667,,0.0695,,,,,0.0937,0.1077,0.9771,,,0.0,0.2069,0.1667,,0.0691,,,,,,block of flats,0.069,Panel,No,5.0,0.0,5.0,0.0,-337.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +2792962,401215,Consumer loans,18548.685,99364.5,104611.5,0.0,99364.5,SATURDAY,8,Y,1,0.0,,,XAP,Refused,-626,XNA,LIMIT,,Repeater,Audio/Video,POS,XNA,Regional / Local,150,Consumer electronics,6.0,low_normal,POS household without interest,,,,,,,0,Cash loans,F,N,Y,0,180000.0,298512.0,29655.0,270000.0,Family,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.014464,-15910,-1790,-9936.0,-4591,,1,1,1,1,1,0,Sales staff,1.0,2,2,TUESDAY,11,0,0,0,0,0,0,Self-employed,0.2906441036788681,0.5800478583609269,0.3979463219016906,0.0103,0.0,0.9712,,,0.0,0.0345,0.0833,,0.029,,0.0097,,0.0,0.0105,0.0,0.9712,,,0.0,0.0345,0.0833,,0.0296,,0.0101,,0.0,0.0104,0.0,0.9712,,,0.0,0.0345,0.0833,,0.0295,,0.0099,,0.0,,block of flats,0.0076,Block,No,0.0,0.0,0.0,0.0,-691.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2410690,426085,Consumer loans,5318.46,49135.5,47871.0,4914.0,49135.5,WEDNESDAY,16,Y,1,0.10138851429900024,,,XAP,Approved,-2525,Cash through the bank,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Country-wide,1296,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2494.0,-2224.0,-2224.0,-2185.0,1.0,0,Cash loans,F,Y,N,0,144000.0,1260702.0,41796.0,1129500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-21878,365243,-8167.0,-4158,18.0,1,0,0,1,1,0,,2.0,2,2,MONDAY,12,0,0,0,0,0,0,XNA,0.8495357411343173,0.4830336890167874,0.3201633668633456,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-497.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2448711,212854,Consumer loans,2097.495,15475.5,14877.0,1800.0,15475.5,THURSDAY,9,Y,1,0.11754893784035715,,,XAP,Approved,-716,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,10.0,high,POS mobile with interest,365243.0,-679.0,-409.0,-409.0,-398.0,0.0,0,Cash loans,F,N,Y,1,270000.0,177768.0,13063.5,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,Co-op apartment,0.04622,-11986,-3297,-3704.0,-3663,,1,1,0,1,1,0,Sales staff,3.0,1,1,SATURDAY,16,0,0,0,0,1,1,Trade: type 1,0.8067258317165785,0.724026068940153,0.29708661164720285,0.0753,,0.9747,,,,0.1379,0.1667,,,,,,,0.0767,,0.9747,,,,0.1379,0.1667,,,,,,,0.076,,0.9747,,,,0.1379,0.1667,,,,,,,,block of flats,0.0455,"Stone, brick",No,0.0,0.0,0.0,0.0,-1954.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,8.0 +1493119,276124,Consumer loans,22064.31,124650.0,83875.5,43627.5,124650.0,TUESDAY,14,Y,1,0.3726525151279863,,,XAP,Approved,-227,Cash through the bank,XAP,Unaccompanied,Repeater,Auto Accessories,POS,XNA,Stone,100,Auto technology,4.0,low_normal,POS other with interest,365243.0,-190.0,-100.0,-160.0,-152.0,0.0,0,Cash loans,F,N,Y,1,270000.0,1061599.5,31171.5,927000.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.018634,-13785,-630,-2669.0,-4836,,1,1,0,1,0,0,Core staff,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Medicine,0.3981216429481734,0.2858978721410488,0.34741822720026416,0.2227,0.2678,0.996,,,0.24,0.2069,0.375,,,,0.1838,,0.1575,0.2269,0.2779,0.996,,,0.2417,0.2069,0.375,,,,0.1916,,0.1667,0.2248,0.2678,0.996,,,0.24,0.2069,0.375,,,,0.1872,,0.1608,,block of flats,0.1789,"Stone, brick",No,0.0,0.0,0.0,0.0,-1123.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,1.0 +1508959,419355,Cash loans,34874.325,337500.0,441391.5,,337500.0,SUNDAY,4,Y,1,,,,Repairs,Approved,-581,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,high,Cash Street: high,365243.0,-551.0,139.0,-191.0,-189.0,1.0,0,Cash loans,M,Y,Y,0,360000.0,787500.0,30649.5,787500.0,Family,State servant,Secondary / secondary special,Married,House / apartment,0.014464,-14952,-2114,-1279.0,-4398,13.0,1,1,1,1,1,0,Laborers,2.0,2,2,SUNDAY,8,0,0,0,0,1,1,Business Entity Type 3,,0.5538164706227621,0.4776491548517548,0.1237,0.0674,0.9791,0.7144,0.0377,0.0,0.069,0.1667,0.2083,0.0758,0.1009,0.0611,0.0,0.0,0.1261,0.07,0.9791,0.7256,0.038,0.0,0.069,0.1667,0.2083,0.0775,0.1102,0.0636,0.0,0.0,0.1249,0.0674,0.9791,0.7182,0.0379,0.0,0.069,0.1667,0.2083,0.0771,0.1026,0.0622,0.0,0.0,reg oper account,block of flats,0.0686,"Stone, brick",No,0.0,0.0,0.0,0.0,-1687.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1371955,108775,Cash loans,14446.395,315000.0,383193.0,,315000.0,MONDAY,6,Y,1,,,,XNA,Refused,-131,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,157500.0,436032.0,16564.5,360000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.010032,-19895,-2265,-12827.0,-3440,,1,1,0,1,0,0,Core staff,1.0,2,2,SATURDAY,3,0,0,0,0,0,0,Government,,0.20142534962393085,0.3740208032583212,0.0412,0.0557,0.9722,0.6192,0.0485,0.0,0.1379,0.125,0.1667,0.0,0.0336,0.0529,0.0,0.0,0.042,0.0578,0.9722,0.6341,0.0489,0.0,0.1379,0.125,0.1667,0.0,0.0367,0.0551,0.0,0.0,0.0416,0.0557,0.9722,0.6243,0.0488,0.0,0.1379,0.125,0.1667,0.0,0.0342,0.0538,0.0,0.0,reg oper account,block of flats,0.0681,"Stone, brick",No,0.0,0.0,0.0,0.0,-362.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2729066,383399,Consumer loans,6941.07,124155.0,150376.5,0.0,124155.0,SATURDAY,14,Y,1,0.0,,,XAP,Approved,-986,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,600,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-955.0,-265.0,-505.0,-502.0,0.0,0,Cash loans,M,Y,Y,3,351000.0,1024740.0,52452.0,900000.0,Unaccompanied,Working,Higher education,Married,With parents,0.035792000000000004,-14937,-2727,-469.0,-1326,2.0,1,1,0,1,0,1,Laborers,5.0,2,2,FRIDAY,18,0,0,0,0,0,0,Business Entity Type 3,0.5447762134395913,0.49146342221152395,0.0920128093981064,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1807.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2089679,363798,Cash loans,,0.0,0.0,,,THURSDAY,17,Y,1,,,,XNA,Refused,-257,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,N,0,121500.0,502497.0,33709.5,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-21437,365243,-7938.0,-4281,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,15,0,0,0,1,0,0,XNA,,0.4158916752471998,0.2458512138252296,,0.0151,0.9866,0.8164,,0.0,0.2759,0.1667,0.2083,,,0.122,,0.0229,,0.0157,0.9866,0.8236,,0.0,0.2759,0.1667,0.2083,,,0.1271,,0.0243,,0.0151,0.9866,0.8189,,0.0,0.2759,0.1667,0.2083,,,0.1242,,0.0234,,block of flats,0.0959,"Stone, brick",No,0.0,0.0,0.0,0.0,-374.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1020395,256934,Revolving loans,24750.0,495000.0,495000.0,,495000.0,THURSDAY,9,Y,1,,,,XAP,Approved,-421,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,126000.0,578979.0,24529.5,517500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.019101,-15038,-2357,-3293.0,-4522,,1,1,0,1,0,0,Managers,2.0,2,2,FRIDAY,11,0,0,0,0,1,1,Business Entity Type 3,,0.5595206865870543,0.4507472818545589,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-658.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,0.0 +1539309,288109,Cash loans,16294.5,450000.0,450000.0,,450000.0,SUNDAY,11,Y,1,,,,XNA,Approved,-286,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Regional / Local,191,Consumer electronics,48.0,low_normal,Cash X-Sell: low,365243.0,-256.0,1154.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,3,135000.0,801000.0,26469.0,801000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.00702,-12684,-3134,-5853.0,-1522,2.0,1,1,0,1,1,0,Drivers,5.0,2,2,SATURDAY,8,0,0,0,0,0,0,Other,0.6406804350031561,0.24974446728278485,0.4776491548517548,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,24.0,1.0,24.0,0.0,-318.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1861191,146900,Consumer loans,5098.725,94369.5,113053.5,0.0,94369.5,MONDAY,11,Y,1,0.0,,,XAP,Approved,-1319,Cash through the bank,XAP,"Spouse, partner",New,Audio/Video,POS,XNA,Country-wide,2711,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1287.0,-597.0,-867.0,-865.0,0.0,0,Cash loans,F,N,Y,0,67500.0,555273.0,16366.5,463500.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.01885,-23252,365243,-4237.0,-4427,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,XNA,,0.6012039088066361,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,2.0,4.0,2.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2012941,161516,Revolving loans,9000.0,0.0,180000.0,,,WEDNESDAY,14,Y,1,,,,XAP,Refused,-565,XNA,HC,,Repeater,XNA,Cards,x-sell,Country-wide,2300,Consumer electronics,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,N,N,1,270000.0,545040.0,26640.0,450000.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.072508,-11840,-4406,-5791.0,-2301,,1,1,0,1,0,0,Drivers,3.0,1,1,MONDAY,11,0,0,0,0,0,0,Business Entity Type 2,0.24189325875536397,0.6926274968152443,0.09950368352887068,0.1041,0.0459,0.9816,0.7484,0.0,0.08,0.0345,0.5138,0.5554,0.0,0.0849,0.0831,0.0,0.0105,0.1008,0.0486,0.9786,0.7190000000000001,0.0,0.0806,0.0345,0.4583,0.5,0.0,0.0882,0.0748,0.0,0.0,0.0999,0.0468,0.9791,0.7182,0.0,0.08,0.0345,0.4583,0.5,0.0,0.0821,0.0738,0.0,0.0,reg oper account,block of flats,0.0565,Block,No,5.0,0.0,4.0,0.0,-1467.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2621731,408970,Consumer loans,11538.45,63000.0,40500.0,22500.0,63000.0,FRIDAY,10,Y,1,0.3889610389610391,,,XAP,Approved,-2327,XNA,XAP,Family,Repeater,Mobile,POS,XNA,Regional / Local,20,Connectivity,4.0,high,POS other with interest,365243.0,-2290.0,-2200.0,-2200.0,-2192.0,0.0,0,Cash loans,M,Y,N,1,225000.0,1374480.0,45553.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.022625,-11239,-129,-5304.0,-3482,6.0,1,1,1,1,0,0,Laborers,2.0,2,2,MONDAY,9,0,0,0,0,0,0,Trade: type 1,0.4555954951548123,0.4990998467338024,0.7380196196295241,0.0742,0.0,0.9831,0.7688,0.0196,0.08,0.069,0.3333,0.375,0.0811,0.0605,0.0765,0.0,0.0,0.0756,0.0,0.9831,0.7779,0.0197,0.0806,0.069,0.3333,0.375,0.0829,0.0661,0.0797,0.0,0.0,0.0749,0.0,0.9831,0.7719,0.0197,0.08,0.069,0.3333,0.375,0.0825,0.0616,0.0779,0.0,0.0,reg oper account,block of flats,0.0804,Panel,No,0.0,0.0,0.0,0.0,-3282.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,3.0 +2026981,230653,Consumer loans,4064.76,21105.0,19935.0,2110.5,21105.0,MONDAY,12,Y,1,0.10426283657147097,,,XAP,Approved,-1852,XNA,XAP,,New,Mobile,POS,XNA,Country-wide,40,Connectivity,6.0,high,POS mobile with interest,365243.0,-1803.0,-1653.0,-1683.0,-1678.0,0.0,0,Cash loans,F,N,N,0,157500.0,219042.0,21469.5,193500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,Municipal apartment,0.010032,-24988,365243,-15509.0,-4231,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,7,0,0,0,0,0,0,XNA,,0.6028647435159402,0.6512602186973006,0.0082,0.0,0.9613,0.4696,0.0015,0.0,0.069,0.0417,0.0833,0.0514,0.0067,0.0093,0.0,0.0,0.0084,0.0,0.9613,0.4904,0.0015,0.0,0.069,0.0417,0.0833,0.0526,0.0073,0.0097,0.0,0.0,0.0083,0.0,0.9613,0.4767,0.0015,0.0,0.069,0.0417,0.0833,0.0523,0.0068,0.0095,0.0,0.0,not specified,block of flats,0.0081,Wooden,No,6.0,0.0,6.0,0.0,-1852.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,1.0,0.0,0.0,0.0,8.0 +2625333,226525,Cash loans,12598.2,67500.0,67500.0,,67500.0,SATURDAY,10,Y,1,,,,XNA,Refused,-413,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,6.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,Y,Y,0,202500.0,454500.0,19255.5,454500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-17518,-5826,-5500.0,-1069,10.0,1,1,0,1,1,0,Drivers,2.0,1,1,SATURDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.7434577346902086,0.7407990879702335,0.0575,0.0715,0.9722,0.6192,0.0217,0.0,0.1034,0.1417,0.1833,0.0,0.0462,0.046,0.0031,0.0152,0.0231,0.05,0.9737,0.6537,0.0008,0.0,0.069,0.1667,0.2083,0.0,0.0193,0.0163,0.0039,0.0019,0.0593,0.061,0.9737,0.6444,0.0122,0.0,0.1034,0.1667,0.2083,0.0,0.0487,0.0493,0.0039,0.0189,reg oper account,block of flats,0.0189,"Stone, brick",No,0.0,0.0,0.0,0.0,-1385.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2310223,137647,Consumer loans,22437.81,129740.4,122544.0,12974.4,129740.4,FRIDAY,15,Y,1,0.10426850590701396,,,XAP,Approved,-2490,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,2500,Consumer electronics,6.0,middle,POS household with interest,365243.0,-2458.0,-2308.0,-2308.0,-2299.0,1.0,0,Cash loans,F,N,Y,0,162000.0,675000.0,36094.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.026392000000000002,-22145,365243,-11480.0,-4549,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,XNA,,0.6676177991903954,0.8633633824101478,0.0814,0.0814,0.9786,,,0.0,0.1379,0.1667,,,,0.0483,,0.0859,0.083,0.0844,0.9786,,,0.0,0.1379,0.1667,,,,0.0503,,0.091,0.0822,0.0814,0.9786,,,0.0,0.1379,0.1667,,,,0.0491,,0.0877,,block of flats,0.0566,Panel,No,1.0,0.0,1.0,0.0,-2083.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2642665,197884,Consumer loans,14314.905,119610.0,130135.5,0.0,119610.0,THURSDAY,14,Y,1,0.0,,,XAP,Approved,-442,Cash through the bank,XAP,,Repeater,Clothing and Accessories,POS,XNA,Stone,34,Clothing,10.0,low_normal,POS industry with interest,365243.0,-411.0,-141.0,-381.0,-376.0,0.0,0,Cash loans,M,N,N,0,225000.0,1267735.5,37197.0,1107000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007305,-16793,-616,-1012.0,-347,,1,1,0,1,1,0,Laborers,2.0,3,3,FRIDAY,13,0,0,0,0,0,0,Other,0.5854688658812975,0.3824930145972731,0.6058362647264226,0.0928,0.0874,0.9811,0.7416,0.0,0.0,0.2069,0.1667,0.2083,0.1017,0.0748,0.0871,0.0039,0.0045,0.0945,0.0907,0.9811,0.7517,0.0,0.0,0.2069,0.1667,0.2083,0.104,0.0817,0.0908,0.0039,0.0047,0.0937,0.0874,0.9811,0.7451,0.0,0.0,0.2069,0.1667,0.2083,0.1035,0.0761,0.0887,0.0039,0.0046,reg oper spec account,block of flats,0.0772,Panel,No,0.0,0.0,0.0,0.0,-1752.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1259666,146999,Consumer loans,10277.145,97384.5,96318.0,9742.5,97384.5,SATURDAY,11,Y,1,0.10004165718451434,,,XAP,Approved,-1342,XNA,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Stone,31,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1311.0,-981.0,-1161.0,-1152.0,0.0,0,Cash loans,F,N,Y,2,180000.0,568800.0,20560.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-12806,-183,-1133.0,-1580,,1,1,1,1,1,0,High skill tech staff,4.0,2,2,THURSDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.2538858817273877,0.7317654705902802,0.375711009574066,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2172.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2404361,136797,Consumer loans,9214.155,75195.0,82638.0,0.0,75195.0,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-1911,XNA,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Stone,2000,Consumer electronics,12.0,high,POS household with interest,365243.0,-1880.0,-1550.0,-1670.0,-1666.0,0.0,0,Cash loans,M,N,N,0,180000.0,490495.5,27387.0,454500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.025164,-12027,-2921,-6081.0,-1154,,1,1,1,1,0,1,Security staff,2.0,2,2,SATURDAY,21,0,0,0,1,1,0,Business Entity Type 3,0.12407770290551468,0.5881594092579896,0.33125086459090186,0.0454,,0.9901,,,0.0,0.1034,0.125,,,,0.0471,,0.0235,0.0462,,0.9901,,,0.0,0.1034,0.125,,,,0.049,,0.0249,0.0458,,0.9901,,,0.0,0.1034,0.125,,,,0.0479,,0.024,,block of flats,0.0421,"Stone, brick",No,0.0,0.0,0.0,0.0,-864.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1284974,141731,Cash loans,16676.46,315000.0,366142.5,,315000.0,THURSDAY,8,Y,1,,,,XNA,Approved,-581,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-551.0,499.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,0,144000.0,1024290.0,30078.0,855000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-23167,365243,-4868.0,-4936,28.0,1,0,0,1,0,0,,2.0,2,2,THURSDAY,8,0,0,0,0,0,0,XNA,,0.6867447664971384,0.6817058776720116,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,2.0,4.0,1.0,-1778.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2290987,214877,Consumer loans,3441.015,30141.0,29664.0,3150.0,30141.0,SATURDAY,11,Y,1,0.10454794793796432,,,XAP,Approved,-1847,Cash through the bank,XAP,Family,Refreshed,Mobile,POS,XNA,Country-wide,1015,Consumer electronics,12.0,high,POS household with interest,365243.0,-1816.0,-1486.0,-1486.0,-1482.0,0.0,0,Revolving loans,F,N,Y,0,139500.0,315000.0,15750.0,315000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-20986,-181,-5272.0,-4525,,1,1,0,1,0,0,Medicine staff,2.0,2,2,FRIDAY,13,0,0,0,0,1,1,Medicine,,0.7277678887875405,0.6769925032909132,0.0928,,0.9896,,,0.0,0.2069,0.1667,,,,0.05,,0.1319,0.0945,,0.9896,,,0.0,0.2069,0.1667,,,,0.0521,,0.1396,0.0937,,0.9896,,,0.0,0.2069,0.1667,,,,0.0509,,0.1346,,block of flats,0.0706,Panel,No,0.0,0.0,0.0,0.0,-1257.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +1120455,269724,Consumer loans,8034.21,80352.0,72315.0,8037.0,80352.0,TUESDAY,19,Y,1,0.1089334881068752,,,XAP,Refused,-2525,Cash through the bank,HC,,Repeater,XNA,POS,XNA,Stone,49,Consumer electronics,10.0,low_normal,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,135000.0,450000.0,11871.0,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-20837,365243,-6582.0,-4254,,1,0,0,1,1,0,,2.0,2,2,SUNDAY,10,0,0,0,0,0,0,XNA,0.7615612098113392,0.7755541255131594,,0.0021,,0.9896,,,0.0,,0.0,,,,,,,0.0021,,0.9896,,,0.0,,0.0,,,,,,,0.0021,,0.9896,,,0.0,,0.0,,,,,,,,terraced house,0.0023,"Stone, brick",No,5.0,0.0,4.0,0.0,-1154.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1322140,356351,Cash loans,5582.16,130500.0,164952.0,,130500.0,WEDNESDAY,14,Y,1,,,,XNA,Refused,-359,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Revolving loans,F,N,Y,0,90000.0,180000.0,9000.0,180000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.009549,-20249,365243,-318.0,-3633,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,XNA,,0.5223411337201249,0.6925590674998008,0.1237,0.1016,0.9771,0.6872,0.0424,0.0,0.2069,0.1667,0.2083,0.1119,0.1009,0.1061,0.0,0.0,0.1261,0.1054,0.9772,0.6994,0.0428,0.0,0.2069,0.1667,0.2083,0.1145,0.1102,0.1106,0.0,0.0,0.1249,0.1016,0.9771,0.6914,0.0427,0.0,0.2069,0.1667,0.2083,0.1139,0.1026,0.108,0.0,0.0,reg oper account,block of flats,0.0892,"Stone, brick",No,0.0,0.0,0.0,0.0,-1566.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,6.0 +2309803,160131,Cash loans,54252.0,675000.0,675000.0,,675000.0,FRIDAY,17,Y,1,,,,Repairs,Approved,-517,Cash through the bank,XAP,,Refreshed,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,middle,Cash Street: middle,365243.0,-487.0,23.0,-7.0,365243.0,0.0,0,Cash loans,F,N,Y,0,450000.0,728460.0,66942.0,675000.0,Unaccompanied,Commercial associate,Incomplete higher,Single / not married,House / apartment,0.072508,-10936,-143,-4846.0,-2423,,1,1,0,1,1,1,Drivers,1.0,1,1,THURSDAY,10,0,0,0,0,0,0,Transport: type 4,0.7377667313950619,0.5560308479417597,0.5298898341969072,0.1351,0.0644,0.9886,0.8436,0.0665,0.16,0.069,0.6308,0.6725,0.0,0.1091,0.1569,0.0044,0.0032,0.1439,0.0589,0.9876,0.8367,0.0595,0.1611,0.069,0.6667,0.7083,0.0,0.1249,0.1251,0.0039,0.0014,0.1416,0.0663,0.9876,0.8323,0.0678,0.16,0.069,0.6667,0.7083,0.0,0.1154,0.1736,0.0039,0.0014,reg oper account,block of flats,0.0965,Panel,No,0.0,0.0,0.0,0.0,-517.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1348122,338691,Consumer loans,5353.155,31869.0,26739.0,6390.0,31869.0,WEDNESDAY,14,Y,1,0.21006643451631216,,,XAP,Approved,-2219,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,684,Consumer electronics,6.0,high,POS household with interest,365243.0,-2188.0,-2038.0,-2098.0,-2096.0,0.0,0,Cash loans,M,Y,Y,2,112500.0,99504.0,11808.0,90000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-15565,-6026,-8153.0,-4628,4.0,1,1,1,1,0,0,Laborers,4.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Transport: type 2,,0.6546905679128979,0.8193176922872417,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-1713.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1723149,266924,Cash loans,44845.38,585000.0,619749.0,,585000.0,MONDAY,11,Y,1,,,,XNA,Approved,-765,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-735.0,-225.0,-675.0,-667.0,1.0,0,Cash loans,M,Y,N,0,157500.0,971280.0,56920.5,900000.0,Family,Working,Higher education,Married,Office apartment,0.00496,-16795,-2924,-5233.0,-350,8.0,1,1,0,1,0,0,Drivers,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.3276124710043205,0.5833627732482791,0.6674577419214722,0.0748,,0.9851,,,,0.0728,0.1667,,,,,,,0.063,,0.9856,,,,0.069,0.1667,,,,,,,0.0625,,0.9856,,,,0.069,0.1667,,,,,,,,block of flats,0.0292,"Stone, brick",No,9.0,0.0,9.0,0.0,-1440.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2357148,135662,Cash loans,14517.0,450000.0,450000.0,,450000.0,THURSDAY,17,Y,1,,,,XNA,Approved,-624,XNA,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,189000.0,722394.0,26536.5,603000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Rented apartment,0.00963,-16393,-2035,-9750.0,-4579,,1,1,1,1,1,0,Laborers,1.0,2,2,FRIDAY,16,0,1,1,0,1,1,Business Entity Type 3,,0.6583888192795812,0.41184855592423975,0.0041,0.0,0.9786,0.7076,,0.0,0.0,0.0417,0.0833,,0.0034,0.0048,0.0,0.0,0.0042,0.0,0.9786,0.7190000000000001,,0.0,0.0,0.0417,0.0833,,0.0037,0.0051,0.0,0.0,0.0042,0.0,0.9786,0.7115,,0.0,0.0,0.0417,0.0833,,0.0034,0.0049,0.0,0.0,reg oper account,terraced house,0.0038,"Stone, brick",No,0.0,0.0,0.0,0.0,-2130.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1752652,419197,Cash loans,8820.0,45000.0,45000.0,0.0,45000.0,FRIDAY,13,Y,1,0.0,,,XNA,Approved,-2708,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,6.0,high,Cash Street: high,365243.0,-2678.0,-2528.0,-2678.0,-2594.0,0.0,1,Cash loans,F,N,Y,0,135000.0,755190.0,31995.0,675000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.072508,-17603,-1766,-11523.0,-1155,,1,1,1,1,1,0,Laborers,2.0,1,1,THURSDAY,19,0,0,0,0,0,0,Postal,,0.6994559541685644,0.8203829585116356,0.4412,0.3293,0.9776,0.6940000000000001,0.2103,0.48,0.4138,0.3333,0.375,0.0,0.3597,0.289,0.0,0.0,0.4496,0.3417,0.9777,0.706,0.2122,0.4834,0.4138,0.3333,0.375,0.0,0.393,0.3012,0.0,0.0,0.4455,0.3293,0.9776,0.6981,0.2116,0.48,0.4138,0.3333,0.375,0.0,0.366,0.2942,0.0,0.0,reg oper account,block of flats,0.3423,Panel,No,1.0,0.0,1.0,0.0,-1891.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1725228,448798,Cash loans,32467.5,675000.0,675000.0,,675000.0,SATURDAY,10,Y,1,,,,XNA,Refused,-1297,Cash through the bank,LIMIT,Other_A,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),-1,XNA,36.0,middle,Cash Street: middle,,,,,,,0,Cash loans,M,N,N,1,202500.0,840996.0,24718.5,702000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.0228,-9486,-586,-459.0,-1572,,1,1,0,1,1,0,Drivers,3.0,2,2,MONDAY,12,0,0,0,1,1,0,Transport: type 4,,0.3571715084814007,0.3859146722745145,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1383950,206486,Consumer loans,7993.71,78948.0,87286.5,0.0,78948.0,THURSDAY,19,Y,1,0.0,,,XAP,Approved,-666,Cash through the bank,XAP,,New,Computers,POS,XNA,Regional / Local,600,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-635.0,-305.0,-365.0,-362.0,0.0,0,Cash loans,M,N,N,0,202500.0,207396.0,16515.0,157500.0,Unaccompanied,Commercial associate,Incomplete higher,Civil marriage,With parents,0.019101,-12180,-405,-2246.0,-1427,,1,1,0,1,0,0,,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,Business Entity Type 2,0.22048747459727852,0.6497104573590645,0.2580842039460289,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-666.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2625455,293244,Cash loans,,0.0,0.0,,,THURSDAY,8,Y,1,,,,XNA,Refused,-128,XNA,SCOFR,,Repeater,XNA,XNA,XNA,Contact center,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,N,0,112500.0,382500.0,26005.5,382500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,With parents,0.014519999999999996,-8872,-2054,-3648.0,-1561,,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,8,0,0,0,1,1,0,Self-employed,0.5484784109468983,0.14136720664541935,0.6413682574954046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1463.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2535896,361248,Consumer loans,4430.7,45796.5,37966.5,11250.0,45796.5,FRIDAY,11,Y,1,0.2489464453439949,,,XAP,Approved,-2398,XNA,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,low_normal,POS mobile with interest,365243.0,-2360.0,-2030.0,-2030.0,-2025.0,1.0,0,Cash loans,F,N,Y,0,337500.0,835605.0,24561.0,697500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00963,-16974,-4294,-8901.0,-467,,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,9,0,0,0,0,1,1,Trade: type 7,,0.4406285469489222,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1566.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2098006,120959,Cash loans,28920.915,679500.0,679500.0,,679500.0,WEDNESDAY,16,Y,1,,,,XNA,Refused,-30,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,112500.0,755190.0,33394.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-19783,-2607,-10927.0,-2591,7.0,1,1,0,1,0,0,Accountants,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Other,0.5524134918951747,0.6425808732124314,0.5370699579791587,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-1723.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +2620133,168850,Cash loans,30442.5,450000.0,450000.0,,450000.0,WEDNESDAY,11,Y,1,,,,XNA,Refused,-965,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,36.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,Y,Y,0,126000.0,463500.0,42642.0,463500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-15901,-2002,-1813.0,-2411,2.0,1,1,0,1,0,1,,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Self-employed,0.3664242790138867,0.3686375484969415,0.12689752616027333,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1285.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2223210,162835,Cash loans,31495.32,720000.0,794133.0,,720000.0,THURSDAY,11,Y,1,,,,XNA,Refused,-327,XNA,HC,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,360000.0,1125000.0,62950.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.010006000000000001,-16388,-2394,-9635.0,-3398,,1,1,0,1,0,0,Security staff,1.0,2,1,TUESDAY,14,0,0,0,0,0,0,Industry: type 9,0.5866225693532964,0.7404306813192902,0.5352762504724826,0.1155,0.1389,0.9811,0.7416,0.032,0.0,0.2759,0.1667,0.2083,0.1185,0.0933,0.1301,0.0039,0.0064,0.1176,0.1441,0.9811,0.7517,0.0323,0.0,0.2759,0.1667,0.2083,0.1212,0.1019,0.1355,0.0039,0.0068,0.1166,0.1389,0.9811,0.7451,0.0322,0.0,0.2759,0.1667,0.2083,0.1206,0.0949,0.1324,0.0039,0.0065,reg oper account,block of flats,0.1212,Panel,No,1.0,0.0,1.0,0.0,-1552.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,4.0,0.0,9.0 +1534368,171408,Cash loans,25398.09,490500.0,490500.0,,490500.0,FRIDAY,13,Y,1,,,,XNA,Refused,-271,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,112500.0,882000.0,25920.0,882000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.030755,-16759,-5185,-5173.0,-298,,1,1,0,1,0,0,Core staff,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,School,0.6111466383368683,0.7550336265680602,0.5082869913916046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-3127.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2653848,229722,Cash loans,17565.3,454500.0,544491.0,,454500.0,FRIDAY,5,Y,1,,,,XNA,Refused,-358,XNA,HC,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,1,Cash loans,F,Y,N,0,90000.0,454500.0,13288.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-17693,-8406,-9329.0,-1234,29.0,1,1,1,1,0,0,,2.0,3,3,WEDNESDAY,10,0,0,0,0,1,1,School,,0.3898587114745792,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,2.0,5.0,1.0,-1629.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1622320,416394,Consumer loans,7065.135,98217.0,118962.0,0.0,98217.0,TUESDAY,11,Y,1,0.0,,,XAP,Refused,-495,Cash through the bank,LIMIT,,Repeater,Consumer Electronics,POS,XNA,Country-wide,2078,Consumer electronics,24.0,middle,POS household with interest,,,,,,,0,Cash loans,M,N,N,0,67500.0,225000.0,11488.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.018634,-23287,365243,-7261.0,-4104,,1,0,0,1,0,0,,2.0,2,2,MONDAY,15,0,0,0,0,0,0,XNA,0.5198018025534472,0.7058975208677699,0.3859146722745145,0.1381,0.1086,0.9876,0.83,0.1284,0.16,0.1379,0.3333,0.375,0.0643,0.1059,0.1241,0.0309,0.1912,0.1408,0.1127,0.9876,0.8367,0.1296,0.1611,0.1379,0.3333,0.375,0.0657,0.1157,0.1293,0.0311,0.2024,0.1395,0.1086,0.9876,0.8323,0.1292,0.16,0.1379,0.3333,0.375,0.0654,0.1077,0.1263,0.0311,0.1952,reg oper account,block of flats,0.2094,"Stone, brick",No,0.0,0.0,0.0,0.0,-595.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1343810,351650,Consumer loans,17491.95,157500.0,141750.0,15750.0,157500.0,MONDAY,11,Y,1,0.1089090909090909,,,XAP,Approved,-1438,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Stone,246,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1406.0,-1136.0,-1256.0,-1250.0,0.0,0,Cash loans,M,Y,N,0,157500.0,405000.0,29601.0,405000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-19980,-9839,-3486.0,-3500,3.0,1,1,1,1,1,0,High skill tech staff,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Medicine,,0.33309439329725404,0.4812493411434029,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,1.0,-1064.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,5.0 +2613799,235155,Consumer loans,9031.5,81000.0,81000.0,0.0,81000.0,TUESDAY,10,Y,1,0.0,,,XAP,Approved,-781,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,124,Consumer electronics,12.0,high,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,202500.0,1035000.0,30393.0,1035000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.018634,-13607,-1362,-4168.0,-4972,,1,1,0,1,0,1,Cooking staff,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Self-employed,0.2986850664773113,0.4870700919222306,0.7209441499436497,0.2216,0.1603,0.9791,0.7144,0.0,0.24,0.2069,0.3333,0.375,0.1091,0.1807,0.2151,0.0,0.0712,0.2258,0.1663,0.9791,0.7256,0.0,0.2417,0.2069,0.3333,0.375,0.1116,0.1974,0.2241,0.0,0.0754,0.2238,0.1603,0.9791,0.7182,0.0,0.24,0.2069,0.3333,0.375,0.111,0.1838,0.219,0.0,0.0727,reg oper account,block of flats,0.2127,"Stone, brick",No,0.0,0.0,0.0,0.0,-2319.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1081756,187445,Revolving loans,6750.0,0.0,135000.0,,,WEDNESDAY,14,Y,1,,,,XAP,Approved,-2378,XNA,XAP,,Repeater,XNA,Cards,x-sell,Stone,82,Consumer electronics,0.0,XNA,Card X-Sell,-2376.0,-2323.0,365243.0,-1470.0,365243.0,0.0,0,Cash loans,F,N,Y,3,180000.0,454500.0,23337.0,454500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.020713,-14625,-3022,-2327.0,-5458,,1,1,1,1,1,0,Medicine staff,5.0,3,1,MONDAY,12,0,0,0,0,0,0,Medicine,,0.1902997324456865,0.3572932680336494,0.0804,0.0813,0.9796,,0.0579,0.0,0.1379,0.1667,,0.0397,0.0656,0.0691,,0.0053,0.0819,0.0843,0.9796,,0.0584,0.0,0.1379,0.1667,,0.0406,0.0716,0.07200000000000001,,0.0056,0.0812,0.0813,0.9796,,0.0583,0.0,0.1379,0.1667,,0.0404,0.0667,0.0703,,0.0054,reg oper account,block of flats,0.0555,Panel,No,0.0,0.0,0.0,0.0,-1514.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1515916,165611,Consumer loans,2024.82,20250.0,18225.0,2025.0,20250.0,FRIDAY,13,Y,1,0.1089090909090909,,,XAP,Approved,-2859,XNA,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,70,Consumer electronics,10.0,low_normal,POS other with interest,365243.0,-2800.0,-2530.0,-2530.0,-2521.0,0.0,0,Cash loans,F,N,N,0,44338.5,254700.0,14220.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-23597,365243,-13446.0,-4941,,1,0,0,1,1,0,,2.0,2,2,SUNDAY,10,0,0,0,0,0,0,XNA,,0.17296935315729914,0.816092360478441,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1864358,284370,Consumer loans,13010.76,129556.8,128908.8,12960.0,129556.8,WEDNESDAY,17,Y,1,0.09949064333960796,0.19332993312932112,0.852536997885835,XAP,Approved,-450,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,12.0,middle,POS mobile with interest,365243.0,-408.0,-78.0,-108.0,-103.0,0.0,0,Cash loans,M,N,Y,0,144000.0,90000.0,10179.0,90000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,With parents,0.019688999999999998,-9398,-2854,-497.0,-2001,,1,1,1,1,1,0,Core staff,1.0,2,2,FRIDAY,17,0,0,0,1,1,0,Business Entity Type 2,,0.4790540716081004,0.13680052191177486,0.0794,0.063,0.9742,0.6464,0.0493,0.0,0.1379,0.1667,0.2083,0.0554,0.0605,0.0559,0.0193,0.025,0.0809,0.0653,0.9742,0.6602,0.0498,0.0,0.1379,0.1667,0.2083,0.0566,0.0661,0.0583,0.0195,0.0264,0.0802,0.063,0.9742,0.6511,0.0496,0.0,0.1379,0.1667,0.2083,0.0563,0.0616,0.0569,0.0194,0.0255,reg oper account,block of flats,0.0663,Panel,No,9.0,0.0,9.0,0.0,-450.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2627709,291886,Cash loans,28180.89,450000.0,501975.0,,450000.0,TUESDAY,13,Y,1,,,,XNA,Approved,-933,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,Y,Y,0,225000.0,169155.0,20205.0,153000.0,Family,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.016612000000000002,-18809,365243,-10849.0,-2366,10.0,1,0,0,1,0,1,,1.0,2,2,THURSDAY,10,0,0,0,0,0,0,XNA,,0.3971859848200791,0.35895122857839673,0.1887,0.1324,0.9801,0.728,0.0788,0.2,0.1724,0.3333,0.375,0.058,0.1513,0.1897,0.0116,0.0,0.1922,0.1374,0.9801,0.7387,0.0795,0.2014,0.1724,0.3333,0.375,0.0593,0.1653,0.1977,0.0117,0.0,0.1905,0.1324,0.9801,0.7316,0.0793,0.2,0.1724,0.3333,0.375,0.059,0.1539,0.1932,0.0116,0.0,reg oper account,block of flats,0.1923,Panel,No,0.0,0.0,0.0,0.0,-1438.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,8.0 +2218005,285638,Cash loans,45864.36,450000.0,470790.0,,450000.0,MONDAY,15,Y,1,,,,XNA,Approved,-290,XNA,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Contact center,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-260.0,70.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,247500.0,810441.0,56533.5,765000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.011703,-12309,-2788,-1297.0,-4375,,1,1,0,1,1,0,Laborers,2.0,2,2,THURSDAY,9,0,0,0,0,1,1,Industry: type 9,0.6698346699518721,0.7097235476797327,0.5726825047161584,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1890.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1351124,287550,Consumer loans,9247.905,108738.0,97861.5,10876.5,108738.0,THURSDAY,15,Y,1,0.1089361333915216,,,XAP,Approved,-1348,Cash through the bank,XAP,Unaccompanied,New,Furniture,POS,XNA,Stone,121,Furniture,12.0,low_normal,POS industry with interest,365243.0,-1317.0,-987.0,-1077.0,-1072.0,0.0,0,Cash loans,F,N,Y,0,135000.0,1006920.0,40063.5,900000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.008575,-19172,-4096,-10583.0,-2707,,1,1,0,1,1,0,Sales staff,2.0,2,2,MONDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.9070368531075128,0.6199299605279817,,0.1409,0.1127,0.9796,0.7144,0.0128,0.0132,0.1952,0.2775,0.0417,0.0775,0.1137,0.1037,0.0051,0.0107,0.125,0.0755,0.9791,0.7190000000000001,0.0072,0.0,0.2759,0.3333,0.0417,0.0687,0.1065,0.0901,0.0,0.0,0.1249,0.1325,0.9796,0.7249,0.0158,0.0,0.2759,0.3333,0.0417,0.0816,0.1018,0.1118,0.0,0.0,reg oper account,block of flats,0.0719,Panel,No,0.0,0.0,0.0,0.0,-1348.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1772799,165439,Cash loans,8281.8,45000.0,45000.0,,45000.0,MONDAY,14,Y,1,,,,XNA,Approved,-948,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-918.0,-768.0,-768.0,-328.0,0.0,0,Cash loans,F,Y,Y,1,72000.0,225000.0,22383.0,225000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.028663,-12875,-1853,-2380.0,-2122,10.0,1,1,1,1,1,0,Core staff,3.0,2,2,THURSDAY,10,0,0,0,0,1,1,School,0.7950139591152281,0.4706674403368265,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,10.0,0.0,10.0,0.0,-1.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1093344,103176,Cash loans,23376.06,270000.0,291919.5,,270000.0,MONDAY,12,Y,1,,,,Buying a used car,Approved,-529,Cash through the bank,XAP,,Refreshed,XNA,Cash,walk-in,Country-wide,30,Connectivity,18.0,middle,Cash Street: middle,365243.0,-499.0,11.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,2,180000.0,640764.0,24957.0,459000.0,Unaccompanied,Working,Secondary / secondary special,Separated,With parents,0.035792000000000004,-12679,-2638,-6418.0,-3682,,1,1,0,1,0,0,Core staff,3.0,2,2,FRIDAY,14,0,0,0,0,0,0,Kindergarten,0.06859832432974715,0.6371639479854374,0.470456116119975,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-529.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1179974,396051,Consumer loans,9097.29,90900.0,81810.0,9090.0,90900.0,THURSDAY,7,Y,1,0.1089090909090909,,,XAP,Approved,-1106,Cash through the bank,XAP,Unaccompanied,Repeater,Medical Supplies,POS,XNA,Country-wide,51,Industry,10.0,low_normal,POS other with interest,365243.0,-1067.0,-797.0,-917.0,-914.0,0.0,0,Cash loans,F,Y,Y,0,180000.0,1046142.0,30717.0,913500.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,Municipal apartment,0.006629,-18471,365243,-7847.0,-2017,22.0,1,0,0,1,0,0,,2.0,2,2,THURSDAY,4,0,0,0,0,0,0,XNA,,0.7170293113271736,0.5478104658520093,0.0608,0.078,0.9876,0.83,0.0249,0.06,0.0517,0.3333,0.2083,0.0555,0.0492,0.0691,0.0019,0.0118,0.0294,0.0798,0.9861,0.8171,0.0244,0.0403,0.0345,0.3333,0.0417,0.0455,0.0248,0.0298,0.0,0.0027,0.0614,0.078,0.9876,0.8323,0.0251,0.06,0.0517,0.3333,0.2083,0.0564,0.05,0.0704,0.0019,0.0121,reg oper account,block of flats,0.0449,Panel,No,0.0,0.0,0.0,0.0,-2394.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1038005,262329,Cash loans,11566.845,135000.0,177651.0,,135000.0,TUESDAY,9,Y,1,,,,XNA,Refused,-321,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,N,0,202500.0,296280.0,23539.5,225000.0,Unaccompanied,Commercial associate,Higher education,Married,Municipal apartment,0.018801,-14204,-531,-1273.0,-543,,1,1,0,1,1,1,Accountants,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.5455302116835888,0.4245649908069293,0.4956658291397297,0.2804,,0.998,,,0.32,0.1379,0.625,,,,0.3263,,0.0813,0.2857,,0.998,,,0.3222,0.1379,0.625,,,,0.34,,0.0861,0.2831,,0.998,,,0.32,0.1379,0.625,,,,0.3322,,0.083,,block of flats,0.3876,Monolithic,No,2.0,0.0,2.0,0.0,-1603.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,5.0 +2804127,384161,Cash loans,16469.775,112500.0,137686.5,,112500.0,WEDNESDAY,13,Y,1,,,,XNA,Approved,-1181,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-1151.0,-821.0,-851.0,-847.0,1.0,0,Cash loans,F,N,Y,0,135000.0,835380.0,42781.5,675000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.010276,-14677,-6589,-8711.0,-5003,,1,1,0,1,0,0,Cooking staff,1.0,2,2,MONDAY,16,0,0,0,0,0,0,Restaurant,,0.4883649636070438,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1181.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2409543,206629,Consumer loans,3851.505,29650.5,32584.5,0.0,29650.5,TUESDAY,13,Y,1,0.0,,,XAP,Approved,-2138,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,108,Connectivity,12.0,high,POS mobile with interest,365243.0,-2107.0,-1777.0,-1807.0,-1804.0,0.0,0,Cash loans,F,N,N,2,180000.0,700830.0,25875.0,585000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.009334,-12484,-1171,-11720.0,-16,,1,1,0,1,0,0,,4.0,2,2,FRIDAY,11,0,0,0,0,0,0,Self-employed,,0.6635096885539535,,,0.1043,0.9786,0.7076,0.0179,0.0,0.2759,0.1667,0.2083,0.0411,0.1,0.114,0.0,0.0,,0.1082,0.9786,0.7190000000000001,0.0181,0.0,0.2759,0.1667,0.2083,0.042,0.1093,0.1187,0.0,0.0,,0.1043,0.9786,0.7115,0.018000000000000002,0.0,0.2759,0.1667,0.2083,0.0418,0.1018,0.116,0.0,0.0,reg oper account,block of flats,0.0994,Panel,No,0.0,0.0,0.0,0.0,-2138.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,0.0 +2732970,414698,Consumer loans,5913.45,60700.5,60700.5,0.0,60700.5,MONDAY,10,Y,1,0.0,,,XAP,Approved,-113,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,4000,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-83.0,247.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,2,355500.0,417024.0,25330.5,360000.0,Unaccompanied,State servant,Secondary / secondary special,Married,Office apartment,0.018209,-15582,-2995,-711.0,-4487,17.0,1,1,0,1,0,0,Drivers,4.0,3,3,TUESDAY,13,1,1,0,1,1,0,Police,,0.04490245418118555,0.7209441499436497,,,0.9846,,,,0.069,0.0417,,,,0.0126,,,,,0.9846,,,,0.069,0.0417,,,,0.0131,,,,,0.9846,,,,0.069,0.0417,,,,0.0128,,,,,0.0099,"Stone, brick",No,0.0,0.0,0.0,0.0,-2086.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1086345,305945,Consumer loans,4148.37,24705.0,20731.5,4950.0,24705.0,SATURDAY,11,Y,1,0.2099176449973716,,,XAP,Approved,-2313,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,55,Connectivity,6.0,high,POS mobile with interest,365243.0,-2266.0,-2116.0,-2146.0,-2144.0,1.0,0,Cash loans,F,N,N,0,108000.0,225000.0,10822.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.011703,-21254,-4002,-5075.0,-4780,,1,1,0,1,0,0,Laborers,1.0,2,2,MONDAY,11,0,0,0,0,1,1,Industry: type 2,,0.7507824488344468,0.4471785780453068,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1174.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2050789,375646,Cash loans,18852.435,90000.0,92970.0,,90000.0,TUESDAY,11,Y,1,,,,Urgent needs,Approved,-365,Cash through the bank,XAP,,Refreshed,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,,,,,,,0,Cash loans,M,Y,Y,0,90000.0,260568.0,28192.5,247500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018634,-22766,365243,-1161.0,-4698,3.0,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,,0.5846537263570463,0.813917469762627,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-3114.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1471540,140498,Consumer loans,13301.46,44761.5,49698.0,0.0,44761.5,SATURDAY,14,Y,1,0.0,,,XAP,Approved,-454,Cash through the bank,XAP,,Refreshed,Gardening,POS,XNA,Stone,1985,Construction,4.0,low_normal,POS industry with interest,365243.0,-423.0,-333.0,-393.0,-383.0,0.0,0,Cash loans,M,Y,N,0,225000.0,1078200.0,34780.5,900000.0,Unaccompanied,Working,Higher education,Married,Municipal apartment,0.009334,-12536,-2134,-6678.0,-4698,8.0,1,1,0,1,1,0,Managers,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,Transport: type 2,,0.5645319956865056,0.23791607950711405,0.0897,0.0313,0.9836,0.7688,0.0203,0.06,0.0345,0.5,0.5417,0.0082,0.0731,0.08,0.0116,0.0283,0.0882,0.0325,0.9831,0.7779,0.0205,0.0403,0.0345,0.5,0.5417,0.0084,0.0799,0.0817,0.0117,0.0225,0.0906,0.0313,0.9836,0.7719,0.0204,0.06,0.0345,0.5,0.5417,0.0083,0.0744,0.0815,0.0116,0.0289,reg oper spec account,block of flats,0.0776,"Stone, brick",No,1.0,0.0,1.0,0.0,-414.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2574091,241157,Consumer loans,8374.185,139500.0,125550.0,13950.0,139500.0,TUESDAY,11,Y,1,0.1089090909090909,,,XAP,Approved,-1570,Cash through the bank,XAP,Family,New,Furniture,POS,XNA,Stone,90,Furniture,18.0,low_normal,POS industry with interest,365243.0,-1533.0,-1023.0,-1233.0,-1229.0,0.0,0,Cash loans,F,N,Y,0,202500.0,728460.0,41949.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.010643000000000001,-20920,365243,-6453.0,-59,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,XNA,,0.5756096397937538,0.722392890081304,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1570.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2216895,392326,Consumer loans,2892.6,25177.5,21798.0,5040.0,25177.5,TUESDAY,12,Y,1,0.20452411438326928,,,XAP,Approved,-1875,Cash through the bank,XAP,Other_B,New,Mobile,POS,XNA,Country-wide,45,Connectivity,10.0,high,POS mobile with interest,365243.0,-1844.0,-1574.0,-1694.0,-1688.0,0.0,0,Cash loans,F,N,N,0,112500.0,562981.5,31563.0,486000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-15367,-8780,-790.0,-4175,,1,1,0,1,0,0,Medicine staff,2.0,3,3,MONDAY,13,0,0,0,0,0,0,Medicine,0.5346181184368435,0.5009367215849697,0.7421816117614419,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1875.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1738757,161318,Consumer loans,6139.845,122368.5,136138.5,0.0,122368.5,MONDAY,18,Y,1,0.0,,,XAP,Approved,-1593,Cash through the bank,XAP,Children,Repeater,Computers,POS,XNA,Country-wide,939,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1562.0,-872.0,-872.0,-859.0,0.0,0,Cash loans,F,N,N,1,67500.0,152820.0,15241.5,135000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.030755,-10682,-3750,-2684.0,-233,,1,1,0,1,0,0,Laborers,3.0,2,2,FRIDAY,18,0,0,0,0,0,0,Business Entity Type 2,0.4644529187620095,0.6388356448870666,,0.1191,0.0585,0.9816,0.7484,0.0118,0.08,0.069,0.3333,0.375,0.1258,0.0962,0.1072,0.0039,0.0249,0.1208,0.0607,0.9816,0.7583,0.0115,0.0806,0.069,0.3333,0.375,0.1287,0.1047,0.1115,0.0,0.0,0.1202,0.0585,0.9816,0.7518,0.0119,0.08,0.069,0.3333,0.375,0.128,0.0979,0.1091,0.0039,0.0255,reg oper account,block of flats,0.0845,"Stone, brick",No,0.0,0.0,0.0,0.0,-1966.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1349196,433885,Cash loans,25656.39,130500.0,134806.5,,130500.0,FRIDAY,16,Y,1,,,,Urgent needs,Refused,-284,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,157500.0,1129500.0,47853.0,1129500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-14143,365243,-1935.0,-4486,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,XNA,,0.753416250003921,0.6263042766749393,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-524.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,8.0 +2370942,308864,Consumer loans,4970.925,44509.5,49207.5,0.0,44509.5,THURSDAY,7,Y,1,0.0,,,XAP,Approved,-478,Cash through the bank,XAP,,New,Clothing and Accessories,POS,XNA,Regional / Local,640,Clothing,12.0,middle,POS industry with interest,365243.0,-447.0,-117.0,-147.0,-139.0,0.0,0,Cash loans,M,Y,N,0,153000.0,1009566.0,33363.0,904500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008068,-19796,-3032,-1580.0,-3224,16.0,1,1,1,1,0,0,Managers,2.0,3,3,WEDNESDAY,8,0,0,0,1,1,0,School,,0.4076713951609605,0.4329616670974407,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-478.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1827877,341930,Consumer loans,5561.01,46620.0,40770.0,5850.0,46620.0,TUESDAY,16,Y,1,0.13666198666198665,,,XAP,Refused,-1886,Cash through the bank,LIMIT,,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,10.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,0,157500.0,1258650.0,53325.0,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-21978,-1553,-2656.0,-2656,,1,1,1,1,1,0,Core staff,2.0,2,2,FRIDAY,16,0,0,0,0,0,0,School,0.7552301704093828,0.7378206949588759,0.3556387169923543,0.0787,0.0905,0.9796,0.7212,0.0,0.0,0.1838,0.1667,0.2083,0.0,0.0642,0.0778,0.0,0.0,0.0578,0.067,0.9796,0.7321,0.0,0.0,0.2069,0.1667,0.2083,0.0,0.0505,0.0579,0.0,0.0,0.0874,0.0963,0.9796,0.7249,0.0,0.0,0.2069,0.1667,0.2083,0.0,0.0718,0.0853,0.0,0.0,reg oper account,block of flats,0.0437,Panel,No,0.0,0.0,0.0,0.0,-1886.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,8.0 +1597802,166993,Consumer loans,13114.08,103770.0,112900.5,0.0,103770.0,FRIDAY,15,Y,1,0.0,,,XAP,Approved,-596,Cash through the bank,XAP,Children,Repeater,Computers,POS,XNA,Regional / Local,120,Consumer electronics,10.0,middle,POS household with interest,365243.0,-565.0,-295.0,-325.0,-314.0,0.0,0,Revolving loans,F,Y,N,1,180000.0,900000.0,45000.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.011656999999999999,-15558,-2182,-6360.0,-4173,7.0,1,1,0,1,0,0,Sales staff,3.0,1,1,SATURDAY,14,0,1,1,0,0,0,Trade: type 7,,0.5881117359803232,0.6894791426446275,0.0866,0.0584,0.9856,0.8028,0.0609,0.0,0.1552,0.1667,0.2083,0.0591,0.0689,0.0953,0.0077,0.0096,0.0714,0.0,0.9801,0.7387,0.0344,0.0,0.1379,0.1667,0.2083,0.0446,0.0588,0.0642,0.0,0.0,0.0874,0.0584,0.9856,0.8054,0.0613,0.0,0.1552,0.1667,0.2083,0.0602,0.0701,0.097,0.0078,0.0098,reg oper account,block of flats,0.0712,Block,No,1.0,1.0,1.0,1.0,-717.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2462579,394127,Cash loans,25512.165,675000.0,790830.0,,675000.0,FRIDAY,10,Y,1,,,,XNA,Approved,-747,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,0,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-717.0,1053.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,2,166500.0,1494000.0,32985.0,1494000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.01885,-13944,-1030,-1780.0,-4415,,1,1,0,1,0,0,Laborers,4.0,2,2,WEDNESDAY,13,0,0,0,0,1,1,Restaurant,,0.6696817307713981,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1889.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2291262,336150,Cash loans,18692.955,180000.0,191880.0,,180000.0,THURSDAY,11,Y,1,,,,XNA,Approved,-182,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-152.0,178.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,N,0,270000.0,728460.0,38578.5,675000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.011703,-18599,-1850,-3236.0,-1302,4.0,1,1,0,1,0,1,Managers,2.0,2,2,WEDNESDAY,13,0,0,0,1,1,1,Hotel,0.6868203582841145,0.6815659291991278,0.5762088360175724,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-516.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,6.0 +2052220,382832,Cash loans,9065.88,135000.0,152820.0,,135000.0,WEDNESDAY,15,Y,0,,,,XNA,Approved,-561,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-531.0,159.0,-291.0,-284.0,1.0,0,Cash loans,F,N,Y,0,270000.0,619965.0,20128.5,517500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.011703,-22451,365243,-9276.0,-4262,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,16,0,0,0,0,0,0,XNA,,0.6690961565300876,0.6706517530862718,0.1309,0.1355,0.9836,0.7756,0.0206,0.0,0.3448,0.1667,0.2083,0.1008,0.1067,0.0825,0.0,0.0,0.1334,0.1406,0.9836,0.7844,0.0208,0.0,0.3448,0.1667,0.2083,0.1031,0.1166,0.0375,0.0,0.0,0.1322,0.1355,0.9836,0.7786,0.0207,0.0,0.3448,0.1667,0.2083,0.1025,0.1086,0.084,0.0,0.0,reg oper spec account,block of flats,0.0283,"Stone, brick",No,0.0,0.0,0.0,0.0,-1943.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1223146,223345,Consumer loans,5551.875,21105.0,21105.0,0.0,21105.0,FRIDAY,7,Y,1,0.0,,,XAP,Approved,-103,Cash through the bank,XAP,,Refreshed,Gardening,POS,XNA,Stone,21,Construction,4.0,low_normal,POS industry with interest,365243.0,-69.0,21.0,-9.0,-3.0,0.0,0,Cash loans,M,Y,N,0,67500.0,215640.0,13158.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018209,-20593,-2039,-3496.0,-3528,30.0,1,1,1,1,1,0,Laborers,2.0,3,3,TUESDAY,11,0,0,0,0,1,1,Business Entity Type 3,,0.43452579667622027,0.5585066276769286,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-26.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2051953,110263,Consumer loans,7209.765,66613.5,64894.5,6664.5,66613.5,TUESDAY,12,Y,1,0.1014302374772756,,,XAP,Approved,-2201,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,2226,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2170.0,-1900.0,-1900.0,-1895.0,1.0,0,Cash loans,F,N,Y,0,135000.0,1042560.0,37575.0,900000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.025164,-16982,-3044,-4155.0,-536,,1,1,0,1,0,1,Laborers,2.0,2,2,FRIDAY,17,0,0,0,0,0,0,Business Entity Type 1,0.6347314473708843,0.2930897022262147,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1551.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1368129,426255,Consumer loans,4021.155,30955.5,34020.0,0.0,30955.5,MONDAY,14,Y,1,0.0,,,XAP,Approved,-2381,Cash through the bank,XAP,Other_A,Repeater,Mobile,POS,XNA,Country-wide,15,Connectivity,12.0,high,POS mobile with interest,365243.0,-2350.0,-2020.0,-2020.0,-2018.0,0.0,0,Cash loans,F,N,Y,0,144000.0,601470.0,30838.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.010006000000000001,-14600,-202,-55.0,-1082,,1,1,0,1,0,0,Sales staff,1.0,2,2,TUESDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.3747434945171954,0.49346384875239097,,0.2155,0.1223,0.999,0.9864,0.0549,0.24,0.2069,0.3333,0.2917,0.1286,0.174,0.2137,0.0077,0.043,0.2195,0.1269,0.999,0.9869,0.0554,0.2417,0.2069,0.3333,0.2917,0.1316,0.1901,0.2227,0.0078,0.0456,0.2176,0.1223,0.999,0.9866,0.0553,0.24,0.2069,0.3333,0.2917,0.1309,0.177,0.2176,0.0078,0.0439,reg oper account,block of flats,0.1775,Panel,No,3.0,0.0,3.0,0.0,-2404.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1293059,106975,Consumer loans,12435.93,149265.0,168475.5,0.0,149265.0,FRIDAY,13,Y,1,0.0,,,XAP,Refused,-157,Cash through the bank,LIMIT,Family,Repeater,Computers,POS,XNA,Regional / Local,200,Consumer electronics,18.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,112500.0,755190.0,35122.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.003069,-19709,-570,-12177.0,-2524,,1,1,0,1,0,0,Laborers,2.0,3,3,MONDAY,12,0,0,0,0,0,0,Self-employed,,0.6404939148854696,0.6092756673894402,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-276.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2288505,126333,Consumer loans,6677.46,121729.5,147438.0,0.0,121729.5,MONDAY,8,Y,1,0.0,,,XAP,Approved,-855,Cash through the bank,XAP,"Spouse, partner",New,Computers,POS,XNA,Country-wide,1000,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-823.0,-133.0,-223.0,-219.0,0.0,1,Cash loans,M,Y,Y,1,157500.0,1029784.5,54994.5,927000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.008068,-19629,-488,-3809.0,-3176,8.0,1,1,0,1,0,0,Laborers,3.0,3,3,TUESDAY,8,0,0,0,0,0,0,Business Entity Type 3,0.6533055179387852,0.3808725340313856,0.4614823912998385,0.3505,0.3545,0.9925,0.898,0.0225,0.4,0.3448,0.375,0.4167,0.0772,0.2849,0.4915,0.0039,0.006,0.3571,0.3678,0.9926,0.902,0.0227,0.4028,0.3448,0.375,0.4167,0.079,0.3113,0.5121,0.0039,0.0064,0.3539,0.3545,0.9925,0.8994,0.0226,0.4,0.3448,0.375,0.4167,0.0785,0.2899,0.5004,0.0039,0.0061,reg oper account,block of flats,0.4002,"Stone, brick",No,0.0,0.0,0.0,0.0,-855.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1123987,367101,Consumer loans,21163.95,264550.5,211639.5,52911.0,264550.5,FRIDAY,14,Y,1,0.21782188690215706,,,XAP,Refused,-2462,Cash through the bank,HC,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,2222,Consumer electronics,12.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,180000.0,770292.0,51813.0,688500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.010006000000000001,-18097,-9705,-7256.0,-1647,,1,1,0,1,0,0,,1.0,2,1,WEDNESDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.7982286226377925,,0.0637,0.098,0.9866,0.8164,0.0099,0.0,0.1655,0.15,0.1042,0.0695,0.0496,0.0646,0.0051,0.008,0.0672,0.0995,0.9841,0.7909,0.0149,0.0,0.2069,0.1667,0.0,0.0826,0.0808,0.0766,0.0078,0.0086,0.0666,0.0959,0.9841,0.7853,0.0149,0.0,0.2069,0.1667,0.1042,0.0822,0.0752,0.0748,0.0078,0.0083,org spec account,block of flats,0.077,Panel,No,0.0,0.0,0.0,0.0,-1601.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2346177,442818,Consumer loans,13882.815,134527.5,148734.0,0.0,134527.5,THURSDAY,7,Y,1,0.0,,,XAP,Approved,-410,Cash through the bank,XAP,,Refreshed,Computers,POS,XNA,Country-wide,650,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-379.0,-49.0,-109.0,-106.0,0.0,0,Cash loans,F,N,Y,0,78750.0,269550.0,19170.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.018029,-15629,-370,-6409.0,-4963,,1,1,0,1,0,0,Laborers,1.0,3,3,MONDAY,9,0,0,0,0,0,0,Other,,0.4135350016047703,0.7713615919194317,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1466.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1928274,175933,Cash loans,8446.725,67500.0,81157.5,,67500.0,SUNDAY,15,Y,1,,,,XNA,Approved,-1066,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1036.0,-706.0,-826.0,-820.0,1.0,0,Revolving loans,M,Y,Y,0,72000.0,135000.0,6750.0,135000.0,Unaccompanied,Working,Incomplete higher,Married,Office apartment,0.019101,-11498,-201,-5403.0,-4081,10.0,1,1,1,1,1,0,High skill tech staff,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Telecom,0.3856935218342558,0.4924034832366161,0.4776491548517548,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1232.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1845201,282286,Consumer loans,10526.805,114120.0,100935.0,22824.0,114120.0,SATURDAY,14,Y,1,0.2008533594250997,,,XAP,Approved,-1101,Cash through the bank,XAP,Family,Repeater,Auto Accessories,POS,XNA,Country-wide,184,Industry,12.0,middle,POS other with interest,365243.0,-1070.0,-740.0,-740.0,-735.0,0.0,0,Cash loans,M,Y,Y,0,337500.0,1255680.0,41629.5,1125000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,Rented apartment,0.016612000000000002,-10302,-2033,-3632.0,-2952,2.0,1,1,0,1,0,0,Drivers,1.0,2,2,MONDAY,9,0,0,0,1,1,0,Business Entity Type 3,0.348373264347368,0.3689480652011116,0.5709165417729987,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1764.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,0.0 +2675210,388762,Cash loans,5293.62,67500.0,74182.5,,67500.0,MONDAY,11,Y,1,,,,XNA,Approved,-171,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-141.0,369.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,157500.0,288873.0,11020.5,238500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.016612000000000002,-21735,365243,-8449.0,-36,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,15,0,0,0,0,0,0,XNA,,0.3526406416581002,0.7738956942145427,0.0082,0.0,0.9672,0.5512,0.0094,0.0,0.0345,0.0417,0.0833,0.0313,0.0067,0.0081,0.0,0.0,0.0084,0.0,0.9672,0.5688,0.0094,0.0,0.0345,0.0417,0.0833,0.032,0.0073,0.0084,0.0,0.0,0.0083,0.0,0.9672,0.5572,0.0094,0.0,0.0345,0.0417,0.0833,0.0318,0.0068,0.0082,0.0,0.0,reg oper account,block of flats,0.0115,Block,Yes,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1619290,113306,Consumer loans,11927.88,81531.0,98091.0,4500.0,81531.0,FRIDAY,16,Y,1,0.0477713356036016,,,XAP,Approved,-1005,Cash through the bank,XAP,Family,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,30,Connectivity,12.0,high,POS mobile with interest,365243.0,-974.0,-644.0,-644.0,-639.0,0.0,0,Cash loans,M,N,Y,0,67500.0,450000.0,22018.5,450000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.031329,-10855,-138,-4807.0,-3023,,1,1,1,1,1,0,Security staff,2.0,2,2,TUESDAY,11,0,1,1,1,1,1,Self-employed,,0.10404629870899693,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1152624,239425,Revolving loans,7875.0,0.0,157500.0,,0.0,FRIDAY,15,Y,1,,,,XAP,Approved,-1317,XNA,XAP,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,225000.0,364896.0,16200.0,315000.0,Family,Pensioner,Secondary / secondary special,Separated,House / apartment,0.016612000000000002,-17110,365243,-106.0,-481,,1,0,0,1,0,0,,1.0,2,2,SATURDAY,15,0,0,0,0,0,0,XNA,0.509820044070022,0.6914344076077911,,0.0711,0.0755,0.9801,0.728,0.033,0.0,0.1379,0.1667,0.2083,0.0286,0.0563,0.0648,0.0077,0.0432,0.0725,0.0784,0.9801,0.7387,0.0333,0.0,0.1379,0.1667,0.2083,0.0292,0.0615,0.0675,0.0078,0.0457,0.0718,0.0755,0.9801,0.7316,0.0332,0.0,0.1379,0.1667,0.2083,0.0291,0.0573,0.0659,0.0078,0.0441,reg oper account,block of flats,0.0784,"Stone, brick",No,0.0,0.0,0.0,0.0,-1615.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2282709,372235,Cash loans,19924.11,157500.0,167895.0,,157500.0,SATURDAY,14,Y,1,,,,XNA,Approved,-923,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),4,XNA,12.0,high,Cash Street: high,365243.0,-893.0,-563.0,-683.0,-676.0,1.0,0,Cash loans,F,Y,N,0,223200.0,539230.5,29380.5,409500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0228,-17120,-2119,-7255.0,-669,9.0,1,1,0,1,0,0,Cleaning staff,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.4118318285777385,0.6270038266257447,0.248535557339522,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-1109.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2247303,239781,Cash loans,4383.9,45000.0,45000.0,,45000.0,FRIDAY,11,Y,1,,,,XNA,Approved,-832,XNA,XAP,Family,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),6,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-802.0,-472.0,-472.0,-466.0,0.0,0,Cash loans,M,Y,Y,0,90000.0,95940.0,9342.0,90000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018209,-18366,365243,-10452.0,-1910,41.0,1,0,0,1,1,0,,2.0,3,3,THURSDAY,9,0,0,0,0,0,0,XNA,0.32958019818874634,0.5088682580747431,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1837.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2083433,423302,Consumer loans,2202.84,29205.0,18990.0,11925.0,29205.0,WEDNESDAY,11,Y,1,0.4201005690088658,,,XAP,Approved,-1828,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,72,Connectivity,12.0,high,POS mobile with interest,365243.0,-1797.0,-1467.0,-1647.0,-1642.0,0.0,0,Cash loans,F,N,N,1,130500.0,1350000.0,39474.0,1350000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-15084,-2255,-2904.0,-2579,,1,1,1,1,1,0,Sales staff,3.0,3,3,WEDNESDAY,8,0,0,0,0,0,0,Business Entity Type 3,0.6053037251072543,0.2517987560110147,,0.0938,0.114,0.9781,0.7008,0.0109,0.0,0.2069,0.1667,0.2083,0.1782,0.0731,0.0816,0.0154,0.0299,0.0956,0.1183,0.9782,0.7125,0.011,0.0,0.2069,0.1667,0.2083,0.1823,0.0799,0.0851,0.0156,0.0317,0.0947,0.114,0.9781,0.7048,0.0109,0.0,0.2069,0.1667,0.2083,0.1813,0.0744,0.0831,0.0155,0.0305,reg oper account,block of flats,0.0767,"Stone, brick",No,0.0,0.0,0.0,0.0,-1828.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1488514,256352,Consumer loans,26167.86,240241.5,240241.5,0.0,240241.5,THURSDAY,17,Y,1,0.0,,,XAP,Approved,-461,Cash through the bank,XAP,,New,Construction Materials,POS,XNA,Regional / Local,40,Construction,10.0,low_action,POS industry with interest,365243.0,-430.0,-160.0,-160.0,-157.0,0.0,0,Cash loans,M,Y,Y,2,112500.0,1032133.5,34240.5,891000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.006296,-12518,-3029,-253.0,-4794,13.0,1,1,0,1,0,0,Laborers,4.0,3,3,WEDNESDAY,16,0,0,0,0,0,0,Industry: type 9,,0.5610991807488832,0.7922644738669378,0.0722,0.0623,0.9796,0.7212,0.008,0.0,0.1379,0.1667,0.2083,0.0279,0.0588,0.0417,0.0,0.0,0.0735,0.0647,0.9796,0.7321,0.0081,0.0,0.1379,0.1667,0.2083,0.0286,0.0643,0.0435,0.0,0.0,0.0729,0.0623,0.9796,0.7249,0.008,0.0,0.1379,0.1667,0.2083,0.0284,0.0599,0.0425,0.0,0.0,reg oper account,block of flats,0.0492,"Stone, brick",No,1.0,0.0,1.0,0.0,-461.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,0.0 +2221950,197076,Consumer loans,7028.37,59085.0,68445.0,0.0,59085.0,TUESDAY,10,Y,1,0.0,,,XAP,Approved,-102,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,200,Consumer electronics,12.0,middle,POS household with interest,365243.0,-72.0,258.0,365243.0,365243.0,1.0,1,Cash loans,F,N,N,0,207000.0,454500.0,21865.5,454500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.020713,-9884,-3244,-3824.0,-841,,1,1,1,1,0,0,Sales staff,2.0,3,3,THURSDAY,16,0,0,0,0,0,0,Self-employed,0.3030769236461517,0.2942009537785405,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,10.0,2.0,10.0,1.0,-1505.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1157769,379968,Cash loans,27156.735,225000.0,254700.0,,225000.0,WEDNESDAY,16,Y,1,,,,XNA,Approved,-77,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-47.0,283.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,N,0,157500.0,886176.0,47214.0,765000.0,Family,Commercial associate,Higher education,Married,With parents,0.003069,-15504,-3115,-1366.0,-4030,8.0,1,1,0,1,0,0,Managers,2.0,3,3,WEDNESDAY,15,0,0,0,0,0,0,Self-employed,0.5944347049990826,0.7123922532611373,,0.0928,0.1054,0.9801,,,0.0,0.2069,0.1667,,,,0.0537,,0.0026,0.0945,0.1093,0.9801,,,0.0,0.2069,0.1667,,,,0.0559,,0.0027,0.0937,0.1054,0.9801,,,0.0,0.2069,0.1667,,,,0.0546,,0.0026,,block of flats,0.0625,"Stone, brick",No,0.0,0.0,0.0,0.0,-803.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1002299,261931,Revolving loans,0.0,0.0,0.0,,0.0,WEDNESDAY,14,Y,1,,,,XAP,Approved,-310,XNA,XAP,,New,XNA,Cards,walk-in,Country-wide,35,Connectivity,0.0,XNA,Card Street,-310.0,-263.0,365243.0,-232.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,180000.0,545040.0,26640.0,450000.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.030755,-16676,-1950,-1605.0,-239,1.0,1,1,0,1,0,0,Managers,1.0,2,2,FRIDAY,18,0,0,0,0,0,0,Business Entity Type 3,,0.6600443475753327,0.30620229831350426,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1653051,115652,Consumer loans,3866.805,18805.5,18805.5,0.0,18805.5,THURSDAY,7,Y,1,0.0,,,XAP,Approved,-347,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,27,Connectivity,6.0,high,POS mobile with interest,365243.0,-273.0,-123.0,-243.0,-239.0,0.0,0,Cash loans,F,N,Y,0,250200.0,95940.0,9616.5,90000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0228,-20907,-869,-6625.0,-3973,,1,1,0,1,0,0,Cleaning staff,2.0,2,2,MONDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.15967923350263774,0.6986675550534175,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-550.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1111129,335630,Revolving loans,6750.0,0.0,135000.0,,,THURSDAY,17,Y,1,,,,XAP,Approved,-2736,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,670,Consumer electronics,0.0,XNA,Card Street,-2736.0,-2688.0,365243.0,-2261.0,365243.0,1.0,0,Cash loans,M,Y,N,0,270000.0,1174090.5,52375.5,1080000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-19484,-6339,-11235.0,-3011,14.0,1,1,0,1,1,0,Security staff,2.0,1,1,TUESDAY,18,0,0,0,0,0,0,Business Entity Type 3,,0.6762317166988221,0.6363761710860439,0.1481,0.0764,0.9791,0.7144,0.0444,0.16,0.1379,0.3333,0.1525,0.0,0.1205,0.1417,0.0013,0.0003,0.0756,0.04,0.9791,0.7256,0.0225,0.0806,0.069,0.3333,0.0417,0.0,0.0661,0.0798,0.0,0.0,0.0749,0.0391,0.9791,0.7182,0.0226,0.08,0.069,0.3333,0.0417,0.0,0.0616,0.0784,0.0,0.0,reg oper account,block of flats,0.2137,Panel,No,0.0,0.0,0.0,0.0,-2933.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1270776,417796,Cash loans,20869.65,540000.0,646920.0,,540000.0,FRIDAY,8,Y,1,,,,XNA,Approved,-529,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-499.0,1271.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,N,0,76500.0,562500.0,16447.5,562500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-21164,365243,-11238.0,-4428,19.0,1,0,0,1,1,0,,2.0,2,2,SATURDAY,9,0,0,0,0,0,0,XNA,,0.6226003770811129,0.4507472818545589,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-529.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2496330,100815,Consumer loans,6489.585,57033.0,55561.5,5706.0,57033.0,SATURDAY,11,Y,1,0.10142984008279632,,,XAP,Approved,-2252,Cash through the bank,XAP,Family,Repeater,Construction Materials,POS,XNA,Stone,180,Consumer electronics,10.0,middle,POS household with interest,365243.0,-2221.0,-1951.0,-1951.0,-1943.0,1.0,0,Cash loans,M,Y,Y,0,112500.0,225000.0,12694.5,225000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.01885,-22725,365243,-8534.0,-4299,3.0,1,0,0,1,1,0,,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,XNA,,0.4290908985018419,0.7726311345553628,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-170.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2015178,133861,Consumer loans,10591.065,115623.0,115623.0,0.0,115623.0,WEDNESDAY,12,Y,1,0.0,,,XAP,Approved,-1218,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Regional / Local,142,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-1187.0,-857.0,-917.0,-913.0,0.0,0,Cash loans,M,N,Y,1,135000.0,61128.0,7024.5,54000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0031219999999999998,-15109,-1985,-2387.0,-2573,,1,1,0,1,0,0,Managers,3.0,3,3,WEDNESDAY,13,0,0,0,0,0,0,Industry: type 3,0.3192335781710954,0.6926880148870068,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-30.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1473649,355236,Consumer loans,7139.745,26955.0,25060.5,2695.5,26955.0,TUESDAY,11,Y,1,0.1057661242777974,,,XAP,Approved,-2671,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Stone,28,Connectivity,4.0,high,POS mobile with interest,365243.0,-2640.0,-2550.0,-2550.0,-2540.0,1.0,0,Cash loans,M,N,N,0,157500.0,755190.0,38556.0,675000.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.014464,-15448,-378,-249.0,-4658,,1,1,1,1,0,0,,1.0,2,2,TUESDAY,8,0,0,0,0,1,1,Industry: type 9,0.4905368327260236,0.5967549409019514,0.7675231046555077,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2671.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,7.0 +1323282,276494,Cash loans,14352.345,135000.0,171409.5,,135000.0,FRIDAY,10,Y,1,,,,XNA,Approved,-1270,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,18.0,high,Cash X-Sell: high,365243.0,-1240.0,-730.0,-730.0,-721.0,1.0,0,Cash loans,M,N,N,0,162000.0,553806.0,28404.0,495000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008473999999999999,-17865,-1075,-1406.0,-1420,,1,1,0,1,0,0,Low-skill Laborers,2.0,2,2,MONDAY,10,0,0,0,0,1,1,Self-employed,,0.6129967460772711,0.33285056416487313,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1270.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1501556,347804,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,12,Y,1,,,,XAP,Refused,-100,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Stone,111,Consumer electronics,0.0,XNA,Card X-Sell,,,,,,,1,Cash loans,F,N,Y,0,202500.0,270000.0,13261.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.018029,-19680,-3991,-5953.0,-3178,,1,1,0,1,0,0,Accountants,1.0,3,3,FRIDAY,10,0,0,0,0,1,1,Self-employed,,0.5595152971549956,0.4722533429586386,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1675.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1937904,386565,Consumer loans,9196.83,47241.0,49734.0,0.0,47241.0,SATURDAY,10,Y,1,0.0,,,XAP,Approved,-472,Cash through the bank,XAP,"Spouse, partner",New,Audio/Video,POS,XNA,Country-wide,765,Consumer electronics,6.0,middle,POS household with interest,365243.0,-441.0,-291.0,-441.0,-429.0,0.0,0,Cash loans,M,N,Y,0,315000.0,542358.0,64494.0,499500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.020713,-12602,-242,-438.0,-1596,,1,1,0,1,0,0,Laborers,2.0,3,1,TUESDAY,14,0,0,0,0,0,0,Business Entity Type 2,,0.1755938343787839,,0.3082,0.0,0.9811,0.7416,0.0507,0.08,0.0345,0.3333,0.0,0.0469,0.248,0.1212,0.0154,0.1043,0.3141,0.0,0.9811,0.7517,0.0512,0.0806,0.0345,0.3333,0.0,0.048,0.2709,0.1263,0.0156,0.1104,0.3112,0.0,0.9811,0.7451,0.051,0.08,0.0345,0.3333,0.0,0.0477,0.2522,0.1234,0.0155,0.1064,reg oper account,block of flats,0.1457,Panel,No,2.0,1.0,2.0,0.0,-389.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1469209,234201,Consumer loans,2845.62,16848.0,15160.5,1687.5,16848.0,SATURDAY,18,Y,1,0.1090836247086247,,,XAP,Approved,-2260,Cash through the bank,XAP,"Spouse, partner",New,Clothing and Accessories,POS,XNA,Stone,732,Clothing,6.0,middle,POS industry with interest,365243.0,-2211.0,-2061.0,-2061.0,-2056.0,0.0,0,Cash loans,F,N,Y,0,207000.0,1575000.0,54877.5,1575000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-21644,-224,-855.0,-4320,,1,1,0,1,1,0,Cleaning staff,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,Cleaning,,0.6454835308741504,0.3962195720630885,0.1959,0.1178,0.9975,0.966,0.3337,0.2,0.1724,0.375,0.0417,0.198,0.1513,0.2086,0.0386,0.0847,0.1996,0.1222,0.9975,0.9673,0.3368,0.2014,0.1724,0.375,0.0417,0.2025,0.1653,0.2173,0.0389,0.0897,0.1978,0.1178,0.9975,0.9665,0.3359,0.2,0.1724,0.375,0.0417,0.2014,0.1539,0.2123,0.0388,0.0865,reg oper account,block of flats,0.2702,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2009402,155285,Cash loans,32456.61,922500.0,1230349.5,,922500.0,MONDAY,9,Y,1,,,,Other,Refused,-231,Cash through the bank,SCOFR,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_action,Cash Street: low,,,,,,,0,Cash loans,M,Y,N,0,135000.0,360000.0,24484.5,360000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.018029,-9096,-791,-3772.0,-1665,21.0,1,1,1,1,1,0,,1.0,3,3,MONDAY,10,0,0,0,0,0,0,Transport: type 4,,0.07181234704570665,0.4722533429586386,0.0619,0.0,0.9747,0.6532,0.0053,0.0,0.1034,0.1667,0.0417,0.0297,0.0504,0.048,0.0,0.0,0.063,0.0,0.9747,0.6668,0.0053,0.0,0.1034,0.1667,0.0417,0.0304,0.0551,0.05,0.0,0.0,0.0625,0.0,0.9747,0.6578,0.0053,0.0,0.1034,0.1667,0.0417,0.0302,0.0513,0.0489,0.0,0.0,,block of flats,0.0406,"Stone, brick",No,0.0,0.0,0.0,0.0,-231.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1484184,132321,Consumer loans,1529.865,15300.0,13770.0,1530.0,15300.0,THURSDAY,12,Y,1,0.1089090909090909,,,XAP,Refused,-2520,Non-cash from your account,SCO,Unaccompanied,Repeater,XNA,POS,XNA,Stone,17,Consumer electronics,10.0,low_normal,POS household with interest,,,,,,,0,Cash loans,M,Y,Y,1,229500.0,1506816.0,47313.0,1350000.0,Family,State servant,Higher education,Married,Office apartment,0.02461,-14029,-5850,-1259.0,-4851,16.0,1,1,1,1,1,0,Core staff,3.0,2,2,THURSDAY,13,0,0,0,0,0,0,Police,0.3737664034184423,0.6383158073187251,0.6479768603302221,0.023,0.0202,0.998,0.9728,0.0186,0.0,0.0345,0.1667,0.2083,0.0058,0.0188,0.0197,0.0,0.0,0.0147,0.0121,0.998,0.9739,0.0116,0.0,0.0,0.1667,0.2083,0.0039,0.0129,0.0117,0.0,0.0,0.0146,0.0125,0.998,0.9732,0.0119,0.0,0.0345,0.1667,0.2083,0.0039,0.012,0.0114,0.0,0.0,reg oper account,block of flats,0.0359,"Stone, brick",No,0.0,0.0,0.0,0.0,-1377.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2253142,256578,Consumer loans,5817.825,23917.5,22279.5,2394.0,23917.5,THURSDAY,16,Y,1,0.10567141412299164,,,XAP,Approved,-795,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,50,Consumer electronics,4.0,low_normal,POS household with interest,365243.0,-758.0,-668.0,-668.0,-665.0,0.0,0,Cash loans,F,Y,Y,0,85500.0,684657.0,22216.5,571500.0,Family,Working,Secondary / secondary special,Married,Office apartment,0.031329,-21904,-3586,-8581.0,-2146,3.0,1,1,0,1,0,0,Core staff,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Medicine,,0.5761277191235533,0.5406544504453575,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-2192.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2332832,154371,Consumer loans,19394.055,180648.0,174564.0,18067.5,180648.0,TUESDAY,11,Y,1,0.1021491812086808,,,XAP,Approved,-1686,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Regional / Local,690,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1655.0,-1385.0,-1385.0,-1380.0,0.0,0,Cash loans,M,Y,Y,0,180000.0,760225.5,30280.5,679500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.020713,-15567,-2470,-2132.0,-4539,18.0,1,1,0,1,0,0,Laborers,2.0,3,2,MONDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.6658797402233901,0.5712609582092208,0.7032033049040319,0.3216,0.0408,0.9965,0.9524,0.0931,0.24,0.2069,0.375,0.4167,0.1848,0.2622,0.3026,0.0,0.0323,0.3277,0.0424,0.9965,0.9543,0.0939,0.2417,0.2069,0.375,0.4167,0.189,0.2865,0.3152,0.0,0.0342,0.3248,0.0408,0.9965,0.953,0.0937,0.24,0.2069,0.375,0.4167,0.188,0.2668,0.308,0.0,0.033,,block of flats,0.313,Panel,No,0.0,0.0,0.0,0.0,-1686.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1773576,411875,Cash loans,59670.045,1215000.0,1338493.5,,1215000.0,WEDNESDAY,12,Y,1,,,,XNA,Approved,-655,XNA,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,42.0,middle,Cash X-Sell: middle,365243.0,-622.0,608.0,-562.0,-560.0,0.0,0,Cash loans,M,Y,N,0,315000.0,900000.0,23872.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-16553,-3422,-1560.0,-99,11.0,1,1,0,1,0,0,,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,Transport: type 4,0.2228712631758011,0.6917282572826633,0.5352762504724826,0.099,0.194,0.9891,0.8504,0.0148,0.02,0.1207,0.25,0.0417,0.0522,0.0807,0.0567,0.0,0.0,0.0756,0.1132,0.9891,0.8563,0.0121,0.0,0.0345,0.1667,0.0417,0.0401,0.0661,0.0512,0.0,0.0,0.0999,0.194,0.9891,0.8524,0.0149,0.02,0.1207,0.25,0.0417,0.0531,0.0821,0.0577,0.0,0.0,reg oper account,block of flats,0.0394,Panel,No,0.0,0.0,0.0,0.0,-1683.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2389605,135766,Consumer loans,10956.69,95634.0,82134.0,13500.0,95634.0,WEDNESDAY,14,Y,1,0.15373954109131974,,,XAP,Refused,-2466,XNA,SCO,Children,Repeater,Computers,POS,XNA,Stone,122,Consumer electronics,10.0,low_normal,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,90000.0,526491.0,17527.5,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.030755,-21411,365243,-2083.0,-4699,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,9,0,0,0,0,0,0,XNA,,0.5604905546190478,0.2392262794694045,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-224.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2149122,376673,Consumer loans,2996.19,29965.5,26968.5,2997.0,29965.5,SATURDAY,13,Y,1,0.10892544608117516,,,XAP,Approved,-2222,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,780,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2188.0,-1918.0,-1918.0,-1913.0,0.0,0,Cash loans,F,N,Y,0,112500.0,536917.5,17874.0,463500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.009175,-22426,365243,-12025.0,-4191,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,,0.7120695538298979,0.7713615919194317,0.001,,0.9622,,,0.0,0.0345,0.0,,,,0.0007,,,0.0011,,0.9623,,,0.0,0.0345,0.0,,,,0.0008,,,0.001,,0.9622,,,0.0,0.0345,0.0,,,,0.0008,,,,,0.0006,Wooden,No,3.0,0.0,3.0,0.0,-1498.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2229278,238792,Consumer loans,9835.965,83250.0,82836.0,8325.0,83250.0,SATURDAY,11,Y,1,0.09945790215313363,,,XAP,Approved,-675,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,15,Connectivity,12.0,high,POS mobile with interest,365243.0,-644.0,-314.0,-404.0,-401.0,0.0,0,Cash loans,F,N,Y,1,135000.0,808650.0,26217.0,675000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.04622,-15591,-700,-9287.0,-3672,,1,1,0,1,0,0,Cooking staff,3.0,1,1,TUESDAY,10,0,0,0,0,1,1,Government,,0.6912710907877841,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-675.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1643143,219528,Consumer loans,3743.955,46368.0,37094.4,9273.6,46368.0,FRIDAY,12,Y,1,0.2178181818181818,0.1891363481808909,0.8350951374207188,XAP,Approved,-270,XNA,XAP,,New,Mobile,POS,XNA,Country-wide,10,Connectivity,12.0,middle,POS mobile with interest,365243.0,-191.0,139.0,-101.0,-93.0,0.0,0,Revolving loans,F,N,Y,0,81000.0,225000.0,11250.0,225000.0,Unaccompanied,Commercial associate,Incomplete higher,Married,Rented apartment,0.031329,-11320,-126,-3492.0,-320,,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,16,0,0,0,1,1,0,Self-employed,0.319364222647739,0.1137465304160271,0.326475210066026,0.1237,0.0979,0.9791,,,0.0,0.069,0.1667,,0.043,,0.0638,,0.0159,0.1261,0.1016,0.9791,,,0.0,0.069,0.1667,,0.044,,0.0665,,0.0168,0.1249,0.0979,0.9791,,,0.0,0.069,0.1667,,0.0438,,0.065,,0.0162,,block of flats,0.0606,"Stone, brick",No,1.0,0.0,1.0,0.0,-270.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2726723,123017,Consumer loans,3137.355,23040.0,25321.5,0.0,23040.0,SATURDAY,15,Y,1,0.0,,,XAP,Approved,-2293,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,37,Connectivity,12.0,high,POS mobile with interest,365243.0,-2262.0,-1932.0,-1932.0,-1928.0,0.0,0,Cash loans,F,N,Y,0,67500.0,358344.0,21919.5,283500.0,Family,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-20728,365243,-1930.0,-3631,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,XNA,,0.2386629286685639,0.524496446363472,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2006305,444196,Revolving loans,10125.0,202500.0,202500.0,,202500.0,SATURDAY,6,Y,1,,,,XAP,Approved,-232,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,90000.0,397881.0,22347.0,328500.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.020713,-23474,365243,-14883.0,-4468,,1,0,0,1,0,0,,1.0,3,2,SUNDAY,7,0,0,0,0,0,0,XNA,,0.3302297000270924,0.7738956942145427,0.0041,0.0,0.9732,0.6328,0.0,0.0,0.0345,0.0,0.0417,0.0108,0.0034,0.0021,0.0,0.0,0.0042,0.0,0.9732,0.6472,0.0,0.0,0.0345,0.0,0.0417,0.0111,0.0037,0.0022,0.0,0.0,0.0042,0.0,0.9732,0.6377,0.0,0.0,0.0345,0.0,0.0417,0.011,0.0034,0.0021,0.0,0.0,reg oper account,block of flats,0.0016,Wooden,No,0.0,0.0,0.0,0.0,-673.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,1.0,0.0,1.0,0.0,6.0 +1373135,371079,Consumer loans,6998.76,92155.5,106753.5,0.0,92155.5,MONDAY,12,Y,1,0.0,,,XAP,Approved,-658,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,1600,Consumer electronics,18.0,low_normal,POS household with interest,365243.0,-625.0,-115.0,-205.0,-197.0,0.0,0,Cash loans,F,N,Y,0,292500.0,733315.5,39199.5,679500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.04622,-22019,-10116,-13418.0,-4708,,1,1,1,1,0,0,Medicine staff,2.0,1,1,MONDAY,13,0,0,0,0,0,0,Medicine,0.6906463513308717,0.7043106287563394,0.5602843280409464,0.1031,0.0874,0.9781,0.7008,0.0133,0.0,0.0345,0.1667,0.2083,0.015,0.0841,0.0588,0.0,0.0,0.105,0.0907,0.9782,0.7125,0.0134,0.0,0.0345,0.1667,0.2083,0.0154,0.0918,0.0612,0.0,0.0,0.1041,0.0874,0.9781,0.7048,0.0134,0.0,0.0345,0.1667,0.2083,0.0153,0.0855,0.0598,0.0,0.0,not specified,block of flats,0.0698,"Stone, brick",No,0.0,0.0,0.0,0.0,-658.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +1701227,106818,Cash loans,4425.615,58500.0,66222.0,,58500.0,TUESDAY,9,Y,1,,,,XNA,Refused,-783,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,Y,N,0,202500.0,634482.0,20596.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.0105,-22422,-4489,-3617.0,-4529,27.0,1,1,0,1,0,0,Laborers,1.0,3,3,MONDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.6955711697481629,0.7238369900414456,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,2.0,3.0,0.0,-810.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2134557,136425,Cash loans,20320.605,450000.0,512370.0,,450000.0,MONDAY,7,Y,1,,,,XNA,Approved,-655,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-625.0,425.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,67500.0,436032.0,15660.0,360000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.0038130000000000004,-22749,365243,-11238.0,-4439,,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,XNA,0.8888813240842955,0.6069411912356742,0.6430255641096323,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1058.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1119661,122367,Revolving loans,11250.0,225000.0,225000.0,,225000.0,FRIDAY,12,Y,1,,,,XAP,Refused,-431,XNA,HC,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,Y,N,0,247500.0,497520.0,39438.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019101,-14423,-2618,-3399.0,-5198,8.0,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Self-employed,,0.7702072197399774,0.6212263380626669,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-2655.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1562609,295110,Consumer loans,9862.335,84150.0,81981.0,8415.0,84150.0,MONDAY,11,Y,1,0.10138391079251294,,,XAP,Approved,-2157,Cash through the bank,XAP,Family,Repeater,Clothing and Accessories,POS,XNA,Stone,94,Construction,10.0,middle,POS industry with interest,365243.0,-2124.0,-1854.0,-1854.0,-1850.0,0.0,0,Cash loans,F,N,Y,0,112500.0,760225.5,30280.5,679500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.006852,-21356,-4509,-4571.0,-4574,,1,1,1,1,1,0,Sales staff,2.0,3,3,TUESDAY,10,0,0,0,0,0,0,Trade: type 7,,0.04115870322884198,0.7394117535524816,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,0.0,8.0,0.0,-2157.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1584538,331401,Consumer loans,16944.075,178636.5,177358.5,17865.0,178636.5,WEDNESDAY,11,Y,1,0.09966325309662563,,,XAP,Approved,-1498,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,584,Consumer electronics,14.0,middle,POS household with interest,365243.0,-1467.0,-1077.0,-1077.0,-1074.0,0.0,0,Cash loans,F,N,Y,0,157500.0,337923.0,22711.5,279000.0,Unaccompanied,Working,Lower secondary,Single / not married,House / apartment,0.01885,-13664,-2512,-6224.0,-3991,,1,1,0,1,0,0,Sales staff,1.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Self-employed,0.39992554625231896,0.7320014798063692,0.5549467685334323,0.0082,,0.9712,,,,0.069,0.0417,,0.0226,,0.0083,,,0.0084,,0.9712,,,,0.069,0.0417,,0.0232,,0.0087,,,0.0083,,0.9712,,,,0.069,0.0417,,0.023,,0.0085,,,,block of flats,0.0066,Wooden,Yes,8.0,0.0,8.0,0.0,-1760.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2424137,268662,Consumer loans,2553.39,20970.0,18720.0,2250.0,20970.0,SATURDAY,12,Y,1,0.11685524775653533,,,XAP,Refused,-1529,Cash through the bank,HC,,Repeater,Mobile,POS,XNA,Country-wide,24,Connectivity,10.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,1,180000.0,521280.0,26779.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.035792000000000004,-16013,-205,-3920.0,-4278,,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Self-employed,0.5051737491115262,0.3551256437854799,0.6894791426446275,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1909.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1643899,348159,Consumer loans,5376.285,44955.0,44955.0,0.0,44955.0,WEDNESDAY,12,Y,1,0.0,,,XAP,Approved,-86,Cash through the bank,XAP,Other_A,Refreshed,Computers,POS,XNA,Country-wide,30,Consumer electronics,10.0,middle,POS household with interest,365243.0,-56.0,214.0,365243.0,365243.0,0.0,1,Cash loans,M,Y,N,1,157500.0,675000.0,31279.5,675000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.0228,-15939,-2983,-371.0,-4466,4.0,1,1,0,1,1,0,Security staff,3.0,2,2,SATURDAY,16,0,0,0,0,0,0,School,,0.5226630272707901,0.646329897706246,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-2412.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2200456,227852,Consumer loans,2796.48,26010.0,25726.5,2601.0,26010.0,SATURDAY,12,Y,1,0.09999913351144483,,,XAP,Approved,-2839,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Stone,90,Furniture,12.0,high,POS industry with interest,365243.0,-2796.0,-2466.0,-2466.0,-2460.0,1.0,0,Cash loans,M,Y,N,0,166500.0,1064817.0,35190.0,954000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.025164,-12391,-4969,-1660.0,-4344,8.0,1,1,1,1,0,0,,2.0,2,2,TUESDAY,7,0,0,0,0,0,0,Emergency,0.3279747509564464,0.2653117484731741,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-188.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1037245,418333,Cash loans,8275.365,144000.0,177507.0,,144000.0,WEDNESDAY,12,Y,1,,,,XNA,Refused,-157,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,1,Cash loans,F,N,Y,1,112500.0,885762.0,34452.0,634500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-14786,-5160,-746.0,-4044,,1,1,0,1,0,0,Medicine staff,3.0,2,2,SATURDAY,8,0,0,0,0,0,0,Medicine,,0.1526348931402274,0.4206109640437848,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-149.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,4.0 +2081406,263838,Cash loans,,0.0,0.0,,,THURSDAY,13,Y,1,,,,XNA,Refused,-230,XNA,HC,,Refreshed,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,1,Cash loans,F,N,Y,0,166500.0,450000.0,20979.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.030755,-18311,-306,-4990.0,-1815,,1,1,1,1,0,0,Laborers,1.0,2,2,WEDNESDAY,16,0,0,0,0,1,1,Business Entity Type 3,0.4275311256467563,0.0737349144265273,0.14825437906109115,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1164.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1968049,297199,Revolving loans,7875.0,0.0,157500.0,,0.0,SATURDAY,11,Y,1,,,,XAP,Refused,-1291,XNA,HC,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,Y,Y,0,49500.0,91692.0,9063.0,81000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.01885,-20399,365243,-9997.0,-3421,3.0,1,0,0,1,0,0,,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,XNA,,0.7321687520130762,0.7490217048463391,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2437198,109354,Consumer loans,5634.36,35010.0,28008.0,7002.0,35010.0,FRIDAY,11,Y,1,0.2178181818181818,,,XAP,Approved,-712,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,32,Connectivity,6.0,high,POS mobile with interest,365243.0,-632.0,-482.0,-542.0,-535.0,0.0,0,Cash loans,F,N,Y,0,90000.0,221031.0,15849.0,184500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.030755,-14639,-3745,-2239.0,-4368,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Business Entity Type 1,,0.6341252348946393,0.5797274227921155,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1802268,255999,Consumer loans,18919.17,98910.0,104134.5,0.0,98910.0,FRIDAY,13,Y,1,0.0,,,XAP,Approved,-657,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Regional / Local,305,Consumer electronics,6.0,middle,POS household with interest,365243.0,-625.0,-475.0,-535.0,-529.0,0.0,0,Cash loans,F,Y,Y,0,117000.0,294322.5,16434.0,243000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020246,-20725,365243,-10645.0,-4238,8.0,1,0,0,1,0,0,,2.0,3,3,THURSDAY,12,0,0,0,0,0,0,XNA,0.8568193013726092,0.021089032653244917,0.4920600938649263,0.2,0.262,0.9856,0.8028,0.0493,0.0,0.4828,0.1667,0.2083,0.1816,0.1622,0.1942,0.0039,0.0048,0.2038,0.2719,0.9856,0.8105,0.0497,0.0,0.4828,0.1667,0.2083,0.1857,0.1772,0.2024,0.0039,0.0051,0.2019,0.262,0.9856,0.8054,0.0496,0.0,0.4828,0.1667,0.2083,0.1847,0.165,0.1977,0.0039,0.0049,reg oper account,block of flats,0.1808,Panel,No,1.0,0.0,1.0,0.0,-1170.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2558207,411241,Cash loans,25454.025,450000.0,491580.0,,450000.0,MONDAY,6,Y,1,,,,XNA,Approved,-148,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-118.0,572.0,365243.0,365243.0,1.0,1,Cash loans,F,N,Y,0,247500.0,286704.0,11047.5,247500.0,Family,Working,Secondary / secondary special,Separated,House / apartment,0.014464,-23153,-10756,-10577.0,-4609,,1,1,0,1,0,0,Managers,1.0,2,2,TUESDAY,4,0,0,0,0,1,1,Industry: type 1,,0.532974004937462,0.7922644738669378,0.0124,0.0,0.9702,,,0.0,0.069,0.0417,,,,0.0101,,0.0,0.0126,0.0,0.9702,,,0.0,0.069,0.0417,,,,0.0106,,0.0,0.0125,0.0,0.9702,,,0.0,0.069,0.0417,,,,0.0103,,0.0,,block of flats,0.0088,"Stone, brick",No,0.0,0.0,0.0,0.0,-1923.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1460971,452060,Consumer loans,11254.23,41310.0,31801.5,13500.0,41310.0,THURSDAY,12,Y,1,0.3245527691738081,,,XAP,Approved,-532,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,40,Consumer electronics,3.0,middle,POS household with interest,365243.0,-501.0,-441.0,-441.0,-438.0,0.0,0,Cash loans,F,Y,Y,0,112500.0,180000.0,18571.5,180000.0,Family,Working,Secondary / secondary special,Single / not married,House / apartment,0.028663,-17176,-2798,-8112.0,-715,2.0,1,1,0,1,1,0,Cooking staff,1.0,2,2,THURSDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.6950125532512015,0.6466186300189475,,0.0742,0.0409,0.9811,,,0.08,0.069,0.3333,,0.0,,0.0762,,0.0,0.0756,0.0423,0.9811,,,0.0806,0.069,0.3333,,0.0,,0.0792,,0.0,0.0749,0.0409,0.9811,,,0.08,0.069,0.3333,,0.0,,0.0776,,0.0,,block of flats,0.07400000000000001,Panel,No,0.0,0.0,0.0,0.0,-187.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2570024,418521,Consumer loans,3680.235,28696.5,31536.0,0.0,28696.5,SUNDAY,11,Y,1,0.0,,,XAP,Approved,-2535,Cash through the bank,XAP,Other_B,New,Mobile,POS,XNA,Country-wide,45,Connectivity,12.0,high,POS mobile with interest,365243.0,-2504.0,-2174.0,-2234.0,-2227.0,1.0,0,Cash loans,F,N,Y,0,81000.0,225000.0,15034.5,225000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.01885,-10438,-605,-4892.0,-683,,1,1,1,1,0,0,Laborers,2.0,2,2,MONDAY,12,0,0,0,1,1,0,Industry: type 3,0.33035410756789474,0.4295730905254283,0.375711009574066,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-425.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1901157,150159,Cash loans,,0.0,0.0,,,FRIDAY,17,Y,1,,,,XNA,Refused,-270,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,Y,N,1,337500.0,323460.0,24313.5,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-12757,-2576,-6493.0,-4429,7.0,1,1,0,1,0,0,,3.0,1,1,TUESDAY,15,0,0,0,0,1,1,Business Entity Type 3,0.18820622399312809,0.6493271493311633,0.4048783643353997,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1395.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1475560,206992,Consumer loans,8404.02,95805.0,95805.0,0.0,95805.0,SATURDAY,15,Y,1,0.0,,,XAP,Refused,-324,Cash through the bank,SCO,,Repeater,Audio/Video,POS,XNA,Regional / Local,180,Consumer electronics,12.0,low_action,POS household without interest,,,,,,,0,Cash loans,M,N,Y,2,180000.0,45000.0,2187.0,45000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.020246,-14143,-455,-390.0,-4770,,1,1,1,1,0,0,,4.0,3,3,MONDAY,9,0,0,0,0,0,0,Industry: type 5,0.4545849606476941,0.4055345604589246,0.7106743858828587,0.1227,0.1145,0.9791,,,0.0,0.2759,0.1667,,0.0065,,,,0.0,0.125,0.1188,0.9791,,,0.0,0.2759,0.1667,,0.0067,,,,0.0,0.1239,0.1145,0.9791,,,0.0,0.2759,0.1667,,0.0066,,,,0.0,,block of flats,0.0885,Panel,No,0.0,0.0,0.0,0.0,-1530.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2661073,384851,Consumer loans,7129.395,64215.0,71842.5,0.0,64215.0,SUNDAY,15,Y,1,0.0,,,XAP,Approved,-24,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,200,Consumer electronics,12.0,low_normal,POS mobile with interest,365243.0,365243.0,339.0,365243.0,365243.0,0.0,0,Revolving loans,M,Y,Y,1,180000.0,270000.0,13500.0,270000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-10975,-199,-4887.0,-3542,4.0,1,1,0,1,0,0,Managers,3.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Self-employed,0.16969437468153675,0.5783050125743845,0.5334816299804352,0.1289,0.153,0.9816,,,0.0,0.2759,0.1667,,0.078,,0.1102,,0.0405,0.1313,0.1588,0.9816,,,0.0,0.2759,0.1667,,0.0798,,0.1149,,0.0429,0.1301,0.153,0.9816,,,0.0,0.2759,0.1667,,0.0794,,0.1122,,0.0413,,block of flats,0.0955,"Stone, brick",No,5.0,1.0,5.0,0.0,-1832.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2780325,276662,Consumer loans,3500.73,36891.0,34524.0,5940.0,36891.0,FRIDAY,7,Y,1,0.15987544483985766,,,XAP,Approved,-1522,XNA,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,1488,Consumer electronics,14.0,high,POS household with interest,365243.0,-1491.0,-1101.0,-1311.0,-1303.0,0.0,0,Cash loans,F,N,Y,2,81000.0,288873.0,16713.0,238500.0,Family,Working,Higher education,Civil marriage,House / apartment,0.018029,-13546,-770,-5066.0,-2106,,1,1,0,1,0,0,,4.0,3,3,MONDAY,8,0,0,0,0,0,0,Self-employed,,0.7200586793160676,0.6075573001388961,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1522.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2309614,445365,Consumer loans,3859.11,34452.0,33561.0,3447.0,34452.0,WEDNESDAY,18,Y,1,0.10144013088079236,,,XAP,Approved,-1735,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,2000,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1704.0,-1434.0,-1464.0,-1458.0,0.0,0,Revolving loans,M,Y,Y,1,135000.0,180000.0,9000.0,180000.0,Other_B,Working,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-11635,-2324,-2716.0,-2813,14.0,1,1,0,1,0,0,Laborers,3.0,2,2,TUESDAY,11,0,0,0,0,1,1,Construction,0.387049469142869,0.08291766661226903,0.7180328113294772,0.0825,0.0505,0.9871,0.8232,0.0248,0.0,0.1379,0.1667,0.0417,0.0712,0.0672,0.0515,0.0,0.0,0.084,0.0524,0.9871,0.8301,0.025,0.0,0.1379,0.1667,0.0417,0.0728,0.0735,0.0537,0.0,0.0,0.0833,0.0505,0.9871,0.8256,0.0249,0.0,0.1379,0.1667,0.0417,0.0724,0.0684,0.0525,0.0,0.0,reg oper account,block of flats,0.0541,Panel,No,2.0,0.0,2.0,0.0,-1109.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2302156,104431,Cash loans,7738.2,270000.0,270000.0,,270000.0,TUESDAY,16,Y,1,,,,Buying a used car,Refused,-630,Cash through the bank,SCO,,Repeater,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,N,Y,0,126000.0,319500.0,13140.0,319500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-10425,-920,-784.0,-2467,,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,19,0,0,0,1,1,0,Business Entity Type 3,0.45477125692120896,0.2226682860767098,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1985364,276579,Consumer loans,8544.78,59616.0,47691.0,11925.0,59616.0,SUNDAY,13,Y,1,0.217851064997804,,,XAP,Approved,-473,Cash through the bank,XAP,,New,Computers,POS,XNA,Regional / Local,150,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-442.0,-292.0,-292.0,-284.0,0.0,0,Revolving loans,F,N,Y,0,99000.0,180000.0,9000.0,180000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.008625,-7967,-780,-2683.0,-575,,1,1,1,1,0,0,Core staff,1.0,2,2,THURSDAY,14,0,0,0,0,0,0,Self-employed,0.15320026791986896,0.5314550737916036,0.3606125659189888,0.1196,0.0833,0.9831,,,0.12,0.1034,0.3333,,,,0.1092,,0.0,0.1218,0.0865,0.9831,,,0.1208,0.1034,0.3333,,,,0.1138,,0.0,0.1207,0.0833,0.9831,,,0.12,0.1034,0.3333,,,,0.1112,,0.0,,terraced house,0.0859,Panel,No,0.0,0.0,0.0,0.0,-473.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1283219,141351,Consumer loans,12748.185,135648.0,134973.0,13567.5,135648.0,WEDNESDAY,11,Y,1,0.09947617591896422,,,XAP,Approved,-754,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Regional / Local,420,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-723.0,-393.0,-393.0,-386.0,0.0,0,Cash loans,F,N,Y,0,94500.0,270000.0,18040.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-17341,-2234,-9301.0,-871,,1,1,1,1,1,0,Sales staff,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Self-employed,,0.25561615602133475,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-754.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2741406,196702,Consumer loans,5386.455,46665.0,46156.5,4666.5,46665.0,SUNDAY,8,Y,1,0.099998873094322,,,XAP,Approved,-2595,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,84,Connectivity,12.0,low_normal,POS mobile with interest,365243.0,-2564.0,-2234.0,-2294.0,-2287.0,1.0,0,Cash loans,F,N,Y,1,126000.0,1546020.0,42642.0,1350000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-13777,-2656,-7885.0,-4076,,1,1,0,1,1,0,Laborers,3.0,2,2,FRIDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.5977648680611596,0.7136313997323308,0.0082,0.0,0.9687,0.5716,0.0011,0.0,0.0345,0.0417,0.0833,0.0047,0.0067,0.0074,0.0,0.0,0.0084,0.0,0.9687,0.5884,0.0011,0.0,0.0345,0.0417,0.0833,0.0048,0.0073,0.0077,0.0,0.0,0.0083,0.0,0.9687,0.5773,0.0011,0.0,0.0345,0.0417,0.0833,0.0047,0.0068,0.0076,0.0,0.0,reg oper spec account,block of flats,0.0058,Wooden,No,5.0,0.0,5.0,0.0,-2595.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1557785,285427,Consumer loans,4324.275,33475.5,32611.5,3348.0,33475.5,THURSDAY,13,Y,1,0.1013995290155971,,,XAP,Approved,-2184,Cash through the bank,XAP,"Spouse, partner",New,Mobile,POS,XNA,Stone,52,Connectivity,10.0,high,POS mobile with interest,365243.0,-2153.0,-1883.0,-1883.0,-1880.0,0.0,0,Cash loans,F,Y,Y,0,45000.0,545040.0,26640.0,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020713,-18700,365243,-6334.0,-2226,22.0,1,0,0,1,0,0,,2.0,3,3,THURSDAY,8,0,0,0,0,0,0,XNA,0.6274050609371414,0.6108572564473289,0.5779691187553125,0.0289,,0.9836,0.7756,,0.0,0.069,0.0417,0.0833,0.0106,0.0235,0.02,0.0,0.0105,0.0294,,0.9836,0.7844,,0.0,0.069,0.0417,0.0833,0.0108,0.0257,0.0208,0.0,0.0112,0.0291,,0.9836,0.7786,,0.0,0.069,0.0417,0.0833,0.0108,0.0239,0.0203,0.0,0.0108,reg oper account,block of flats,0.018000000000000002,Wooden,No,0.0,0.0,0.0,0.0,-1200.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2673665,268973,Consumer loans,6006.06,60070.5,59773.5,6007.5,60070.5,SUNDAY,9,Y,1,0.09946205798579584,,,XAP,Approved,-838,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Country-wide,1,Consumer electronics,12.0,middle,POS household with interest,365243.0,-807.0,-477.0,-537.0,-530.0,0.0,0,Cash loans,M,N,Y,0,135000.0,631332.0,33763.5,585000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.018801,-13723,-5013,-7413.0,-4208,,1,1,0,1,0,0,,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Transport: type 4,0.5636666637274048,0.5884401183101058,,0.0,,0.9771,,,,0.1724,0.1667,,,,0.0657,,,0.0,,0.9772,,,,0.1724,0.1667,,,,0.0684,,,0.0,,0.9771,,,,0.1724,0.1667,,,,0.0668,,,,block of flats,0.0516,Panel,No,2.0,0.0,2.0,0.0,-1568.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,3.0 +2001284,284102,Consumer loans,8352.45,67410.0,65664.0,6750.0,67410.0,MONDAY,17,Y,1,0.10151854111585654,,,XAP,Approved,-1454,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,80,Connectivity,10.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,0,90000.0,909000.0,26707.5,909000.0,Family,State servant,Secondary / secondary special,Married,House / apartment,0.02461,-16798,-1954,-1170.0,-317,,1,1,1,1,1,0,Cooking staff,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,Kindergarten,,0.4421274513561936,0.4956658291397297,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-932.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2183025,439221,Cash loans,14588.055,180000.0,215640.0,,180000.0,WEDNESDAY,10,Y,1,,,,Repairs,Refused,-401,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),4,XNA,36.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,N,1,81000.0,612000.0,23715.0,612000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007114,-12056,-432,-4181.0,-4484,,1,1,1,1,1,0,,3.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,Medicine,0.1639098181091181,0.3602450353149802,0.4525335592581747,0.0619,0.0615,0.9791,0.7144,0.0,0.0,0.1379,0.1667,0.2083,0.0532,0.0504,0.0514,0.0,0.0,0.063,0.0638,0.9791,0.7256,0.0,0.0,0.1379,0.1667,0.2083,0.0544,0.0551,0.0535,0.0,0.0,0.0625,0.0615,0.9791,0.7182,0.0,0.0,0.1379,0.1667,0.2083,0.0541,0.0513,0.0523,0.0,0.0,reg oper spec account,block of flats,0.0404,Panel,No,2.0,0.0,2.0,0.0,-498.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1055232,290286,Consumer loans,8331.57,49455.0,41512.5,9900.0,49455.0,SUNDAY,12,Y,1,0.2097155361050328,,,XAP,Approved,-2640,Non-cash from your account,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,19,Connectivity,6.0,high,POS mobile with interest,365243.0,-2607.0,-2457.0,-2487.0,-2479.0,1.0,0,Cash loans,F,Y,Y,0,270000.0,675000.0,21906.0,675000.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.015221,-14209,-5059,-4777.0,-1332,8.0,1,1,0,1,1,0,,1.0,2,2,MONDAY,11,0,0,0,0,0,0,Government,0.6462612029084084,0.5342474772038663,,0.1711,0.0585,0.9796,0.7212,0.0324,0.08,0.0345,0.3333,0.0417,0.031,0.1378,0.0805,0.0077,0.0057,0.1744,0.0607,0.9796,0.7321,0.0327,0.0806,0.0345,0.3333,0.0417,0.0317,0.1506,0.0821,0.0078,0.0061,0.1728,0.0585,0.9796,0.7249,0.0326,0.08,0.0345,0.3333,0.0417,0.0315,0.1402,0.08199999999999999,0.0078,0.0059,reg oper spec account,block of flats,0.0634,"Stone, brick",No,2.0,1.0,2.0,1.0,-888.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2331659,299982,Revolving loans,10125.0,202500.0,202500.0,,202500.0,THURSDAY,13,Y,1,,,,XAP,Approved,-267,XNA,XAP,Family,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-267.0,-226.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,M,N,Y,1,270000.0,450000.0,24543.0,450000.0,Family,State servant,Secondary / secondary special,Single / not married,House / apartment,0.04622,-18878,-2450,-4746.0,-2437,,1,1,0,1,0,0,Drivers,2.0,1,1,FRIDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.5614061172395574,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2184722,345241,Revolving loans,4500.0,0.0,90000.0,,,MONDAY,8,Y,1,,,,XAP,Approved,-2417,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,40,Connectivity,0.0,XNA,Card Street,-2238.0,-2201.0,365243.0,-1441.0,365243.0,0.0,0,Cash loans,F,N,Y,0,103500.0,808650.0,24601.5,675000.0,Unaccompanied,State servant,Secondary / secondary special,Widow,House / apartment,0.014519999999999996,-20748,-2413,-10918.0,-4289,,1,1,1,1,1,0,Medicine staff,1.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,Other,0.6945214190600811,0.3630974055626081,0.7032033049040319,0.1031,0.0983,0.9851,0.7959999999999999,0.0115,0.0,0.2069,0.1667,0.2083,0.0619,0.0841,0.0945,0.0,0.0263,0.105,0.0922,0.9851,0.804,0.0116,0.0,0.2069,0.1667,0.2083,0.0615,0.0918,0.0984,0.0,0.0275,0.1041,0.0983,0.9851,0.7987,0.0116,0.0,0.2069,0.1667,0.2083,0.063,0.0855,0.0962,0.0,0.0268,reg oper account,block of flats,0.0806,Panel,No,0.0,0.0,0.0,0.0,-2417.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2467433,275741,Consumer loans,85765.86,827550.0,771831.0,82755.0,827550.0,MONDAY,20,Y,1,0.10546360247162732,,,XAP,Approved,-488,Cash through the bank,XAP,,New,Furniture,POS,XNA,Stone,30,Furniture,10.0,low_normal,POS industry with interest,365243.0,-457.0,-187.0,-187.0,-181.0,0.0,0,Revolving loans,F,Y,Y,1,315000.0,900000.0,45000.0,900000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.04622,-16279,-4899,-1186.0,-5098,12.0,1,1,0,1,0,0,Core staff,3.0,1,1,SATURDAY,17,0,1,1,0,0,0,Bank,0.8549165340458104,0.6339019717913126,,0.1794,0.0591,0.999,0.9796,0.0819,0.24,0.1034,0.5833,0.625,1.0,0.1437,0.1661,0.0116,0.0132,0.1828,0.0614,0.999,0.9804,0.0827,0.2417,0.1034,0.5833,0.625,1.0,0.157,0.1731,0.0117,0.014,0.1811,0.0591,0.999,0.9799,0.0825,0.24,0.1034,0.5833,0.625,1.0,0.1462,0.1691,0.0116,0.0135,reg oper account,block of flats,0.1848,Panel,No,0.0,0.0,0.0,0.0,-488.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2799475,212402,Cash loans,67139.01,2254500.0,2254500.0,,2254500.0,TUESDAY,14,Y,1,,,,Building a house or an annex,Refused,-420,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,54.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,Y,Y,1,212400.0,450000.0,17140.5,450000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.028663,-14339,-1362,-1580.0,-4534,4.0,1,1,1,1,0,0,Managers,3.0,2,2,TUESDAY,15,0,0,0,0,1,1,Industry: type 1,,0.5855933204104938,0.20442262537632874,0.1144,0.181,0.9886,0.8436,0.0171,0.0,0.3103,0.1667,0.2083,0.117,0.0883,0.0686,0.0232,0.1634,0.1166,0.1878,0.9886,0.8497,0.0173,0.0,0.3103,0.1667,0.2083,0.1196,0.0964,0.0715,0.0233,0.173,0.1155,0.181,0.9886,0.8457,0.0173,0.0,0.3103,0.1667,0.2083,0.119,0.0898,0.0698,0.0233,0.1668,reg oper account,block of flats,0.0989,"Stone, brick",No,10.0,0.0,10.0,0.0,-12.0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2371684,295091,Consumer loans,9791.235,92776.5,91764.0,9279.0,92776.5,WEDNESDAY,9,Y,1,0.10001360356931742,,,XAP,Approved,-1409,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,1450,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1378.0,-1048.0,-1048.0,-1034.0,0.0,0,Cash loans,M,N,N,0,135000.0,269550.0,21294.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.018029,-11233,-912,-4375.0,-2842,,1,1,0,1,0,0,Sales staff,1.0,3,3,FRIDAY,7,0,0,0,0,0,0,Business Entity Type 3,0.22757101720665074,0.6487891977131149,,0.0412,0.0,0.9598,0.4492,0.0,0.0,0.1379,0.0417,0.0417,0.0181,0.0336,0.019,0.0,0.0,0.042,0.0,0.9598,0.4708,0.0,0.0,0.1379,0.0417,0.0417,0.0185,0.0367,0.0198,0.0,0.0,0.0416,0.0,0.9598,0.4566,0.0,0.0,0.1379,0.0417,0.0417,0.0184,0.0342,0.0194,0.0,0.0,not specified,block of flats,0.0209,"Stone, brick",No,2.0,0.0,2.0,0.0,-1409.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1304566,163463,Revolving loans,6750.0,0.0,135000.0,,,SATURDAY,15,Y,1,,,,XAP,Refused,-772,XNA,HC,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,N,1,135000.0,900000.0,24750.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Separated,With parents,0.026392000000000002,-10368,-155,-10338.0,-3041,,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Self-employed,0.15953958357413028,0.7109069511376164,0.190705947811054,0.7381,0.6457,0.9836,,,0.0,1.0,0.1667,,0.8638,,0.6894,,0.0032,0.7521,0.67,0.9836,,,0.0,1.0,0.1667,,0.8835,,0.7183,,0.0034,0.7453,0.6457,0.9836,,,0.0,1.0,0.1667,,0.8789,,0.7018,,0.0033,,block of flats,0.6287,Panel,No,7.0,1.0,7.0,1.0,-1773.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1800900,109833,Consumer loans,9894.51,52875.0,55656.0,5287.5,52875.0,THURSDAY,10,Y,1,0.09449027676156076,,,XAP,Approved,-498,XNA,XAP,,New,Audio/Video,POS,XNA,Regional / Local,450,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-467.0,-317.0,-317.0,-313.0,0.0,0,Cash loans,F,Y,Y,1,346500.0,755190.0,56592.0,675000.0,Unaccompanied,State servant,Incomplete higher,Married,House / apartment,0.006629,-9906,-2015,-732.0,-2578,10.0,1,1,0,1,0,0,Medicine staff,3.0,2,2,FRIDAY,11,0,0,0,1,1,0,Other,,0.6022886950159204,0.6263042766749393,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-498.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1625972,399376,Cash loans,23087.115,594000.0,711612.0,,594000.0,THURSDAY,14,Y,1,,,,XNA,Refused,-6,Cash through the bank,HC,Unaccompanied,Refreshed,XNA,Cash,x-sell,AP+ (Cash loan),-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,1,Cash loans,M,Y,N,0,112500.0,835380.0,35523.0,675000.0,"Spouse, partner",Working,Secondary / secondary special,Married,Municipal apartment,0.018801,-17648,-487,-9002.0,-1204,31.0,1,1,1,1,1,0,Laborers,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Self-employed,,0.1729599688229405,0.1873887653772306,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-6.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2642242,280453,Cash loans,36263.61,904500.0,1009566.0,,904500.0,TUESDAY,14,Y,1,,,,XNA,Approved,-352,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-322.0,1088.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,157500.0,224136.0,15106.5,198000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.007114,-16515,-1441,-4306.0,-71,,1,1,0,1,1,0,Laborers,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,Kindergarten,0.3190703124970445,0.6381845349294564,0.5656079814115492,0.1536,,0.9881,,,0.0,0.3448,0.1667,,0.1509,,0.1836,,0.0606,0.1565,,0.9881,,,0.0,0.3448,0.1667,,0.1544,,0.1913,,0.0641,0.1551,,0.9881,,,0.0,0.3448,0.1667,,0.1535,,0.1869,,0.0619,,block of flats,0.1738,Panel,No,2.0,0.0,2.0,0.0,-1212.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2056446,136504,Consumer loans,7860.42,152127.0,152127.0,0.0,152127.0,MONDAY,16,Y,1,0.0,,,XAP,Approved,-883,Cash through the bank,XAP,Unaccompanied,New,Medical Supplies,POS,XNA,Stone,393,Industry,24.0,low_normal,POS household with interest,365243.0,-848.0,-158.0,-458.0,-450.0,0.0,0,Cash loans,F,N,N,0,81000.0,225000.0,21919.5,225000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.014519999999999996,-21191,-7727,-1861.0,-4631,,1,1,1,1,1,0,,1.0,2,2,SUNDAY,13,0,0,0,0,0,0,Other,0.8523075937953251,0.6771215973527374,0.6528965519806539,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-883.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1485874,316529,Consumer loans,80202.105,717885.0,717885.0,0.0,717885.0,THURSDAY,13,Y,1,0.0,,,XAP,Approved,-292,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Country-wide,323,Furniture,10.0,low_normal,POS industry with interest,365243.0,-262.0,8.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,0,225000.0,74628.0,7645.5,67500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.04622,-8714,-713,-3208.0,-949,,1,1,0,1,0,0,Laborers,2.0,1,1,TUESDAY,13,0,0,0,0,0,0,Construction,0.5122210097456383,0.3542647506140946,0.3723336657058204,0.0124,0.0,0.9722,0.6192,0.0027,0.0,0.069,0.0417,0.0833,,0.0101,0.0123,0.0,0.0,0.0126,0.0,0.9722,0.6341,0.0027,0.0,0.069,0.0417,0.0833,,0.011,0.0129,0.0,0.0,0.0125,0.0,0.9722,0.6243,0.0027,0.0,0.069,0.0417,0.0833,,0.0103,0.0126,0.0,0.0,reg oper spec account,block of flats,0.0116,"Stone, brick",No,0.0,0.0,0.0,0.0,-701.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2425685,172793,Revolving loans,9000.0,180000.0,180000.0,,180000.0,MONDAY,12,Y,1,,,,XAP,Approved,-205,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),2,XNA,0.0,XNA,Card X-Sell,-205.0,-164.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,1,135000.0,900000.0,38133.0,900000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.005084,-16518,-978,-1526.0,-70,15.0,1,1,0,1,0,0,Drivers,3.0,2,2,WEDNESDAY,18,0,0,0,0,0,0,Industry: type 3,,0.3928120240107172,0.40314167665875134,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-877.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,4.0,5.0 +1237269,273590,Consumer loans,5967.36,44905.5,43749.0,4491.0,44905.5,SATURDAY,11,Y,1,0.10139111261872452,,,XAP,Approved,-1989,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,18,Connectivity,10.0,high,POS mobile with interest,365243.0,-1954.0,-1684.0,-1684.0,-1680.0,0.0,0,Cash loans,F,N,Y,0,211500.0,679500.0,19998.0,679500.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,House / apartment,0.026392000000000002,-10794,-4027,-2678.0,-610,,1,1,1,1,0,0,Managers,1.0,2,2,SUNDAY,14,0,0,0,1,1,0,Postal,,0.530921402606887,0.41184855592423975,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,12.0,1.0,12.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,2.0 +1171365,447090,Consumer loans,2084.31,38943.0,43321.5,0.0,38943.0,MONDAY,12,Y,1,0.0,,,XAP,Approved,-1498,Cash through the bank,XAP,Unaccompanied,New,Office Appliances,POS,XNA,Country-wide,2200,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1466.0,-776.0,-776.0,-771.0,0.0,0,Revolving loans,M,N,N,1,135000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.009549,-15752,-1775,-8131.0,-2034,,1,1,0,1,0,0,Managers,3.0,2,2,MONDAY,11,0,0,0,0,0,0,Security,0.7757532607432976,0.3712318942074819,0.5513812618027899,0.1237,0.1018,0.9786,0.7076,0.0417,0.0,0.2069,0.1667,0.2083,0.0938,0.1009,0.1053,0.0,0.0,0.1261,0.1056,0.9786,0.7190000000000001,0.042,0.0,0.2069,0.1667,0.2083,0.0959,0.1102,0.1097,0.0,0.0,0.1249,0.1018,0.9786,0.7115,0.0419,0.0,0.2069,0.1667,0.2083,0.0954,0.1026,0.1072,0.0,0.0,reg oper account,block of flats,0.0881,"Stone, brick",No,6.0,0.0,6.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1102683,139232,Cash loans,37600.785,900000.0,1017612.0,,900000.0,THURSDAY,14,Y,1,,,,XNA,Approved,-642,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,54.0,middle,Cash X-Sell: middle,365243.0,-612.0,978.0,-372.0,-366.0,1.0,1,Cash loans,F,N,Y,0,405000.0,485190.0,24772.5,405000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.018801,-16744,-9724,-9608.0,-281,,1,1,0,1,0,0,Medicine staff,1.0,2,2,TUESDAY,9,0,0,0,0,0,0,Medicine,,0.5110650733366345,0.221335206354466,0.267,0.1438,0.9791,0.7144,0.0017,0.32,0.2759,0.3333,0.375,0.16899999999999998,0.2152,0.2246,0.0116,0.2157,0.2721,0.1492,0.9791,0.7256,0.0017,0.3222,0.2759,0.3333,0.375,0.1728,0.2351,0.2341,0.0117,0.2283,0.2696,0.1438,0.9791,0.7182,0.0017,0.32,0.2759,0.3333,0.375,0.1719,0.2189,0.2287,0.0116,0.2202,reg oper spec account,block of flats,0.2485,"Stone, brick",No,5.0,0.0,5.0,0.0,-2075.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1662179,172392,Consumer loans,,23346.0,23346.0,,23346.0,MONDAY,16,Y,1,,,,XAP,Refused,-1425,Cash through the bank,HC,"Spouse, partner",Repeater,Mobile,XNA,XNA,Country-wide,15,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,F,Y,Y,0,103500.0,157500.0,8923.5,157500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-23268,365243,-5047.0,-4431,64.0,1,0,0,1,0,0,,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,XNA,,0.7578015965224335,0.5370699579791587,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1562.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2325870,248377,Cash loans,18391.455,472500.0,566055.0,,472500.0,THURSDAY,12,Y,1,,,,XNA,Refused,-263,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,100,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,292500.0,1141686.0,41139.0,922500.0,Unaccompanied,Commercial associate,Higher education,Widow,House / apartment,0.032561,-19148,-5744,-1767.0,-2706,5.0,1,1,0,1,1,1,,1.0,1,1,MONDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.7101399266609418,0.7111136398925595,0.4920600938649263,0.1031,,0.9767,,,,0.1724,0.1667,,0.0843,,0.0896,,0.0033,0.105,,0.9767,,,,0.1724,0.1667,,0.0862,,0.0933,,0.0035,0.1041,,0.9767,,,,0.1724,0.1667,,0.0857,,0.0912,,0.0034,,block of flats,0.0851,Panel,No,1.0,0.0,1.0,0.0,-710.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2744360,194226,Cash loans,29605.5,1012500.0,1012500.0,,1012500.0,TUESDAY,13,Y,1,,,,XNA,Refused,-170,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,206,Furniture,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,180000.0,239418.0,16128.0,211500.0,Unaccompanied,Pensioner,Higher education,Widow,House / apartment,0.01885,-22419,365243,-1374.0,-4062,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,13,0,0,0,0,0,0,XNA,0.7359396276006949,0.6253914582259202,0.4329616670974407,0.067,0.0897,0.9836,0.7756,0.0119,0.0,0.2069,0.1667,0.2083,0.0319,0.0538,0.0624,0.0039,0.0575,0.0683,0.0931,0.9836,0.7844,0.012,0.0,0.2069,0.1667,0.2083,0.0326,0.0588,0.065,0.0039,0.0608,0.0677,0.0897,0.9836,0.7786,0.0119,0.0,0.2069,0.1667,0.2083,0.0325,0.0547,0.0635,0.0039,0.0587,reg oper spec account,block of flats,0.0681,Panel,No,3.0,1.0,3.0,0.0,-2596.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1217457,425669,Cash loans,22810.545,225000.0,247275.0,,225000.0,TUESDAY,14,Y,1,,,,XNA,Approved,-983,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,AP+ (Cash loan),1,XNA,18.0,high,Cash Street: high,365243.0,-953.0,-443.0,-653.0,-649.0,1.0,0,Cash loans,M,Y,Y,0,189000.0,922500.0,29889.0,922500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-17606,-425,-1245.0,-1151,10.0,1,1,1,1,1,0,Laborers,2.0,2,2,FRIDAY,15,0,0,0,0,1,1,Other,,0.6891764210798433,0.3031463744186309,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-713.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1627204,398223,Cash loans,13114.98,112500.0,119925.0,0.0,112500.0,THURSDAY,13,Y,1,0.0,,,XNA,Approved,-2532,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,high,Cash Street: high,365243.0,-2502.0,-2172.0,-2172.0,-2165.0,1.0,0,Cash loans,F,Y,Y,0,135000.0,675000.0,19867.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.019688999999999998,-13404,-1521,-4389.0,-4306,6.0,1,1,1,1,1,0,Sales staff,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Self-employed,,,0.6075573001388961,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1115015,134136,Cash loans,7914.375,112500.0,112500.0,0.0,112500.0,WEDNESDAY,15,Y,1,0.0,,,XNA,Refused,-2506,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,24.0,high,Cash Street: high,,,,,,,1,Cash loans,F,N,Y,0,135000.0,358443.0,13005.0,252000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.019688999999999998,-16310,-1169,-5556.0,-4754,,1,1,0,1,0,0,,1.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Electricity,,0.05953241085501311,0.5585066276769286,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1646420,225215,Cash loans,13776.21,180000.0,203760.0,0.0,180000.0,MONDAY,15,Y,1,0.0,,,XNA,Approved,-2437,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,high,Cash Street: high,365243.0,-2407.0,-1717.0,-1717.0,-1710.0,1.0,1,Cash loans,F,N,Y,1,72000.0,411813.0,19809.0,355500.0,Unaccompanied,State servant,Secondary / secondary special,Civil marriage,House / apartment,0.019688999999999998,-18985,-457,-5156.0,-2532,,1,1,0,1,0,0,,3.0,2,2,TUESDAY,7,0,0,0,0,0,0,School,,0.30659413804281604,0.6279908192952864,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-359.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1573149,260515,Consumer loans,,19755.0,19755.0,0.0,19755.0,THURSDAY,18,Y,1,0.0,,,XAP,Refused,-1545,Cash through the bank,XNA,,Repeater,Mobile,XNA,XNA,Country-wide,60,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,M,N,Y,0,135000.0,360000.0,24187.5,360000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.028663,-11145,-3020,-798.0,-3505,,1,1,0,1,0,0,,1.0,2,2,TUESDAY,12,0,0,0,0,1,1,University,0.29689946951779805,0.5246212522360474,,0.0371,0.0,0.9737,0.6396,0.0,0.0,0.1034,0.0833,0.0417,0.0382,0.058,0.02,0.0,0.0449,0.0378,0.0,0.9737,0.6537,0.0,0.0,0.1034,0.0833,0.0417,0.0391,0.0634,0.0208,0.0,0.0475,0.0375,0.0,0.9737,0.6444,0.0,0.0,0.1034,0.0833,0.0417,0.0389,0.059,0.0203,0.0,0.0458,reg oper account,block of flats,0.0237,"Stone, brick",No,0.0,0.0,0.0,0.0,-1545.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2516900,188972,Consumer loans,3859.785,39330.0,44001.0,0.0,39330.0,SUNDAY,14,Y,1,0.0,,,XAP,Approved,-387,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,1600,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-356.0,-26.0,-176.0,-170.0,0.0,0,Cash loans,M,N,Y,1,405000.0,607500.0,29353.5,607500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.001417,-12280,-3455,-4250.0,-602,,1,1,0,1,0,0,Sales staff,3.0,2,2,TUESDAY,12,0,0,0,0,0,0,Self-employed,,0.2404715316484451,0.09569272423026376,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-1242.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1964008,241688,Consumer loans,7626.69,40140.0,37404.0,4500.0,40140.0,SUNDAY,15,Y,1,0.11695563886285534,,,XAP,Approved,-1713,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,6.0,high,POS mobile with interest,365243.0,-1671.0,-1521.0,-1581.0,-1573.0,0.0,0,Cash loans,F,N,N,1,157500.0,1560726.0,41301.0,1395000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.030755,-10054,-204,-4656.0,-1486,,1,1,0,1,1,0,,3.0,2,2,THURSDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.5006923009507309,0.5799359919637852,0.5334816299804352,0.0412,0.0,0.9771,,,0.0,0.069,0.1667,,0.0302,,0.0372,,0.0,0.042,0.0,0.9772,,,0.0,0.069,0.1667,,0.0309,,0.0387,,0.0,0.0416,0.0,0.9771,,,0.0,0.069,0.1667,,0.0307,,0.0378,,0.0,,block of flats,0.0306,"Stone, brick",No,0.0,0.0,0.0,0.0,-1945.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1691466,348757,Consumer loans,8121.33,87255.0,87255.0,0.0,87255.0,THURSDAY,9,Y,1,0.0,,,XAP,Approved,-190,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Regional / Local,100,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-160.0,170.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,157500.0,1046142.0,30717.0,913500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.035792000000000004,-23542,365243,-7799.0,-4211,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,9,0,0,0,0,0,0,XNA,,0.7209834105884629,0.7209441499436497,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2145.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1485826,176946,Consumer loans,4981.815,24255.0,25456.5,0.0,24255.0,WEDNESDAY,6,Y,1,0.0,,,XAP,Approved,-1581,Cash through the bank,XAP,"Spouse, partner",New,Audio/Video,POS,XNA,Regional / Local,465,Consumer electronics,6.0,high,POS household with interest,365243.0,-1550.0,-1400.0,-1430.0,-1423.0,0.0,0,Cash loans,M,N,Y,0,270000.0,265500.0,24480.0,265500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.0060079999999999995,-17056,-139,-133.0,-601,,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Construction,,0.4400788590411783,0.38079968264891495,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2788840,326949,Consumer loans,2553.21,16816.5,18481.5,0.0,16816.5,SATURDAY,16,Y,1,0.0,,,XAP,Approved,-251,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,10.0,high,POS mobile with interest,365243.0,-220.0,50.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,112500.0,373500.0,13545.0,373500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.030755,-22376,-932,-11035.0,-4715,,1,1,0,1,0,0,Laborers,1.0,2,2,FRIDAY,16,0,0,0,0,0,0,Housing,,0.6529830335120981,0.5691487713619409,0.0711,0.0831,0.9846,0.7892,0.0336,0.0,0.2069,0.1667,0.2083,0.026,0.0572,0.0707,0.0039,0.0044,0.0725,0.0863,0.9846,0.7975,0.0339,0.0,0.2069,0.1667,0.2083,0.0266,0.0624,0.0737,0.0039,0.0047,0.0718,0.0831,0.9846,0.792,0.0338,0.0,0.2069,0.1667,0.2083,0.0265,0.0581,0.07200000000000001,0.0039,0.0045,org spec account,block of flats,0.0749,"Stone, brick",No,0.0,0.0,0.0,0.0,-211.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1385883,414443,Revolving loans,6300.0,112455.0,90000.0,22500.0,112455.0,WEDNESDAY,11,Y,1,0.2178181818181818,,,XAP,Approved,-2248,XNA,XAP,,Repeater,Consumer Electronics,Cards,x-sell,Country-wide,981,Consumer electronics,0.0,XNA,Card Street,-2248.0,-2193.0,365243.0,-1616.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,157500.0,1035832.5,30415.5,904500.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-18202,-366,-1767.0,-1760,8.0,1,1,1,1,0,0,Laborers,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.6971386304277619,0.6127042441012546,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2567.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1398019,256118,Consumer loans,5869.755,49095.0,53415.0,0.0,49095.0,MONDAY,19,Y,1,0.0,,,XAP,Approved,-583,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-552.0,-282.0,-282.0,-241.0,0.0,0,Cash loans,F,N,Y,0,202500.0,781920.0,42547.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010147,-13939,-1169,-666.0,-2738,,1,1,0,1,0,1,Sales staff,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Self-employed,0.2249141260280013,0.3251088027121925,0.33125086459090186,0.201,,0.9767,,,,0.0345,0.1667,,,,0.0905,,,0.2048,,0.9767,,,,0.0345,0.1667,,,,0.0943,,,0.203,,0.9767,,,,0.0345,0.1667,,,,0.0922,,,,block of flats,0.0712,"Stone, brick",No,4.0,0.0,4.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1871641,127726,Consumer loans,9507.105,77503.5,77116.5,7753.5,77503.5,FRIDAY,13,Y,1,0.09949648124939746,,,XAP,Approved,-326,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,20,Connectivity,12.0,high,POS mobile with interest,365243.0,-293.0,37.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,N,2,112500.0,202500.0,10125.0,202500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.019688999999999998,-15369,-1935,-4074.0,-4075,,1,1,0,1,0,0,Cooking staff,4.0,2,2,TUESDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.3890351944263415,0.4934529168327516,0.656158373001177,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,1.0,7.0,1.0,-3326.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1163992,226292,Consumer loans,4615.83,32355.0,23845.5,9706.5,32355.0,TUESDAY,17,Y,1,0.3150709617635583,,,XAP,Approved,-856,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,226,Consumer electronics,6.0,middle,POS household with interest,365243.0,-821.0,-671.0,-671.0,-662.0,0.0,0,Cash loans,F,Y,Y,1,90000.0,481176.0,26230.5,360000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.005313,-10406,-804,-4605.0,-3031,26.0,1,1,0,1,0,0,Laborers,3.0,2,2,THURSDAY,10,0,0,0,0,0,0,Self-employed,,0.3182949771741501,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-856.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2660243,286588,Consumer loans,24536.115,145278.0,128857.5,22500.0,145278.0,TUESDAY,16,Y,1,0.16189845534278413,,,XAP,Approved,-1397,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,1226,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1366.0,-1216.0,-1246.0,-1238.0,0.0,0,Cash loans,F,N,Y,1,180000.0,834048.0,44568.0,720000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.006233,-10521,-1735,-7479.0,-2711,,1,1,0,1,0,0,Sales staff,3.0,2,2,SATURDAY,15,0,0,0,0,0,0,Other,,0.23786915640488274,0.4956658291397297,0.0619,0.0012,0.9762,0.6736,0.009000000000000001,0.0,0.1379,0.1667,0.2083,0.0564,0.0504,0.054000000000000006,0.0,0.001,0.063,0.0013,0.9762,0.6864,0.0091,0.0,0.1379,0.1667,0.2083,0.0577,0.0551,0.0563,0.0,0.001,0.0625,0.0012,0.9762,0.6779999999999999,0.0091,0.0,0.1379,0.1667,0.2083,0.0573,0.0513,0.055,0.0,0.001,reg oper account,block of flats,0.0427,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +2299583,288532,Consumer loans,3973.095,16245.0,13945.5,2745.0,16245.0,TUESDAY,9,Y,1,0.1791171352239025,,,XAP,Approved,-2444,Cash through the bank,XAP,Other_B,New,Mobile,POS,XNA,Country-wide,22,Connectivity,4.0,low_normal,POS mobile with interest,365243.0,-2413.0,-2323.0,-2323.0,-1697.0,1.0,0,Cash loans,F,N,Y,0,40500.0,523237.5,19854.0,432000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.018029,-22229,365243,-2906.0,-2990,,1,0,0,1,0,0,,1.0,3,3,WEDNESDAY,6,0,0,0,0,0,0,XNA,0.540445624870026,0.4608843342366918,0.7209441499436497,0.0103,,0.9722,,,0.0,0.0345,0.0417,,,,0.0085,,,0.0105,,0.9722,,,0.0,0.0345,0.0417,,,,0.0088,,,0.0104,,0.9722,,,0.0,0.0345,0.0417,,,,0.0086,,,,block of flats,0.0067,Wooden,No,1.0,0.0,1.0,0.0,-1724.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,0.0,0.0,0.0 +1442185,453833,Cash loans,45864.36,450000.0,470790.0,,450000.0,MONDAY,13,Y,1,,,,XNA,Approved,-392,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-362.0,-32.0,-32.0,-29.0,1.0,1,Cash loans,M,Y,N,0,202500.0,675000.0,72697.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-11523,-2784,-3346.0,-3345,15.0,1,1,0,1,0,0,Drivers,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Self-employed,,0.18546189528113569,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-392.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2117858,223202,Consumer loans,3840.525,25335.0,24322.5,2520.0,25335.0,WEDNESDAY,10,Y,1,0.10224491351063024,,,XAP,Approved,-1491,Cash through the bank,XAP,,New,Photo / Cinema Equipment,POS,XNA,Country-wide,57,Connectivity,8.0,high,POS mobile with interest,365243.0,-1446.0,-1236.0,-1236.0,-1228.0,0.0,0,Cash loans,F,N,Y,0,292500.0,704844.0,34038.0,630000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.016612000000000002,-16721,365243,-2542.0,-254,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,XNA,,0.4371443228082045,0.15759499866631024,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1491.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1314094,236001,Consumer loans,8175.375,84946.5,97762.5,4230.0,84946.5,MONDAY,20,Y,1,0.04516856185949498,,,XAP,Approved,-212,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,15,Connectivity,24.0,high,POS mobile with interest,365243.0,-182.0,508.0,365243.0,365243.0,1.0,1,Cash loans,M,Y,Y,0,216000.0,485901.0,32998.5,369000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.04622,-8565,-1107,-35.0,-749,64.0,1,1,0,1,1,0,Laborers,1.0,1,1,WEDNESDAY,10,1,1,0,0,0,0,Housing,0.1416450613354544,0.6748705129563277,0.5797274227921155,0.0124,,0.9722,,,0.0,0.1034,0.0,,,,0.005,,,0.0126,,0.9722,,,0.0,0.1034,0.0,,,,0.0052,,,0.0125,,0.9722,,,0.0,0.1034,0.0,,,,0.0051,,,,,0.015,,No,0.0,0.0,0.0,0.0,-692.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1958426,134874,Cash loans,9950.13,135000.0,152820.0,,135000.0,TUESDAY,18,Y,1,,,,XNA,Approved,-114,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-84.0,606.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,112500.0,306000.0,14395.5,306000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,With parents,0.018209,-11910,-574,-331.0,-4110,,1,1,0,1,0,0,Laborers,2.0,3,3,FRIDAY,10,0,0,0,1,1,0,Business Entity Type 3,0.16414132617717156,0.28305361746066343,0.3296550543128238,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-623.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1580644,388232,Cash loans,33509.88,1017000.0,1164667.5,,1017000.0,FRIDAY,13,Y,1,,,,XNA,Refused,-20,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,157500.0,315000.0,17716.5,315000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.04622,-23566,-3318,-6288.0,-4586,,1,1,1,1,1,0,,1.0,1,1,THURSDAY,10,0,1,1,0,1,1,Business Entity Type 1,,0.7633050123020082,0.7886807751817684,0.0732,0.0576,0.9856,0.8028,,0.08,0.069,0.3333,0.375,0.0902,0.0597,0.0761,0.0116,0.0174,0.0746,0.0598,0.9856,0.8105,,0.0806,0.069,0.3333,0.375,0.0923,0.0652,0.0793,0.0117,0.0184,0.0739,0.0576,0.9856,0.8054,,0.08,0.069,0.3333,0.375,0.0918,0.0607,0.0775,0.0116,0.0177,reg oper account,block of flats,0.0637,"Stone, brick",No,0.0,0.0,0.0,0.0,-1588.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1444178,238787,Cash loans,11566.845,135000.0,177651.0,,135000.0,THURSDAY,16,Y,1,,,,Other,Refused,-264,Cash through the bank,SCO,"Spouse, partner",Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,middle,Cash Street: middle,,,,,,,0,Cash loans,M,Y,Y,1,225000.0,1113840.0,50463.0,900000.0,Children,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-15394,-98,-7762.0,-4497,6.0,1,1,0,1,0,0,Drivers,3.0,2,2,TUESDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.1402494027460133,0.6241918925036816,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-3185.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1356403,296777,Consumer loans,5965.245,50670.0,49752.0,5400.0,50670.0,SUNDAY,10,Y,1,0.10663422739140753,,,XAP,Approved,-1979,XNA,XAP,Children,New,Consumer Electronics,POS,XNA,Regional / Local,385,Consumer electronics,12.0,high,POS household with interest,365243.0,-1946.0,-1616.0,-1616.0,-1608.0,0.0,0,Cash loans,F,N,Y,0,112500.0,654498.0,27859.5,585000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-23642,365243,-7142.0,-4577,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,XNA,,0.6556144396148942,0.6626377922738201,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1859251,215692,Consumer loans,5835.87,22761.0,20484.0,2277.0,22761.0,FRIDAY,16,Y,1,0.10895215500197708,,,XAP,Refused,-2575,Cash through the bank,SCO,"Spouse, partner",Repeater,XNA,POS,XNA,Country-wide,2256,Consumer electronics,4.0,high,POS household with interest,,,,,,,0,Cash loans,M,Y,Y,1,112500.0,785250.0,25461.0,562500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.022625,-17687,-9092,-5611.0,-1238,2.0,1,1,1,1,0,0,Laborers,3.0,2,2,THURSDAY,11,0,0,0,0,0,0,Transport: type 4,,0.7482370392508556,,0.2474,0.1535,0.9906,0.8708,0.1121,0.24,0.2069,0.375,0.4167,0.1443,0.2017,0.2826,0.0,0.0,0.2521,0.1592,0.9906,0.8759,0.1131,0.2417,0.2069,0.375,0.4167,0.1476,0.2204,0.2944,0.0,0.0,0.2498,0.1535,0.9906,0.8725,0.1128,0.24,0.2069,0.375,0.4167,0.1468,0.2052,0.2876,0.0,0.0,not specified,block of flats,0.2835,Panel,No,0.0,0.0,0.0,0.0,-2424.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1554924,101826,Revolving loans,2250.0,45000.0,45000.0,,45000.0,THURSDAY,11,Y,1,,,,XAP,Refused,-228,XNA,HC,"Spouse, partner",Repeater,XNA,Cards,walk-in,Regional / Local,130,Furniture,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,Y,N,1,81000.0,265500.0,21105.0,265500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-11010,-566,-1988.0,-3562,10.0,1,1,0,1,0,0,Laborers,3.0,3,3,SUNDAY,12,0,0,0,1,1,1,Business Entity Type 1,0.13815751275563962,0.14877815997677424,0.3706496323299817,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-581.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2421476,205177,Cash loans,37018.35,1147500.0,1147500.0,,1147500.0,FRIDAY,19,Y,1,,,,XNA,Approved,-689,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,35,Connectivity,60.0,low_normal,Cash X-Sell: low,365243.0,-659.0,1111.0,-359.0,-351.0,0.0,0,Cash loans,F,N,Y,0,171000.0,513531.0,24835.5,459000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.006296,-14548,-1187,-4127.0,-4127,,1,1,1,1,0,0,Medicine staff,2.0,3,3,MONDAY,17,0,0,0,0,0,0,Medicine,,0.3856329909368508,0.08226850764912726,0.1021,0.0218,0.9801,0.728,,0.0,0.1379,0.1667,0.2083,0.0703,0.0504,0.0543,0.0,0.0819,0.063,0.0,0.9801,0.7387,,0.0,0.1379,0.1667,0.2083,0.0,0.0551,0.0383,0.0,0.0667,0.1218,0.0,0.9801,0.7316,,0.0,0.1379,0.1667,0.2083,0.0584,0.0513,0.0628,0.0,0.0835,reg oper account,specific housing,0.0426,"Stone, brick",No,0.0,0.0,0.0,0.0,-973.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2408173,325747,Consumer loans,4907.025,29250.0,29250.0,0.0,29250.0,THURSDAY,12,Y,1,0.0,,,XAP,Approved,-1754,Cash through the bank,XAP,Unaccompanied,New,Clothing and Accessories,POS,XNA,Stone,41,Clothing,8.0,high,POS industry with interest,365243.0,-1723.0,-1513.0,-1513.0,-1303.0,0.0,0,Cash loans,F,N,Y,0,90000.0,472500.0,15372.0,472500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.001417,-13724,-1489,-1812.0,-4074,,1,1,0,1,0,1,Cooking staff,2.0,2,2,MONDAY,13,0,0,0,0,0,0,Government,0.7915160418898699,0.5132833134461585,0.8245949709919925,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-1754.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1217612,439120,Consumer loans,5538.465,53793.0,53203.5,5382.0,53793.0,MONDAY,12,Y,1,0.10005013651376657,,,XAP,Approved,-2097,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,2586,Consumer electronics,12.0,middle,POS household with interest,365243.0,-2066.0,-1736.0,-1736.0,-1734.0,0.0,0,Cash loans,F,N,N,0,112500.0,299772.0,10894.5,247500.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.010643000000000001,-23854,365243,-2235.0,-4246,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,10,0,0,0,0,0,0,XNA,,0.6668409427885994,0.5902333386185574,0.1495,0.0717,0.9806,0.7348,0.0405,0.0,0.0345,0.1667,0.2083,0.0544,0.1219,0.0529,0.0,0.0,0.1523,0.0744,0.9806,0.7452,0.0408,0.0,0.0345,0.1667,0.2083,0.0557,0.1331,0.0552,0.0,0.0,0.1509,0.0717,0.9806,0.7383,0.0407,0.0,0.0345,0.1667,0.2083,0.0554,0.124,0.0539,0.0,0.0,reg oper account,block of flats,0.0638,"Stone, brick",No,0.0,0.0,0.0,0.0,-1024.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1320086,353257,Revolving loans,45000.0,900000.0,900000.0,,900000.0,WEDNESDAY,18,Y,1,,,,XAP,Approved,-271,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-253.0,-228.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,720000.0,971280.0,51876.0,900000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.04622,-13687,-3576,-3105.0,-5354,,1,1,0,1,0,0,,2.0,1,1,MONDAY,17,0,0,0,0,0,0,Military,,0.7508315448413557,0.31703177858344445,0.2948,0.2116,0.9846,0.7892,0.1612,0.32,0.2759,0.3333,0.375,0.2015,0.2404,0.2806,0.0,0.0,0.3004,0.2196,0.9846,0.7975,0.1626,0.3222,0.2759,0.3333,0.375,0.2061,0.2626,0.2923,0.0,0.0,0.2977,0.2116,0.9846,0.792,0.1622,0.32,0.2759,0.3333,0.375,0.205,0.2446,0.2856,0.0,0.0,reg oper account,block of flats,0.2389,Panel,No,0.0,0.0,0.0,0.0,-592.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1282324,323926,Revolving loans,6750.0,0.0,135000.0,,,WEDNESDAY,16,Y,1,,,,XAP,Approved,-743,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-732.0,-687.0,365243.0,-534.0,365243.0,0.0,0,Cash loans,M,Y,N,2,315000.0,135000.0,14305.5,135000.0,Unaccompanied,Commercial associate,Higher education,Married,Rented apartment,0.008625,-12141,-1390,-2220.0,-4541,7.0,1,1,0,1,0,0,Managers,4.0,2,2,THURSDAY,14,0,1,1,0,1,1,Military,,0.4705530321842423,0.4382813743111921,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-978.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2220772,350673,Cash loans,41823.0,1125000.0,1125000.0,,1125000.0,WEDNESDAY,17,Y,1,,,,XNA,Approved,-797,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,walk-in,Credit and cash offices,0,XNA,36.0,low_action,Cash Street: low,,,,,,,0,Cash loans,M,Y,Y,0,225000.0,450000.0,21109.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Co-op apartment,0.026392000000000002,-14316,-2651,-8218.0,-3554,6.0,1,1,0,1,1,0,Managers,2.0,2,2,WEDNESDAY,19,0,0,0,0,0,0,Business Entity Type 3,,0.7266399956350021,0.31547215492577346,0.066,0.0811,0.9732,,,0.0,0.1379,0.1667,,,,0.0499,,0.0,0.0672,0.0842,0.9732,,,0.0,0.1379,0.1667,,,,0.052000000000000005,,0.0,0.0666,0.0811,0.9732,,,0.0,0.1379,0.1667,,,,0.0508,,0.0,,block of flats,0.0393,"Stone, brick",No,2.0,0.0,2.0,0.0,-943.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2300059,192772,Cash loans,5371.335,45000.0,53802.0,,45000.0,TUESDAY,18,Y,1,,,,XNA,Approved,-1138,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-1108.0,-778.0,-988.0,-986.0,1.0,1,Cash loans,F,N,Y,0,112500.0,700830.0,21451.5,585000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.026392000000000002,-22440,365243,-7050.0,-4362,,1,0,0,1,1,0,,1.0,2,2,SATURDAY,13,0,0,0,0,0,0,XNA,,0.3215778965027856,0.3539876078507373,0.0082,,0.9667,,,0.0,0.069,0.0417,,,,0.0126,,0.0019,0.0084,,0.9667,,,0.0,0.069,0.0417,,,,0.0131,,0.002,0.0083,,0.9667,,,0.0,0.069,0.0417,,,,0.0128,,0.002,,block of flats,0.0103,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,11.0,0.0,5.0 +2387947,115024,Cash loans,14746.455,135000.0,143910.0,,135000.0,SATURDAY,10,Y,1,,,,XNA,Approved,-532,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-502.0,-172.0,-352.0,-349.0,1.0,0,Cash loans,F,Y,N,0,126000.0,119925.0,11227.5,112500.0,Unaccompanied,Pensioner,Higher education,Civil marriage,House / apartment,0.009334,-24932,365243,-9339.0,-4083,64.0,1,0,0,1,1,0,,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,XNA,,0.5653059573941309,0.7209441499436497,0.0655,0.0833,0.9752,0.66,0.0,0.0,0.1207,0.1667,0.0417,0.0,0.0513,0.0498,0.0097,0.0677,0.0641,0.068,0.9747,0.6668,0.0,0.0,0.1034,0.1667,0.0417,0.0,0.0533,0.0508,0.0078,0.0403,0.0661,0.0833,0.9752,0.6645,0.0,0.0,0.1207,0.1667,0.0417,0.0,0.0522,0.0507,0.0097,0.0691,reg oper account,block of flats,0.0495,"Stone, brick",No,0.0,0.0,0.0,0.0,-1197.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1035253,429506,Consumer loans,5753.52,123291.0,126360.0,12330.0,123291.0,WEDNESDAY,19,Y,1,0.0968237862073034,,,XAP,Approved,-1203,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,1550,Consumer electronics,30.0,low_normal,POS household with interest,365243.0,-1172.0,-302.0,-302.0,-296.0,0.0,0,Revolving loans,M,Y,Y,0,130500.0,405000.0,20250.0,405000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.018634,-12656,-126,-6755.0,-4674,19.0,1,1,0,1,0,0,Drivers,1.0,2,2,TUESDAY,13,0,0,0,0,0,0,Electricity,0.4417073374298373,0.5328705842553758,0.5797274227921155,0.0773,0.0649,0.9831,,,0.0,0.1724,0.1667,,0.0692,,0.0689,,0.0,0.0788,0.0674,0.9831,,,0.0,0.1724,0.1667,,0.0708,,0.0718,,0.0,0.0781,0.0649,0.9831,,,0.0,0.1724,0.1667,,0.0704,,0.0701,,0.0,,block of flats,0.0704,Panel,No,1.0,0.0,1.0,0.0,-305.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,2.0 +1872601,333869,Consumer loans,,93766.5,93766.5,0.0,93766.5,MONDAY,16,Y,1,0.0,,,XAP,Refused,-35,Cash through the bank,XNA,,Repeater,Mobile,XNA,XNA,Country-wide,70,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,M,N,Y,0,135000.0,966555.0,51628.5,913500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.00496,-23729,365243,-5043.0,-4443,,1,0,0,1,0,0,,2.0,2,2,MONDAY,15,0,0,0,1,0,0,XNA,,0.5845740713415674,0.5937175866150576,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-980.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1387532,359089,Consumer loans,8538.075,135139.5,145701.0,13518.0,135139.5,THURSDAY,7,Y,1,0.09246591744132863,,,XAP,Approved,-2347,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,1490,Consumer electronics,24.0,middle,POS household with interest,365243.0,-2316.0,-1626.0,-1626.0,-1623.0,1.0,0,Cash loans,F,N,Y,0,112500.0,204768.0,11884.5,162000.0,Family,State servant,Higher education,Civil marriage,House / apartment,0.006852,-17252,-3330,-2885.0,-806,,1,1,0,1,0,0,,2.0,3,3,SATURDAY,11,0,0,0,0,0,0,Military,0.7258970567988767,0.11827146876541053,,0.0495,0.0501,0.9762,,,0.0,0.1379,0.125,,0.1091,,0.0257,,0.0,0.0504,0.052000000000000005,0.9762,,,0.0,0.1379,0.125,,0.1116,,0.0267,,0.0,0.05,0.0501,0.9762,,,0.0,0.1379,0.125,,0.111,,0.0261,,0.0,,block of flats,0.0333,"Stone, brick",No,0.0,0.0,0.0,0.0,-1787.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1106067,114007,Consumer loans,12155.13,45891.0,42664.5,4590.0,45891.0,THURSDAY,10,Y,1,0.10578732761382034,,,XAP,Approved,-2444,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,20,Connectivity,4.0,low_normal,POS mobile with interest,365243.0,-2413.0,-2323.0,-2323.0,-2315.0,1.0,0,Cash loans,F,N,Y,0,180000.0,1800000.0,47614.5,1800000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Civil marriage,Municipal apartment,0.003540999999999999,-16402,-315,-3677.0,-4462,,1,1,0,1,0,0,Cleaning staff,2.0,1,1,FRIDAY,15,0,0,0,0,0,0,Medicine,,0.6336177355474657,0.5673792367572691,0.1093,0.0699,0.9896,0.8572,0.0378,0.07400000000000001,0.1231,0.2854,0.3271,0.0354,0.0702,0.0997,0.0097,0.0608,0.063,0.0281,0.9871,0.8301,0.0193,0.0806,0.069,0.3333,0.375,0.0223,0.0514,0.0655,0.0039,0.006,0.1124,0.0635,0.9881,0.8390000000000001,0.038,0.08,0.1034,0.3333,0.375,0.0284,0.0714,0.1164,0.0097,0.0219,not specified,block of flats,0.0712,Panel,No,0.0,0.0,0.0,0.0,-1454.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1723312,124293,Consumer loans,5981.085,79146.0,79146.0,0.0,79146.0,WEDNESDAY,16,Y,1,0.0,,,XAP,Approved,-440,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,5000,Consumer electronics,18.0,middle,POS household with interest,,,,,,,1,Cash loans,M,Y,Y,3,270000.0,534141.0,42331.5,441000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.031329,-12353,-3579,-5229.0,-2009,8.0,1,1,0,1,1,0,,5.0,2,2,TUESDAY,10,0,0,0,0,0,0,Self-employed,0.6317361832608563,0.40368026003480295,0.4974688893052743,0.0619,,0.9767,,,0.0,0.1379,0.1667,,,,0.0515,,0.0357,0.063,,0.9767,,,0.0,0.1379,0.1667,,,,0.0537,,0.0378,0.0625,,0.9767,,,0.0,0.1379,0.1667,,,,0.0525,,0.0365,,block of flats,0.0483,,No,0.0,0.0,0.0,0.0,-1427.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2263510,128111,Consumer loans,8737.605,191058.75,191056.5,2.25,191058.75,THURSDAY,13,Y,1,1.282565988448341e-05,,,XAP,Refused,-454,Cash through the bank,SCO,,New,Clothing and Accessories,POS,XNA,Regional / Local,30,Clothing,24.0,low_action,POS industry without interest,,,,,,,1,Cash loans,F,N,Y,0,270000.0,576000.0,29407.5,576000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.072508,-14555,-967,-8653.0,-5242,,1,1,0,1,1,0,,2.0,1,1,WEDNESDAY,16,0,0,0,0,0,0,Other,,0.7819327106151037,,0.1856,0.0,0.9801,,,0.2,0.1724,0.3333,,,,0.1545,,0.0004,0.1891,0.0,0.9801,,,0.2014,0.1724,0.3333,,,,0.1609,,0.0005,0.1874,0.0,0.9801,,,0.2,0.1724,0.3333,,,,0.1572,,0.0004,,block of flats,0.1216,"Stone, brick",No,0.0,0.0,0.0,0.0,-454.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2238946,230164,Consumer loans,12161.475,105750.0,95175.0,10575.0,105750.0,THURSDAY,15,Y,1,0.1089090909090909,,,XAP,Approved,-466,XNA,XAP,,New,Mobile,POS,XNA,Country-wide,43,Connectivity,10.0,high,POS mobile with interest,365243.0,-416.0,-146.0,-356.0,-351.0,0.0,0,Cash loans,M,Y,N,0,166500.0,970380.0,28372.5,810000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.010643000000000001,-10785,-859,-9349.0,-2216,7.0,1,1,1,1,1,0,,1.0,2,2,THURSDAY,22,0,0,0,0,1,1,Industry: type 11,0.3645240180435449,0.2753961849266477,0.6986675550534175,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-466.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1055784,202016,Consumer loans,9674.595,60839.64,54751.5,6088.14,60839.64,MONDAY,13,Y,1,0.10898384552033387,,,XAP,Approved,-2824,XNA,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,1847,Consumer electronics,7.0,low_normal,POS household with interest,365243.0,-2793.0,-2613.0,-2613.0,-2608.0,0.0,0,Cash loans,F,N,N,0,202500.0,1665000.0,43920.0,1665000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.01885,-17558,-8743,-2767.0,-1106,,1,1,1,1,0,0,Core staff,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,School,0.8482908881880288,0.588921956149435,0.4902575124990026,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-116.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2594319,201831,Consumer loans,5346.9,53055.0,53055.0,0.0,53055.0,FRIDAY,13,Y,1,0.0,,,XAP,Approved,-234,Cash through the bank,XAP,Unaccompanied,Refreshed,Computers,POS,XNA,Stone,138,Consumer electronics,12.0,middle,POS household with interest,365243.0,-201.0,129.0,365243.0,365243.0,0.0,0,Revolving loans,M,Y,N,0,81000.0,202500.0,10125.0,202500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00702,-14176,-6836,-8315.0,-4836,0.0,1,1,0,1,0,0,,2.0,2,2,MONDAY,17,0,0,0,0,0,0,Business Entity Type 3,,0.7216823172746151,0.4722533429586386,0.2227,,0.9811,,,0.24,0.2069,0.3333,,0.1503,,0.2401,,0.0695,0.2269,,0.9811,,,0.2417,0.2069,0.3333,,0.1538,,0.2502,,0.0736,0.2248,,0.9811,,,0.24,0.2069,0.3333,,0.1529,,0.2444,,0.0709,,block of flats,0.1905,Panel,No,0.0,0.0,0.0,0.0,-1649.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1257426,127442,Consumer loans,53049.645,401461.605,387828.0,45003.105,401461.605,TUESDAY,9,Y,1,0.11323694616717447,,,XAP,Approved,-287,Cash through the bank,XAP,Unaccompanied,New,Construction Materials,POS,XNA,Regional / Local,1273,Construction,10.0,high,POS industry with interest,365243.0,-257.0,13.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,180000.0,675000.0,49117.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.003540999999999999,-8215,-819,-29.0,-627,,1,1,1,1,0,1,Medicine staff,2.0,1,1,TUESDAY,11,0,0,0,0,0,0,Medicine,,0.13409696541976815,,0.1344,0.0734,0.9866,0.8164,,0.1464,0.1262,0.3333,0.375,0.0416,,0.1424,,0.0032,0.1113,0.0521,0.9866,0.8236,,0.1611,0.1379,0.3333,0.375,0.0279,,0.12,,0.0,0.1478,0.0846,0.9866,0.8189,,0.16,0.1379,0.3333,0.375,0.0483,,0.1581,,0.0,not specified,block of flats,0.1143,Panel,No,5.0,0.0,5.0,0.0,-287.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1430751,353844,Cash loans,16543.62,180000.0,197820.0,,180000.0,MONDAY,19,Y,1,,,,XNA,Approved,-1368,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,18.0,high,Cash X-Sell: high,365243.0,-1337.0,-827.0,-827.0,-822.0,0.0,0,Cash loans,M,N,Y,1,225000.0,1098000.0,37723.5,1098000.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.026392000000000002,-16895,-1692,-9311.0,-341,,1,1,0,1,1,0,Drivers,3.0,2,2,THURSDAY,15,0,0,0,0,0,0,Transport: type 4,,0.339527368322102,0.3031463744186309,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1755.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1327669,361929,Consumer loans,19193.625,250182.0,200142.0,50040.0,250182.0,MONDAY,16,Y,1,0.21783385331842056,,,XAP,Approved,-1523,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,500,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-1492.0,-1162.0,-1162.0,-1153.0,0.0,0,Revolving loans,M,Y,Y,0,225000.0,270000.0,13500.0,270000.0,Other_A,Working,Higher education,Civil marriage,House / apartment,0.072508,-9923,-1136,-169.0,-2582,5.0,1,1,0,1,0,0,,2.0,1,1,FRIDAY,15,1,1,0,0,0,0,Other,,0.6271879184061552,0.5388627065779676,0.118,0.2,0.9906,0.8708,,0.44,0.2241,0.3125,0.3542,0.0,0.0962,0.23,0.0232,0.1163,0.0704,0.0989,0.9906,0.8759,,0.1611,0.1379,0.25,0.2917,0.0,0.0615,0.11,0.0039,0.0061,0.1192,0.2,0.9906,0.8725,,0.44,0.2241,0.3125,0.3542,0.0,0.0979,0.2341,0.0233,0.1188,org spec account,block of flats,0.3281,Panel,No,3.0,0.0,1.0,0.0,-1523.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1130412,430138,Revolving loans,29250.0,0.0,585000.0,,,FRIDAY,10,Y,1,,,,XAP,Approved,-705,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-656.0,-632.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,F,N,N,1,202500.0,305640.0,33043.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.018029,-10423,-2512,-1273.0,-3091,,1,1,0,1,0,0,Sales staff,2.0,3,3,WEDNESDAY,5,0,0,0,0,0,0,Business Entity Type 3,0.2501782976408297,0.1821225101602182,0.14024318370802974,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2312.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1443252,195640,Consumer loans,10608.075,89505.0,88474.5,9000.0,89505.0,SUNDAY,10,Y,1,0.1005577682554738,,,XAP,Approved,-2086,Cash through the bank,XAP,Other_B,New,Mobile,POS,XNA,Country-wide,20,Connectivity,12.0,high,POS mobile with interest,365243.0,-2055.0,-1725.0,-1725.0,-1722.0,0.0,0,Cash loans,M,Y,Y,0,180000.0,873000.0,25654.5,873000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.04622,-17670,-578,-5931.0,-1214,7.0,1,1,0,1,0,0,Laborers,2.0,1,1,SUNDAY,10,0,0,0,0,0,0,Transport: type 4,,0.7198911469729294,0.7713615919194317,0.1113,0.0628,0.9861,0.8096,0.0156,0.12,0.1034,0.3333,0.375,,0.0908,0.1146,0.0,0.0,0.1134,0.0652,0.9861,0.8171,0.0158,0.1208,0.1034,0.3333,0.375,,0.0992,0.1194,0.0,0.0,0.1124,0.0628,0.9861,0.8121,0.0157,0.12,0.1034,0.3333,0.375,,0.0923,0.1167,0.0,0.0,reg oper account,block of flats,0.0902,Panel,No,1.0,0.0,1.0,0.0,-2086.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1754059,375572,Consumer loans,7509.24,66114.0,66114.0,0.0,66114.0,THURSDAY,11,Y,1,0.0,,,XAP,Refused,-126,Cash through the bank,SCO,,Repeater,Computers,POS,XNA,Country-wide,25,Connectivity,10.0,low_normal,POS mobile without interest,,,,,,,1,Cash loans,M,N,N,1,112500.0,157500.0,10651.5,157500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008625,-12558,-3452,-6586.0,-1948,,1,1,1,1,0,0,Sales staff,3.0,2,2,THURSDAY,12,0,0,0,0,0,0,School,0.1492767063760014,0.06623648285173192,0.2822484337007223,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1353982,112736,Cash loans,27937.44,450000.0,524745.0,,450000.0,THURSDAY,10,Y,1,,,,Education,Refused,-733,Cash through the bank,VERIF,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,30.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,N,2,76500.0,225000.0,14548.5,225000.0,Unaccompanied,Commercial associate,Incomplete higher,Married,With parents,0.019688999999999998,-11076,-1690,-3038.0,-3749,,1,1,0,1,0,0,Cleaning staff,4.0,2,2,FRIDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.4051254197418742,0.29139357580719816,0.5082869913916046,0.0165,0.0,0.9747,0.6532,0.0014,0.0,0.069,0.0417,0.0417,0.0099,0.0134,0.0124,0.0,0.0,0.0168,0.0,0.9747,0.6668,0.0014,0.0,0.069,0.0417,0.0417,0.0101,0.0147,0.0129,0.0,0.0,0.0167,0.0,0.9747,0.6578,0.0014,0.0,0.069,0.0417,0.0417,0.0101,0.0137,0.0126,0.0,0.0,not specified,block of flats,0.0105,"Stone, brick",No,0.0,0.0,0.0,0.0,-733.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2320702,171645,Consumer loans,8009.19,80100.0,72090.0,8010.0,80100.0,SATURDAY,17,Y,1,0.1089090909090909,,,XAP,Approved,-938,Cash through the bank,XAP,Unaccompanied,New,Furniture,POS,XNA,Country-wide,150,Furniture,10.0,low_normal,POS industry with interest,365243.0,-906.0,-636.0,-816.0,-810.0,0.0,0,Cash loans,F,N,Y,0,225000.0,2085120.0,72607.5,1800000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.04622,-13904,-328,-2212.0,-4898,,1,1,0,1,0,0,Sales staff,2.0,1,1,SATURDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.43876227923282624,0.7757367841085786,0.5334816299804352,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-938.0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1256190,324744,Consumer loans,2745.36,41850.0,41850.0,0.0,41850.0,THURSDAY,7,Y,1,0.0,,,XAP,Approved,-1066,Cash through the bank,XAP,Unaccompanied,New,Gardening,POS,XNA,Stone,120,Construction,18.0,low_normal,POS industry with interest,365243.0,-1032.0,-522.0,-612.0,-607.0,0.0,0,Cash loans,F,Y,Y,0,180000.0,254700.0,14350.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.018801,-24167,-712,-3943.0,-4434,21.0,1,1,0,1,0,0,,1.0,2,2,SATURDAY,7,0,0,0,0,0,0,Other,,0.06967769368459095,0.6347055309763198,1.0,0.111,0.999,0.9864,0.4053,0.56,0.2414,0.6667,0.7083,0.1947,0.9153,0.568,0.0541,0.0823,1.0,0.1152,0.999,0.9869,0.409,0.5639,0.2414,0.6667,0.7083,0.1991,1.0,0.5918,0.0545,0.0871,1.0,0.111,0.999,0.9866,0.4079,0.56,0.2414,0.6667,0.7083,0.198,0.9312,0.5782,0.0543,0.084,reg oper account,block of flats,0.6862,Mixed,No,3.0,2.0,3.0,2.0,-1066.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1967330,154913,Consumer loans,18090.36,347854.5,401116.5,0.0,347854.5,FRIDAY,19,Y,1,0.0,,,XAP,Refused,-1537,Cash through the bank,HC,"Spouse, partner",New,Audio/Video,POS,XNA,Country-wide,2200,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,0,Cash loans,M,Y,N,2,270000.0,2085120.0,65601.0,1800000.0,Unaccompanied,State servant,Secondary / secondary special,Married,Office apartment,0.006296,-14952,-3241,-9250.0,-1005,13.0,1,1,0,1,0,1,Drivers,4.0,3,3,TUESDAY,14,0,0,0,0,0,0,Security Ministries,0.28884319597396024,0.5847652359463056,0.3740208032583212,0.0619,0.0655,0.9826,0.762,,0.0,0.1379,0.1667,0.2083,0.0663,0.0504,0.0361,0.0,0.0585,0.063,0.0679,0.9826,0.7713,,0.0,0.1379,0.1667,0.2083,0.0678,0.0551,0.0376,0.0,0.0619,0.0625,0.0655,0.9826,0.7652,,0.0,0.1379,0.1667,0.2083,0.0674,0.0513,0.0367,0.0,0.0597,reg oper account,block of flats,0.0411,Panel,No,0.0,0.0,0.0,0.0,-1119.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1967729,118377,Consumer loans,,51898.5,51898.5,0.0,51898.5,WEDNESDAY,14,Y,1,0.0,,,XAP,Refused,-1169,Cash through the bank,XNA,,Refreshed,Mobile,XNA,XNA,Country-wide,15,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,M,N,Y,0,225000.0,247500.0,13086.0,247500.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.035792000000000004,-10222,-132,-4916.0,-2885,,1,1,0,1,1,0,Laborers,2.0,2,2,WEDNESDAY,10,1,1,0,1,1,0,Business Entity Type 1,0.2915981631055952,0.7424763787126663,0.4365064990977374,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1168.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2737490,454917,Consumer loans,8490.69,49500.0,46755.0,4950.0,49500.0,SATURDAY,11,Y,1,0.10426457789382072,,,XAP,Approved,-2477,Cash through the bank,XAP,Unaccompanied,Refreshed,Furniture,POS,XNA,Stone,900,Furniture,6.0,middle,POS industry with interest,365243.0,-2443.0,-2293.0,-2323.0,-2315.0,1.0,0,Cash loans,F,N,N,0,166500.0,1011955.5,42876.0,904500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.020246,-20245,-12531,-5427.0,-3677,,1,1,1,1,1,0,Accountants,1.0,3,3,WEDNESDAY,14,0,0,0,0,0,0,Other,,0.5585773234806426,0.1766525794312139,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1854.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1616740,382433,Cash loans,14352.93,225000.0,254700.0,,225000.0,MONDAY,10,Y,1,,,,XNA,Refused,-249,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,38,Connectivity,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,N,Y,0,85500.0,170640.0,8428.5,135000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00702,-19778,-5375,-6855.0,-2837,,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,Agriculture,0.4227697435999045,0.451938183815075,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-532.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1388824,138503,Consumer loans,5308.56,127431.0,113917.5,13513.5,127431.0,SUNDAY,10,Y,1,0.11549332579984466,,,XAP,Approved,-2798,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,200,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-2767.0,-2077.0,-2587.0,-2581.0,0.0,0,Cash loans,F,N,Y,0,112500.0,213723.0,22027.5,184500.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.02461,-23816,365243,-8421.0,-4392,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,13,0,0,0,0,0,0,XNA,,0.5280340269132295,0.8027454758994178,0.1866,0.0952,0.9866,,,0.2,0.1724,0.3333,,0.1061,,0.1762,,0.0512,0.1901,0.0988,0.9866,,,0.2014,0.1724,0.3333,,0.1085,,0.1836,,0.0542,0.1884,0.0952,0.9866,,,0.2,0.1724,0.3333,,0.108,,0.1794,,0.0523,,block of flats,0.1731,Panel,No,0.0,0.0,0.0,0.0,-1742.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1582912,312008,Cash loans,21109.5,450000.0,450000.0,,450000.0,MONDAY,9,Y,1,,,,XNA,Refused,-136,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,360000.0,1125000.0,47794.5,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-16084,-1113,-2470.0,-3094,,1,1,1,1,0,0,Sales staff,2.0,2,2,THURSDAY,17,0,0,0,0,0,0,Self-employed,,0.6800262494245853,0.06871125488462053,0.2701,0.1883,0.9811,,,0.2,0.1724,0.3333,,0.12,,0.2333,,0.1112,0.2752,0.1954,0.9811,,,0.2014,0.1724,0.3333,,0.1227,,0.2431,,0.1177,0.2727,0.1883,0.9811,,,0.2,0.1724,0.3333,,0.1221,,0.2375,,0.1135,,block of flats,0.2077,"Stone, brick",No,4.0,2.0,4.0,0.0,-136.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1915786,270699,Consumer loans,5858.55,107370.0,130045.5,0.0,107370.0,FRIDAY,14,Y,1,0.0,,,XAP,Approved,-846,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,2400,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-815.0,-125.0,-155.0,-151.0,0.0,0,Cash loans,F,N,Y,0,225000.0,689742.0,29223.0,616500.0,Unaccompanied,Working,Secondary / secondary special,Separated,Municipal apartment,0.009656999999999999,-18737,-1890,-5826.0,-2142,,1,1,0,1,0,0,Laborers,1.0,2,2,THURSDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.6585658561096591,0.24318648044201235,,,0.9826,,,,0.1379,,,,,0.0308,,,,,0.9826,,,,0.1379,,,,,0.0321,,,,,0.9826,,,,0.1379,,,,,0.0313,,,,,0.0242,Panel,No,0.0,0.0,0.0,0.0,-1525.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2087802,300815,Consumer loans,34781.67,234868.5,234868.5,0.0,234868.5,TUESDAY,12,Y,1,0.0,,,XAP,Refused,-311,Cash through the bank,LIMIT,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,2112,Consumer electronics,8.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,225000.0,349258.5,23467.5,301500.0,Unaccompanied,State servant,Higher education,Single / not married,With parents,0.00702,-10599,-316,-5873.0,-3290,,1,1,0,1,0,0,Core staff,1.0,2,2,FRIDAY,17,0,0,0,0,0,0,Government,,0.7708606473541724,0.5779691187553125,0.0775,,0.9776,,,,0.1655,0.1667,,,,0.0422,,0.0622,0.0672,,0.9732,,,,0.1379,0.1667,,,,0.0354,,0.0615,0.0749,,0.9781,,,,0.1379,0.1667,,,,0.0412,,0.0627,,block of flats,0.052000000000000005,"Stone, brick",No,1.0,0.0,1.0,0.0,-500.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +1640074,237603,Cash loans,28308.06,540000.0,593460.0,,540000.0,TUESDAY,14,Y,1,,,,XNA,Approved,-1255,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,30.0,low_normal,Cash Street: low,365243.0,-1224.0,-354.0,-354.0,-348.0,0.0,0,Cash loans,F,N,Y,0,135000.0,193500.0,8325.0,193500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.020713,-19242,-4162,-731.0,-2781,,1,1,0,1,0,0,,1.0,3,2,SATURDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.6769877186322466,,0.1113,0.0879,0.9975,0.966,0.0371,0.12,0.1034,0.375,0.4167,0.0,0.0908,0.1353,0.0039,0.0038,0.1134,0.0912,0.9975,0.9673,0.0374,0.1208,0.1034,0.375,0.4167,0.0,0.0992,0.141,0.0039,0.004,0.1124,0.0879,0.9975,0.9665,0.0373,0.12,0.1034,0.375,0.4167,0.0,0.0923,0.1377,0.0039,0.0039,reg oper account,block of flats,0.1072,Panel,No,6.0,0.0,6.0,0.0,-1826.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2521350,282609,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SUNDAY,10,Y,1,,,,XAP,Refused,-2,XNA,HC,Family,Repeater,XNA,Cards,walk-in,Country-wide,250,Consumer electronics,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,67500.0,922666.5,30622.5,796500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-20854,365243,-5664.0,-4164,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,,0.4463709815709232,0.35895122857839673,0.0371,,0.9737,,,,0.1034,0.125,,0.0427,,0.0205,,0.0704,0.0378,,0.9737,,,,0.1034,0.125,,0.0437,,0.0214,,0.0745,0.0375,,0.9737,,,,0.1034,0.125,,0.0434,,0.0209,,0.0719,,block of flats,0.0389,"Stone, brick",No,3.0,0.0,2.0,0.0,-2079.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2455372,438040,Consumer loans,5983.92,71131.5,71131.5,0.0,71131.5,THURSDAY,12,Y,1,0.0,,,XAP,Refused,-457,Cash through the bank,LIMIT,"Spouse, partner",Repeater,Mobile,POS,XNA,Country-wide,79,Connectivity,24.0,high,POS mobile with interest,,,,,,,1,Cash loans,M,N,Y,1,90000.0,256500.0,20394.0,256500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.002042,-13095,-884,-6840.0,-1821,,1,1,0,1,0,0,Low-skill Laborers,2.0,3,3,SATURDAY,11,0,0,0,1,1,0,Self-employed,,0.0067637738498024106,0.5549467685334323,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,4.0,5.0,4.0,-761.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1281728,165987,Revolving loans,2250.0,45000.0,45000.0,,45000.0,FRIDAY,11,Y,1,,,,XAP,Approved,-321,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Regional / Local,250,Consumer electronics,0.0,XNA,Card Street,-320.0,-153.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,135000.0,765000.0,22365.0,765000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.00823,-11180,-316,-992.0,-2624,,1,1,1,1,1,0,Core staff,2.0,2,2,THURSDAY,11,0,0,0,0,1,1,Bank,,0.371441194833006,0.4418358231994413,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-784.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2774417,129546,Consumer loans,10916.955,98271.0,108648.0,0.0,98271.0,FRIDAY,11,Y,1,0.0,,,XAP,Approved,-1252,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,2200,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1221.0,-891.0,-891.0,-884.0,0.0,0,Cash loans,F,N,N,2,157500.0,450000.0,21649.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-12896,-1665,-6676.0,-1896,,1,1,0,1,0,0,Laborers,4.0,1,1,THURSDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.7153224431057332,0.4686596550493113,0.099,0.0,0.9717,0.6124,0.0105,0.0,0.1379,0.2083,0.25,0.0369,0.0807,0.0768,0.0,0.0,0.1008,0.0,0.9717,0.6276,0.0106,0.0,0.1379,0.2083,0.25,0.0377,0.0882,0.08,0.0,0.0,0.0999,0.0,0.9717,0.6176,0.0106,0.0,0.1379,0.2083,0.25,0.0375,0.0821,0.0782,0.0,0.0,reg oper account,block of flats,0.0662,"Stone, brick",No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2471003,221781,Cash loans,22680.045,225000.0,247275.0,,225000.0,MONDAY,7,Y,1,,,,XNA,Refused,-1230,XNA,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,18.0,high,Cash Street: high,,,,,,,1,Cash loans,M,N,Y,0,360000.0,592560.0,32274.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.020713,-13322,-1046,-177.0,-4274,,1,1,0,1,0,0,Laborers,1.0,3,2,SATURDAY,7,0,0,0,0,0,0,Construction,,0.25629913948255023,0.1997705696341145,0.1196,0.0323,0.996,0.9456,0.0311,0.08,0.069,0.375,0.4167,0.0267,0.0975,0.1012,0.0,0.0053,0.1218,0.0335,0.996,0.9477,0.0313,0.0806,0.069,0.375,0.4167,0.0273,0.1065,0.1054,0.0,0.0056,0.1207,0.0323,0.996,0.9463,0.0313,0.08,0.069,0.375,0.4167,0.0271,0.0992,0.103,0.0,0.0054,,block of flats,0.1002,Panel,No,1.0,0.0,1.0,0.0,-1688.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +1969707,362807,Consumer loans,4719.24,23755.5,24930.0,0.0,23755.5,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-1863,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,2000,Consumer electronics,6.0,middle,POS household without interest,365243.0,-1832.0,-1682.0,-1682.0,-1674.0,0.0,0,Cash loans,F,N,Y,0,360000.0,755190.0,38556.0,675000.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.022625,-17369,-588,-3247.0,-909,,1,1,1,1,0,0,Sales staff,1.0,2,2,MONDAY,16,0,1,1,0,1,1,Construction,,0.5921632575282474,0.044435565590039874,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1863.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2199728,165019,Consumer loans,10793.97,53995.5,57118.5,5400.0,53995.5,MONDAY,15,Y,1,0.09406960994091197,,,XAP,Approved,-1044,Cash through the bank,XAP,"Spouse, partner",Repeater,Computers,POS,XNA,Country-wide,2535,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1013.0,-863.0,-863.0,-856.0,0.0,0,Cash loans,M,Y,Y,1,292500.0,1255680.0,41499.0,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-14645,-3881,-4143.0,-4116,13.0,1,1,1,1,1,0,Laborers,3.0,2,2,TUESDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.7248293156878483,0.6832688314232291,0.0732,0.0834,0.9836,0.7756,0.0117,0.04,0.0345,0.3333,0.375,0.0403,0.0588,0.0632,0.0039,0.0579,0.0746,0.0865,0.9836,0.7844,0.0118,0.0403,0.0345,0.3333,0.375,0.0412,0.0643,0.0659,0.0039,0.0613,0.0739,0.0834,0.9836,0.7786,0.0118,0.04,0.0345,0.3333,0.375,0.041,0.0599,0.0644,0.0039,0.0592,reg oper account,block of flats,0.0623,"Stone, brick",No,7.0,0.0,7.0,0.0,-1844.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1588676,432619,Consumer loans,98035.11,360000.0,372672.0,0.0,360000.0,TUESDAY,19,Y,1,0.0,,,XAP,Approved,-125,Cash through the bank,XAP,Unaccompanied,Repeater,Tourism,POS,XNA,Stone,32,Tourism,4.0,low_normal,POS other with interest,365243.0,-95.0,-5.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,135000.0,743031.0,39717.0,688500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.00496,-18120,-6258,-461.0,-1245,,1,1,0,1,0,0,Accountants,2.0,2,2,MONDAY,11,0,0,0,0,0,0,Construction,,0.6413897004194443,0.6801388218428291,0.1149,0.1099,0.9826,0.762,,0.0,0.1379,0.1667,0.2083,,0.1219,,,,0.0819,0.1141,0.9826,0.7713,,0.0,0.1379,0.1667,0.2083,,0.1331,,,,0.1161,0.1099,0.9826,0.7652,,0.0,0.1379,0.1667,0.2083,,0.124,,,,reg oper account,block of flats,0.0703,Panel,No,0.0,0.0,0.0,0.0,-632.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2657798,443774,Consumer loans,10717.425,154890.0,181467.0,0.0,154890.0,FRIDAY,10,Y,1,0.0,,,XAP,Approved,-1013,Cash through the bank,XAP,Children,New,Vehicles,POS,XNA,Regional / Local,546,Consumer electronics,24.0,middle,POS household with interest,365243.0,-982.0,-292.0,-412.0,-409.0,0.0,1,Cash loans,M,Y,Y,1,121500.0,215640.0,11137.5,180000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.018209,-20346,-761,-3729.0,-204,30.0,1,1,1,1,1,0,Drivers,2.0,3,3,WEDNESDAY,11,0,0,0,0,0,0,Self-employed,0.4806693979474117,0.4344344553151125,0.6577838002083306,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1013.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2259665,316440,Cash loans,28110.285,238500.0,263686.5,,238500.0,WEDNESDAY,16,Y,1,,,,XNA,Approved,-50,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-20.0,310.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,0,157500.0,177903.0,14391.0,148500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.00823,-13743,-615,-6551.0,-4222,9.0,1,1,0,1,0,0,Cooking staff,2.0,2,2,THURSDAY,10,0,0,0,0,1,1,Other,,0.3591873600705304,0.6178261467332483,,,0.9752,,,,,,,,,0.0076,,,,,0.9752,,,,,,,,,0.0079,,,,,0.9752,,,,,,,,,0.0077,,,,,0.006,,No,1.0,0.0,1.0,0.0,-363.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,0.0 +2523916,269570,Cash loans,14269.86,67500.0,69727.5,,67500.0,THURSDAY,14,Y,1,,,,Urgent needs,Approved,-762,Cash through the bank,XAP,Other_B,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,365243.0,-732.0,-582.0,-612.0,-605.0,1.0,1,Cash loans,F,N,Y,0,180000.0,343800.0,16722.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.00823,-21710,365243,-5746.0,-4130,,1,0,0,1,1,0,,1.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,XNA,,0.26269015147708835,0.2353105173615833,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-240.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1972882,326406,Consumer loans,9710.415,118800.0,137619.0,0.0,118800.0,TUESDAY,3,Y,1,0.0,,,XAP,Approved,-301,XNA,XAP,,New,Consumer Electronics,POS,XNA,Regional / Local,508,Consumer electronics,18.0,middle,POS household with interest,365243.0,-270.0,240.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,85500.0,327024.0,12456.0,270000.0,Children,Pensioner,Secondary / secondary special,Widow,House / apartment,0.014464,-21503,365243,-13742.0,-4977,,1,0,0,1,1,0,,1.0,2,2,TUESDAY,3,0,0,0,0,0,0,XNA,0.7994960008009264,0.6023567882779491,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-301.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1843239,448666,Consumer loans,12595.275,110893.5,110893.5,0.0,110893.5,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-147,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,30,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-112.0,158.0,365243.0,365243.0,0.0,0,Revolving loans,M,N,Y,2,360000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010032,-16767,-2753,-1234.0,-303,,1,1,0,1,0,0,Security staff,4.0,2,2,SATURDAY,6,0,0,0,0,0,0,Industry: type 10,0.478008842178208,0.5509129560558867,0.5136937663039473,0.0629,0.0507,0.9796,0.7212,0.0239,0.0,0.1379,0.1667,0.2083,0.0287,0.0504,0.0536,0.0039,0.0,0.0641,0.0527,0.9796,0.7321,0.0241,0.0,0.1379,0.1667,0.2083,0.0294,0.0551,0.0559,0.0039,0.0,0.0635,0.0507,0.9796,0.7249,0.0241,0.0,0.1379,0.1667,0.2083,0.0292,0.0513,0.0546,0.0039,0.0,reg oper account,block of flats,0.0552,Panel,No,0.0,0.0,0.0,0.0,-147.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1395889,440555,Cash loans,13417.425,112500.0,144864.0,0.0,112500.0,FRIDAY,11,Y,1,0.0,,,Other,Refused,-1598,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,112500.0,225000.0,15165.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Rented apartment,0.015221,-11658,-291,-1891.0,-4036,,1,1,0,1,0,0,Sales staff,1.0,2,2,SUNDAY,11,0,0,0,1,1,0,Business Entity Type 3,,0.7519630471189234,0.10145935699146924,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-185.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1655699,379932,Cash loans,57324.87,1066500.0,1128442.5,,1066500.0,SUNDAY,10,Y,1,,,,XNA,Refused,-373,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,135000.0,270000.0,21330.0,270000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.015221,-21884,365243,-9111.0,-496,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,XNA,0.4378678435022425,0.35402466951194683,0.41184855592423975,0.1485,0.1036,0.9871,0.8232,0.1023,0.16,0.1379,0.3333,0.375,0.0448,0.121,0.1468,0.0,0.0,0.1513,0.1075,0.9871,0.8301,0.1032,0.1611,0.1379,0.3333,0.375,0.0458,0.1322,0.153,0.0,0.0,0.1499,0.1036,0.9871,0.8256,0.1029,0.16,0.1379,0.3333,0.375,0.0456,0.1231,0.1494,0.0,0.0,reg oper account,block of flats,0.1714,Panel,No,12.0,0.0,12.0,0.0,-1319.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,8.0 +1129482,237658,Consumer loans,13798.17,85455.0,71973.0,17091.0,85455.0,WEDNESDAY,15,Y,1,0.20899187917983386,,,XAP,Approved,-1126,Cash through the bank,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Regional / Local,168,Consumer electronics,6.0,middle,POS household without interest,365243.0,-1095.0,-945.0,-1005.0,-1003.0,0.0,0,Cash loans,F,N,Y,1,180000.0,755190.0,36459.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-10872,-1981,-2182.0,-2328,,1,1,0,1,0,0,Managers,3.0,2,2,TUESDAY,12,0,0,0,0,1,1,Self-employed,,0.4910699258351637,0.14024318370802974,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1126.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1368755,419885,Consumer loans,2412.36,17851.5,17109.0,1800.0,17851.5,FRIDAY,12,Y,1,0.10367357535372766,,,XAP,Approved,-2488,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Stone,1645,Consumer electronics,8.0,middle,POS household with interest,365243.0,-2451.0,-2241.0,-2241.0,-2234.0,1.0,0,Cash loans,F,N,Y,0,85500.0,545040.0,18756.0,450000.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-20054,365243,-9974.0,-2861,,1,0,0,1,1,0,,2.0,2,2,MONDAY,11,0,0,0,0,0,0,XNA,,0.607921518906603,0.5656079814115492,0.055,0.0404,0.9732,0.6328,0.0111,0.0,0.1148,0.125,0.1667,0.0905,0.0448,0.0376,0.0,0.0027,0.0431,0.0,0.9742,0.6602,0.0087,0.0,0.1379,0.1667,0.2083,0.0168,0.0376,0.01,0.0,0.0,0.0614,0.0601,0.9742,0.6511,0.012,0.0,0.1379,0.1667,0.2083,0.0473,0.0504,0.0523,0.0,0.0041,reg oper account,block of flats,0.0413,Panel,No,3.0,0.0,3.0,0.0,-1739.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +2061237,103300,Cash loans,17779.05,139500.0,148707.0,,139500.0,TUESDAY,11,Y,1,,,,Urgent needs,Refused,-294,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,270000.0,679500.0,27076.5,679500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-22235,365243,-10171.0,-4315,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,,0.5419760775924726,0.5316861425197883,0.1701,0.1596,0.9856,,,0.0,0.4138,0.1667,,0.1715,,0.1619,,0.0294,0.1733,0.1656,0.9856,,,0.0,0.4138,0.1667,,0.1754,,0.1687,,0.0311,0.1718,0.1596,0.9856,,,0.0,0.4138,0.1667,,0.1745,,0.1648,,0.03,,block of flats,0.1493,"Stone, brick",No,0.0,0.0,0.0,0.0,-539.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +2713445,375864,Consumer loans,9955.305,119236.5,95386.5,23850.0,119236.5,SUNDAY,15,Y,1,0.2178428432721372,,,XAP,Approved,-1402,Cash through the bank,XAP,"Spouse, partner",New,Computers,POS,XNA,Country-wide,3700,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1370.0,-1040.0,-1160.0,-1157.0,0.0,0,Cash loans,M,N,Y,0,157500.0,1658340.0,61587.0,1548000.0,"Spouse, partner",Pensioner,Higher education,Married,House / apartment,0.02461,-23268,365243,-10461.0,-3973,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,16,0,0,0,0,0,0,XNA,,0.7116075396416186,0.6879328378491735,0.0732,0.043,0.9856,0.8028,0.1161,0.08,0.069,0.3333,,0.029,0.0563,0.076,0.0154,0.0171,0.0746,0.0446,0.9856,0.8105,0.1172,0.0806,0.069,0.3333,,0.0297,0.0615,0.0792,0.0156,0.0181,0.0739,0.043,0.9856,0.8054,0.1168,0.08,0.069,0.3333,,0.0295,0.0573,0.0773,0.0155,0.0174,reg oper account,block of flats,0.0635,"Stone, brick",No,0.0,0.0,0.0,0.0,-1402.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2110139,322738,Consumer loans,7613.235,76140.0,68526.0,7614.0,76140.0,THURSDAY,17,Y,1,0.1089090909090909,,,XAP,Approved,-812,Cash through the bank,XAP,Unaccompanied,New,Furniture,POS,XNA,Country-wide,20,Furniture,10.0,low_normal,POS industry with interest,365243.0,-780.0,-510.0,-510.0,-501.0,0.0,0,Cash loans,F,N,Y,0,270000.0,900000.0,26316.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-20654,-3429,-9802.0,-4132,,1,1,0,1,0,0,Laborers,2.0,1,1,THURSDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.6605054325861691,0.4489622731076524,0.2086,0.1115,0.9891,0.8504,0.0,0.2664,0.1148,0.5971,0.6388,0.0,,0.2452,,0.015,0.1008,0.0673,0.9891,0.8563,0.0,0.3222,0.1379,0.6667,0.7083,0.0,,0.1277,,0.0022,0.2571,0.1332,0.9891,0.8524,0.0,0.32,0.1379,0.6667,0.7083,0.0,,0.3014,,0.0068,reg oper spec account,block of flats,0.2408,Panel,No,0.0,0.0,0.0,0.0,-812.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2168372,451324,Consumer loans,19525.635,172669.5,194323.5,0.0,172669.5,SATURDAY,11,Y,1,0.0,,,XAP,Refused,-807,Cash through the bank,LIMIT,Other_A,Repeater,Audio/Video,POS,XNA,Country-wide,1378,Consumer electronics,12.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,Y,1,180000.0,193572.0,20457.0,171000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.007273999999999998,-12006,-741,-6128.0,-1722,,1,1,0,1,1,0,Accountants,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Self-employed,,0.5451553459176001,0.7557400501752248,0.1464,0.2132,0.9901,0.8640000000000001,0.0338,0.16,0.1379,0.3333,0.0417,0.0,0.1446,0.142,0.0,0.0,0.1492,0.2212,0.9901,0.8693,0.0341,0.1611,0.1379,0.3333,0.0417,0.0,0.1579,0.1479,0.0,0.0,0.1478,0.2132,0.9901,0.8658,0.034,0.16,0.1379,0.3333,0.0417,0.0,0.1471,0.1445,0.0,0.0,reg oper account,block of flats,0.1117,Panel,No,0.0,0.0,0.0,0.0,-925.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2193329,426663,Consumer loans,7304.175,161955.0,161955.0,0.0,161955.0,TUESDAY,15,Y,1,0.0,,,XAP,Refused,-1581,Cash through the bank,LIMIT,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Regional / Local,114,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,1,Cash loans,F,Y,Y,0,270000.0,1046142.0,33876.0,913500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-9964,-944,-4517.0,-1110,1.0,1,1,0,1,0,0,Realty agents,2.0,2,2,MONDAY,15,0,0,0,0,0,0,Self-employed,0.3260080632952456,0.6164718582393616,0.2512394458905693,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1691.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +1806284,398111,Consumer loans,6978.06,38700.0,36553.5,3870.0,38700.0,TUESDAY,11,Y,1,0.1042656330644753,,,XAP,Approved,-1289,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Regional / Local,2429,Industry,6.0,middle,POS industry with interest,365243.0,-1258.0,-1108.0,-1138.0,-1130.0,0.0,0,Cash loans,F,N,Y,1,112500.0,270000.0,14647.5,270000.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.0031219999999999998,-12936,-2481,-6906.0,-2860,,1,1,0,1,1,0,Sales staff,2.0,3,3,WEDNESDAY,16,0,0,0,1,1,0,Trade: type 7,0.6687899109776819,0.6314015845134824,0.4992720153045617,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2412.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1142081,214688,Cash loans,13743.9,270000.0,270000.0,,270000.0,THURSDAY,17,Y,1,,,,XNA,Refused,-1190,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),2,XNA,30.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,Y,N,0,202500.0,840951.0,33480.0,679500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-14629,-224,-8552.0,-2184,11.0,1,1,0,1,0,0,Drivers,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Self-employed,0.6859260249922062,0.7219413862402779,0.746300213050371,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1818690,143973,Consumer loans,8165.205,46188.0,39397.5,9000.0,46188.0,SATURDAY,9,Y,1,0.202527365707282,,,XAP,Approved,-4,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,6.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,2,63000.0,755190.0,32125.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-16088,-7844,-4339.0,-4339,,1,1,1,1,1,0,Laborers,4.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 1,0.5405993002650644,0.6829264777539054,0.4365064990977374,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,0.0,8.0,0.0,-2731.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2018367,444774,Consumer loans,5635.17,45985.5,50539.5,0.0,45985.5,MONDAY,12,Y,1,0.0,,,XAP,Approved,-2059,Cash through the bank,XAP,Children,New,Office Appliances,POS,XNA,Country-wide,3855,Consumer electronics,12.0,high,POS household with interest,365243.0,-2028.0,-1698.0,-1698.0,-1696.0,0.0,0,Cash loans,F,N,Y,1,90000.0,540000.0,21811.5,540000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018209,-15494,-710,-4506.0,-4480,,1,1,1,1,0,0,Managers,3.0,3,3,TUESDAY,7,0,0,0,0,0,0,Self-employed,0.3903112795808065,0.5436204088694362,0.8463780633178121,,0.0593,0.9856,,,0.08,0.0345,0.375,,,,0.0831,,0.0086,,0.0615,0.9856,,,0.0806,0.0345,0.375,,,,0.0866,,0.0091,,0.0593,0.9856,,,0.08,0.0345,0.375,,,,0.0846,,0.0088,,,0.1215,"Stone, brick",No,0.0,0.0,0.0,0.0,-2059.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2437688,145864,Consumer loans,2275.83,19296.0,18981.0,2025.0,19296.0,WEDNESDAY,8,Y,1,0.10498948352418787,,,XAP,Approved,-2192,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,23,Connectivity,12.0,high,POS mobile with interest,365243.0,-2142.0,-1812.0,-1842.0,-1838.0,0.0,0,Cash loans,F,N,Y,1,81000.0,81000.0,9612.0,81000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018209,-15103,-243,-3692.0,-4544,,1,1,0,1,0,0,Sales staff,3.0,3,3,THURSDAY,10,0,0,0,0,0,0,Self-employed,0.5053107464794682,0.4846611222532437,0.5902333386185574,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1921964,384991,Consumer loans,14479.56,128655.0,106155.0,22500.0,128655.0,FRIDAY,19,Y,1,0.19046710547235207,,,XAP,Approved,-1914,XNA,XAP,Family,New,Mobile,POS,XNA,Stone,23,Connectivity,10.0,high,POS mobile with interest,365243.0,-1873.0,-1603.0,-1663.0,-1660.0,0.0,0,Cash loans,F,Y,Y,1,315000.0,1006920.0,45630.0,900000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.010147,-13592,-695,-1560.0,-5156,1.0,1,1,0,1,0,0,Accountants,3.0,2,2,MONDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.7269142250547825,0.6538991607909351,0.6430255641096323,0.3619,0.2007,0.9975,0.966,0.12,0.4,0.1724,0.5417,0.4167,0.2043,0.2782,0.4418,0.0772,0.3159,0.3687,0.2083,0.9975,0.9673,0.1211,0.4028,0.1724,0.5417,0.4167,0.2089,0.3039,0.4603,0.0778,0.3345,0.3654,0.2007,0.9975,0.9665,0.1207,0.4,0.1724,0.5417,0.4167,0.2078,0.28300000000000003,0.4498,0.0776,0.3226,org spec account,block of flats,0.4162,"Stone, brick",No,0.0,0.0,0.0,0.0,-458.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,1.0,0.0,1.0,0.0,1.0 +2326272,376931,Cash loans,20492.28,585000.0,700830.0,,585000.0,SATURDAY,8,Y,1,,,,XNA,Refused,-260,Cash through the bank,HC,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,N,Y,0,54000.0,562491.0,27189.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.002134,-17328,-2859,-3922.0,-865,,1,1,0,1,0,0,Laborers,2.0,3,3,SUNDAY,7,0,0,0,0,0,0,Kindergarten,,0.12011495905408558,0.5884877883422673,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,5.0 +2455699,131090,Cash loans,12074.31,135000.0,152820.0,,135000.0,SATURDAY,7,Y,1,,,,Urgent needs,Refused,-675,Cash through the bank,LIMIT,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,high,Cash Street: high,,,,,,,0,Cash loans,M,Y,Y,0,45900.0,130320.0,15592.5,112500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.002134,-12262,-1416,-4386.0,-907,9.0,1,1,0,1,0,0,Security staff,2.0,3,3,TUESDAY,10,0,0,0,0,0,0,School,,0.061394396976275,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-711.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2600661,266586,Consumer loans,11023.92,110250.0,99225.0,11025.0,110250.0,WEDNESDAY,13,Y,1,0.1089090909090909,,,XAP,Approved,-2553,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Stone,142,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-2522.0,-2252.0,-2252.0,-2248.0,0.0,1,Cash loans,F,N,Y,0,135000.0,1128415.5,44883.0,967500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.035792000000000004,-15488,-1785,-2845.0,-4213,,1,1,0,1,0,0,Accountants,1.0,2,2,MONDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.7957720839120641,0.6921244751563179,0.6722428897082422,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1726843,258293,Cash loans,6517.26,90000.0,101880.0,,90000.0,WEDNESDAY,15,Y,1,,,,XNA,Approved,-508,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-478.0,212.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,112500.0,286704.0,18450.0,247500.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.010643000000000001,-20489,365243,-12763.0,-4038,,1,0,0,1,0,0,,1.0,2,2,SUNDAY,13,0,0,0,0,0,0,XNA,0.6999736507543315,0.6755227273357874,,0.0495,0.0505,0.9732,,,0.0,0.1034,0.125,,0.019,,0.0258,,0.003,0.0504,0.0524,0.9732,,,0.0,0.1034,0.125,,0.0195,,0.0269,,0.0032,0.05,0.0505,0.9732,,,0.0,0.1034,0.125,,0.0194,,0.0263,,0.0031,,block of flats,0.0314,"Stone, brick",No,0.0,0.0,0.0,0.0,-2448.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2581458,328551,Consumer loans,4288.95,60750.0,60750.0,0.0,60750.0,WEDNESDAY,11,Y,1,0.0,,,XAP,Approved,-1175,Cash through the bank,XAP,Unaccompanied,Refreshed,Consumer Electronics,POS,XNA,Stone,100,Consumer electronics,18.0,middle,POS household with interest,365243.0,-1144.0,-634.0,-724.0,-716.0,0.0,0,Cash loans,M,Y,Y,0,220500.0,1073835.0,38700.0,927000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.018634,-16042,-1962,-4304.0,-4197,1.0,1,1,0,1,0,0,Drivers,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Business Entity Type 2,0.3976303394117307,0.7405693495937368,0.6479768603302221,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-2526.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,2.0,3.0 +1467276,293884,Consumer loans,5000.175,29574.0,31527.0,0.0,29574.0,SATURDAY,10,Y,1,0.0,,,XAP,Approved,-2593,XNA,XAP,Children,Repeater,Mobile,POS,XNA,Country-wide,42,Connectivity,8.0,high,POS mobile with interest,365243.0,-2562.0,-2352.0,-2352.0,-2347.0,1.0,0,Cash loans,M,Y,Y,0,123750.0,320382.0,16357.5,229500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-20952,365243,-1166.0,-4346,7.0,1,0,0,1,0,0,,2.0,2,2,TUESDAY,8,0,0,0,0,0,0,XNA,0.7787070977562898,0.7681066967913728,0.6212263380626669,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1264.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2616231,169321,Revolving loans,6750.0,135000.0,135000.0,,135000.0,FRIDAY,13,Y,1,,,,XAP,Refused,-735,XNA,LIMIT,,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,Y,N,1,144000.0,319500.0,9283.5,319500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.018209,-9512,-1312,-3420.0,-2174,5.0,1,1,1,1,1,0,Medicine staff,2.0,3,3,THURSDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.26127253331283856,0.5545782459173029,0.7544061731797895,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1069.0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1039575,204864,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SUNDAY,8,Y,1,,,,XAP,Approved,-473,XNA,XAP,,New,XNA,Cards,walk-in,Country-wide,150,Consumer electronics,0.0,XNA,Card Street,-437.0,365243.0,365243.0,365243.0,-388.0,0.0,1,Cash loans,F,N,N,0,144000.0,539100.0,25933.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006629,-10685,-1028,-4767.0,-2108,,1,1,0,1,1,0,Laborers,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Postal,,0.6381895842490569,0.43473324875017305,0.0557,0.0447,0.9886,0.8436,0.0177,0.06,0.0517,0.3333,0.0417,0.031,0.045,0.0733,0.0019,0.0029,0.0378,0.0305,0.9886,0.8497,0.0114,0.0403,0.0345,0.3333,0.0417,0.0258,0.0331,0.0508,0.0,0.0,0.0562,0.0447,0.9886,0.8457,0.0178,0.06,0.0517,0.3333,0.0417,0.0315,0.0457,0.0746,0.0019,0.0029,org spec account,block of flats,0.0445,Panel,No,1.0,1.0,1.0,1.0,-473.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2164511,316048,Consumer loans,19003.59,110245.5,92560.5,22050.0,110245.5,SATURDAY,9,Y,1,0.20953101631573487,,,XAP,Approved,-1315,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Regional / Local,140,Consumer electronics,6.0,high,POS household with interest,365243.0,-1284.0,-1134.0,-1134.0,-1132.0,0.0,0,Cash loans,M,Y,Y,1,180000.0,1317357.0,50305.5,1129500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.006305,-12372,-4066,-6315.0,-4697,13.0,1,1,0,1,1,0,Laborers,3.0,3,3,FRIDAY,4,0,0,0,0,0,0,Housing,,0.5875395279192321,0.6925590674998008,0.2227,0.1694,0.9856,0.8028,0.059,0.24,0.2069,0.3333,0.375,0.0451,0.179,0.2424,0.0116,0.0123,0.2269,0.1758,0.9856,0.8105,0.0595,0.2417,0.2069,0.3333,0.375,0.0461,0.1956,0.2525,0.0117,0.013,0.2248,0.1694,0.9856,0.8054,0.0593,0.24,0.2069,0.3333,0.375,0.0459,0.1821,0.2467,0.0116,0.0125,reg oper spec account,block of flats,0.2255,Panel,No,0.0,0.0,0.0,0.0,-1490.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2310245,414530,Consumer loans,7871.715,72729.0,70852.5,7276.5,72729.0,SATURDAY,16,Y,1,0.10143186268863033,,,XAP,Approved,-2513,Cash through the bank,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Country-wide,579,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2482.0,-2212.0,-2212.0,-2204.0,1.0,0,Cash loans,M,N,Y,0,108000.0,417024.0,28210.5,360000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.025164,-13342,-1953,-3564.0,-3564,,1,1,1,1,1,0,Laborers,1.0,2,2,FRIDAY,22,0,0,0,0,1,1,Business Entity Type 3,0.14276862351902506,0.16040532147836672,0.6940926425266661,0.1227,0.1443,0.9767,,,0.0,0.2759,0.1667,,0.03,,0.117,,0.0,0.125,0.1497,0.9767,,,0.0,0.2759,0.1667,,0.0306,,0.1219,,0.0,0.1239,0.1443,0.9767,,,0.0,0.2759,0.1667,,0.0305,,0.1191,,0.0,,block of flats,0.092,Panel,No,5.0,0.0,5.0,0.0,-1369.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1460387,351735,Consumer loans,13285.62,132750.0,119475.0,13275.0,132750.0,THURSDAY,13,Y,1,0.1089090909090909,,,XAP,Approved,-1076,Cash through the bank,XAP,Family,New,Clothing and Accessories,POS,XNA,Stone,5,Furniture,10.0,low_normal,POS industry with interest,365243.0,-1044.0,-774.0,-774.0,-764.0,0.0,0,Cash loans,F,N,Y,0,67500.0,225000.0,22383.0,225000.0,Other_B,State servant,Secondary / secondary special,Married,House / apartment,0.028663,-19774,-126,-4078.0,-3203,,1,1,1,1,0,0,Medicine staff,2.0,2,2,TUESDAY,15,0,0,0,1,1,0,Medicine,0.8769328133886991,0.08305079266156935,0.6528965519806539,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,1.0,5.0,0.0,-1076.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2072754,319528,Consumer loans,20804.4,154710.0,165523.5,15471.0,154710.0,SATURDAY,14,Y,1,0.09309302467503404,,,XAP,Refused,-1157,Cash through the bank,LIMIT,Family,Repeater,Audio/Video,POS,XNA,Regional / Local,12000,Consumer electronics,9.0,low_normal,POS household without interest,,,,,,,0,Cash loans,F,Y,Y,0,112500.0,529294.5,23445.0,396000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.019101,-17936,-2022,-4626.0,-1462,8.0,1,1,0,1,0,0,Medicine staff,2.0,2,2,MONDAY,16,0,0,0,0,1,1,Medicine,,0.4615309787457994,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1221.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1078037,117936,Consumer loans,11409.57,118692.0,122683.5,11871.0,118692.0,THURSDAY,16,Y,1,0.09608447269930163,,,XAP,Approved,-2215,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Regional / Local,60,Consumer electronics,18.0,high,POS household with interest,365243.0,-2184.0,-1674.0,-1674.0,-1659.0,0.0,0,Cash loans,F,N,Y,0,180000.0,254700.0,17149.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.00702,-10477,-312,-2559.0,-2559,,1,1,0,1,0,0,Laborers,1.0,2,2,SUNDAY,18,0,0,0,0,1,1,Services,0.4573324472446629,0.43818841672304704,0.3233112448967859,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-186.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1470087,384581,Consumer loans,7405.65,87102.0,93505.5,4500.0,87102.0,TUESDAY,10,Y,1,0.0500064699522893,,,XAP,Approved,-1158,Cash through the bank,XAP,Other_B,Repeater,Consumer Electronics,POS,XNA,Country-wide,3268,Consumer electronics,16.0,middle,POS household with interest,365243.0,-1126.0,-676.0,-676.0,-669.0,0.0,0,Cash loans,F,N,Y,0,72000.0,418500.0,23499.0,418500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.018209,-23027,365243,-2593.0,-2206,,1,0,0,1,1,0,,1.0,3,3,FRIDAY,13,0,0,0,0,0,0,XNA,,0.4362674986250521,,0.1103,0.0729,0.9742,0.6464,0.0045,0.0,0.1379,0.125,0.1667,0.0435,0.0899,0.0429,0.0,0.0113,0.1124,0.0757,0.9742,0.6602,0.0045,0.0,0.1379,0.125,0.1667,0.0445,0.0983,0.0447,0.0,0.012,0.1114,0.0729,0.9742,0.6511,0.0045,0.0,0.1379,0.125,0.1667,0.0443,0.0915,0.0437,0.0,0.0115,reg oper account,block of flats,0.0362,"Stone, brick",No,1.0,1.0,1.0,1.0,-1505.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1425515,285198,Consumer loans,11376.315,51885.0,60916.5,0.0,51885.0,THURSDAY,7,Y,1,0.0,,,XAP,Approved,-812,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,356,Consumer electronics,6.0,middle,POS household with interest,365243.0,-781.0,-631.0,-631.0,-627.0,0.0,0,Cash loans,F,Y,Y,2,90000.0,254700.0,17149.5,225000.0,Family,Working,Higher education,Married,House / apartment,0.020713,-11222,-1440,-1344.0,-3678,21.0,1,1,1,1,0,0,Core staff,4.0,3,3,THURSDAY,7,0,0,0,0,1,1,Government,,0.0972340082478035,0.5602843280409464,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-427.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2607027,429665,Consumer loans,,15925.5,15925.5,0.0,15925.5,SUNDAY,10,Y,1,0.0,,,XAP,Refused,-1230,Cash through the bank,LIMIT,,Refreshed,Photo / Cinema Equipment,XNA,XNA,Country-wide,55,Connectivity,,XNA,POS mobile with interest,,,,,,,1,Cash loans,F,N,N,1,180000.0,119925.0,12721.5,112500.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.018029,-10767,-2004,-5162.0,-3410,,1,1,0,1,0,0,,3.0,3,3,FRIDAY,9,0,0,0,0,0,0,Business Entity Type 2,0.22660443307403336,0.2382658153792805,0.1624419982223248,0.1856,0.1504,0.9836,0.7756,0.0502,0.2,0.1724,0.3333,0.0417,0.0,,0.2051,,0.0012,0.1891,0.1561,0.9836,0.7844,0.0506,0.2014,0.1724,0.3333,0.0417,0.0,,0.2137,,0.0013,0.1874,0.1504,0.9836,0.7786,0.0505,0.2,0.1724,0.3333,0.0417,0.0,,0.2088,,0.0012,,block of flats,0.189,Panel,No,4.0,0.0,4.0,0.0,-1812.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1259411,261278,Consumer loans,8780.67,60938.325,55363.5,9003.825,60938.325,FRIDAY,9,Y,1,0.15234412731219532,,,XAP,Approved,-2510,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Stone,30,Connectivity,8.0,high,POS mobile with interest,365243.0,-2475.0,-2265.0,-2265.0,-2214.0,1.0,0,Cash loans,M,N,Y,1,225000.0,1125000.0,40540.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-18531,-439,-8768.0,-2073,,1,1,0,1,0,0,Laborers,3.0,2,2,TUESDAY,7,0,0,0,0,0,0,Construction,,0.3442507292017128,0.4848514754962666,,,0.9742,,,,,,,,,0.0546,,,,,0.9742,,,,,,,,,0.0569,,,,,0.9742,,,,,,,,,0.0556,,,,,0.0429,,No,4.0,0.0,4.0,0.0,-2220.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1886608,222235,Consumer loans,12326.22,121738.5,134595.0,0.0,121738.5,SATURDAY,10,Y,1,0.0,,,XAP,Approved,-258,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Country-wide,166,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-227.0,103.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,2,180000.0,269550.0,20988.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-15056,-1295,-3079.0,-927,,1,1,0,1,0,0,Laborers,4.0,3,3,FRIDAY,9,0,0,0,0,0,0,Self-employed,0.4473560522156421,0.4055556476548643,0.6430255641096323,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,2.0,7.0,0.0,-456.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1348508,234968,Cash loans,19609.065,135000.0,165226.5,,135000.0,TUESDAY,13,Y,1,,,,Repairs,Refused,-535,Cash through the bank,LIMIT,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,F,Y,Y,0,135000.0,448056.0,21789.0,315000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.02461,-19423,-12551,-8981.0,-2950,9.0,1,1,0,1,0,0,Medicine staff,2.0,2,2,FRIDAY,12,0,0,0,0,1,1,Medicine,,0.4426345151610403,0.3876253444214701,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-756.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1717614,419257,Cash loans,26197.47,450000.0,512370.0,,450000.0,WEDNESDAY,13,Y,1,,,,XNA,Approved,-532,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,36.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,N,N,2,337500.0,1078200.0,31653.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-10646,-1054,-1500.0,-3329,,1,1,0,1,0,1,Laborers,4.0,2,2,WEDNESDAY,11,0,0,0,1,1,0,Business Entity Type 3,0.10060930914425913,0.5267095532650129,0.3572932680336494,,,0.9771,,,,,,,,,0.0066,,,,,0.9772,,,,,,,,,0.0068,,,,,0.9771,,,,,,,,,0.0067,,,,,0.0056,,No,0.0,0.0,0.0,0.0,-1969.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2458948,356785,Consumer loans,9056.43,112162.5,89730.0,22432.5,112162.5,FRIDAY,17,Y,1,0.2178181818181818,,,XAP,Approved,-371,Cash through the bank,XAP,Unaccompanied,Refreshed,Construction Materials,POS,XNA,Stone,50,Construction,12.0,middle,POS industry with interest,,,,,,,0,Cash loans,F,N,Y,3,247500.0,574668.0,32215.5,490500.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.032561,-12099,-2207,-176.0,-197,,1,1,0,1,0,1,,5.0,1,1,FRIDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.5893422057427582,0.6356459434720677,0.2580842039460289,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-39.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2329327,445190,Consumer loans,10794.42,107955.0,97159.5,10795.5,107955.0,SUNDAY,12,Y,1,0.1089090909090909,,,XAP,Approved,-1041,Cash through the bank,XAP,"Spouse, partner",New,Computers,POS,XNA,Country-wide,60,Connectivity,12.0,high,POS mobile with interest,365243.0,-1010.0,-680.0,-680.0,-676.0,0.0,0,Cash loans,F,N,N,1,180000.0,497520.0,32391.0,450000.0,Family,Working,Secondary / secondary special,Married,Rented apartment,0.0038130000000000004,-9718,-1614,-1459.0,-1472,,1,1,0,1,0,0,Sales staff,3.0,2,2,FRIDAY,12,0,0,0,0,0,0,Self-employed,0.2686333903284851,0.2992753925797691,0.4848514754962666,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1041.0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2270739,370485,Cash loans,29606.355,450000.0,653706.0,,450000.0,SATURDAY,14,Y,1,,,,XNA,Approved,-741,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-711.0,699.0,-231.0,-229.0,1.0,0,Cash loans,F,N,N,1,216000.0,781920.0,42417.0,675000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.011656999999999999,-14472,-1689,-736.0,-5980,,1,1,1,1,0,0,Medicine staff,3.0,1,1,WEDNESDAY,18,0,0,0,0,1,1,Medicine,0.4233414927220206,0.3954647071698216,0.18629294965553744,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1693.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1403972,134465,Cash loans,46703.97,1354500.0,1483231.5,,1354500.0,WEDNESDAY,19,Y,1,,,,XNA,Refused,-280,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,229500.0,1094688.0,39451.5,945000.0,Unaccompanied,Commercial associate,Higher education,Widow,House / apartment,0.032561,-23108,-2746,-5797.0,-6154,,1,1,0,1,0,1,Sales staff,1.0,1,1,WEDNESDAY,19,0,0,0,0,0,0,Business Entity Type 1,0.9011064872238184,0.7964370704581505,0.3046721837533529,0.1521,0.1128,0.9791,0.7144,0.0125,0.12,0.1034,0.3333,0.375,0.0144,0.124,0.14,0.0,0.0256,0.0284,0.1035,0.9791,0.7256,0.0046,0.0403,0.0345,0.3333,0.375,0.0,0.0248,0.0388,0.0,0.0,0.1535,0.1128,0.9791,0.7182,0.0126,0.12,0.1034,0.3333,0.375,0.0147,0.1261,0.1425,0.0,0.0262,reg oper account,block of flats,0.2172,Panel,No,2.0,0.0,2.0,0.0,-1721.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +2125572,385938,Cash loans,,0.0,0.0,,,MONDAY,12,Y,1,,,,XNA,Refused,-259,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,Y,N,0,90000.0,450000.0,24543.0,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-20745,365243,-7515.0,-3349,10.0,1,0,0,1,1,0,,2.0,2,2,SATURDAY,20,0,0,0,0,0,0,XNA,,0.5407164313393367,0.17044612304522816,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-327.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1255146,197823,Cash loans,25026.48,495000.0,553806.0,,495000.0,MONDAY,5,Y,1,,,,XNA,Approved,-803,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-773.0,277.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,1,202500.0,959598.0,28057.5,801000.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.006852,-15055,-3734,-6080.0,-2038,,1,1,0,1,0,0,Medicine staff,3.0,3,3,SATURDAY,7,0,0,0,0,0,0,Medicine,0.5440329735623737,0.324811395209241,0.6279908192952864,0.0082,0.0,0.9727,,,0.0,0.0345,0.0417,,0.003,,0.0042,,0.0065,0.0084,0.0,0.9727,,,0.0,0.0345,0.0417,,0.0031,,0.0044,,0.0069,0.0083,0.0,0.9727,,,0.0,0.0345,0.0417,,0.0031,,0.0043,,0.0066,,block of flats,0.0051,Wooden,No,4.0,1.0,4.0,0.0,-1736.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2466909,317839,Cash loans,3543.345,45000.0,58369.5,,45000.0,MONDAY,16,Y,1,,,,XNA,Approved,-1172,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-1142.0,-452.0,-1022.0,-1019.0,1.0,0,Cash loans,F,N,Y,0,90000.0,401386.5,19309.5,346500.0,Unaccompanied,Pensioner,Higher education,Widow,House / apartment,0.01885,-23188,365243,-6333.0,-4081,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,10,0,0,0,0,0,0,XNA,,0.6955758002308602,0.4866531565147181,0.0412,0.0183,0.9901,0.8640000000000001,0.0062,0.04,0.0345,0.375,0.4167,0.015,0.0328,0.0467,0.0039,0.0061,0.042,0.019,0.9901,0.8693,0.0063,0.0403,0.0345,0.375,0.4167,0.0154,0.0358,0.0487,0.0039,0.0064,0.0416,0.0183,0.9901,0.8658,0.0063,0.04,0.0345,0.375,0.4167,0.0153,0.0333,0.0476,0.0039,0.0062,reg oper account,block of flats,0.0415,"Stone, brick",No,4.0,1.0,4.0,0.0,-2694.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2111177,352488,Consumer loans,6070.86,34200.0,29529.0,6840.0,34200.0,TUESDAY,13,Y,1,0.20482778790128447,,,XAP,Approved,-24,Cash through the bank,XAP,Unaccompanied,Repeater,Homewares,POS,XNA,Stone,25,Construction,6.0,high,POS industry with interest,365243.0,365243.0,159.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,3,112500.0,254700.0,16290.0,225000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.005144,-13726,-1570,-1997.0,-3942,,1,1,1,1,1,0,Drivers,5.0,2,2,FRIDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.5208387293150393,0.6028176229604061,0.6023863442690867,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-858.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1093651,231745,Cash loans,82593.0,1350000.0,1350000.0,,1350000.0,FRIDAY,1,Y,1,,,,XNA,Refused,-567,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,N,0,315000.0,601470.0,30838.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.001276,-18909,-1767,-3321.0,-2116,,1,1,0,1,0,0,Sales staff,2.0,2,2,FRIDAY,3,0,0,0,0,0,0,Trade: type 7,0.4332846202119505,0.2360109497156565,0.2707073872651806,0.1021,0.0609,0.9771,0.6872,0.0032,0.0,0.0345,0.1667,0.2083,0.0404,0.0832,0.049,0.0,0.0,0.104,0.0632,0.9772,0.6994,0.0032,0.0,0.0345,0.1667,0.2083,0.0414,0.0909,0.051,0.0,0.0,0.1031,0.0609,0.9771,0.6914,0.0032,0.0,0.0345,0.1667,0.2083,0.0412,0.0847,0.0498,0.0,0.0,reg oper account,block of flats,0.0403,"Stone, brick",No,6.0,0.0,6.0,0.0,-835.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2651836,308148,Consumer loans,13936.68,136566.0,118863.0,27315.0,136566.0,SATURDAY,11,Y,1,0.2035088603060526,,,XAP,Approved,-824,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,1375,Consumer electronics,10.0,middle,POS household with interest,365243.0,-792.0,-522.0,-522.0,-515.0,0.0,0,Cash loans,M,Y,Y,0,112500.0,679500.0,39856.5,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-20029,-7583,-1582.0,-3173,12.0,1,1,1,1,0,0,Drivers,2.0,3,3,THURSDAY,11,0,0,0,0,0,0,Self-employed,,0.2631435910213423,0.8050196619153701,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2598020,149816,Consumer loans,7739.82,70362.0,70362.0,0.0,70362.0,MONDAY,18,Y,1,0.0,,,XAP,Approved,-700,Cash through the bank,XAP,Unaccompanied,Refreshed,Consumer Electronics,POS,XNA,Country-wide,5000,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-668.0,-398.0,-428.0,-416.0,0.0,0,Cash loans,M,Y,Y,1,337500.0,900000.0,28390.5,900000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.026392000000000002,-12697,-3889,-6814.0,-4406,2.0,1,1,0,1,0,0,Managers,3.0,2,2,MONDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.6401564829717079,0.5531646987710016,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,1.0,0.0,-700.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,4.0,0.0,4.0 +1101912,365437,Revolving loans,38250.0,0.0,765000.0,,,THURSDAY,12,Y,1,,,,XAP,Approved,-532,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-489.0,-457.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,N,1,202500.0,512064.0,19431.0,360000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.018634,-14127,-1108,-2919.0,-4525,64.0,1,1,0,1,0,1,Sales staff,3.0,2,2,THURSDAY,18,0,0,0,0,0,0,Self-employed,,0.1062062773437904,0.12850437737240394,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,11.0,1.0,11.0,0.0,-2450.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +1735244,443440,Cash loans,52420.005,450000.0,474948.0,0.0,450000.0,MONDAY,10,Y,1,0.0,,,XNA,Refused,-1971,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,M,Y,Y,0,427500.0,135000.0,16020.0,135000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-16790,-1596,-268.0,-325,4.0,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,18,1,1,0,0,0,0,Business Entity Type 3,,0.6758581607361123,0.3723336657058204,0.0309,,0.9876,,,0.0,0.1034,0.0417,,,,0.0177,,0.0,0.0315,,0.9876,,,0.0,0.1034,0.0417,,,,0.0184,,0.0,0.0312,,0.9876,,,0.0,0.1034,0.0417,,,,0.018000000000000002,,0.0,,block of flats,0.0152,"Stone, brick",No,4.0,1.0,4.0,1.0,-1971.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2293194,112136,Revolving loans,9000.0,0.0,180000.0,,,MONDAY,8,Y,1,,,,XAP,Approved,-2290,XNA,XAP,,Repeater,XNA,Cards,x-sell,Stone,102,Consumer electronics,0.0,XNA,Card X-Sell,-2288.0,-2240.0,365243.0,-1022.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,117000.0,1535715.0,42358.5,1341000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-21958,365243,-411.0,-4955,7.0,1,0,0,1,0,0,,2.0,2,2,TUESDAY,8,0,0,0,0,0,0,XNA,0.725388469738667,0.26651977539251576,0.5046813193144684,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,10.0,1.0,10.0,0.0,-1806.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1480585,212789,Cash loans,51732.765,1215000.0,1338493.5,,1215000.0,SATURDAY,12,Y,1,,,,Urgent needs,Approved,-700,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,42.0,low_normal,Cash X-Sell: low,365243.0,-670.0,560.0,365243.0,365243.0,1.0,0,Revolving loans,F,Y,Y,2,90000.0,270000.0,13500.0,270000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.019101,-14135,-909,-2906.0,-4769,25.0,1,1,0,1,0,0,Accountants,4.0,2,2,SATURDAY,15,0,0,0,0,0,0,Other,,0.33175016802953683,0.6577838002083306,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1509.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1895338,433201,Consumer loans,6911.91,35901.0,33898.5,3600.0,35901.0,SUNDAY,17,Y,1,0.10455690954910923,,,XAP,Approved,-1868,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,12,Connectivity,6.0,high,POS mobile with interest,365243.0,-1826.0,-1676.0,-1676.0,-1644.0,0.0,1,Cash loans,M,N,Y,1,103500.0,263686.5,29880.0,238500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.016612000000000002,-15846,-2764,-4372.0,-4558,,1,1,1,1,1,0,Drivers,2.0,2,2,SATURDAY,16,0,0,0,0,0,0,Business Entity Type 2,,0.52207924051906,0.34090642641523844,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,1.0,6.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2031534,128556,Consumer loans,,72625.5,72625.5,0.0,72625.5,MONDAY,19,Y,1,0.0,,,XAP,Refused,-351,Cash through the bank,HC,,Repeater,Mobile,XNA,XNA,Country-wide,56,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Revolving loans,F,N,Y,0,157500.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.00733,-14749,-1039,-1898.0,-1916,,1,1,0,1,0,0,Sales staff,1.0,2,2,TUESDAY,17,0,0,0,0,1,1,Trade: type 7,0.5087044391524159,0.06937919102301772,0.524496446363472,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1615.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2841571,453259,Consumer loans,13909.815,137160.0,148927.5,0.0,137160.0,MONDAY,8,Y,1,0.0,,,XAP,Approved,-941,Cash through the bank,XAP,,Refreshed,Audio/Video,POS,XNA,Stone,108,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-907.0,-577.0,-577.0,-570.0,0.0,1,Cash loans,F,N,Y,2,112500.0,663093.0,24489.0,553500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.020246,-11612,-1133,-3556.0,-3796,,1,1,0,1,0,0,Laborers,3.0,3,3,THURSDAY,11,0,0,0,0,0,0,Transport: type 4,0.16296952856286584,0.0760804954210417,0.3185955240537633,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-443.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,6.0 +2409523,453818,Consumer loans,4140.27,54000.0,43200.0,10800.0,54000.0,THURSDAY,11,Y,1,0.2178181818181818,,,XAP,Approved,-342,XNA,XAP,,New,Homewares,POS,XNA,Stone,30,Construction,12.0,low_normal,POS industry with interest,365243.0,-300.0,30.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,0,85500.0,360000.0,28993.5,360000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.018029,-18586,-5443,-5675.0,-1936,14.0,1,1,1,1,0,0,,2.0,3,3,SATURDAY,12,0,0,0,0,1,1,Other,,0.5130811789106532,0.3740208032583212,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-342.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2129168,312211,Consumer loans,59180.67,1492200.0,1492200.0,0.0,1492200.0,MONDAY,12,Y,1,0.0,,,XAP,Refused,-211,Cash through the bank,LIMIT,Unaccompanied,Repeater,Vehicles,POS,XNA,Stone,50,Auto technology,36.0,low_normal,POS other with interest,,,,,,,0,Cash loans,M,Y,Y,1,315000.0,497520.0,53712.0,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.072508,-14361,-2747,-8441.0,-5706,4.0,1,1,0,1,1,0,Sales staff,3.0,1,1,TUESDAY,14,0,0,0,0,0,0,Self-employed,,0.7784828297931579,0.7180328113294772,0.0835,0.0332,0.9776,0.6940000000000001,,0.08,0.0345,0.4583,,,0.0672,0.0685,0.0039,0.0683,0.0851,0.0344,0.9777,0.706,,0.0806,0.0345,0.4583,,,0.0735,0.0713,0.0039,0.0723,0.0843,0.0332,0.9776,0.6981,,0.08,0.0345,0.4583,,,0.0684,0.0697,0.0039,0.0697,reg oper account,block of flats,0.0687,"Stone, brick",No,2.0,0.0,2.0,0.0,-2128.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2678269,385735,Consumer loans,,87525.0,87525.0,0.0,87525.0,THURSDAY,10,Y,1,0.0,,,XAP,Refused,-2091,Cash through the bank,HC,Unaccompanied,Repeater,Mobile,XNA,XNA,Country-wide,57,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,F,Y,Y,1,67500.0,292500.0,7843.5,292500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-13453,-3153,-1257.0,-1926,3.0,1,1,1,1,1,0,High skill tech staff,3.0,2,2,TUESDAY,11,0,0,0,0,0,0,Business Entity Type 2,0.2556093803841097,0.6748897054290116,0.5954562029091491,0.1289,0.131,0.9866,0.8164,0.1898,0.0,0.3103,0.1667,0.2083,0.0989,0.1051,0.1225,0.0077,0.0008,0.1313,0.1359,0.9866,0.8236,0.1916,0.0,0.3103,0.1667,0.2083,0.1012,0.1148,0.1276,0.0078,0.0008,0.1301,0.131,0.9866,0.8189,0.191,0.0,0.3103,0.1667,0.2083,0.1006,0.1069,0.1247,0.0078,0.0008,reg oper account,block of flats,0.1038,"Stone, brick",No,0.0,0.0,0.0,0.0,-2091.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1540180,403406,Consumer loans,4267.395,23625.0,21262.5,2362.5,23625.0,THURSDAY,9,Y,1,0.1089090909090909,,,XAP,Approved,-2832,Cash through the bank,XAP,,New,Furniture,POS,XNA,Stone,100,Furniture,6.0,low_normal,POS industry with interest,365243.0,-2796.0,-2646.0,-2646.0,-2570.0,0.0,0,Cash loans,M,Y,N,3,40500.0,544491.0,17563.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-20646,-13684,-12858.0,-3399,9.0,1,1,1,1,1,0,,5.0,2,2,TUESDAY,16,0,0,0,1,1,0,Other,0.4610422401918836,0.6254580557772207,0.4329616670974407,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2832.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2063505,201250,Consumer loans,9872.46,78705.0,97960.5,0.0,78705.0,THURSDAY,18,Y,1,0.0,,,XAP,Approved,-792,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Regional / Local,100,Consumer electronics,12.0,middle,POS household with interest,365243.0,-761.0,-431.0,-731.0,-726.0,0.0,0,Cash loans,F,Y,Y,1,382500.0,746280.0,59094.0,675000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.031329,-10175,-685,-4669.0,-1176,7.0,1,1,0,1,0,0,,3.0,2,2,FRIDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.368327140595718,0.2707073872651806,0.0588,0.067,0.9811,0.7416,0.0077,0.0,0.1379,0.1667,0.2083,,0.0471,0.0535,0.0039,0.0709,0.0599,0.0696,0.9811,0.7517,0.0078,0.0,0.1379,0.1667,0.2083,,0.0514,0.0558,0.0039,0.075,0.0593,0.067,0.9811,0.7451,0.0078,0.0,0.1379,0.1667,0.2083,,0.0479,0.0545,0.0039,0.0723,reg oper account,block of flats,0.0617,"Stone, brick",No,3.0,0.0,3.0,0.0,-792.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1105090,343174,Consumer loans,6857.55,63090.0,69754.5,0.0,63090.0,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-814,XNA,XAP,Unaccompanied,New,Furniture,POS,XNA,Stone,500,Furniture,12.0,middle,POS industry with interest,,,,,,,0,Cash loans,F,N,Y,2,180000.0,640080.0,31261.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-12690,-5462,-3751.0,-5260,,1,1,0,1,0,0,Security staff,4.0,3,3,MONDAY,7,0,0,0,0,0,0,School,0.3839691950733293,0.4002318872145721,0.363945238612397,0.0278,,0.9841,,,,,0.0833,,,,,,,0.0284,,0.9841,,,,,0.0833,,,,,,,0.0281,,0.9841,,,,,0.0833,,,,,,,,block of flats,0.0249,,No,4.0,0.0,4.0,0.0,-814.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1190166,438943,Consumer loans,20287.53,98775.0,103666.5,0.0,98775.0,SATURDAY,16,Y,1,0.0,,,XAP,Approved,-2278,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Stone,188,Consumer electronics,6.0,high,POS household with interest,365243.0,-2247.0,-2097.0,-2097.0,-2088.0,0.0,0,Cash loans,M,N,N,0,135000.0,360000.0,18508.5,360000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-11161,-2917,-3003.0,-3700,,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,15,0,0,0,1,1,0,Self-employed,,0.2299502970627464,0.7062051096536562,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-2278.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2816617,344893,Consumer loans,13692.825,151168.5,151168.5,0.0,151168.5,WEDNESDAY,16,Y,1,0.0,,,XAP,Approved,-162,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Regional / Local,200,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-131.0,199.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,76500.0,281916.0,13842.0,184500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010966,-13608,-302,-1687.0,-638,,1,1,0,1,0,0,,3.0,2,2,THURSDAY,14,0,0,0,0,0,0,Medicine,0.5750274721581842,0.7369865131151553,0.5352762504724826,0.0557,0.0375,0.9796,0.7212,0.0097,0.04,0.0345,0.3333,0.375,0.0424,0.0454,0.047,0.0,0.0,0.0567,0.0389,0.9796,0.7321,0.0097,0.0403,0.0345,0.3333,0.375,0.0434,0.0496,0.049,0.0,0.0,0.0562,0.0375,0.9796,0.7249,0.0097,0.04,0.0345,0.3333,0.375,0.0432,0.0462,0.0478,0.0,0.0,reg oper account,block of flats,0.037000000000000005,"Stone, brick",No,0.0,0.0,0.0,0.0,-454.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2111151,294727,Consumer loans,7215.03,75933.0,75933.0,0.0,75933.0,MONDAY,11,Y,1,0.0,,,XAP,Approved,-897,Cash through the bank,XAP,Unaccompanied,Repeater,Homewares,POS,XNA,Country-wide,50,Construction,12.0,low_normal,POS other with interest,365243.0,-866.0,-536.0,-566.0,-555.0,0.0,1,Cash loans,F,Y,N,0,190350.0,463500.0,23796.0,463500.0,Unaccompanied,Pensioner,Higher education,Single / not married,House / apartment,0.002042,-21033,365243,-6619.0,-4430,6.0,1,0,0,1,0,0,,1.0,3,3,TUESDAY,13,0,0,0,0,0,0,XNA,,0.5547348914366487,0.5531646987710016,0.0546,0.04,0.9896,0.8572,0.0153,0.08,0.069,0.3333,0.0417,0.0607,0.0445,0.0609,0.0039,0.0267,0.0557,0.0415,0.9896,0.8628,0.0154,0.0806,0.069,0.3333,0.0417,0.0621,0.0487,0.0635,0.0039,0.0283,0.0552,0.04,0.9896,0.8591,0.0154,0.08,0.069,0.3333,0.0417,0.0618,0.0453,0.062,0.0039,0.0273,reg oper account,block of flats,0.0479,Panel,No,0.0,0.0,0.0,0.0,-1670.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +1490033,348140,Cash loans,23988.42,342000.0,342000.0,,342000.0,FRIDAY,7,Y,1,,,,XNA,Approved,-904,XNA,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-874.0,-184.0,-274.0,-272.0,0.0,0,Cash loans,M,Y,N,1,225000.0,640080.0,29970.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Office apartment,0.001276,-11365,-1431,-850.0,-2328,10.0,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,4,0,0,0,0,0,0,Trade: type 7,,0.5764961480191809,0.3201633668633456,0.0144,,0.9722,,,,0.069,0.0417,,0.0265,,0.0083,,0.0149,0.0147,,0.9722,,,,0.069,0.0417,,0.0271,,0.0086,,0.0157,0.0146,,0.9722,,,,0.069,0.0417,,0.027000000000000003,,0.0084,,0.0152,,block of flats,0.0107,"Stone, brick",No,4.0,0.0,4.0,0.0,-449.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1801340,139577,Consumer loans,3194.685,29605.5,26644.5,2961.0,29605.5,WEDNESDAY,10,Y,1,0.10892564495847666,,,XAP,Approved,-1736,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,20,Connectivity,12.0,high,POS mobile with interest,365243.0,-1686.0,-1356.0,-1356.0,-1347.0,0.0,0,Cash loans,F,N,Y,0,121500.0,728460.0,38214.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.008068,-21366,365243,-13446.0,-4832,,1,0,0,1,0,0,,1.0,3,3,WEDNESDAY,12,0,0,0,0,0,0,XNA,,0.25997168280724803,0.28812959991785075,0.0866,0.1032,0.9816,0.7484,0.013,0.0,0.2069,0.1667,0.2083,0.0857,0.0681,0.083,0.0116,0.0148,0.0882,0.1071,0.9816,0.7583,0.0131,0.0,0.2069,0.1667,0.2083,0.0877,0.0744,0.0865,0.0117,0.0157,0.0874,0.1032,0.9816,0.7518,0.013,0.0,0.2069,0.1667,0.2083,0.0872,0.0693,0.0845,0.0116,0.0151,reg oper account,block of flats,0.0756,Panel,No,0.0,0.0,0.0,0.0,-1736.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +1724773,177963,Consumer loans,856.8,5580.0,5355.0,558.0,5580.0,SUNDAY,17,Y,1,0.102775702227757,,,XAP,Approved,-1636,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,35,Connectivity,8.0,high,POS mobile with interest,365243.0,-1601.0,-1391.0,-1421.0,-1419.0,0.0,1,Cash loans,F,N,Y,1,103500.0,364846.5,17136.0,256500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.010966,-12111,-304,-6379.0,-3523,,1,1,0,1,0,1,Core staff,2.0,2,2,FRIDAY,10,0,0,0,0,1,1,Business Entity Type 3,0.22147658662884226,0.2682160261202155,0.2079641743053816,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-1636.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1779021,431960,Cash loans,,0.0,0.0,,,FRIDAY,8,Y,1,,,,XNA,Refused,-252,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,112500.0,246357.0,25866.0,234000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-20279,-9466,-10103.0,-3791,,1,1,0,1,0,0,Sales staff,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.705382711224273,0.6116003347889154,0.7981372313187245,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1757.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1128809,431825,Cash loans,15629.625,135000.0,143910.0,,135000.0,TUESDAY,16,Y,1,,,,XNA,Approved,-1202,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1172.0,-842.0,-872.0,-868.0,1.0,0,Cash loans,F,Y,Y,2,180000.0,185652.0,9157.5,121500.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-10791,-2494,-2648.0,-3436,1.0,1,1,0,1,0,0,,4.0,2,2,SUNDAY,12,0,0,0,0,0,0,Business Entity Type 2,0.4223707204968102,0.5147909862481084,0.5388627065779676,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-1538.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1237075,214707,Consumer loans,9992.565,98518.5,97393.5,9900.0,98518.5,THURSDAY,12,Y,1,0.10049071006165328,,,XAP,Approved,-1578,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,1245,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1547.0,-1217.0,-1217.0,-1208.0,0.0,0,Cash loans,F,N,N,0,90000.0,770292.0,30676.5,688500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.020713,-14925,-305,-3890.0,-3995,,1,1,0,1,0,0,Core staff,2.0,3,3,SUNDAY,10,0,0,0,0,0,0,Kindergarten,,0.2858219818230383,0.4543210601605785,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,1.0,0.0,-225.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2714813,194830,Consumer loans,6666.345,51295.5,49972.5,5130.0,51295.5,THURSDAY,16,Y,1,0.10139351869037454,,,XAP,Approved,-2596,XNA,XAP,Family,New,Mobile,POS,XNA,Regional / Local,15,Connectivity,10.0,low_normal,POS mobile with interest,365243.0,-2565.0,-2295.0,-2325.0,-2320.0,1.0,0,Cash loans,F,N,Y,3,81000.0,117162.0,11718.0,103500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.031329,-16122,-3150,-2553.0,-5895,,1,1,0,1,0,0,Managers,5.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Postal,0.7019710186237943,0.5696588184875808,0.6738300778602003,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1330510,313910,Consumer loans,4317.57,95733.0,95733.0,0.0,95733.0,FRIDAY,12,Y,1,0.0,,,XAP,Approved,-1519,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Stone,730,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1488.0,-798.0,-798.0,-789.0,0.0,0,Revolving loans,F,N,N,2,72000.0,225000.0,11250.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-13796,-2872,-658.0,-5490,,1,1,0,1,0,0,,4.0,2,2,FRIDAY,15,0,0,0,0,0,0,Military,,0.6652114642624586,,0.1113,0.0835,0.9985,0.9796,0.035,0.12,0.1034,0.3333,0.375,0.0782,0.0908,0.128,0.0,0.0,0.1134,0.0867,0.9985,0.9804,0.0353,0.1208,0.1034,0.3333,0.375,0.08,0.0992,0.1333,0.0,0.0,0.1124,0.0835,0.9985,0.9799,0.0352,0.12,0.1034,0.3333,0.375,0.0795,0.0923,0.1303,0.0,0.0,not specified,block of flats,0.1414,"Stone, brick",No,1.0,0.0,1.0,0.0,-1008.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2052202,178705,Consumer loans,4404.15,22455.0,22455.0,0.0,22455.0,THURSDAY,19,Y,1,0.0,,,XAP,Approved,-113,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,200,Consumer electronics,6.0,middle,POS mobile with interest,365243.0,-83.0,67.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,135000.0,675000.0,23202.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.026392000000000002,-20648,-6975,-8990.0,-4175,,1,1,0,1,0,0,Secretaries,1.0,2,2,FRIDAY,14,0,0,0,0,0,0,Medicine,,0.7228798147996307,0.7062051096536562,0.0938,,0.9881,,,0.08,0.0345,0.5417,,,,0.1016,,0.0499,0.0956,,0.9881,,,0.0806,0.0345,0.5417,,,,0.1059,,0.0528,0.0947,,0.9881,,,0.08,0.0345,0.5417,,,,0.1034,,0.051,,block of flats,0.0914,"Stone, brick",No,5.0,0.0,5.0,0.0,-2504.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2654216,402199,Consumer loans,9769.905,94671.0,104670.0,0.0,94671.0,THURSDAY,3,Y,1,0.0,,,XAP,Refused,-855,XNA,LIMIT,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,100,Consumer electronics,12.0,low_normal,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,360000.0,781920.0,33129.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.002506,-18388,-7830,-4732.0,-1926,,1,1,0,1,0,0,Core staff,1.0,2,2,FRIDAY,7,0,0,0,0,0,0,Medicine,0.6239912971275735,0.6765332710938454,0.2750003523983893,0.1175,0.1315,0.9781,0.7008,0.0571,0.0,0.2759,0.1667,0.2083,0.0,0.0958,0.1088,0.0,0.0,0.1197,0.1364,0.9782,0.7125,0.0577,0.0,0.2759,0.1667,0.2083,0.0,0.1047,0.1133,0.0,0.0,0.1187,0.1315,0.9781,0.7048,0.0575,0.0,0.2759,0.1667,0.2083,0.0,0.0975,0.1107,0.0,0.0,reg oper account,block of flats,0.0888,Panel,No,0.0,0.0,0.0,0.0,-916.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1866595,207422,Consumer loans,7486.875,27450.0,27504.0,2745.0,27450.0,THURSDAY,11,Y,1,0.09883151659408723,,,XAP,Refused,-265,Cash through the bank,SCO,Unaccompanied,Repeater,Mobile,POS,XNA,Stone,144,Connectivity,4.0,middle,POS mobile with interest,,,,,,,0,Cash loans,F,N,N,1,90000.0,355536.0,13306.5,270000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.020713,-15701,-329,-2280.0,-4640,,1,1,0,1,0,0,Sales staff,3.0,3,3,MONDAY,9,0,0,0,0,0,0,Self-employed,,0.5506586628079545,0.6658549219640212,0.0722,0.0777,0.9846,,,0.0,0.1379,0.1667,,0.0115,,0.0661,,0.0,0.0735,0.0806,0.9846,,,0.0,0.1379,0.1667,,0.0117,,0.0689,,0.0,0.0729,0.0777,0.9846,,,0.0,0.1379,0.1667,,0.0117,,0.0673,,0.0,,block of flats,0.052000000000000005,Panel,No,0.0,0.0,0.0,0.0,-1072.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1606995,109472,Consumer loans,4149.225,36850.5,35554.5,4500.0,36850.5,THURSDAY,13,Y,1,0.12235601719929325,,,XAP,Approved,-2470,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Country-wide,25,Connectivity,12.0,low_normal,POS mobile with interest,365243.0,-2434.0,-2104.0,-2164.0,-2159.0,1.0,0,Cash loans,M,Y,Y,1,157500.0,390960.0,23755.5,337500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-16802,-112,-2827.0,-351,8.0,1,1,0,1,0,0,Drivers,3.0,2,2,WEDNESDAY,11,0,0,0,0,1,1,Self-employed,,0.14225874958516274,0.8128226070575616,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-2470.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1333255,303293,Consumer loans,6078.195,20655.0,21334.5,0.0,20655.0,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-2623,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,911,Consumer electronics,4.0,high,POS household with interest,365243.0,-2592.0,-2502.0,-2532.0,-2525.0,1.0,0,Cash loans,M,N,Y,0,40500.0,490495.5,26131.5,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-23480,365243,-1861.0,-4497,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,8,0,0,0,0,0,0,XNA,0.609229111936698,0.6045441231390043,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-3080.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1569022,299237,Consumer loans,13479.84,222673.5,260883.0,0.0,222673.5,SUNDAY,10,Y,1,0.0,,,XAP,Approved,-319,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,1600,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-288.0,402.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,270000.0,495801.0,34506.0,468000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.04622,-21815,365243,-10666.0,-4440,,1,0,0,1,0,0,,1.0,1,1,THURSDAY,15,0,0,0,0,0,0,XNA,,0.7052206303194024,,0.1856,0.1035,0.9856,0.8028,0.031,0.2,0.1724,0.3333,0.375,,0.1513,0.19,0.0,0.0,0.1891,0.1074,0.9856,0.8105,0.0313,0.2014,0.1724,0.3333,0.375,,0.1653,0.198,0.0,0.0,0.1874,0.1035,0.9856,0.8054,0.0312,0.2,0.1724,0.3333,0.375,,0.1539,0.1934,0.0,0.0,reg oper account,block of flats,0.1495,Panel,No,4.0,0.0,4.0,0.0,-1602.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2558911,380273,Consumer loans,17228.835,456030.0,456030.0,0.0,456030.0,SATURDAY,15,Y,1,0.0,,,XAP,Approved,-339,Cash through the bank,XAP,Unaccompanied,Refreshed,Homewares,POS,XNA,Stone,79,Construction,36.0,low_normal,POS other with interest,365243.0,-306.0,744.0,-306.0,-303.0,0.0,0,Cash loans,F,N,Y,0,229500.0,2013840.0,53122.5,1800000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.031329,-23071,-14330,-10821.0,-4778,,1,1,1,1,1,0,,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Other,0.8211988702213937,0.6640904296649673,0.8327850252992314,0.1423,0.0464,0.9821,0.7552,0.0329,0.04,0.0345,0.5417,0.5833,0.2526,0.116,0.1327,0.0,0.0,0.145,0.0481,0.9821,0.7648,0.0332,0.0403,0.0345,0.5417,0.5833,0.2584,0.1267,0.1383,0.0,0.0,0.1436,0.0464,0.9821,0.7585,0.0331,0.04,0.0345,0.5417,0.5833,0.257,0.118,0.1351,0.0,0.0,reg oper spec account,block of flats,0.1223,Block,No,2.0,0.0,2.0,0.0,-1539.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1082558,455676,Consumer loans,9464.13,86071.5,86296.5,8608.5,86071.5,MONDAY,17,Y,1,0.0987876201560412,,,XAP,Approved,-995,XNA,XAP,"Spouse, partner",New,Audio/Video,POS,XNA,Country-wide,1110,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-964.0,-694.0,-694.0,-688.0,0.0,0,Cash loans,F,N,N,2,130500.0,550980.0,33835.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009656999999999999,-11337,-2569,-4682.0,-3484,,1,1,0,1,0,0,,4.0,2,2,TUESDAY,9,0,0,0,0,0,0,Other,0.1952715340525135,0.35007402455973297,0.6626377922738201,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-995.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,0.0 +1780445,392721,Consumer loans,1996.695,15970.5,14692.5,1278.0,15970.5,FRIDAY,13,Y,1,0.08715182253643793,,,XAP,Approved,-2908,Cash through the bank,XAP,,Repeater,Other,POS,XNA,Stone,190,Consumer electronics,8.0,low_normal,POS household without interest,365243.0,-2848.0,-2638.0,-2668.0,-2584.0,0.0,0,Cash loans,M,Y,N,0,112500.0,888840.0,35815.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-15116,-4826,-1441.0,-4413,9.0,1,1,0,1,0,0,Laborers,2.0,3,3,MONDAY,9,0,1,1,0,1,1,Industry: type 4,0.2927425347108004,0.6284142527170528,0.4974688893052743,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2542.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1912156,424922,Cash loans,37054.62,1125000.0,1288350.0,,1125000.0,FRIDAY,11,Y,1,,,,XNA,Refused,-12,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,193500.0,1288350.0,37800.0,1125000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.0038130000000000004,-22318,365243,-61.0,-4873,4.0,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,XNA,,0.3233025586373719,0.6430255641096323,0.1206,0.1292,0.9811,0.7416,0.2157,0.0,0.3448,0.1667,0.0417,0.0424,0.0983,0.1113,0.0,0.0378,0.1229,0.1341,0.9811,0.7517,0.2177,0.0,0.3448,0.1667,0.0417,0.0433,0.1074,0.1159,0.0,0.04,0.1218,0.1292,0.9811,0.7451,0.2171,0.0,0.3448,0.1667,0.0417,0.0431,0.1,0.1132,0.0,0.0386,reg oper spec account,block of flats,0.0981,Panel,No,1.0,0.0,1.0,0.0,-12.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2109193,227489,Revolving loans,20250.0,675000.0,405000.0,,675000.0,TUESDAY,14,N,1,,,,XAP,Refused,-595,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,1,Cash loans,M,Y,Y,0,180000.0,1045854.0,37183.5,873000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019101,-18688,-661,-1474.0,-2244,4.0,1,1,0,1,0,0,Drivers,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Trade: type 7,,0.6490881064850222,0.23791607950711405,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-842.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2568441,130595,Consumer loans,6463.845,34096.5,32206.5,3411.0,34096.5,FRIDAY,13,Y,1,0.1042995463159708,,,XAP,Approved,-2615,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,27,Connectivity,6.0,high,POS mobile with interest,365243.0,-2584.0,-2434.0,-2434.0,-2417.0,1.0,0,Cash loans,M,N,Y,1,202500.0,855000.0,41260.5,855000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-12960,-190,-6570.0,-4519,,1,1,0,1,0,0,Laborers,3.0,2,2,TUESDAY,14,0,0,0,0,0,0,Industry: type 9,,0.541449479487248,0.4294236843421945,0.0825,0.0648,0.9697,,,0.0,0.1379,0.1667,,,,0.0483,,0.0,0.084,0.0673,0.9697,,,0.0,0.1379,0.1667,,,,0.0504,,0.0,0.0833,0.0648,0.9697,,,0.0,0.1379,0.1667,,,,0.0492,,0.0,,,0.0715,Mixed,No,3.0,1.0,3.0,1.0,-2615.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1083355,437955,Consumer loans,9080.955,73845.0,79938.0,0.0,73845.0,SATURDAY,14,Y,1,0.0,,,XAP,Approved,-2036,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,1400,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2005.0,-1735.0,-1735.0,-1727.0,0.0,0,Cash loans,F,Y,Y,1,202500.0,76410.0,7443.0,67500.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.010643000000000001,-20309,-501,-8300.0,-3854,10.0,1,1,0,1,0,0,Sales staff,2.0,2,2,FRIDAY,9,0,0,0,1,1,1,Trade: type 7,,0.5627625335065235,0.6058362647264226,0.0082,0.0,0.9871,,,0.0,0.0345,0.0417,,0.0083,,0.0068,,0.0,0.0084,0.0,0.9871,,,0.0,0.0345,0.0417,,0.0085,,0.0054,,0.0,0.0083,0.0,0.9871,,,0.0,0.0345,0.0417,,0.0085,,0.006999999999999999,,0.0,,block of flats,0.0067,"Stone, brick",No,1.0,0.0,1.0,0.0,-2036.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1418219,362479,Consumer loans,5284.17,24340.5,25915.5,2434.5,24340.5,SATURDAY,12,Y,1,0.0935235209235209,,,XAP,Approved,-1930,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,34,Connectivity,6.0,high,POS mobile with interest,365243.0,-1899.0,-1749.0,-1749.0,-1747.0,0.0,0,Cash loans,F,N,Y,2,157500.0,746280.0,42970.5,675000.0,Family,Working,Higher education,Married,House / apartment,0.030755,-13849,-1148,-3506.0,-4094,,1,1,0,1,0,0,Laborers,4.0,2,2,THURSDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.6951137242901666,0.7287804984119458,0.3046721837533529,0.1113,0.0647,0.9846,0.7892,0.0,0.12,0.1034,0.3333,0.375,0.0433,0.0908,0.1142,0.0,0.0,0.1134,0.0672,0.9846,0.7975,0.0,0.1208,0.1034,0.3333,0.375,0.0442,0.0992,0.119,0.0,0.0,0.1124,0.0647,0.9846,0.792,0.0,0.12,0.1034,0.3333,0.375,0.044,0.0923,0.1163,0.0,0.0,reg oper spec account,block of flats,0.1118,Panel,No,1.0,0.0,1.0,0.0,-1930.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2291734,300874,Revolving loans,9000.0,0.0,180000.0,,,WEDNESDAY,9,Y,1,,,,XAP,Approved,-2257,XNA,XAP,,Repeater,XNA,Cards,x-sell,Stone,19,Consumer electronics,0.0,XNA,Card X-Sell,-2256.0,-2214.0,365243.0,-997.0,-45.0,0.0,0,Cash loans,M,N,N,0,157500.0,523597.5,38452.5,468000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.010032,-11332,-1544,-4868.0,-3172,,1,1,0,1,0,0,Laborers,1.0,2,2,SATURDAY,7,0,0,0,0,0,0,Business Entity Type 3,0.07289986602007671,0.6084738739667993,0.5046813193144684,0.0825,0.0369,0.9856,,,0.0,0.1379,0.1667,,0.067,,0.0876,,0.004,0.084,0.0,0.9856,,,0.0,0.1379,0.1667,,0.0685,,0.0912,,0.0043,0.0833,0.0369,0.9856,,,0.0,0.1379,0.1667,,0.0681,,0.0891,,0.0041,,block of flats,0.0697,Panel,No,0.0,0.0,0.0,0.0,-2249.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1495443,444201,Revolving loans,14625.0,0.0,292500.0,,,THURSDAY,10,Y,1,,,,XAP,Approved,-1262,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-1240.0,-1190.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,135000.0,397881.0,25555.5,328500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-16059,-878,-1576.0,-4708,,1,1,0,1,0,0,Drivers,2.0,3,3,SATURDAY,7,0,0,0,0,0,0,Business Entity Type 3,0.6607807951007731,0.5701412229737678,0.3606125659189888,0.1526,0.1845,0.9866,,,,0.4138,0.1667,,,,0.1615,,0.0714,0.1555,0.1915,0.9866,,,,0.4138,0.1667,,,,0.1682,,0.0755,0.1541,0.1845,0.9866,,,,0.4138,0.1667,,,,0.1644,,0.0729,,block of flats,0.2041,"Stone, brick",No,8.0,1.0,8.0,1.0,-1526.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2806502,360719,Consumer loans,,48087.0,48087.0,0.0,48087.0,SATURDAY,14,Y,1,0.0,,,XAP,Refused,-159,Cash through the bank,LIMIT,,Repeater,Photo / Cinema Equipment,XNA,XNA,Country-wide,50,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,0,135000.0,229500.0,18261.0,229500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-13902,-1645,-426.0,-664,,1,1,1,1,1,0,Drivers,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Business Entity Type 2,0.7630571615126529,0.3480418406491177,0.20208660168203949,0.4309,0.3075,0.9846,0.7892,0.2181,0.52,0.4483,0.3333,,0.4588,0.3471,0.5063,0.0193,0.1544,0.4391,0.3191,0.9846,0.7975,0.2201,0.5236,0.4483,0.3333,,0.4693,0.3792,0.5275,0.0195,0.1635,0.4351,0.3075,0.9846,0.792,0.2195,0.52,0.4483,0.3333,,0.4668,0.3531,0.5154,0.0194,0.1577,reg oper spec account,block of flats,0.446,Panel,No,1.0,0.0,1.0,0.0,-3.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +2507933,264414,Cash loans,22425.975,225000.0,239850.0,,225000.0,SATURDAY,8,Y,1,,,,XNA,Approved,-322,Cash through the bank,XAP,Children,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-292.0,38.0,-202.0,-195.0,1.0,0,Cash loans,F,N,Y,0,112500.0,254700.0,15709.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018029,-24327,365243,-4425.0,-4426,,1,0,0,1,0,0,,2.0,3,3,SATURDAY,10,0,0,0,0,0,0,XNA,,0.38459216061044094,0.6161216908872079,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-222.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2575192,104028,Consumer loans,6453.495,33655.5,31644.0,3600.0,33655.5,THURSDAY,11,Y,1,0.1112452409694493,,,XAP,Approved,-574,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,52,Connectivity,6.0,high,POS mobile with interest,365243.0,-533.0,-383.0,-383.0,-339.0,0.0,0,Cash loans,F,N,N,1,202500.0,1695483.0,44856.0,1327500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.020713,-13107,-3695,-498.0,-4039,,1,1,0,1,0,0,Core staff,3.0,3,3,TUESDAY,11,0,0,0,0,0,0,Kindergarten,,0.2990003145051302,0.1455428133497032,0.1557,0.103,0.9916,0.8844,0.0402,0.16,0.1379,0.3333,0.375,0.0268,0.1269,0.1779,0.0,0.0,0.1586,0.1069,0.9916,0.8889,0.0406,0.1611,0.1379,0.3333,0.375,0.0274,0.1387,0.1854,0.0,0.0,0.1572,0.103,0.9916,0.8859,0.0405,0.16,0.1379,0.3333,0.375,0.0273,0.1291,0.1811,0.0,0.0,reg oper account,block of flats,0.1619,Panel,No,3.0,0.0,3.0,0.0,-574.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1308365,239984,Cash loans,20984.31,247500.0,310189.5,,247500.0,FRIDAY,15,Y,1,,,,XNA,Approved,-390,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,Y,1,135000.0,1129500.0,33156.0,1129500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.009656999999999999,-10501,-1258,-4842.0,-1519,,1,1,1,1,0,0,Sales staff,3.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.7317876388469677,0.06004747974048776,0.15474363127259447,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-761.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1961983,331542,Consumer loans,4369.725,20250.0,21253.5,0.0,20250.0,WEDNESDAY,8,Y,1,0.0,,,XAP,Approved,-1760,XNA,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Stone,100,Consumer electronics,6.0,high,POS household with interest,365243.0,-1724.0,-1574.0,-1574.0,-1567.0,0.0,0,Cash loans,F,N,Y,0,135000.0,252261.0,13009.5,171000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.019101,-17732,-891,-6633.0,-1246,,1,1,0,1,0,0,Core staff,1.0,2,2,SATURDAY,11,0,0,0,0,0,0,Kindergarten,,0.5125020673209029,0.38079968264891495,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1760.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1460513,391069,Consumer loans,3901.77,34352.73,34352.73,0.0,34352.73,THURSDAY,10,Y,1,0.0,,,XAP,Approved,-244,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,30,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-202.0,68.0,-202.0,-199.0,0.0,0,Revolving loans,F,N,N,0,90000.0,247500.0,12375.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.016612000000000002,-17926,-913,-3851.0,-1475,,1,1,0,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Self-employed,0.7664254448820994,0.6566160288246851,0.7544061731797895,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-244.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1815915,297952,Cash loans,33894.765,315000.0,332464.5,0.0,315000.0,SUNDAY,13,Y,1,0.0,,,XNA,Approved,-2366,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,middle,Cash Street: middle,365243.0,-2336.0,-2006.0,-2006.0,-2002.0,1.0,0,Cash loans,M,Y,N,1,180000.0,662733.0,26410.5,535500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-16774,-8090,-80.0,-325,7.0,1,1,0,1,1,0,Core staff,3.0,1,1,SUNDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.4562401490449266,0.7259183564662212,0.6832688314232291,0.1348,0.0719,0.9771,0.6872,0.0001,0.136,0.0897,0.4333,0.475,0.0,0.1081,0.1124,0.0085,0.0331,0.0882,0.0399,0.9772,0.6994,0.0,0.0806,0.0345,0.4583,0.5,0.0,0.0771,0.0747,0.0,0.0,0.0874,0.0385,0.9771,0.6914,0.0,0.08,0.0345,0.4583,0.5,0.0,0.0718,0.0738,0.0,0.0,reg oper account,block of flats,0.2436,Block,No,0.0,0.0,0.0,0.0,-1557.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1356475,345792,Consumer loans,7539.525,71550.0,67050.0,4500.0,71550.0,WEDNESDAY,12,Y,1,0.06849628359062321,,,XAP,Approved,-1708,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Stone,890,Consumer electronics,12.0,high,POS household with interest,365243.0,-1677.0,-1347.0,-1347.0,-1340.0,0.0,0,Cash loans,M,Y,N,0,202500.0,907780.5,36130.5,733500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.002042,-17253,-7672,-888.0,-805,0.0,1,1,0,1,0,0,Drivers,2.0,3,3,WEDNESDAY,12,0,0,0,0,0,0,Government,,0.3544498632737232,0.19182160241360605,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-1708.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1287096,310219,Consumer loans,6265.17,34245.0,31216.5,4500.0,34245.0,SATURDAY,12,Y,1,0.13721694709473464,,,XAP,Approved,-2863,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Stone,10,Connectivity,6.0,high,POS mobile with interest,365243.0,-2826.0,-2676.0,-2676.0,-2631.0,1.0,0,Cash loans,M,Y,N,0,112500.0,1077061.5,31621.5,940500.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.019688999999999998,-16648,-579,-3655.0,-198,32.0,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.4188375995875097,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2863.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2328113,156139,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SATURDAY,5,Y,1,,,,XAP,Approved,-142,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),3,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,-5.0,0.0,0,Cash loans,F,N,Y,2,94500.0,490536.0,17748.0,405000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.006852,-15658,365243,-9580.0,-3749,,1,0,0,1,1,0,,3.0,3,3,MONDAY,6,0,0,0,0,0,0,XNA,,0.3025645256650846,0.5656079814115492,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1259.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1666343,414428,Consumer loans,4504.275,26590.5,22090.5,4500.0,26590.5,WEDNESDAY,12,Y,1,0.18431052785427468,,,XAP,Approved,-1196,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,14,Connectivity,6.0,high,POS mobile with interest,365243.0,-1156.0,-1006.0,-1006.0,-1003.0,0.0,0,Cash loans,F,N,Y,0,157500.0,152820.0,16177.5,135000.0,Family,Working,Secondary / secondary special,Single / not married,House / apartment,0.016612000000000002,-11633,-2552,-4183.0,-4183,,1,1,0,1,0,1,Cooking staff,1.0,2,2,TUESDAY,9,0,0,0,0,0,0,Kindergarten,,0.5443744232457456,0.4418358231994413,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-666.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,0.0,0.0,5.0 +1335303,112827,Consumer loans,4645.755,20871.0,22144.5,2088.0,20871.0,SUNDAY,13,Y,1,0.0938418164936271,,,XAP,Approved,-1048,Cash through the bank,XAP,"Spouse, partner",New,Mobile,POS,XNA,Country-wide,110,Connectivity,6.0,high,POS mobile with interest,365243.0,-1017.0,-867.0,-867.0,-859.0,0.0,0,Cash loans,M,Y,Y,0,202500.0,640080.0,24259.5,450000.0,Children,Working,Secondary / secondary special,Single / not married,House / apartment,0.025164,-19608,-873,-1586.0,-2325,9.0,1,1,0,1,0,0,Drivers,1.0,2,2,FRIDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.08239536774955909,0.3539876078507373,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-4.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1642194,413115,Cash loans,34572.555,454500.0,663453.0,,454500.0,TUESDAY,17,Y,1,,,,XNA,Approved,-365,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,M,Y,Y,1,135000.0,56034.0,5670.0,49500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.01885,-11504,-171,-4954.0,-3781,19.0,1,1,0,1,0,0,Sales staff,3.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Self-employed,0.14866818316206715,0.6998511430537648,0.11612491427195998,0.0206,0.0256,0.9776,,,,0.1034,0.0833,,,,0.0187,,0.0449,0.021,0.0266,0.9777,,,,0.1034,0.0833,,,,0.0195,,0.0475,0.0208,0.0256,0.9776,,,,0.1034,0.0833,,,,0.0191,,0.0458,,block of flats,0.0245,"Stone, brick",No,1.0,0.0,1.0,0.0,-1980.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2258684,327058,Consumer loans,21643.335,201595.5,194809.5,20160.0,201595.5,THURSDAY,13,Y,1,0.1021357575250104,,,XAP,Approved,-2435,Cash through the bank,XAP,Children,New,Computers,POS,XNA,Stone,88,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-2404.0,-2134.0,-2134.0,-2124.0,1.0,0,Cash loans,F,N,Y,0,81000.0,518562.0,21249.0,463500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.018801,-17577,-5087,-8434.0,-1034,,1,1,0,1,0,0,Cooking staff,1.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Kindergarten,,0.4761787995415374,0.7047064232963289,0.0,,0.9742,,,,0.1379,0.1667,,,,0.0622,,,0.0,,0.9742,,,,0.1379,0.1667,,,,0.0648,,,0.0,,0.9742,,,,0.1379,0.1667,,,,0.0633,,,,block of flats,0.052000000000000005,"Stone, brick",No,0.0,0.0,0.0,0.0,-2435.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1368833,233504,Consumer loans,3029.535,19750.5,21487.5,0.0,19750.5,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-612,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,10.0,high,POS mobile with interest,365243.0,-577.0,-307.0,-307.0,-304.0,0.0,0,Cash loans,M,Y,N,0,270000.0,1024740.0,49297.5,900000.0,Unaccompanied,Working,Higher education,Married,With parents,0.031329,-10900,-2083,-1659.0,-2407,65.0,1,1,0,1,0,0,Drivers,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Security,0.7776542719564817,0.1344452109547669,0.3962195720630885,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-612.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1518000,349347,Consumer loans,9431.505,97249.5,107518.5,0.0,97249.5,WEDNESDAY,18,Y,1,0.0,,,XAP,Approved,-416,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,2326,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-384.0,-54.0,-54.0,-48.0,0.0,0,Cash loans,F,N,N,0,202500.0,540000.0,21546.0,540000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-18117,-3699,-8516.0,-1640,,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,Other,,0.7003057021018174,0.7091891096653581,0.1227,,0.9781,,,0.0,0.2759,0.1667,,,,0.0724,,0.1162,0.125,,0.9782,,,0.0,0.2759,0.1667,,,,0.0754,,0.123,0.1239,,0.9781,,,0.0,0.2759,0.1667,,,,0.0737,,0.1186,,block of flats,0.0822,Panel,No,0.0,0.0,0.0,0.0,-1123.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1263536,275771,Consumer loans,4360.275,33210.0,37588.5,3330.0,33210.0,TUESDAY,10,Y,1,0.08863161472861239,,,XAP,Approved,-1517,Cash through the bank,XAP,Unaccompanied,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,10,Connectivity,12.0,high,POS mobile with interest,365243.0,-1481.0,-1151.0,-1151.0,-1141.0,0.0,0,Cash loans,F,N,N,0,90000.0,206280.0,7906.5,135000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,Municipal apartment,0.031329,-16718,-1288,-504.0,-261,,1,1,0,1,0,0,Waiters/barmen staff,2.0,2,2,SUNDAY,14,0,0,0,0,0,0,Restaurant,,0.1953537989258013,,0.0825,0.1315,0.9861,0.8096,0.0139,0.0,0.2069,0.1667,0.0,0.0795,0.0672,0.0531,0.0116,0.0596,0.084,0.1365,0.9861,0.8171,0.014,0.0,0.2069,0.1667,0.0,0.0813,0.0735,0.0553,0.0117,0.0631,0.0833,0.1315,0.9861,0.8121,0.014,0.0,0.2069,0.1667,0.0,0.0809,0.0684,0.054000000000000006,0.0116,0.0608,reg oper account,block of flats,0.0669,"Stone, brick",No,0.0,0.0,0.0,0.0,-566.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2076979,282231,Consumer loans,3311.145,30105.0,29776.5,3010.5,30105.0,FRIDAY,16,Y,1,0.10000024954458114,,,XAP,Approved,-2420,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Country-wide,38,Connectivity,12.0,high,POS mobile with interest,365243.0,-2389.0,-2059.0,-2059.0,-2054.0,1.0,0,Cash loans,F,Y,Y,0,157500.0,1185120.0,46251.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007305,-19859,-3898,-11549.0,-3312,0.0,1,1,1,1,1,0,Security staff,2.0,3,3,WEDNESDAY,8,0,0,0,0,0,0,Construction,,0.3376321930902277,0.42765737003502935,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1219.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2248155,323856,Consumer loans,2507.175,23265.0,21613.5,3600.0,23265.0,FRIDAY,11,Y,1,0.15550111141758466,,,XAP,Approved,-1625,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,62,Connectivity,12.0,high,POS mobile with interest,365243.0,-1593.0,-1263.0,-1293.0,-1287.0,0.0,0,Cash loans,F,N,Y,0,135000.0,254700.0,25191.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.018029,-24606,365243,-8544.0,-4065,,1,0,0,1,0,0,,1.0,3,2,SATURDAY,10,0,0,0,0,0,0,XNA,,0.5838782301256827,0.5046813193144684,,,0.9781,,,,,,,,,0.0537,,,,,0.9782,,,,,,,,,0.056,,,,,0.9781,,,,,,,,,0.0547,,,,,0.0423,,No,0.0,0.0,0.0,0.0,-1625.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2523423,162163,Consumer loans,8805.105,38920.5,30906.0,9000.0,38920.5,WEDNESDAY,14,Y,1,0.2456226678148193,,,XAP,Approved,-2649,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,19,Connectivity,4.0,low_normal,POS mobile with interest,365243.0,-2618.0,-2528.0,-2528.0,-2526.0,1.0,0,Cash loans,F,N,N,0,135000.0,1305000.0,35887.5,1305000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.006670999999999999,-19931,-7011,-5930.0,-3432,,1,1,1,1,1,0,,2.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,Military,0.7478541889577072,0.6923061745887468,0.33928769990891394,0.0773,,0.9821,,,,0.1724,0.1667,,0.1339,,0.0696,,0.0489,0.0788,,0.9821,,,,0.1724,0.1667,,0.1369,,0.0725,,0.0517,0.0781,,0.9821,,,,0.1724,0.1667,,0.1362,,0.0709,,0.0499,,block of flats,0.0548,Panel,No,2.0,0.0,2.0,0.0,-2649.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +2057163,279177,Consumer loans,6254.37,85495.5,86251.5,13500.0,85495.5,SUNDAY,15,Y,1,0.14739354568830818,,,XAP,Approved,-1063,Cash through the bank,XAP,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Country-wide,1500,Consumer electronics,24.0,high,POS household with interest,,,,,,,0,Revolving loans,M,Y,N,2,238500.0,427500.0,21375.0,427500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.016612000000000002,-12929,-2356,-3463.0,-2040,64.0,1,1,1,1,1,0,,4.0,2,2,SATURDAY,14,0,0,0,0,0,0,Self-employed,,0.5172867815436667,0.6722428897082422,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1881.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2319847,452223,Consumer loans,2227.05,19435.5,18841.5,4500.0,19435.5,WEDNESDAY,12,Y,1,0.20996547312336786,,,XAP,Approved,-1928,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,1500,Consumer electronics,12.0,high,POS household with interest,365243.0,-1896.0,-1566.0,-1626.0,-1623.0,0.0,0,Cash loans,F,Y,Y,1,585000.0,940500.0,30469.5,940500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.031329,-15474,-426,-949.0,-4105,4.0,1,1,0,1,0,0,Accountants,3.0,2,2,SATURDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.0023848474230582467,0.3360615207658242,0.2598,0.1429,0.9881,0.8368,0.0903,0.28,0.2414,0.3333,0.375,0.0968,0.2118,0.269,0.0,0.0,0.2647,0.1483,0.9881,0.8432,0.0911,0.282,0.2414,0.3333,0.375,0.099,0.2314,0.2803,0.0,0.0,0.2623,0.1429,0.9881,0.8390000000000001,0.0909,0.28,0.2414,0.3333,0.375,0.0984,0.2155,0.2739,0.0,0.0,reg oper account,block of flats,0.2128,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,6.0 +1900591,375373,Consumer loans,5472.0,45495.0,45000.0,4549.5,45495.0,MONDAY,19,Y,1,0.0999973580138869,,,XAP,Approved,-1949,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,56,Connectivity,12.0,high,POS mobile with interest,365243.0,-1908.0,-1578.0,-1788.0,-1782.0,0.0,0,Cash loans,F,N,Y,0,292500.0,1009566.0,36391.5,904500.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.01885,-18544,-1490,-807.0,-2093,,1,1,0,1,0,0,Laborers,1.0,2,2,THURSDAY,14,0,1,1,0,0,0,Construction,0.6611135861477263,0.7174949530388489,0.3031463744186309,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1809.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,2.0 +2278126,352212,Consumer loans,8787.285,47875.5,43087.5,4788.0,47875.5,WEDNESDAY,18,Y,1,0.10891932768800897,,,XAP,Refused,-257,Cash through the bank,LIMIT,"Spouse, partner",Repeater,Mobile,POS,XNA,Country-wide,26,Connectivity,6.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,0,180000.0,640080.0,31131.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.016612000000000002,-10672,-421,-5303.0,-2880,,1,1,1,1,1,0,Sales staff,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Restaurant,0.35510310353666313,0.6159391833175735,0.056475179729157526,0.2258,,0.9871,,,0.28,0.2414,0.3333,,0.1878,,0.2858,,0.1058,0.23,,0.9871,,,0.282,0.2414,0.3333,,0.1921,,0.2977,,0.112,0.228,,0.9871,,,0.28,0.2414,0.3333,,0.1911,,0.2909,,0.108,,block of flats,0.275,Panel,No,1.0,1.0,1.0,1.0,-1080.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1541350,254970,Consumer loans,11145.285,113026.95,107356.5,5670.45,113026.95,TUESDAY,19,Y,1,0.05463861092823037,,,XAP,Approved,-1840,Cash through the bank,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Country-wide,1552,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1809.0,-1479.0,-1479.0,-1471.0,0.0,0,Cash loans,F,Y,Y,1,249750.0,2085120.0,72607.5,1800000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.0105,-16419,-6252,-2763.0,-4540,13.0,1,1,0,1,1,1,Core staff,3.0,3,3,MONDAY,16,0,0,0,0,0,0,School,0.5501962725564811,0.5616160993611683,0.6863823354047934,0.0082,,0.9622,,,0.0,0.069,0.0417,,,,,,0.0,0.0084,,0.9623,,,0.0,0.069,0.0417,,,,,,0.0,0.0083,,0.9622,,,0.0,0.069,0.0417,,,,,,0.0,,block of flats,0.0077,Wooden,No,0.0,0.0,0.0,0.0,-1009.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1659977,398476,Revolving loans,4500.0,0.0,90000.0,,,MONDAY,10,Y,1,,,,XAP,Approved,-788,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-781.0,-743.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,1,157500.0,427500.0,20790.0,427500.0,Family,Working,Secondary / secondary special,Single / not married,House / apartment,0.028663,-9652,-2247,-1708.0,-457,,1,1,0,1,0,1,,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.7309088340799217,0.3484637250211473,0.3077366963789207,0.0495,0.0307,0.9836,,,0.08,0.0345,0.4583,,0.0,,0.0555,,0.0,0.0504,0.0319,0.9836,,,0.0806,0.0345,0.4583,,0.0,,0.0578,,0.0,0.05,0.0307,0.9836,,,0.08,0.0345,0.4583,,0.0,,0.0565,,0.0,,block of flats,0.0573,Panel,No,3.0,2.0,3.0,2.0,-560.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1531320,447582,Revolving loans,9000.0,0.0,180000.0,,,SATURDAY,17,Y,1,,,,XAP,Approved,-2189,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-2187.0,-2125.0,365243.0,-1213.0,-749.0,0.0,0,Revolving loans,F,N,Y,2,67500.0,202500.0,10125.0,202500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.026392000000000002,-10457,-1304,-5259.0,-2891,,1,1,0,1,1,0,,4.0,2,2,THURSDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.6100642431982112,0.7098992140802303,0.622922000268356,0.1031,0.1143,0.9821,,,0.0,0.2069,0.1667,,0.0697,,0.0902,,0.0,0.105,0.1187,0.9821,,,0.0,0.2069,0.1667,,0.0712,,0.094,,0.0,0.1041,0.1143,0.9821,,,0.0,0.2069,0.1667,,0.0709,,0.0918,,0.0,,block of flats,0.0709,"Stone, brick",No,1.0,0.0,1.0,0.0,-1265.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2841760,384571,Revolving loans,22500.0,0.0,450000.0,,,WEDNESDAY,11,Y,1,,,,XAP,Approved,-1067,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-1065.0,-1028.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,252000.0,228915.0,16654.5,189000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.072508,-12173,-1151,-6303.0,-2693,,1,1,0,1,1,1,,2.0,1,1,SATURDAY,10,0,0,0,0,0,0,Government,0.6221872986082024,0.636278775432291,,0.2784,0.1304,0.9841,0.7824,0.0,0.32,0.1379,0.6667,0.7083,0.1255,0.0008,0.3441,0.0039,0.0075,0.2836,0.1353,0.9841,0.7909,0.0,0.3222,0.1379,0.6667,0.7083,0.1283,0.0009,0.3585,0.0039,0.008,0.281,0.1304,0.9841,0.7853,0.0,0.32,0.1379,0.6667,0.7083,0.1277,0.0009,0.3503,0.0039,0.0077,,block of flats,0.2723,Panel,No,0.0,0.0,0.0,0.0,-1320.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1588013,403082,Revolving loans,4500.0,0.0,90000.0,,,SUNDAY,9,Y,1,,,,XAP,Refused,-893,XNA,HC,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,Y,Y,2,99000.0,1597779.0,46849.5,1251000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020713,-9802,365243,-2747.0,-2437,23.0,1,0,0,1,1,0,,4.0,3,3,THURSDAY,6,0,0,0,0,0,0,XNA,0.3564139027296477,0.5048727332385436,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-1849.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2505455,147584,Consumer loans,5095.575,28210.5,25389.0,2821.5,28210.5,WEDNESDAY,11,Y,1,0.10892646355080557,,,XAP,Approved,-2504,XNA,XAP,Family,New,Mobile,POS,XNA,Country-wide,20,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2461.0,-2311.0,-2311.0,-1268.0,0.0,0,Cash loans,F,Y,N,2,103500.0,942300.0,27679.5,675000.0,Family,Working,Lower secondary,Married,House / apartment,0.035792000000000004,-13461,-205,-5561.0,-354,13.0,1,1,0,1,1,0,Core staff,4.0,2,2,MONDAY,16,0,0,0,0,0,0,Medicine,0.4313820556388792,0.2018583459187653,0.2176285202779586,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2212176,179136,Cash loans,36643.68,675000.0,721332.0,,675000.0,THURSDAY,11,Y,1,,,,Repairs,Refused,-487,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,24.0,low_action,Cash Street: low,,,,,,,0,Cash loans,F,Y,Y,0,166500.0,450000.0,35685.0,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.008575,-9405,-1114,-87.0,-2030,2.0,1,1,1,1,1,0,Sales staff,2.0,2,2,MONDAY,15,1,1,0,1,1,0,Business Entity Type 1,0.5771861456716872,0.20070523330623075,0.4920600938649263,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-627.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1013610,255147,Consumer loans,,72355.5,72355.5,0.0,72355.5,MONDAY,18,Y,1,0.0,,,XAP,Refused,-265,Cash through the bank,HC,,Repeater,Mobile,XNA,XNA,Country-wide,60,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,M,N,Y,0,157500.0,247275.0,19548.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.0031219999999999998,-12216,-824,-6155.0,-2817,,1,1,0,1,1,0,Laborers,1.0,3,3,SUNDAY,11,0,0,0,0,0,0,Self-employed,,0.02721044760055829,0.3123653692278984,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2409515,188391,Cash loans,12054.87,229500.0,266760.0,,229500.0,FRIDAY,15,Y,1,,,,XNA,Approved,-690,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),100,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-660.0,390.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,108000.0,938304.0,31009.5,810000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-23732,365243,-1762.0,-4500,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,XNA,,0.6018119314305592,0.8193176922872417,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,10.0,0.0,10.0,0.0,-2254.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1105859,418468,Consumer loans,2348.595,21825.0,21586.5,2182.5,21825.0,WEDNESDAY,8,Y,1,0.10000172111114937,,,XAP,Approved,-2119,Cash through the bank,XAP,Unaccompanied,New,Weapon,POS,XNA,Stone,20,Industry,12.0,high,POS industry with interest,365243.0,-2088.0,-1758.0,-1758.0,-1751.0,0.0,0,Cash loans,M,N,Y,0,90000.0,552555.0,29569.5,477000.0,Unaccompanied,Pensioner,Lower secondary,Civil marriage,Co-op apartment,0.0228,-23757,365243,-923.0,-4291,,1,0,0,1,0,0,,2.0,2,2,MONDAY,9,0,0,0,0,0,0,XNA,,0.14583376064980244,0.7407990879702335,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1833672,304535,Consumer loans,6569.955,65094.075,65094.075,0.0,65094.075,MONDAY,17,Y,1,0.0,,,XAP,Refused,-351,Cash through the bank,LIMIT,,Repeater,Mobile,POS,XNA,Country-wide,35,Connectivity,12.0,middle,POS mobile with interest,,,,,,,0,Cash loans,M,Y,Y,0,135000.0,152820.0,16587.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Rented apartment,0.030755,-8182,-99,-1954.0,-601,23.0,1,1,0,1,0,0,,1.0,2,2,TUESDAY,14,1,1,0,1,1,0,Business Entity Type 3,,0.2398091517325811,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-253.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1070034,350762,Consumer loans,3881.88,77004.0,85711.5,0.0,77004.0,FRIDAY,17,Y,1,0.0,,,XAP,Refused,-919,Cash through the bank,LIMIT,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,1552,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,0,Cash loans,M,Y,Y,0,135000.0,276277.5,22149.0,238500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.0105,-8183,-592,-690.0,-843,15.0,1,1,0,1,0,0,Laborers,2.0,3,3,SUNDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.4031287693632892,0.14876431360338552,0.15855489979486306,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-53.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1290291,446099,Consumer loans,13496.355,118827.0,118827.0,0.0,118827.0,WEDNESDAY,12,Y,1,0.0,,,XAP,Approved,-55,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-19.0,251.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,1,225000.0,787500.0,27900.0,787500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.035792000000000004,-13432,-3057,-7346.0,-4030,,1,1,0,1,1,0,Managers,3.0,2,2,FRIDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.5685801115793825,0.7101018279431496,0.2707073872651806,0.0577,,0.9816,0.7484,,0.0,0.1379,0.1667,0.2083,0.0623,0.0471,0.0363,,0.0595,0.0588,,0.9816,0.7583,,0.0,0.1379,0.1667,0.2083,0.0638,0.0514,0.0378,,0.063,0.0583,,0.9816,0.7518,,0.0,0.1379,0.1667,0.2083,0.0634,0.0479,0.037000000000000005,,0.0607,reg oper account,block of flats,0.0415,"Stone, brick",No,6.0,2.0,6.0,2.0,-502.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1556032,309275,Revolving loans,11250.0,0.0,225000.0,,,SATURDAY,9,Y,1,,,,XAP,Approved,-841,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,365243.0,-670.0,365243.0,-670.0,365243.0,0.0,0,Cash loans,F,N,N,2,121500.0,508495.5,21541.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.01885,-11054,-2714,-978.0,-3265,,1,1,1,1,1,0,Sales staff,4.0,2,2,SATURDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.477219291903973,0.6375379704079013,0.6380435278721609,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1731.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2490186,402985,Cash loans,37943.28,679500.0,679500.0,,679500.0,SATURDAY,10,Y,1,,,,XNA,Refused,-172,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Revolving loans,M,Y,Y,2,270000.0,810000.0,40500.0,810000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.028663,-11707,-3394,-2225.0,-5,6.0,1,1,0,1,0,1,Managers,4.0,2,2,WEDNESDAY,10,0,0,0,1,0,1,Kindergarten,0.6807790077598028,0.5992834537802756,0.5744466170995097,0.0412,0.0853,0.997,0.9592,0.0433,0.0,0.1034,0.0833,0.0417,0.0145,0.0336,0.0544,0.0,0.0,0.042,0.0885,0.997,0.9608,0.0437,0.0,0.1034,0.0833,0.0417,0.0148,0.0367,0.0566,0.0,0.0,0.0416,0.0853,0.997,0.9597,0.0436,0.0,0.1034,0.0833,0.0417,0.0147,0.0342,0.0553,0.0,0.0,reg oper account,block of flats,0.0665,"Stone, brick",No,0.0,0.0,0.0,0.0,-1974.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +2781573,425284,Consumer loans,9576.9,37665.0,33615.0,4050.0,37665.0,WEDNESDAY,12,Y,1,0.11710654936461387,,,XAP,Refused,-2562,Cash through the bank,HC,Other_A,Repeater,XNA,POS,XNA,Stone,20,Connectivity,4.0,high,POS mobile with interest,,,,,,,0,Cash loans,M,Y,N,0,112500.0,314055.0,16443.0,238500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.010556,-10238,-3047,-4431.0,-2825,10.0,1,1,0,1,1,0,Laborers,1.0,3,3,WEDNESDAY,13,0,0,0,1,1,0,Industry: type 11,,0.023141940271845445,0.5656079814115492,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1696721,114151,Cash loans,,0.0,0.0,,,FRIDAY,17,Y,1,,,,XNA,Refused,-217,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,1,180000.0,170640.0,8428.5,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008019,-15296,-5385,-8746.0,-17,,1,1,0,1,0,0,,3.0,2,2,FRIDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.7183584825661129,0.14825437906109115,0.0794,0.1074,0.9856,0.8028,0.0818,0.0,0.2069,0.1667,0.2083,0.0738,0.0639,0.077,0.0039,0.0174,0.0809,0.1114,0.9856,0.8105,0.0825,0.0,0.2069,0.1667,0.2083,0.0755,0.0698,0.0803,0.0039,0.0184,0.0802,0.1074,0.9856,0.8054,0.0823,0.0,0.2069,0.1667,0.2083,0.0751,0.065,0.0784,0.0039,0.0178,not specified,block of flats,0.1091,"Stone, brick",No,0.0,0.0,0.0,0.0,-1569.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +2631256,287949,Cash loans,13976.19,225000.0,269550.0,0.0,225000.0,MONDAY,9,Y,1,0.0,,,XNA,Approved,-2634,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,36.0,middle,Cash Street: middle,365243.0,-2604.0,-1554.0,-1554.0,-1543.0,1.0,0,Cash loans,F,N,N,0,171000.0,508495.5,21541.5,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.019688999999999998,-23642,365243,-12061.0,-2910,,1,0,0,1,1,0,,1.0,2,2,TUESDAY,15,0,0,0,0,0,0,XNA,,0.5450956998877616,0.633031641417419,,,0.9786,,,,,,,,,0.0122,,,,,0.9786,,,,,,,,,0.0127,,,,,0.9786,,,,,,,,,0.0124,,,,,0.0096,,No,0.0,0.0,0.0,0.0,-378.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2653314,223319,Consumer loans,37232.595,357421.5,357421.5,0.0,357421.5,THURSDAY,18,Y,1,0.0,,,XAP,Approved,-795,Cash through the bank,XAP,Unaccompanied,New,Furniture,POS,XNA,Country-wide,100,Furniture,10.0,low_action,POS industry without interest,365243.0,-764.0,-494.0,-494.0,-491.0,0.0,0,Cash loans,F,N,Y,0,405000.0,1886850.0,52015.5,1575000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.072508,-12918,-4505,-3378.0,-658,,1,1,0,1,0,0,,2.0,1,1,MONDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.4563432196097363,0.7020422360142584,0.6347055309763198,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-795.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1530621,361166,Consumer loans,13990.59,139923.0,125928.0,13995.0,139923.0,FRIDAY,14,Y,1,0.10893010636369484,,,XAP,Refused,-2449,Cash through the bank,LIMIT,Family,Repeater,Computers,POS,XNA,Regional / Local,30,Consumer electronics,10.0,low_normal,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,184500.0,1113840.0,47322.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-20925,-501,-50.0,-4448,,1,1,0,1,0,0,Sales staff,2.0,3,2,THURSDAY,8,0,0,0,0,0,0,Self-employed,0.4288491808203279,0.4441456226663119,0.520897599048938,0.0722,0.0274,0.9791,0.7144,0.0086,0.0,0.1379,0.1667,0.2083,0.041,0.058,0.0663,0.0039,0.0132,0.0735,0.0284,0.9791,0.7256,0.0087,0.0,0.1379,0.1667,0.2083,0.0419,0.0634,0.0691,0.0039,0.014,0.0729,0.0274,0.9791,0.7182,0.0087,0.0,0.1379,0.1667,0.2083,0.0417,0.059,0.0675,0.0039,0.0135,reg oper account,block of flats,0.0597,Panel,No,0.0,0.0,0.0,0.0,-1191.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +1427059,375460,Cash loans,20233.71,225000.0,330862.5,,225000.0,THURSDAY,16,Y,1,,,,XNA,Refused,-1035,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,N,1,202500.0,270000.0,25762.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.028663,-15907,-1866,-97.0,-3834,,1,1,0,1,0,0,Medicine staff,3.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,Other,0.6359868211044301,0.3810994488835941,0.6479768603302221,0.0742,0.0557,0.9891,,,0.08,0.069,0.3333,,,,0.046,,0.0056,0.0756,0.0566,0.9891,,,0.0806,0.069,0.3333,,,,0.0477,,0.0,0.0749,0.0557,0.9891,,,0.08,0.069,0.3333,,,,0.0468,,0.0058,,,0.0859,Mixed,No,1.0,1.0,1.0,0.0,-1544.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,7.0,0.0,2.0 +2690586,167311,Consumer loans,18272.295,137025.0,95917.5,41107.5,137025.0,WEDNESDAY,11,Y,1,0.3267272727272727,,,XAP,Approved,-1857,Cash through the bank,XAP,Children,Repeater,Furniture,POS,XNA,Stone,200,Furniture,6.0,middle,POS industry with interest,365243.0,-1825.0,-1675.0,-1675.0,-1650.0,0.0,0,Cash loans,F,N,Y,0,270000.0,1325475.0,54832.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.04622,-19537,-7314,-7234.0,-3096,,1,1,0,1,0,0,Cooking staff,1.0,1,1,FRIDAY,12,0,1,1,0,0,0,Medicine,,0.7240741298861579,0.363945238612397,0.4273,0.2934,0.9935,0.9048,0.1563,0.4,0.1724,0.6667,0.7083,0.0898,0.3484,0.4815,0.0,0.0479,0.1481,0.0685,0.9886,0.8497,0.095,0.1611,0.069,0.6667,0.7083,0.0918,0.1295,0.1804,0.0,0.0,0.4315,0.2934,0.9935,0.9061,0.1573,0.4,0.1724,0.6667,0.7083,0.0913,0.3544,0.4901,0.0,0.0489,reg oper account,block of flats,0.1876,Block,No,1.0,1.0,1.0,1.0,-1857.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1061921,286095,Cash loans,19372.68,90000.0,103797.0,,90000.0,TUESDAY,19,Y,1,,,,XNA,Approved,-809,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,,,,,,,0,Revolving loans,F,N,Y,0,360000.0,720000.0,36000.0,720000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.032561,-18897,-4630,-410.0,-2417,,1,1,0,1,0,0,Core staff,2.0,1,1,SATURDAY,14,0,0,0,0,0,0,Government,,0.3177874888847949,0.5762088360175724,0.066,0.0669,0.9742,0.6464,,0.0,0.1379,0.125,,0.0603,,0.0558,,0.0529,0.0672,0.0694,0.9742,0.6602,,0.0,0.1379,0.125,,0.0617,,0.0582,,0.056,0.0666,0.0669,0.9742,0.6511,,0.0,0.1379,0.125,,0.0614,,0.0568,,0.054000000000000006,,block of flats,0.0554,"Stone, brick",No,4.0,0.0,4.0,0.0,-1624.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2006345,106057,Consumer loans,11429.415,92205.0,101335.5,0.0,92205.0,THURSDAY,16,Y,1,0.0,,,XAP,Approved,-1632,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,1716,Consumer electronics,12.0,high,POS household with interest,365243.0,-1601.0,-1271.0,-1271.0,-1265.0,0.0,0,Cash loans,M,Y,N,0,157500.0,323388.0,18693.0,292500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Rented apartment,0.031329,-19398,-2698,-4067.0,-2845,18.0,1,1,0,1,1,0,Drivers,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.7095342981916021,0.6430255641096323,0.0082,,0.9682,,,0.0,0.0345,0.0417,,,,0.0095,,0.0027,0.0084,,0.9682,,,0.0,0.0345,0.0417,,,,0.0099,,0.0029,0.0083,,0.9682,,,0.0,0.0345,0.0417,,,,0.0097,,0.0028,,,0.0081,Block,No,2.0,0.0,2.0,0.0,-1632.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1316519,232973,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SATURDAY,16,Y,1,,,,XAP,Approved,-110,XNA,XAP,Family,Repeater,XNA,Cards,walk-in,Country-wide,300,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,2,270000.0,1484181.0,43524.0,1296000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-12160,-1391,-6153.0,-495,,1,1,0,1,0,0,Drivers,4.0,1,1,THURSDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.719628871259793,0.7037684051708514,0.6722428897082422,0.0948,0.0509,0.9771,0.6872,0.0113,0.0,0.1724,0.1667,0.2083,0.0409,0.07400000000000001,0.0697,0.0154,0.0575,0.0966,0.0529,0.9772,0.6994,0.0114,0.0,0.1724,0.1667,0.2083,0.0418,0.0808,0.0726,0.0156,0.0609,0.0958,0.0509,0.9771,0.6914,0.0113,0.0,0.1724,0.1667,0.2083,0.0416,0.0752,0.0709,0.0155,0.0587,reg oper account,block of flats,0.0735,"Stone, brick",No,1.0,1.0,1.0,1.0,-110.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1887795,229343,Consumer loans,5488.425,32805.0,27346.5,6750.0,32805.0,SUNDAY,14,Y,1,0.2156046408389024,,,XAP,Approved,-2419,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,26,Connectivity,6.0,high,POS mobile with interest,365243.0,-2364.0,-2214.0,-2244.0,-2237.0,1.0,0,Cash loans,M,N,N,0,126000.0,679500.0,22455.0,679500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-19783,365243,-413.0,-3318,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,XNA,0.773325152189662,0.7911830481015557,0.5513812618027899,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2538.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,4.0 +1420859,317850,Consumer loans,32039.595,347247.0,312520.5,34726.5,347247.0,WEDNESDAY,16,Y,1,0.10891473635350467,,,XAP,Approved,-1070,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,3303,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1038.0,-708.0,-888.0,-876.0,0.0,0,Cash loans,M,N,Y,0,292500.0,1647000.0,57379.5,1647000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.015221,-18771,-2905,-2696.0,-2324,,1,1,0,1,1,0,Drivers,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.3808725340313856,0.15663982703141147,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1685.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +2610575,386997,Revolving loans,11250.0,225000.0,225000.0,,225000.0,THURSDAY,15,Y,1,,,,XAP,Approved,-582,XNA,XAP,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-578.0,-538.0,365243.0,-477.0,-88.0,0.0,0,Cash loans,F,N,Y,0,112500.0,327024.0,18391.5,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.007273999999999998,-13821,-671,-9.0,-4573,,1,1,0,1,0,0,High skill tech staff,2.0,2,2,FRIDAY,13,0,0,0,0,1,1,Business Entity Type 3,,0.6380986918280921,0.5585066276769286,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +2485786,151151,Cash loans,37267.785,450000.0,481185.0,,450000.0,FRIDAY,14,Y,1,,,,XNA,Approved,-657,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-627.0,-117.0,-147.0,-144.0,1.0,0,Cash loans,F,N,N,0,202500.0,720000.0,28683.0,720000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.003540999999999999,-10920,-1738,-862.0,-905,,1,1,0,1,0,0,Medicine staff,2.0,1,1,THURSDAY,9,0,0,0,0,0,0,Medicine,0.6707235468487153,0.7612682812063939,,0.1284,0.0461,0.9831,0.7688,0.0246,0.0,0.069,0.1667,0.2083,0.0477,0.0983,0.0387,0.0463,0.0842,0.1261,0.0478,0.9831,0.7779,0.0248,0.0,0.069,0.1667,0.2083,0.0488,0.1074,0.0388,0.0467,0.0891,0.1296,0.0461,0.9831,0.7719,0.0247,0.0,0.069,0.1667,0.2083,0.0485,0.1,0.0394,0.0466,0.086,reg oper account,block of flats,0.0436,"Stone, brick",No,0.0,0.0,0.0,0.0,-1440.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1129641,446147,Consumer loans,6353.685,47830.5,51903.0,6750.0,47830.5,SATURDAY,14,Y,1,0.12533653242568388,,,XAP,Approved,-1411,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,high,POS mobile with interest,365243.0,-1380.0,-1050.0,-1050.0,-1046.0,0.0,0,Cash loans,F,N,Y,0,90000.0,675000.0,21906.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-20240,365243,-11766.0,-3796,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,XNA,,0.7507456225883891,0.4992720153045617,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1412.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2027959,124130,Revolving loans,11250.0,225000.0,225000.0,,225000.0,THURSDAY,16,Y,1,,,,XAP,Approved,-571,XNA,XAP,,New,XNA,Cards,walk-in,Stone,750,Consumer electronics,0.0,XNA,Card Street,-568.0,-523.0,365243.0,-342.0,365243.0,0.0,0,Cash loans,M,N,N,0,130500.0,225000.0,10489.5,225000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.002042,-12318,-2383,-3156.0,-3161,,1,1,1,1,1,0,Accountants,2.0,3,3,SATURDAY,11,0,0,0,0,0,0,Agriculture,,0.495267693262498,0.3996756156233169,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-571.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +2527730,428725,Consumer loans,7294.32,69705.0,62505.0,7200.0,69705.0,WEDNESDAY,12,Y,1,0.11249486472210812,,,XAP,Approved,-2562,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,32,Connectivity,12.0,high,POS mobile with interest,365243.0,-2524.0,-2194.0,-2224.0,-2215.0,0.0,0,Cash loans,M,Y,Y,0,162000.0,1345500.0,36211.5,1345500.0,Family,State servant,Higher education,Married,House / apartment,0.032561,-23397,-3821,-8800.0,-3225,18.0,1,1,1,1,1,0,,2.0,1,1,WEDNESDAY,11,0,0,0,0,0,0,Military,,0.7243143568954238,0.6894791426446275,0.3701,0.2163,0.9841,,,0.4,0.3448,0.3333,,,,0.3568,,,0.3393,0.2229,0.9841,,,0.3625,0.3103,0.3333,,,,0.332,,,0.3737,0.2163,0.9841,,,0.4,0.3448,0.3333,,,,0.3632,,,,block of flats,0.2794,Panel,No,0.0,0.0,0.0,0.0,-1745.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1035712,108615,Consumer loans,5710.41,37305.0,28386.0,13500.0,37305.0,MONDAY,9,Y,1,0.3510176973864124,,,XAP,Approved,-392,XNA,XAP,Family,Repeater,Mobile,POS,XNA,Stone,95,Connectivity,6.0,high,POS mobile with interest,365243.0,-362.0,-212.0,-362.0,-358.0,1.0,0,Cash loans,F,N,N,2,180000.0,348264.0,36697.5,315000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,With parents,0.006629,-11722,-1834,-5891.0,-875,,1,1,0,1,0,0,Managers,4.0,2,2,MONDAY,7,0,0,0,0,0,0,Business Entity Type 3,0.6004043880967437,0.6333994195647324,0.8027454758994178,0.1237,,0.9871,,,,0.2069,0.1667,,,,0.1245,,0.0807,0.1261,,0.9866,,,,0.2069,0.1667,,,,0.1291,,0.0854,0.1249,,0.9871,,,,0.2069,0.1667,,,,0.1267,,0.0824,,block of flats,0.0983,Panel,No,2.0,1.0,2.0,1.0,-1938.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,4.0 +1136568,233884,Consumer loans,6750.0,43186.5,23692.5,20250.0,43186.5,SATURDAY,16,Y,1,0.5018852115626311,,,XAP,Approved,-2575,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,4.0,low_normal,POS mobile with interest,365243.0,-2544.0,-2454.0,-2454.0,-2448.0,1.0,0,Cash loans,F,N,Y,0,67500.0,104256.0,10813.5,90000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.009334,-21180,365243,-8483.0,-4391,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,11,0,0,0,0,0,0,XNA,,0.5471825289725264,0.8406665596573005,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2117.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1372391,197484,Cash loans,11721.735,90000.0,108837.0,,90000.0,THURSDAY,14,Y,1,,,,XNA,Approved,-887,Cash through the bank,XAP,"Spouse, partner",Refreshed,XNA,Cash,x-sell,AP+ (Cash loan),1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-857.0,-527.0,-647.0,-639.0,1.0,0,Cash loans,F,N,N,1,67500.0,807984.0,26833.5,697500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-12761,-453,-6882.0,-4569,,1,1,0,1,0,0,Sales staff,3.0,2,2,TUESDAY,13,0,0,0,0,0,0,Self-employed,,0.7399512752339351,0.8004513396487078,0.0646,0.0589,0.9861,0.8096,0.02,0.0,0.131,0.1667,0.2083,0.0405,0.0521,0.052000000000000005,0.0,0.0,0.0788,0.0692,0.9871,0.8105,0.0074,0.0,0.1034,0.1667,0.2083,0.0403,0.045,0.0735,0.0,0.0,0.0625,0.0667,0.9871,0.8121,0.0201,0.0,0.1034,0.1667,0.2083,0.0402,0.053,0.0418,0.0,0.0,reg oper spec account,block of flats,0.0555,Panel,No,0.0,0.0,0.0,0.0,-1985.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2469896,292351,Consumer loans,35700.255,188397.0,196479.0,0.0,188397.0,TUESDAY,10,Y,1,0.0,,,XAP,Approved,-988,XNA,XAP,Unaccompanied,Repeater,Vehicles,POS,XNA,Country-wide,124,Consumer electronics,6.0,middle,POS household with interest,365243.0,-957.0,-807.0,-807.0,-800.0,0.0,0,Cash loans,F,Y,Y,2,157500.0,1068624.0,38511.0,922500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-14916,-3353,-2619.0,-5152,14.0,1,1,0,1,0,0,Security staff,4.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,Business Entity Type 3,0.5859150192749901,0.4255269178795304,0.3123653692278984,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-823.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2750333,380358,Cash loans,,0.0,0.0,,,FRIDAY,11,Y,1,,,,XNA,Refused,-387,XNA,HC,,Repeater,XNA,XNA,XNA,AP+ (Cash loan),20,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,Y,Y,0,270000.0,675000.0,45238.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.011656999999999999,-18787,-2431,-11163.0,-2316,5.0,1,1,1,1,1,1,Managers,2.0,1,1,SUNDAY,19,0,0,0,0,0,0,Trade: type 7,0.8718668243354581,0.6806730150519902,0.1419915427739129,0.0928,0.0882,0.9841,0.7824,0.0053,0.0,0.2069,0.1667,0.0,0.0,0.0756,0.0964,0.0,0.0133,0.0945,0.0915,0.9841,0.7909,0.0053,0.0,0.2069,0.1667,0.0,0.0,0.0826,0.1005,0.0,0.0141,0.0937,0.0882,0.9841,0.7853,0.0053,0.0,0.2069,0.1667,0.0,0.0,0.077,0.0982,0.0,0.0136,org spec account,block of flats,0.0787,Panel,No,0.0,0.0,0.0,0.0,-1865.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,2.0 +2140636,175922,Consumer loans,3921.705,71874.0,87052.5,0.0,71874.0,FRIDAY,12,Y,1,0.0,,,XAP,Approved,-487,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Regional / Local,50,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-454.0,236.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,0,45540.0,298512.0,16798.5,270000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-23310,365243,-6916.0,-4073,10.0,1,0,0,1,1,0,,2.0,2,2,MONDAY,12,0,0,0,0,0,0,XNA,,0.589181336730529,0.5954562029091491,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-487.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2580721,326913,Consumer loans,3683.565,14985.0,17914.5,0.0,14985.0,MONDAY,8,Y,1,0.0,,,XAP,Approved,-207,Cash through the bank,XAP,Unaccompanied,Refreshed,Mobile,POS,XNA,Regional / Local,61,Connectivity,6.0,high,POS mobile with interest,365243.0,-167.0,-17.0,-107.0,-96.0,0.0,0,Cash loans,F,N,Y,2,90000.0,312768.0,22374.0,270000.0,Unaccompanied,State servant,Incomplete higher,Civil marriage,House / apartment,0.007305,-11908,-992,-1756.0,-4175,,1,1,1,1,1,0,Core staff,4.0,3,3,FRIDAY,11,0,0,0,0,0,0,Other,,0.6297511146158667,0.5954562029091491,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1029937,371796,Cash loans,8628.03,90000.0,103977.0,,90000.0,WEDNESDAY,18,Y,1,,,,XNA,Approved,-1085,Cash through the bank,XAP,Other_A,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-1055.0,-545.0,-935.0,-926.0,1.0,1,Cash loans,M,Y,Y,1,157500.0,450000.0,36211.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.005084,-9794,-1857,-71.0,-2449,8.0,1,1,0,1,0,1,Laborers,2.0,2,2,WEDNESDAY,10,0,1,1,0,1,1,Industry: type 11,,0.5800585118747666,0.28812959991785075,0.2031,0.2138,0.9851,0.7959999999999999,0.107,0.0,0.1034,0.1667,0.2083,0.1841,0.1647,0.1338,0.0039,0.0626,0.2069,0.2219,0.9851,0.804,0.108,0.0,0.1034,0.1667,0.2083,0.1883,0.18,0.1394,0.0039,0.0663,0.2051,0.2138,0.9851,0.7987,0.1077,0.0,0.1034,0.1667,0.2083,0.1873,0.1676,0.1362,0.0039,0.0639,reg oper spec account,block of flats,0.1773,"Stone, brick",No,8.0,0.0,8.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,4.0 +1552452,360977,Revolving loans,16875.0,337500.0,337500.0,0.0,337500.0,SUNDAY,14,Y,1,0.0,,,XAP,Refused,-457,XNA,LIMIT,,New,XNA,Cards,walk-in,Country-wide,50,Connectivity,0.0,XNA,Card Street,,,,,,,0,Revolving loans,F,N,Y,2,112500.0,405000.0,20250.0,405000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.025164,-13000,-3748,-4199.0,-1828,,1,1,0,1,0,0,Accountants,4.0,2,2,TUESDAY,12,0,0,0,0,0,0,Construction,,0.5115404501710199,0.15759499866631024,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-457.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1942270,329659,Consumer loans,6792.3,25645.5,23841.0,2565.0,25645.5,SUNDAY,6,Y,1,0.10579103922662204,,,XAP,Approved,-2578,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,15,Connectivity,4.0,high,POS mobile with interest,365243.0,-2547.0,-2457.0,-2457.0,-2452.0,1.0,0,Cash loans,M,Y,Y,0,112500.0,284400.0,10849.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018029,-16797,-1156,-6084.0,-335,15.0,1,1,1,1,1,0,Laborers,2.0,3,3,TUESDAY,12,0,0,0,0,0,0,Business Entity Type 1,,0.6517581119418008,0.6894791426446275,0.1237,,0.9806,,,0.0,0.2759,0.1667,,,,0.1066,,0.0,0.1261,,0.9806,,,0.0,0.2759,0.1667,,,,0.111,,0.0,0.1249,,0.9806,,,0.0,0.2759,0.1667,,,,0.1085,,0.0,,block of flats,0.113,,No,1.0,1.0,1.0,1.0,-927.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2704395,353828,Cash loans,45731.07,990000.0,1076247.0,,990000.0,WEDNESDAY,14,Y,1,,,,XNA,Approved,-896,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-866.0,184.0,-626.0,-619.0,1.0,0,Cash loans,F,N,Y,0,180000.0,954207.0,33934.5,796500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,Municipal apartment,0.072508,-22491,365243,-10185.0,-4998,,1,0,0,1,1,0,,2.0,1,1,WEDNESDAY,9,0,0,0,0,0,0,XNA,,0.7898576829104617,0.15286622915504153,0.0804,0.0697,0.9767,0.6736,0.1096,0.0264,0.1034,0.3054,0.3471,0.0,0.0643,0.07400000000000001,0.0019,0.0225,0.0504,0.0467,0.9727,0.6406,0.0744,0.0,0.1379,0.125,0.1667,0.0,0.0441,0.0529,0.0,0.0,0.0833,0.0807,0.9732,0.631,0.1103,0.0,0.1379,0.1667,0.2083,0.0,0.0654,0.0714,0.0019,0.0,reg oper account,block of flats,0.0403,Block,No,4.0,0.0,4.0,0.0,-999.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2791453,418677,Revolving loans,3375.0,0.0,67500.0,,,FRIDAY,11,Y,1,,,,XAP,Approved,-2334,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,2761,Consumer electronics,0.0,XNA,Card X-Sell,-2330.0,-2240.0,365243.0,-626.0,365243.0,0.0,0,Cash loans,F,N,Y,0,112500.0,1061599.5,31171.5,927000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.009656999999999999,-17350,-1447,-3862.0,-794,,1,1,0,1,0,0,Core staff,2.0,2,2,MONDAY,12,0,0,0,0,0,0,School,0.7519786672417879,0.6673120204997441,0.190705947811054,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2666.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2732463,176053,Cash loans,9426.24,45000.0,46485.0,,45000.0,FRIDAY,17,Y,1,,,,Other,Refused,-592,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,N,0,157500.0,675000.0,32602.5,675000.0,Unaccompanied,Working,Higher education,Civil marriage,With parents,0.009334,-11566,-2211,-4201.0,-2203,,1,1,1,1,1,1,,2.0,2,2,FRIDAY,13,0,0,0,1,1,0,Self-employed,0.2809503273065048,0.6873982919146984,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1254.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2115849,207815,Consumer loans,2938.185,20655.0,22360.5,0.0,20655.0,TUESDAY,13,Y,1,0.0,,,XAP,Approved,-2401,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Regional / Local,150,Consumer electronics,10.0,high,POS household with interest,365243.0,-2370.0,-2100.0,-2100.0,-2095.0,1.0,0,Cash loans,M,Y,Y,0,157500.0,188478.0,15021.0,166500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.00702,-17568,-3282,-1483.0,-1127,8.0,1,1,0,1,0,0,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.039768117810106425,0.5370699579791587,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2052.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1339096,291764,Revolving loans,6750.0,0.0,135000.0,,,TUESDAY,16,Y,1,,,,XAP,Approved,-1464,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,2586,Consumer electronics,0.0,XNA,Card X-Sell,-1461.0,-1413.0,365243.0,-926.0,-141.0,0.0,1,Cash loans,F,N,Y,0,117000.0,562500.0,21924.0,562500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.010643000000000001,-14297,-2917,-8170.0,-3822,,1,1,0,1,0,0,Laborers,1.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.6042460943592948,0.1940678276718812,0.2227,0.1821,0.9851,0.7892,0.0273,0.16,0.1379,0.3333,0.375,0.1307,0.1816,0.2169,0.0,0.0,0.2269,0.189,0.9851,0.7975,0.0275,0.1611,0.1379,0.3333,0.375,0.1337,0.1983,0.226,0.0,0.0,0.2248,0.1821,0.9851,0.792,0.0274,0.16,0.1379,0.3333,0.375,0.133,0.1847,0.2208,0.0,0.0,reg oper account,block of flats,0.1855,"Stone, brick",No,2.0,0.0,2.0,0.0,-156.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2363941,158052,Consumer loans,13421.97,101610.0,113904.0,0.0,101610.0,THURSDAY,6,Y,1,0.0,,,XAP,Approved,-91,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Regional / Local,270,Consumer electronics,10.0,middle,POS household with interest,365243.0,-61.0,209.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,1,360000.0,599778.0,25542.0,477000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.006629,-12351,-4968,-3010.0,-4543,7.0,1,1,0,1,0,0,Drivers,2.0,2,2,THURSDAY,4,0,0,0,0,0,0,Industry: type 9,0.2163513658345788,0.3818785737327468,0.633031641417419,0.1758,0.2098,0.9851,0.7959999999999999,0.0637,0.1,0.2931,0.25,0.0417,0.2712,0.1488,0.2086,0.0077,0.0985,0.1702,0.1893,0.9851,0.804,0.0643,0.0,0.1724,0.1667,0.0417,0.2385,0.1625,0.2166,0.0078,0.0111,0.1775,0.2098,0.9851,0.7987,0.0641,0.1,0.2931,0.25,0.0417,0.276,0.1513,0.2123,0.0078,0.1006,reg oper account,block of flats,0.203,Panel,No,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1388788,343550,Cash loans,4915.485,45000.0,47970.0,,45000.0,WEDNESDAY,13,Y,1,,,,XNA,Approved,-665,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-635.0,-305.0,-515.0,-507.0,1.0,0,Cash loans,F,N,Y,0,225000.0,316296.0,11488.5,207000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.00733,-23516,365243,-11299.0,-4284,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,XNA,,0.2792352251632336,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-1266.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2781046,384586,Cash loans,16583.535,225000.0,254700.0,,225000.0,SATURDAY,9,Y,1,,,,Other,Refused,-239,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Country-wide,51,Connectivity,24.0,middle,Cash Street: middle,,,,,,,0,Cash loans,M,Y,Y,2,157500.0,76410.0,9198.0,67500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-13444,-3011,-122.0,-4240,4.0,1,1,1,1,0,0,,4.0,3,3,SUNDAY,8,0,0,0,0,1,1,Military,0.3926634445933817,0.6239815547520193,0.6956219298394389,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-708.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +2268064,342866,Cash loans,38832.975,562500.0,607050.0,,562500.0,MONDAY,15,Y,1,,,,XNA,Approved,-640,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-610.0,80.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,0,270000.0,948582.0,27733.5,679500.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.007273999999999998,-17980,-2020,-3079.0,-1525,1.0,1,1,0,1,1,0,Managers,2.0,2,2,THURSDAY,11,0,1,1,0,1,1,Business Entity Type 3,0.6799985789516358,0.6646950442167027,0.6178261467332483,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1384.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1405799,195870,Consumer loans,17306.64,404550.0,404550.0,0.0,404550.0,THURSDAY,20,Y,1,0.0,,,XAP,Approved,-778,Cash through the bank,XAP,,Refreshed,Consumer Electronics,POS,XNA,Stone,120,Consumer electronics,36.0,middle,POS industry with interest,365243.0,-746.0,304.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,261000.0,1494324.0,41220.0,1170000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.072508,-21750,365243,-7744.0,-5287,4.0,1,0,0,1,1,0,,2.0,1,1,FRIDAY,10,0,0,0,0,0,0,XNA,,0.7183673309614714,0.6296742509538716,0.1572,0.0897,0.9886,0.8504,0.1285,0.26,0.1121,0.5208,0.5833,0.0827,0.1576,0.1457,0.0097,0.0584,0.0987,0.0478,0.9886,0.8563,0.1262,0.1611,0.069,0.5417,0.5833,0.0,0.0992,0.0855,0.0078,0.0,0.1286,0.0609,0.9886,0.8524,0.1294,0.2,0.0862,0.5417,0.5833,0.0889,0.1603,0.0934,0.0097,0.0589,reg oper spec account,block of flats,0.2752,Panel,No,2.0,1.0,2.0,0.0,-485.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1070846,342096,Cash loans,20412.045,202500.0,222547.5,,202500.0,FRIDAY,15,Y,1,,,,Other,Refused,-601,Cash through the bank,LIMIT,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,N,0,85500.0,225000.0,12334.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,Rented apartment,0.028663,-10023,-587,-1988.0,-1386,,1,1,0,1,1,0,Sales staff,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Self-employed,0.2862843248528384,0.6332166012634296,0.2650494299443805,0.1392,0.1054,0.9811,0.7416,0.0341,0.16,0.1379,0.3333,0.375,0.099,0.1059,0.1397,0.0347,0.0321,0.1418,0.1093,0.9811,0.7517,0.0344,0.1611,0.1379,0.3333,0.375,0.1013,0.1157,0.1456,0.035,0.0339,0.1405,0.1054,0.9811,0.7451,0.0343,0.16,0.1379,0.3333,0.375,0.1008,0.1077,0.1422,0.0349,0.0327,reg oper account,block of flats,0.1551,Panel,No,0.0,0.0,0.0,0.0,-667.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1887730,296503,Consumer loans,8113.275,67050.0,67536.0,13500.0,67050.0,SUNDAY,10,Y,1,0.18143451395339444,,,XAP,Approved,-1377,XNA,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,17,Connectivity,12.0,high,POS mobile with interest,365243.0,-1346.0,-1016.0,-1256.0,-1251.0,0.0,0,Cash loans,M,N,Y,0,135000.0,562932.0,30667.5,427500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006629,-14755,-1594,-1285.0,-1285,,1,1,0,1,0,1,Drivers,2.0,2,2,FRIDAY,5,0,0,0,1,1,0,Industry: type 9,0.589720812498432,0.35961530252328205,0.7121551551910698,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-35.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1450313,315742,Consumer loans,8570.385,116055.0,134437.5,0.0,116055.0,FRIDAY,9,Y,1,0.0,,,XAP,Approved,-781,Cash through the bank,XAP,Unaccompanied,New,Furniture,POS,XNA,Stone,50,Furniture,18.0,low_action,POS industry with interest,365243.0,-749.0,-239.0,-359.0,-352.0,0.0,0,Revolving loans,F,N,Y,3,112500.0,180000.0,9000.0,180000.0,Children,Working,Secondary / secondary special,Widow,House / apartment,0.035792000000000004,-13741,-1172,-2992.0,-4309,,1,1,0,1,0,0,Laborers,4.0,2,2,TUESDAY,9,0,0,0,0,0,0,Self-employed,0.26950610545604936,0.43925460305565706,0.3979463219016906,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-781.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2076671,118998,Consumer loans,14899.5,135450.0,135450.0,0.0,135450.0,THURSDAY,10,Y,1,0.0,,,XAP,Approved,-676,Cash through the bank,XAP,,Repeater,Construction Materials,POS,XNA,Stone,1097,Construction,10.0,low_normal,POS industry with interest,365243.0,-637.0,-367.0,-367.0,-365.0,0.0,0,Cash loans,F,N,Y,0,202500.0,942300.0,27679.5,675000.0,Family,Working,Lower secondary,Married,House / apartment,0.010032,-16136,-7984,-6585.0,-4359,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Business Entity Type 2,,0.5067476230230223,,,,0.9747,,,,0.1034,0.1667,,,,,,,,,0.9747,,,,0.1034,0.1667,,,,,,,,,0.9747,,,,0.1034,0.1667,,,,,,,,block of flats,0.051,"Stone, brick",No,0.0,0.0,0.0,0.0,-1496.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +1588690,379159,Cash loans,24836.85,135000.0,135000.0,,135000.0,FRIDAY,13,Y,1,,,,XNA,Approved,-269,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Stone,75,Construction,6.0,middle,Cash X-Sell: middle,365243.0,-239.0,-89.0,-119.0,-113.0,0.0,0,Cash loans,M,Y,Y,1,90000.0,180000.0,19516.5,180000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.010276,-11519,-2463,-4135.0,-4133,15.0,1,1,1,1,0,0,Laborers,3.0,2,2,MONDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.658647576633145,0.6074366778127089,,0.0186,,0.9841,,,0.0,0.1034,0.0417,,,,0.0174,,,0.0189,,0.9841,,,0.0,0.1034,0.0417,,,,0.0181,,,0.0187,,0.9841,,,0.0,0.1034,0.0417,,,,0.0177,,,,block of flats,0.0137,"Stone, brick",No,1.0,0.0,1.0,0.0,-2047.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +2247763,195170,Consumer loans,15473.475,141750.0,138100.5,14175.0,141750.0,SATURDAY,12,Y,1,0.1013811390300057,,,XAP,Approved,-1385,Cash through the bank,XAP,Unaccompanied,Refreshed,Furniture,POS,XNA,Stone,110,Furniture,10.0,low_normal,POS industry with interest,365243.0,-1353.0,-1083.0,-1083.0,-1076.0,0.0,0,Cash loans,F,N,Y,0,144000.0,679896.0,36351.0,630000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.00702,-21672,365243,-511.0,-4475,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,XNA,,0.6356510079930162,0.7517237147741489,0.0247,,0.9742,0.6464,0.002,0.0,0.069,0.0833,0.125,0.0175,0.0202,0.0139,0.0,,0.0252,,0.9742,0.6602,0.0021,0.0,0.069,0.0833,0.125,0.0179,0.022,0.0145,0.0,,0.025,,0.9742,0.6511,0.0021,0.0,0.069,0.0833,0.125,0.0178,0.0205,0.0141,0.0,,,block of flats,0.012,"Stone, brick",No,1.0,0.0,1.0,0.0,-2612.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,2.0 +2265259,247002,Cash loans,15570.585,225000.0,284400.0,,225000.0,TUESDAY,7,Y,1,,,,XNA,Refused,-3,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,225000.0,314100.0,12919.5,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,With parents,0.020713,-8357,-210,-8003.0,-1022,,1,1,0,1,0,0,Core staff,2.0,3,1,FRIDAY,8,0,0,0,0,0,0,Bank,,0.5064743260362521,0.108924403541012,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-185.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1172477,327864,Revolving loans,2250.0,45000.0,45000.0,,45000.0,MONDAY,11,Y,1,,,,XAP,Refused,-568,XNA,HC,,Repeater,XNA,Cards,walk-in,Regional / Local,1500,Consumer electronics,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,Y,Y,0,162000.0,760225.5,32337.0,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00823,-13892,-1666,-1033.0,-1796,17.0,1,1,0,1,0,0,Security staff,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Security,0.43347129557289416,0.1616875860482834,0.7309873696832169,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1430247,123976,Consumer loans,3201.21,24970.5,24970.5,0.0,24970.5,FRIDAY,12,Y,1,0.0,,,XAP,Approved,-2096,Non-cash from your account,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,800,Consumer electronics,10.0,high,POS household with interest,,,,,,,0,Cash loans,F,Y,N,0,63000.0,206280.0,9747.0,135000.0,"Spouse, partner",Working,Secondary / secondary special,Civil marriage,House / apartment,0.020246,-10422,-2567,-1083.0,-3094,1.0,1,1,0,1,0,0,Medicine staff,2.0,3,3,MONDAY,13,0,0,0,1,1,0,Security Ministries,0.390563731845926,0.5479030520764361,0.2910973802776635,,,,,,,,0.0,,,,0.0025,,,,,,,,,,0.0,,,,0.0026,,,,,,,,,,0.0,,,,0.0026,,,,block of flats,0.002,"Stone, brick",No,0.0,0.0,0.0,0.0,-2096.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1536429,114526,Consumer loans,39688.11,238050.0,207900.0,30150.0,238050.0,WEDNESDAY,9,Y,1,0.13793778999828152,,,XAP,Approved,-1462,XNA,XAP,Unaccompanied,New,Construction Materials,POS,XNA,Regional / Local,100,Construction,6.0,middle,POS industry with interest,365243.0,-1423.0,-1273.0,-1273.0,-1269.0,0.0,0,Cash loans,F,Y,Y,1,202500.0,719860.5,52065.0,679500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,With parents,0.010032,-16197,-286,-3309.0,-4698,0.0,1,1,0,1,0,0,Sales staff,3.0,2,2,TUESDAY,3,0,0,0,0,0,0,Business Entity Type 3,,0.5523192003226004,0.6690566947824041,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-521.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1287750,385098,Consumer loans,3691.89,17955.0,17955.0,0.0,17955.0,WEDNESDAY,17,Y,1,0.0,,,XAP,Approved,-558,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,550,Connectivity,6.0,high,POS mobile with interest,365243.0,-519.0,-369.0,-399.0,-393.0,0.0,0,Cash loans,F,N,Y,0,36000.0,269550.0,12964.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009549,-19598,-840,-2169.0,-3159,,1,1,0,1,0,0,Core staff,2.0,2,2,MONDAY,17,0,0,0,0,0,0,Kindergarten,,0.2539305039854615,0.4920600938649263,0.1474,,0.9851,,,,0.0345,0.3333,,,,0.05,,,0.1502,,0.9851,,,,0.0345,0.3333,,,,0.0521,,,0.1489,,0.9851,,,,0.0345,0.3333,,,,0.0509,,,,block of flats,0.0782,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1515285,239360,Consumer loans,3620.88,36184.5,32562.0,3622.5,36184.5,WEDNESDAY,10,Y,1,0.10903098890911347,,,XAP,Approved,-2812,Cash through the bank,XAP,Family,Repeater,Other,POS,XNA,Stone,140,Industry,12.0,high,POS industry with interest,365243.0,-2779.0,-2449.0,-2509.0,-2507.0,0.0,0,Cash loans,M,Y,Y,1,144000.0,178213.5,13455.0,144000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-17966,-2737,-6096.0,-1489,41.0,1,1,0,1,0,0,Laborers,3.0,2,2,MONDAY,14,0,0,0,0,1,1,Business Entity Type 3,,0.7284735036400205,0.5513812618027899,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1548652,212465,Consumer loans,,154179.0,154179.0,,154179.0,MONDAY,12,Y,1,,,,XAP,Refused,-395,Cash through the bank,LIMIT,Family,Repeater,Consumer Electronics,XNA,XNA,Country-wide,1972,Consumer electronics,,XNA,POS household with interest,,,,,,,0,Cash loans,F,Y,N,0,135000.0,647046.0,25200.0,463500.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.006852,-14783,-4084,-3353.0,-2395,13.0,1,1,0,1,0,0,Core staff,2.0,3,3,THURSDAY,6,0,0,0,0,0,0,University,0.6546337310102558,0.036042024906951436,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-446.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1287662,325408,Consumer loans,6598.575,70627.5,70627.5,0.0,70627.5,THURSDAY,15,Y,1,0.0,,,XAP,Approved,-176,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,1000,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-146.0,184.0,365243.0,365243.0,0.0,1,Cash loans,M,Y,Y,2,135000.0,450000.0,27324.0,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.026392000000000002,-10920,-1831,-4697.0,-3604,8.0,1,1,0,1,0,0,,4.0,2,2,FRIDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.1632784493110616,0.685213845537127,0.13510601574017175,0.0742,0.0432,0.9856,,,0.08,0.069,0.3333,,0.0182,,0.0724,,0.0,0.0756,0.0448,0.9856,,,0.0806,0.069,0.3333,,0.0186,,0.0754,,0.0,0.0749,0.0432,0.9856,,,0.08,0.069,0.3333,,0.0185,,0.0737,,0.0,,block of flats,0.0569,Panel,No,0.0,0.0,0.0,0.0,-442.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2089358,321404,Consumer loans,14060.52,114746.85,126103.5,1.35,114746.85,THURSDAY,17,Y,1,1.1659129107823587e-05,,,XAP,Approved,-1374,Cash through the bank,XAP,Children,Repeater,Audio/Video,POS,XNA,Stone,329,Consumer electronics,12.0,high,POS household with interest,365243.0,-1343.0,-1013.0,-1013.0,-1007.0,0.0,0,Cash loans,F,N,Y,0,135000.0,1078200.0,31653.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.019101,-16718,-2890,-74.0,-267,,1,1,0,1,0,0,Private service staff,1.0,2,2,SATURDAY,11,0,0,0,0,0,0,Services,,0.6437151211418587,0.6738300778602003,0.0722,0.0791,0.9801,0.728,,0.0,0.1379,0.1667,0.2083,0.0603,0.0588,0.0461,0.0,0.0423,0.0735,0.0821,0.9801,0.7387,,0.0,0.1379,0.1667,0.2083,0.0617,0.0643,0.0481,0.0,0.0448,0.0729,0.0791,0.9801,0.7316,,0.0,0.1379,0.1667,0.2083,0.0613,0.0599,0.047,0.0,0.0432,reg oper account,block of flats,0.053,Panel,No,1.0,0.0,1.0,0.0,-1999.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2122052,404955,Revolving loans,5625.0,112500.0,112500.0,,112500.0,WEDNESDAY,9,Y,1,,,,XAP,Refused,-702,XNA,HC,,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),4,XNA,0.0,XNA,Card Street,,,,,,,1,Cash loans,F,N,N,0,112500.0,111384.0,9058.5,90000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.019101,-14216,-6649,-6365.0,-4640,,1,1,1,1,1,0,,2.0,2,2,FRIDAY,9,0,0,0,0,1,1,Other,0.4011841648155925,0.6227082733555896,0.30620229831350426,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-845.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +1242601,256471,Consumer loans,6514.38,69318.0,68971.5,6934.5,69318.0,WEDNESDAY,13,Y,0,0.09949544053290788,,,XAP,Approved,-581,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Country-wide,1237,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-550.0,-220.0,-520.0,-514.0,0.0,0,Cash loans,M,Y,Y,0,90000.0,227520.0,8302.5,180000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.007305,-22906,365243,-10725.0,-4744,19.0,1,0,0,1,1,0,,2.0,3,3,WEDNESDAY,11,0,0,0,0,0,0,XNA,0.5645230476597661,0.6381239407142846,0.6894791426446275,0.0588,0.0691,0.9851,0.7959999999999999,0.0076,0.0,0.1379,0.1667,0.2083,0.012,0.0479,0.0511,0.0,0.0,0.0599,0.0717,0.9851,0.804,0.0077,0.0,0.1379,0.1667,0.2083,0.0123,0.0523,0.0533,0.0,0.0,0.0593,0.0691,0.9851,0.7987,0.0077,0.0,0.1379,0.1667,0.2083,0.0122,0.0487,0.052000000000000005,0.0,0.0,reg oper account,block of flats,0.0444,"Stone, brick",No,0.0,0.0,0.0,0.0,-832.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2486785,143039,Consumer loans,9871.92,144351.0,101043.0,43308.0,144351.0,SATURDAY,16,Y,1,0.3267476435279913,,,XAP,Approved,-1063,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,2000,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1032.0,-702.0,-702.0,-697.0,0.0,0,Cash loans,M,Y,Y,1,450000.0,1762110.0,48586.5,1575000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.022625,-15733,-1566,-6043.0,-4343,5.0,1,1,0,1,0,0,Managers,3.0,2,2,FRIDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.7034796846748389,0.7787768285274472,0.6413682574954046,0.0082,0.0,0.9702,0.5920000000000001,0.0119,0.0,0.0345,0.0417,0.0833,0.0,0.0067,0.0082,0.0,0.0,0.0084,0.0,0.9702,0.608,0.012,0.0,0.0345,0.0417,0.0833,0.0,0.0073,0.0085,0.0,0.0,0.0083,0.0,0.9702,0.5975,0.012,0.0,0.0345,0.0417,0.0833,0.0,0.0068,0.0084,0.0,0.0,reg oper spec account,block of flats,0.0065,Others,No,0.0,0.0,0.0,0.0,-1063.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1949818,431621,Consumer loans,24418.215,137475.0,137475.0,0.0,137475.0,THURSDAY,15,Y,1,0.0,,,XAP,Approved,-361,Cash through the bank,XAP,Unaccompanied,New,Clothing and Accessories,POS,XNA,Regional / Local,140,Clothing,6.0,low_normal,POS industry with interest,365243.0,-329.0,-179.0,-239.0,-232.0,0.0,0,Cash loans,F,N,N,1,292500.0,943425.0,25015.5,787500.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.031329,-13388,-737,-2306.0,-4632,,1,1,0,1,0,1,Core staff,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.4906097327749353,0.5502528209189801,0.6706517530862718,0.0567,0.0971,0.996,0.9456,0.0152,0.0,0.1034,0.1667,0.0,0.0171,0.0462,0.0681,0.0,0.0,0.0578,0.1008,0.996,0.9477,0.0154,0.0,0.1034,0.1667,0.0,0.0174,0.0505,0.0709,0.0,0.0,0.0573,0.0971,0.996,0.9463,0.0153,0.0,0.1034,0.1667,0.0,0.0174,0.047,0.0693,0.0,0.0,reg oper account,block of flats,0.0535,"Stone, brick",No,0.0,0.0,0.0,0.0,-361.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2739556,369151,Cash loans,19345.5,675000.0,675000.0,,675000.0,THURSDAY,15,Y,1,,,,XNA,Refused,-746,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,2,157500.0,1138500.0,42192.0,1138500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.018634,-10991,-1906,-49.0,-1650,,1,1,0,1,0,0,,3.0,2,2,MONDAY,18,0,0,0,0,0,0,Business Entity Type 3,0.5461503503943299,0.6346172249178942,0.6594055320683344,,,1.0,,,0.16,0.1379,0.375,,,,,,,,,1.0,,,0.1611,0.1379,0.375,,,,,,,,,1.0,,,0.16,0.1379,0.375,,,,,,,,block of flats,,"Stone, brick",No,6.0,3.0,6.0,2.0,-883.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,1.0 +1742886,315086,Consumer loans,27669.24,276723.0,249048.0,27675.0,276723.0,MONDAY,17,Y,1,0.10891971722296633,,,XAP,Refused,-2436,Cash through the bank,SCO,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,2535,Consumer electronics,10.0,low_normal,POS household without interest,,,,,,,0,Cash loans,M,Y,Y,0,225000.0,99504.0,10575.0,90000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.035792000000000004,-14203,-2126,-4640.0,-4640,17.0,1,1,0,1,0,0,Managers,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.21170026504000086,0.596128583915381,0.6801388218428291,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2049106,336412,Consumer loans,5304.87,44730.0,44244.0,4473.0,44730.0,WEDNESDAY,12,Y,1,0.09999596929949778,,,XAP,Approved,-2177,XNA,XAP,,New,Mobile,POS,XNA,Country-wide,50,Connectivity,12.0,high,POS mobile with interest,365243.0,-2130.0,-1800.0,-1860.0,-1858.0,0.0,0,Cash loans,M,N,Y,2,171000.0,373311.0,20380.5,283500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.00733,-12035,-1439,-3863.0,-3526,,1,1,0,1,0,0,,4.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Other,0.2395409328355015,0.6172677632950178,0.190705947811054,0.0124,0.0483,0.9687,,0.0023,0.0,0.1034,0.0417,,0.0,,0.014,,0.0007,0.0126,0.0501,0.9687,,0.0023,0.0,0.1034,0.0417,,0.0,,0.0145,,0.0007,0.0125,0.0483,0.9687,,0.0023,0.0,0.1034,0.0417,,0.0,,0.0142,,0.0007,,block of flats,0.0288,"Stone, brick",No,0.0,0.0,0.0,0.0,-411.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2449604,448543,Consumer loans,14121.225,259200.0,207360.0,51840.0,259200.0,SUNDAY,6,Y,1,0.2178181818181818,,,XAP,Approved,-1268,Cash through the bank,XAP,Unaccompanied,New,Clothing and Accessories,POS,XNA,Stone,19,Clothing,18.0,low_normal,POS industry with interest,365243.0,-1229.0,-719.0,-719.0,-715.0,0.0,0,Cash loans,F,N,Y,0,202500.0,500566.5,33718.5,472500.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.006629,-19984,365243,-3057.0,-3072,,1,0,0,1,0,0,,2.0,2,2,MONDAY,11,0,0,0,0,0,0,XNA,,0.44208969609880266,0.5352762504724826,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1090216,280586,Cash loans,,0.0,0.0,,,MONDAY,9,Y,1,,,,XNA,Refused,-352,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,N,Y,0,202500.0,369000.0,22428.0,369000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.028663,-15707,-4365,-2044.0,-4320,,1,1,0,1,0,0,Core staff,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Police,,0.16844978515819545,0.633031641417419,0.0946,0.0628,0.9925,0.898,0.0258,0.08800000000000001,0.0828,0.3,0.1417,0.0583,0.0765,0.0843,0.0031,0.0014,0.1134,0.0506,0.994,0.9216,0.0499,0.1208,0.1034,0.3333,0.0417,0.0131,0.0983,0.0548,0.0039,0.0,0.1124,0.0566,0.994,0.9195,0.0128,0.12,0.1034,0.3333,0.0417,0.0749,0.0915,0.0942,0.0039,0.001,reg oper account,block of flats,0.0895,Panel,No,0.0,0.0,0.0,0.0,-457.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1806700,435111,Cash loans,8137.395,67500.0,71955.0,0.0,67500.0,TUESDAY,12,Y,1,0.0,,,XNA,Refused,-2023,Cash through the bank,HC,Other_A,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,F,Y,Y,1,90000.0,1125000.0,40540.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-14489,-1497,-9748.0,-1726,7.0,1,1,0,1,0,0,,3.0,2,2,TUESDAY,10,0,0,0,0,0,0,School,0.6124000052386905,0.6063410971581202,0.5744466170995097,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1814.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2034767,275702,Cash loans,15477.93,157500.0,198184.5,,157500.0,TUESDAY,13,Y,1,,,,XNA,Approved,-1680,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-1650.0,-1140.0,-1140.0,-1136.0,1.0,0,Cash loans,F,Y,Y,0,126000.0,414000.0,15736.5,414000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.015221,-20760,-2837,-4039.0,-4256,33.0,1,1,0,1,1,0,Laborers,2.0,2,2,TUESDAY,9,0,0,0,0,1,1,Business Entity Type 2,,0.6548536892378126,0.4382813743111921,0.0165,,0.9801,,,0.0,0.069,0.0417,,0.0231,,0.0142,,0.0,0.0168,,0.9801,,,0.0,0.069,0.0417,,0.0236,,0.0148,,0.0,0.0167,,0.9801,,,0.0,0.069,0.0417,,0.0235,,0.0144,,0.0,,block of flats,0.0124,"Stone, brick",No,0.0,0.0,0.0,0.0,-2791.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,6.0 +1132568,294306,Consumer loans,8177.985,46758.96,46125.0,2807.46,46758.96,SUNDAY,13,Y,1,0.06248570302078341,,,XAP,Approved,-2629,XNA,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Stone,46,Consumer electronics,6.0,low_normal,POS household without interest,365243.0,-2598.0,-2448.0,-2448.0,-2440.0,1.0,0,Cash loans,F,N,Y,2,90000.0,225000.0,11074.5,225000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.026392000000000002,-11565,-3558,-5592.0,-3390,,1,1,0,1,0,0,Core staff,4.0,2,2,THURSDAY,15,0,0,0,0,0,0,Kindergarten,0.6146091802902865,0.668989632123973,0.4471785780453068,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,0.0 +1123171,101946,Cash loans,12831.165,135000.0,161730.0,,135000.0,MONDAY,13,Y,1,,,,Repairs,Refused,-155,Cash through the bank,XNA,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,225000.0,814041.0,28971.0,679500.0,Unaccompanied,Working,Incomplete higher,Single / not married,House / apartment,0.019688999999999998,-10792,-1167,-627.0,-3255,,1,1,0,1,0,0,Accountants,1.0,2,2,TUESDAY,14,0,0,0,0,1,1,Self-employed,,0.6864389062451476,0.24318648044201235,0.0928,0.0727,0.9881,0.8368,0.0143,0.0,0.2069,0.1667,0.0,0.1388,0.0756,0.0829,0.0,0.0,0.0945,0.0755,0.9881,0.8432,0.0144,0.0,0.2069,0.1667,0.0,0.142,0.0826,0.0863,0.0,0.0,0.0937,0.0727,0.9881,0.8390000000000001,0.0144,0.0,0.2069,0.1667,0.0,0.1412,0.077,0.0844,0.0,0.0,org spec account,block of flats,0.0652,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2557456,223225,Consumer loans,6095.34,33745.5,30370.5,3375.0,33745.5,SATURDAY,15,Y,1,0.10892361405763194,,,XAP,Approved,-2608,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2571.0,-2421.0,-2421.0,-2418.0,0.0,0,Cash loans,M,N,Y,1,112500.0,182016.0,14508.0,144000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.009549,-11633,-1473,-3137.0,-3130,,1,1,0,1,0,0,Laborers,3.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Industry: type 11,,0.6264717992878357,0.326475210066026,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1134.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2077987,292489,Revolving loans,22500.0,450000.0,450000.0,,450000.0,THURSDAY,13,Y,1,,,,XAP,Approved,-313,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-313.0,-263.0,365243.0,-232.0,365243.0,0.0,0,Cash loans,F,Y,N,1,157500.0,1125000.0,32242.5,1125000.0,,Commercial associate,Higher education,Married,House / apartment,0.015221,-11182,-286,-1179.0,-1194,0.0,1,1,0,1,0,0,Sales staff,3.0,2,2,MONDAY,12,0,0,0,0,0,0,Trade: type 7,0.5764525230305236,0.4512666402734318,0.3556387169923543,0.0175,0.0225,0.995,,,0.0,0.0345,0.1667,,0.0205,,0.0226,,0.0,0.0179,0.0233,0.995,,,0.0,0.0345,0.1667,,0.021,,0.0235,,0.0,0.0177,0.0225,0.995,,,0.0,0.0345,0.1667,,0.0209,,0.023,,0.0,,block of flats,0.019,"Stone, brick",No,5.0,0.0,5.0,0.0,-313.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2407332,321081,Consumer loans,41387.895,378211.5,340389.0,37822.5,378211.5,MONDAY,7,Y,1,0.10891297834436793,,,XAP,Approved,-837,XNA,XAP,Family,New,Consumer Electronics,POS,XNA,Regional / Local,30,Consumer electronics,12.0,high,POS household with interest,365243.0,-802.0,-472.0,-652.0,-649.0,0.0,0,Cash loans,M,Y,N,1,675000.0,1546020.0,45333.0,1350000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.001276,-11408,-1526,-779.0,-2752,14.0,1,1,1,1,0,0,Drivers,3.0,2,2,THURSDAY,7,0,0,0,0,0,0,Other,0.28994114348443145,0.6179133282780278,0.6430255641096323,0.0412,0.0373,0.9781,0.7008,0.0039,0.0,0.069,0.1667,0.125,0.0258,0.0328,0.0309,0.0039,0.0041,0.042,0.0387,0.9782,0.7125,0.004,0.0,0.069,0.1667,0.0417,0.0193,0.0358,0.032,0.0039,0.0042,0.0416,0.0373,0.9781,0.7048,0.004,0.0,0.069,0.1667,0.125,0.0263,0.0333,0.0315,0.0039,0.0042,reg oper account,block of flats,0.0254,Block,No,1.0,0.0,1.0,0.0,-837.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2769980,139317,Consumer loans,2830.32,26955.0,26820.0,2695.5,26955.0,SATURDAY,8,Y,1,0.09946111519217173,,,XAP,Approved,-579,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,12.0,middle,POS mobile with interest,365243.0,-511.0,-181.0,-391.0,-377.0,0.0,0,Cash loans,F,N,Y,0,135000.0,1046142.0,30712.5,913500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-17195,-1506,-9052.0,-748,,1,1,0,1,0,0,Security staff,2.0,2,2,THURSDAY,9,0,0,0,0,1,1,Other,,0.3869030796867815,0.7421816117614419,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2089.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1064415,303597,Cash loans,48206.61,675000.0,721332.0,,675000.0,TUESDAY,15,Y,1,,,,XNA,Refused,-816,Cash through the bank,LIMIT,Unaccompanied,Refreshed,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,N,0,112500.0,276277.5,16915.5,238500.0,Unaccompanied,Commercial associate,Incomplete higher,Married,Rented apartment,0.031329,-10019,-687,-9990.0,-177,,1,1,0,1,0,0,Managers,2.0,2,2,SATURDAY,11,0,0,0,1,1,0,Business Entity Type 3,0.06603947461189774,0.2299812758211297,,0.1649,0.093,0.9856,0.8028,0.0374,0.16,0.1379,0.3333,0.375,0.0476,0.1345,0.1611,0.0,0.0,0.1681,0.0965,0.9856,0.8105,0.0377,0.1611,0.1379,0.3333,0.375,0.0487,0.1469,0.1678,0.0,0.0,0.1665,0.093,0.9856,0.8054,0.0376,0.16,0.1379,0.3333,0.375,0.0485,0.1368,0.16399999999999998,0.0,0.0,reg oper account,block of flats,0.1471,Block,No,0.0,0.0,0.0,0.0,-735.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2440755,124083,Cash loans,14244.12,225000.0,269550.0,,225000.0,WEDNESDAY,14,Y,1,,,,Other,Refused,-305,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,walk-in,Country-wide,51,Connectivity,36.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,1,225000.0,544491.0,17694.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-16115,-5309,-3418.0,-4672,,1,1,1,1,0,0,Cooking staff,3.0,2,2,SUNDAY,9,0,0,0,0,0,0,School,,0.2477339906551195,0.5406544504453575,0.0186,,0.9816,,,,0.1034,0.0417,,,,0.0017,,0.0035,0.0189,,0.9816,,,,0.1034,0.0417,,,,0.0018,,0.0037,0.0187,,0.9816,,,,0.1034,0.0417,,,,0.0017,,0.0035,,block of flats,0.0141,"Stone, brick",No,0.0,0.0,0.0,0.0,-510.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +2048993,289842,Consumer loans,6435.225,62320.5,68899.5,0.0,62320.5,FRIDAY,18,Y,1,0.0,,,XAP,Approved,-1040,Cash through the bank,XAP,"Spouse, partner",New,Audio/Video,POS,XNA,Country-wide,3700,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-1009.0,-679.0,-679.0,-674.0,0.0,0,Cash loans,M,Y,N,0,225000.0,675000.0,66762.0,675000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.02461,-22296,-1553,-13450.0,-4351,3.0,1,1,1,1,1,0,Managers,2.0,2,2,MONDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.6499343791212012,0.5064842396679806,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1040.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2751403,123848,Cash loans,21259.395,180000.0,231786.0,,180000.0,TUESDAY,14,Y,1,,,,Building a house or an annex,Approved,-430,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,365243.0,-400.0,110.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,112500.0,432661.5,23598.0,373500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.002134,-9839,-1076,-1025.0,-2390,,1,1,0,1,0,0,,1.0,3,3,FRIDAY,5,0,0,0,0,0,0,Agriculture,,0.32373806893594165,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,0.0,9.0,0.0,-557.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1717610,429021,Consumer loans,46661.85,291600.0,262440.0,29160.0,291600.0,MONDAY,8,Y,1,0.1089090909090909,,,XAP,Approved,-928,XNA,XAP,Unaccompanied,New,Construction Materials,POS,XNA,Stone,20,Construction,6.0,low_normal,POS industry with interest,365243.0,-896.0,-746.0,-806.0,-803.0,0.0,0,Cash loans,F,Y,Y,1,175500.0,585000.0,24786.0,585000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0038179999999999998,-16801,-1138,-9760.0,-227,20.0,1,1,0,1,1,0,Sales staff,3.0,2,2,FRIDAY,8,0,0,0,0,0,0,Trade: type 7,,0.6953534923959052,0.6296742509538716,0.0495,0.0474,0.9752,0.66,0.0379,0.0,0.1034,0.125,0.1667,,0.0403,0.041,0.0,0.0,0.0504,0.0492,0.9752,0.6733,0.0382,0.0,0.1034,0.125,0.1667,,0.0441,0.0427,0.0,0.0,0.05,0.0474,0.9752,0.6645,0.0381,0.0,0.1034,0.125,0.1667,,0.041,0.0417,0.0,0.0,reg oper account,block of flats,0.0322,Panel,No,0.0,0.0,0.0,0.0,-928.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1121661,342672,Consumer loans,12331.575,67455.0,63913.5,6745.5,67455.0,THURSDAY,13,Y,1,0.10397065805166683,,,XAP,Approved,-1135,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Regional / Local,114,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1103.0,-953.0,-953.0,-950.0,0.0,0,Cash loans,F,Y,Y,1,157500.0,450000.0,28890.0,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.035792000000000004,-9710,-1688,-1350.0,-2361,6.0,1,1,0,1,0,0,,3.0,2,2,FRIDAY,13,0,0,0,0,0,0,Self-employed,0.3259905830383604,0.6264973845393977,0.4668640059537032,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1113685,236265,Revolving loans,4500.0,90000.0,90000.0,,90000.0,THURSDAY,17,Y,1,,,,XAP,Refused,-534,XNA,SCOFR,,Repeater,XNA,Cards,walk-in,Regional / Local,250,Consumer electronics,0.0,XNA,Card Street,,,,,,,0,Revolving loans,F,N,Y,1,76500.0,247500.0,12375.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.026392000000000002,-9583,-1206,-4034.0,-2266,,1,1,0,1,1,0,Cooking staff,3.0,2,2,SATURDAY,10,0,0,0,0,1,1,Self-employed,0.27846597077637264,0.6284244652483817,0.21155076420525776,0.0186,,0.9851,,,0.0,0.1034,0.0417,,0.0021,,0.0172,,0.0,0.0189,,0.9851,,,0.0,0.1034,0.0417,,0.0021,,0.018000000000000002,,0.0,0.0187,,0.9851,,,0.0,0.1034,0.0417,,0.0021,,0.0176,,0.0,,block of flats,0.0136,"Stone, brick",No,1.0,1.0,1.0,1.0,-1643.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2405386,427357,Revolving loans,15750.0,315000.0,315000.0,,315000.0,WEDNESDAY,12,Y,1,,,,XAP,Refused,-195,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Country-wide,84,Connectivity,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,Y,Y,1,202500.0,283585.5,18252.0,256500.0,Family,Working,Higher education,Married,House / apartment,0.00702,-13115,-5388,-12951.0,-4259,8.0,1,1,0,1,0,0,,3.0,2,2,TUESDAY,13,0,0,0,0,0,0,Security Ministries,0.08627583350228392,0.442197570037176,0.3910549766342248,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-195.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1763108,200643,Consumer loans,6447.24,35820.0,32220.0,3600.0,35820.0,SUNDAY,12,Y,1,0.10945637277295568,,,XAP,Refused,-2158,Cash through the bank,SCO,Family,Repeater,Mobile,POS,XNA,Stone,32,Connectivity,6.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,0,112500.0,630000.0,20452.5,630000.0,Family,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.025164,-22722,365243,-643.0,-4316,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,11,0,0,0,0,0,0,XNA,,0.3751911602936275,0.5567274263630174,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,2.0,6.0,0.0,-1877.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +2209022,274328,Revolving loans,11250.0,225000.0,225000.0,,225000.0,SATURDAY,17,Y,1,,,,XAP,Refused,-755,XNA,LIMIT,,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),3,XNA,0.0,XNA,Card Street,,,,,,,0,Revolving loans,M,N,N,0,157500.0,180000.0,9000.0,180000.0,Family,Commercial associate,Secondary / secondary special,Married,Rented apartment,0.006670999999999999,-13951,-1923,-996.0,-1387,,1,1,0,1,0,0,Cooking staff,2.0,2,2,FRIDAY,13,0,0,0,0,1,1,Self-employed,0.3337556472959225,0.3699974966120733,0.4938628816996244,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-285.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1182073,222794,Cash loans,31415.4,270000.0,284611.5,,270000.0,MONDAY,11,Y,1,,,,XNA,Approved,-569,XNA,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-539.0,-209.0,-299.0,-290.0,1.0,0,Cash loans,F,N,N,0,76500.0,593010.0,19260.0,495000.0,Family,Working,Secondary / secondary special,Separated,House / apartment,0.020246,-13681,-1826,-13330.0,-2921,,1,1,0,1,0,0,Cleaning staff,1.0,3,3,WEDNESDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.5745676383082016,0.6706517530862718,0.1026,0.1119,0.9781,0.7008,0.0136,0.0,0.2069,0.1667,0.2083,0.0929,0.0828,0.0942,0.0039,0.0025,0.0735,0.0723,0.9782,0.7125,0.0094,0.0,0.1379,0.1667,0.2083,0.0647,0.0643,0.0711,0.0,0.0,0.1036,0.1119,0.9781,0.7048,0.0136,0.0,0.2069,0.1667,0.2083,0.0945,0.0842,0.0959,0.0039,0.0025,reg oper spec account,block of flats,0.0587,"Stone, brick",No,4.0,0.0,4.0,0.0,-1478.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2409309,158482,Revolving loans,2250.0,45000.0,45000.0,,45000.0,TUESDAY,6,Y,1,,,,XAP,Approved,-240,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-204.0,-171.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,1,121500.0,288873.0,16713.0,238500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,With parents,0.006629,-15935,-8503,-9914.0,-4403,,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Telecom,0.5767028558670548,0.7537248748098618,0.5673792367572691,0.0041,,0.9702,,,0.0,0.1379,0.0,,,,0.003,,,0.0042,,0.9702,,,0.0,0.1379,0.0,,,,0.0031,,,0.0042,,0.9702,,,0.0,0.1379,0.0,,,,0.003,,,,block of flats,0.0023,Wooden,Yes,0.0,0.0,0.0,0.0,-240.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1974436,183967,Cash loans,63546.03,1215000.0,1320849.0,,1215000.0,FRIDAY,4,Y,1,,,,XNA,Approved,-629,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-599.0,451.0,-59.0,-53.0,1.0,0,Cash loans,F,Y,N,1,162000.0,1006920.0,40063.5,900000.0,Family,Working,Secondary / secondary special,Married,Municipal apartment,0.006629,-14242,-984,-6124.0,-3324,20.0,1,1,0,1,0,0,Sales staff,3.0,2,2,THURSDAY,4,0,0,0,0,0,0,Business Entity Type 3,,0.5516919010582899,0.3979463219016906,0.0052,,0.9732,,,,0.0345,0.0,,0.0002,,0.0008,,,0.0053,,0.9732,,,,0.0345,0.0,,0.0002,,0.0009,,,0.0052,,0.9732,,,,0.0345,0.0,,0.0002,,0.0009,,,,block of flats,0.0018,Wooden,Yes,1.0,1.0,1.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1583604,335940,Consumer loans,13021.425,102285.0,116784.0,9000.0,102285.0,MONDAY,15,Y,1,0.07792579486912626,,,XAP,Refused,-1232,Cash through the bank,HC,Family,Repeater,Computers,POS,XNA,Regional / Local,76,Consumer electronics,12.0,high,POS household with interest,,,,,,,0,Cash loans,F,Y,Y,1,121500.0,521280.0,23089.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.032561,-14839,-339,-7389.0,-4954,10.0,1,1,0,1,0,0,Laborers,3.0,1,1,MONDAY,10,0,1,1,0,0,0,Business Entity Type 3,0.35752378691223724,0.6846192324272472,0.4884551844437485,0.0299,0.0564,0.9434,0.2248,,,0.1379,0.1667,0.2083,0.0224,,0.0566,,0.0789,0.0305,0.0585,0.9434,0.2552,,,0.1379,0.1667,0.2083,0.0229,,0.0589,,0.0835,0.0302,0.0564,0.9434,0.2352,,,0.1379,0.1667,0.2083,0.0228,,0.0576,,0.0805,reg oper account,block of flats,0.0697,"Stone, brick",No,2.0,1.0,2.0,1.0,-293.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1417926,328944,Cash loans,32061.105,153000.0,175945.5,,153000.0,SUNDAY,15,Y,1,,,,XNA,Approved,-344,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,low_normal,Cash X-Sell: low,365243.0,-314.0,-164.0,-284.0,-281.0,1.0,0,Cash loans,F,N,Y,1,157500.0,412942.5,30055.5,373500.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.006207,-9980,-710,-9961.0,-670,,1,1,1,1,0,0,Sales staff,3.0,2,2,MONDAY,12,0,0,0,0,0,0,Self-employed,0.27523627672436984,0.6155925365872476,0.6512602186973006,0.0928,0.0295,0.9806,0.7348,0.0,0.0,0.2069,0.1667,0.2083,0.0,0.0756,0.0612,0.0,0.1037,0.0945,0.0306,0.9806,0.7452,0.0,0.0,0.2069,0.1667,0.2083,0.0,0.0826,0.0638,0.0,0.1097,0.0937,0.0295,0.9806,0.7383,0.0,0.0,0.2069,0.1667,0.2083,0.0,0.077,0.0623,0.0,0.1058,reg oper account,block of flats,0.0707,Panel,No,1.0,1.0,1.0,1.0,0.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2818439,200215,Cash loans,10492.02,90000.0,95940.0,0.0,90000.0,WEDNESDAY,10,Y,1,0.0,,,XNA,Approved,-2294,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,high,Cash Street: high,365243.0,-2264.0,-1934.0,-1934.0,-1933.0,1.0,0,Cash loans,F,N,Y,0,157500.0,942300.0,27679.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.019688999999999998,-19025,-4320,-8796.0,-2560,,1,1,0,1,0,0,Sales staff,1.0,2,2,MONDAY,7,0,0,0,0,0,0,Self-employed,0.6948438929960732,0.1903873544223589,0.7091891096653581,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-886.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1816028,380404,Cash loans,10716.21,180000.0,227520.0,0.0,180000.0,THURSDAY,10,Y,1,0.0,,,XNA,Approved,-2584,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,48.0,middle,Cash Street: middle,365243.0,-2554.0,-1144.0,-1534.0,-1531.0,1.0,0,Cash loans,F,Y,Y,0,292500.0,1375380.0,49531.5,1215000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018634,-13465,-1901,-1.0,-2825,2.0,1,1,0,1,0,1,Realty agents,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Realtor,0.4726431501896221,0.7687915141521348,0.5656079814115492,0.1825,0.0718,0.998,0.9728,0.0,0.16,0.1379,0.375,0.0417,0.0452,0.1488,0.1928,0.0,0.0231,0.1859,0.0745,0.998,0.9739,0.0,0.1611,0.1379,0.375,0.0417,0.0462,0.1625,0.2008,0.0,0.0245,0.1842,0.0718,0.998,0.9732,0.0,0.16,0.1379,0.375,0.0417,0.0459,0.1513,0.1962,0.0,0.0236,,block of flats,0.2331,"Stone, brick",No,0.0,0.0,0.0,0.0,-2432.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1822716,121053,Cash loans,41171.94,1395000.0,1560726.0,,1395000.0,TUESDAY,13,Y,1,,,,XNA,Approved,-724,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),3,XNA,60.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,184500.0,2013840.0,53253.0,1800000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.04622,-21527,365243,-9.0,-4921,,1,0,0,1,0,0,,2.0,1,1,FRIDAY,12,0,0,0,1,0,0,XNA,,0.6992352546422393,0.6848276586890367,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +1361588,181030,Consumer loans,10159.74,99625.5,109489.5,0.0,99625.5,THURSDAY,13,Y,1,0.0,,,XAP,Approved,-1506,Cash through the bank,XAP,Family,Refreshed,Computers,POS,XNA,Country-wide,1000,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-1475.0,-1145.0,-1145.0,-1139.0,0.0,0,Revolving loans,F,N,N,0,90000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.007120000000000001,-16068,-3104,-9467.0,-4449,,1,1,0,1,0,0,Accountants,1.0,2,2,FRIDAY,13,0,0,0,0,0,0,Transport: type 4,0.5641209860739891,0.2632411250133655,0.17560597946937906,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-3267.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1626403,192610,Cash loans,7373.25,67500.0,71955.0,,67500.0,FRIDAY,7,Y,1,,,,XNA,Approved,-1056,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1026.0,-696.0,-966.0,-963.0,1.0,0,Cash loans,F,N,Y,0,67500.0,389844.0,16645.5,315000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.007120000000000001,-23720,365243,-814.0,-4512,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,10,0,0,0,0,0,0,XNA,,0.580686936821281,0.7544061731797895,0.1577,0.1296,0.9791,,,0.0,0.1724,0.1667,,0.0766,,0.0408,,0.0212,0.1607,0.1345,0.9791,,,0.0,0.1724,0.1667,,0.0783,,0.0425,,0.0224,0.1593,0.1296,0.9791,,,0.0,0.1724,0.1667,,0.0779,,0.0415,,0.0216,,block of flats,0.0459,"Stone, brick",No,6.0,3.0,6.0,2.0,-1395.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1852449,153509,Cash loans,53730.45,868500.0,918940.5,,868500.0,TUESDAY,12,Y,1,,,,XNA,Approved,-259,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-229.0,461.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,0,270000.0,824823.0,24246.0,688500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020246,-20247,365243,-3742.0,-1224,,1,0,0,1,0,0,,2.0,3,3,TUESDAY,11,0,0,0,0,0,0,XNA,,0.13330672533260535,0.5028782772082183,0.0546,0.0699,0.9776,0.7688,0.0765,0.0,0.1379,0.1042,0.2083,0.0115,0.0756,0.0496,0.0,0.0,0.0168,0.0408,0.9727,0.7779,0.0772,0.0,0.069,0.0417,0.2083,0.0062,0.0826,0.0127,0.0,0.0,0.0552,0.0699,0.9776,0.7719,0.0769,0.0,0.1379,0.1042,0.2083,0.0117,0.077,0.0504,0.0,0.0,reg oper account,block of flats,0.1102,"Stone, brick",No,0.0,0.0,0.0,0.0,-1723.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +2511368,310615,Consumer loans,6834.51,62955.0,56205.0,6750.0,62955.0,WEDNESDAY,12,Y,1,0.1167717200597829,,,XAP,Approved,-2081,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,25,Connectivity,12.0,high,POS mobile with interest,365243.0,-2017.0,-1687.0,-1777.0,-1769.0,0.0,0,Cash loans,F,N,N,0,247500.0,227520.0,15331.5,180000.0,Family,Pensioner,Higher education,Married,House / apartment,0.04622,-18998,365243,-11266.0,-2479,,1,0,0,1,0,0,,2.0,1,1,FRIDAY,11,0,0,0,0,0,0,XNA,0.7900360059266517,0.4676775328021562,0.3077366963789207,0.0825,0.07,0.9747,0.6532,0.0305,0.0,0.1379,0.1667,0.2083,0.0976,0.0672,0.0678,0.0,0.0,0.084,0.0725,0.9747,0.6668,0.0307,0.0,0.1379,0.1667,0.2083,0.0903,0.0735,0.0706,0.0,0.0,0.0833,0.07,0.9747,0.6578,0.0307,0.0,0.1379,0.1667,0.2083,0.0993,0.0684,0.069,0.0,0.0,reg oper account,block of flats,0.0699,"Stone, brick",No,4.0,0.0,4.0,0.0,-1743.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1106153,147833,Cash loans,33647.4,720000.0,794133.0,,720000.0,THURSDAY,8,Y,1,,,,XNA,Approved,-930,Cash through the bank,XAP,"Spouse, partner",Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-900.0,150.0,-90.0,-87.0,1.0,0,Cash loans,F,N,Y,0,90000.0,724500.0,32044.5,724500.0,Unaccompanied,Pensioner,Lower secondary,Married,House / apartment,0.020246,-22567,365243,-3431.0,-4730,,1,0,0,1,0,0,,2.0,3,3,WEDNESDAY,6,0,0,0,0,0,0,XNA,,0.30365927526963216,0.4048783643353997,0.0619,,0.9816,0.7484,,0.0,0.1379,0.1667,0.2083,,0.0504,0.0544,,,0.063,,0.9816,0.7583,,0.0,0.1379,0.1667,0.2083,,0.0551,0.0566,,,0.0625,,0.9816,0.7518,,0.0,0.1379,0.1667,0.2083,,0.0513,0.0553,,,org spec account,block of flats,0.0557,Panel,No,1.0,0.0,1.0,0.0,-1899.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2622151,337750,Consumer loans,15497.37,178933.5,135585.0,53680.5,178933.5,SUNDAY,14,Y,1,0.3088938266374724,,,XAP,Approved,-2085,XNA,XAP,Family,Repeater,Furniture,POS,XNA,Stone,195,Furniture,10.0,middle,POS industry with interest,365243.0,-2054.0,-1784.0,-1784.0,-1777.0,0.0,0,Cash loans,F,N,Y,1,135000.0,284400.0,18643.5,225000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.019101,-10427,-3097,-2346.0,-679,,1,1,0,1,0,0,,3.0,2,2,SATURDAY,9,0,1,1,0,1,1,Business Entity Type 3,0.3992066243565673,0.5540596180359055,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,2.0,2.0,2.0,-1805.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1499667,155517,Consumer loans,7820.01,46255.5,49306.5,0.0,46255.5,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-2707,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,240,Connectivity,8.0,high,POS mobile with interest,365243.0,-2676.0,-2466.0,-2496.0,-2490.0,1.0,0,Cash loans,F,Y,Y,0,202500.0,509400.0,29371.5,450000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.018801,-21678,365243,-8050.0,-4215,21.0,1,0,0,1,0,0,,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,XNA,,0.4069428919227179,0.3791004853998145,0.0124,0.0,0.9727,0.626,0.0019,0.0,0.0345,0.0833,0.125,0.0344,0.0101,0.0149,0.0,0.0,0.0126,0.0,0.9727,0.6406,0.002,0.0,0.0345,0.0833,0.125,0.0351,0.011,0.0156,0.0,0.0,0.0125,0.0,0.9727,0.631,0.0019,0.0,0.0345,0.0833,0.125,0.035,0.0103,0.0152,0.0,0.0,reg oper account,block of flats,0.0128,"Stone, brick",No,1.0,0.0,1.0,0.0,-1989.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1655248,389414,Revolving loans,7875.0,0.0,180000.0,,,THURSDAY,12,N,0,,,,XAP,Refused,-2911,XNA,SYSTEM,,Repeater,XNA,Cards,x-sell,Stone,536,Consumer electronics,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,135000.0,774000.0,22761.0,774000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.005084,-22816,365243,-350.0,-769,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,XNA,,0.4879387852154698,0.3108182544189319,0.0588,0.044,0.9801,0.728,,0.0,0.0345,0.1667,0.0417,0.0654,0.0479,0.0166,0.0,0.0021,0.0599,0.0457,0.9801,0.7387,,0.0,0.0345,0.1667,0.0417,0.0669,0.0523,0.0172,0.0,0.0022,0.0593,0.044,0.9801,0.7316,,0.0,0.0345,0.1667,0.0417,0.0666,0.0487,0.0169,0.0,0.0022,reg oper account,block of flats,0.023,"Stone, brick",No,0.0,0.0,0.0,0.0,-739.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,5.0,0.0,3.0 +2169619,367201,Revolving loans,22500.0,765000.0,765000.0,,765000.0,SATURDAY,10,N,0,,,,XAP,Refused,-210,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),3,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,N,0,157500.0,545040.0,25537.5,450000.0,Unaccompanied,State servant,Secondary / secondary special,Separated,Office apartment,0.002506,-10194,-770,-191.0,-1719,,1,1,0,1,0,1,Core staff,1.0,2,2,SATURDAY,3,0,0,0,0,0,0,Kindergarten,,0.5583939922205353,0.19747451156854226,0.0155,0.012,0.9762,0.6736,0.0,0.0,0.069,0.125,0.1667,0.0257,0.0126,0.0271,0.0,0.0283,0.0158,0.0125,0.9762,0.6864,0.0,0.0,0.069,0.125,0.1667,0.0263,0.0138,0.0282,0.0,0.03,0.0156,0.012,0.9762,0.6779999999999999,0.0,0.0,0.069,0.125,0.1667,0.0261,0.0128,0.0276,0.0,0.0289,reg oper account,block of flats,0.0275,Block,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +1688779,245015,Revolving loans,13500.0,270000.0,270000.0,,270000.0,SATURDAY,11,Y,1,,,,XAP,Approved,-232,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-220.0,-189.0,365243.0,-98.0,-9.0,0.0,0,Revolving loans,F,N,Y,0,157500.0,157500.0,7875.0,157500.0,Other_A,Commercial associate,Higher education,Single / not married,With parents,0.032561,-9043,-618,-4042.0,-1516,,1,1,0,1,1,0,,1.0,1,1,SUNDAY,18,0,0,0,0,0,0,Business Entity Type 3,,0.668718400945358,,0.2361,0.1809,0.9767,0.6736,0.0,0.36,0.3103,0.25,0.2917,0.0776,0.1916,0.0415,0.0039,0.0,0.1408,0.14400000000000002,0.9762,0.6864,0.0,0.3625,0.3103,0.1667,0.2083,0.0537,0.1221,0.0,0.0039,0.0,0.2384,0.1809,0.9767,0.6779999999999999,0.0,0.36,0.3103,0.25,0.2917,0.0789,0.195,0.0423,0.0039,0.0,reg oper account,block of flats,0.5216,Panel,No,1.0,0.0,1.0,0.0,-465.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1779200,112684,Revolving loans,,0.0,0.0,,,FRIDAY,10,Y,1,,,,XAP,Refused,-404,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Card Street,,,,,,,1,Cash loans,M,N,Y,2,112500.0,545040.0,26640.0,450000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019101,-12568,-868,-6683.0,-4142,,1,1,0,1,0,0,Laborers,4.0,2,2,WEDNESDAY,13,0,0,0,0,1,1,Self-employed,0.29667808728174394,0.5966391675152887,0.1419915427739129,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-404.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1257074,247154,Consumer loans,8823.15,95296.5,124974.0,0.0,95296.5,MONDAY,14,Y,1,0.0,,,XAP,Approved,-1054,Cash through the bank,XAP,"Spouse, partner",Repeater,Computers,POS,XNA,Stone,51,Consumer electronics,18.0,middle,POS household with interest,365243.0,-1023.0,-513.0,-513.0,-509.0,0.0,0,Cash loans,M,Y,Y,0,315000.0,269550.0,20875.5,225000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-12883,-201,-1907.0,-4523,28.0,1,1,1,1,0,0,Laborers,2.0,2,2,FRIDAY,8,0,0,0,1,1,0,Business Entity Type 1,0.16460391501054608,0.2577439861309157,0.7121551551910698,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1753.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2003841,293977,Consumer loans,1761.795,39064.5,39064.5,0.0,39064.5,THURSDAY,18,Y,1,0.0,,,XAP,Approved,-1728,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,1690,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1697.0,-1007.0,-1157.0,-1151.0,0.0,0,Cash loans,F,N,Y,1,247500.0,318069.0,27427.5,265500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009656999999999999,-10339,-3652,-161.0,-2696,,1,1,0,1,0,0,Sales staff,3.0,2,2,WEDNESDAY,9,0,0,0,0,1,1,Self-employed,,0.14598636876141793,0.16640554618393638,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1728.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +2709777,408087,Consumer loans,3570.21,30105.0,29776.5,3010.5,30105.0,FRIDAY,17,Y,1,0.10000024954458114,,,XAP,Approved,-1771,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,52,Connectivity,12.0,high,POS mobile with interest,365243.0,-1736.0,-1406.0,-1406.0,-1398.0,0.0,0,Cash loans,F,N,Y,0,112500.0,288873.0,10890.0,238500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0105,-16960,-720,-8041.0,-499,,1,1,0,1,0,0,Cleaning staff,2.0,3,3,FRIDAY,10,0,0,0,0,0,0,Trade: type 7,,0.14199745576332887,0.6577838002083306,0.0268,,0.9737,,,,0.1034,0.125,,,,,,,0.0273,,0.9737,,,,0.1034,0.125,,,,,,,0.0271,,0.9737,,,,0.1034,0.125,,,,,,,,block of flats,0.0213,"Stone, brick",No,0.0,0.0,0.0,0.0,-1771.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1975166,294157,Cash loans,21255.75,225000.0,225000.0,,225000.0,WEDNESDAY,9,Y,1,,,,Repairs,Approved,-849,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,12.0,low_normal,Cash Street: low,365243.0,-817.0,-487.0,-637.0,-629.0,0.0,0,Cash loans,F,N,Y,0,225000.0,450000.0,25128.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0228,-15728,-1037,-8100.0,-5266,,1,1,0,1,1,0,Accountants,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Trade: type 7,0.5345323453183518,0.6964502496473027,0.3201633668633456,0.2464,0.2712,0.9856,0.8028,0.0477,0.0,0.4138,0.1667,0.2083,0.098,0.2009,0.2633,0.0,0.0,0.2511,0.2814,0.9856,0.8105,0.0481,0.0,0.4138,0.1667,0.2083,0.1003,0.2195,0.2744,0.0,0.0,0.2488,0.2712,0.9856,0.8054,0.048,0.0,0.4138,0.1667,0.2083,0.0998,0.2044,0.2681,0.0,0.0,reg oper account,block of flats,0.2332,Panel,No,0.0,0.0,0.0,0.0,-850.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2295415,304111,Revolving loans,7875.0,0.0,157500.0,,,THURSDAY,17,Y,1,,,,XAP,Approved,-2724,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,1350,Consumer electronics,0.0,XNA,Card Street,-2719.0,-2667.0,365243.0,-2362.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,601470.0,30838.5,450000.0,"Spouse, partner",State servant,Secondary / secondary special,Married,House / apartment,0.030755,-16077,-2696,-8495.0,-4434,5.0,1,1,0,1,0,1,Drivers,2.0,2,2,FRIDAY,12,0,0,0,0,1,1,Business Entity Type 3,0.5527434934870316,0.3060504836480464,0.7352209993926424,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1684666,252011,Cash loans,38776.95,270000.0,326763.0,,270000.0,MONDAY,18,Y,1,,,,XNA,Approved,-857,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-827.0,-497.0,-737.0,-731.0,1.0,0,Cash loans,M,Y,Y,2,405000.0,621621.0,63828.0,576000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.072508,-13903,-1527,-104.0,-691,4.0,1,1,0,1,1,0,Sales staff,4.0,1,1,THURSDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.4442374430495152,0.6364305850428549,0.5849900404894085,0.2062,0.09,1.0,1.0,0.0,0.24,0.1034,0.6667,0.7083,0.0,0.1656,0.2209,0.0116,0.0234,0.2101,0.0934,1.0,1.0,0.0,0.2417,0.1034,0.6667,0.7083,0.0,0.1809,0.2302,0.0117,0.0247,0.2082,0.09,1.0,1.0,0.0,0.24,0.1034,0.6667,0.7083,0.0,0.1685,0.2249,0.0116,0.0239,reg oper account,block of flats,0.1788,Panel,No,2.0,0.0,2.0,0.0,-1603.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,3.0 +2214680,453724,Consumer loans,13055.805,114948.0,114948.0,0.0,114948.0,MONDAY,8,Y,1,0.0,,,XAP,Approved,-267,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,30,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-230.0,40.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,54000.0,193500.0,8653.5,193500.0,"Spouse, partner",Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-20406,365243,-334.0,-2372,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,8,0,0,0,0,0,0,XNA,,0.38465427019423215,0.4794489811780563,0.0454,0.0819,0.999,0.9864,0.0041,0.0,0.1262,0.0833,0.0417,0.0544,0.037000000000000005,0.0379,0.0,0.0,0.0504,0.0695,0.999,0.9869,0.0029,0.0,0.1379,0.0833,0.0417,0.0474,0.0441,0.0339,0.0,0.0,0.05,0.0844,0.999,0.9866,0.0047,0.0,0.1379,0.0833,0.0417,0.0526,0.041,0.0375,0.0,0.0,reg oper account,block of flats,0.036000000000000004,Block,No,1.0,1.0,1.0,1.0,-267.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1036592,205854,Consumer loans,4925.97,48649.5,53788.5,0.0,48649.5,TUESDAY,17,Y,1,0.0,,,XAP,Refused,-561,Cash through the bank,HC,,Repeater,Consumer Electronics,POS,XNA,Stone,300,Consumer electronics,12.0,low_action,POS household without interest,,,,,,,1,Cash loans,F,Y,N,2,90000.0,364896.0,26680.5,315000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-12777,-1231,-1212.0,-1757,15.0,1,1,0,1,0,0,Sales staff,4.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.4777882861784372,0.5207695952948629,0.5226973172821112,0.4134,0.0187,0.9826,,,0.48,0.4138,0.3333,,0.4301,,0.4029,,0.1772,0.4212,0.0,0.9826,,,0.4834,0.4138,0.3333,,0.4399,,0.4194,,0.1598,0.4174,0.0187,0.9826,,,0.48,0.4138,0.3333,,0.4376,,0.4102,,0.1809,,block of flats,0.3494,Block,No,0.0,0.0,0.0,0.0,-846.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1434783,224534,Consumer loans,9053.235,114799.5,139045.5,0.0,114799.5,WEDNESDAY,15,Y,1,0.0,,,XAP,Approved,-130,Cash through the bank,XAP,,Repeater,Jewelry,POS,XNA,Country-wide,140,Jewelry,24.0,middle,POS other with interest,365243.0,-95.0,595.0,365243.0,365243.0,0.0,1,Cash loans,M,N,Y,0,157500.0,324000.0,15759.0,324000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.014519999999999996,-17619,-540,-4365.0,-1163,,1,1,0,1,0,0,Drivers,1.0,2,2,SUNDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.2331056493322453,0.4382813743111921,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-531.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1957375,422209,Cash loans,34517.925,360000.0,472549.5,0.0,360000.0,FRIDAY,15,Y,1,0.0,,,Repairs,Refused,-1832,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,24.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,180000.0,403848.0,11574.0,319500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.022625,-15226,-3584,-1014.0,-4008,,1,1,0,1,1,1,Sales staff,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Industry: type 2,0.3928531840872357,0.7267355455631642,0.2707073872651806,0.5608,0.4962,0.9776,0.6940000000000001,0.2556,0.0,1.0,0.1667,0.2083,0.6076,0.4572,0.5539,0.0039,0.0053,0.5714,0.5149,0.9777,0.706,0.258,0.0,1.0,0.1667,0.2083,0.6215,0.4995,0.5771,0.0039,0.0056,0.5663,0.4962,0.9776,0.6981,0.2573,0.0,1.0,0.1667,0.2083,0.6182,0.4652,0.5639,0.0039,0.0054,reg oper account,block of flats,0.5763,Panel,No,1.0,1.0,1.0,1.0,-499.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,9.0 +2088528,356113,Consumer loans,7892.37,58815.0,43614.0,17644.5,58815.0,WEDNESDAY,7,Y,1,0.31369466352350345,,,XAP,Approved,-548,XNA,XAP,,New,Photo / Cinema Equipment,POS,XNA,Country-wide,149,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-517.0,-367.0,-397.0,-390.0,0.0,0,Cash loans,F,N,N,0,162000.0,296280.0,14382.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,Co-op apartment,0.014464,-21314,365243,-7220.0,-4182,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,XNA,0.8429554722455121,0.5669441958993742,,0.1495,,0.9811,0.7416,,0.16,0.1379,0.3333,0.0417,,,0.1436,,0.0518,0.1523,,0.9811,0.7517,,0.1611,0.1379,0.3333,0.0417,,,0.1496,,0.0548,0.1509,,0.9811,0.7451,,0.16,0.1379,0.3333,0.0417,,,0.1462,,0.0529,reg oper account,block of flats,0.1242,Panel,No,1.0,0.0,1.0,0.0,-548.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1852029,405475,Consumer loans,9546.795,96187.5,108832.5,0.0,96187.5,THURSDAY,16,Y,1,0.0,,,XAP,Approved,-999,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,5000,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-967.0,-637.0,-697.0,-694.0,0.0,0,Cash loans,M,Y,Y,1,157500.0,450000.0,21109.5,450000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-11098,-1898,-4464.0,-3080,7.0,1,1,0,1,0,0,High skill tech staff,3.0,2,2,TUESDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.3721353884208392,0.09457586321060216,0.14375805349116522,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-999.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1742259,290716,Cash loans,24104.655,675000.0,767664.0,,675000.0,SATURDAY,9,Y,1,,,,XNA,Refused,-164,Cash through the bank,HC,Children,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,N,Y,0,135000.0,193392.0,12721.5,153000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-23850,365243,-7846.0,-663,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,,0.5093765100821533,0.6940926425266661,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,0.0,9.0,0.0,-99.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1945326,423088,Cash loans,14182.38,270000.0,313839.0,,270000.0,TUESDAY,12,Y,1,,,,XNA,Approved,-719,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-689.0,361.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,90000.0,501435.0,19030.5,414000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.01885,-21419,365243,-1523.0,-4898,,1,0,0,1,0,0,,1.0,2,2,SUNDAY,14,0,0,0,0,0,0,XNA,,0.7257138216845573,0.7209441499436497,0.4052,0.3123,0.9861,0.8096,0.0608,0.44,0.3793,0.3333,0.375,0.515,0.3249,0.4032,0.0251,0.062,0.0452,0.0392,0.9836,0.7844,0.0079,0.0403,0.0345,0.3333,0.375,0.5268,0.0367,0.0466,0.0117,0.0223,0.4091,0.3123,0.9861,0.8121,0.0612,0.44,0.3793,0.3333,0.375,0.524,0.3305,0.4105,0.0252,0.0633,,block of flats,0.0352,"Stone, brick",No,0.0,0.0,0.0,0.0,-1522.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1018618,326864,Cash loans,19925.775,157500.0,167895.0,,157500.0,SATURDAY,10,Y,1,,,,Repairs,Refused,-617,Cash through the bank,LIMIT,,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),0,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,2,81000.0,436032.0,31729.5,360000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-10705,-149,-1083.0,-1101,,1,1,0,1,0,0,Core staff,4.0,3,2,SUNDAY,12,0,0,0,0,0,0,Kindergarten,0.26810576360442845,0.3372655112784962,0.2276129150623945,0.0619,0.0892,0.9906,0.8708,0.0186,0.08,0.0345,0.5417,0.5833,0.6096,0.0471,0.083,0.0154,0.0447,0.063,0.0925,0.9906,0.8759,0.0187,0.0806,0.0345,0.5417,0.5833,0.6235,0.0514,0.0865,0.0156,0.0473,0.0625,0.0892,0.9906,0.8725,0.0187,0.08,0.0345,0.5417,0.5833,0.6202,0.0479,0.0845,0.0155,0.0456,org spec account,block of flats,0.075,"Stone, brick",No,0.0,0.0,0.0,0.0,-729.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1998373,359458,Cash loans,5246.01,45000.0,47970.0,0.0,45000.0,MONDAY,12,Y,1,0.0,,,XNA,Approved,-2433,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,high,Cash Street: high,365243.0,-2403.0,-2073.0,-2073.0,-2070.0,1.0,0,Cash loans,F,N,Y,0,112500.0,195543.0,9535.5,148500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-23457,365243,-2436.0,-4378,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,XNA,,0.6869893378293499,0.5902333386185574,0.067,0.0236,0.9866,0.8164,0.0149,0.04,0.0345,0.3333,0.375,0.058,0.0546,0.0373,0.0,0.0,0.0683,0.0245,0.9866,0.8236,0.0151,0.0403,0.0345,0.3333,0.375,0.0593,0.0597,0.0389,0.0,0.0,0.0677,0.0236,0.9866,0.8189,0.015,0.04,0.0345,0.3333,0.375,0.059,0.0556,0.038,0.0,0.0,reg oper account,block of flats,0.0375,Panel,No,11.0,0.0,11.0,0.0,-452.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1271235,361746,Consumer loans,5727.465,44010.0,39609.0,4401.0,44010.0,SUNDAY,16,Y,1,0.1089090909090909,,,XAP,Approved,-2829,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,23,Connectivity,9.0,low_normal,POS mobile with interest,365243.0,-2797.0,-2557.0,-2557.0,-2542.0,0.0,0,Cash loans,F,Y,Y,1,135000.0,1649646.0,43645.5,1377000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.011656999999999999,-13190,-2438,-1952.0,-4092,17.0,1,1,0,1,0,0,,3.0,1,1,MONDAY,16,0,0,0,0,1,1,Security Ministries,0.6577387555600589,0.7011861474786821,0.266456808245056,0.1082,0.0591,0.9836,0.7756,0.187,0.08,0.069,0.3333,0.375,0.0125,0.0849,0.1021,0.0154,0.101,0.1103,0.0613,0.9836,0.7844,0.1887,0.0806,0.069,0.3333,0.375,0.0128,0.0927,0.1063,0.0156,0.1069,0.1093,0.0591,0.9836,0.7786,0.1882,0.08,0.069,0.3333,0.375,0.0127,0.0864,0.1039,0.0155,0.1031,reg oper spec account,block of flats,0.1022,"Stone, brick",No,6.0,0.0,6.0,0.0,-1531.0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2681074,430825,Revolving loans,11250.0,225000.0,225000.0,,225000.0,MONDAY,16,Y,1,,,,XAP,Refused,-729,XNA,HC,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,N,2,112500.0,425133.0,13477.5,351000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.031329,-14785,-458,-6173.0,-4185,,1,1,0,1,0,0,Medicine staff,3.0,2,2,MONDAY,14,0,0,0,0,0,0,Medicine,0.5067800993910699,0.4759878959918809,0.5478104658520093,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1521.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1880242,362467,Revolving loans,9000.0,0.0,180000.0,,,SATURDAY,9,Y,1,,,,XAP,Approved,-2718,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,52,Connectivity,0.0,XNA,Card Street,-2715.0,-2668.0,365243.0,-1390.0,-194.0,0.0,0,Cash loans,F,Y,Y,0,202500.0,835380.0,40320.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.010006000000000001,-16299,-658,-920.0,-1165,4.0,1,1,0,1,0,0,Sales staff,2.0,2,1,MONDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.6553228918197659,0.4713267088905418,0.5954562029091491,0.0433,0.0482,0.9846,,,0.0,0.0345,0.0417,,0.0312,,0.0208,,0.0,0.0441,0.05,0.9846,,,0.0,0.0345,0.0417,,0.0319,,0.0217,,0.0,0.0437,0.0482,0.9846,,,0.0,0.0345,0.0417,,0.0318,,0.0212,,0.0,,block of flats,0.0211,Wooden,No,0.0,0.0,0.0,0.0,-771.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2356372,104222,Cash loans,53891.64,1170000.0,1271929.5,,1170000.0,TUESDAY,11,Y,1,,,,XNA,Approved,-552,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-520.0,530.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,180000.0,862560.0,25218.0,720000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018801,-13417,-3607,-6763.0,-2408,,1,1,1,1,1,0,Laborers,2.0,2,2,MONDAY,6,0,0,0,0,0,0,Self-employed,,0.6812905975537306,0.6363761710860439,0.0,0.0,0.9727,,,,0.1379,0.1667,,,,0.0612,,,0.0,0.0,0.9727,,,,0.1379,0.1667,,,,0.0638,,,0.0,0.0,0.9727,,,,0.1379,0.1667,,,,0.0623,,,,block of flats,0.0486,"Stone, brick",No,6.0,0.0,6.0,0.0,-1173.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1292571,110831,Consumer loans,7628.85,81859.5,81859.5,0.0,81859.5,MONDAY,14,Y,1,0.0,,,XAP,Approved,-1332,Cash through the bank,XAP,Unaccompanied,Refreshed,Computers,POS,XNA,Stone,300,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-1301.0,-971.0,-1001.0,-997.0,0.0,0,Cash loans,F,Y,N,0,99000.0,284400.0,16011.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.006207,-21871,365243,-11789.0,-4138,4.0,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,XNA,,0.7034354958361237,,0.0619,,0.9836,,,0.0,0.1379,0.1667,,,,0.0618,,,0.063,,0.9836,,,0.0,0.1379,0.1667,,,,0.0643,,,0.0625,,0.9836,,,0.0,0.1379,0.1667,,,,0.0629,,,,block of flats,0.0486,Block,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1443685,177889,Cash loans,9814.5,135000.0,135000.0,0.0,135000.0,WEDNESDAY,10,Y,1,0.0,,,XNA,Approved,-2878,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,20.0,middle,Cash Street: middle,365243.0,-2848.0,-2278.0,-2278.0,-2237.0,0.0,0,Cash loans,F,N,N,1,180000.0,781920.0,28215.0,675000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-14697,-5005,-5461.0,-5480,,1,1,0,1,0,0,Laborers,3.0,2,2,THURSDAY,18,0,0,0,0,1,1,Other,0.2760746422538798,0.6771646236330854,0.3139166772114369,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-2722.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1932709,453553,Consumer loans,11716.965,192573.0,226633.5,0.0,192573.0,THURSDAY,14,Y,1,0.0,,,XAP,Approved,-1430,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,1490,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-1399.0,-709.0,-709.0,-706.0,0.0,0,Cash loans,M,Y,N,0,135000.0,327024.0,12456.0,270000.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-20299,-5500,-5401.0,-3764,8.0,1,1,0,1,1,0,Laborers,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Business Entity Type 1,,0.6487692663092182,0.6956219298394389,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1430.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1826657,330773,Consumer loans,3839.355,31275.0,30933.0,3127.5,31275.0,SATURDAY,15,Y,1,0.10000240214271128,,,XAP,Refused,-1435,Cash through the bank,HC,"Spouse, partner",New,Audio/Video,POS,XNA,Stone,46,Consumer electronics,12.0,high,POS household with interest,,,,,,,0,Cash loans,M,N,Y,0,112500.0,1125000.0,30168.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-18796,-323,-11433.0,-2328,,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Other,0.1717102769524645,0.5725351748882531,0.746300213050371,0.0722,0.0416,0.9776,0.6940000000000001,,0.0,0.1379,0.1667,0.2083,0.0361,0.0572,0.0657,0.0077,0.0036,0.0735,0.0431,0.9777,0.706,,0.0,0.1379,0.1667,0.2083,0.0369,0.0624,0.0685,0.0078,0.0038,0.0729,0.0416,0.9776,0.6981,,0.0,0.1379,0.1667,0.2083,0.0367,0.0581,0.0669,0.0078,0.0037,reg oper account,block of flats,0.0673,"Stone, brick",No,0.0,0.0,0.0,0.0,-1435.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1010815,428741,Consumer loans,8362.395,38106.0,44793.0,0.0,38106.0,SATURDAY,15,Y,1,0.0,,,XAP,Approved,-486,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Country-wide,600,Consumer electronics,6.0,middle,POS household with interest,365243.0,-455.0,-305.0,-305.0,-303.0,0.0,0,Cash loans,F,N,Y,0,135000.0,1649376.0,51916.5,1350000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.072508,-16595,-9941,-10548.0,-154,,1,1,1,1,1,0,Laborers,1.0,1,1,TUESDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.7375414129476389,0.5673792367572691,0.1031,0.038,0.9762,0.6736,0.0469,0.08,0.0345,0.4583,0.5,0.0,0.0756,0.0672,0.0386,0.0475,0.105,0.0394,0.9762,0.6864,0.0473,0.0806,0.0345,0.4583,0.5,0.0,0.0826,0.07,0.0389,0.0502,0.1041,0.038,0.9762,0.6779999999999999,0.0472,0.08,0.0345,0.4583,0.5,0.0,0.077,0.0684,0.0388,0.0485,reg oper account,block of flats,0.0632,Block,No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,17.0,0.0,2.0 +1275292,113153,Consumer loans,,100633.5,100633.5,0.0,100633.5,MONDAY,9,Y,1,0.0,,,XAP,Refused,-681,Cash through the bank,XNA,,Repeater,Computers,XNA,XNA,Country-wide,25,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,F,N,N,1,202500.0,701730.0,68490.0,675000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.028663,-17585,-2933,-3113.0,-1108,,1,1,1,1,1,0,Accountants,3.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Construction,,0.5557717170478479,0.501075160239048,0.0186,0.0226,0.9722,0.6192,,0.0,0.069,0.0833,0.125,0.0158,0.0151,0.0172,0.0,0.0,0.0189,0.0235,0.9722,0.6341,,0.0,0.069,0.0833,0.125,0.0161,0.0165,0.0179,0.0,0.0,0.0187,0.0226,0.9722,0.6243,,0.0,0.069,0.0833,0.125,0.0161,0.0154,0.0175,0.0,0.0,reg oper spec account,block of flats,0.0147,Others,No,3.0,1.0,3.0,1.0,-1618.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2009085,145939,Consumer loans,10786.95,95760.0,91260.0,4500.0,95760.0,SATURDAY,13,Y,1,0.051179084073820914,,,XAP,Refused,-2299,Cash through the bank,LIMIT,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,1588,Consumer electronics,12.0,high,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,135000.0,254700.0,15709.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.025164,-24195,365243,-12116.0,-4137,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,12,0,0,0,0,0,0,XNA,,0.2564075271121721,0.3791004853998145,0.499,0.3432,0.9831,0.7688,0.3203,0.56,0.4828,0.3333,0.375,0.0,0.4068,0.5464,0.0,0.0,0.5084,0.3562,0.9831,0.7779,0.3233,0.5639,0.4828,0.3333,0.375,0.0,0.4444,0.5693,0.0,0.0,0.5038,0.3432,0.9831,0.7719,0.3224,0.56,0.4828,0.3333,0.375,0.0,0.4139,0.5562,0.0,0.0,reg oper account,block of flats,0.6049,Panel,No,2.0,2.0,2.0,1.0,-1446.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2210811,169096,Cash loans,48337.11,675000.0,721332.0,,675000.0,MONDAY,14,Y,1,,,,XNA,Approved,-690,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,middle,Cash Street: middle,365243.0,-660.0,30.0,-510.0,-502.0,1.0,1,Cash loans,M,Y,Y,1,202500.0,675000.0,21906.0,675000.0,Unaccompanied,Commercial associate,Incomplete higher,Separated,House / apartment,0.015221,-13229,-1178,-5365.0,-1388,23.0,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.17623419513719946,0.17456426555726348,0.2227,0.1213,0.9861,,,0.24,0.2069,0.3333,,0.1496,,0.2206,,,0.2269,0.1259,0.9861,,,0.2417,0.2069,0.3333,,0.1531,,0.2298,,,0.2248,0.1213,0.9861,,,0.24,0.2069,0.3333,,0.1522,,0.2246,,,,block of flats,0.2059,Panel,No,1.0,1.0,1.0,1.0,-1280.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +2599526,264356,Cash loans,28599.75,675000.0,675000.0,0.0,675000.0,MONDAY,13,Y,1,0.0,,,Journey,Refused,-1549,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,middle,Cash Street: middle,,,,,,,0,Cash loans,M,N,Y,2,225000.0,1125000.0,33025.5,1125000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.0228,-14325,-2071,-8462.0,-4291,,1,1,0,1,1,1,Managers,4.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.7063718893072427,0.5791367080679694,0.6925590674998008,0.0041,,,,,,,,,,,0.0019,,,0.0042,,,,,,,,,,,0.002,,,0.0042,,,,,,,,,,,0.002,,,,,0.0022,,Yes,4.0,0.0,4.0,0.0,-458.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1759083,243154,Cash loans,,0.0,0.0,,,THURSDAY,13,Y,1,,,,XNA,Refused,-236,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,N,0,180000.0,518463.0,19674.0,364500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.072508,-21516,365243,-10450.0,-4395,,1,0,0,1,1,0,,1.0,1,1,TUESDAY,12,0,0,0,0,0,0,XNA,0.8902412409620098,0.7582588459487526,0.7394117535524816,0.299,0.1372,0.9806,0.7348,0.3598,0.48,0.2069,0.4583,0.5,0.0,0.232,0.2501,0.0541,0.0962,0.3046,0.1424,0.9806,0.7452,0.3631,0.4834,0.2069,0.4583,0.5,0.0,0.2534,0.2606,0.0545,0.1018,0.3019,0.1372,0.9806,0.7383,0.3621,0.48,0.2069,0.4583,0.5,0.0,0.236,0.2546,0.0543,0.0982,reg oper account,block of flats,0.26,Panel,No,0.0,0.0,0.0,0.0,-3276.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2485261,383033,Cash loans,24769.53,315000.0,366142.5,,315000.0,WEDNESDAY,12,Y,1,,,,Repairs,Refused,-502,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,high,Cash Street: high,,,,,,,0,Cash loans,M,N,Y,0,202500.0,983299.5,41791.5,904500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.025164,-20743,-3887,-2476.0,-798,,1,1,0,1,0,0,Drivers,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Self-employed,,0.2934205527885729,0.060443691326567524,0.0515,0.0139,0.9752,0.66,0.005,0.0,0.1034,0.1667,0.2083,0.0273,0.0412,0.0412,0.0039,0.0252,0.0525,0.0144,0.9752,0.6733,0.005,0.0,0.1034,0.1667,0.2083,0.0279,0.045,0.0429,0.0039,0.0266,0.052000000000000005,0.0139,0.9752,0.6645,0.005,0.0,0.1034,0.1667,0.2083,0.0278,0.0419,0.0419,0.0039,0.0257,reg oper account,block of flats,0.0375,"Stone, brick",No,0.0,0.0,0.0,0.0,-1464.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +2831237,341379,Consumer loans,2555.73,25560.0,23004.0,2556.0,25560.0,WEDNESDAY,18,Y,1,0.1089090909090909,,,XAP,Approved,-2832,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Stone,320,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2800.0,-2530.0,-2620.0,-2576.0,0.0,0,Cash loans,F,N,N,0,112500.0,254700.0,14620.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.006233,-12345,-4406,-2858.0,-4269,,1,1,1,1,1,0,Core staff,1.0,2,2,SATURDAY,18,0,0,0,0,0,0,Medicine,,0.6129189279259468,0.4920600938649263,0.133,0.1075,0.9801,0.728,0.0181,0.0,0.2759,0.2083,0.25,0.0572,0.1084,0.1237,0.0,0.0766,0.1355,0.1116,0.9801,0.7387,0.0182,0.0,0.2759,0.2083,0.25,0.0585,0.1185,0.1289,0.0,0.0811,0.1343,0.1075,0.9801,0.7316,0.0182,0.0,0.2759,0.2083,0.25,0.0582,0.1103,0.1259,0.0,0.0782,reg oper spec account,block of flats,0.1238,"Stone, brick",No,0.0,0.0,0.0,0.0,-1744.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1053698,366949,Cash loans,44987.94,720000.0,769419.0,,720000.0,FRIDAY,5,Y,1,,,,XNA,Approved,-546,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-516.0,174.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,0,306000.0,1428003.0,51291.0,1179000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.002506,-18441,-3638,-6645.0,-1949,14.0,1,1,0,1,0,0,Drivers,2.0,2,2,FRIDAY,5,0,0,0,0,1,1,Other,,0.7014564026810571,,0.1856,,0.9821,0.7552,0.0,0.0,0.4138,0.1667,0.0417,0.0,0.1513,0.1734,0.0,0.0034,0.1891,,0.9821,0.7648,0.0,0.0,0.4138,0.1667,0.0417,0.0,0.1653,0.1807,0.0,0.0036,0.1874,,0.9821,0.7585,0.0,0.0,0.4138,0.1667,0.0417,0.0,0.1539,0.1765,0.0,0.0034,reg oper account,block of flats,0.1371,,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2412741,125288,Consumer loans,3681.045,45334.89,36270.0,9064.89,45334.89,THURSDAY,18,Y,1,0.21776802129461625,0.1607021421285277,0.715644820295983,XAP,Approved,-591,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,12.0,middle,POS mobile with interest,365243.0,-556.0,-226.0,-226.0,-224.0,0.0,0,Cash loans,F,N,N,1,135000.0,895500.0,39442.5,895500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.032561,-20696,365243,-3405.0,-1087,,1,0,0,1,1,0,,3.0,1,1,SATURDAY,14,0,0,0,1,0,0,XNA,0.8070508906379081,0.522166539608632,0.3859146722745145,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-304.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1751193,392560,Consumer loans,8328.69,53685.0,51507.0,5368.5,53685.0,SATURDAY,12,Y,1,0.10279970365894882,,,XAP,Approved,-1732,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,57,Connectivity,8.0,high,POS mobile without interest,365243.0,-1697.0,-1487.0,-1487.0,-1479.0,0.0,0,Cash loans,M,N,N,1,90000.0,101880.0,10206.0,90000.0,Unaccompanied,Working,Lower secondary,Married,Municipal apartment,0.008019,-16006,-6163,-6501.0,-4350,,1,1,0,1,0,0,Drivers,3.0,2,2,TUESDAY,10,0,0,0,0,1,1,Self-employed,,0.05443232818439255,0.33928769990891394,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-8.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2249053,431825,Cash loans,14635.44,67500.0,75582.0,,67500.0,MONDAY,8,Y,1,,,,XNA,Approved,-1168,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-1138.0,-988.0,-988.0,-980.0,1.0,0,Cash loans,F,Y,Y,2,180000.0,185652.0,9157.5,121500.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-10791,-2494,-2648.0,-3436,1.0,1,1,0,1,0,0,,4.0,2,2,SUNDAY,12,0,0,0,0,0,0,Business Entity Type 2,0.4223707204968102,0.5147909862481084,0.5388627065779676,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-1538.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2702895,204376,Cash loans,8662.455,135000.0,152820.0,0.0,135000.0,WEDNESDAY,9,Y,1,0.0,,,XNA,Approved,-1909,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-1879.0,-1189.0,-1309.0,-1303.0,1.0,0,Cash loans,F,N,Y,0,135000.0,763056.0,27535.5,630000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.031329,-22548,365243,-7468.0,-4679,,1,0,0,1,0,0,,2.0,2,2,MONDAY,14,0,0,0,0,0,0,XNA,0.6350162693019623,0.7276422297498047,0.5867400085415683,0.0974,0.0803,0.9752,0.66,0.0111,0.0,0.1897,0.1667,0.2083,0.1006,0.0777,0.0829,0.0077,0.0098,0.063,0.0072,0.9752,0.6733,0.0059,0.0,0.1034,0.1667,0.2083,0.1029,0.0533,0.0491,0.0078,0.0085,0.0984,0.0803,0.9752,0.6645,0.0111,0.0,0.1897,0.1667,0.2083,0.1024,0.0791,0.0844,0.0078,0.01,reg oper account,block of flats,0.0428,"Stone, brick",No,0.0,0.0,0.0,0.0,-1909.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,4.0 +1757537,380087,Revolving loans,11250.0,225000.0,225000.0,,225000.0,MONDAY,18,Y,1,,,,XAP,Refused,-799,XNA,LIMIT,,Refreshed,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,202500.0,343800.0,16852.5,225000.0,Family,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.010147,-10077,-2638,-3925.0,-2743,,1,1,0,1,0,0,Laborers,1.0,2,2,TUESDAY,11,0,0,0,1,1,0,Self-employed,0.3849837702841543,0.5683985853311594,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2228.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1915490,162070,Consumer loans,26716.095,240556.5,253786.5,0.0,240556.5,WEDNESDAY,5,Y,1,0.0,,,XAP,Approved,-601,XNA,XAP,,Refreshed,Furniture,POS,XNA,Regional / Local,100,Furniture,10.0,low_action,POS industry without interest,,,,,,,0,Revolving loans,F,N,Y,0,450000.0,900000.0,45000.0,900000.0,Unaccompanied,Working,Higher education,Widow,House / apartment,0.010032,-19036,-182,-4725.0,-2582,,1,1,0,1,0,0,Managers,1.0,2,2,TUESDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.7578222261474437,0.6572173000509653,0.2263473957097693,0.0619,0.0498,0.9791,0.7144,0.0242,0.0,0.1379,0.1667,0.2083,0.0902,0.0504,0.0536,0.0,0.0,0.063,0.0517,0.9791,0.7256,0.0245,0.0,0.1379,0.1667,0.2083,0.0923,0.0551,0.0558,0.0,0.0,0.0625,0.0498,0.9791,0.7182,0.0244,0.0,0.1379,0.1667,0.2083,0.0918,0.0513,0.0545,0.0,0.0,,block of flats,0.0554,Panel,No,1.0,0.0,1.0,0.0,-2067.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1519436,319121,Cash loans,5894.325,45000.0,54319.5,,45000.0,THURSDAY,15,Y,1,,,,XNA,Approved,-223,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-193.0,137.0,-73.0,-66.0,1.0,1,Cash loans,F,N,Y,0,157500.0,634041.0,26784.0,481500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.019688999999999998,-9989,-762,-4438.0,-2661,,1,1,0,1,0,0,Realty agents,1.0,2,2,WEDNESDAY,11,0,0,0,0,1,1,Self-employed,,0.4632976780377243,0.3962195720630885,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-224.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,5.0 +1522625,144028,Revolving loans,16875.0,337500.0,337500.0,,337500.0,WEDNESDAY,17,Y,1,,,,XAP,Approved,-449,XNA,XAP,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-447.0,-405.0,365243.0,-252.0,365243.0,0.0,0,Cash loans,F,Y,Y,1,360000.0,497520.0,52920.0,450000.0,Family,Working,Higher education,Married,House / apartment,0.011703,-15184,-7835,-8820.0,-3416,3.0,1,1,0,1,0,0,Laborers,3.0,2,2,THURSDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.705953698309585,0.7059837705605684,,0.033,0.04,0.9722,0.6192,,0.0,0.1034,0.125,0.1667,0.0258,,0.035,,0.0,0.0336,0.0415,0.9722,0.6341,,0.0,0.1034,0.125,0.1667,0.0264,,0.0365,,0.0,0.0333,0.04,0.9722,0.6243,,0.0,0.1034,0.125,0.1667,0.0263,,0.0356,,0.0,,block of flats,0.0315,"Stone, brick",No,2.0,0.0,2.0,0.0,-2614.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1217620,441615,Cash loans,6832.125,67500.0,71955.0,,67500.0,TUESDAY,14,Y,1,,,,XNA,Approved,-242,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-212.0,118.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,0,90000.0,808650.0,23773.5,675000.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.010556,-22299,365243,-3214.0,-4005,,1,0,0,1,1,0,,2.0,3,3,SATURDAY,11,0,0,0,0,0,0,XNA,,0.1462400997214515,,,,0.9841,,,,,,,,,0.0644,,,,,0.9841,,,,,,,,,0.0671,,,,,0.9841,,,,,,,,,0.0655,,,,,0.0506,,No,0.0,0.0,0.0,0.0,-2017.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,7.0 +2674861,274099,Revolving loans,6750.0,135000.0,135000.0,,135000.0,SATURDAY,14,Y,1,,,,XAP,Approved,-365,XNA,XAP,,Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-256.0,-224.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,1428408.0,74092.5,1350000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010556,-19192,365243,-4056.0,-1086,23.0,1,0,0,1,0,0,,2.0,3,3,SUNDAY,13,0,0,0,1,0,0,XNA,,0.4915180753336706,0.4382813743111921,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,5.0 +1332554,282699,Consumer loans,8063.28,64530.0,33597.0,32265.0,64530.0,THURSDAY,16,Y,1,0.5335325101244749,,,XAP,Approved,-2686,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,300,Consumer electronics,5.0,high,POS household without interest,365243.0,-2655.0,-2535.0,-2595.0,-2592.0,1.0,0,Cash loans,F,Y,Y,0,225000.0,497520.0,33376.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.035792000000000004,-15837,-4002,-7731.0,-4156,5.0,1,1,0,1,0,0,Sales staff,1.0,2,2,TUESDAY,15,0,0,0,0,0,0,Trade: type 7,0.4850110805115514,0.6288532878753194,0.41534714488434,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2225885,239723,Cash loans,12573.405,157500.0,205515.0,,157500.0,FRIDAY,12,Y,1,,,,XNA,Approved,-600,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-570.0,120.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,191250.0,562491.0,24907.5,454500.0,Family,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.003069,-20025,365243,-924.0,-3000,,1,0,0,1,0,0,,1.0,3,3,WEDNESDAY,10,0,0,0,0,0,0,XNA,,0.48294631992215,0.6894791426446275,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1187.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2305223,101130,Cash loans,15249.69,135000.0,143910.0,,135000.0,THURSDAY,12,Y,1,,,,XNA,Approved,-344,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-314.0,16.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,0,67500.0,203760.0,10782.0,180000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.01885,-24103,365243,-6237.0,-4385,10.0,1,0,0,1,0,0,,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,XNA,,0.6964779867315383,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-949.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1772249,405449,Consumer loans,8518.725,76455.0,84528.0,0.0,76455.0,MONDAY,16,Y,1,0.0,,,XAP,Approved,-134,Cash through the bank,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Regional / Local,164,Consumer electronics,12.0,middle,POS household with interest,365243.0,-104.0,226.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,1,90000.0,772686.0,28516.5,553500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-13600,-376,-5509.0,-2170,,1,1,0,1,1,0,Core staff,3.0,2,2,TUESDAY,10,0,0,0,0,1,1,Kindergarten,0.5187911862981827,0.6329981847034774,0.4066174366275036,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-134.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2392398,108536,Cash loans,34122.6,1129500.0,1293502.5,,1129500.0,THURSDAY,13,Y,1,,,,XNA,Refused,-598,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_action,Cash X-Sell: low,,,,,,,1,Cash loans,F,N,N,0,157500.0,127350.0,8419.5,112500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-22240,365243,-8369.0,-3982,,1,0,0,1,0,0,,2.0,2,2,SUNDAY,9,0,0,0,0,0,0,XNA,,0.4998870787287522,0.3672910183026313,0.1077,0.052000000000000005,0.9826,0.762,0.0585,0.04,0.1379,0.25,0.2917,0.0447,0.0824,0.0862,0.0251,0.0471,0.105,0.0111,0.9816,0.7583,0.0403,0.0,0.069,0.1667,0.2083,0.0324,0.0882,0.0865,0.0,0.0,0.1088,0.052000000000000005,0.9826,0.7652,0.0589,0.04,0.1379,0.25,0.2917,0.0455,0.0838,0.0878,0.0252,0.0481,reg oper account,block of flats,0.0768,"Stone, brick",No,7.0,0.0,7.0,0.0,-598.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1809199,214932,Revolving loans,11250.0,0.0,225000.0,,,TUESDAY,16,Y,1,,,,XAP,Refused,-911,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,N,2,450000.0,521280.0,31630.5,450000.0,Unaccompanied,Commercial associate,Higher education,Married,With parents,0.009175,-11726,-2730,-3214.0,-3403,,1,1,0,1,0,0,Sales staff,4.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Trade: type 7,,0.6915603621757781,0.1556893746835917,0.0722,0.0341,0.9732,0.6328,0.0103,0.0,0.1379,0.1667,0.2083,0.0695,0.053,0.0548,0.027000000000000003,0.0172,0.0735,0.0354,0.9732,0.6472,0.0104,0.0,0.1379,0.1667,0.2083,0.0711,0.0579,0.0571,0.0272,0.0182,0.0729,0.0341,0.9732,0.6377,0.0104,0.0,0.1379,0.1667,0.2083,0.0708,0.0539,0.0558,0.0272,0.0175,reg oper account,block of flats,0.0468,"Stone, brick",No,0.0,0.0,0.0,0.0,-821.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2169069,240280,Cash loans,9497.25,135000.0,135000.0,0.0,135000.0,MONDAY,12,Y,1,0.0,,,XNA,Refused,-2209,Cash through the bank,LIMIT,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,N,0,103500.0,254700.0,13567.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.028663,-17925,-5294,-1983.0,-1477,,1,1,1,1,0,0,Core staff,1.0,2,2,TUESDAY,13,0,0,0,0,1,1,Transport: type 2,,0.45015681750395936,0.13426542355494275,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1415.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1471675,297900,Revolving loans,2250.0,45000.0,45000.0,,45000.0,FRIDAY,14,Y,1,,,,XAP,Approved,-347,XNA,XAP,Unaccompanied,New,XNA,Cards,walk-in,Country-wide,57,Connectivity,0.0,XNA,Card Street,-323.0,-301.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,270000.0,703728.0,38173.5,607500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.009549,-10906,-1125,-693.0,-2086,11.0,1,1,1,1,0,0,Drivers,2.0,2,2,TUESDAY,17,1,1,1,1,1,1,Transport: type 3,,0.6400204637474272,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-347.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1424934,413401,Cash loans,10826.685,117000.0,128583.0,0.0,117000.0,THURSDAY,9,Y,1,0.0,,,XNA,Approved,-2619,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,18.0,high,Cash Street: high,365243.0,-2589.0,-2079.0,-2079.0,-2077.0,1.0,0,Cash loans,M,Y,Y,0,225000.0,450000.0,46242.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-20370,-753,-5061.0,-3739,2.0,1,1,0,1,0,0,Drivers,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,Self-employed,,0.6462687750304356,0.4992720153045617,0.1485,0.1109,0.9866,,,0.14,0.1207,0.3333,,,,0.1389,,0.0,0.0756,0.047,0.9866,,,0.0806,0.069,0.3333,,,,0.0797,,0.0,0.1499,0.1109,0.9866,,,0.14,0.1207,0.3333,,,,0.1414,,0.0,,block of flats,0.1775,Panel,No,0.0,0.0,0.0,0.0,-2037.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1668711,451970,Consumer loans,8068.545,82395.0,66222.0,22500.0,82395.0,WEDNESDAY,11,Y,1,0.27619469189767404,,,XAP,Approved,-321,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Country-wide,40,Connectivity,12.0,high,POS mobile with interest,365243.0,-290.0,40.0,-140.0,-135.0,0.0,0,Revolving loans,F,N,Y,1,90000.0,270000.0,13500.0,270000.0,Family,Working,Secondary / secondary special,Single / not married,House / apartment,0.035792000000000004,-15628,-891,-96.0,-4929,,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,13,0,0,0,0,1,1,Self-employed,0.2936786267859424,0.546743617057592,0.6674577419214722,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-321.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1088318,276474,Cash loans,31212.405,450000.0,610452.0,,450000.0,THURSDAY,8,Y,1,,,,XNA,Approved,-914,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-884.0,166.0,-674.0,-665.0,1.0,0,Cash loans,F,N,N,2,112500.0,675000.0,19737.0,675000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.028663,-13226,-4762,-655.0,-4389,,1,1,1,1,0,1,,4.0,2,2,SATURDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.670627880172036,0.7270047104819384,0.18848953379516772,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1790.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +2679944,262909,Cash loans,15242.4,180000.0,180000.0,0.0,180000.0,FRIDAY,15,Y,1,0.0,,,Buying a used car,Refused,-2372,Cash through the bank,SCO,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,0,XNA,18.0,high,Cash Street: high,,,,,,,0,Cash loans,M,Y,Y,0,225000.0,269982.0,26833.5,238500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.035792000000000004,-14292,-3095,-1331.0,-4132,13.0,1,1,0,1,0,0,Drivers,2.0,2,2,THURSDAY,13,0,0,0,1,1,0,Transport: type 4,0.2270540064530739,0.6569216558015636,0.5937175866150576,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-883.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +1445973,236947,Consumer loans,11475.36,106024.14,103288.5,10606.14,106024.14,WEDNESDAY,19,Y,1,0.10141873800685834,,,XAP,Approved,-2634,XNA,XAP,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Country-wide,1200,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2603.0,-2333.0,-2333.0,-2329.0,1.0,0,Cash loans,F,N,Y,0,360000.0,760225.5,34483.5,679500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.008575,-17486,-2400,-3608.0,-1030,,1,1,0,1,0,0,Medicine staff,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,Kindergarten,,0.7196970856547454,0.5954562029091491,0.0835,0.0364,0.9836,0.7756,,0.08,0.0345,0.4583,0.5,0.0251,0.0681,0.0435,,,0.0851,0.0377,0.9836,0.7844,,0.0806,0.0345,0.4583,0.5,0.0257,0.0744,0.0453,,,0.0843,0.0364,0.9836,0.7786,,0.08,0.0345,0.4583,0.5,0.0256,0.0693,0.0442,,,reg oper account,block of flats,0.0613,"Stone, brick",No,0.0,0.0,0.0,0.0,-2794.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1775182,414028,Cash loans,45864.36,450000.0,470790.0,,450000.0,SUNDAY,13,Y,1,,,,XNA,Approved,-558,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-528.0,-198.0,-288.0,-285.0,1.0,0,Cash loans,F,N,Y,0,99000.0,641529.0,18756.0,535500.0,Family,Pensioner,Secondary / secondary special,Separated,House / apartment,0.022625,-21015,365243,-13666.0,-4228,,1,0,0,1,1,0,,1.0,2,2,FRIDAY,11,0,0,0,0,0,0,XNA,0.7280375602365121,0.3504223796723711,0.7801436381572275,0.3907,0.3742,0.9796,0.7212,0.179,0.0,0.8966,0.1667,0.2083,0.3728,0.3186,0.3698,0.0,0.0,0.3981,0.3883,0.9796,0.7321,0.1806,0.0,0.8966,0.1667,0.2083,0.3813,0.348,0.3853,0.0,0.0,0.3945,0.3742,0.9796,0.7249,0.1801,0.0,0.8966,0.1667,0.2083,0.3792,0.3241,0.3764,0.0,0.0,reg oper account,block of flats,0.3887,Panel,No,0.0,0.0,0.0,0.0,-1557.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2833274,125606,Cash loans,20289.42,180000.0,191880.0,,180000.0,TUESDAY,11,Y,1,,,,XNA,Approved,-1634,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1604.0,-1274.0,-1274.0,-1265.0,1.0,0,Cash loans,F,N,N,0,225000.0,770292.0,32764.5,688500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.022625,-14867,-6902,-4510.0,-4280,,1,1,0,1,0,0,Sales staff,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Self-employed,,0.4578213919993965,0.4223696523543468,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1634.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1139762,379013,Cash loans,25158.78,216000.0,258250.5,,216000.0,MONDAY,10,Y,1,,,,XNA,Approved,-395,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-365.0,-35.0,-35.0,-32.0,1.0,0,Cash loans,M,N,Y,1,225000.0,305221.5,19633.5,252000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.020713,-9591,-2195,-3852.0,-2256,,1,1,0,1,0,0,Laborers,3.0,3,3,THURSDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.36239982189031816,0.41184855592423975,0.0165,0.036000000000000004,0.9801,,,0.0,0.069,0.0417,,,,0.0145,,0.0044,0.0168,0.0374,0.9801,,,0.0,0.069,0.0417,,,,0.0151,,0.0047,0.0167,0.036000000000000004,0.9801,,,0.0,0.069,0.0417,,,,0.0148,,0.0045,,block of flats,0.0124,"Stone, brick",No,0.0,0.0,0.0,0.0,-1654.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2184682,374977,Cash loans,14222.43,225000.0,254700.0,,225000.0,FRIDAY,14,Y,1,,,,Repairs,Approved,-337,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),7,XNA,24.0,low_normal,Cash Street: low,365243.0,-307.0,383.0,-247.0,-240.0,1.0,0,Cash loans,F,N,Y,0,135000.0,157500.0,12757.5,157500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Municipal apartment,0.010643000000000001,-16875,-180,-10179.0,-426,,1,1,1,1,0,0,Laborers,1.0,2,2,TUESDAY,12,0,0,0,0,0,0,Industry: type 3,,0.25827984116145336,0.656158373001177,0.0722,0.0,0.9767,,,0.0,0.0345,0.125,,0.026,,0.0267,,0.0,0.0735,0.0,0.9767,,,0.0,0.0345,0.125,,0.0266,,0.0278,,0.0,0.0729,0.0,0.9767,,,0.0,0.0345,0.125,,0.0264,,0.0272,,0.0,,block of flats,0.0338,"Stone, brick",No,2.0,1.0,2.0,1.0,-1032.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2807689,372088,Cash loans,5045.985,45000.0,47970.0,,45000.0,THURSDAY,13,Y,1,,,,XNA,Approved,-881,Cash through the bank,XAP,Children,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-851.0,-521.0,-731.0,-723.0,1.0,0,Cash loans,F,Y,Y,0,135000.0,284400.0,16326.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.035792000000000004,-24366,365243,-12879.0,-4045,4.0,1,0,0,1,1,0,,1.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,,0.4075182701006786,0.6363761710860439,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1576.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,7.0 +1952029,304383,Consumer loans,4774.545,42750.0,47263.5,0.0,42750.0,TUESDAY,18,Y,1,0.0,,,XAP,Approved,-734,Cash through the bank,XAP,Family,Refreshed,Construction Materials,POS,XNA,Stone,19,Construction,12.0,middle,POS industry with interest,365243.0,-702.0,-372.0,-402.0,-400.0,0.0,0,Cash loans,F,N,Y,0,45000.0,225000.0,13045.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.026392000000000002,-19123,-1117,-3400.0,-2656,,1,1,1,1,1,0,,1.0,2,2,MONDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.5959127075516225,0.4902575124990026,0.1062,,0.9806,,,0.0,0.2069,0.1667,,0.1165,,0.0886,,0.0613,0.1082,,0.9806,,,0.0,0.2069,0.1667,,0.1191,,0.0923,,0.0649,0.1072,,0.9806,,,0.0,0.2069,0.1667,,0.1185,,0.0901,,0.0626,,block of flats,0.0992,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2625847,364648,Cash loans,26833.5,225000.0,225000.0,,225000.0,MONDAY,10,Y,1,,,,XNA,Refused,-171,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,M,Y,Y,0,112500.0,135000.0,16020.0,135000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-12225,-4366,-937.0,-4383,5.0,1,1,1,1,1,0,Core staff,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Police,,0.43831762123319856,0.20208660168203949,1.0,0.6077,0.9816,0.7484,,1.0,0.931,0.3333,0.0,0.8698,,0.6451,,0.0036,1.0,0.6307,0.9816,0.7583,,1.0,0.931,0.3333,0.0,0.8896,,0.6721,,0.0038,1.0,0.6077,0.9816,0.7518,,1.0,0.931,0.3333,0.0,0.8849,,0.6567,,0.0036,,block of flats,1.0,Panel,No,0.0,0.0,0.0,0.0,-158.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2837627,148499,Consumer loans,7942.185,44955.0,44955.0,0.0,44955.0,MONDAY,18,Y,1,0.0,,,XAP,Approved,-480,Cash through the bank,XAP,,New,Furniture,POS,XNA,Stone,86,Furniture,6.0,low_normal,POS industry with interest,365243.0,-449.0,-299.0,-299.0,-292.0,0.0,0,Cash loans,F,Y,Y,0,135000.0,1078200.0,38200.5,900000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.007114,-17438,-679,-4266.0,-982,3.0,1,1,0,1,0,0,,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.5960575251130307,0.6344042327396211,0.1624419982223248,0.0495,0.0517,,0.6464,,,0.1034,0.125,0.1667,0.0352,,0.0422,,0.0,0.0504,0.0537,,0.6602,,,0.1034,0.125,0.1667,0.036000000000000004,,0.044,,0.0,0.05,0.0517,,0.6511,,,0.1034,0.125,0.1667,0.0358,,0.043,,0.0,,,0.0332,Panel,No,3.0,0.0,3.0,0.0,-149.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2692160,275114,Cash loans,22875.075,157500.0,192762.0,,157500.0,SUNDAY,11,Y,1,,,,XNA,Refused,-777,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,100,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,M,Y,Y,0,720000.0,1078200.0,38331.0,900000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.032561,-18509,-2424,-758.0,-2055,14.0,1,1,0,1,0,1,Managers,2.0,1,1,SUNDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.7791608667346726,0.31703177858344445,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-840.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2407567,432862,Consumer loans,62506.935,677452.5,609705.0,67747.5,677452.5,FRIDAY,8,Y,1,0.10891270806977074,,,XAP,Approved,-269,Cash through the bank,XAP,,Repeater,Tourism,POS,XNA,Stone,30,Industry,12.0,middle,POS other with interest,365243.0,-236.0,94.0,-176.0,-169.0,0.0,0,Cash loans,F,N,Y,0,405000.0,1354500.0,68935.5,1354500.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.0228,-23711,365243,-1908.0,-4848,,1,0,0,1,1,0,,2.0,2,2,MONDAY,10,0,0,0,0,0,0,XNA,,0.5987161760541374,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-480.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2225336,377811,Consumer loans,9152.595,56025.0,50422.5,5602.5,56025.0,TUESDAY,16,Y,1,0.1089090909090909,,,XAP,Approved,-78,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Stone,489,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-46.0,104.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,2,292500.0,305221.5,17649.0,252000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.010556,-11802,-1272,-2507.0,-2507,8.0,1,1,0,1,0,0,Laborers,4.0,3,3,WEDNESDAY,11,0,0,0,0,1,1,Business Entity Type 3,0.17689413630055684,0.4919389110673305,0.4471785780453068,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-771.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1427592,363780,Cash loans,41728.41,1129500.0,1293502.5,,1129500.0,WEDNESDAY,17,Y,1,,,,XNA,Refused,-328,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,90000.0,1125000.0,33025.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.026392000000000002,-17571,-474,-3212.0,-1102,,1,1,0,1,0,0,Cooking staff,2.0,2,2,TUESDAY,16,0,0,0,0,0,0,Industry: type 3,,0.5984954965225675,0.35895122857839673,0.1423,0.12,0.9796,,,0.0,0.3448,0.1667,,0.0454,,0.1313,,0.0,0.145,0.1245,0.9796,,,0.0,0.3448,0.1667,,0.0464,,0.1368,,0.0,0.1436,0.12,0.9796,,,0.0,0.3448,0.1667,,0.0462,,0.1337,,0.0,,block of flats,0.1033,Panel,No,0.0,0.0,0.0,0.0,-1655.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1450051,101689,Cash loans,20076.75,315000.0,357619.5,,315000.0,WEDNESDAY,7,Y,1,,,,XNA,Approved,-639,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,365243.0,-609.0,261.0,-489.0,-474.0,1.0,0,Cash loans,F,N,N,0,301500.0,900000.0,38133.0,900000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.018209,-21601,365243,-7210.0,-4019,,1,0,0,1,0,0,,1.0,3,3,FRIDAY,8,0,0,0,1,0,0,XNA,0.7331785260590857,0.5963707423703652,0.2707073872651806,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-665.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1911734,384114,Cash loans,19892.88,373500.0,446229.0,,373500.0,MONDAY,13,Y,1,,,,XNA,Approved,-441,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,42.0,middle,Cash X-Sell: middle,365243.0,-406.0,824.0,-166.0,-162.0,0.0,0,Cash loans,F,Y,Y,1,157500.0,306000.0,11785.5,306000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-13057,-502,-6494.0,-1879,2.0,1,1,0,1,0,0,Core staff,3.0,2,2,MONDAY,19,0,0,0,0,0,0,Insurance,,0.7023349044163559,0.4776491548517548,0.0804,0.0603,0.9911,,,0.08,0.069,0.375,,0.061,,0.0852,,0.0,0.0819,0.0625,0.9911,,,0.0806,0.069,0.375,,0.0624,,0.0887,,0.0,0.0812,0.0603,0.9911,,,0.08,0.069,0.375,,0.0621,,0.0867,,0.0,,block of flats,0.067,Panel,No,0.0,0.0,0.0,0.0,-2154.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2093652,325130,Revolving loans,6750.0,135000.0,135000.0,,135000.0,SATURDAY,12,Y,1,,,,XAP,Refused,-473,XNA,HC,,Repeater,XNA,Cards,walk-in,Country-wide,1600,Consumer electronics,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,1,157500.0,640080.0,29970.0,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010147,-13866,-1023,-7288.0,-1870,,1,1,1,1,1,0,Sales staff,3.0,2,2,WEDNESDAY,9,1,1,0,1,1,1,Industry: type 4,,0.5310575499838495,0.363945238612397,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,2.0,0.0,-607.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1972598,221067,Consumer loans,7258.815,64471.5,73768.5,0.0,64471.5,FRIDAY,6,Y,1,0.0,,,XAP,Refused,-1199,Cash through the bank,HC,Children,Repeater,Consumer Electronics,POS,XNA,Regional / Local,390,Consumer electronics,12.0,middle,POS household with interest,,,,,,,0,Revolving loans,F,N,Y,0,157500.0,405000.0,20250.0,405000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018029,-22183,365243,-4036.0,-4049,,1,0,0,1,0,0,,2.0,3,3,SUNDAY,5,0,0,0,0,0,0,XNA,,0.2378810495622257,0.7281412993111438,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-457.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2028664,258978,Cash loans,34913.25,900000.0,1078200.0,,900000.0,SATURDAY,7,Y,1,,,,XNA,Approved,-80,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,Y,N,2,180000.0,1256400.0,33273.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-11499,-2906,-3501.0,-4016,11.0,1,1,0,1,0,0,Laborers,4.0,3,3,FRIDAY,10,0,0,0,0,1,1,Business Entity Type 3,0.17861242794953916,0.2908836109580191,0.6092756673894402,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-80.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,5.0,2.0,2.0 +2807230,234091,Revolving loans,31500.0,0.0,630000.0,,,THURSDAY,18,Y,1,,,,XAP,Approved,-1115,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,3,112500.0,675000.0,19867.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.005002,-11854,-2182,-1234.0,-366,1.0,1,1,0,1,0,0,Core staff,5.0,3,3,SATURDAY,13,0,0,0,1,1,1,Kindergarten,,0.5508263911227869,0.6313545365850379,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-358.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2485058,333986,Cash loans,18264.015,184500.0,232573.5,,184500.0,WEDNESDAY,13,Y,1,,,,Repairs,Refused,-281,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,1,108000.0,71316.0,8590.5,63000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-10448,-1148,-3499.0,-2941,,1,1,0,1,1,0,Sales staff,3.0,3,2,THURSDAY,12,0,0,0,0,0,0,Self-employed,0.2916237272915879,0.4736103891020086,,0.3186,0.2188,0.9891,0.8504,0.139,0.4,0.3448,0.375,0.4167,0.1833,0.258,0.3986,0.0077,0.0084,0.3246,0.227,0.9891,0.8563,0.1403,0.4028,0.3448,0.375,0.4167,0.1875,0.2819,0.4153,0.0078,0.0089,0.3216,0.2188,0.9891,0.8524,0.1399,0.4,0.3448,0.375,0.4167,0.1865,0.2625,0.4058,0.0078,0.0086,reg oper account,block of flats,0.3913,Panel,No,5.0,1.0,5.0,0.0,-989.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2761731,168027,Cash loans,7749.54,67500.0,71955.0,,67500.0,TUESDAY,13,Y,1,,,,XNA,Approved,-1129,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,Y,N,0,135000.0,216000.0,7758.0,216000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-22014,365243,-2267.0,-4053,9.0,1,0,0,1,0,0,,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,XNA,,0.4409843050318048,,0.0247,0.0018,0.9722,,,0.0,0.069,0.0833,,0.0071,,0.019,,0.0,0.0252,0.0019,0.9722,,,0.0,0.069,0.0833,,0.0072,,0.0198,,0.0,0.025,0.0018,0.9722,,,0.0,0.069,0.0833,,0.0072,,0.0194,,0.0,,block of flats,0.0161,"Stone, brick",No,2.0,0.0,2.0,0.0,-1555.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,4.0 +2069370,178983,Consumer loans,2326.275,16641.0,16087.5,1665.0,16641.0,THURSDAY,17,Y,1,0.10214540845719554,,,XAP,Approved,-2820,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,24,Connectivity,9.0,low_normal,POS mobile with interest,365243.0,-2789.0,-2549.0,-2549.0,-2537.0,1.0,0,Cash loans,F,N,N,0,180000.0,942300.0,30528.0,675000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-15508,-204,-9518.0,-4163,,1,1,0,1,0,0,Medicine staff,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Medicine,,0.36887169855850505,0.1455428133497032,0.0237,0.031,0.9732,,,0.0,0.069,0.0833,,0.0225,,0.0185,,0.0023,0.0242,0.0321,0.9732,,,0.0,0.069,0.0833,,0.023,,0.0192,,0.0024,0.0239,0.031,0.9732,,,0.0,0.069,0.0833,,0.0229,,0.0188,,0.0023,,block of flats,0.0218,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1593062,357620,Consumer loans,10775.25,54675.0,57564.0,0.0,54675.0,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-215,Cash through the bank,XAP,Unaccompanied,Refreshed,Computers,POS,XNA,Country-wide,100,Consumer electronics,6.0,middle,POS household with interest,365243.0,-184.0,-34.0,-94.0,-91.0,0.0,0,Cash loans,F,N,Y,1,76500.0,604152.0,42048.0,540000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-9976,-708,-6053.0,-1769,,1,1,0,1,0,0,Core staff,3.0,2,2,SUNDAY,11,0,0,0,0,0,0,School,,0.44809008866041417,0.5298898341969072,0.1113,0.0827,0.9836,0.7756,0.0246,0.12,0.1034,0.3333,0.375,0.1358,0.0908,0.1129,0.0,0.0,0.1134,0.0858,0.9836,0.7844,0.0248,0.1208,0.1034,0.3333,0.375,0.1389,0.0992,0.1177,0.0,0.0,0.1124,0.0827,0.9836,0.7786,0.0248,0.12,0.1034,0.3333,0.375,0.1381,0.0923,0.115,0.0,0.0,,block of flats,0.0886,Panel,No,5.0,3.0,5.0,2.0,-215.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1829758,407059,Consumer loans,9559.215,112455.0,101209.5,11245.5,112455.0,WEDNESDAY,18,Y,1,0.1089090909090909,,,XAP,Approved,-325,Cash through the bank,XAP,"Spouse, partner",Repeater,Computers,POS,XNA,Country-wide,200,Connectivity,12.0,low_normal,POS mobile with interest,365243.0,-295.0,35.0,365243.0,365243.0,0.0,0,Revolving loans,F,Y,Y,3,166500.0,405000.0,20250.0,405000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.00963,-11927,-3011,-745.0,-1261,64.0,1,1,0,1,0,0,HR staff,5.0,2,2,SATURDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.14106463189093374,0.7018317783302983,,0.0763,0.0135,0.9742,,,0.0,0.0345,0.125,,0.0272,,0.0233,,0.0105,0.0777,0.014,0.9742,,,0.0,0.0345,0.125,,0.0279,,0.0243,,0.0111,0.077,0.0135,0.9742,,,0.0,0.0345,0.125,,0.0277,,0.0238,,0.0107,,specific housing,0.0317,"Stone, brick",No,0.0,0.0,0.0,0.0,-1518.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1664224,439458,Cash loans,52899.435,900000.0,1109002.5,,900000.0,THURSDAY,14,Y,1,,,,XNA,Approved,-862,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,low_normal,Cash X-Sell: low,365243.0,-832.0,38.0,-562.0,-551.0,1.0,0,Cash loans,F,Y,Y,0,126000.0,1261102.5,53559.0,1147500.0,"Spouse, partner",Working,Higher education,Married,House / apartment,0.007305,-16521,-7373,-7353.0,-45,23.0,1,1,0,1,0,0,,2.0,3,3,FRIDAY,12,0,0,0,0,0,0,University,0.6620042056747019,0.5803621056214874,0.7001838506835805,0.2784,0.1895,0.9851,,,0.32,0.2759,0.375,,,,0.3045,,0.1067,0.2836,0.1966,0.9851,,,0.3222,0.2759,0.375,,,,0.3173,,0.113,0.281,0.1895,0.9851,,,0.32,0.2759,0.375,,,,0.31,,0.109,,block of flats,0.3003,"Stone, brick",No,0.0,0.0,0.0,0.0,-514.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1095396,244970,Cash loans,,0.0,0.0,,,WEDNESDAY,8,Y,1,,,,XNA,Refused,-237,XNA,SCOFR,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,1,Cash loans,M,Y,Y,2,202500.0,580500.0,22491.0,580500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010032,-11928,-1320,-342.0,-3624,16.0,1,1,1,1,0,0,Drivers,4.0,2,2,TUESDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.14955803670912882,,0.1113,0.0835,0.9851,,,0.12,0.1034,0.3333,,0.0502,,0.1138,,0.0666,0.0756,0.059,0.9851,,,0.0806,0.069,0.3333,,0.0325,,0.0802,,0.0467,0.1124,0.0835,0.9851,,,0.12,0.1034,0.3333,,0.0511,,0.1159,,0.068,,block of flats,0.0701,Panel,No,0.0,0.0,0.0,0.0,-442.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1127055,294098,Consumer loans,19797.075,197959.5,178159.5,19800.0,197959.5,THURSDAY,15,Y,1,0.1089313723261576,,,XAP,Approved,-705,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Stone,50,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-673.0,-403.0,-403.0,-401.0,0.0,0,Cash loans,F,Y,Y,0,135000.0,1002870.0,42619.5,922500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.030755,-17370,-5000,-11232.0,-908,65.0,1,1,0,1,0,0,Secretaries,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Medicine,0.6309584947633461,0.5030469066641139,,0.0557,0.0296,0.9796,,,0.04,0.0345,0.3333,,0.0072,,0.0367,,0.0054,0.0567,0.0308,0.9796,,,0.0403,0.0345,0.3333,,0.0074,,0.0382,,0.0057,0.0562,0.0296,0.9796,,,0.04,0.0345,0.3333,,0.0073,,0.0374,,0.0055,,block of flats,0.034,"Stone, brick",No,3.0,1.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1113737,421545,Cash loans,25584.525,450000.0,491580.0,,450000.0,TUESDAY,13,Y,1,,,,XNA,Refused,-283,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Revolving loans,F,N,Y,0,117000.0,180000.0,9000.0,180000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.031329,-21023,-12757,-5018.0,-4361,,1,1,0,1,0,0,,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,Government,,0.5486991860494155,0.5971924268337128,,0.1181,0.9801,0.728,,0.0,0.3448,0.1667,,0.0303,0.1244,0.1294,,0.0258,,0.1226,0.9801,0.7387,,0.0,0.3448,0.1667,,0.0309,0.1359,0.1348,,0.0273,,0.1181,0.9801,0.7316,,0.0,0.3448,0.1667,,0.0308,0.1266,0.1317,,0.0264,reg oper account,block of flats,0.1074,Panel,No,11.0,1.0,11.0,1.0,-502.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1844809,163619,Revolving loans,10125.0,0.0,202500.0,,,THURSDAY,15,Y,1,,,,XAP,Approved,-1258,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-1109.0,-1060.0,365243.0,-847.0,365243.0,0.0,0,Cash loans,F,N,Y,0,135000.0,781920.0,43789.5,675000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-15946,-4035,-3493.0,-5369,,1,1,1,1,1,0,Core staff,2.0,2,1,TUESDAY,9,0,0,0,0,0,0,School,,0.6323629428498493,0.3996756156233169,1.0,0.0923,0.994,0.9184,0.036000000000000004,0.16,0.1379,0.3333,0.375,0.0794,0.1177,0.1589,0.0039,0.0151,1.0,0.0958,0.994,0.9216,0.0363,0.1611,0.1379,0.3333,0.375,0.0812,0.1286,0.1655,0.0039,0.016,1.0,0.0923,0.994,0.9195,0.0362,0.16,0.1379,0.3333,0.375,0.0807,0.1197,0.1617,0.0039,0.0154,reg oper account,block of flats,0.1491,Panel,No,7.0,0.0,7.0,0.0,-1857.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1830859,133280,Revolving loans,,0.0,0.0,,,WEDNESDAY,12,Y,1,,,,XAP,Refused,-254,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Card Street,,,,,,,0,Cash loans,M,Y,N,0,225000.0,450000.0,36081.0,450000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.028663,-10297,-846,-4526.0,-2375,12.0,1,1,1,1,0,0,Laborers,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Self-employed,0.14412189479306964,0.10784052852787444,0.3001077565791181,0.1474,0.07200000000000001,0.9881,0.8368,0.0239,0.04,0.0345,0.3333,0.0417,0.0143,0.1202,0.0971,0.0,0.0,0.1502,0.0747,0.9881,0.8432,0.0241,0.0403,0.0345,0.3333,0.0417,0.0147,0.1313,0.1011,0.0,0.0,0.1489,0.07200000000000001,0.9881,0.8390000000000001,0.024,0.04,0.0345,0.3333,0.0417,0.0146,0.1223,0.0988,0.0,0.0,reg oper account,block of flats,0.0763,"Stone, brick",No,3.0,0.0,3.0,0.0,-509.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1669272,407191,Cash loans,54575.055,675000.0,875173.5,,675000.0,MONDAY,12,Y,1,,,,XNA,Approved,-470,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,high,Cash X-Sell: high,365243.0,-440.0,430.0,-440.0,-417.0,1.0,1,Revolving loans,M,N,Y,0,270000.0,540000.0,27000.0,540000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.019688999999999998,-18497,-3434,-6095.0,-2058,,1,1,0,1,1,0,Core staff,2.0,2,2,TUESDAY,17,0,0,0,0,0,0,Legal Services,,0.5983168219379852,0.13259749523614614,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-825.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,8.0 +2821606,419910,Consumer loans,7888.86,71730.0,71392.5,7155.0,71730.0,MONDAY,14,Y,1,0.09920679148980492,,,XAP,Approved,-904,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,60,Connectivity,12.0,high,POS mobile with interest,365243.0,-869.0,-539.0,-539.0,-534.0,0.0,0,Cash loans,M,Y,Y,0,180000.0,1395000.0,51696.0,1395000.0,"Spouse, partner",State servant,Higher education,Married,House / apartment,0.02461,-15258,-7648,-1433.0,-5613,2.0,1,1,0,1,0,0,,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Security Ministries,,0.6789213450697597,0.6109913280868294,0.1129,0.0532,0.9985,,,0.12,0.1207,0.25,,0.0,,0.1035,,0.1365,0.0546,0.0552,0.998,,,0.0403,0.069,0.1667,,0.0,,0.0624,,0.023,0.114,0.0532,0.9985,,,0.12,0.1207,0.25,,0.0,,0.1054,,0.1394,,block of flats,0.1704,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2698259,118885,Consumer loans,2810.61,30108.15,24084.0,6024.15,30108.15,FRIDAY,9,Y,1,0.21790933684068925,,,XAP,Approved,-2691,XNA,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Stone,306,Consumer electronics,12.0,high,POS household with interest,365243.0,-2653.0,-2323.0,-2323.0,-2318.0,0.0,0,Cash loans,F,N,N,0,99000.0,284400.0,10719.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-18936,365243,-4263.0,-2487,,1,0,0,1,0,0,,2.0,2,2,SUNDAY,10,0,0,0,0,0,0,XNA,,0.4610038721071116,0.2778856891082046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1601.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1049077,344190,Cash loans,,0.0,0.0,,,THURSDAY,4,Y,1,,,,XNA,Refused,-6,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,N,0,112500.0,269550.0,16285.5,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018029,-19797,-1035,-11432.0,-3249,,1,1,0,1,0,0,Cooking staff,2.0,3,3,TUESDAY,5,0,1,1,0,0,0,School,0.6785503928700082,0.5345793780795127,0.1624419982223248,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,1.0,-1168.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1261994,272638,Cash loans,26741.295,540000.0,593460.0,,540000.0,MONDAY,10,Y,1,,,,XNA,Approved,-1513,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,low_normal,Cash X-Sell: low,365243.0,-1483.0,-613.0,-673.0,-667.0,1.0,0,Cash loans,M,N,N,0,306000.0,1280916.0,46138.5,1035000.0,Unaccompanied,State servant,Higher education,Married,Municipal apartment,0.018801,-20340,-2921,-11803.0,-3496,,1,1,0,1,0,0,Managers,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,University,,0.4164070503730191,,0.0247,0.071,0.9613,0.4696,0.0311,0.0,0.1034,0.1667,0.2083,,0.0168,0.0307,0.0154,0.0573,0.0252,0.0737,0.9613,0.4904,0.0313,0.0,0.1034,0.1667,0.2083,,0.0184,0.0319,0.0156,0.0607,0.025,0.071,0.9613,0.4767,0.0313,0.0,0.1034,0.1667,0.2083,,0.0171,0.0312,0.0155,0.0585,reg oper account,block of flats,0.0416,"Stone, brick",No,0.0,0.0,0.0,0.0,-1534.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2475000,245521,Cash loans,14780.43,135000.0,172206.0,,135000.0,SUNDAY,8,Y,1,,,,XNA,Refused,-604,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,N,2,135000.0,218016.0,17221.5,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-10083,-2796,-585.0,-1188,,1,1,0,1,0,0,,4.0,2,2,MONDAY,14,0,0,0,0,0,0,Transport: type 2,0.4690687194437676,0.38341279530113626,0.3046721837533529,0.0835,0.0816,0.9856,0.8028,0.0128,0.0,0.2069,0.1667,0.2083,,0.0672,0.0811,0.0039,0.0022,0.0851,0.0847,0.9856,0.8105,0.013,0.0,0.2069,0.1667,0.2083,,0.0735,0.0845,0.0039,0.0023,0.0843,0.0816,0.9856,0.8054,0.0129,0.0,0.2069,0.1667,0.2083,,0.0684,0.0826,0.0039,0.0022,reg oper account,block of flats,0.07200000000000001,"Stone, brick",No,9.0,0.0,9.0,0.0,-604.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1082143,254970,Consumer loans,6164.73,97425.0,116716.5,0.0,97425.0,MONDAY,15,Y,1,0.0,,,XAP,Approved,-1295,Cash through the bank,XAP,"Spouse, partner",Repeater,Computers,POS,XNA,Stone,271,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-1264.0,-574.0,-994.0,-988.0,0.0,0,Cash loans,F,Y,Y,1,249750.0,2085120.0,72607.5,1800000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.0105,-16419,-6252,-2763.0,-4540,13.0,1,1,0,1,1,1,Core staff,3.0,3,3,MONDAY,16,0,0,0,0,0,0,School,0.5501962725564811,0.5616160993611683,0.6863823354047934,0.0082,,0.9622,,,0.0,0.069,0.0417,,,,,,0.0,0.0084,,0.9623,,,0.0,0.069,0.0417,,,,,,0.0,0.0083,,0.9622,,,0.0,0.069,0.0417,,,,,,0.0,,block of flats,0.0077,Wooden,No,0.0,0.0,0.0,0.0,-1009.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1899696,451227,Consumer loans,26798.22,166500.0,139792.5,33300.0,166500.0,FRIDAY,12,Y,1,0.20952223390803915,,,XAP,Approved,-1449,Cash through the bank,XAP,Unaccompanied,Repeater,Clothing and Accessories,POS,XNA,Stone,36,Clothing,6.0,middle,POS industry with interest,365243.0,-1418.0,-1268.0,-1268.0,-1257.0,0.0,0,Cash loans,F,Y,N,2,225000.0,971280.0,51745.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-11609,-4799,-5809.0,-3952,12.0,1,1,1,1,1,0,Accountants,4.0,2,2,SATURDAY,13,0,0,0,0,0,0,Self-employed,0.5270782425615665,0.5495167240068153,0.15193454904964762,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1684.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1145813,199279,Cash loans,27036.225,225000.0,254794.5,,225000.0,TUESDAY,8,Y,1,,,,XNA,Approved,-95,XNA,XAP,Family,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-65.0,265.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,1,157500.0,1006920.0,40063.5,900000.0,"Spouse, partner",Working,Higher education,Married,House / apartment,0.025164,-12467,-5129,-6242.0,-3540,,1,1,0,1,0,0,Medicine staff,3.0,2,2,SUNDAY,8,0,0,0,0,0,0,Medicine,0.5972573178853728,0.15967923350263774,,0.0974,0.0597,0.9881,,,0.12,0.1034,0.3333,,0.0391,,0.0846,,0.0204,0.0851,0.054000000000000006,0.9866,,,0.1208,0.1034,0.3333,,0.04,,0.0573,,0.0,0.0984,0.0597,0.9881,,,0.12,0.1034,0.3333,,0.0398,,0.0861,,0.0208,,block of flats,0.0907,Panel,No,0.0,0.0,0.0,0.0,-617.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2561634,433171,Revolving loans,6750.0,135000.0,135000.0,,135000.0,THURSDAY,14,Y,1,,,,XAP,Approved,-294,XNA,XAP,,New,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-294.0,-247.0,365243.0,365243.0,-21.0,0.0,0,Cash loans,F,N,Y,0,112500.0,226908.0,10705.5,148500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0105,-19881,-1031,-10019.0,-3200,,1,1,0,1,0,0,,2.0,3,3,THURSDAY,13,0,0,0,0,1,1,Self-employed,,0.15446524061592878,0.7407990879702335,0.0165,0.0,0.9801,0.728,0.0018,0.0,0.069,0.0417,0.0417,0.1408,0.0134,0.0152,0.0,0.0044,0.0168,0.0,0.9801,0.7387,0.0018,0.0,0.069,0.0417,0.0417,0.14400000000000002,0.0147,0.0158,0.0,0.0047,0.0167,0.0,0.9801,0.7316,0.0018,0.0,0.069,0.0417,0.0417,0.1433,0.0137,0.0154,0.0,0.0045,reg oper account,block of flats,0.0129,"Stone, brick",No,0.0,0.0,0.0,0.0,-294.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1856733,400262,Consumer loans,25491.06,249795.0,278347.5,0.0,249795.0,TUESDAY,8,Y,1,0.0,,,XAP,Approved,-291,Cash through the bank,XAP,,New,Clothing and Accessories,POS,XNA,Stone,118,Clothing,12.0,low_action,POS industry without interest,365243.0,-259.0,71.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,180000.0,521280.0,27423.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.020713,-9372,-547,-4036.0,-2024,9.0,1,1,0,1,0,0,Sales staff,2.0,3,3,SATURDAY,10,0,0,0,0,0,0,Self-employed,,0.5202129085672802,,0.0928,0.0764,0.9791,0.7144,0.012,0.0,0.2069,0.1667,0.2083,0.0601,0.0748,0.0954,0.0039,0.0043,0.0945,0.0792,0.9791,0.7256,0.0121,0.0,0.2069,0.1667,0.2083,0.0615,0.0817,0.0994,0.0039,0.0046,0.0937,0.0764,0.9791,0.7182,0.0121,0.0,0.2069,0.1667,0.2083,0.0612,0.0761,0.0971,0.0039,0.0044,reg oper spec account,block of flats,0.075,Panel,No,5.0,0.0,5.0,0.0,-291.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1767664,415003,Consumer loans,4464.54,20623.5,21712.5,0.0,20623.5,THURSDAY,13,Y,1,0.0,,,XAP,Approved,-672,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,45,Connectivity,6.0,high,POS mobile with interest,365243.0,-641.0,-491.0,-521.0,-515.0,0.0,0,Cash loans,F,N,Y,0,112500.0,58500.0,6273.0,58500.0,Family,Pensioner,Secondary / secondary special,Separated,House / apartment,0.010276,-23186,365243,-10629.0,-5227,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,11,0,0,0,0,0,0,XNA,,0.5573098573300632,0.5814837058057234,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2105.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1492648,121053,Consumer loans,9467.73,50350.5,47173.5,5400.0,50350.5,MONDAY,15,Y,1,0.11186416938364208,,,XAP,Approved,-2545,Cash through the bank,XAP,Unaccompanied,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,25,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2514.0,-2364.0,-2364.0,-2357.0,1.0,0,Cash loans,F,N,Y,0,184500.0,2013840.0,53253.0,1800000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.04622,-21527,365243,-9.0,-4921,,1,0,0,1,0,0,,2.0,1,1,FRIDAY,12,0,0,0,1,0,0,XNA,,0.6992352546422393,0.6848276586890367,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +2168799,379600,Consumer loans,8835.57,171000.0,171000.0,0.0,171000.0,MONDAY,9,Y,1,0.0,,,XAP,Approved,-791,Cash through the bank,XAP,Unaccompanied,New,Medical Supplies,POS,XNA,Country-wide,30,Industry,24.0,low_normal,POS other with interest,365243.0,-760.0,-70.0,-610.0,-603.0,0.0,0,Cash loans,M,Y,Y,0,315000.0,1293502.5,37948.5,1129500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0038179999999999998,-21839,-494,-1103.0,-4988,9.0,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,5,0,0,0,0,0,0,Business Entity Type 3,0.700548816301466,0.5806656385538402,0.28961123838200553,0.0186,,0.9707,0.5988,0.0124,0.0,0.069,0.0833,0.125,0.0,0.0151,0.0164,0.0,0.0,0.0189,,0.9707,0.6145,0.0125,0.0,0.069,0.0833,0.125,0.0,0.0165,0.0171,0.0,0.0,0.0187,,0.9707,0.6042,0.0125,0.0,0.069,0.0833,0.125,0.0,0.0154,0.0167,0.0,0.0,reg oper account,block of flats,0.0197,Block,No,0.0,0.0,0.0,0.0,-791.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1565731,419187,Consumer loans,7086.465,59755.5,59103.0,5976.0,59755.5,SUNDAY,11,Y,1,0.10000779472221873,,,XAP,Approved,-1703,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,25,Connectivity,12.0,high,POS mobile with interest,365243.0,-1643.0,-1313.0,-1313.0,-1310.0,0.0,1,Cash loans,F,N,N,0,112500.0,454500.0,21865.5,454500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-18729,-3499,-1688.0,-2274,,1,1,1,1,1,0,,2.0,2,2,MONDAY,14,1,1,0,1,1,0,Industry: type 11,,0.20762251795130826,0.40314167665875134,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1084.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2057099,264820,Consumer loans,13556.655,125248.5,122022.0,12528.0,125248.5,WEDNESDAY,16,Y,1,0.10140565521435092,,,XAP,Approved,-2701,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,-1,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2670.0,-2400.0,-2430.0,-2424.0,1.0,0,Revolving loans,F,N,Y,0,180000.0,360000.0,18000.0,360000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.005084,-14252,-221,-333.0,-2346,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,17,0,0,0,0,1,1,Business Entity Type 2,,0.5479409688103329,0.3441550073724169,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-594.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +1896689,248759,Cash loans,79360.11,1354500.0,1418868.0,,1354500.0,FRIDAY,17,Y,1,,,,XNA,Approved,-632,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-602.0,88.0,-182.0,-175.0,1.0,0,Cash loans,F,N,Y,0,202500.0,770292.0,39460.5,688500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-21515,-6438,-4587.0,-4832,,1,1,0,1,0,0,Cooking staff,2.0,1,1,SUNDAY,14,0,0,0,0,1,1,Bank,,0.6822015552113555,0.33125086459090186,0.1474,0.0982,0.9786,,,0.16,0.1379,0.3333,,0.047,,0.1458,,0.0629,0.1502,0.1019,0.9786,,,0.1611,0.1379,0.3333,,0.0481,,0.1519,,0.0666,0.1489,0.0982,0.9786,,,0.16,0.1379,0.3333,,0.0478,,0.1484,,0.0643,,block of flats,0.1284,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2359945,198151,Consumer loans,6728.04,35226.0,32350.5,4500.0,35226.0,THURSDAY,14,Y,1,0.13299437160714478,,,XAP,Approved,-636,XNA,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,41,Connectivity,6.0,high,POS mobile with interest,365243.0,-605.0,-455.0,-455.0,-451.0,0.0,0,Cash loans,F,N,Y,2,126000.0,715095.0,48109.5,675000.0,Family,Working,Higher education,Married,House / apartment,0.028663,-15570,-5143,-973.0,-4412,,1,1,1,1,0,0,Core staff,4.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Kindergarten,0.7989655207809973,0.5875607250393726,0.34578480246959553,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-808.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1413268,258494,Cash loans,60916.86,900000.0,952272.0,,900000.0,FRIDAY,12,Y,1,,,,XNA,Approved,-753,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-723.0,-33.0,-573.0,-569.0,1.0,1,Cash loans,M,N,Y,0,157500.0,755190.0,36459.0,675000.0,"Spouse, partner",State servant,Incomplete higher,Married,House / apartment,0.005084,-18248,-1650,-9072.0,-1810,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,11,0,0,0,0,1,1,Medicine,0.3288579348812227,0.6711457772334352,0.5478104658520093,0.066,,0.9771,,,,0.1034,0.125,,,,0.0504,,0.0687,0.0672,,0.9772,,,,0.1034,0.125,,,,0.0525,,0.0727,0.0666,,0.9771,,,,0.1034,0.125,,,,0.0513,,0.0701,,block of flats,0.0397,"Stone, brick",No,0.0,0.0,0.0,0.0,-753.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,8.0 +1537435,120207,Cash loans,5296.86,45000.0,47970.0,,45000.0,SATURDAY,14,Y,1,,,,XNA,Approved,-567,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-537.0,-207.0,-207.0,-202.0,1.0,0,Cash loans,M,Y,Y,0,202500.0,110331.0,11043.0,103500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-20676,365243,-928.0,-4193,64.0,1,0,0,1,0,0,,2.0,2,2,SATURDAY,14,0,0,0,0,0,0,XNA,,0.5713894937822187,0.5136937663039473,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1329.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2106402,129396,Consumer loans,9682.02,42480.0,33984.0,8496.0,42480.0,FRIDAY,13,Y,1,0.2178181818181818,,,XAP,Approved,-2836,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,4.0,low_normal,POS mobile with interest,365243.0,-2799.0,-2709.0,-2709.0,-2561.0,0.0,0,Cash loans,F,N,Y,0,225000.0,1082214.0,31770.0,945000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-19475,-2039,-5240.0,-3013,,1,1,0,1,0,0,Sales staff,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.6678312751840992,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,2.0,0.0,-2108.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1120312,380016,Cash loans,18534.51,225000.0,254700.0,0.0,225000.0,THURSDAY,8,Y,1,0.0,,,XNA,Refused,-2135,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,N,0,148500.0,98910.0,7393.5,90000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.007305,-20723,365243,-14763.0,-4096,,1,0,0,1,1,0,,1.0,3,3,WEDNESDAY,18,0,0,0,0,0,0,XNA,,0.6139923077220247,0.6413682574954046,0.0619,0.0642,0.9737,0.6396,0.0053,0.0,0.1034,0.1667,0.0417,0.0,0.0504,0.0493,0.0,0.0,0.063,0.0666,0.9737,0.6537,0.0053,0.0,0.1034,0.1667,0.0417,0.0,0.0551,0.0513,0.0,0.0,0.0625,0.0642,0.9737,0.6444,0.0053,0.0,0.1034,0.1667,0.0417,0.0,0.0513,0.0501,0.0,0.0,reg oper account,block of flats,0.0387,,No,5.0,0.0,5.0,0.0,-1276.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2680111,242648,Cash loans,,0.0,0.0,,,SATURDAY,12,Y,1,,,,XNA,Refused,-239,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,67500.0,71316.0,4770.0,63000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018209,-19047,-3682,-11685.0,-2594,,1,1,0,1,0,0,Cooking staff,2.0,3,3,SUNDAY,8,0,0,0,0,1,1,School,,0.3255071658240385,0.6512602186973006,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-337.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1392953,254859,Consumer loans,4686.795,42529.5,47020.5,0.0,42529.5,THURSDAY,11,Y,1,0.0,,,XAP,Approved,-508,Cash through the bank,XAP,,New,Computers,POS,XNA,Country-wide,20,Connectivity,12.0,low_normal,POS mobile without interest,365243.0,-477.0,-147.0,-237.0,-232.0,0.0,0,Cash loans,M,Y,N,0,103500.0,239850.0,25830.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.019688999999999998,-9525,-1581,-6319.0,-2208,7.0,1,1,0,1,0,0,Laborers,1.0,2,2,SATURDAY,15,0,0,0,0,0,0,Industry: type 3,,0.5077861134059307,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-508.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2416788,139389,Consumer loans,35066.745,171067.5,178519.5,0.0,171067.5,SATURDAY,15,Y,1,0.0,,,XAP,Approved,-1342,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,1108,Consumer electronics,6.0,high,POS household with interest,365243.0,-1311.0,-1161.0,-1161.0,-1159.0,0.0,0,Cash loans,F,N,N,0,202500.0,607050.0,30964.5,562500.0,Family,Commercial associate,Higher education,Single / not married,House / apartment,0.035792000000000004,-18742,-681,-1672.0,-1934,,1,1,0,1,0,0,Sales staff,1.0,2,2,THURSDAY,15,0,0,0,0,0,0,Trade: type 7,,0.5748990136388163,0.3723336657058204,0.0041,,0.9727,0.626,0.0112,0.0,0.0345,0.0417,,0.0073,0.0017,0.0038,,0.0013,0.0042,,0.9727,0.6406,0.0113,0.0,0.0345,0.0417,,0.0074,0.0018,0.0039,,0.0014,0.0042,,0.9727,0.631,0.0112,0.0,0.0345,0.0417,,0.0074,0.0017,0.0038,,0.0013,reg oper account,block of flats,0.0061,,No,0.0,0.0,0.0,0.0,-1342.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1523454,162596,Consumer loans,13379.715,74430.0,70087.5,7650.0,74430.0,SATURDAY,12,Y,1,0.10717537166162346,,,XAP,Approved,-2272,Cash through the bank,XAP,"Spouse, partner",New,Audio/Video,POS,XNA,Country-wide,2443,Consumer electronics,6.0,middle,POS household with interest,365243.0,-2241.0,-2091.0,-2091.0,-2075.0,0.0,0,Cash loans,F,N,N,0,202500.0,868500.0,38385.0,868500.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.015221,-21167,365243,-9878.0,-4579,,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,XNA,,0.7399007780438213,0.6279908192952864,0.1113,0.0797,0.9861,0.8096,0.0415,0.12,0.1034,0.3333,0.375,0.0895,0.0908,0.1111,0.0,0.0,0.1134,0.0827,0.9861,0.8171,0.0419,0.1208,0.1034,0.3333,0.375,0.0916,0.0992,0.1158,0.0,0.0,0.1124,0.0797,0.9861,0.8121,0.0418,0.12,0.1034,0.3333,0.375,0.0911,0.0923,0.1131,0.0,0.0,reg oper account,block of flats,0.1101,Panel,No,1.0,1.0,1.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1281507,283384,Consumer loans,5219.325,58401.0,56358.0,9000.0,58401.0,FRIDAY,15,Y,1,0.14997120753110832,,,XAP,Approved,-522,Cash through the bank,XAP,,New,Computers,POS,XNA,Country-wide,15,Connectivity,16.0,high,POS mobile with interest,365243.0,-485.0,-35.0,-155.0,-149.0,0.0,0,Revolving loans,F,N,Y,0,157500.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.006670999999999999,-10889,-444,-10873.0,-3485,,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Self-employed,,0.600516887217593,,0.0093,0.0487,0.9667,0.5444,,0.0,0.069,0.0417,,0.0252,0.0067,0.008,0.0039,0.0,0.0095,0.0506,0.9667,0.5622,,0.0,0.069,0.0417,,0.0258,0.0073,0.0084,0.0039,0.0,0.0094,0.0487,0.9667,0.5505,,0.0,0.069,0.0417,,0.0257,0.0068,0.0082,0.0039,0.0,,block of flats,0.0063,"Stone, brick",No,1.0,0.0,1.0,0.0,-522.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1076743,445311,Revolving loans,2250.0,45000.0,45000.0,,45000.0,MONDAY,10,Y,1,,,,XAP,Approved,-315,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-315.0,-270.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,M,N,Y,0,121500.0,323172.0,15849.0,211500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.0105,-12092,-365,-668.0,-2470,,1,1,0,1,0,0,,1.0,3,3,MONDAY,14,0,0,0,0,0,0,Industry: type 4,,0.07913896621063815,0.2851799046358216,0.0371,0.0608,0.9846,0.7892,0.0299,0.0,0.0345,0.0833,0.125,0.0412,0.0303,0.0289,0.0,0.0,0.0378,0.0631,0.9846,0.7975,0.0302,0.0,0.0345,0.0833,0.125,0.0422,0.0331,0.0301,0.0,0.0,0.0375,0.0608,0.9846,0.792,0.0301,0.0,0.0345,0.0833,0.125,0.0419,0.0308,0.0294,0.0,0.0,reg oper account,block of flats,0.0391,"Stone, brick",No,0.0,0.0,0.0,0.0,-527.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,9.0 +1506254,151278,Cash loans,44701.515,450000.0,470790.0,,450000.0,THURSDAY,12,Y,1,,,,XNA,Approved,-255,XNA,XAP,Family,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-225.0,105.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,1,220500.0,664569.0,46381.5,594000.0,Children,Working,Secondary / secondary special,Married,With parents,0.035792000000000004,-14985,-5737,-6410.0,-4682,,1,1,0,1,0,0,Sales staff,3.0,2,2,MONDAY,11,0,0,0,0,1,1,Business Entity Type 3,,0.7237550831071422,0.7583930617144343,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-572.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,8.0 +2618978,232548,Consumer loans,5035.68,111780.0,111780.0,0.0,111780.0,WEDNESDAY,13,Y,1,0.0,,,XAP,Approved,-356,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Regional / Local,100,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-325.0,365.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,Y,0,90000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-14691,-804,-5309.0,-4470,,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Other,0.18076487948569625,0.7676350641592861,0.5352762504724826,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-356.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1964202,357663,Cash loans,34751.565,607500.0,679671.0,,607500.0,FRIDAY,7,Y,1,,,,XNA,Approved,-636,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-606.0,444.0,-516.0,-508.0,1.0,0,Cash loans,F,N,Y,1,180000.0,418500.0,25416.0,418500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-15794,-1181,-5697.0,-4006,,1,1,0,1,0,0,Core staff,3.0,2,2,THURSDAY,12,0,0,0,0,0,0,Services,0.4691237553384866,0.6909910078480594,0.3740208032583212,0.0624,0.0,0.9836,0.7416,,0.02,0.1379,0.2221,0.375,0.0477,0.0605,0.0673,,0.002,0.0515,0.0,0.9791,0.7256,,0.0,0.1379,0.1667,0.375,0.036000000000000004,0.0661,0.0622,,0.0,0.063,0.0,0.9831,0.7182,,0.0,0.1379,0.1667,0.375,0.0486,0.0616,0.0671,,0.002,,block of flats,0.1791,Panel,No,4.0,0.0,4.0,0.0,-2939.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,1.0 +2363829,212162,Consumer loans,7444.305,62005.5,55804.5,6201.0,62005.5,FRIDAY,13,Y,1,0.1089169949000125,,,XAP,Approved,-2412,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Country-wide,1200,Consumer electronics,10.0,high,POS household with interest,365243.0,-2381.0,-2111.0,-2231.0,-2214.0,0.0,0,Cash loans,F,N,Y,0,202500.0,314055.0,13963.5,238500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.04622,-14920,-2020,-5598.0,-4427,,1,1,0,1,0,0,,2.0,1,1,TUESDAY,13,0,1,1,0,0,0,Business Entity Type 2,,0.6941941663164857,0.7421816117614419,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2932.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2444578,177255,Cash loans,16405.29,135000.0,143910.0,0.0,135000.0,MONDAY,12,Y,1,0.0,,,XNA,Approved,-1817,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-1787.0,-1457.0,-1457.0,-1454.0,1.0,0,Cash loans,F,Y,Y,2,180000.0,450000.0,22018.5,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.005084,-11645,-545,-4697.0,-1934,1.0,1,1,0,1,0,0,Sales staff,4.0,2,2,FRIDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.7645386731151266,0.5882070808813746,0.520897599048938,0.1845,,0.9856,0.8028,,0.2,0.1724,0.3333,,0.061,,0.132,,,0.188,,0.9856,0.8105,,0.2014,0.1724,0.3333,,0.0624,,0.1375,,,0.1863,,0.9856,0.8054,,0.2,0.1724,0.3333,,0.0621,,0.1344,,,reg oper account,block of flats,0.1683,Panel,No,0.0,0.0,0.0,0.0,-1817.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +1535675,354730,Consumer loans,3090.69,30910.5,27819.0,3091.5,30910.5,MONDAY,12,Y,1,0.1089249460686351,,,XAP,Approved,-2839,Cash through the bank,XAP,,New,Other,POS,XNA,Country-wide,0,Industry,10.0,low_normal,POS other with interest,365243.0,-2804.0,-2534.0,-2534.0,-2525.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,675000.0,19867.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-17075,-2745,-1575.0,-603,7.0,1,1,0,1,1,0,High skill tech staff,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.7517560354641247,0.6903088864523663,0.32173528219668485,0.1134,0.069,0.9975,0.966,0.024,0.12,0.1034,0.375,0.0417,0.0845,0.0925,0.1339,0.0,0.0,0.1155,0.0716,0.9975,0.9673,0.0242,0.1208,0.1034,0.375,0.0417,0.0864,0.101,0.1395,0.0,0.0,0.1145,0.069,0.9975,0.9665,0.0242,0.12,0.1034,0.375,0.0417,0.086,0.0941,0.1363,0.0,0.0,reg oper account,block of flats,0.1184,Panel,No,3.0,0.0,3.0,0.0,-2839.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,1.0 +2581779,422154,Consumer loans,8423.325,67320.0,65920.5,6732.0,67320.0,FRIDAY,14,Y,1,0.10091545370083617,,,XAP,Approved,-523,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,24,Connectivity,10.0,high,POS mobile with interest,365243.0,-492.0,-222.0,-222.0,-220.0,0.0,0,Cash loans,M,Y,Y,0,121500.0,443088.0,22752.0,382500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.035792000000000004,-13957,365243,-7508.0,-4024,14.0,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,XNA,0.4425467419027193,0.08183004944138976,0.0005272652387098817,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,0.0,-523.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2349619,161141,Cash loans,13072.185,90000.0,110146.5,,90000.0,SATURDAY,7,Y,1,,,,XNA,Approved,-541,XNA,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-511.0,-181.0,-511.0,-505.0,1.0,0,Cash loans,M,N,N,1,202500.0,269550.0,24853.5,225000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010032,-15962,-5005,-2958.0,-3959,,1,1,0,1,1,0,Managers,3.0,2,2,MONDAY,5,0,0,0,0,0,0,Business Entity Type 2,,0.43939464919643184,0.5316861425197883,0.17800000000000002,0.1246,0.9821,0.7552,0.1171,0.16,0.2069,0.2775,0.0417,0.0,0.2732,0.1092,0.0811,0.0737,0.0756,0.0593,0.9806,0.7452,0.1182,0.0,0.069,0.3333,0.0417,0.0,0.2984,0.0552,0.0817,0.0,0.1041,0.1196,0.9816,0.7518,0.1179,0.08,0.2069,0.3333,0.0417,0.0,0.2779,0.0609,0.0815,0.0,reg oper account,block of flats,0.281,"Stone, brick",No,0.0,0.0,0.0,0.0,-1101.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2160158,417223,Cash loans,19607.445,135000.0,165226.5,,135000.0,FRIDAY,14,Y,1,,,,XNA,Refused,-958,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,M,Y,Y,0,189000.0,517500.0,41017.5,517500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-11205,-1653,-1305.0,-1949,65.0,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,12,0,1,1,0,1,1,Construction,0.3891948850099244,0.2306169852849353,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-372.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2408403,190850,Cash loans,24965.325,292500.0,316246.5,,292500.0,MONDAY,15,Y,1,,,,XNA,Approved,-288,Cash through the bank,XAP,Other_B,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-258.0,252.0,365243.0,365243.0,1.0,1,Cash loans,F,N,Y,0,202500.0,310671.0,24673.5,256500.0,Other_B,Commercial associate,Secondary / secondary special,Single / not married,With parents,0.00702,-18789,-657,-567.0,-567,,1,1,0,1,0,0,Laborers,1.0,2,2,TUESDAY,11,0,0,0,0,1,1,Self-employed,0.3840235591493311,0.5558095088628769,0.2650494299443805,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-526.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2064805,197519,Cash loans,15883.335,135000.0,143910.0,,135000.0,SATURDAY,11,Y,1,,,,XNA,Approved,-1625,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-1595.0,-1265.0,-1265.0,-1260.0,1.0,0,Cash loans,M,Y,Y,0,202500.0,285264.0,33984.0,252000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.020713,-10152,-1510,-4870.0,-2804,65.0,1,1,0,1,0,0,Sales staff,1.0,3,2,SUNDAY,7,0,0,0,0,0,0,Business Entity Type 3,0.18943151382428267,0.15289244620889367,0.4561097392782771,0.1454,,0.9911,,,0.16,0.1379,0.3333,,0.1057,,0.1654,,0.0,0.1481,,0.9911,,,0.1611,0.1379,0.3333,,0.1081,,0.1723,,0.0,0.1468,,0.9911,,,0.16,0.1379,0.3333,,0.1075,,0.1684,,0.0,,block of flats,0.1492,"Stone, brick",No,1.0,1.0,1.0,1.0,-1245.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +1539736,110181,Consumer loans,16791.795,160650.0,157374.0,16065.0,160650.0,WEDNESDAY,14,Y,1,0.10087838060958293,,,XAP,Approved,-1332,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Stone,86,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1295.0,-965.0,-995.0,-992.0,0.0,0,Cash loans,F,N,Y,0,90000.0,506889.0,23760.0,418500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-12146,-2327,-129.0,-3796,,1,1,0,1,0,0,Sales staff,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,Self-employed,,0.4459116872436525,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1332.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1660281,402056,Consumer loans,10676.34,103455.0,114381.0,0.0,103455.0,SUNDAY,8,Y,1,0.0,,,XAP,Approved,-731,Cash through the bank,XAP,Other_A,New,Computers,POS,XNA,Country-wide,1300,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-700.0,-370.0,-400.0,-395.0,0.0,0,Cash loans,M,N,Y,0,135000.0,381528.0,22032.0,315000.0,Unaccompanied,Working,Incomplete higher,Single / not married,With parents,0.014464,-8202,-1288,-4481.0,-847,,1,1,0,1,0,0,Laborers,1.0,2,2,WEDNESDAY,8,0,0,0,0,1,1,Industry: type 3,0.3687771621418247,0.6080778739114179,,0.4093,0.2812,0.9861,0.8096,0.2072,0.44,0.3793,0.3333,0.375,0.3157,0.3329,0.4556,0.0039,0.0006,0.417,0.2918,0.9861,0.8171,0.2091,0.4431,0.3793,0.3333,0.375,0.3229,0.3636,0.4747,0.0039,0.0007,0.4132,0.2812,0.9861,0.8121,0.2085,0.44,0.3793,0.3333,0.375,0.3212,0.3386,0.4638,0.0039,0.0007,reg oper account,block of flats,0.4717,Block,No,0.0,0.0,0.0,0.0,-731.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2114414,367737,Cash loans,,0.0,0.0,,,MONDAY,11,Y,1,,,,XNA,Refused,-351,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Revolving loans,F,N,N,0,135000.0,135000.0,6750.0,135000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.022625,-22857,365243,-10385.0,-4205,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,,0.5805271924927612,0.1455428133497032,0.1843,0.0759,0.9836,0.7756,0.0356,0.13,0.2672,0.2083,0.25,0.0804,0.1502,0.1844,0.0,0.0397,0.0945,0.0459,0.9831,0.7779,0.0137,0.0,0.2069,0.1667,0.2083,0.0521,0.0826,0.0846,0.0,0.0,0.0937,0.0442,0.9836,0.7786,0.0138,0.0,0.2069,0.1667,0.2083,0.0641,0.077,0.0837,0.0,0.0,reg oper account,block of flats,0.5294,Panel,No,,,,,-1699.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2622305,349985,Consumer loans,13791.735,159205.5,159930.0,15921.0,159205.5,SATURDAY,11,Y,1,0.09860288746516292,,,XAP,Approved,-1167,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Regional / Local,50,Consumer electronics,16.0,middle,POS household with interest,365243.0,-1135.0,-685.0,-715.0,-710.0,0.0,0,Cash loans,F,N,Y,2,225000.0,1310409.0,38443.5,1026000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.02461,-13646,-1664,-4602.0,-4200,,1,1,0,1,0,0,,4.0,2,2,THURSDAY,16,0,0,0,0,0,0,School,0.4944938164802869,0.6091352920795285,,,,0.9791,,,,0.1034,0.0417,,,,0.0106,,,,,0.9791,,,,0.1034,0.0417,,,,0.0111,,,,,0.9791,,,,0.1034,0.0417,,,,0.0108,,,,,0.0141,"Stone, brick",No,0.0,0.0,0.0,0.0,-1167.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2812983,432004,Consumer loans,12779.325,90040.365,66145.5,27013.365,90040.365,THURSDAY,15,Y,1,0.31580473039741896,,,XAP,Approved,-1309,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Country-wide,1730,Consumer electronics,6.0,high,POS household without interest,365243.0,-1273.0,-1123.0,-1123.0,-1117.0,0.0,0,Revolving loans,F,Y,Y,1,180000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.006207,-13716,-580,-7815.0,-1721,17.0,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.6168233740678924,0.28371188263500075,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1309.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2053746,144687,Cash loans,11516.67,90000.0,95940.0,,90000.0,FRIDAY,12,Y,1,,,,XNA,Approved,-1055,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Country-wide,26,Connectivity,12.0,high,Cash Street: high,365243.0,-1025.0,-695.0,-755.0,-744.0,1.0,1,Cash loans,F,N,N,0,180000.0,53910.0,3964.5,45000.0,Family,Working,Secondary / secondary special,Single / not married,House / apartment,0.003069,-12298,-3015,-6363.0,-3949,,1,1,0,1,0,0,,1.0,3,3,WEDNESDAY,15,0,0,0,0,0,0,Self-employed,0.4946462800709561,0.3905143138470458,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-662.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2109031,402235,Cash loans,,0.0,0.0,,,MONDAY,9,Y,1,,,,XNA,Refused,-253,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,112500.0,900000.0,38263.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.015221,-21733,-1739,-3958.0,-3843,,1,1,0,1,1,0,Security staff,1.0,2,2,TUESDAY,9,0,0,0,0,0,0,School,,0.7068137349557766,0.1595195404777181,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-246.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,1.0,0.0,0.0,0.0,3.0 +2283970,206286,Cash loans,7869.015,67500.0,71955.0,0.0,67500.0,FRIDAY,15,Y,1,0.0,,,XNA,Approved,-2365,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-2335.0,-2005.0,-2005.0,-1999.0,1.0,0,Cash loans,F,N,Y,0,180000.0,597339.0,34420.5,553500.0,Family,Pensioner,Higher education,Married,House / apartment,0.01885,-21910,365243,-10157.0,-5034,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,XNA,0.7325745824478386,0.5466731676181352,0.15759499866631024,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1638.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2016819,297031,Cash loans,30201.795,315000.0,389952.0,,315000.0,MONDAY,16,Y,1,,,,XNA,Approved,-898,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-868.0,-358.0,-628.0,-619.0,1.0,0,Cash loans,F,N,Y,0,270000.0,531706.5,42138.0,459000.0,Children,Commercial associate,Higher education,Married,House / apartment,0.01885,-15008,-2072,-8409.0,-2367,,1,1,1,1,1,0,,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.6877265930563483,0.5994882387806106,0.25396280933631177,0.1052,0.0827,0.9821,0.7552,0.0287,0.12,0.1034,0.3333,,,0.0857,0.111,0.0154,0.2791,0.1071,0.0858,0.9821,0.7648,0.0289,0.1208,0.1034,0.3333,,,0.0937,0.1156,0.0156,0.2955,0.1062,0.0827,0.9821,0.7585,0.0288,0.12,0.1034,0.3333,,,0.0872,0.113,0.0155,0.285,,block of flats,0.1636,Panel,No,4.0,1.0,4.0,1.0,-1686.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2125322,434757,Cash loans,20516.4,225000.0,247275.0,0.0,225000.0,WEDNESDAY,13,Y,1,0.0,,,XNA,Refused,-1603,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,N,0,234000.0,1971072.0,59890.5,1800000.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-20402,365243,-6.0,-3506,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,XNA,0.8466099081210804,0.6761934135934345,0.5779691187553125,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-559.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1268483,193384,Revolving loans,11250.0,0.0,225000.0,,,MONDAY,15,Y,1,,,,XAP,Approved,-924,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,315000.0,675000.0,49248.0,675000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.026392000000000002,-12708,-3313,-1893.0,-4588,,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Transport: type 4,,0.5272546507356578,0.3425288720742255,0.0814,0.0499,0.997,0.9592,0.0563,0.08,0.069,0.375,,0.0541,0.0656,0.0951,0.0039,0.0084,0.083,0.0518,0.997,0.9608,0.0568,0.0806,0.069,0.375,,0.0553,0.0716,0.0991,0.0039,0.0089,0.0822,0.0499,0.997,0.9597,0.0566,0.08,0.069,0.375,,0.0551,0.0667,0.0968,0.0039,0.0086,reg oper spec account,block of flats,0.1113,Panel,No,3.0,0.0,3.0,0.0,-924.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,0.0 +1085218,420262,Consumer loans,21830.31,277059.825,271485.0,31503.825,277059.825,SATURDAY,16,Y,1,0.11324024709192132,,,XAP,Refused,-235,Cash through the bank,LIMIT,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,1000,Consumer electronics,16.0,middle,POS household with interest,,,,,,,0,Cash loans,F,Y,N,0,112500.0,1502941.5,52371.0,1372500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-15244,-2998,-336.0,-3228,7.0,1,1,0,1,0,0,Cooking staff,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Other,0.6387694476119549,0.6490731638216438,,0.1784,0.1241,0.9881,0.8368,0.1798,0.2,0.1724,0.3333,0.375,0.0791,0.1454,0.2115,,0.0318,0.1817,0.1288,0.9881,0.8432,0.1814,0.2014,0.1724,0.3333,0.375,0.081,0.1589,0.2204,,0.0337,0.1801,0.1241,0.9881,0.8390000000000001,0.1809,0.2,0.1724,0.3333,0.375,0.0805,0.1479,0.2153,,0.0325,reg oper account,block of flats,0.2715,Panel,No,0.0,0.0,0.0,0.0,-1949.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1707384,448191,Consumer loans,22625.145,295155.0,291937.5,29515.5,295155.0,THURSDAY,20,Y,1,0.0999992618742794,,,XAP,Refused,-859,Cash through the bank,SCO,Family,New,Computers,POS,XNA,Country-wide,1455,Consumer electronics,18.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,247500.0,1271929.5,54018.0,1170000.0,Family,Commercial associate,Higher education,Civil marriage,House / apartment,0.010643000000000001,-16480,-113,-2538.0,-14,,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,11,1,1,1,1,0,0,Industry: type 3,0.3895816027211989,0.7531764803721616,0.4382813743111921,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-859.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1226327,441685,Cash loans,19274.085,180000.0,243945.0,,180000.0,THURSDAY,10,Y,1,,,,Repairs,Approved,-310,XNA,XAP,,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),4,XNA,24.0,high,Cash Street: high,365243.0,-280.0,410.0,-100.0,-97.0,1.0,0,Cash loans,F,N,Y,0,112500.0,364896.0,19926.0,315000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.018634,-10371,-2203,-10123.0,-3032,,1,1,1,1,0,0,High skill tech staff,1.0,2,2,SATURDAY,15,0,0,0,0,1,1,Business Entity Type 3,0.3840800172188406,0.4447341563207623,0.5154953751603267,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1681.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1545578,213635,Consumer loans,4598.235,99063.0,99063.0,0.0,99063.0,WEDNESDAY,16,Y,1,0.0,,,XAP,Approved,-1511,Cash through the bank,XAP,"Spouse, partner",Repeater,Computers,POS,XNA,Country-wide,1500,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1480.0,-790.0,-1000.0,-996.0,0.0,0,Cash loans,F,Y,N,1,180000.0,1082214.0,31639.5,945000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.032561,-13402,-4363,-7512.0,-3926,16.0,1,1,1,1,1,0,,3.0,1,1,FRIDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.7602022269094669,0.6959322284136636,0.646329897706246,,0.0821,0.9781,0.7008,0.0195,0.1,0.1379,0.2083,0.25,0.0247,,0.0817,,0.0293,,0.0453,0.9702,0.608,0.0171,0.0,0.1034,0.1667,0.2083,0.0166,,0.0551,,0.0261,,0.0821,0.9781,0.7048,0.0196,0.1,0.1379,0.2083,0.25,0.0252,,0.0831,,0.0299,reg oper account,block of flats,0.0582,"Stone, brick",No,0.0,0.0,0.0,0.0,-1511.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1306345,245521,Consumer loans,9955.215,45531.0,47785.5,0.0,45531.0,SATURDAY,14,Y,1,0.0,,,XAP,Approved,-1543,Cash through the bank,XAP,"Spouse, partner",Repeater,Computers,POS,XNA,Country-wide,45,Connectivity,6.0,high,POS mobile with interest,365243.0,-1512.0,-1362.0,-1362.0,-1359.0,0.0,0,Cash loans,F,N,N,2,135000.0,218016.0,17221.5,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-10083,-2796,-585.0,-1188,,1,1,0,1,0,0,,4.0,2,2,MONDAY,14,0,0,0,0,0,0,Transport: type 2,0.4690687194437676,0.38341279530113626,0.3046721837533529,0.0835,0.0816,0.9856,0.8028,0.0128,0.0,0.2069,0.1667,0.2083,,0.0672,0.0811,0.0039,0.0022,0.0851,0.0847,0.9856,0.8105,0.013,0.0,0.2069,0.1667,0.2083,,0.0735,0.0845,0.0039,0.0023,0.0843,0.0816,0.9856,0.8054,0.0129,0.0,0.2069,0.1667,0.2083,,0.0684,0.0826,0.0039,0.0022,reg oper account,block of flats,0.07200000000000001,"Stone, brick",No,9.0,0.0,9.0,0.0,-604.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1102535,121276,Consumer loans,4757.76,40122.0,39681.0,4014.0,40122.0,FRIDAY,16,Y,1,0.1000483100833255,,,XAP,Approved,-2242,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,8025,Consumer electronics,12.0,high,POS household with interest,365243.0,-2211.0,-1881.0,-1881.0,-1876.0,0.0,0,Cash loans,M,Y,Y,0,292500.0,970380.0,28503.0,810000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.008019,-12716,-3848,-1714.0,-3866,3.0,1,1,0,1,1,0,Managers,2.0,2,2,SUNDAY,10,0,0,0,0,0,0,Self-employed,0.24313873872144745,0.5318906704573532,0.6545292802242897,0.233,0.0499,0.9826,0.762,0.0767,0.28,0.2414,0.3333,0.375,0.1498,0.1824,0.2728,0.0347,0.3349,0.2374,0.0518,0.9826,0.7713,0.0774,0.282,0.2414,0.3333,0.375,0.1532,0.1993,0.2842,0.035,0.3546,0.2352,0.0499,0.9826,0.7652,0.0772,0.28,0.2414,0.3333,0.375,0.1524,0.1856,0.2777,0.0349,0.3419,not specified,block of flats,0.3301,"Stone, brick",No,0.0,0.0,0.0,0.0,-2242.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2220358,369198,Revolving loans,38250.0,765000.0,765000.0,,765000.0,MONDAY,14,Y,1,,,,XAP,Approved,-301,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),5,XNA,0.0,XNA,Card X-Sell,-300.0,-256.0,365243.0,-225.0,365243.0,0.0,0,Cash loans,F,N,Y,1,157500.0,677664.0,22527.0,585000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.010147,-14467,-909,-5187.0,-4700,,1,1,1,1,0,0,,2.0,2,2,MONDAY,10,0,0,0,0,1,1,Other,0.5516965085354864,0.15260661230802572,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-301.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2091607,441505,Cash loans,32170.23,787500.0,895608.0,,787500.0,TUESDAY,9,Y,1,,,,Repairs,Refused,-533,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,157500.0,144486.0,7506.0,103500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.025164,-19170,-6911,-9147.0,-2718,,1,1,1,1,0,0,Laborers,1.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Industry: type 7,,0.15426542413276212,0.0005272652387098817,0.1495,0.098,0.9871,0.8232,0.0271,0.16,0.1379,0.3333,0.375,0.1435,0.121,0.1609,0.0039,0.0011,0.1523,0.1017,0.9871,0.8301,0.0273,0.1611,0.1379,0.3333,0.375,0.1468,0.1322,0.1676,0.0039,0.0012,0.1509,0.098,0.9871,0.8256,0.0272,0.16,0.1379,0.3333,0.375,0.146,0.1231,0.1638,0.0039,0.0012,reg oper account,block of flats,0.1416,Panel,No,6.0,0.0,6.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2467632,110883,Consumer loans,5199.075,42700.5,49464.0,0.0,42700.5,FRIDAY,20,Y,1,0.0,,,XAP,Approved,-4,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,1000,Consumer electronics,12.0,middle,POS household with interest,365243.0,365243.0,356.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,1,112500.0,170640.0,12546.0,135000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.009334,-13373,-1452,-769.0,-4730,7.0,1,1,0,1,0,0,Sales staff,3.0,2,2,TUESDAY,9,0,0,0,1,1,0,Self-employed,,0.5251556804876204,0.656158373001177,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1192.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1557448,427853,Consumer loans,5998.185,30096.0,31684.5,0.0,30096.0,WEDNESDAY,17,Y,1,0.0,,,XAP,Approved,-1003,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,1200,Consumer electronics,6.0,middle,POS household with interest,365243.0,-970.0,-820.0,-910.0,-901.0,0.0,0,Cash loans,M,N,N,0,202500.0,253737.0,30240.0,229500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Municipal apartment,0.072508,-11423,-3200,-4838.0,-2353,,1,1,0,1,0,1,Laborers,1.0,1,1,FRIDAY,16,0,1,1,0,1,1,Business Entity Type 3,0.34594717020635857,0.6378006974187673,0.6986675550534175,0.0598,0.0,0.9737,0.6396,0.0134,0.0,0.1379,0.125,0.1667,0.0486,0.0488,0.0473,0.0,0.0183,0.0609,0.0,0.9737,0.6537,0.0135,0.0,0.1379,0.125,0.1667,0.0497,0.0533,0.0493,0.0,0.0193,0.0604,0.0,0.9737,0.6444,0.0134,0.0,0.1379,0.125,0.1667,0.0495,0.0496,0.0482,0.0,0.0186,reg oper spec account,block of flats,0.0402,"Stone, brick",No,0.0,0.0,0.0,0.0,-383.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +2842184,362689,Consumer loans,3293.1,17100.0,16150.5,1710.0,17100.0,FRIDAY,9,Y,1,0.10427174236698042,,,XAP,Approved,-1553,Cash through the bank,XAP,Unaccompanied,Repeater,Sport and Leisure,POS,XNA,Stone,61,Consumer electronics,6.0,high,POS household with interest,365243.0,-1484.0,-1334.0,-1394.0,-1390.0,0.0,0,Cash loans,M,Y,Y,1,166500.0,270000.0,11893.5,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.015221,-15172,-378,-566.0,-4125,13.0,1,1,0,1,1,0,Laborers,3.0,2,2,THURSDAY,13,0,1,1,0,1,1,Industry: type 9,0.3276923107843125,0.520944231547748,0.3123653692278984,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1354.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2213870,238460,Consumer loans,,50305.5,50305.5,0.0,50305.5,TUESDAY,16,Y,1,0.0,,,XAP,Refused,-673,Cash through the bank,HC,,New,Mobile,XNA,XNA,Country-wide,89,Connectivity,,XNA,POS mobile with interest,,,,,,,1,Cash loans,M,N,Y,0,126000.0,402993.0,26928.0,364500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.007120000000000001,-9643,-1342,-1975.0,-1758,,1,1,0,1,0,0,Laborers,1.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Industry: type 1,,0.07700014232916097,0.524496446363472,0.1299,0.0787,0.9811,,,0.0,0.069,0.1667,,0.0517,,0.0642,,,0.1324,0.0817,0.9811,,,0.0,0.069,0.1667,,0.0528,,0.0668,,,0.1312,0.0787,0.9811,,,0.0,0.069,0.1667,,0.0526,,0.0653,,,,block of flats,0.0505,"Stone, brick",No,0.0,0.0,0.0,0.0,-674.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2138176,276519,Consumer loans,18720.54,115983.0,97686.0,23197.5,115983.0,FRIDAY,15,Y,1,0.2089961521931145,,,XAP,Approved,-343,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Regional / Local,-1,Consumer electronics,6.0,middle,POS household with interest,365243.0,-312.0,-162.0,-162.0,-159.0,0.0,0,Cash loans,M,Y,Y,0,202500.0,1006920.0,45499.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.072508,-19990,-1191,-8813.0,-3349,18.0,1,1,0,1,1,0,Security staff,1.0,1,1,THURSDAY,22,1,0,1,1,0,1,Insurance,,0.5913549929618737,0.6279908192952864,0.2722,0.1484,0.9732,0.6328,,0.36,0.3103,0.2917,0.3333,,,0.2367,,0.1749,0.2773,0.154,0.9732,0.6472,,0.3625,0.3103,0.2917,0.3333,,,0.2466,,0.1851,0.2748,0.1484,0.9732,0.6377,,0.36,0.3103,0.2917,0.3333,,,0.2409,,0.1785,,block of flats,0.2269,"Stone, brick",No,9.0,0.0,9.0,0.0,-590.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2612941,319326,Consumer loans,14405.715,74713.5,78660.0,0.0,74713.5,SATURDAY,6,Y,1,0.0,,,XAP,Approved,-209,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,2300,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-179.0,-29.0,-59.0,-47.0,1.0,0,Cash loans,F,N,Y,0,112500.0,1255680.0,41499.0,1125000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.006852,-23517,365243,-14101.0,-4357,,1,0,0,1,1,0,,2.0,3,3,FRIDAY,9,0,0,0,0,0,0,XNA,,0.2469401655307841,0.5513812618027899,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1836778,279749,Consumer loans,6871.725,54360.0,57312.0,9000.0,54360.0,MONDAY,7,Y,1,0.14781364129898328,,,XAP,Approved,-1680,XNA,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Stone,68,Connectivity,12.0,high,POS household with interest,365243.0,-1649.0,-1319.0,-1319.0,-1317.0,0.0,0,Cash loans,M,Y,N,2,112500.0,1035832.5,33412.5,904500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014464,-14667,-3786,-1119.0,-4612,24.0,1,1,1,1,0,0,Laborers,4.0,2,2,SATURDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.709854177406774,0.33928769990891394,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-726.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2353853,175401,Consumer loans,8762.76,87151.5,78435.0,8716.5,87151.5,FRIDAY,12,Y,1,0.1089259612180044,,,XAP,Approved,-341,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Regional / Local,100,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-310.0,-40.0,-40.0,-38.0,0.0,0,Cash loans,M,N,Y,0,67500.0,276277.5,15556.5,238500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.0031219999999999998,-23289,365243,-12856.0,-4096,,1,0,0,1,0,0,,2.0,3,3,WEDNESDAY,12,0,0,0,1,0,0,XNA,,0.43359110219885977,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2755702,429290,Consumer loans,23494.635,135202.5,128106.0,13522.5,135202.5,SATURDAY,14,Y,1,0.10398494524888574,,,XAP,Approved,-1043,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,38,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1012.0,-862.0,-892.0,-880.0,0.0,0,Cash loans,F,N,N,0,112500.0,1125000.0,44617.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007114,-14303,-446,-1103.0,-2003,,1,1,0,1,1,0,Cooking staff,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.6844693090803237,0.7196397336500912,0.524496446363472,0.0041,,0.9642,,,,,,,0.0035,,0.0032,,,0.0042,,0.9643,,,,,,,0.0035,,0.0033,,,0.0042,,0.9642,,,,,,,0.0035,,0.0032,,,,block of flats,0.0031,Wooden,No,4.0,0.0,4.0,0.0,-394.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1577453,447530,Cash loans,21286.26,499500.0,558841.5,,499500.0,TUESDAY,10,Y,1,,,,XNA,Refused,-437,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,157500.0,781920.0,40054.5,675000.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.030755,-20638,365243,-12448.0,-3026,,1,0,0,1,0,1,,1.0,2,2,FRIDAY,10,0,0,0,0,0,0,XNA,0.5421422073551023,0.6227339611529239,,0.0134,0.0362,0.9866,0.8164,0.0064,0.0,0.069,0.0417,0.0417,0.0108,0.0109,0.0074,0.0502,0.0161,0.0084,0.0074,0.9866,0.8236,0.0016,0.0,0.0345,0.0417,0.0417,0.0101,0.0073,0.004,0.0311,0.0043,0.0135,0.0362,0.9866,0.8189,0.0065,0.0,0.069,0.0417,0.0417,0.011,0.0111,0.0075,0.0505,0.0165,reg oper account,block of flats,0.0065,"Stone, brick",No,4.0,0.0,4.0,0.0,-437.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1894001,370268,Consumer loans,4945.05,45450.0,49950.0,0.0,45450.0,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-2447,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,194,Furniture,12.0,middle,POS industry with interest,365243.0,-2414.0,-2084.0,-2084.0,-2075.0,1.0,1,Cash loans,F,N,Y,0,135000.0,509922.0,40288.5,472500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.025164,-19826,-2875,-1163.0,-3316,,1,1,1,1,0,0,Core staff,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Medicine,,0.537282387295964,0.11247434965561487,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-100.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2573412,429665,Consumer loans,7597.305,39550.5,37260.0,4050.0,39550.5,SATURDAY,4,Y,1,0.1067736185383244,,,XAP,Refused,-1812,XNA,LIMIT,,Refreshed,Mobile,POS,XNA,Country-wide,55,Connectivity,6.0,high,POS mobile with interest,,,,,,,1,Cash loans,F,N,N,1,180000.0,119925.0,12721.5,112500.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.018029,-10767,-2004,-5162.0,-3410,,1,1,0,1,0,0,,3.0,3,3,FRIDAY,9,0,0,0,0,0,0,Business Entity Type 2,0.22660443307403336,0.2382658153792805,0.1624419982223248,0.1856,0.1504,0.9836,0.7756,0.0502,0.2,0.1724,0.3333,0.0417,0.0,,0.2051,,0.0012,0.1891,0.1561,0.9836,0.7844,0.0506,0.2014,0.1724,0.3333,0.0417,0.0,,0.2137,,0.0013,0.1874,0.1504,0.9836,0.7786,0.0505,0.2,0.1724,0.3333,0.0417,0.0,,0.2088,,0.0012,,block of flats,0.189,Panel,No,4.0,0.0,4.0,0.0,-1812.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1166336,369284,Cash loans,8753.49,225000.0,284400.0,,225000.0,WEDNESDAY,10,Y,1,,,,Medicine,Refused,-127,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,low_action,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,112500.0,163512.0,13045.5,135000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.011703,-20763,365243,-4878.0,-4284,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,XNA,,0.659037738165159,0.3893387918468769,0.001,,0.9707,,,0.0,0.0345,0.0,,0.0121,,0.001,,0.0,0.0011,,0.9707,,,0.0,0.0345,0.0,,0.0124,,0.001,,0.0,0.001,,0.9707,,,0.0,0.0345,0.0,,0.0123,,0.001,,0.0,,terraced house,0.0008,Wooden,No,7.0,4.0,7.0,0.0,-343.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1848280,149957,Consumer loans,4860.72,43753.5,48375.0,0.0,43753.5,SUNDAY,15,Y,1,0.0,,,XAP,Approved,-852,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,3900,Consumer electronics,12.0,middle,POS household with interest,365243.0,-821.0,-491.0,-491.0,-488.0,0.0,0,Cash loans,M,Y,Y,2,180000.0,454500.0,21996.0,454500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.014519999999999996,-11010,-1995,-801.0,-3671,9.0,1,1,0,1,0,0,Laborers,4.0,2,2,FRIDAY,13,0,0,0,0,0,0,Industry: type 5,0.17364615788975127,0.5757912535847182,0.633031641417419,0.1031,0.0901,0.9771,,,,0.2069,0.1667,,,,0.0205,,,0.105,0.0935,0.9772,,,,0.2069,0.1667,,,,0.0214,,,0.1041,0.0901,0.9771,,,,0.2069,0.1667,,,,0.0209,,,,block of flats,0.0703,"Stone, brick",No,1.0,0.0,1.0,0.0,-1548.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1445270,406470,Cash loans,22608.765,585000.0,700830.0,,585000.0,THURSDAY,12,Y,1,,,,XNA,Approved,-503,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),3,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-473.0,1297.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,0,135000.0,378000.0,16780.5,378000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-16557,-3247,-8589.0,-95,12.0,1,1,1,1,1,0,Sales staff,2.0,2,2,WEDNESDAY,13,0,0,0,0,1,1,Self-employed,,0.3442507292017128,0.6658549219640212,,,0.9757,,,,0.069,0.0,,0.0,,0.0013,,,,,0.9757,,,,0.069,0.0,,0.0,,0.0014,,,,,0.9757,,,,0.069,0.0,,0.0,,0.0014,,,,block of flats,0.001,Others,Yes,4.0,1.0,4.0,1.0,-2482.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2368188,363558,Cash loans,25751.61,630000.0,694863.0,,630000.0,FRIDAY,9,Y,1,,,,XNA,Refused,-216,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,200,Consumer electronics,36.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,135000.0,587619.0,17181.0,490500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018801,-22989,365243,-13811.0,-1595,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,8,0,0,0,0,0,0,XNA,0.7178007449374444,0.3574878809194507,0.5602843280409464,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-216.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1029008,346040,Consumer loans,10567.08,56421.0,53388.0,11286.0,56421.0,TUESDAY,8,Y,1,0.1900528806011688,,,XAP,Approved,-519,XNA,XAP,,Refreshed,Consumer Electronics,POS,XNA,Country-wide,2000,Consumer electronics,6.0,high,POS household with interest,365243.0,-488.0,-338.0,-398.0,-395.0,0.0,0,Cash loans,F,N,N,0,135000.0,743031.0,39717.0,688500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010032,-12642,-2058,-1623.0,-1028,,1,1,0,1,1,0,Sales staff,2.0,2,2,WEDNESDAY,4,0,0,0,0,0,0,Government,,0.41649739270452935,,,0.1049,0.9791,,,0.0,0.1607,0.1388,,,,0.022,,,,0.0897,0.9786,,,0.0,0.1379,0.1667,,,,0.023,,,,0.1125,0.9796,,,0.0,0.1379,0.1667,,,,0.0224,,,,block of flats,0.0525,"Stone, brick",No,0.0,0.0,0.0,0.0,-52.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2211817,289882,Consumer loans,10674.675,235696.5,235696.5,0.0,235696.5,THURSDAY,13,Y,1,0.0,,,XAP,Approved,-20,Cash through the bank,XAP,Family,Refreshed,Furniture,POS,XNA,Country-wide,150,Furniture,24.0,low_action,POS industry without interest,365243.0,365243.0,700.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,112500.0,360000.0,13702.5,360000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018209,-16312,365243,-253.0,-100,,1,0,0,1,0,0,,2.0,3,3,WEDNESDAY,9,0,0,0,0,0,0,XNA,0.5540149829818908,0.2580076365620949,,0.1072,0.0642,0.9995,0.9932,0.0606,0.12,0.1034,0.3333,0.375,0.0815,0.0874,0.0982,0.0,0.0,0.1092,0.0666,0.9995,0.9935,0.0611,0.1208,0.1034,0.3333,0.375,0.0834,0.0955,0.1023,0.0,0.0,0.1083,0.0642,0.9995,0.9933,0.0609,0.12,0.1034,0.3333,0.375,0.0829,0.0889,0.1,0.0,0.0,not specified,block of flats,0.1103,Block,No,1.0,0.0,1.0,0.0,-2462.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1936895,237130,Cash loans,19538.19,405000.0,461133.0,,405000.0,MONDAY,16,Y,1,,,,XNA,Approved,-1031,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-1001.0,49.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,202500.0,619254.0,27405.0,553500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.030755,-23509,365243,-3330.0,-4631,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,XNA,,0.6598873131913205,0.5709165417729987,0.0227,0.0119,0.9677,0.5579999999999999,0.0,0.0,0.1034,0.0417,0.0833,0.0551,0.0185,0.0208,0.0,0.0,0.0231,0.0124,0.9677,0.5753,0.0,0.0,0.1034,0.0417,0.0833,0.0564,0.0202,0.0217,0.0,0.0,0.0229,0.0119,0.9677,0.5639,0.0,0.0,0.1034,0.0417,0.0833,0.0561,0.0188,0.0212,0.0,0.0,reg oper account,block of flats,0.0164,Block,No,0.0,0.0,0.0,0.0,-2003.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1787359,212074,Consumer loans,17421.525,98685.0,93505.5,9868.5,98685.0,SATURDAY,14,Y,1,0.10396902157567316,,,XAP,Approved,-146,Cash through the bank,XAP,Unaccompanied,Repeater,Auto Accessories,POS,XNA,Stone,50,Auto technology,6.0,middle,POS other with interest,365243.0,-116.0,34.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,0,225000.0,1095579.0,37642.5,994500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.019101,-19966,-1588,-6323.0,-3520,4.0,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,12,0,0,0,0,1,1,Self-employed,,0.7344694831347198,0.5726825047161584,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,0.0,-2916.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1609307,262000,Consumer loans,4925.385,69480.0,24480.0,45000.0,69480.0,MONDAY,10,Y,1,0.7053697597739047,,,XAP,Approved,-899,Cash through the bank,XAP,Unaccompanied,Repeater,Auto Accessories,POS,XNA,Stone,435,Industry,6.0,high,POS other with interest,365243.0,-867.0,-717.0,-717.0,-710.0,0.0,0,Cash loans,M,Y,N,0,157500.0,814041.0,23800.5,679500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.020713,-20742,-2438,-4941.0,-1759,14.0,1,1,1,1,0,0,Laborers,2.0,3,3,WEDNESDAY,9,0,0,0,0,1,1,Transport: type 2,,0.7034947968957164,0.5867400085415683,0.0515,0.0629,0.9891,0.8504,0.0094,0.0,0.1034,0.1667,0.2083,0.0422,0.042,0.0616,0.0,0.0,0.0525,0.0653,0.9891,0.8563,0.0095,0.0,0.1034,0.1667,0.2083,0.0431,0.0459,0.0642,0.0,0.0,0.052000000000000005,0.0629,0.9891,0.8524,0.0094,0.0,0.1034,0.1667,0.2083,0.0429,0.0428,0.0627,0.0,0.0,reg oper spec account,block of flats,0.0565,Panel,No,6.0,1.0,6.0,1.0,-1267.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1980637,226637,Consumer loans,11269.35,63787.5,63787.5,0.0,63787.5,TUESDAY,11,Y,1,0.0,,,XAP,Approved,-251,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Stone,400,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-220.0,-70.0,-100.0,-92.0,0.0,0,Cash loans,F,N,N,3,180000.0,215640.0,17064.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-10855,-2901,-3517.0,-3517,,1,1,0,1,1,0,Secretaries,5.0,2,2,MONDAY,13,0,0,0,0,0,0,Medicine,0.4864485381894691,0.6693575520363995,0.7338145369642702,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1063.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1825817,233679,Revolving loans,5625.0,0.0,112500.0,,,THURSDAY,18,Y,1,,,,XAP,Approved,-2342,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,Y,N,0,157500.0,518562.0,20695.5,463500.0,Family,Working,Higher education,Civil marriage,House / apartment,0.019101,-13203,-988,-2853.0,-4683,64.0,1,1,0,1,0,0,Core staff,2.0,2,2,MONDAY,17,0,0,0,0,0,0,School,0.8219323109839392,0.6138938309453431,0.8245949709919925,0.1113,0.0731,0.9821,0.7552,0.0484,0.08,0.069,0.25,0.0417,0.0799,0.0908,0.0762,0.0,0.0082,0.1134,0.0759,0.9821,0.7648,0.0489,0.0806,0.069,0.25,0.0417,0.0818,0.0992,0.0794,0.0,0.0087,0.1124,0.0731,0.9821,0.7585,0.0487,0.08,0.069,0.25,0.0417,0.0813,0.0923,0.0776,0.0,0.0084,reg oper account,block of flats,0.0864,Panel,No,0.0,0.0,0.0,0.0,-2599.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2488510,409280,Cash loans,47131.155,225000.0,232425.0,,225000.0,TUESDAY,11,Y,1,,,,Other,Refused,-381,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Country-wide,50,Connectivity,6.0,high,Cash Street: high,,,,,,,0,Cash loans,M,N,Y,0,292500.0,1125000.0,36423.0,1125000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.010006000000000001,-20019,-6748,-1981.0,-3538,,1,1,1,1,0,0,Core staff,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Self-employed,0.7110434004059119,0.16698461449754176,0.3425288720742255,0.3268,0.2138,0.997,0.9592,0.2298,0.36,0.3103,0.3333,0.375,0.2193,0.2631,0.3633,0.0154,0.0497,0.333,0.2219,0.997,0.9608,0.2319,0.3625,0.3103,0.3333,0.375,0.2243,0.2874,0.3785,0.0156,0.0526,0.33,0.2138,0.997,0.9597,0.2312,0.36,0.3103,0.3333,0.375,0.2231,0.2676,0.3698,0.0155,0.0507,reg oper account,block of flats,0.2857,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2699244,371682,Cash loans,,0.0,0.0,,,MONDAY,13,Y,1,,,,XNA,Refused,-297,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,225000.0,521280.0,31630.5,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.072508,-21259,365243,-1421.0,-4062,,1,0,0,1,1,0,,2.0,1,1,THURSDAY,14,0,0,0,0,0,0,XNA,,0.6267480825325951,0.646329897706246,0.0972,0.0833,0.9921,,,0.24,0.1034,0.375,,0.0691,,0.1063,,0.0234,0.0945,0.062,0.9921,,,0.1611,0.069,0.2917,,0.0584,,0.0712,,0.0015,0.0937,0.0833,0.9921,,,0.24,0.1034,0.375,,0.0608,,0.1002,,0.0154,,block of flats,0.0557,Panel,No,0.0,0.0,0.0,0.0,-173.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2002451,115893,Consumer loans,3935.295,19530.0,18504.0,1953.0,19530.0,TUESDAY,18,Y,1,0.10397392312922443,,,XAP,Approved,-954,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,6.0,high,POS mobile with interest,365243.0,-922.0,-772.0,-832.0,-822.0,0.0,0,Cash loans,M,Y,N,2,126000.0,590337.0,23539.5,477000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-13073,-3551,-7212.0,-4780,21.0,1,1,0,1,0,0,Drivers,4.0,2,2,THURSDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.6851902613277405,0.5226973172821112,0.0082,0.0125,0.9707,0.5988,0.0008,0.0,0.0345,0.0417,0.0833,0.0198,0.0067,0.0116,0.0,0.0,0.0084,0.013,0.9707,0.6145,0.0008,0.0,0.0345,0.0417,0.0833,0.0203,0.0073,0.0121,0.0,0.0,0.0083,0.0125,0.9707,0.6042,0.0008,0.0,0.0345,0.0417,0.0833,0.0202,0.0068,0.0118,0.0,0.0,reg oper account,block of flats,0.0091,"Stone, brick",No,7.0,1.0,7.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,1.0 +2769159,382693,Consumer loans,20924.775,112500.0,118440.0,0.0,112500.0,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-853,Cash through the bank,XAP,Family,New,Clothing and Accessories,POS,XNA,Stone,36,Clothing,6.0,low_normal,POS industry with interest,365243.0,-822.0,-672.0,-672.0,-664.0,0.0,0,Revolving loans,F,N,Y,2,112500.0,360000.0,18000.0,360000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.026392000000000002,-12419,-5366,-2678.0,-3852,,1,1,0,1,0,0,Core staff,4.0,2,2,SATURDAY,14,0,0,0,0,0,0,School,0.732397907886854,0.6022153593818508,0.17146836689679945,0.0619,0.0595,0.9955,,,0.0,0.1379,0.125,,,,0.062,,0.0,0.063,0.0617,0.9955,,,0.0,0.1379,0.125,,,,0.0646,,0.0,0.0625,0.0595,0.9955,,,0.0,0.1379,0.125,,,,0.0631,,0.0,,block of flats,0.0487,"Stone, brick",No,4.0,0.0,4.0,0.0,-853.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1772254,350853,Consumer loans,21294.54,129321.0,102132.0,32310.0,129321.0,TUESDAY,11,Y,1,0.2617376063486654,,,XAP,Approved,-1039,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,20,Connectivity,6.0,high,POS mobile with interest,365243.0,-1002.0,-852.0,-912.0,-908.0,0.0,0,Cash loans,F,N,Y,0,360000.0,675000.0,36747.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.04622,-11927,-2802,-1870.0,-3244,,1,1,1,1,0,0,Laborers,1.0,1,1,FRIDAY,9,0,1,1,0,1,1,Transport: type 3,0.5502728375518291,0.6870692712921708,0.29708661164720285,0.0825,0.0822,0.9737,0.6396,0.051,0.0,0.1379,0.1667,0.2083,0.0362,0.0672,0.0698,0.0,0.0,0.084,0.0853,0.9737,0.6537,0.0515,0.0,0.1379,0.1667,0.2083,0.037000000000000005,0.0735,0.0727,0.0,0.0,0.0833,0.0822,0.9737,0.6444,0.0513,0.0,0.1379,0.1667,0.2083,0.0368,0.0684,0.071,0.0,0.0,reg oper account,block of flats,0.0828,Others,No,0.0,0.0,0.0,0.0,-635.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,6.0 +2114598,170768,Consumer loans,26187.435,176908.5,189558.0,0.0,176908.5,TUESDAY,14,Y,1,0.0,,,XAP,Refused,-620,XNA,HC,,Repeater,Computers,POS,XNA,Country-wide,-1,Connectivity,10.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,Y,N,2,157500.0,215640.0,17419.5,180000.0,Family,Working,Incomplete higher,Married,House / apartment,0.010276,-10549,-584,-298.0,-1814,3.0,1,1,0,1,0,0,Sales staff,4.0,2,2,SATURDAY,10,0,0,0,0,0,0,Trade: type 3,0.4205989956230197,0.27634412600853764,0.2910973802776635,0.0928,0.0852,0.9767,0.6804,0.1264,0.0,0.2069,0.1667,0.0417,0.07200000000000001,0.0756,0.0875,0.0,0.0297,0.0945,0.0884,0.9767,0.6929,0.1275,0.0,0.2069,0.1667,0.0417,0.0737,0.0826,0.0912,0.0,0.0314,0.0937,0.0852,0.9767,0.6847,0.1272,0.0,0.2069,0.1667,0.0417,0.0733,0.077,0.0891,0.0,0.0303,reg oper account,block of flats,0.0691,Panel,No,0.0,0.0,0.0,0.0,-33.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,6.0,0.0 +1454932,291316,Cash loans,50516.55,1260000.0,1406362.5,,1260000.0,MONDAY,12,Y,1,,,,XNA,Approved,-337,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-307.0,1103.0,-157.0,-149.0,1.0,0,Cash loans,F,Y,N,0,90000.0,191880.0,18688.5,180000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-17784,365243,-10161.0,-1316,9.0,1,0,0,1,1,0,,2.0,2,2,MONDAY,15,0,0,0,0,0,0,XNA,0.7810712025485802,0.5254392313417011,0.746300213050371,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1159.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1741696,208340,Cash loans,24639.21,337500.0,368685.0,,337500.0,SUNDAY,8,Y,1,,,,Repairs,Refused,-427,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,Y,Y,0,180000.0,832500.0,33147.0,832500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.025164,-15331,-2837,-3610.0,-4939,12.0,1,1,1,1,0,0,Sales staff,2.0,2,2,SUNDAY,12,0,0,0,0,0,0,Self-employed,,0.6529136587111009,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,1.0,5.0,1.0,-1854.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1720637,445815,Cash loans,14019.705,135000.0,143910.0,,135000.0,WEDNESDAY,12,Y,1,,,,XNA,Approved,-496,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-466.0,-136.0,-226.0,-219.0,1.0,0,Revolving loans,F,N,Y,0,135000.0,405000.0,20250.0,405000.0,Family,Pensioner,Higher education,Married,House / apartment,0.01885,-22661,365243,-3919.0,-4367,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,XNA,,0.593250721293592,0.7281412993111438,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-496.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2342849,181667,Consumer loans,5949.045,29641.5,29641.5,0.0,29641.5,THURSDAY,15,Y,1,0.0,,,XAP,Refused,-2716,Cash through the bank,SCO,Family,Repeater,XNA,POS,XNA,Country-wide,45,Connectivity,6.0,high,POS mobile with interest,,,,,,,0,Cash loans,M,N,Y,2,315000.0,268659.0,26703.0,243000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.025164,-16237,-738,-5001.0,-2584,,1,1,0,1,0,0,Security staff,4.0,2,2,THURSDAY,13,0,0,0,0,0,0,Security,,0.6582855274020889,0.7886807751817684,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2330.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1914598,364607,Consumer loans,4546.89,23341.5,22113.0,2335.5,23341.5,THURSDAY,13,Y,1,0.10403794990211332,,,XAP,Approved,-700,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,15,Connectivity,6.0,high,POS mobile with interest,365243.0,-669.0,-519.0,-519.0,-515.0,0.0,1,Cash loans,F,N,Y,1,112500.0,314100.0,16573.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-12679,-225,-740.0,-1219,,1,1,0,1,0,0,Laborers,3.0,2,2,THURSDAY,18,0,0,0,0,0,0,Business Entity Type 1,,0.5426599720660876,0.5954562029091491,0.033,,0.9747,0.6532,,,0.069,0.125,0.1667,,0.0269,0.0251,0.0,,0.0336,,0.9747,0.6668,,,0.069,0.125,0.1667,,0.0294,0.0261,0.0,,0.0333,,0.9747,0.6578,,,0.069,0.125,0.1667,,0.0274,0.0255,0.0,,reg oper spec account,block of flats,0.0208,"Stone, brick",No,1.0,0.0,1.0,0.0,-4.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1586120,348763,Consumer loans,8218.44,71370.0,68544.0,9000.0,71370.0,TUESDAY,7,Y,1,0.12640330885456233,,,XAP,Approved,-1937,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Stone,130,Consumer electronics,12.0,high,POS household with interest,365243.0,-1905.0,-1575.0,-1575.0,-1568.0,0.0,0,Cash loans,F,Y,N,1,112500.0,1009566.0,33363.0,904500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-15888,-2771,-4815.0,-4885,10.0,1,1,0,1,0,0,Core staff,3.0,2,2,SATURDAY,10,0,0,0,0,1,1,Government,,0.6259855452043995,0.4294236843421945,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-169.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2030195,350047,Consumer loans,13619.88,78750.0,74385.0,7875.0,78750.0,SUNDAY,7,Y,1,0.1042619852794907,,,XAP,Approved,-2395,XNA,XAP,Unaccompanied,New,Furniture,POS,XNA,Stone,800,Furniture,6.0,middle,POS industry with interest,365243.0,-2364.0,-2214.0,-2244.0,-2234.0,1.0,0,Cash loans,F,N,N,0,189000.0,472104.0,12451.5,373500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.014464,-17967,-5693,-6243.0,-1516,,1,1,0,1,1,0,Sales staff,2.0,2,2,FRIDAY,16,0,0,0,0,0,0,Self-employed,,0.4900971638671047,,,,0.9821,,,,,,,,,0.0634,,,,,0.9821,,,,,,,,,0.066,,,,,0.9821,,,,,,,,,0.0645,,,,,0.0535,,No,0.0,0.0,0.0,0.0,-2395.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1888073,429633,Consumer loans,17909.1,674550.0,603000.0,71550.0,674550.0,THURSDAY,17,Y,1,0.1155206501303899,,,XAP,Refused,-2820,Cash through the bank,VERIF,,Repeater,XNA,Cars,XNA,Car dealer,959,Industry,60.0,low_normal,POS industry with interest,,,,,,,0,Cash loans,M,Y,Y,1,157500.0,1037128.5,44073.0,927000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.010556,-12317,-905,-335.0,-4061,4.0,1,1,0,1,0,1,Drivers,3.0,3,3,WEDNESDAY,13,0,0,0,0,0,0,Self-employed,0.5189787579514032,0.6314779210478579,0.6817058776720116,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2158656,326545,Cash loans,29089.98,450000.0,604656.0,,450000.0,FRIDAY,9,Y,1,,,,Repairs,Refused,-706,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,2,103500.0,545040.0,26509.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.04622,-10776,-1054,-4719.0,-2529,,1,1,1,1,0,0,Laborers,4.0,1,1,THURSDAY,13,0,0,0,0,1,1,Business Entity Type 3,,0.3781022166255257,0.06825115445188665,0.0619,0.0651,0.9851,0.7959999999999999,0.0076,0.0,0.1034,0.1667,0.2083,0.048,0.0504,0.0664,0.0,0.0,0.063,0.0676,0.9851,0.804,0.0076,0.0,0.1034,0.1667,0.2083,0.0491,0.0551,0.0692,0.0,0.0,0.0625,0.0651,0.9851,0.7987,0.0076,0.0,0.1034,0.1667,0.2083,0.0489,0.0513,0.0676,0.0,0.0,reg oper spec account,block of flats,0.0564,Panel,No,3.0,0.0,3.0,0.0,-4.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +2346063,227071,Revolving loans,2250.0,45000.0,45000.0,,45000.0,TUESDAY,15,Y,1,,,,XAP,Approved,-263,XNA,XAP,Children,New,XNA,Cards,walk-in,Country-wide,20,Connectivity,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,90000.0,420894.0,20376.0,301500.0,Children,Working,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-13774,-5527,-493.0,-1684,,1,1,0,1,0,0,High skill tech staff,3.0,2,2,SATURDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.4824878635993512,0.2509839188578594,,0.068,0.0565,0.9856,0.8028,0.0083,0.0,0.1379,0.1667,0.2083,0.0098,0.0555,0.1234,0.0,0.0442,0.0693,0.0586,0.9856,0.8105,0.0084,0.0,0.1379,0.1667,0.2083,0.01,0.0606,0.1285,0.0,0.0468,0.0687,0.0565,0.9856,0.8054,0.0084,0.0,0.1379,0.1667,0.2083,0.01,0.0564,0.1256,0.0,0.0451,,block of flats,0.1285,Block,No,0.0,0.0,0.0,0.0,-263.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1493802,268785,Revolving loans,9000.0,180000.0,180000.0,,180000.0,FRIDAY,10,Y,1,,,,XAP,Approved,-47,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-45.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,1,180000.0,738567.0,21294.0,616500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-13712,-365,-5304.0,-4845,3.0,1,1,0,1,1,0,,3.0,2,2,MONDAY,14,0,0,0,0,0,0,Other,0.3320517068050117,0.571635826695548,0.6577838002083306,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,3.0,0.0,3.0,0.0,-179.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,0.0 +2370429,434454,Cash loans,20516.4,225000.0,247275.0,,225000.0,TUESDAY,7,Y,1,,,,XNA,Approved,-1228,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,18.0,high,Cash X-Sell: high,365243.0,-1198.0,-688.0,-688.0,-677.0,1.0,0,Cash loans,M,Y,Y,2,103500.0,961146.0,28233.0,688500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-10748,-2707,-3377.0,-1997,11.0,1,1,0,1,0,0,Laborers,4.0,2,2,FRIDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.6022939330997835,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,18.0,0.0,18.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2208721,359408,Cash loans,5823.09,45000.0,47970.0,,45000.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-1160,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),1403,XNA,12.0,high,Cash Street: high,365243.0,-1130.0,-800.0,-800.0,-791.0,1.0,1,Cash loans,M,N,Y,0,189000.0,307557.0,24300.0,265500.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.035792000000000004,-15654,-4996,-1944.0,-5015,,1,1,1,1,0,0,High skill tech staff,1.0,2,2,MONDAY,14,0,0,0,0,1,1,Hotel,,0.7176412015980052,0.2340151665320674,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1899.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +2672992,438969,Consumer loans,11625.75,69016.5,65394.0,6903.0,69016.5,THURSDAY,11,Y,1,0.1039876418863098,,,XAP,Approved,-637,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Country-wide,1500,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-606.0,-456.0,-486.0,-480.0,0.0,0,Cash loans,M,Y,Y,0,405000.0,130320.0,13351.5,112500.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.04622,-11704,-2574,-84.0,-4152,9.0,1,1,0,1,0,0,,2.0,1,1,THURSDAY,9,0,0,0,0,0,0,Other,0.5317535403214312,0.7232520127264049,0.5082869913916046,0.1732,0.1068,0.9781,0.7008,0.0597,0.12,0.1034,0.3333,0.375,0.0462,0.1378,0.1314,0.0154,0.1545,0.1765,0.1108,0.9782,0.7125,0.0603,0.1208,0.1034,0.3333,0.375,0.0472,0.1506,0.1369,0.0156,0.1636,0.1749,0.1068,0.9781,0.7048,0.0601,0.12,0.1034,0.3333,0.375,0.047,0.1402,0.1337,0.0155,0.1577,reg oper account,block of flats,0.1696,"Stone, brick",No,1.0,0.0,1.0,0.0,-2285.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2248599,184353,Consumer loans,8925.48,92029.5,101749.5,0.0,92029.5,MONDAY,13,Y,1,0.0,,,XAP,Approved,-753,Cash through the bank,XAP,,New,Computers,POS,XNA,Regional / Local,198,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-722.0,-392.0,-602.0,-593.0,0.0,0,Cash loans,F,Y,Y,1,225000.0,547344.0,23319.0,472500.0,Family,Working,Higher education,Married,House / apartment,0.031329,-14178,-1219,-609.0,-4991,13.0,1,1,0,1,0,0,Managers,3.0,2,2,FRIDAY,8,0,0,0,0,0,0,Services,0.6177471092136233,0.6944679897745695,,0.0948,0.0605,0.9742,0.6464,0.0119,0.0,0.2069,0.1667,0.2083,0.1152,0.0756,0.0749,0.0077,0.0184,0.0966,0.0628,0.9742,0.6602,0.012,0.0,0.2069,0.1667,0.2083,0.1178,0.0826,0.078,0.0078,0.0194,0.0958,0.0605,0.9742,0.6511,0.012,0.0,0.2069,0.1667,0.2083,0.1172,0.077,0.0762,0.0078,0.0187,reg oper account,block of flats,0.0707,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1426632,386966,Cash loans,6616.35,58500.0,58500.0,,58500.0,WEDNESDAY,12,Y,1,,,,XNA,Refused,-336,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Stone,250,Consumer electronics,12.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,Y,0,180000.0,693000.0,24552.0,693000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008575,-15700,-1898,-607.0,-1860,,1,1,1,1,1,0,Sales staff,2.0,2,2,WEDNESDAY,9,0,1,1,1,1,1,Self-employed,,0.33255055126089605,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-337.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1305287,418677,Consumer loans,9885.285,81441.0,88960.5,8145.0,81441.0,SATURDAY,13,Y,1,0.09135059759277746,,,XAP,Approved,-660,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Country-wide,2100,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-629.0,-359.0,-449.0,-442.0,0.0,0,Cash loans,F,N,Y,0,112500.0,1061599.5,31171.5,927000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.009656999999999999,-17350,-1447,-3862.0,-794,,1,1,0,1,0,0,Core staff,2.0,2,2,MONDAY,12,0,0,0,0,0,0,School,0.7519786672417879,0.6673120204997441,0.190705947811054,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2666.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1746258,389032,Consumer loans,12613.455,89950.5,97371.0,0.0,89950.5,SUNDAY,11,Y,1,0.0,,,XAP,Approved,-1257,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Stone,40,Consumer electronics,10.0,high,POS household with interest,365243.0,-1226.0,-956.0,-956.0,-949.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,545040.0,25537.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-11865,-477,-5974.0,-2543,23.0,1,1,1,1,0,0,Drivers,2.0,2,2,THURSDAY,8,0,0,0,0,0,0,Self-employed,,0.518870107308416,0.3425288720742255,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1773564,156905,Consumer loans,16234.38,162364.5,146124.0,16240.5,162364.5,MONDAY,14,Y,1,0.10893625705798313,,,XAP,Approved,-1445,Cash through the bank,XAP,Family,Repeater,Clothing and Accessories,POS,XNA,Regional / Local,452,Clothing,10.0,low_normal,POS industry with interest,365243.0,-1414.0,-1144.0,-1174.0,-1165.0,0.0,0,Cash loans,F,N,N,0,72000.0,315000.0,9027.0,315000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.014519999999999996,-12146,-1530,-560.0,-4214,,1,1,0,1,1,0,Core staff,2.0,2,2,WEDNESDAY,16,0,0,0,0,1,1,Bank,0.6449992212349788,0.3128587467091583,0.5867400085415683,0.0402,,0.9891,,,,0.1379,0.1667,,0.0122,,0.029,,0.0602,0.041,,0.9891,,,,0.1379,0.1667,,0.0124,,0.0302,,0.0638,0.0406,,0.9891,,,,0.1379,0.1667,,0.0124,,0.0295,,0.0615,,block of flats,0.0359,"Stone, brick",No,1.0,0.0,0.0,0.0,-1445.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,3.0,3.0,1.0,0.0,0.0 +1530296,238811,Revolving loans,7875.0,157500.0,157500.0,,157500.0,WEDNESDAY,6,Y,1,,,,XAP,Refused,-433,XNA,SCOFR,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,Y,Y,0,157500.0,576072.0,28147.5,405000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014464,-15042,-2088,-2456.0,-4198,22.0,1,1,0,1,0,0,Drivers,2.0,2,2,TUESDAY,7,0,0,0,0,0,0,Other,,0.4675196586046651,0.2851799046358216,0.0706,0.0539,0.9866,0.7892,0.0933,0.0,0.069,0.2083,0.2083,0.0386,0.0782,0.076,0.0039,0.0006,0.0452,0.0528,0.9846,0.7975,0.0941,0.0,0.069,0.1667,0.2083,0.0202,0.0854,0.0612,0.0039,0.0,0.0713,0.0539,0.9866,0.792,0.0939,0.0,0.069,0.2083,0.2083,0.0393,0.0795,0.0774,0.0039,0.0006,not specified,block of flats,0.0734,"Stone, brick",No,0.0,0.0,0.0,0.0,-1802.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,4.0 +2624528,433740,Cash loans,29556.855,675000.0,894307.5,,675000.0,TUESDAY,16,Y,1,,,,XNA,Refused,-1015,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,low_normal,Cash Street: low,,,,,,,1,Cash loans,F,N,Y,0,144000.0,539100.0,29376.0,450000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.009549,-14389,-1663,-3735.0,-2636,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Industry: type 1,0.24695053941874426,0.5734286949171314,0.511891801533151,0.0742,0.0555,0.9876,0.83,0.013,0.08,0.069,0.3333,0.375,0.0587,0.0605,0.0456,0.0,0.004,0.0756,0.0576,0.9876,0.8367,0.0131,0.0806,0.069,0.3333,0.375,0.06,0.0661,0.0475,0.0,0.0042,0.0749,0.0555,0.9876,0.8323,0.0131,0.08,0.069,0.3333,0.375,0.0597,0.0616,0.0464,0.0,0.0041,reg oper spec account,block of flats,0.065,Panel,No,0.0,0.0,0.0,0.0,-1252.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2687807,169725,Consumer loans,3372.66,24840.0,27040.5,2484.0,24840.0,WEDNESDAY,12,Y,1,0.09162904767843036,,,XAP,Approved,-1337,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Regional / Local,400,Consumer electronics,12.0,high,POS household with interest,365243.0,-1306.0,-976.0,-1036.0,-1032.0,0.0,0,Cash loans,F,N,Y,0,58500.0,85320.0,6871.5,67500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-11656,-1981,-993.0,-4092,,1,1,0,1,0,0,Cleaning staff,2.0,2,2,WEDNESDAY,14,0,0,0,0,1,1,Business Entity Type 3,0.3316362021430283,0.5173468452628889,0.4668640059537032,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-844.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,4.0 +1931626,150455,Cash loans,15513.48,315000.0,366142.5,,315000.0,SATURDAY,10,Y,1,,,,XNA,Approved,-494,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-464.0,586.0,-194.0,-185.0,1.0,0,Cash loans,F,N,Y,0,90000.0,101880.0,10206.0,90000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010966,-22591,365243,-4139.0,-4656,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,0.6991729373399368,0.573123774587401,0.656158373001177,0.1732,0.0938,0.9851,0.7959999999999999,0.0434,0.2,0.1724,0.3333,0.375,0.083,0.1404,0.1673,0.0039,0.0049,0.1765,0.0974,0.9851,0.804,0.0438,0.2014,0.1724,0.3333,0.375,0.0849,0.1534,0.1743,0.0039,0.0052,0.1749,0.0938,0.9851,0.7987,0.0437,0.2,0.1724,0.3333,0.375,0.0845,0.1428,0.1703,0.0039,0.005,reg oper account,block of flats,0.1515,Block,No,1.0,1.0,1.0,1.0,-1232.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1718850,191475,Consumer loans,25568.28,379102.5,379102.5,0.0,379102.5,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-146,Cash through the bank,XAP,"Spouse, partner",Repeater,Construction Materials,POS,XNA,Stone,30,Clothing,18.0,low_normal,POS industry with interest,365243.0,-104.0,406.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,2,108000.0,157914.0,17136.0,139500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.020246,-9015,-2341,-1620.0,-1115,,1,1,0,1,0,0,Laborers,4.0,3,3,FRIDAY,8,0,0,0,0,1,1,Industry: type 3,,0.3208865290025651,0.5797274227921155,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-2038.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2108429,292484,Consumer loans,2757.33,14089.5,14089.5,0.0,14089.5,THURSDAY,14,Y,1,0.0,,,XAP,Approved,-1316,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,278,Consumer electronics,6.0,high,POS household with interest,365243.0,-1249.0,-1099.0,-1099.0,-1089.0,0.0,0,Cash loans,F,Y,N,2,157500.0,781920.0,39852.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.022625,-13034,-6358,-3733.0,-4438,2.0,1,1,0,1,1,0,High skill tech staff,3.0,2,2,TUESDAY,9,0,0,0,0,1,1,Business Entity Type 3,0.5161293298268493,0.7459853425075461,0.14287252304131962,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,0.0,-1497.0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1985661,195327,Consumer loans,8445.465,111422.25,72369.0,44570.25,111422.25,SATURDAY,10,Y,1,0.4150963349851234,,,XAP,Approved,-2403,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,399,Consumer electronics,10.0,middle,POS household with interest,365243.0,-2372.0,-2102.0,-2102.0,-2094.0,1.0,0,Cash loans,M,Y,Y,0,202500.0,450000.0,21109.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-10498,-935,-4219.0,-961,14.0,1,1,0,1,0,0,Drivers,2.0,2,2,MONDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.3860559130402728,0.6356662013755796,0.6894791426446275,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2613357,427173,Cash loans,12519.045,135000.0,179433.0,,135000.0,MONDAY,13,Y,1,,,,XNA,Approved,-672,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-642.0,48.0,-372.0,-353.0,1.0,0,Cash loans,F,N,Y,2,90000.0,227520.0,10737.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,With parents,0.030755,-11245,-1878,-4947.0,-3737,,1,1,0,1,0,0,,4.0,2,2,MONDAY,16,0,0,0,0,0,0,Self-employed,0.3612439157366693,0.6579952460733818,,0.0825,0.0786,0.9901,,,0.16,0.1379,0.375,0.2083,0.0501,,0.15,,0.0199,0.084,0.0816,0.9901,,,0.1611,0.1379,0.375,0.2083,0.0513,,0.1563,,0.021,0.0833,0.0786,0.9901,,,0.16,0.1379,0.375,0.2083,0.051,,0.1527,,0.0203,,block of flats,0.1556,Panel,No,5.0,0.0,5.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1568356,336688,Consumer loans,23967.45,145264.5,130734.0,14530.5,145264.5,SUNDAY,16,Y,1,0.10893945495661668,,,XAP,Approved,-510,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Stone,100,Furniture,6.0,middle,POS industry with interest,365243.0,-479.0,-329.0,-329.0,-321.0,0.0,0,Cash loans,F,N,N,0,261000.0,1897155.0,65943.0,1732500.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.072508,-15513,-7085,-9615.0,-4708,,1,1,0,1,1,0,Accountants,2.0,1,1,FRIDAY,10,0,0,0,0,0,0,Bank,0.5428135492644108,0.7416727722243406,0.18629294965553744,0.4062,0.1827,0.9811,0.7416,0.491,0.64,0.2759,0.4583,0.5,0.0,0.3169,0.3413,0.0656,0.0073,0.4139,0.1896,0.9811,0.7517,0.4955,0.6445,0.2759,0.4583,0.5,0.0,0.3462,0.3556,0.0661,0.0078,0.4101,0.1827,0.9811,0.7451,0.4941,0.64,0.2759,0.4583,0.5,0.0,0.3224,0.3475,0.066,0.0075,reg oper account,block of flats,0.1101,Panel,No,0.0,0.0,0.0,0.0,-2466.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1233205,214820,Revolving loans,22500.0,450000.0,450000.0,,450000.0,WEDNESDAY,11,Y,1,,,,XAP,Approved,-414,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-413.0,-367.0,365243.0,-247.0,-196.0,0.0,0,Cash loans,M,N,Y,0,135000.0,199080.0,12852.0,157500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.002042,-21740,-1892,-1499.0,-4550,,1,1,0,1,0,0,Security staff,2.0,3,3,THURSDAY,12,0,0,0,0,1,1,Business Entity Type 3,,0.2650390406293757,0.656158373001177,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1080.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1586863,360076,Cash loans,65734.515,315000.0,323523.0,,315000.0,FRIDAY,6,Y,1,,,,Other,Refused,-496,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,,,,,,,0,Cash loans,M,N,N,0,315000.0,1125000.0,36423.0,1125000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-15523,-2757,-4132.0,-4771,,1,1,1,1,1,0,Managers,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.385785678698572,0.6833714153760687,0.15663982703141147,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-2560.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1681624,295610,Consumer loans,3225.105,30060.0,30519.0,2700.0,30060.0,MONDAY,13,Y,1,0.08851998719243366,,,XAP,Approved,-1642,Cash through the bank,XAP,Family,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,15,Connectivity,14.0,high,POS mobile with interest,365243.0,-1611.0,-1221.0,-1281.0,-1279.0,0.0,0,Cash loans,F,N,N,0,270000.0,904500.0,29308.5,904500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-11790,-2478,-2552.0,-2564,,1,1,1,1,0,1,Sales staff,2.0,2,2,FRIDAY,11,1,1,0,1,1,0,Self-employed,0.30862993783901005,0.10643483317795634,0.3876253444214701,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-919.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2702249,369785,Consumer loans,2019.195,15745.5,17302.5,0.0,15745.5,TUESDAY,13,Y,1,0.0,,,XAP,Approved,-2207,Cash through the bank,XAP,Children,New,Mobile,POS,XNA,Country-wide,65,Connectivity,12.0,high,POS mobile with interest,365243.0,-2176.0,-1846.0,-1846.0,-1838.0,1.0,0,Cash loans,F,N,Y,0,49500.0,269550.0,11416.5,225000.0,Unaccompanied,Pensioner,Lower secondary,Widow,House / apartment,0.028663,-22144,365243,-8458.0,-4247,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,13,0,0,0,0,0,0,XNA,,0.6578328337012481,0.8327850252992314,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-274.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2145797,420162,Consumer loans,6107.49,58185.0,52335.0,5850.0,58185.0,THURSDAY,12,Y,1,0.10949869928988254,,,XAP,Approved,-2533,XNA,XAP,Family,New,Mobile,POS,XNA,Stone,89,Connectivity,12.0,high,POS mobile with interest,365243.0,-2481.0,-2151.0,-2181.0,-2173.0,0.0,0,Cash loans,M,Y,Y,2,292500.0,1310409.0,42403.5,1026000.0,Other_B,Commercial associate,Secondary / secondary special,Married,House / apartment,0.031329,-17071,-6790,-11026.0,-608,10.0,1,1,0,1,0,0,High skill tech staff,4.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Business Entity Type 1,,0.5066765661877995,0.3296550543128238,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-273.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,7.0 +2313777,207517,Consumer loans,25135.515,138960.0,131256.0,13896.0,138960.0,MONDAY,11,Y,1,0.10426316738816734,,,XAP,Approved,-2231,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Stone,316,Consumer electronics,6.0,high,POS household with interest,365243.0,-2200.0,-2050.0,-2050.0,-2043.0,0.0,0,Cash loans,M,Y,N,2,270000.0,652500.0,31518.0,652500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018209,-19492,-2527,-5115.0,-2986,4.0,1,1,0,1,0,0,Managers,4.0,3,3,SATURDAY,13,0,0,0,0,0,0,Kindergarten,,0.4568282383489451,0.10822632266971416,0.301,0.1844,0.9846,0.7892,0.0,0.36,0.3103,0.3333,0.375,0.0447,0.2454,0.3497,0.0,0.0,0.3067,0.1913,0.9846,0.7975,0.0,0.3625,0.3103,0.3333,0.375,0.0457,0.2681,0.3644,0.0,0.0,0.3039,0.1844,0.9846,0.792,0.0,0.36,0.3103,0.3333,0.375,0.0455,0.2497,0.35600000000000004,0.0,0.0,reg oper account,block of flats,0.2751,Panel,No,0.0,0.0,0.0,0.0,-2231.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1153673,190396,Revolving loans,2250.0,45000.0,45000.0,,45000.0,TUESDAY,13,Y,1,,,,XAP,Approved,-329,XNA,XAP,Unaccompanied,New,XNA,Cards,walk-in,Country-wide,1900,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,-39.0,0.0,0,Cash loans,F,N,Y,1,180000.0,533668.5,25803.0,477000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-13837,-1386,-537.0,-2360,,1,1,0,1,1,0,Laborers,3.0,1,1,TUESDAY,12,0,0,0,0,1,1,Transport: type 4,0.8673091234730255,0.7541102899437306,0.4223696523543468,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-329.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1862237,273209,Consumer loans,12640.59,114925.5,113674.5,11493.0,114925.5,MONDAY,16,Y,1,0.10000137270602844,,,XAP,Approved,-2209,XNA,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,23,Connectivity,12.0,high,POS mobile with interest,365243.0,-2178.0,-1848.0,-1908.0,-1902.0,1.0,0,Cash loans,F,Y,N,1,180000.0,1078200.0,34911.0,900000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.010006000000000001,-9312,-1141,-4187.0,-1127,3.0,1,1,1,1,1,1,Accountants,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.5771990889070951,0.4625691401336213,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1920.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1394125,346178,Consumer loans,4182.03,21145.5,22401.0,0.0,21145.5,THURSDAY,11,Y,1,0.0,,,XAP,Refused,-435,Cash through the bank,LIMIT,,Repeater,Consumer Electronics,POS,XNA,Country-wide,1524,Consumer electronics,6.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,90000.0,203760.0,11826.0,180000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.019101,-21299,365243,-4077.0,-4552,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,14,0,0,0,0,0,0,XNA,,0.048755919293979176,0.470456116119975,0.1237,0.0857,0.9801,,,0.0,0.069,0.1667,,0.0502,,0.0712,,0.0,0.1261,0.0889,0.9801,,,0.0,0.069,0.1667,,0.0513,,0.0742,,0.0,0.1249,0.0857,0.9801,,,0.0,0.069,0.1667,,0.051,,0.0725,,0.0,,block of flats,0.056,"Stone, brick",No,0.0,0.0,0.0,0.0,-295.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,7.0 +1190648,319173,Consumer loans,4554.99,35995.5,41697.0,0.0,35995.5,SUNDAY,18,Y,1,0.0,,,XAP,Approved,-145,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,5000,Consumer electronics,12.0,middle,POS household with interest,365243.0,-115.0,215.0,365243.0,365243.0,1.0,1,Revolving loans,M,Y,Y,0,135000.0,180000.0,9000.0,180000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,Office apartment,0.011703,-7950,-552,-2816.0,-631,18.0,1,1,1,1,0,0,High skill tech staff,2.0,2,2,FRIDAY,10,1,1,0,1,1,0,Other,,0.5947589848878315,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-384.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2243519,310403,Consumer loans,3071.79,26226.0,25857.0,2700.0,26226.0,SATURDAY,7,Y,1,0.10297109131020253,,,XAP,Approved,-2137,XNA,XAP,"Spouse, partner",New,Mobile,POS,XNA,Country-wide,36,Connectivity,12.0,high,POS mobile with interest,365243.0,-2106.0,-1776.0,-1806.0,-1800.0,0.0,0,Cash loans,F,N,Y,0,135000.0,198666.0,21523.5,175500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-14781,-1005,-4977.0,-434,,1,1,0,1,0,0,Cleaning staff,2.0,3,3,MONDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.2610374728886161,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-421.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2243183,181427,Consumer loans,7248.105,65249.865,72135.0,4.365,65249.865,MONDAY,15,Y,1,6.589858142197144e-05,,,XAP,Approved,-840,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,2148,Consumer electronics,12.0,middle,POS household with interest,365243.0,-809.0,-479.0,-569.0,-560.0,0.0,0,Cash loans,M,Y,N,0,202500.0,1800000.0,49500.0,1800000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-20686,-907,-11189.0,-3895,4.0,1,1,1,1,0,0,Drivers,2.0,2,2,FRIDAY,20,0,0,0,0,0,0,Transport: type 4,,0.7078865664247207,0.524496446363472,0.0825,,0.9796,,,0.0,0.2069,0.1667,,0.1072,,0.0715,,0.0663,0.084,,0.9796,,,0.0,0.2069,0.1667,,0.1096,,0.0745,,0.0702,0.0833,,0.9796,,,0.0,0.2069,0.1667,,0.1091,,0.0728,,0.0677,,block of flats,0.0707,"Stone, brick",No,4.0,2.0,4.0,0.0,-1277.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2150525,387426,Cash loans,,0.0,0.0,,,SATURDAY,15,Y,1,,,,XNA,Refused,-412,XNA,SCOFR,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,N,N,1,135000.0,375408.0,29790.0,297000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.022625,-10649,-290,-1470.0,-2802,,1,1,0,1,1,0,Laborers,3.0,2,2,FRIDAY,14,0,0,0,0,1,1,Construction,0.09609104462686872,0.7595232324491626,0.6161216908872079,0.0619,0.0496,0.9742,,,0.0,0.1034,0.1667,,0.0437,,0.0505,,0.0,0.063,0.0515,0.9742,,,0.0,0.1034,0.1667,,0.0447,,0.0526,,0.0,0.0625,0.0496,0.9742,,,0.0,0.1034,0.1667,,0.0444,,0.0514,,0.0,,block of flats,0.0511,Panel,No,0.0,0.0,0.0,0.0,-409.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +2376554,216928,Consumer loans,4287.33,37575.0,37575.0,0.0,37575.0,SATURDAY,4,Y,1,0.0,,,XAP,Refused,-2322,XNA,SCO,Unaccompanied,New,Audio/Video,POS,XNA,Regional / Local,200,Consumer electronics,12.0,high,POS household with interest,,,,,,,0,Cash loans,M,N,Y,0,72000.0,215640.0,14715.0,180000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.010032,-22193,365243,-13349.0,-4706,,1,0,0,1,1,0,,1.0,2,2,THURSDAY,3,0,0,0,0,0,0,XNA,,0.6841894131367288,0.06555002632575951,0.0309,0.0364,0.9752,0.66,,0.0,0.069,0.125,0.1667,0.0474,,0.0215,,0.0195,0.0315,0.0377,0.9752,0.6733,,0.0,0.069,0.125,0.1667,0.0485,,0.0224,,0.0206,0.0312,0.0364,0.9752,0.6645,,0.0,0.069,0.125,0.1667,0.0483,,0.0219,,0.0199,reg oper account,block of flats,0.0267,"Stone, brick",No,0.0,0.0,0.0,0.0,-2322.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1464786,164442,Revolving loans,3375.0,0.0,67500.0,,,TUESDAY,12,Y,1,,,,XAP,Approved,-2540,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,75,Connectivity,0.0,XNA,Card Street,-2538.0,-2492.0,365243.0,-1092.0,365243.0,0.0,0,Cash loans,F,N,Y,0,112500.0,979992.0,28782.0,702000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-19819,-5413,-9261.0,-3260,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Business Entity Type 2,,0.2653117484731741,0.4686596550493113,0.1433,0.1181,0.9737,0.6396,0.0163,0.0,0.2414,0.1667,0.2083,0.0644,0.1168,0.0901,0.0,0.0,0.146,0.1225,0.9737,0.6537,0.0165,0.0,0.2414,0.1667,0.2083,0.0658,0.1276,0.0938,0.0,0.0,0.1447,0.1181,0.9737,0.6444,0.0164,0.0,0.2414,0.1667,0.2083,0.0655,0.1189,0.0917,0.0,0.0,reg oper account,block of flats,0.0798,Block,No,0.0,0.0,0.0,0.0,-36.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,3.0 +1530054,357491,Revolving loans,2250.0,0.0,90000.0,,,THURSDAY,13,N,0,,,,XAP,Refused,-2566,XNA,SYSTEM,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,135000.0,1350000.0,36333.0,1350000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.031329,-13828,-1410,-7902.0,-598,,1,1,1,1,1,0,Sales staff,2.0,2,2,MONDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.7212631913659112,0.4072384672777414,0.4830501881366946,0.2732,,0.9841,,,0.32,0.2759,0.3333,,0.1856,,0.3134,,,0.2784,,0.9841,,,0.3222,0.2759,0.3333,,0.1899,,0.3265,,,0.2758,,0.9841,,,0.32,0.2759,0.3333,,0.1889,,0.319,,,,block of flats,0.2465,Panel,No,1.0,0.0,1.0,0.0,-2608.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2017859,359413,Consumer loans,9964.125,135391.5,139945.5,13540.5,135391.5,WEDNESDAY,16,Y,1,0.09607935221808796,,,XAP,Approved,-2537,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,800,Consumer electronics,18.0,middle,POS household with interest,365243.0,-2506.0,-1996.0,-2086.0,-2078.0,1.0,0,Cash loans,F,N,Y,0,270000.0,540000.0,30150.0,540000.0,Unaccompanied,State servant,Secondary / secondary special,Separated,House / apartment,0.04622,-21882,-2704,-3516.0,-4985,,1,1,0,1,0,0,High skill tech staff,1.0,1,1,SATURDAY,13,0,1,1,0,0,0,Government,,0.7405903557392691,0.6446794549585961,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1966.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2643568,306582,Cash loans,21050.82,247500.0,302454.0,,247500.0,FRIDAY,16,Y,1,,,,XNA,Approved,-830,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-800.0,-290.0,-350.0,-345.0,1.0,0,Cash loans,M,Y,N,0,126000.0,450000.0,30204.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-12559,-467,-388.0,-4113,15.0,1,1,0,1,0,0,Drivers,2.0,2,2,TUESDAY,7,0,0,0,0,0,0,Business Entity Type 3,0.6210957808115201,0.5309540783979152,,,,0.9617,,,,,,,,,0.0104,,,,,0.9618,,,,,,,,,0.0108,,,,,0.9617,,,,,,,,,0.0106,,,,,0.0082,,No,0.0,0.0,0.0,0.0,-1870.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1761394,186232,Cash loans,53541.0,1350000.0,1350000.0,,1350000.0,SATURDAY,13,Y,1,,,,XNA,Approved,-822,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,N,0,315000.0,1305000.0,35887.5,1305000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.031329,-19495,-1678,-5145.0,-2947,4.0,1,1,0,1,1,0,Accountants,2.0,2,2,MONDAY,15,0,0,0,0,0,0,Construction,0.8470765262863011,0.4979572759472406,0.5064842396679806,0.1052,0.0875,0.9811,0.7416,0.016,0.08,0.1379,0.25,0.2917,0.2897,0.0836,0.0995,0.0097,0.031,0.063,0.0831,0.9801,0.7387,0.0078,0.0,0.1379,0.1667,0.2083,0.2963,0.0514,0.0566,0.0039,0.0028,0.1062,0.0875,0.9811,0.7451,0.0161,0.08,0.1379,0.25,0.2917,0.2948,0.0851,0.1013,0.0097,0.0317,reg oper account,block of flats,0.0599,"Stone, brick",No,2.0,2.0,2.0,2.0,-1541.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,7.0 +1653033,353755,Consumer loans,30601.305,185395.5,166855.5,18540.0,185395.5,WEDNESDAY,14,Y,1,0.10891173439778988,,,XAP,Approved,-947,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Country-wide,152,Furniture,6.0,middle,POS industry with interest,365243.0,-913.0,-763.0,-763.0,-754.0,0.0,0,Cash loans,F,N,Y,0,252000.0,545040.0,19705.5,450000.0,Family,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.072508,-20139,-2868,-1977.0,-3082,,1,1,0,1,0,0,Medicine staff,1.0,1,1,FRIDAY,15,0,0,0,0,0,0,Government,,0.7557326638063618,0.4902575124990026,0.6825,0.3358,0.9965,0.9524,0.3872,0.96,0.4138,0.6667,0.4583,0.0661,0.5245,0.6926,0.1467,0.16699999999999998,0.6954,0.3485,0.9965,0.9543,0.3907,0.9667,0.4138,0.6667,0.4583,0.0677,0.573,0.7216,0.1479,0.1768,0.6891,0.3358,0.9965,0.953,0.3896,0.96,0.4138,0.6667,0.4583,0.0673,0.5336,0.705,0.1475,0.1705,reg oper account,block of flats,0.581,Panel,No,0.0,0.0,0.0,0.0,-1515.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1670438,257825,Revolving loans,2250.0,45000.0,45000.0,,45000.0,THURSDAY,13,Y,1,,,,XAP,Approved,-437,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Regional / Local,1000,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,-242.0,0.0,0,Cash loans,F,N,N,0,103500.0,225000.0,21919.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-20390,-2306,-906.0,-2958,,1,1,0,1,1,0,Waiters/barmen staff,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,Other,,0.573829820811528,0.722392890081304,,,0.9762,,,,0.1379,0.1667,0.2083,0.038,0.0588,0.0662,,,,,0.9762,,,,0.1379,0.1667,0.2083,0.0389,0.0643,0.0689,,,,,0.9762,,,,0.1379,0.1667,0.2083,0.0387,0.0599,0.0673,,,,block of flats,0.052000000000000005,Panel,No,0.0,0.0,0.0,0.0,-644.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,0.0 +1646857,247373,Consumer loans,23548.635,106771.5,114525.0,0.0,106771.5,MONDAY,5,Y,1,0.0,,,XAP,Approved,-147,XNA,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,29,Connectivity,6.0,high,POS mobile with interest,365243.0,-117.0,33.0,365243.0,365243.0,1.0,1,Cash loans,M,N,Y,3,225000.0,497520.0,33376.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006629,-13256,-2452,-468.0,-5528,,1,1,1,1,1,0,Drivers,5.0,2,2,MONDAY,8,0,0,0,0,0,0,Transport: type 3,,0.5959600982295324,0.6296742509538716,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,2.0,5.0,1.0,-1121.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1740305,455686,Cash loans,9165.915,67500.0,81864.0,0.0,67500.0,MONDAY,15,Y,1,0.0,,,XNA,Approved,-1900,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,100,XNA,12.0,high,Cash X-Sell: high,365243.0,-1870.0,-1540.0,-1540.0,-1530.0,1.0,0,Cash loans,M,Y,N,0,360000.0,526491.0,21267.0,454500.0,Family,Working,Secondary / secondary special,Civil marriage,Municipal apartment,0.032561,-16136,-354,-4273.0,-3626,6.0,1,1,0,1,1,0,Drivers,2.0,1,1,THURSDAY,13,0,0,0,0,0,0,Self-employed,,0.3016332143415438,0.4902575124990026,0.0722,0.0583,0.9752,0.66,0.0105,0.0,0.2414,0.1667,0.0417,0.1002,0.0588,0.0631,0.0,0.0,0.0735,0.0605,0.9752,0.6733,0.0106,0.0,0.2414,0.1667,0.0417,0.1025,0.0643,0.0658,0.0,0.0,0.0729,0.0583,0.9752,0.6645,0.0105,0.0,0.2414,0.1667,0.0417,0.1019,0.0599,0.0643,0.0,0.0,reg oper account,block of flats,0.0511,Panel,No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1205995,236547,Consumer loans,33750.27,192375.0,192375.0,0.0,192375.0,SATURDAY,15,Y,1,0.0,,,XAP,Approved,-691,Cash through the bank,XAP,Unaccompanied,New,Clothing and Accessories,POS,XNA,Stone,53,Clothing,6.0,low_action,POS industry without interest,365243.0,-659.0,-509.0,-539.0,-536.0,0.0,0,Revolving loans,F,N,Y,1,135000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.00733,-8791,-1130,-779.0,-868,,1,1,0,1,0,0,,3.0,2,2,THURSDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.5940894504433801,0.32173528219668485,0.0474,0.0718,0.9965,0.9524,0.0185,0.0,0.1034,0.1667,0.0417,0.041,0.0336,0.0558,0.0232,0.0249,0.0483,0.0745,0.9965,0.9543,0.0187,0.0,0.1034,0.1667,0.0417,0.042,0.0367,0.0581,0.0233,0.0264,0.0479,0.0718,0.9965,0.953,0.0187,0.0,0.1034,0.1667,0.0417,0.0417,0.0342,0.0568,0.0233,0.0255,not specified,block of flats,0.0499,"Stone, brick",No,0.0,0.0,0.0,0.0,-691.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2002278,190845,Consumer loans,5112.405,40450.5,44455.5,0.0,40450.5,MONDAY,15,Y,1,0.0,,,XAP,Approved,-340,Cash through the bank,XAP,Unaccompanied,Repeater,Construction Materials,POS,XNA,Regional / Local,99,Construction,10.0,middle,POS industry with interest,365243.0,-310.0,-40.0,-190.0,-187.0,1.0,0,Cash loans,M,Y,N,0,112500.0,450000.0,30573.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-9998,-474,-4778.0,-2647,7.0,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,11,0,0,0,1,1,0,Trade: type 7,,0.5307471272503302,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1250.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2291410,203532,Cash loans,26505.18,585000.0,677664.0,,585000.0,WEDNESDAY,14,Y,1,,,,XNA,Approved,-784,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-753.0,657.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,112500.0,640080.0,24259.5,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-23086,365243,-11435.0,-4410,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,XNA,,0.2622583692422573,0.3046721837533529,0.0732,0.0225,0.9841,0.7824,0.0024,0.04,0.0345,0.3333,0.0417,0.0,0.0597,0.0643,0.0,0.0,0.0746,0.0233,0.9841,0.7909,0.0024,0.0403,0.0345,0.3333,0.0417,0.0,0.0652,0.067,0.0,0.0,0.0739,0.0225,0.9841,0.7853,0.0024,0.04,0.0345,0.3333,0.0417,0.0,0.0607,0.0655,0.0,0.0,reg oper account,block of flats,0.0519,"Stone, brick",No,5.0,0.0,5.0,0.0,-1472.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2437082,406637,Consumer loans,7085.88,33975.0,24871.5,9900.0,33975.0,FRIDAY,14,Y,1,0.3100815322893749,,,XAP,Approved,-2365,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,91,Connectivity,4.0,low_normal,POS mobile with interest,365243.0,-2219.0,-2129.0,-2129.0,-2125.0,1.0,1,Cash loans,M,N,Y,0,112500.0,675000.0,21775.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-19019,-3099,-7219.0,-1022,,1,1,1,1,0,0,Drivers,2.0,2,2,THURSDAY,17,0,0,0,0,0,0,Business Entity Type 3,,0.7623951191736721,,0.4206,0.3828,0.9796,0.7212,0.1897,0.0,0.9655,0.1667,0.2083,0.3625,0.3429,0.4161,0.0,0.0,0.4286,0.3972,0.9796,0.7321,0.1915,0.0,0.9655,0.1667,0.2083,0.3707,0.3747,0.4336,0.0,0.0,0.4247,0.3828,0.9796,0.7249,0.1909,0.0,0.9655,0.1667,0.2083,0.3688,0.3489,0.4236,0.0,0.0,reg oper account,block of flats,0.4308,Panel,No,0.0,0.0,0.0,0.0,-12.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2287840,106467,Revolving loans,2250.0,45000.0,45000.0,,45000.0,TUESDAY,10,Y,1,,,,XAP,Approved,-302,XNA,XAP,Family,New,XNA,Cards,walk-in,Stone,142,Consumer electronics,0.0,XNA,Card Street,-254.0,-230.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,F,N,Y,0,153000.0,534204.0,39001.5,495000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-18009,-556,-330.0,-1517,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,12,0,0,0,0,1,1,Housing,,0.565601483974698,0.12610055883623253,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-264.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,1.0,0.0,0.0,1.0,2.0 +1678936,423109,Cash loans,28304.235,270000.0,358236.0,,270000.0,WEDNESDAY,11,Y,1,,,,Everyday expenses,Approved,-685,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,high,Cash Street: high,365243.0,-655.0,35.0,-505.0,-499.0,1.0,0,Cash loans,F,N,N,0,135000.0,675000.0,53329.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,With parents,0.035792000000000004,-12512,-525,-49.0,-2157,,1,1,1,1,0,0,Sales staff,2.0,2,2,TUESDAY,18,0,0,0,0,0,0,Trade: type 3,0.37626083234017216,0.2924467559411109,0.2807895743848605,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-372.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,11.0 +1621069,222257,Revolving loans,7875.0,157500.0,157500.0,,157500.0,FRIDAY,14,Y,1,,,,XAP,Approved,-136,XNA,XAP,Unaccompanied,Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-111.0,-89.0,365243.0,-59.0,-13.0,0.0,0,Cash loans,F,N,N,0,135000.0,542133.0,34807.5,468000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.018801,-12922,-3491,-1495.0,-3911,,1,1,0,1,0,0,Cooking staff,2.0,2,2,MONDAY,15,0,0,0,0,0,0,School,,0.4637055103934179,0.7801436381572275,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1324.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2100767,260115,Cash loans,8046.0,90000.0,90000.0,,90000.0,THURSDAY,9,Y,1,,,,XNA,Approved,-2591,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,15.0,middle,Cash Street: middle,365243.0,-2561.0,-2141.0,-2141.0,-2133.0,0.0,0,Cash loans,F,Y,N,0,103500.0,254700.0,24939.0,225000.0,Unaccompanied,Pensioner,Lower secondary,Married,House / apartment,0.007120000000000001,-23734,365243,-11532.0,-4363,9.0,1,0,0,1,0,0,,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,XNA,,0.7161366453694742,0.5424451438613613,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-995.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2404075,383655,Cash loans,9537.3,45000.0,51822.0,,45000.0,SUNDAY,11,Y,1,,,,XNA,Approved,-933,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-903.0,-753.0,-753.0,-751.0,1.0,0,Cash loans,F,N,Y,1,216000.0,306306.0,15768.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010966,-15606,-6011,-6745.0,-4310,,1,1,0,1,0,1,Core staff,3.0,2,2,TUESDAY,14,0,0,0,0,0,0,Kindergarten,0.6609075913993225,0.3586892153416474,0.8061492814355136,0.1938,0.1719,0.9796,0.7212,0.021,0.0,0.3793,0.1667,0.2083,0.0,0.158,0.1768,0.0,0.0,0.1975,0.1784,0.9796,0.7321,0.0212,0.0,0.3793,0.1667,0.2083,0.0,0.1726,0.1842,0.0,0.0,0.1957,0.1719,0.9796,0.7249,0.0212,0.0,0.3793,0.1667,0.2083,0.0,0.1608,0.18,0.0,0.0,org spec account,block of flats,0.1505,"Stone, brick",No,4.0,0.0,4.0,0.0,-933.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +2257591,230721,Cash loans,18249.3,90000.0,90000.0,,90000.0,MONDAY,8,Y,1,,,,XNA,Approved,-857,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Stone,240,Consumer electronics,6.0,high,Cash X-Sell: high,365243.0,-827.0,-677.0,-677.0,-668.0,0.0,0,Cash loans,F,N,Y,2,148500.0,135000.0,12622.5,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006629,-12530,-820,-6646.0,-2500,,1,1,1,1,0,0,Laborers,4.0,2,2,THURSDAY,8,0,0,0,0,0,0,Trade: type 2,0.35205640187653514,0.6998832965271654,0.7252764347002191,0.0567,0.0516,0.9871,0.8572,0.0194,0.0264,0.0917,0.1942,0.3125,0.0417,0.0588,0.0646,0.0,0.0057,0.0263,0.0,0.9826,0.8628,0.0117,0.0,0.069,0.0417,0.2083,0.0312,0.0551,0.0215,0.0,0.0,0.0625,0.0728,0.9896,0.8591,0.0195,0.0,0.069,0.1667,0.3125,0.0368,0.0599,0.0623,0.0,0.0,reg oper account,block of flats,0.0199,Block,No,14.0,0.0,12.0,0.0,-1142.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1783408,346142,Cash loans,15119.19,135000.0,143910.0,,135000.0,WEDNESDAY,13,Y,1,,,,XNA,Approved,-324,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,20,Connectivity,12.0,middle,Cash X-Sell: middle,365243.0,-294.0,36.0,-204.0,-194.0,1.0,0,Cash loans,F,N,N,0,90000.0,312768.0,13905.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.025164,-14571,-546,-3189.0,-4369,,1,1,1,1,0,0,Cleaning staff,1.0,2,2,FRIDAY,14,0,0,0,0,0,0,Housing,,0.2622583692422573,0.6658549219640212,0.0082,,0.9801,,,,0.069,0.0417,,,,0.0069,,,0.0084,,0.9801,,,,0.069,0.0417,,,,0.0072,,,0.0083,,0.9801,,,,0.069,0.0417,,,,0.0071,,,,block of flats,0.0057,"Stone, brick",No,2.0,0.0,2.0,0.0,-1564.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2396499,310905,Consumer loans,11888.865,107455.5,93510.0,21510.0,107455.5,WEDNESDAY,19,Y,1,0.20367193057333904,,,XAP,Approved,-975,Cash through the bank,XAP,,New,Computers,POS,XNA,Country-wide,37,Connectivity,10.0,high,POS mobile with interest,365243.0,-938.0,-668.0,-758.0,-745.0,0.0,0,Cash loans,F,N,N,0,225000.0,1099350.0,32274.0,787500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,With parents,0.035792000000000004,-16587,-3474,-3111.0,-133,,1,1,0,1,0,0,Cooking staff,2.0,2,2,FRIDAY,15,0,0,0,1,1,0,Trade: type 7,,0.7111855110629872,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,1.0,-975.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2327901,257021,Consumer loans,8702.145,87030.0,78327.0,8703.0,87030.0,MONDAY,16,Y,1,0.1089090909090909,,,XAP,Approved,-2544,Cash through the bank,XAP,"Spouse, partner",New,Furniture,POS,XNA,Stone,293,Furniture,10.0,low_normal,POS industry with interest,365243.0,-2512.0,-2242.0,-2242.0,-2237.0,0.0,0,Revolving loans,M,Y,Y,1,135000.0,157500.0,7875.0,157500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00733,-10639,-422,-4986.0,-3319,12.0,1,1,0,1,0,0,,3.0,2,2,THURSDAY,17,0,0,0,0,0,0,Transport: type 4,0.36576988715968817,0.5922688762874121,,0.0082,0.0,0.9722,,0.0016,0.0,0.069,0.0417,,0.0,,0.0085,,0.0,0.0084,0.0,0.9722,,0.0016,0.0,0.069,0.0417,,0.0,,0.0089,,0.0,0.0083,0.0,0.9722,,0.0016,0.0,0.069,0.0417,,0.0,,0.0087,,0.0,,block of flats,0.0126,"Stone, brick",No,2.0,1.0,2.0,1.0,-1968.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +2486596,166363,Revolving loans,6750.0,135000.0,135000.0,,135000.0,FRIDAY,13,Y,1,,,,XAP,Approved,-383,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-383.0,-335.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,81000.0,286704.0,17455.5,247500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010966,-18074,-1688,-10092.0,-1618,,1,1,0,1,0,0,Security staff,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.2016752057774648,0.656158373001177,0.1186,0.1134,0.9801,0.728,0.0143,0.0,0.2759,0.1667,0.2083,0.0,0.0967,0.1108,0.0,0.0,0.1208,0.1177,0.9801,0.7387,0.0145,0.0,0.2759,0.1667,0.2083,0.0,0.1056,0.1155,0.0,0.0,0.1197,0.1134,0.9801,0.7316,0.0144,0.0,0.2759,0.1667,0.2083,0.0,0.0983,0.1128,0.0,0.0,reg oper account,block of flats,0.095,Panel,No,0.0,0.0,0.0,0.0,-2440.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2117139,143882,Revolving loans,11250.0,225000.0,225000.0,,225000.0,SATURDAY,5,Y,1,,,,XAP,Approved,-236,XNA,XAP,Family,Refreshed,XNA,Cards,x-sell,Regional / Local,516,Consumer electronics,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,495000.0,728460.0,73651.5,675000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.001276,-23366,-15043,-9395.0,-4579,,1,1,0,1,0,0,Core staff,2.0,2,2,THURSDAY,6,0,0,0,0,0,0,University,0.8476344752710181,0.6418623584160772,0.4722533429586386,0.0605,0.0469,0.9841,0.7824,0.0,0.0,0.1034,0.1667,0.0417,0.0563,0.0168,0.0466,0.0,0.047,0.063,0.0,0.9841,0.7909,0.0,0.0,0.069,0.1667,0.0417,0.0473,0.0,0.0438,0.0,0.0316,0.0625,0.0703,0.9841,0.7853,0.0,0.0,0.1034,0.1667,0.0417,0.0515,0.0,0.0485,0.0,0.0567,reg oper account,block of flats,0.04,Panel,No,0.0,0.0,0.0,0.0,-2402.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1441840,355314,Cash loans,22587.975,679500.0,679500.0,,679500.0,WEDNESDAY,12,Y,1,,,,XNA,Approved,-55,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,310500.0,1125000.0,47794.5,1125000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.026392000000000002,-23490,365243,-11163.0,-4695,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,14,0,0,0,0,0,0,XNA,0.9095729745634328,0.646113789168058,0.6956219298394389,0.1485,,0.9841,,,0.16,0.1379,0.3333,,0.1052,,0.0931,,0.2178,0.1513,,0.9841,,,0.1611,0.1379,0.3333,,0.1076,,0.097,,0.2306,0.1499,,0.9841,,,0.16,0.1379,0.3333,,0.107,,0.0948,,0.2224,,block of flats,0.1206,Panel,No,1.0,1.0,1.0,0.0,-777.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1725301,289690,Cash loans,14910.93,135000.0,172206.0,0.0,135000.0,MONDAY,16,Y,1,0.0,,,XNA,Refused,-1633,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,18.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,N,2,202500.0,967500.0,25650.0,967500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-12844,-5711,-6689.0,-3407,,1,1,0,1,1,0,,4.0,2,2,TUESDAY,11,0,0,0,0,0,0,Industry: type 1,,0.5936516914311987,0.4382813743111921,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,3.0,4.0,1.0,-1633.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,3.0 +2726615,153866,Consumer loans,3855.015,42790.275,42786.0,4.275,42790.275,SATURDAY,12,Y,1,0.00010880658365396429,,,XAP,Approved,-1479,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Country-wide,480,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-1445.0,-1115.0,-1355.0,-1352.0,0.0,0,Cash loans,M,Y,N,0,135000.0,450000.0,25965.0,450000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.019101,-23820,365243,-10065.0,-4723,8.0,1,0,0,1,1,0,,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,XNA,0.7612946561078144,0.7422170593754733,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-726.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1784945,165299,Consumer loans,12736.935,103320.0,114232.5,0.0,103320.0,WEDNESDAY,11,Y,1,0.0,,,XAP,Approved,-1146,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,100,Consumer electronics,12.0,high,POS household with interest,365243.0,-1115.0,-785.0,-785.0,-778.0,0.0,0,Cash loans,F,N,Y,1,180000.0,1041219.0,53293.5,855000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-14113,-4942,-2856.0,-4372,,1,1,0,1,0,0,Laborers,3.0,3,3,MONDAY,9,0,0,0,0,0,0,Self-employed,0.11587229002775945,0.3755244261864689,0.266456808245056,0.0619,0.0946,0.9891,0.8504,0.01,0.0,0.1379,0.1667,0.2083,0.0347,0.0504,0.0695,0.0,0.0,0.063,0.0981,0.9891,0.8563,0.0101,0.0,0.1379,0.1667,0.2083,0.0355,0.0551,0.0725,0.0,0.0,0.0625,0.0946,0.9891,0.8524,0.01,0.0,0.1379,0.1667,0.2083,0.0353,0.0513,0.0708,0.0,0.0,reg oper account,block of flats,0.0547,"Stone, brick",No,1.0,1.0,1.0,0.0,-2396.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,6.0 +2407070,405977,Cash loans,,0.0,0.0,,0.0,WEDNESDAY,18,Y,1,,,,Urgent needs,Refused,-373,Cash through the bank,XNA,"Spouse, partner",Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,N,N,0,270000.0,284256.0,32071.5,270000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.072508,-10322,-3250,-3746.0,-525,,1,1,1,1,1,1,Accountants,2.0,1,1,TUESDAY,18,0,0,0,0,0,0,Business Entity Type 1,0.3385152856462869,0.7387671315791738,0.21885908222837447,0.268,0.1181,0.9886,,,0.32,0.1379,0.6667,,0.0,,0.2837,,0.0499,0.2731,0.1225,0.9886,,,0.3222,0.1379,0.6667,,0.0,,0.2956,,0.0528,0.2706,0.1181,0.9886,,,0.32,0.1379,0.6667,,0.0,,0.2888,,0.0509,,block of flats,0.234,Panel,No,0.0,0.0,0.0,0.0,-1655.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,4.0 +1506078,320142,Cash loans,33281.28,990000.0,1133748.0,,990000.0,MONDAY,14,Y,1,,,,XNA,Refused,-268,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,112500.0,1035000.0,27301.5,1035000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00702,-17833,-138,-1348.0,-1348,,1,1,1,1,1,0,Sales staff,2.0,2,2,TUESDAY,8,0,0,0,0,0,0,Trade: type 7,,0.6638952778149104,0.4206109640437848,0.0871,0.0224,0.998,0.9728,0.0387,0.12,0.1034,0.2917,0.3333,0.0206,0.0681,0.0862,0.0135,0.0857,0.0819,0.0,0.997,0.9608,0.0293,0.0806,0.069,0.25,0.2917,0.0,0.0661,0.0844,0.0039,0.0525,0.08800000000000001,0.0224,0.998,0.9732,0.039,0.12,0.1034,0.2917,0.3333,0.0209,0.0693,0.0878,0.0136,0.0875,org spec account,block of flats,0.0938,"Stone, brick",No,5.0,0.0,5.0,0.0,-915.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1232523,238922,Consumer loans,12492.675,71415.0,67455.0,7141.5,71415.0,WEDNESDAY,10,Y,1,0.10426417763933596,,,XAP,Approved,-1177,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Stone,807,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1146.0,-996.0,-996.0,-990.0,0.0,0,Cash loans,F,Y,Y,0,202500.0,495000.0,19309.5,495000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-20105,365243,-4710.0,-3555,11.0,1,0,0,1,1,0,,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,XNA,0.6253446341462158,0.733590026548124,0.1940678276718812,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1177.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1460134,373358,Consumer loans,11333.115,251289.0,251289.0,0.0,251289.0,THURSDAY,14,Y,1,0.0,,,XAP,Approved,-1557,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,1700,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1525.0,-835.0,-925.0,-917.0,0.0,0,Cash loans,F,N,Y,0,112500.0,1288350.0,37800.0,1125000.0,Family,State servant,Higher education,Married,House / apartment,0.020713,-8993,-618,-39.0,-214,,1,1,0,1,0,0,Core staff,2.0,3,3,SUNDAY,11,0,0,0,0,0,0,Government,0.30680149794085343,0.7150462745184488,,0.0629,0.0269,0.9821,0.7552,0.0127,0.0,0.2069,0.1667,0.0417,0.0451,0.0513,0.0535,0.0,0.0,0.0641,0.028,0.9821,0.7648,0.0128,0.0,0.2069,0.1667,0.0417,0.0461,0.056,0.0558,0.0,0.0,0.0635,0.0269,0.9821,0.7585,0.0128,0.0,0.2069,0.1667,0.0417,0.0459,0.0522,0.0545,0.0,0.0,reg oper spec account,block of flats,0.0421,Panel,No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1103038,108202,Consumer loans,4856.4,107680.5,107680.5,0.0,107680.5,WEDNESDAY,10,Y,1,0.0,,,XAP,Approved,-1476,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,1700,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1445.0,-755.0,-785.0,-779.0,0.0,0,Cash loans,F,N,Y,0,99000.0,373311.0,15943.5,283500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.020713,-22416,365243,-210.0,-4109,,1,0,0,1,0,0,,2.0,3,3,TUESDAY,6,0,0,0,0,0,0,XNA,,0.2782987484092134,0.6658549219640212,0.0082,0.0,0.9732,,,0.0,0.069,0.0417,,0.0543,,0.0067,,0.0,0.0084,0.0,0.9732,,,0.0,0.069,0.0417,,0.0556,,0.0069,,0.0,0.0083,0.0,0.9732,,,0.0,0.069,0.0417,,0.0553,,0.0068,,0.0,,block of flats,0.0052,Wooden,No,1.0,1.0,1.0,1.0,-1630.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1628616,175252,Consumer loans,,51930.0,51930.0,0.0,51930.0,SUNDAY,16,Y,1,0.0,,,XAP,Refused,-1680,Cash through the bank,LIMIT,,Repeater,Mobile,XNA,XNA,Country-wide,48,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,F,Y,Y,0,112500.0,533304.0,29061.0,405000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.009656999999999999,-10874,-3686,-690.0,-3536,6.0,1,1,0,1,0,0,Managers,1.0,2,2,SUNDAY,15,0,1,1,0,1,1,Construction,0.4154722723499941,0.4893539801494648,0.6195277080511546,0.4722,0.3003,0.9846,0.7959999999999999,0.034,0.52,0.4483,0.3333,0.375,0.2563,0.385,0.394,0.0,0.0069,0.4811,0.2702,0.9846,0.804,0.0343,0.5236,0.4483,0.3333,0.375,0.2622,0.4206,0.306,0.0,0.0073,0.4767,0.3003,0.9846,0.7987,0.0342,0.52,0.4483,0.3333,0.375,0.2608,0.3916,0.4011,0.0,0.0071,reg oper account,block of flats,0.3876,Panel,No,4.0,0.0,4.0,0.0,-1543.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1966253,356472,Cash loans,34673.535,495000.0,524403.0,,495000.0,FRIDAY,14,Y,1,,,,Repairs,Refused,-326,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),6,XNA,18.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,112500.0,900000.0,35694.0,900000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.010276,-19489,-1020,-7953.0,-2902,,1,1,1,1,1,1,Laborers,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Housing,,0.7722905108021738,0.7544061731797895,0.0619,0.0932,0.9901,0.8640000000000001,0.0416,0.0,0.0345,0.1667,0.2083,0.0,0.0504,0.069,0.0,0.0,0.063,0.0967,0.9901,0.8693,0.042,0.0,0.0345,0.1667,0.2083,0.0,0.0551,0.0719,0.0,0.0,0.0625,0.0932,0.9901,0.8658,0.0419,0.0,0.0345,0.1667,0.2083,0.0,0.0513,0.0702,0.0,0.0,reg oper account,block of flats,0.077,Panel,No,11.0,0.0,11.0,0.0,-1784.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2479177,204156,Cash loans,,0.0,0.0,,,MONDAY,15,Y,1,,,,XNA,Refused,-252,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,Y,Y,0,112500.0,603000.0,23494.5,603000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.019101,-20230,365243,-9188.0,-3491,13.0,1,0,0,1,0,0,,1.0,2,2,MONDAY,12,0,0,0,0,0,0,XNA,,0.3032941105436426,0.6092756673894402,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-815.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2387801,352331,Cash loans,10907.775,135000.0,176157.0,,135000.0,WEDNESDAY,17,Y,1,,,,XNA,Approved,-1056,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-1026.0,-336.0,-681.0,-673.0,1.0,1,Cash loans,F,N,Y,1,121500.0,284400.0,22599.0,225000.0,Unaccompanied,Working,Incomplete higher,Married,Municipal apartment,0.032561,-11038,-1022,-510.0,-2993,,1,1,0,1,0,0,Accountants,3.0,1,1,TUESDAY,17,0,0,0,0,0,0,Trade: type 2,0.3206837793539747,0.6453884480222756,0.2622489709189549,0.0041,,0.9727,,,,0.069,0.0833,,,,0.0256,,0.0017,0.0042,,0.9727,,,,0.069,0.0833,,,,0.0266,,0.0018,0.0042,,0.9727,,,,0.069,0.0833,,,,0.026,,0.0017,,,0.0219,"Stone, brick",No,0.0,0.0,0.0,0.0,-115.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2586860,304901,Consumer loans,5559.75,46615.5,46381.5,4662.0,46615.5,TUESDAY,12,Y,1,0.09947087911647556,,,XAP,Approved,-846,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,25,Connectivity,12.0,high,POS mobile with interest,365243.0,-808.0,-478.0,-478.0,-470.0,0.0,0,Cash loans,F,N,Y,0,157500.0,1651347.0,43690.5,1476000.0,"Spouse, partner",Commercial associate,Higher education,Married,House / apartment,0.00496,-18149,-1576,-6012.0,-1529,,1,1,0,1,1,0,High skill tech staff,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Trade: type 6,0.790731645681732,0.680744306993716,0.7789040389824382,0.0113,,0.9334,,,,,0.0,,,,0.0064,,,0.0116,,0.9335,,,,,0.0,,,,0.0067,,,0.0115,,0.9334,,,,,0.0,,,,0.0065,,,,block of flats,0.0074,,No,0.0,0.0,0.0,0.0,-846.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2070330,408765,Cash loans,43839.0,450000.0,450000.0,,450000.0,TUESDAY,16,Y,1,,,,XNA,Approved,-688,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-658.0,-328.0,-478.0,-473.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,746280.0,41670.0,675000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.005313,-15003,365243,-3114.0,-4490,4.0,1,0,0,1,1,0,,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,XNA,0.6248826876298891,0.6439307473827128,0.6212263380626669,0.0928,0.0859,0.9791,0.7144,0.0386,0.0,0.2069,0.1667,0.2083,0.0137,0.0756,0.0515,0.0,0.0,0.0945,0.0892,0.9791,0.7256,0.039,0.0,0.2069,0.1667,0.2083,0.014,0.0826,0.0537,0.0,0.0,0.0937,0.0859,0.9791,0.7182,0.0389,0.0,0.2069,0.1667,0.2083,0.014,0.077,0.0525,0.0,0.0,not specified,block of flats,0.0617,Panel,No,0.0,0.0,0.0,0.0,-1955.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,3.0 +1145570,336816,Cash loans,5340.15,45000.0,45000.0,,45000.0,THURSDAY,10,Y,1,,,,XNA,Refused,-1427,XNA,HC,Family,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),-1,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,M,N,Y,0,81000.0,165960.0,8604.0,112500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-16516,-789,-742.0,-55,,1,1,0,1,0,0,Drivers,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Transport: type 4,0.4478040977776206,0.6568082932114575,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,5.0,0.0,5.0,0.0,-1260.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1165124,180133,Cash loans,15810.3,495000.0,495000.0,,495000.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-309,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-279.0,1131.0,-69.0,-67.0,0.0,0,Cash loans,F,N,Y,0,153000.0,450000.0,17095.5,450000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.028663,-23631,365243,-10563.0,-4431,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,17,0,0,0,0,0,0,XNA,,0.2911452970755309,0.4830501881366946,0.0247,0.0422,0.9856,0.8028,0.003,0.0,0.069,0.0833,0.125,0.0526,0.0202,0.0269,0.0,0.0,0.0252,0.0438,0.9856,0.8105,0.003,0.0,0.069,0.0833,0.125,0.0537,0.022,0.028,0.0,0.0,0.025,0.0422,0.9856,0.8054,0.003,0.0,0.069,0.0833,0.125,0.0535,0.0205,0.0274,0.0,0.0,reg oper account,block of flats,0.0228,"Stone, brick",No,0.0,0.0,0.0,0.0,-2634.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,2.0 +1259534,202419,Consumer loans,4963.635,15966.0,18382.5,0.0,15966.0,THURSDAY,15,Y,1,0.0,,,XAP,Approved,-621,Cash through the bank,XAP,,Repeater,Clothing and Accessories,POS,XNA,Stone,132,Clothing,4.0,middle,POS industry with interest,365243.0,-590.0,-500.0,-500.0,-492.0,0.0,0,Cash loans,F,N,Y,1,135000.0,229500.0,13797.0,229500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-14451,-1084,-8208.0,-4879,,1,1,0,1,1,0,Laborers,3.0,3,3,TUESDAY,12,0,0,0,0,0,0,Postal,0.39467420981435386,0.31682587344297364,0.42765737003502935,0.0536,0.0582,0.9717,0.6124,0.0231,0.0,0.1034,0.1667,0.2083,0.0498,0.0378,0.0615,0.027000000000000003,0.0841,0.0546,0.0604,0.9717,0.6276,0.0233,0.0,0.1034,0.1667,0.2083,0.0509,0.0413,0.064,0.0272,0.0891,0.0541,0.0582,0.9717,0.6176,0.0232,0.0,0.1034,0.1667,0.2083,0.0507,0.0385,0.0626,0.0272,0.0859,not specified,block of flats,0.0666,"Stone, brick",No,0.0,0.0,0.0,0.0,-64.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2762104,146164,Consumer loans,5418.9,35550.0,27000.0,8550.0,35550.0,SUNDAY,12,Y,1,0.2619332566168008,,,XAP,Approved,-2901,Cash through the bank,XAP,,New,Mobile,POS,XNA,Regional / Local,10,Connectivity,6.0,high,POS mobile with interest,365243.0,-2788.0,-2638.0,-2698.0,-2677.0,0.0,0,Cash loans,F,N,N,0,135000.0,805536.0,31945.5,720000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,Municipal apartment,0.010556,-22827,365243,-887.0,-3973,,1,0,0,1,0,0,,2.0,3,3,WEDNESDAY,12,0,0,0,0,0,0,XNA,,0.3956163273251739,0.3108182544189319,0.0928,0.1513,0.9791,0.7144,0.047,0.0,0.2069,0.1667,0.0417,0.0,0.0756,0.0881,0.0,0.0,0.0945,0.157,0.9791,0.7256,0.0475,0.0,0.2069,0.1667,0.0417,0.0,0.0826,0.0918,0.0,0.0,0.0937,0.1513,0.9791,0.7182,0.0473,0.0,0.2069,0.1667,0.0417,0.0,0.077,0.0897,0.0,0.0,reg oper account,block of flats,0.0951,Panel,No,0.0,0.0,0.0,0.0,-2901.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1483737,451241,Cash loans,62182.71,1350000.0,1467612.0,,1350000.0,FRIDAY,10,Y,1,,,,XNA,Refused,-325,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,90000.0,1111500.0,36864.0,1111500.0,Other_B,Pensioner,Higher education,Married,House / apartment,0.020246,-20261,365243,-8557.0,-3798,,1,0,0,1,1,0,,2.0,3,3,MONDAY,13,0,0,0,0,0,0,XNA,0.4064682221783462,0.7556398060788251,0.3360615207658242,0.1237,0.1329,0.9861,0.8096,0.1016,0.0,0.2759,0.1667,0.2083,0.02,0.0983,0.1119,0.0116,0.0076,0.1261,0.1379,0.9861,0.8171,0.1025,0.0,0.2759,0.1667,0.2083,0.0204,0.1074,0.1166,0.0117,0.0081,0.1249,0.1329,0.9861,0.8121,0.1022,0.0,0.2759,0.1667,0.2083,0.0203,0.1,0.1139,0.0116,0.0078,reg oper account,block of flats,0.1452,Panel,No,0.0,0.0,0.0,0.0,-1645.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,5.0 +2625909,454603,Cash loans,17087.76,229500.0,253737.0,,229500.0,MONDAY,12,Y,1,,,,XNA,Refused,-17,XNA,HC,Unaccompanied,Refreshed,XNA,Cash,x-sell,Contact center,-1,XNA,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,N,0,94500.0,405000.0,19696.5,405000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.009656999999999999,-22440,365243,-10096.0,-4823,,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,XNA,,0.5801277578958426,0.41184855592423975,0.0134,0.0,0.9707,0.5988,0.0013,0.0,0.069,0.0417,0.0833,0.006,0.0109,0.0148,0.0,0.0033,0.0137,0.0,0.9707,0.6145,0.0013,0.0,0.069,0.0417,0.0833,0.0062,0.0119,0.0154,0.0,0.0035,0.0135,0.0,0.9707,0.6042,0.0013,0.0,0.069,0.0417,0.0833,0.0061,0.0111,0.0151,0.0,0.0033,reg oper spec account,block of flats,0.0116,"Stone, brick",No,0.0,0.0,0.0,0.0,-1769.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1663635,387002,Consumer loans,9390.735,89410.5,80469.0,8941.5,89410.5,SUNDAY,14,Y,1,0.1089145722665276,,,XAP,Refused,-2655,XNA,SCO,,Repeater,XNA,POS,XNA,Country-wide,42,Connectivity,12.0,low_normal,POS mobile with interest,,,,,,,0,Cash loans,M,Y,N,0,193500.0,675000.0,21906.0,675000.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.011656999999999999,-22198,-2786,-6518.0,-687,64.0,1,1,0,1,1,0,Drivers,1.0,1,1,MONDAY,14,0,0,0,0,0,0,Self-employed,,0.7129340815272937,0.3774042489507649,0.0928,0.1007,0.9786,0.7076,0.0446,0.0,0.2069,0.1667,0.2083,0.0175,0.0756,0.087,0.0,0.0,0.0945,0.1045,0.9786,0.7190000000000001,0.045,0.0,0.2069,0.1667,0.2083,0.0179,0.0826,0.0906,0.0,0.0,0.0937,0.1007,0.9786,0.7115,0.0449,0.0,0.2069,0.1667,0.2083,0.0178,0.077,0.0886,0.0,0.0,reg oper account,block of flats,0.0685,Panel,No,0.0,0.0,0.0,0.0,-1988.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2047946,207230,Cash loans,115278.75,1125000.0,1125000.0,,1125000.0,WEDNESDAY,13,Y,1,,,,Repairs,Refused,-406,XNA,HC,,Repeater,XNA,Cash,walk-in,Contact center,-1,XNA,12.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,675000.0,450072.0,48469.5,427500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.0228,-12704,-808,-149.0,-3214,,1,1,1,1,1,1,,2.0,2,2,WEDNESDAY,7,0,0,0,0,0,0,Self-employed,,0.2216027426404749,0.1852020815902493,,,0.997,0.9592,,0.16,0.1379,0.3333,0.375,,0.121,,,,,,0.997,0.9608,,0.1611,0.1379,0.3333,0.375,,0.1322,,,,,,0.997,0.9597,,0.16,0.1379,0.3333,0.375,,0.1231,,,,org spec account,block of flats,0.1532,"Stone, brick",No,1.0,0.0,1.0,0.0,-1329.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,9.0 +1499228,317751,Cash loans,51305.31,630000.0,662431.5,,630000.0,TUESDAY,12,Y,1,,,,XNA,Approved,-730,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-700.0,-190.0,-190.0,-186.0,1.0,0,Cash loans,F,N,Y,1,135000.0,74628.0,8856.0,67500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-13227,-1787,-5718.0,-4688,,1,1,0,1,1,0,Laborers,3.0,2,2,THURSDAY,7,0,0,0,0,0,0,Self-employed,,0.3333956400488529,0.5226973172821112,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2434.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2121886,314648,Cash loans,11420.82,225000.0,269550.0,,225000.0,WEDNESDAY,11,Y,1,,,,XNA,Refused,-160,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,144000.0,373500.0,10399.5,225000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.009175,-10952,-251,-1326.0,-1578,,1,1,1,1,0,0,Secretaries,2.0,2,2,TUESDAY,17,0,0,0,0,0,0,Police,,0.6347490508329036,0.3962195720630885,0.1031,0.0769,0.9831,0.7688,0.0056,0.04,0.0345,0.3333,0.375,0.0683,0.0849,0.0542,0.0039,0.0501,0.1029,0.0,0.9831,0.7779,0.0056,0.0403,0.0345,0.3333,0.375,0.0398,0.0927,0.0409,0.0039,0.053,0.1041,0.0769,0.9831,0.7719,0.0056,0.04,0.0345,0.3333,0.375,0.0695,0.0864,0.0552,0.0039,0.0511,reg oper spec account,block of flats,0.0638,"Stone, brick",No,0.0,0.0,0.0,0.0,-502.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +2488409,162436,Revolving loans,6750.0,135000.0,135000.0,,135000.0,WEDNESDAY,8,Y,1,,,,XAP,Refused,-829,XNA,LIMIT,,Refreshed,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,N,N,1,90000.0,225000.0,16132.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-13019,-843,-304.0,-2272,,1,1,0,1,1,1,,3.0,2,2,SATURDAY,9,0,0,0,0,1,1,Business Entity Type 3,0.5210130038781272,0.2453495532540649,0.6296742509538716,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,2.0,5.0,2.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1680427,114742,Cash loans,35571.33,1129500.0,1293502.5,,1129500.0,WEDNESDAY,17,Y,1,,,,XNA,Refused,-338,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,Y,N,0,256500.0,450000.0,47254.5,450000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.010556,-21913,365243,-7219.0,-4280,9.0,1,0,0,1,1,0,,2.0,3,3,THURSDAY,18,0,0,0,0,0,0,XNA,,0.5865110793273655,0.6023863442690867,0.2505,0.1826,0.9896,0.8572,0.1068,0.28,0.2414,0.3333,0.375,0.2259,0.2042,0.2674,0.0,0.0,0.2553,0.1895,0.9896,0.8628,0.1078,0.282,0.2414,0.3333,0.375,0.231,0.2231,0.2786,0.0,0.0,0.2529,0.1826,0.9896,0.8591,0.1075,0.28,0.2414,0.3333,0.375,0.2298,0.2078,0.2722,0.0,0.0,reg oper account,block of flats,0.2687,Panel,No,1.0,1.0,1.0,1.0,-766.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +2606099,414291,Consumer loans,14337.765,197698.5,148270.5,49428.0,197698.5,WEDNESDAY,17,Y,1,0.2722913196334087,,,XAP,Approved,-2373,Non-cash from your account,XAP,Family,Repeater,Computers,POS,XNA,Stone,23,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-2330.0,-2000.0,-2000.0,-1998.0,0.0,0,Cash loans,F,N,Y,0,58500.0,239850.0,23494.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.022625,-24607,365243,-3738.0,-3827,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,XNA,,0.602278218777896,0.25946765482111994,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2373.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2408553,380384,Consumer loans,7846.02,66501.0,57501.0,9000.0,66501.0,MONDAY,17,Y,1,0.14739354568830818,,,XAP,Approved,-66,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,10.0,high,POS mobile with interest,,,,,,,0,Cash loans,M,Y,Y,1,225000.0,284400.0,22599.0,225000.0,Family,Working,Higher education,Married,House / apartment,0.020713,-12056,-402,-4727.0,-3704,3.0,1,1,0,1,0,0,Laborers,3.0,3,2,THURSDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.1332029502715486,0.3890423669901172,0.5370699579791587,0.0443,0.0393,0.993,0.9048,0.0113,0.04,0.0345,0.375,0.4167,0.0236,0.0361,0.0556,0.0,,0.0452,0.0407,0.993,0.9085,0.0114,0.0403,0.0345,0.375,0.4167,0.0242,0.0395,0.058,0.0,,0.0448,0.0393,0.993,0.9061,0.0114,0.04,0.0345,0.375,0.4167,0.024,0.0368,0.0566,0.0,,org spec account,block of flats,0.0555,"Stone, brick",No,0.0,0.0,0.0,0.0,-1633.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1464472,178483,Consumer loans,16818.75,146250.0,146250.0,0.0,146250.0,WEDNESDAY,14,Y,1,0.0,,,XAP,Approved,-802,XNA,XAP,,Repeater,Construction Materials,POS,XNA,Stone,18,Construction,10.0,middle,POS industry with interest,365243.0,-766.0,-496.0,-496.0,-483.0,0.0,0,Cash loans,F,Y,N,0,135000.0,247275.0,17338.5,225000.0,Unaccompanied,Working,Higher education,Widow,House / apartment,0.009549,-23469,-2526,-13894.0,-4513,5.0,1,1,0,1,0,0,Core staff,1.0,2,2,SUNDAY,11,0,0,0,0,1,1,Government,,0.5820706759154828,0.5136937663039473,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1600.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2779818,229809,Revolving loans,2250.0,135000.0,135000.0,,135000.0,SATURDAY,14,N,0,,,,XAP,Refused,-174,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Stone,250,Consumer electronics,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,Y,Y,1,242100.0,509400.0,40374.0,450000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.002042,-10576,-3150,-1128.0,-2745,2.0,1,1,0,1,0,0,Medicine staff,3.0,3,3,FRIDAY,17,0,0,0,0,0,0,Other,,0.1558727604902816,0.1061556230153924,0.0825,0.0842,0.9767,,,0.0,0.1379,0.1667,,0.0859,,0.0756,,0.004,0.084,0.0874,0.9767,,,0.0,0.1379,0.1667,,0.0879,,0.0787,,0.0042,0.0833,0.0842,0.9767,,,0.0,0.1379,0.1667,,0.0874,,0.0769,,0.0041,,block of flats,0.0647,Panel,No,0.0,0.0,0.0,0.0,-1103.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2497317,327931,Cash loans,15511.905,76500.0,76500.0,,76500.0,FRIDAY,15,Y,1,,,,XNA,Approved,-1019,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,AP+ (Cash loan),6,XNA,6.0,high,Cash X-Sell: high,365243.0,-989.0,-839.0,-839.0,-826.0,0.0,0,Cash loans,F,N,Y,1,90000.0,479700.0,49284.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-10274,-1724,-3609.0,-1293,,1,1,0,1,0,0,Sales staff,3.0,2,2,TUESDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.4236349985245561,0.5656767014850675,,0.0103,0.0,0.9682,0.5648,0.0013,0.0,0.0345,0.0417,0.0833,0.0331,0.0084,0.0033,0.0,0.0033,0.0105,0.0,0.9682,0.5818,0.0013,0.0,0.0345,0.0417,0.0833,0.0339,0.0092,0.0035,0.0,0.0035,0.0104,0.0,0.9682,0.5706,0.0013,0.0,0.0345,0.0417,0.0833,0.0337,0.0086,0.0034,0.0,0.0034,reg oper account,block of flats,0.0033,Wooden,Yes,0.0,0.0,0.0,0.0,-1019.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1231563,201115,Revolving loans,11250.0,225000.0,225000.0,,225000.0,THURSDAY,7,Y,1,,,,XAP,Approved,-581,XNA,XAP,,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),5,XNA,0.0,XNA,Card Street,-485.0,-444.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,135000.0,900000.0,35694.0,900000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.028663,-21699,365243,-11392.0,-4472,3.0,1,0,0,1,1,0,,1.0,2,2,THURSDAY,8,0,0,0,0,0,0,XNA,0.663422861316042,0.66772939750934,0.6528965519806539,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-581.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1354997,119869,Consumer loans,10478.88,171000.0,168102.0,22500.0,171000.0,FRIDAY,11,Y,1,0.12856394714927152,,,XAP,Approved,-16,Cash through the bank,XAP,Unaccompanied,Refreshed,Sport and Leisure,POS,XNA,Stone,123,Auto technology,20.0,low_normal,POS other with interest,365243.0,365243.0,584.0,365243.0,365243.0,1.0,0,Revolving loans,F,N,N,0,94500.0,270000.0,13500.0,270000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-20682,365243,-1853.0,-4038,,1,0,0,1,0,0,,2.0,2,2,SUNDAY,10,0,0,0,0,0,0,XNA,,0.5302242563526002,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-16.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1407219,415948,Cash loans,,0.0,0.0,,,TUESDAY,9,Y,1,,,,XNA,Refused,-161,XNA,HC,,Repeater,XNA,XNA,XNA,Contact center,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,Y,Y,1,243000.0,284256.0,30744.0,270000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.008068,-13359,-1942,-1860.0,-4521,8.0,1,1,1,1,1,0,Laborers,3.0,3,3,TUESDAY,6,0,0,0,0,0,0,Military,,0.3341006998598812,0.326475210066026,0.0773,0.085,0.9841,0.7824,0.0105,0.0,0.1724,0.1667,0.2083,0.0902,0.063,0.0735,0.0,0.0,0.0788,0.0882,0.9841,0.7909,0.0106,0.0,0.1724,0.1667,0.2083,0.0923,0.0689,0.0765,0.0,0.0,0.0781,0.085,0.9841,0.7853,0.0106,0.0,0.1724,0.1667,0.2083,0.0918,0.0641,0.0748,0.0,0.0,reg oper account,block of flats,0.0635,Panel,No,0.0,0.0,0.0,0.0,-988.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1406115,318663,Cash loans,39474.0,1350000.0,1350000.0,,1350000.0,MONDAY,10,Y,1,,,,XNA,Approved,-168,XNA,XAP,Family,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-138.0,1632.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,225000.0,314055.0,16164.0,238500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.032561,-18579,-1580,-5516.0,-1941,,1,1,0,1,0,0,Laborers,2.0,1,1,MONDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.6175621923975045,0.4686596550493113,0.0216,,0.9687,,,,0.1034,0.125,,,,0.0319,,0.0323,0.0221,,0.9687,,,,0.1034,0.125,,,,0.0333,,0.0342,0.0219,,0.9687,,,,0.1034,0.125,,,,0.0325,,0.0329,,,0.0321,"Stone, brick",No,0.0,0.0,0.0,0.0,-2182.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1301961,446925,Revolving loans,22500.0,0.0,450000.0,,,THURSDAY,11,Y,1,,,,XAP,Approved,-1204,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,100,XNA,0.0,XNA,Card X-Sell,-1065.0,-1021.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,261000.0,450000.0,24543.0,450000.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.032561,-10963,-323,-3705.0,-2155,,1,1,0,1,0,0,Secretaries,1.0,1,1,THURSDAY,13,0,0,0,0,0,0,Business Entity Type 2,0.7360993524131425,0.6492424968869079,0.30162489168411943,0.0,0.1382,,0.7484,0.0172,0.0,0.0,0.1667,0.2083,0.0,0.0,0.0942,0.0,0.0433,0.0,0.1434,,0.7583,0.0174,0.0,0.0,0.1667,0.2083,0.0,0.0,0.0982,0.0,0.0458,0.0,0.1382,,0.7518,0.0174,0.0,0.0,0.1667,0.2083,0.0,0.0,0.0959,0.0,0.0442,not specified,,0.093,,No,0.0,0.0,0.0,0.0,-750.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +2551959,179696,Consumer loans,4659.705,25875.0,24669.0,2587.5,25875.0,FRIDAY,10,Y,1,0.10338901646479656,,,XAP,Approved,-416,Cash through the bank,XAP,,New,Mobile,POS,XNA,Stone,12,XNA,6.0,middle,POS mobile with interest,365243.0,-385.0,-235.0,-265.0,-260.0,0.0,0,Cash loans,F,N,N,0,112500.0,970380.0,28372.5,810000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-21059,365243,-5759.0,-4043,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,7,0,0,0,1,0,0,XNA,0.7272089204812587,0.41137818804254667,0.5352762504724826,0.067,0.0437,0.9747,0.6532,0.0472,0.0,0.1379,0.1667,0.2083,0.0253,0.0538,0.0512,0.0039,0.084,0.0683,0.0453,0.9747,0.6668,0.0477,0.0,0.1379,0.1667,0.2083,0.0259,0.0588,0.0533,0.0039,0.08900000000000001,0.0677,0.0437,0.9747,0.6578,0.0475,0.0,0.1379,0.1667,0.2083,0.0257,0.0547,0.0521,0.0039,0.0858,reg oper account,block of flats,0.0843,Others,No,0.0,0.0,0.0,0.0,-416.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1873625,313482,Revolving loans,13500.0,270000.0,270000.0,,270000.0,FRIDAY,9,Y,1,,,,XAP,Approved,-118,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-118.0,-75.0,365243.0,-75.0,-52.0,0.0,0,Cash loans,F,Y,N,0,130500.0,931617.0,44950.5,765000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.0031219999999999998,-10669,-1103,-5222.0,-2452,19.0,1,1,0,1,0,0,Accountants,2.0,3,3,THURSDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.2779316924629347,0.4274471056237147,0.4650692149562261,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-583.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1391349,251057,Consumer loans,7866.54,75960.0,65664.0,15300.0,75960.0,FRIDAY,16,Y,1,0.20580864222482725,,,XAP,Approved,-2135,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Stone,1000,Consumer electronics,10.0,middle,POS household with interest,365243.0,-2104.0,-1834.0,-1834.0,-1825.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,592560.0,26905.5,450000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.02461,-21171,-14354,-13719.0,-4315,8.0,1,1,0,1,0,0,High skill tech staff,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,Industry: type 4,,0.6639977395171406,0.8224987619370829,0.1021,0.0924,0.9796,,,0.0,0.2069,0.1667,,0.109,,0.0882,,0.023,0.104,0.0959,0.9796,,,0.0,0.2069,0.1667,,0.1115,,0.0919,,0.0244,0.1031,0.0924,0.9796,,,0.0,0.2069,0.1667,,0.1109,,0.0898,,0.0235,,block of flats,0.08199999999999999,"Stone, brick",No,3.0,1.0,3.0,0.0,-1306.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1630405,302409,Cash loans,,0.0,0.0,,,MONDAY,8,Y,1,,,,XNA,Refused,-184,XNA,SCOFR,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,Y,Y,1,360000.0,545040.0,26640.0,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.031329,-9616,-312,-9240.0,-2200,2.0,1,1,0,1,0,0,Sales staff,3.0,2,2,WEDNESDAY,8,0,0,0,0,1,1,Self-employed,,0.3002439006500713,0.6577838002083306,0.0928,0.0874,0.9786,0.7076,0.013,0.0,0.2069,0.1667,0.2083,0.0809,0.0756,0.0869,0.0,0.0,0.0945,0.0907,0.9786,0.7190000000000001,0.0131,0.0,0.2069,0.1667,0.2083,0.0828,0.0826,0.0906,0.0,0.0,0.0937,0.0874,0.9786,0.7115,0.0131,0.0,0.2069,0.1667,0.2083,0.0824,0.077,0.0885,0.0,0.0,reg oper account,block of flats,0.0684,Panel,No,0.0,0.0,0.0,0.0,-29.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1409768,129993,Consumer loans,6742.71,130495.5,130495.5,0.0,130495.5,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-406,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Country-wide,2078,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-375.0,315.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,N,1,234000.0,512064.0,18522.0,360000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.018634,-14059,-3771,-5877.0,-4134,8.0,1,1,0,1,0,0,Sales staff,3.0,2,2,TUESDAY,17,0,0,0,0,0,0,Self-employed,0.36454859007409135,0.7331624376782261,0.5406544504453575,0.2392,0.1113,0.9881,0.8368,0.1175,0.12,0.1034,0.3333,0.375,0.0974,0.195,0.1528,0.0,0.0,0.2437,0.1155,0.9881,0.8432,0.1186,0.1208,0.1034,0.3333,0.375,0.0996,0.213,0.1592,0.0,0.0,0.2415,0.1113,0.9881,0.8390000000000001,0.1183,0.12,0.1034,0.3333,0.375,0.0991,0.1984,0.1556,0.0,0.0,reg oper account,block of flats,0.1845,Panel,No,1.0,0.0,1.0,0.0,-1854.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2060376,209312,Consumer loans,7628.085,21555.0,21555.0,0.0,21555.0,FRIDAY,13,Y,1,0.0,,,XAP,Approved,-356,Cash through the bank,XAP,,Refreshed,Computers,POS,XNA,Regional / Local,34,Connectivity,3.0,middle,POS mobile with interest,365243.0,-320.0,-260.0,-320.0,-312.0,0.0,0,Cash loans,M,N,Y,2,90000.0,1288350.0,37800.0,1125000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.010556,-14155,-263,-7904.0,-5013,,1,1,0,1,0,0,Laborers,4.0,3,3,THURSDAY,12,0,0,0,0,0,0,Industry: type 11,,0.6600541610568695,0.6785676886853644,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2550.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1075687,339715,Cash loans,37787.445,450000.0,481185.0,,450000.0,TUESDAY,5,Y,1,,,,XNA,Approved,-217,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-187.0,323.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,1,202500.0,729792.0,26343.0,630000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010032,-14289,-1608,-2842.0,-5305,18.0,1,1,0,1,0,0,Drivers,3.0,2,2,TUESDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.3973106793206204,0.5493326657755765,0.6363761710860439,0.1485,0.1157,0.9856,0.8028,0.0373,0.16,0.1379,0.3333,0.375,0.0839,0.121,0.1506,0.0,0.0,0.1513,0.1201,0.9856,0.8105,0.0376,0.1611,0.1379,0.3333,0.375,0.0858,0.1322,0.1569,0.0,0.0,0.1499,0.1157,0.9856,0.8054,0.0375,0.16,0.1379,0.3333,0.375,0.0853,0.1231,0.1533,0.0,0.0,reg oper account,block of flats,0.1184,Panel,No,0.0,0.0,0.0,0.0,-502.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1310943,184898,Cash loans,40447.395,810000.0,907299.0,,810000.0,THURSDAY,5,Y,1,,,,XNA,Approved,-951,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,42.0,middle,Cash Street: middle,365243.0,-921.0,309.0,-801.0,-793.0,1.0,0,Cash loans,F,Y,N,2,256500.0,927252.0,27243.0,774000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.010032,-12513,-2810,-2710.0,-4401,22.0,1,1,0,1,0,0,Sales staff,4.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Self-employed,0.4286110331896175,0.4683580987094502,0.1895952597360396,0.0825,0.0805,0.9757,0.6668,,0.0,0.1379,0.1667,,0.0,,0.0473,,0.0,0.084,0.0834,0.9757,0.6798,,0.0,0.1379,0.1667,,0.0,,0.0493,,0.0,0.0833,0.0805,0.9757,0.6713,,0.0,0.1379,0.1667,,0.0,,0.0482,,0.0,reg oper account,block of flats,0.0554,"Stone, brick",No,1.0,0.0,1.0,0.0,-2122.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1712116,402776,Cash loans,48793.5,630000.0,630000.0,,630000.0,THURSDAY,10,Y,1,,,,XNA,Approved,-571,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Country-wide,1539,Consumer electronics,18.0,middle,Cash X-Sell: middle,365243.0,-541.0,-31.0,-91.0,-78.0,0.0,0,Cash loans,F,Y,Y,0,180000.0,1467612.0,54517.5,1350000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.025164,-19229,-1417,-1503.0,-2677,13.0,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,8,0,0,0,0,0,0,Business Entity Type 3,0.6161490403625427,0.5092344200299864,0.11465249430297055,0.0,0.1011,0.9856,0.8028,0.0,0.24,0.2069,0.3333,0.375,0.0,0.1782,0.2313,0.0,0.0271,0.0,0.1049,0.9856,0.8105,0.0,0.2417,0.2069,0.3333,0.375,0.0,0.1947,0.241,0.0,0.0287,0.0,0.1011,0.9856,0.8054,0.0,0.24,0.2069,0.3333,0.375,0.0,0.1813,0.2355,0.0,0.0277,reg oper account,block of flats,0.1878,Block,No,4.0,0.0,4.0,0.0,-571.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2025682,332134,Consumer loans,14461.2,144886.5,143307.0,14490.0,144886.5,FRIDAY,18,Y,1,0.10000777754157096,,,XAP,Refused,-1235,Cash through the bank,LIMIT,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Stone,150,Consumer electronics,12.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,135000.0,904500.0,29178.0,904500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.006670999999999999,-16999,-1186,-6446.0,-544,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.5695620821473234,0.5885725082788296,,0.0825,0.1177,0.9906,0.8708,0.0498,0.0,0.1379,0.1667,0.2083,0.0907,0.0664,0.1015,0.0039,0.0,0.084,0.1221,0.9906,0.8759,0.0502,0.0,0.1379,0.1667,0.2083,0.0928,0.0725,0.1057,0.0039,0.0,0.0833,0.1177,0.9906,0.8725,0.0501,0.0,0.1379,0.1667,0.2083,0.0923,0.0676,0.1033,0.0039,0.0,reg oper spec account,block of flats,0.0809,Panel,No,4.0,0.0,3.0,0.0,-1328.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1290946,245574,Consumer loans,10609.38,106200.0,105043.5,10620.0,106200.0,SATURDAY,14,Y,1,0.09999823154707796,,,XAP,Approved,-2173,Cash through the bank,XAP,Family,New,Furniture,POS,XNA,Stone,45,Furniture,12.0,middle,POS industry with interest,365243.0,-2140.0,-1810.0,-1810.0,-1808.0,0.0,0,Cash loans,M,N,Y,1,225000.0,518562.0,38902.5,463500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.008625,-13028,-813,-4914.0,-4970,,1,1,0,1,0,0,Laborers,3.0,2,2,TUESDAY,10,0,0,0,1,1,0,Self-employed,,0.5116388014210527,0.6479768603302221,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1072.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2464973,424733,Consumer loans,10204.11,203359.5,226255.5,0.0,203359.5,FRIDAY,19,Y,1,0.0,,,XAP,Approved,-1706,Cash through the bank,XAP,"Spouse, partner",New,Photo / Cinema Equipment,POS,XNA,Country-wide,3000,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1674.0,-984.0,-1074.0,-1067.0,0.0,0,Cash loans,F,N,Y,0,180000.0,651595.5,33399.0,526500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.009175,-18542,-799,-2022.0,-2039,,1,1,0,1,1,0,Accountants,2.0,2,2,WEDNESDAY,9,0,0,0,0,1,1,Business Entity Type 3,0.8327704115210373,0.06839178146199475,0.5082869913916046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-572.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2308850,423267,Revolving loans,10125.0,202500.0,202500.0,,202500.0,WEDNESDAY,16,N,1,,,,XAP,Refused,-174,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,N,0,315000.0,450000.0,42642.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.01885,-13294,-296,-973.0,-4639,,1,1,0,1,0,0,,1.0,2,2,MONDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.6742560440721064,0.7503751495159068,0.0928,0.0994,0.9791,0.7144,0.0163,0.0,0.2069,0.1667,,0.0644,0.0756,0.0874,0.0,,0.0945,0.1032,0.9791,0.7256,0.0165,0.0,0.2069,0.1667,,0.0658,0.0826,0.0911,0.0,,0.0937,0.0994,0.9791,0.7182,0.0164,0.0,0.2069,0.1667,,0.0655,0.077,0.08900000000000001,0.0,,,block of flats,0.0777,Panel,No,0.0,0.0,0.0,0.0,-2708.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1102134,147737,Consumer loans,4536.0,41175.0,37831.5,6750.0,41175.0,TUESDAY,10,Y,1,0.1648971801389284,,,XAP,Approved,-2029,Cash through the bank,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Country-wide,115,Consumer electronics,12.0,high,POS household with interest,365243.0,-1998.0,-1668.0,-1818.0,-1814.0,0.0,0,Cash loans,F,N,Y,0,157500.0,269550.0,19300.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.04622,-24570,-3127,-15474.0,-4168,,1,1,0,1,0,0,Medicine staff,2.0,1,1,MONDAY,9,0,0,0,0,0,0,Medicine,,0.4518136100239068,0.5709165417729987,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-303.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1451813,115374,Consumer loans,7445.61,78984.0,50616.0,31500.0,78984.0,SATURDAY,11,Y,1,0.41777928340839343,,,XAP,Approved,-1832,Cash through the bank,XAP,,Refreshed,Audio/Video,POS,XNA,Stone,100,Consumer electronics,8.0,middle,POS household with interest,365243.0,-1796.0,-1586.0,-1586.0,-1579.0,0.0,0,Cash loans,F,N,Y,0,90000.0,495000.0,21100.5,495000.0,Children,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-16291,-4678,-2805.0,-4321,,1,1,0,1,0,0,,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.4413509070502172,0.7490217048463391,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1149258,391215,Cash loans,19737.0,675000.0,675000.0,,675000.0,MONDAY,14,Y,1,,,,XNA,Approved,-218,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-188.0,1582.0,-128.0,-124.0,0.0,0,Cash loans,F,N,Y,0,180000.0,364896.0,17685.0,315000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.030755,-18741,-1302,-56.0,-2299,,1,1,0,1,0,0,Sales staff,1.0,2,2,FRIDAY,11,0,0,0,0,0,0,Self-employed,0.5674500704759785,0.5702698417158782,0.6925590674998008,0.0722,0.0664,0.9771,0.6872,0.0288,0.0,0.1379,0.1667,0.2083,0.0,0.0588,0.0682,0.0,0.0,0.0735,0.0689,0.9772,0.6994,0.029,0.0,0.1379,0.1667,0.2083,0.0,0.0643,0.0711,0.0,0.0,0.0729,0.0664,0.9771,0.6914,0.0289,0.0,0.1379,0.1667,0.2083,0.0,0.0599,0.0695,0.0,0.0,not specified,block of flats,0.0694,"Stone, brick",No,3.0,0.0,3.0,0.0,-504.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1909761,372612,Cash loans,37802.52,787500.0,992452.5,,787500.0,TUESDAY,14,Y,1,,,,Repairs,Refused,-325,Cash through the bank,HC,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,Y,Y,2,382500.0,1078200.0,38331.0,900000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.010276,-13290,-1079,-3458.0,-5401,18.0,1,1,1,1,0,1,,4.0,2,2,FRIDAY,10,0,1,1,0,1,1,Security,0.5203423500588851,0.7463580962503779,0.0005272652387098817,,0.1182,0.9911,0.8708,0.0232,0.0,0.2069,0.1667,0.2083,,0.1009,0.08199999999999999,,0.0606,,0.1226,0.9911,0.8759,0.0235,0.0,0.2069,0.1667,0.2083,,0.1102,0.0854,,0.0642,,0.1182,0.9911,0.8725,0.0234,0.0,0.2069,0.1667,0.2083,,0.1026,0.0834,,0.0619,org spec account,block of flats,0.1053,Panel,No,0.0,0.0,0.0,0.0,-744.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2499694,455264,Consumer loans,4166.505,33300.0,30636.0,2664.0,33300.0,THURSDAY,7,Y,1,0.08712727272727272,,,XAP,Approved,-2254,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Country-wide,451,Consumer electronics,8.0,low_normal,POS others without interest,365243.0,-2203.0,-1993.0,-1993.0,-1985.0,0.0,1,Cash loans,F,N,Y,1,45000.0,755190.0,34992.0,675000.0,Other_B,Working,Secondary / secondary special,Married,House / apartment,0.028663,-15113,-5180,-5284.0,-4184,,1,1,1,1,0,0,Core staff,3.0,2,2,THURSDAY,13,0,0,0,0,0,0,Agriculture,,0.19494850686297072,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1581.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2096335,371808,Consumer loans,10615.23,93460.5,93460.5,0.0,93460.5,TUESDAY,17,Y,1,0.0,,,XAP,Approved,-147,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-114.0,156.0,365243.0,365243.0,0.0,0,Revolving loans,F,Y,N,0,225000.0,585000.0,29250.0,585000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010556,-14685,-432,-1981.0,-1999,0.0,1,1,0,1,0,0,Managers,2.0,3,3,TUESDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.7594715036799415,0.1543424711566923,,0.0928,0.1008,0.9791,0.7144,0.0437,0.0,0.2069,0.1667,0.2083,0.0782,0.0756,0.0906,0.0,0.0,0.0945,0.1046,0.9791,0.7256,0.0441,0.0,0.2069,0.1667,0.2083,0.08,0.0826,0.0944,0.0,0.0,0.0937,0.1008,0.9791,0.7182,0.044,0.0,0.2069,0.1667,0.2083,0.0796,0.077,0.0922,0.0,0.0,reg oper account,block of flats,0.0952,Panel,No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1117333,326030,Consumer loans,11835.585,110911.5,109701.0,11092.5,110911.5,WEDNESDAY,18,Y,1,0.1000115147676896,,,XAP,Approved,-1869,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,1000,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1837.0,-1507.0,-1507.0,-1501.0,0.0,0,Cash loans,F,N,N,0,54000.0,1260000.0,34650.0,1260000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-23334,365243,-11712.0,-4198,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,XNA,,0.5971495418324797,0.8061492814355136,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1869.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,5.0,2.0,3.0 +1664511,183339,Consumer loans,20457.855,196389.0,196389.0,0.0,196389.0,SATURDAY,14,Y,1,0.0,,,XAP,Approved,-138,Cash through the bank,XAP,Unaccompanied,Refreshed,Furniture,POS,XNA,Country-wide,270,Furniture,10.0,low_action,POS industry without interest,365243.0,-108.0,162.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,207000.0,900000.0,32017.5,900000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.026392000000000002,-22199,-682,-4831.0,-4538,,1,1,0,1,0,0,Managers,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,Kindergarten,,0.6571778878594864,0.5424451438613613,0.066,0.0814,0.9742,,,0.0,0.1379,0.1667,,0.0704,,0.0513,,0.0978,0.0672,0.0844,0.9742,,,0.0,0.1379,0.1667,,0.07200000000000001,,0.0534,,0.1036,0.0666,0.0814,0.9742,,,0.0,0.1379,0.1667,,0.0716,,0.0522,,0.0999,,block of flats,0.0616,"Stone, brick",No,4.0,0.0,4.0,0.0,-1134.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1441742,199484,Cash loans,48349.035,945000.0,1013607.0,,945000.0,WEDNESDAY,13,Y,1,,,,XNA,Approved,-979,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,Y,N,0,157500.0,1223010.0,51948.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-22463,-3730,-2514.0,-4243,32.0,1,1,0,1,1,0,Cleaning staff,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.14972221040074896,,0.1113,0.0685,0.9796,,,0.0,0.1724,0.1667,,0.0,,0.0578,,0.0039,0.1134,0.071,0.9796,,,0.0,0.1724,0.1667,,0.0,,0.0603,,0.0041,0.1124,0.0685,0.9796,,,0.0,0.1724,0.1667,,0.0,,0.0589,,0.004,,specific housing,0.0765,"Stone, brick",No,0.0,0.0,0.0,0.0,-1.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2071456,174763,Consumer loans,13589.055,112455.0,122350.5,0.0,112455.0,FRIDAY,19,Y,1,0.0,,,XAP,Refused,-316,Cash through the bank,SCO,,Repeater,Computers,POS,XNA,Country-wide,70,Connectivity,10.0,low_normal,POS mobile with interest,,,,,,,0,Cash loans,M,Y,N,0,315000.0,675000.0,28377.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,With parents,0.04622,-15574,-4485,-7137.0,-4176,11.0,1,1,1,1,0,0,Drivers,2.0,1,1,TUESDAY,13,0,1,1,0,1,1,Business Entity Type 2,0.4294100401952299,0.4427693927320664,,0.1608,0.1047,0.9896,,,0.16,0.1379,0.375,,,,,,,0.1639,0.1086,0.9896,,,0.1611,0.1379,0.375,,,,,,,0.1624,0.1047,0.9896,,,0.16,0.1379,0.375,,,,,,,,block of flats,0.1297,Panel,No,2.0,0.0,2.0,0.0,-798.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2172920,307326,Consumer loans,7948.44,90202.5,104490.0,0.0,90202.5,SUNDAY,16,Y,1,0.0,,,XAP,Approved,-1041,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,939,Consumer electronics,18.0,middle,POS household with interest,365243.0,-1010.0,-500.0,-560.0,-551.0,0.0,0,Revolving loans,M,Y,Y,0,90000.0,405000.0,20250.0,405000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-18990,-1514,-5270.0,-2541,15.0,1,1,0,1,0,0,Drivers,2.0,2,2,FRIDAY,16,0,0,0,0,0,0,Government,,0.7781281523394826,,0.1485,0.0738,0.9791,0.7144,0.0053,0.0,0.1034,0.1667,0.0417,0.0368,0.121,0.0534,0.0,0.0,0.1513,0.0766,0.9791,0.7256,0.0054,0.0,0.1034,0.1667,0.0417,0.0376,0.1322,0.0556,0.0,0.0,0.1499,0.0738,0.9791,0.7182,0.0054,0.0,0.1034,0.1667,0.0417,0.0374,0.1231,0.0544,0.0,0.0,reg oper spec account,specific housing,0.0504,"Stone, brick",No,0.0,0.0,0.0,0.0,-1041.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2134628,395779,Consumer loans,12194.775,112095.0,109764.0,11209.5,112095.0,TUESDAY,15,Y,1,0.10091602330638152,,,XAP,Approved,-702,Cash through the bank,XAP,Unaccompanied,Refreshed,Computers,POS,XNA,Stone,40,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-671.0,-401.0,-401.0,-396.0,0.0,0,Revolving loans,F,N,Y,2,90000.0,202500.0,10125.0,202500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.022625,-16183,-2119,-8959.0,-4174,,1,1,0,1,0,0,Cleaning staff,4.0,2,2,THURSDAY,12,0,0,0,0,0,0,Other,,0.5974440952359762,0.5549467685334323,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1867.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1151757,218739,Consumer loans,8955.36,60124.5,56898.0,6750.0,60124.5,THURSDAY,9,Y,1,0.11550030851501432,,,XAP,Approved,-1563,Cash through the bank,XAP,Other_B,Repeater,Consumer Electronics,POS,XNA,Regional / Local,152,Consumer electronics,8.0,high,POS household with interest,365243.0,-1532.0,-1322.0,-1382.0,-1378.0,0.0,0,Cash loans,M,Y,Y,1,121500.0,152820.0,16344.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-11003,-2753,-2824.0,-2847,7.0,1,1,0,1,0,0,Laborers,3.0,3,3,SATURDAY,8,0,0,0,0,0,0,Business Entity Type 2,0.2017475257700074,0.6014398168180174,0.5814837058057234,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1563.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1179732,160252,Consumer loans,4623.3,22230.0,21015.0,2205.0,22230.0,SATURDAY,19,Y,1,0.1034214235377026,,,XAP,Approved,-1181,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,6.0,high,POS mobile with interest,365243.0,-1145.0,-995.0,-1085.0,-1082.0,0.0,0,Cash loans,F,N,N,3,157500.0,1256400.0,36864.0,900000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.0060079999999999995,-12888,-3685,-2737.0,-1247,,1,1,1,1,1,0,Laborers,5.0,2,2,WEDNESDAY,12,0,0,0,0,1,1,Self-employed,0.6320322657253232,0.4418362138693985,0.19519840600440985,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-894.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2087228,165769,Consumer loans,10870.695,122627.7,122625.0,2.7,122627.7,SUNDAY,16,Y,1,2.397945533142556e-05,,,XAP,Approved,-326,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Stone,100,Connectivity,12.0,low_action,POS mobile without interest,365243.0,-296.0,34.0,-116.0,-109.0,0.0,0,Cash loans,M,Y,Y,0,270000.0,337500.0,27058.5,337500.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.04622,-10255,-1848,-1225.0,-2721,5.0,1,1,1,1,1,1,Accountants,2.0,1,1,THURSDAY,15,0,1,1,0,1,1,Business Entity Type 3,,0.6383511463583815,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1656.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +2274045,201794,Consumer loans,13117.14,127791.0,140440.5,0.0,127791.0,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-1363,Cash through the bank,XAP,Family,Refreshed,Audio/Video,POS,XNA,Country-wide,1291,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-1332.0,-1002.0,-1242.0,-1237.0,0.0,0,Cash loans,F,N,N,0,112500.0,398223.0,27846.0,369000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.006852,-18240,-4322,-7546.0,-1773,,1,1,0,1,0,0,Medicine staff,2.0,3,3,FRIDAY,8,0,0,0,0,0,0,Medicine,0.6530151525722527,0.16173798098284262,0.6940926425266661,0.0165,,0.9757,,,,0.069,0.0417,,0.0237,,0.0129,,0.0016,0.0168,,0.9757,,,,0.069,0.0417,,0.0242,,0.0135,,0.0017,0.0167,,0.9757,,,,0.069,0.0417,,0.0241,,0.0132,,0.0016,,block of flats,0.0102,"Stone, brick",No,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2841300,446848,Cash loans,24704.865,405000.0,442422.0,,405000.0,THURSDAY,13,Y,1,,,,XNA,Approved,-454,Cash through the bank,XAP,,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,low_normal,Cash Street: low,365243.0,-415.0,275.0,365243.0,365243.0,0.0,1,Cash loans,M,N,N,1,450000.0,225000.0,15219.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.018634,-11753,-113,-5451.0,-4087,,1,1,1,1,1,0,Laborers,2.0,2,2,MONDAY,18,0,0,0,0,0,0,Self-employed,,0.3693758396432672,0.5549467685334323,0.1495,0.1045,0.9866,0.8164,0.0583,0.16,0.1379,0.3333,0.0417,0.0631,0.121,0.1534,0.0039,0.001,0.1523,0.1085,0.9866,0.8236,0.0589,0.1611,0.1379,0.3333,0.0417,0.0645,0.1322,0.1599,0.0039,0.0011,0.1509,0.1045,0.9866,0.8189,0.0587,0.16,0.1379,0.3333,0.0417,0.0642,0.1231,0.1562,0.0039,0.0011,org spec account,block of flats,0.1528,Panel,No,0.0,0.0,0.0,0.0,-454.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2618435,218836,Consumer loans,5891.895,49680.0,49140.0,4968.0,49680.0,WEDNESDAY,10,Y,1,0.09999637089457446,,,XAP,Approved,-2275,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Regional / Local,92,Consumer electronics,12.0,high,POS household with interest,365243.0,-2243.0,-1913.0,-1943.0,-1935.0,0.0,1,Cash loans,F,N,N,2,63000.0,474048.0,25713.0,360000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0228,-12481,-5092,-3543.0,-4509,,1,1,1,1,1,0,Sales staff,4.0,2,2,TUESDAY,17,0,0,0,0,1,1,Business Entity Type 3,,0.5438862354954945,0.32173528219668485,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-1840.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2413473,369629,Consumer loans,9137.385,107427.825,128695.5,3.825,107427.825,SUNDAY,15,Y,1,3.236825622257713e-05,,,XAP,Approved,-1606,Cash through the bank,XAP,Unaccompanied,New,Photo / Cinema Equipment,POS,XNA,Country-wide,3000,Consumer electronics,24.0,high,POS household with interest,365243.0,-1575.0,-885.0,-1485.0,-1480.0,0.0,0,Cash loans,F,N,N,0,85500.0,103855.5,8167.5,94500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.008625,-19626,-3123,-11684.0,-1623,,1,1,0,1,1,0,High skill tech staff,2.0,2,2,WEDNESDAY,16,0,0,0,0,1,1,Transport: type 4,,0.6497900815496498,0.6879328378491735,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1606.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1154372,220159,Consumer loans,6611.715,39105.0,41688.0,0.0,39105.0,MONDAY,18,Y,1,0.0,,,XAP,Approved,-2557,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,30,Connectivity,8.0,high,POS mobile with interest,365243.0,-2525.0,-2315.0,-2375.0,-2369.0,1.0,0,Cash loans,F,N,N,0,112500.0,348264.0,18679.5,315000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-11333,-2156,-5171.0,-3737,,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,19,0,0,0,0,0,0,Business Entity Type 1,,0.6585904410639571,0.5709165417729987,0.0351,0.0053,0.9737,,,0.0,0.1034,0.0833,,0.0485,,0.0273,,0.0093,0.0357,0.0055,0.9737,,,0.0,0.1034,0.0833,,0.0496,,0.0285,,0.0098,0.0354,0.0053,0.9737,,,0.0,0.1034,0.0833,,0.0493,,0.0278,,0.0095,,block of flats,0.0235,"Stone, brick",No,0.0,0.0,0.0,0.0,-1298.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1145930,432528,Cash loans,8770.455,238500.0,301464.0,,238500.0,FRIDAY,9,Y,1,,,,Repairs,Refused,-148,Cash through the bank,HC,,Refreshed,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,N,0,85500.0,296280.0,15124.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-18064,-2308,-7066.0,-1593,,1,1,1,1,1,0,High skill tech staff,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.442726230990118,0.108924403541012,0.0742,0.0379,0.9811,0.7416,0.0143,0.08,0.069,0.3333,0.375,0.0288,0.058,0.0687,0.0116,0.012,0.0756,0.0393,0.9811,0.7517,0.0145,0.0806,0.069,0.3333,0.375,0.0294,0.0634,0.0716,0.0117,0.0127,0.0749,0.0379,0.9811,0.7451,0.0144,0.08,0.069,0.3333,0.375,0.0293,0.059,0.0699,0.0116,0.0122,reg oper account,block of flats,0.0566,Panel,No,0.0,0.0,0.0,0.0,-1758.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1565710,338502,Consumer loans,6048.63,58999.5,58999.5,0.0,58999.5,SATURDAY,10,Y,1,0.0,,,XAP,Approved,-404,Cash through the bank,XAP,,Repeater,Construction Materials,POS,XNA,Stone,32,Construction,12.0,middle,POS industry with interest,365243.0,-370.0,-40.0,-250.0,-241.0,0.0,0,Revolving loans,F,N,Y,0,135000.0,247500.0,12375.0,247500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.00963,-11106,-736,-4444.0,-3299,,1,1,0,1,0,0,Cooking staff,2.0,2,2,THURSDAY,13,0,0,0,1,1,1,Business Entity Type 3,0.5078406136357432,0.28435566364376264,0.34090642641523844,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-24.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2120830,441131,Consumer loans,6525.72,144855.0,144855.0,0.0,144855.0,SUNDAY,14,Y,1,0.0,,,XAP,Approved,-949,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,951,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-918.0,-228.0,-438.0,-431.0,0.0,0,Cash loans,M,Y,Y,0,315000.0,450000.0,43168.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.009334,-10450,-2077,-10419.0,-2970,1.0,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,18,0,0,0,0,0,0,Trade: type 2,0.6309955430160124,0.5282029646974161,0.6178261467332483,0.0598,0.0713,0.9816,0.7756,0.0092,0.0,0.1724,0.1667,0.2083,0.0131,0.0488,0.0695,0.0,0.0,0.0609,0.07400000000000001,0.9796,0.7844,0.0092,0.0,0.1379,0.1667,0.2083,0.0134,0.0533,0.0547,0.0,0.0,0.0604,0.0713,0.9816,0.7786,0.0092,0.0,0.1724,0.1667,0.2083,0.0133,0.0496,0.0707,0.0,0.0,reg oper account,block of flats,0.0461,"Stone, brick",No,2.0,0.0,2.0,0.0,-347.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1931984,328005,Cash loans,52054.785,1219500.0,1343448.0,,1219500.0,WEDNESDAY,14,Y,1,,,,XNA,Approved,-825,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,42.0,low_normal,Cash X-Sell: low,365243.0,-795.0,435.0,365243.0,365243.0,1.0,0,Cash loans,M,N,N,0,292500.0,284400.0,18175.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.072508,-17574,-718,-5123.0,-421,,1,1,0,1,1,1,,1.0,1,1,MONDAY,9,0,0,0,0,0,0,Other,0.5797662005090228,0.639425745653306,0.7380196196295241,0.0943,0.0883,0.9921,0.8912,0.0754,0.2,0.1724,0.2917,0.3333,0.0,0.0748,0.1136,0.0097,0.0106,0.0788,0.0907,0.9921,0.8955,0.0655,0.2014,0.1724,0.25,0.2917,0.0,0.0661,0.1059,0.0078,0.0074,0.0952,0.0883,0.9921,0.8927,0.0759,0.2,0.1724,0.2917,0.3333,0.0,0.0761,0.1156,0.0097,0.0108,not specified,block of flats,0.083,Panel,No,0.0,0.0,0.0,0.0,-399.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +1264014,189614,Cash loans,13898.79,180000.0,197820.0,,180000.0,SATURDAY,11,Y,1,,,,XNA,Approved,-640,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-610.0,-100.0,-310.0,-303.0,1.0,0,Cash loans,F,N,Y,1,180000.0,1200744.0,35239.5,1048500.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.072508,-22309,-6728,-9218.0,-4557,,1,1,0,1,0,1,Managers,2.0,1,1,TUESDAY,18,0,0,0,0,0,0,Business Entity Type 3,0.834351191199366,0.7039963003437805,0.6848276586890367,0.1175,0.0727,0.9866,0.8164,0.0,0.28,0.1379,0.375,0.4167,0.0,0.0958,0.1391,0.0,0.1188,0.1197,0.0755,0.9866,0.8236,0.0,0.282,0.1379,0.375,0.4167,0.0,0.1047,0.145,0.0,0.1258,0.1187,0.0727,0.9866,0.8189,0.0,0.28,0.1379,0.375,0.4167,0.0,0.0975,0.1416,0.0,0.1213,reg oper account,block of flats,0.1353,Panel,No,0.0,0.0,0.0,0.0,-1457.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2500194,431147,Consumer loans,16393.68,133785.0,147028.5,0.0,133785.0,SATURDAY,14,Y,1,0.0,,,XAP,Approved,-1099,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,1663,Furniture,12.0,high,POS industry with interest,365243.0,-1068.0,-738.0,-738.0,-726.0,0.0,0,Revolving loans,M,Y,Y,0,225000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.04622,-10790,-2437,-5231.0,-3432,1.0,1,1,0,1,0,0,Laborers,1.0,1,1,SATURDAY,13,0,0,0,0,1,1,Business Entity Type 3,0.507093841639969,0.4922285838957186,0.2851799046358216,0.0619,0.0623,0.9846,,,0.0,0.1379,0.1667,,,,0.0529,,,0.063,0.0647,0.9846,,,0.0,0.1379,0.1667,,,,0.0551,,,0.0625,0.0623,0.9846,,,0.0,0.1379,0.1667,,,,0.0539,,,,block of flats,0.0578,Panel,No,4.0,0.0,4.0,0.0,-334.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1903477,455587,Revolving loans,3375.0,0.0,67500.0,,,MONDAY,12,Y,1,,,,XAP,Approved,-2380,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,40,Connectivity,0.0,XNA,Card X-Sell,-2378.0,-2318.0,365243.0,-188.0,-52.0,0.0,0,Cash loans,F,N,Y,0,72000.0,52128.0,5472.0,45000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-19461,-3139,-8438.0,-3005,,1,1,1,1,0,0,,2.0,2,2,MONDAY,9,0,0,0,0,0,0,Kindergarten,,0.7912769652590522,0.6109913280868294,0.132,0.044,0.9881,,0.0549,0.08,0.0345,0.625,,0.0715,,0.1254,,0.0,0.1345,0.0457,0.9881,,0.0554,0.0806,0.0345,0.625,,0.0731,,0.1307,,0.0,0.1332,0.044,0.9881,,0.0552,0.08,0.0345,0.625,,0.0727,,0.1277,,0.0,,block of flats,0.1286,Panel,No,0.0,0.0,0.0,0.0,-2380.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2119371,335173,Revolving loans,3375.0,0.0,67500.0,,,TUESDAY,8,Y,1,,,,XAP,Approved,-2442,XNA,XAP,,Repeater,XNA,Cards,x-sell,Regional / Local,1000,Consumer electronics,0.0,XNA,Card X-Sell,-2441.0,-2394.0,365243.0,-2090.0,365243.0,0.0,0,Cash loans,F,N,Y,0,56700.0,269550.0,13891.5,225000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-20696,365243,-9385.0,-2693,,1,0,0,1,0,0,,2.0,2,2,MONDAY,8,0,0,0,0,0,0,XNA,,0.19240438393925532,0.7958031328748403,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1697.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2066701,367101,Consumer loans,12402.09,264550.5,211639.5,52911.0,264550.5,SATURDAY,9,Y,1,0.21782188690215706,,,XAP,Refused,-2461,Cash through the bank,HC,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,2222,Consumer electronics,24.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,180000.0,770292.0,51813.0,688500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.010006000000000001,-18097,-9705,-7256.0,-1647,,1,1,0,1,0,0,,1.0,2,1,WEDNESDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.7982286226377925,,0.0637,0.098,0.9866,0.8164,0.0099,0.0,0.1655,0.15,0.1042,0.0695,0.0496,0.0646,0.0051,0.008,0.0672,0.0995,0.9841,0.7909,0.0149,0.0,0.2069,0.1667,0.0,0.0826,0.0808,0.0766,0.0078,0.0086,0.0666,0.0959,0.9841,0.7853,0.0149,0.0,0.2069,0.1667,0.1042,0.0822,0.0752,0.0748,0.0078,0.0083,org spec account,block of flats,0.077,Panel,No,0.0,0.0,0.0,0.0,-1601.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2728116,289685,Consumer loans,10144.845,96255.0,98955.0,0.0,96255.0,TUESDAY,15,Y,1,0.0,,,XAP,Approved,-552,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Regional / Local,888,Furniture,12.0,middle,POS industry with interest,365243.0,-521.0,-191.0,-431.0,-421.0,0.0,0,Cash loans,F,Y,N,0,157500.0,715095.0,49900.5,675000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.008625,-19844,-1073,-7318.0,-3406,8.0,1,1,0,1,0,0,,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Government,0.6193322152765556,0.5723210876165798,,0.132,0.1344,0.9826,,,0.08,0.0345,0.625,,0.0135,,0.1238,,0.0,0.1345,0.1395,0.9826,,,0.0806,0.0345,0.625,,0.0138,,0.129,,0.0,0.1332,0.1344,0.9826,,,0.08,0.0345,0.625,,0.0137,,0.126,,0.0,,block of flats,0.0974,Panel,No,3.0,0.0,2.0,0.0,-1040.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2332423,175252,Consumer loans,18235.8,88150.5,92515.5,0.0,88150.5,MONDAY,11,Y,1,0.0,,,XAP,Approved,-1819,Cash through the bank,XAP,Unaccompanied,Repeater,Homewares,POS,XNA,Country-wide,894,Consumer electronics,6.0,high,POS household with interest,365243.0,-1788.0,-1638.0,-1638.0,-1624.0,0.0,0,Cash loans,F,Y,Y,0,112500.0,533304.0,29061.0,405000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.009656999999999999,-10874,-3686,-690.0,-3536,6.0,1,1,0,1,0,0,Managers,1.0,2,2,SUNDAY,15,0,1,1,0,1,1,Construction,0.4154722723499941,0.4893539801494648,0.6195277080511546,0.4722,0.3003,0.9846,0.7959999999999999,0.034,0.52,0.4483,0.3333,0.375,0.2563,0.385,0.394,0.0,0.0069,0.4811,0.2702,0.9846,0.804,0.0343,0.5236,0.4483,0.3333,0.375,0.2622,0.4206,0.306,0.0,0.0073,0.4767,0.3003,0.9846,0.7987,0.0342,0.52,0.4483,0.3333,0.375,0.2608,0.3916,0.4011,0.0,0.0071,reg oper account,block of flats,0.3876,Panel,No,4.0,0.0,4.0,0.0,-1543.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2618541,261614,Cash loans,23906.79,270000.0,331348.5,,270000.0,SATURDAY,10,Y,1,,,,XNA,Approved,-746,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-716.0,-206.0,-506.0,-500.0,1.0,0,Cash loans,F,N,Y,0,67500.0,361998.0,17545.5,292500.0,Unaccompanied,Pensioner,Higher education,Widow,House / apartment,0.007120000000000001,-18578,365243,-8105.0,-2121,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,XNA,0.14819109680656073,0.580686936821281,0.5424451438613613,0.16699999999999998,,0.9791,0.7144,,0.0,0.1034,0.1667,0.0417,,0.1345,0.0609,,,0.1702,,0.9791,0.7256,,0.0,0.1034,0.1667,0.0417,,0.1469,0.0634,,,0.1686,,0.9791,0.7182,,0.0,0.1034,0.1667,0.0417,,0.1368,0.062,,,not specified,block of flats,0.048,"Stone, brick",No,4.0,1.0,4.0,1.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2415289,145232,Consumer loans,3120.435,22486.5,24340.5,0.0,22486.5,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-1472,Cash through the bank,XAP,Unaccompanied,Refreshed,Office Appliances,POS,XNA,Country-wide,100,Consumer electronics,10.0,high,POS household with interest,365243.0,-1441.0,-1171.0,-1171.0,-1163.0,0.0,0,Cash loans,F,Y,Y,0,270000.0,735133.5,29281.5,594000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.04622,-15232,-4781,-2482.0,-4199,18.0,1,1,1,1,0,0,Core staff,2.0,1,1,MONDAY,14,0,0,0,0,0,0,Kindergarten,,0.7707447496734875,0.4170996682522097,0.101,0.0833,0.9791,0.7144,,0.0,0.1379,0.1667,0.2083,0.0579,0.0824,0.0546,0.0,,0.1029,0.0864,0.9791,0.7256,,0.0,0.1379,0.1667,0.2083,0.0593,0.09,0.0569,0.0,,0.102,0.0833,0.9791,0.7182,,0.0,0.1379,0.1667,0.2083,0.0589,0.0838,0.0556,0.0,,reg oper account,block of flats,0.0429,"Stone, brick",No,0.0,0.0,0.0,0.0,-3594.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1793903,139667,Consumer loans,4584.78,36730.08,40366.08,0.0,36730.08,THURSDAY,9,Y,1,0.0,,,XAP,Approved,-187,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,25,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,365243.0,281.0,365243.0,365243.0,0.0,0,Revolving loans,M,Y,Y,3,67500.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.031329,-14796,-684,-4047.0,-4598,30.0,1,1,0,1,0,0,Drivers,5.0,2,2,TUESDAY,10,0,0,0,0,0,0,Government,,0.2689248122646377,0.6832688314232291,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,2.0,0.0,2.0,0.0,-311.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1855901,154806,Consumer loans,2567.925,29691.0,37435.5,2970.0,29691.0,WEDNESDAY,9,Y,1,0.08005345806882729,,,XAP,Approved,-209,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,2390,Consumer electronics,24.0,middle,POS household with interest,365243.0,-179.0,511.0,365243.0,365243.0,1.0,1,Cash loans,M,N,Y,0,135000.0,307152.0,24394.5,243000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-15812,-471,-3199.0,-1139,,1,1,0,1,0,0,Security staff,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.3386795312595005,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-724.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2471773,106146,Revolving loans,4500.0,0.0,90000.0,,,MONDAY,13,Y,1,,,,XAP,Approved,-2917,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,42,Connectivity,0.0,XNA,Card Street,-2875.0,-2831.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,99000.0,98028.0,6547.5,98028.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.015221,-22048,365243,-3762.0,-3846,,1,0,0,1,1,0,,1.0,2,2,SATURDAY,11,0,0,0,0,0,0,XNA,,0.3947957276952232,,0.16699999999999998,0.0665,0.9876,0.83,,0.08,0.069,0.3333,,0.06,,0.1063,,0.0,0.1702,0.069,0.9876,0.8367,,0.0806,0.069,0.3333,,0.0613,,0.1107,,0.0,0.1686,0.0665,0.9876,0.8323,,0.08,0.069,0.3333,,0.061,,0.1082,,0.0,,block of flats,0.1014,Panel,No,0.0,0.0,0.0,0.0,-2447.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1102046,322544,Consumer loans,10788.795,79983.0,79722.0,15750.0,79983.0,SATURDAY,10,Y,1,0.17966714657891125,,,XAP,Approved,-173,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,50,Connectivity,10.0,high,POS mobile with interest,365243.0,-140.0,130.0,365243.0,365243.0,0.0,0,Revolving loans,F,Y,Y,1,54000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-11774,-291,-6020.0,-2593,0.0,1,1,0,1,0,0,Cleaning staff,3.0,3,3,THURSDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.3357763580422809,0.4974688893052743,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1387.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1219929,370381,Consumer loans,8677.935,84541.5,92911.5,0.0,84541.5,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-1313,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,2390,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-1282.0,-952.0,-1162.0,-1153.0,0.0,0,Cash loans,F,N,N,0,337500.0,508495.5,21541.5,454500.0,Unaccompanied,Pensioner,Higher education,Separated,House / apartment,0.025164,-17423,365243,-1597.0,-956,,1,0,0,1,1,0,,1.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,XNA,0.7766254777904018,0.625980425384788,0.5567274263630174,0.1124,0.0639,0.9975,0.966,0.0609,0.12,0.1034,0.375,0.4167,0.0,0.0916,0.123,0.0,0.0,0.1145,0.0663,0.9975,0.9673,0.0614,0.1208,0.1034,0.375,0.4167,0.0,0.1001,0.1281,0.0,0.0,0.1135,0.0639,0.9975,0.9665,0.0613,0.12,0.1034,0.375,0.4167,0.0,0.0932,0.1252,0.0,0.0,reg oper account,block of flats,0.13,Panel,No,0.0,0.0,0.0,0.0,-10.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,2.0 +1047963,370773,Cash loans,7991.775,67500.0,80703.0,,67500.0,THURSDAY,10,Y,1,,,,XNA,Approved,-1292,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-1262.0,-932.0,-992.0,-988.0,1.0,0,Cash loans,F,N,N,0,202500.0,824823.0,24246.0,688500.0,Unaccompanied,State servant,Secondary / secondary special,Separated,House / apartment,0.008473999999999999,-17856,-6513,-6884.0,-1378,,1,1,0,1,0,0,Core staff,1.0,2,2,MONDAY,14,0,0,0,0,0,0,Government,,0.2444154720338893,0.5460231970049609,0.1237,,0.9881,,,,0.1034,0.375,,,,0.0823,,,0.1261,,0.9881,,,,0.1034,0.375,,,,0.0858,,,0.1249,,0.9881,,,,0.1034,0.375,,,,0.0838,,,,,0.1061,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2169205,281796,Cash loans,9621.0,225000.0,225000.0,,225000.0,THURSDAY,9,Y,1,,,,XNA,Approved,-1132,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,60.0,middle,Cash X-Sell: middle,365243.0,-1102.0,668.0,-232.0,-226.0,0.0,0,Cash loans,M,Y,N,0,225000.0,1293502.5,37948.5,1129500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008473999999999999,-19792,-3446,-3518.0,-3317,28.0,1,1,0,1,0,0,Drivers,2.0,2,2,TUESDAY,10,0,0,0,0,1,1,Government,,0.5424700173954254,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2013.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2018649,372105,Cash loans,17870.445,450000.0,553950.0,,450000.0,SATURDAY,16,Y,1,,,,XNA,Approved,-824,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-794.0,976.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,58500.0,318528.0,23305.5,252000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008473999999999999,-14731,-4931,-4356.0,-1639,,1,1,0,1,0,1,Laborers,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Kindergarten,0.5306683160569672,0.522619381784872,0.3825018041447388,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2232.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1029787,324990,Consumer loans,4000.59,44842.5,20956.5,27000.0,44842.5,TUESDAY,16,Y,1,0.6131693210608479,,,XAP,Approved,-1980,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,919,Consumer electronics,6.0,middle,POS household with interest,,,,,,,0,Cash loans,M,N,Y,0,225000.0,1399122.0,53419.5,1287000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-18157,-5493,-9862.0,-1703,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.7451728536438784,0.7584271579591679,0.7016957740576931,0.0742,0.0,0.9791,0.7144,0.11,0.08,0.069,0.3333,0.375,0.0,0.0605,0.0525,0.0,0.0,0.0756,0.0,0.9791,0.7256,0.111,0.0806,0.069,0.3333,0.375,0.0,0.0661,0.0547,0.0,0.0,0.0749,0.0,0.9791,0.7182,0.1107,0.08,0.069,0.3333,0.375,0.0,0.0616,0.0535,0.0,0.0,reg oper account,block of flats,0.0601,Panel,No,0.0,0.0,0.0,0.0,-1980.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1027172,443751,Consumer loans,6348.33,140917.5,140917.5,0.0,140917.5,WEDNESDAY,10,Y,1,0.0,,,XAP,Approved,-812,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Regional / Local,200,Connectivity,24.0,low_action,POS household without interest,365243.0,-760.0,-70.0,-130.0,-122.0,0.0,0,Cash loans,M,Y,Y,0,85500.0,439740.0,22581.0,315000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.006305,-15674,-452,-8314.0,-1412,21.0,1,1,1,1,0,0,Drivers,2.0,3,3,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.22199828487688048,0.5741292648365941,0.5460231970049609,0.1031,0.1147,0.9811,0.7416,0.0117,0.0,0.2069,0.1667,0.2083,0.0783,0.0841,0.0905,0.0,0.0,0.105,0.119,0.9811,0.7517,0.0118,0.0,0.2069,0.1667,0.2083,0.08,0.0918,0.0943,0.0,0.0,0.1041,0.1147,0.9811,0.7451,0.0117,0.0,0.2069,0.1667,0.2083,0.0796,0.0855,0.0921,0.0,0.0,reg oper account,block of flats,0.0776,"Stone, brick",No,1.0,0.0,1.0,0.0,-812.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1609164,442700,Consumer loans,10291.95,88182.0,85909.5,8820.0,88182.0,MONDAY,13,Y,1,0.10140222230859247,,,XAP,Approved,-2152,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,900,Consumer electronics,10.0,middle,POS household with interest,365243.0,-2121.0,-1851.0,-1851.0,-1845.0,0.0,0,Cash loans,F,Y,Y,0,450000.0,1800000.0,49500.0,1800000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018801,-13597,-924,-3454.0,-3566,3.0,1,1,0,1,0,0,,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,Self-employed,0.6797119121771079,0.5762718970550027,0.36896873825284665,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,2.0,0.0,2.0,0.0,-2522.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,4.0,0.0,1.0 +1181204,245649,Consumer loans,8818.515,85455.0,94477.5,0.0,85455.0,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-764,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,260,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-732.0,-402.0,-702.0,-693.0,0.0,1,Cash loans,F,N,N,0,90000.0,675000.0,24799.5,675000.0,Family,Working,Secondary / secondary special,Widow,House / apartment,0.020713,-11433,-435,-759.0,-4087,,1,1,1,1,1,0,Private service staff,1.0,3,3,FRIDAY,8,0,0,0,0,0,0,Self-employed,0.30923383325753384,0.6183933588427776,0.4418358231994413,0.0371,0.0,0.9747,,,0.0,0.1034,0.125,,0.05,,0.0294,,0.0,0.0378,0.0,0.9747,,,0.0,0.1034,0.125,,0.0512,,0.0306,,0.0,0.0375,0.0,0.9747,,,0.0,0.1034,0.125,,0.0509,,0.0299,,0.0,,block of flats,0.0248,"Stone, brick",No,6.0,0.0,6.0,0.0,-1645.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,2.0 +2584184,239881,Consumer loans,5464.125,59220.0,53298.0,5922.0,59220.0,FRIDAY,14,Y,1,0.1089090909090909,,,XAP,Approved,-823,XNA,XAP,,New,Consumer Electronics,POS,XNA,Stone,20,Consumer electronics,12.0,middle,POS household with interest,365243.0,-787.0,-457.0,-457.0,-450.0,0.0,0,Cash loans,F,Y,Y,0,83250.0,755190.0,32125.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-11300,-2390,-2944.0,-3670,3.0,1,1,1,1,1,0,,2.0,2,2,TUESDAY,14,0,0,0,0,1,1,Other,0.6667052235363053,0.5051733821412637,0.6212263380626669,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,1.0,9.0,1.0,-823.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1123757,299962,Consumer loans,15677.28,112495.5,128925.0,11250.0,112495.5,SUNDAY,12,Y,1,0.08740697504742448,,,XAP,Refused,-1115,Cash through the bank,LIMIT,Family,Repeater,Audio/Video,POS,XNA,Country-wide,600,Consumer electronics,12.0,high,POS household with interest,,,,,,,0,Cash loans,F,N,N,0,180000.0,450000.0,35685.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.072508,-11782,-998,-2450.0,-2412,,1,1,1,1,0,0,Laborers,2.0,1,1,TUESDAY,11,1,1,0,1,1,1,Business Entity Type 1,0.2677711310636969,0.2799663984451485,0.044130315852959436,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,0.0,-494.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2203634,324554,Consumer loans,2030.58,18900.0,17505.0,2970.0,18900.0,FRIDAY,14,Y,1,0.15797802197802194,,,XAP,Approved,-2068,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,28,Connectivity,12.0,high,POS mobile with interest,365243.0,-2037.0,-1707.0,-1707.0,-1702.0,0.0,0,Cash loans,F,N,N,0,112500.0,675000.0,21775.5,675000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.001417,-14743,-629,-4231.0,-2252,,1,1,0,1,1,0,Accountants,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Other,0.5465819526510928,0.33764686442806696,0.28371188263500075,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-2910.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1103083,385457,Consumer loans,4028.4,34569.0,38677.5,0.0,34569.0,SATURDAY,10,Y,1,0.0,,,XAP,Approved,-21,XNA,XAP,,Repeater,Construction Materials,POS,XNA,Stone,145,Construction,12.0,middle,POS industry with interest,365243.0,365243.0,348.0,365243.0,365243.0,0.0,0,Revolving loans,M,Y,Y,1,63000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-15926,-989,-2671.0,-4188,64.0,1,1,0,1,0,0,Drivers,3.0,3,3,SATURDAY,7,0,0,0,0,0,0,Agriculture,,0.27741680271498104,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1072.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2064384,106191,Consumer loans,4616.73,24097.5,22455.0,2700.0,24097.5,SATURDAY,10,Y,1,0.1168970564319401,,,XAP,Approved,-1333,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,188,Consumer electronics,6.0,high,POS household with interest,365243.0,-1295.0,-1145.0,-1145.0,-1135.0,0.0,0,Cash loans,F,Y,Y,0,81000.0,675000.0,19476.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-20632,365243,-12177.0,-4122,14.0,1,0,0,1,0,0,,2.0,2,2,TUESDAY,8,0,0,0,0,0,0,XNA,,0.2775176345893066,0.6801388218428291,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1333.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2627235,192646,Consumer loans,5749.56,124591.5,124591.5,0.0,124591.5,FRIDAY,18,Y,1,0.0,,,XAP,Approved,-1606,Cash through the bank,XAP,Unaccompanied,Refreshed,Consumer Electronics,POS,XNA,Country-wide,2160,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,0,Cash loans,F,Y,N,0,180000.0,225000.0,11560.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-20745,-327,-4591.0,-4211,4.0,1,1,0,1,0,0,Realty agents,2.0,2,2,FRIDAY,11,0,0,0,0,1,1,Other,,0.6749760642889332,0.5424451438613613,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1606.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,7.0 +2717556,276885,Cash loans,59124.375,450000.0,535644.0,,450000.0,SATURDAY,12,Y,1,,,,XNA,Approved,-859,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-829.0,-499.0,-529.0,-522.0,1.0,0,Cash loans,M,Y,Y,2,270000.0,405000.0,32125.5,405000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0105,-13170,-950,-3796.0,-4459,5.0,1,1,1,1,1,0,Managers,4.0,3,3,THURSDAY,12,0,0,0,0,1,1,Self-employed,,0.4464466388525508,0.5814837058057234,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-489.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,8.0 +2391531,308966,Consumer loans,6295.5,69952.5,62955.0,6997.5,69952.5,THURSDAY,13,Y,1,0.10894412117313372,,,XAP,Approved,-787,Cash through the bank,XAP,Unaccompanied,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,31,Connectivity,12.0,middle,POS mobile with interest,365243.0,-756.0,-426.0,-426.0,-413.0,0.0,0,Cash loans,M,N,N,0,157500.0,932643.0,30217.5,778500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.022625,-14959,-1392,-7086.0,-1605,,1,1,0,1,0,0,Drivers,2.0,2,2,SUNDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.13453328533529352,0.7197985370372056,,0.0,,0.0,,,0.0,,,,,,,,,0.0,,0.0005,,,0.0,,,,,,,,,0.0,,0.0,,,0.0,,,,,,,,,,block of flats,0.0,,No,0.0,0.0,0.0,0.0,-1226.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1153662,285154,Cash loans,40647.6,1260000.0,1260000.0,,1260000.0,TUESDAY,13,Y,1,,,,XNA,Approved,-552,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Regional / Local,400,Consumer electronics,60.0,low_normal,Cash X-Sell: low,365243.0,-522.0,1248.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,162000.0,121500.0,5481.0,121500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.007305,-17310,-5031,-7547.0,-853,,1,1,1,1,1,0,,2.0,3,3,MONDAY,7,0,0,0,0,0,0,Other,0.5287194743510008,0.6797168886626803,0.4956658291397297,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1132.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1147597,439855,Revolving loans,9000.0,0.0,180000.0,,,MONDAY,18,Y,1,,,,XAP,Refused,-2082,XNA,LIMIT,,Repeater,XNA,Cards,x-sell,Country-wide,35,Connectivity,0.0,XNA,Card X-Sell,,,,,,,1,Cash loans,M,N,N,0,315000.0,1099350.0,30361.5,787500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.032561,-15058,-375,-2063.0,-4481,,1,1,0,1,0,1,Core staff,1.0,1,1,WEDNESDAY,19,0,0,0,0,0,0,Insurance,0.3492044784256171,0.2787469612429508,0.3185955240537633,0.0289,0.0,0.9513,,,0.08,0.1034,0.1667,,,,0.0527,,0.0051,0.0294,0.0,0.9513,,,0.0806,0.1034,0.1667,,,,0.0549,,0.0054,0.0291,0.0,0.9513,,,0.08,0.1034,0.1667,,,,0.0536,,0.0052,,block of flats,0.0425,"Stone, brick",No,0.0,0.0,0.0,0.0,-1.0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2785032,256789,Consumer loans,20452.86,109944.0,115749.0,0.0,109944.0,TUESDAY,10,Y,1,0.0,,,XAP,Approved,-741,XNA,XAP,Unaccompanied,New,Furniture,POS,XNA,Regional / Local,509,Furniture,6.0,low_normal,POS industry with interest,365243.0,-709.0,-559.0,-559.0,-554.0,0.0,0,Cash loans,F,N,Y,0,292500.0,1546020.0,42642.0,1350000.0,Unaccompanied,State servant,Higher education,Single / not married,House / apartment,0.006629,-17461,-6289,-11580.0,-852,,1,1,0,1,0,0,IT staff,1.0,2,2,MONDAY,11,0,0,0,0,0,0,Kindergarten,,0.4732124342777679,0.2764406945454034,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-741.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1643045,192777,Consumer loans,23131.53,351000.0,351000.0,0.0,351000.0,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-863,Cash through the bank,XAP,Unaccompanied,New,Clothing and Accessories,POS,XNA,Stone,128,Clothing,18.0,low_normal,POS industry with interest,365243.0,-832.0,-322.0,-322.0,-316.0,0.0,0,Cash loans,F,N,Y,1,225000.0,345510.0,17770.5,247500.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.010966,-14330,-1415,-192.0,-4813,,1,1,1,1,1,0,Accountants,3.0,2,2,MONDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.6211956278545279,0.012831771905175092,0.4206109640437848,0.0722,0.0697,0.9881,0.8368,0.0142,0.0,0.1379,0.1667,0.2083,0.0401,0.0588,0.0738,0.0,0.0,0.0735,0.0723,0.9881,0.8432,0.0143,0.0,0.1379,0.1667,0.2083,0.0411,0.0643,0.0769,0.0,0.0,0.0729,0.0697,0.9881,0.8390000000000001,0.0143,0.0,0.1379,0.1667,0.2083,0.0408,0.0599,0.0751,0.0,0.0,reg oper account,block of flats,0.0637,Panel,No,1.0,0.0,1.0,0.0,-863.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2651626,398026,Consumer loans,16815.24,256486.5,256486.5,0.0,256486.5,THURSDAY,17,Y,1,0.0,,,XAP,Approved,-328,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,584,Consumer electronics,18.0,low_normal,POS household with interest,365243.0,-296.0,214.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,N,0,112500.0,432661.5,30897.0,373500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-15382,-1625,-5948.0,-1184,7.0,1,1,0,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.4475680436519045,0.7189907166583038,0.6769925032909132,0.1856,0.1455,0.9881,0.8368,0.0397,0.2,0.1724,0.3333,0.375,0.0602,0.1513,0.1997,0.0,0.0,0.1891,0.151,0.9881,0.8432,0.04,0.2014,0.1724,0.3333,0.375,0.0616,0.1653,0.2081,0.0,0.0,0.1874,0.1455,0.9881,0.8390000000000001,0.0399,0.2,0.1724,0.3333,0.375,0.0612,0.1539,0.2033,0.0,0.0,reg oper account,block of flats,0.1787,Panel,No,1.0,1.0,1.0,1.0,-5.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2772573,424290,Consumer loans,34024.77,755266.5,755266.5,0.0,755266.5,MONDAY,16,Y,1,0.0,,,XAP,Approved,-679,XNA,XAP,Unaccompanied,New,Furniture,POS,XNA,Country-wide,250,Furniture,24.0,low_action,POS industry without interest,365243.0,-648.0,42.0,-138.0,-134.0,0.0,0,Cash loans,F,N,Y,0,180000.0,823621.5,44010.0,711000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.011656999999999999,-23452,-13364,-9519.0,-3940,,1,1,0,1,1,0,,2.0,1,1,MONDAY,12,0,0,0,0,0,0,Industry: type 11,0.9274563205011856,0.7053888018434333,0.5531646987710016,0.1021,0.1205,0.9856,0.8028,0.0522,0.0,0.2414,0.1667,0.2083,0.0242,0.0832,0.1113,0.0,0.0,0.104,0.1251,0.9856,0.8105,0.0526,0.0,0.2414,0.1667,0.2083,0.0247,0.0909,0.116,0.0,0.0,0.1031,0.1205,0.9856,0.8054,0.0525,0.0,0.2414,0.1667,0.2083,0.0246,0.0847,0.1133,0.0,0.0,not specified,block of flats,0.08800000000000001,Panel,No,2.0,0.0,2.0,0.0,-3078.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2277206,404352,Consumer loans,11767.05,122535.0,110281.5,12253.5,122535.0,WEDNESDAY,6,Y,1,0.1089090909090909,,,XAP,Refused,-1722,Cash through the bank,HC,,Repeater,Computers,POS,XNA,Regional / Local,104,Consumer electronics,12.0,middle,POS household with interest,,,,,,,0,Cash loans,F,Y,Y,0,45000.0,808650.0,23773.5,675000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.018029,-16536,-1200,-4310.0,-86,22.0,1,1,0,1,0,0,Medicine staff,2.0,3,3,WEDNESDAY,5,0,1,1,0,1,1,Other,,0.31530848063595945,0.6144143775673561,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1171.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1112728,356904,Revolving loans,38250.0,765000.0,765000.0,,765000.0,THURSDAY,11,Y,1,,,,XAP,Approved,-418,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-387.0,-338.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,1,270000.0,436032.0,16564.5,360000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010276,-10231,-1153,-4575.0,-2923,10.0,1,1,0,1,0,1,,3.0,2,2,TUESDAY,11,0,0,0,0,0,0,Self-employed,,0.5759888688649005,0.31547215492577346,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-984.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1065102,130198,Consumer loans,36374.58,389700.0,389700.0,0.0,389700.0,SATURDAY,9,Y,1,0.0,,,XAP,Approved,-291,Cash through the bank,XAP,,New,Clothing and Accessories,POS,XNA,Stone,106,Clothing,12.0,low_normal,POS industry with interest,365243.0,-250.0,80.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,225000.0,545040.0,35617.5,450000.0,Unaccompanied,State servant,Higher education,Single / not married,House / apartment,0.006629,-10587,-732,-4838.0,-3269,,1,1,1,1,1,0,Core staff,1.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,Medicine,,0.7143016000861834,0.4632753280912678,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-291.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2622948,160237,Cash loans,4383.9,45000.0,45000.0,,45000.0,THURSDAY,16,Y,1,,,,XNA,Approved,-355,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-325.0,5.0,-55.0,-51.0,0.0,0,Cash loans,F,N,Y,0,135000.0,225000.0,17410.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.032561,-11961,-134,-5975.0,-4094,,1,1,1,1,1,0,Core staff,1.0,1,1,TUESDAY,14,0,0,0,0,0,0,Services,,0.5960127524389244,0.5585066276769286,,0.413,0.9856,0.8028,0.227,0.88,0.3793,0.4583,0.5,0.0,,0.7714,,0.0,,0.4286,0.9856,0.8105,0.2291,0.8862,0.3793,0.4583,0.5,0.0,,0.8037,,0.0,,0.413,0.9856,0.8054,0.2284,0.88,0.3793,0.4583,0.5,0.0,,0.7852,,0.0,reg oper account,block of flats,0.7308,Panel,No,3.0,0.0,3.0,0.0,-1635.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2204361,247142,Cash loans,10151.415,139500.0,139500.0,,139500.0,THURSDAY,10,Y,1,,,,XNA,Approved,-347,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-317.0,373.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,Y,1,135000.0,405000.0,20250.0,405000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.019101,-14468,365243,-1020.0,-1081,,1,0,0,1,0,0,,3.0,2,2,MONDAY,9,0,0,0,0,0,0,XNA,,0.519203104523911,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,4.0,6.0,3.0,-603.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2573987,201771,Consumer loans,6379.11,58000.5,57366.0,5800.5,58000.5,THURSDAY,11,Y,1,0.10000984411328497,,,XAP,Approved,-2209,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,27,Connectivity,12.0,high,POS mobile with interest,365243.0,-2172.0,-1842.0,-1842.0,-1835.0,1.0,0,Cash loans,M,N,N,0,67500.0,568908.0,26491.5,508500.0,Unaccompanied,Working,Lower secondary,Separated,With parents,0.005144,-13641,-132,-1249.0,-1999,,1,1,0,1,0,0,Laborers,1.0,2,2,MONDAY,15,0,0,0,0,0,0,Medicine,,0.4888020872161773,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1485.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1697129,399692,Cash loans,31275.81,450000.0,560097.0,,450000.0,TUESDAY,10,Y,1,,,,XNA,Approved,-390,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-360.0,330.0,-270.0,-259.0,1.0,0,Cash loans,F,N,Y,0,121500.0,590337.0,30271.5,477000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010032,-13488,-1202,-229.0,-1018,,1,1,1,1,0,0,,2.0,2,2,SUNDAY,4,0,0,0,0,0,0,Business Entity Type 3,0.6600730866579758,0.5606683138840934,0.5190973382084597,0.067,0.0616,0.9727,0.626,0.027000000000000003,0.0,0.1379,0.1667,0.2083,0.1091,0.0538,0.0571,0.0039,0.0226,0.0683,0.0639,0.9727,0.6406,0.0272,0.0,0.1379,0.1667,0.2083,0.1115,0.0588,0.0595,0.0039,0.0239,0.0677,0.0616,0.9727,0.631,0.0272,0.0,0.1379,0.1667,0.2083,0.111,0.0547,0.0582,0.0039,0.023,,block of flats,0.0646,"Stone, brick",No,5.0,2.0,4.0,0.0,-947.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2188260,277924,Consumer loans,,36717.975,36717.975,0.0,36717.975,SATURDAY,10,Y,1,0.0,,,XAP,Refused,-926,Cash through the bank,SCO,,Repeater,Mobile,XNA,XNA,Country-wide,20,Connectivity,,XNA,POS mobile with interest,,,,,,,1,Cash loans,F,Y,Y,0,180000.0,385164.0,19795.5,292500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-15888,-4448,-2944.0,-1565,11.0,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,15,0,0,0,0,1,1,Self-employed,0.4726056948822805,0.6464387241864878,0.18629294965553744,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1509.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1590175,255111,Consumer loans,6332.175,50800.5,52812.0,9000.0,50800.5,WEDNESDAY,10,Y,1,0.15857468099751146,,,XAP,Approved,-1365,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,3,Connectivity,12.0,high,POS mobile with interest,365243.0,-1333.0,-1003.0,-1033.0,-1025.0,0.0,0,Cash loans,M,N,Y,0,202500.0,1078200.0,34780.5,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.002506,-13744,-4013,-6070.0,-4561,,1,1,0,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,3,0,0,0,0,0,0,Business Entity Type 3,,0.6483406157484601,0.5797274227921155,,,0.9707,,,,0.0,0.0417,,0.0,,0.0072,,,,,0.9707,,,,0.0,0.0417,,0.0,,0.0075,,,,,0.9707,,,,0.0,0.0417,,0.0,,0.0073,,,,block of flats,0.0056,Block,Yes,1.0,0.0,1.0,0.0,-1365.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,2.0,0.0,0.0,0.0,0.0,1.0 +2264319,179434,Consumer loans,5977.125,51119.64,37615.5,13504.14,51119.64,WEDNESDAY,8,Y,1,0.2877022629480746,,,XAP,Refused,-2228,Cash through the bank,HC,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Country-wide,600,Consumer electronics,8.0,high,POS household with interest,,,,,,,0,Cash loans,M,N,N,2,157500.0,373500.0,19102.5,373500.0,Family,Working,Higher education,Married,House / apartment,0.018209,-11867,-1300,-1430.0,-4256,,1,1,0,1,1,0,Drivers,4.0,3,3,MONDAY,12,0,0,0,0,0,0,Medicine,,0.3969451657308248,0.23791607950711405,0.0825,0.0796,0.9742,0.6464,0.0092,0.0,0.1379,0.1667,0.0,0.0713,0.0672,0.0705,0.0,0.0,0.084,0.0826,0.9742,0.6602,0.0093,0.0,0.1379,0.1667,0.0,0.0729,0.0735,0.0735,0.0,0.0,0.0833,0.0796,0.9742,0.6511,0.0093,0.0,0.1379,0.1667,0.0,0.0725,0.0684,0.0718,0.0,0.0,reg oper account,block of flats,0.0555,Panel,No,0.0,0.0,0.0,0.0,-2086.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1860755,258510,Consumer loans,9718.425,208732.5,214582.5,0.0,208732.5,SUNDAY,18,Y,1,0.0,,,XAP,Approved,-674,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Country-wide,1400,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-643.0,47.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,1,225000.0,1372500.0,47835.0,1372500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-17076,-1974,-2400.0,-614,,1,1,0,1,0,0,,3.0,2,2,TUESDAY,16,0,0,0,0,0,0,Self-employed,0.5201195178055421,0.6561326763269343,0.6446794549585961,0.2598,,0.993,0.9048,0.0607,0.28,0.2414,0.3333,0.0417,0.2102,0.2118,0.3395,0.0,0.0,0.2647,,0.993,0.9085,0.0612,0.282,0.2414,0.3333,0.0417,0.215,0.2314,0.3537,0.0,0.0,0.2623,,0.993,0.9061,0.061,0.28,0.2414,0.3333,0.0417,0.2138,0.2155,0.3456,0.0,0.0,reg oper spec account,block of flats,0.3002,,No,2.0,0.0,2.0,0.0,-674.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1132888,445078,Consumer loans,8661.42,49086.0,47677.5,4909.5,49086.0,SUNDAY,17,Y,1,0.10167706501952603,,,XAP,Approved,-65,Cash through the bank,XAP,Family,Repeater,Construction Materials,POS,XNA,Stone,11666,Construction,6.0,low_normal,POS industry with interest,365243.0,-34.0,116.0,-34.0,-30.0,0.0,0,Cash loans,F,N,Y,0,202500.0,1035000.0,30393.0,1035000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.026392000000000002,-10363,-1517,-4386.0,-1344,,1,1,0,1,0,0,Core staff,2.0,2,2,TUESDAY,16,0,0,0,0,0,0,Bank,,0.4599879445469145,,0.2206,,0.9791,,,0.24,0.2069,0.3333,,,,0.205,,0.0049,0.2248,,0.9791,,,0.2417,0.2069,0.3333,,,,0.2136,,0.0052,0.2228,,0.9791,,,0.24,0.2069,0.3333,,,,0.2087,,0.005,,block of flats,0.1868,Block,No,0.0,0.0,0.0,0.0,-322.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1081725,121016,Consumer loans,17356.005,264735.0,264735.0,0.0,264735.0,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-710,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,3446,Consumer electronics,18.0,low_normal,POS household with interest,365243.0,-677.0,-167.0,-167.0,-163.0,0.0,0,Cash loans,F,Y,Y,1,117000.0,808650.0,23643.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.01885,-19695,365243,-3941.0,-2189,7.0,1,0,0,1,0,0,,3.0,2,2,TUESDAY,14,0,0,0,0,0,0,XNA,,0.624417568719125,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-710.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2687815,322856,Consumer loans,22551.03,143955.0,120865.5,28791.0,143955.0,MONDAY,18,Y,1,0.2095199096840856,,,XAP,Approved,-1241,Cash through the bank,XAP,Unaccompanied,Refreshed,Computers,POS,XNA,Regional / Local,150,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1210.0,-1060.0,-1060.0,-1053.0,0.0,0,Cash loans,M,Y,Y,0,382500.0,288000.0,32625.0,288000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.026392000000000002,-15374,-4083,-5178.0,-4625,19.0,1,1,0,1,0,0,Managers,1.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Self-employed,,0.6016337503531982,0.12689752616027333,0.0799,,0.9851,,,0.1,0.069,0.3542,,,,0.0805,,,0.0368,,0.9806,,,0.0806,0.0345,0.3333,,,,0.0185,,,0.0807,,0.9851,,,0.1,0.069,0.3542,,,,0.0819,,,,block of flats,0.08800000000000001,"Stone, brick",No,6.0,1.0,6.0,0.0,-342.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,0.0,0.0,5.0 +2800290,103959,Consumer loans,3056.31,18400.5,18400.5,0.0,18400.5,THURSDAY,9,Y,1,0.0,,,XAP,Approved,-761,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,20,Connectivity,8.0,high,POS mobile with interest,365243.0,-722.0,-512.0,-512.0,-505.0,0.0,0,Cash loans,F,N,Y,0,94500.0,509400.0,32683.5,450000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.01885,-13085,-1974,-1623.0,-1021,,1,1,1,1,0,0,Accountants,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,School,0.6025804168399688,0.5632467415998887,0.38079968264891495,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-761.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,1.0 +1414132,248490,Cash loans,45495.81,900000.0,1004544.0,,900000.0,FRIDAY,19,Y,1,,,,XNA,Approved,-609,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-579.0,831.0,-429.0,-418.0,1.0,0,Cash loans,F,N,Y,0,157500.0,135000.0,6624.0,135000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.00733,-18675,-10976,-3977.0,-2200,,1,1,0,1,1,0,Core staff,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,University,0.6004743713384295,0.6652796411453599,0.3123653692278984,0.1124,0.0834,0.9935,0.9116,0.1163,0.08,0.069,0.375,0.4167,0.0851,0.0908,0.0841,0.0039,0.0075,0.1145,0.0865,0.9935,0.9151,0.1173,0.0806,0.069,0.375,0.4167,0.087,0.0992,0.0877,0.0039,0.008,0.1135,0.0834,0.9935,0.9128,0.117,0.08,0.069,0.375,0.4167,0.0866,0.0923,0.0856,0.0039,0.0077,,block of flats,0.1314,"Stone, brick",No,1.0,0.0,1.0,0.0,-1679.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1999796,443148,Cash loans,50168.565,832500.0,898434.0,,832500.0,TUESDAY,4,Y,1,,,,XNA,Approved,-214,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-184.0,506.0,-94.0,-90.0,1.0,0,Cash loans,M,N,Y,1,270000.0,346392.0,37435.5,306000.0,"Spouse, partner",Working,Higher education,Civil marriage,House / apartment,0.014464,-15696,-413,-9699.0,-4749,,1,1,0,1,1,0,Accountants,3.0,2,2,SATURDAY,5,0,0,0,0,1,1,Business Entity Type 3,0.5633622731425955,0.3492684448619909,0.20559813854932085,0.0598,0.0775,0.9816,0.7484,,0.0,0.1379,0.1667,0.2083,0.0519,0.0488,0.0551,0.0,0.0628,0.0609,0.0805,0.9816,0.7583,,0.0,0.1379,0.1667,0.2083,0.0531,0.0533,0.0574,0.0,0.0664,0.0604,0.0775,0.9816,0.7518,,0.0,0.1379,0.1667,0.2083,0.0528,0.0496,0.0561,0.0,0.0641,reg oper account,block of flats,0.0581,"Stone, brick",No,0.0,0.0,0.0,0.0,-1067.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +2150184,251642,Consumer loans,6780.375,35217.0,40180.5,0.0,35217.0,MONDAY,19,Y,1,0.0,,,XAP,Approved,-1249,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Country-wide,18,Connectivity,8.0,high,POS mobile with interest,365243.0,-1215.0,-1005.0,-1005.0,-998.0,0.0,0,Cash loans,F,N,Y,0,90000.0,70083.0,5004.0,58500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.00702,-21644,365243,-7985.0,-4858,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,11,0,0,0,0,0,0,XNA,,0.6752878166649398,0.7121551551910698,0.0227,,0.9791,,0.0263,0.0,0.1034,0.0417,0.0833,0.0363,0.0185,0.0183,0.0,0.0,0.0231,,0.9791,,0.0265,0.0,0.1034,0.0417,0.0833,0.0371,0.0202,0.019,0.0,0.0,0.0229,,0.9791,,0.0265,0.0,0.1034,0.0417,0.0833,0.0369,0.0188,0.0186,0.0,0.0,reg oper account,block of flats,0.0144,"Stone, brick",No,0.0,0.0,0.0,0.0,-38.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,0.0 +1023225,100239,Revolving loans,11250.0,0.0,450000.0,,,TUESDAY,14,N,0,,,,XAP,Refused,-1133,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,1,225000.0,1483231.5,51687.0,1354500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010147,-20191,-1699,-6040.0,-3723,,1,1,0,1,0,1,Accountants,3.0,2,2,MONDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.8530803639689652,0.7573276838423868,0.13094715293601816,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,0.0,-1864.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1280628,209267,Cash loans,68625.63,1215000.0,1285569.0,,1215000.0,FRIDAY,13,Y,1,,,,XNA,Approved,-726,XNA,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-696.0,-6.0,-6.0,-3.0,1.0,0,Cash loans,F,N,Y,0,270000.0,491031.0,35050.5,463500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.04622,-21657,-10932,-11334.0,-4503,,1,1,0,1,0,0,Accountants,1.0,1,1,WEDNESDAY,12,0,0,0,0,0,0,Transport: type 4,,0.7009890934059544,0.5046813193144684,0.0247,0.0242,0.9717,,,,0.1034,0.0833,,,,0.0174,,0.0035,0.0252,0.0251,0.9717,,,,0.1034,0.0833,,,,0.0182,,0.0037,0.025,0.0242,0.9717,,,,0.1034,0.0833,,,,0.0177,,0.0036,,block of flats,0.0211,"Stone, brick",No,0.0,0.0,0.0,0.0,-988.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2225233,255139,Revolving loans,6750.0,135000.0,135000.0,,135000.0,MONDAY,17,Y,1,,,,XAP,Approved,-225,XNA,XAP,Unaccompanied,New,XNA,Cards,walk-in,Channel of corporate sales,-1,XNA,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,N,1,1307587.5,4050000.0,100197.0,4050000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.072508,-15450,-251,-2730.0,-1334,5.0,1,1,1,1,0,0,Managers,3.0,1,1,SATURDAY,16,0,0,0,0,0,0,Trade: type 2,0.7902133720218197,0.6280976073874526,0.5388627065779676,0.0773,0.1505,0.9955,0.9388,0.0323,0.08,0.0345,0.6667,0.7083,0.0,0.063,0.1057,0.1815,0.1157,0.0788,0.1562,0.9955,0.9412,0.0326,0.0806,0.0345,0.6667,0.7083,0.0,0.0689,0.1101,0.1829,0.1225,0.0781,0.1505,0.9955,0.9396,0.0325,0.08,0.0345,0.6667,0.7083,0.0,0.0641,0.1076,0.1824,0.1182,reg oper account,block of flats,0.126,Monolithic,No,1.0,0.0,1.0,0.0,-231.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1073834,237953,Cash loans,,0.0,0.0,,,MONDAY,12,Y,1,,,,XNA,Refused,-366,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,Y,N,0,157500.0,714154.5,38871.0,616500.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.020246,-14465,-3287,-2479.0,-3096,22.0,1,1,0,1,0,0,Core staff,2.0,3,3,WEDNESDAY,9,0,0,0,0,0,0,Business Entity Type 2,0.5001796097124549,0.44449656434686097,0.4578995512067301,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1729.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2413547,372397,Consumer loans,7111.845,125496.0,125496.0,0.0,125496.0,MONDAY,16,Y,1,0.0,,,XAP,Approved,-893,XNA,XAP,,Repeater,Medicine,POS,XNA,Stone,314,Industry,24.0,middle,POS industry with interest,365243.0,-860.0,-170.0,-170.0,-166.0,0.0,0,Cash loans,F,N,Y,2,99000.0,814041.0,23800.5,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-14379,-1722,-4210.0,-4335,,1,1,0,1,0,0,Laborers,4.0,2,2,FRIDAY,8,0,0,0,0,0,0,Housing,0.4655370481993565,0.5053209720651425,0.6690566947824041,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-678.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1843939,257649,Cash loans,5045.985,45000.0,47970.0,,45000.0,SUNDAY,13,Y,1,,,,XNA,Approved,-565,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Regional / Local,145,Consumer electronics,12.0,middle,Cash X-Sell: middle,365243.0,-535.0,-205.0,-205.0,-201.0,1.0,0,Cash loans,F,Y,N,1,90000.0,808650.0,26217.0,675000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Separated,House / apartment,0.035792000000000004,-11781,-1114,-5215.0,-3950,29.0,1,1,0,1,1,0,Sales staff,2.0,2,2,FRIDAY,13,0,0,0,1,1,0,Transport: type 4,0.4096453166041129,0.6358130567937719,0.4740512892789932,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1907.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1331683,394146,Consumer loans,3794.94,26910.0,31590.0,1800.0,26910.0,THURSDAY,11,Y,1,0.05871110022053416,,,XAP,Approved,-1874,XNA,XAP,Children,Repeater,Mobile,POS,XNA,Country-wide,31,Connectivity,12.0,high,POS mobile with interest,365243.0,-1843.0,-1513.0,-1513.0,-1506.0,0.0,0,Revolving loans,M,Y,Y,0,85500.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-18132,-2954,-10700.0,-1670,27.0,1,1,0,1,0,0,,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Kindergarten,,0.655155120544468,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-675.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1736345,255276,Revolving loans,11250.0,45000.0,225000.0,,45000.0,MONDAY,13,N,1,,,,XAP,Refused,-577,XNA,SCOFR,,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),5,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,67500.0,144000.0,7132.5,144000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-13148,-1409,-5783.0,-434,,1,1,0,1,0,0,Waiters/barmen staff,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.6193372595472497,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,3.0,4.0,2.0,-1663.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2330957,344667,Consumer loans,11943.495,103450.5,103450.5,0.0,103450.5,SUNDAY,21,Y,1,0.0,,,XAP,Approved,-135,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,2326,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-102.0,168.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,202500.0,697500.0,24840.0,697500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-13741,-3031,-1819.0,-1916,2.0,1,1,0,1,0,0,,2.0,2,2,TUESDAY,18,0,0,0,0,0,0,Business Entity Type 3,0.7152908233825316,0.6283631883398811,0.39277386060313396,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,0.0,8.0,0.0,-579.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2271080,280240,Consumer loans,9290.43,75181.5,81796.5,0.0,75181.5,SUNDAY,6,Y,1,0.0,,,XAP,Approved,-181,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,36,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-147.0,123.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,Y,0,90000.0,180000.0,9000.0,180000.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,House / apartment,0.008068,-18760,-2241,-3994.0,-2305,,1,1,0,1,0,0,Core staff,1.0,3,3,SATURDAY,5,0,0,0,0,0,0,Kindergarten,,0.2609699875063236,0.6690566947824041,0.1062,0.0505,0.999,,,0.16,0.069,0.625,,0.0135,,0.1394,,0.0308,0.1082,0.0525,0.999,,,0.1611,0.069,0.625,,0.0138,,0.1452,,0.0326,0.1072,0.0505,0.999,,,0.16,0.069,0.625,,0.0137,,0.1419,,0.0314,,block of flats,0.1527,"Stone, brick",No,0.0,0.0,0.0,0.0,-181.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1932233,175884,Cash loans,9345.51,90000.0,95940.0,,90000.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-1076,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-1046.0,-716.0,-896.0,-890.0,1.0,0,Cash loans,F,N,Y,0,117000.0,549882.0,16209.0,459000.0,Family,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.006852,-22743,365243,-1713.0,-1966,,1,0,0,1,0,0,,2.0,3,3,MONDAY,11,0,0,0,0,0,0,XNA,0.6338066643056854,0.09163472790362027,,0.0103,,0.9712,,,,0.0345,0.0417,,0.0142,,0.0051,,0.0028,0.0105,,0.9712,,,,0.0345,0.0417,,0.0145,,0.0053,,0.0029,0.0104,,0.9712,,,,0.0345,0.0417,,0.0145,,0.0052,,0.0028,,block of flats,0.0064,Wooden,No,0.0,0.0,0.0,0.0,-1076.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1845030,369445,Consumer loans,10313.82,110497.5,110497.5,0.0,110497.5,FRIDAY,8,Y,1,0.0,,,XAP,Approved,-321,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Stone,146,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-291.0,39.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,112500.0,517788.0,25312.5,427500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.025164,-14826,-954,-720.0,-3772,,1,1,0,1,0,0,Sales staff,1.0,2,2,THURSDAY,8,0,0,0,0,0,0,Self-employed,0.509614603053678,0.3542197298087545,0.6430255641096323,0.0103,0.0,0.9682,0.5648,0.0017,0.0,0.0345,0.0417,0.0833,0.0,0.0084,0.0055,0.0193,0.0798,0.0105,0.0,0.9682,0.5818,0.0017,0.0,0.0345,0.0417,0.0833,0.0,0.0092,0.0058,0.0195,0.0844,0.0104,0.0,0.9682,0.5706,0.0017,0.0,0.0345,0.0417,0.0833,0.0,0.0086,0.0056,0.0194,0.0814,reg oper account,block of flats,0.0226,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2435320,417058,Consumer loans,45278.955,282991.5,254691.0,28300.5,282991.5,SUNDAY,17,Y,1,0.1089142863751288,,,XAP,Approved,-652,Cash through the bank,XAP,,Repeater,Clothing and Accessories,POS,XNA,Stone,120,Furniture,6.0,low_normal,POS industry with interest,365243.0,-621.0,-471.0,-471.0,-463.0,0.0,0,Cash loans,F,Y,N,2,135000.0,1035832.5,27454.5,904500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.009656999999999999,-14838,-6279,-278.0,-3316,2.0,1,1,0,1,0,0,Core staff,4.0,2,2,THURSDAY,18,0,0,0,0,0,0,Business Entity Type 2,,0.7371983959493037,0.7776594425716818,0.1309,0.0518,0.9925,0.898,0.0555,0.06,0.1724,0.2708,0.3125,0.093,0.1067,0.1319,0.0,0.0312,0.1092,0.019,0.9871,0.8301,0.0251,0.0,0.1034,0.1667,0.2083,0.0598,0.0955,0.1297,0.0,0.0,0.1322,0.0518,0.9925,0.8994,0.0558,0.06,0.1724,0.2708,0.3125,0.0947,0.1086,0.1343,0.0,0.0319,org spec account,block of flats,0.1566,"Stone, brick",No,1.0,0.0,1.0,0.0,-277.0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2703033,194638,Cash loans,4921.2,45000.0,45000.0,0.0,45000.0,THURSDAY,16,Y,1,0.0,,,XNA,Approved,-2594,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,high,Cash Street: high,365243.0,-2564.0,-2234.0,-2234.0,-2227.0,0.0,0,Cash loans,F,N,Y,0,202500.0,566055.0,15061.5,472500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.005084,-21183,365243,-10453.0,-4672,,1,0,0,1,0,1,,2.0,2,2,MONDAY,10,0,0,0,0,0,0,XNA,0.6373527248884254,0.7438995864986833,0.6769925032909132,0.1155,0.1357,0.9861,0.8096,,0.12,0.1034,0.3333,0.375,0.0484,,0.122,,0.0745,0.1176,0.1408,0.9861,0.8171,,0.1208,0.1034,0.3333,0.375,0.0495,,0.1271,,0.0789,0.1166,0.1357,0.9861,0.8121,,0.12,0.1034,0.3333,0.375,0.0493,,0.1242,,0.0761,reg oper spec account,block of flats,0.1122,"Stone, brick",No,0.0,0.0,0.0,0.0,-1497.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,9.0 +1529139,236093,Cash loans,16880.31,225000.0,322389.0,,225000.0,MONDAY,12,Y,1,,,,Urgent needs,Refused,-240,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,1,90000.0,254700.0,20250.0,225000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.0031219999999999998,-11134,-1296,-1268.0,-1376,,1,1,0,1,0,0,Sales staff,3.0,3,3,WEDNESDAY,16,0,0,0,0,1,1,Self-employed,0.17728187322337086,0.3991090776722181,0.11911906455945008,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-370.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1811060,351162,Consumer loans,5229.9,44500.5,43960.5,4500.0,44500.5,MONDAY,13,Y,1,0.10113203724495394,,,XAP,Approved,-1557,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,48,Connectivity,12.0,high,POS mobile with interest,365243.0,-1526.0,-1196.0,-1196.0,-1187.0,0.0,1,Cash loans,M,Y,Y,1,81000.0,119925.0,12415.5,112500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-11266,-217,-4644.0,-3793,3.0,1,1,1,1,0,0,Low-skill Laborers,3.0,3,3,THURSDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.033759477827145404,0.3825018041447388,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1557.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1308531,397556,Consumer loans,6174.0,101713.5,137047.5,0.0,101713.5,SUNDAY,14,Y,1,0.0,,,XAP,Approved,-880,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,3560,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-849.0,-159.0,-489.0,-481.0,0.0,0,Cash loans,M,Y,Y,1,157500.0,450000.0,22018.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018209,-9016,-220,-2377.0,-1691,14.0,1,1,0,1,1,0,Drivers,3.0,3,3,FRIDAY,9,0,0,0,0,1,1,Industry: type 3,,0.08396794304559951,0.4436153084085652,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1720932,451164,Cash loans,60392.745,810000.0,865597.5,,810000.0,TUESDAY,12,Y,1,,,,XNA,Approved,-934,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-904.0,-214.0,-244.0,-236.0,1.0,0,Cash loans,F,N,N,0,90000.0,265306.5,25843.5,252000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,With parents,0.0228,-19399,-399,-4375.0,-2934,,1,1,0,1,0,0,Sales staff,1.0,2,2,FRIDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.6407456392643217,,0.2144,0.103,0.9836,0.7756,0.0355,0.08,0.069,0.3333,,0.0256,,0.1141,,0.026,0.2185,0.1068,0.9836,0.7844,0.0359,0.0806,0.069,0.3333,,0.0262,,0.1189,,0.0275,0.2165,0.103,0.9836,0.7786,0.0358,0.08,0.069,0.3333,,0.0261,,0.1161,,0.0265,reg oper account,block of flats,0.1148,"Stone, brick",No,0.0,0.0,0.0,0.0,-1748.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2216909,185226,Consumer loans,4433.175,28656.0,32089.5,2866.5,28656.0,WEDNESDAY,7,Y,1,0.08930881939893262,,,XAP,Approved,-377,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,44,Connectivity,10.0,high,POS mobile with interest,365243.0,-346.0,-76.0,-136.0,-128.0,0.0,1,Cash loans,M,Y,N,0,81000.0,312768.0,17095.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018209,-14539,-807,-3851.0,-2785,15.0,1,1,1,1,1,0,Drivers,2.0,3,3,TUESDAY,7,0,0,0,0,0,0,Self-employed,,0.11073322904104484,0.3672910183026313,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1047.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2029974,281688,Revolving loans,6750.0,135000.0,135000.0,,135000.0,FRIDAY,10,Y,1,,,,XAP,Approved,-609,XNA,XAP,,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),100,XNA,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,72000.0,314100.0,13437.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-16246,-1567,-8207.0,-4230,,1,1,1,1,1,0,Laborers,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,Industry: type 3,0.7216681936182743,0.667069238633848,0.6109913280868294,0.0206,0.0409,0.9781,0.7008,0.0129,0.0,0.069,0.0417,0.0833,0.0132,0.0168,0.009000000000000001,0.0,0.0093,0.021,0.0425,0.9782,0.7125,0.013,0.0,0.069,0.0417,0.0833,0.0135,0.0184,0.0094,0.0,0.0098,0.0208,0.0409,0.9781,0.7048,0.013,0.0,0.069,0.0417,0.0833,0.0134,0.0171,0.0092,0.0,0.0095,reg oper account,block of flats,0.0108,"Stone, brick",No,0.0,0.0,0.0,0.0,-1922.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1750997,345083,Revolving loans,13500.0,270000.0,270000.0,,270000.0,MONDAY,14,Y,1,,,,XAP,Refused,-275,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,N,0,135000.0,625536.0,19093.5,540000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.010006000000000001,-22234,365243,-6181.0,-4912,,1,0,0,1,0,1,,1.0,2,2,MONDAY,8,1,0,0,1,0,0,XNA,0.803302929167611,0.7194764618220678,0.6279908192952864,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-792.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1901925,421010,Consumer loans,4372.2,22495.5,23683.5,0.0,22495.5,MONDAY,11,Y,1,0.0,,,XAP,Approved,-1092,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,500,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1061.0,-911.0,-1061.0,-1058.0,0.0,0,Cash loans,F,N,Y,0,67500.0,57564.0,5737.5,54000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-22338,365243,-703.0,-5208,,1,0,0,1,0,0,,2.0,2,2,MONDAY,8,0,0,0,0,0,0,XNA,,0.26651977539251576,0.3893387918468769,0.0619,0.0525,0.9866,0.8164,0.0122,0.0,0.1379,0.1667,0.2083,0.0462,0.0504,0.0535,0.0,0.0,0.063,0.0545,0.9866,0.8236,0.0123,0.0,0.1379,0.1667,0.2083,0.0473,0.0551,0.0557,0.0,0.0,0.0625,0.0525,0.9866,0.8189,0.0123,0.0,0.1379,0.1667,0.2083,0.047,0.0513,0.0545,0.0,0.0,reg oper account,block of flats,0.0421,Panel,No,12.0,0.0,12.0,0.0,-1512.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +1895656,145042,Consumer loans,7981.74,58500.0,42637.5,18000.0,58500.0,THURSDAY,14,Y,1,0.32329229212346083,,,XAP,Approved,-1012,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Stone,150,Consumer electronics,6.0,middle,POS household with interest,365243.0,-975.0,-825.0,-825.0,-819.0,0.0,0,Cash loans,M,Y,Y,2,225000.0,493497.0,48204.0,454500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-14732,-3495,-1532.0,-5057,16.0,1,1,0,1,0,1,Managers,4.0,2,2,MONDAY,9,0,0,0,0,1,1,Business Entity Type 3,,0.6542949711620303,,0.0165,0.0,0.9722,0.6192,0.0015,0.0,0.069,0.0417,0.0833,0.0254,0.0134,0.0126,0.0039,0.0,0.0168,0.0,0.9722,0.6341,0.0015,0.0,0.069,0.0417,0.0833,0.0259,0.0147,0.0132,0.0039,0.0,0.0167,0.0,0.9722,0.6243,0.0015,0.0,0.069,0.0417,0.0833,0.0258,0.0137,0.0129,0.0039,0.0,reg oper account,block of flats,0.0108,"Stone, brick",No,4.0,0.0,4.0,0.0,-2309.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,8.0 +2256771,393754,Cash loans,36292.5,1125000.0,1125000.0,,1125000.0,FRIDAY,6,Y,1,,,,Wedding / gift / holiday,Approved,-684,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),4,XNA,60.0,low_normal,Cash Street: low,365243.0,-654.0,1116.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,171000.0,359725.5,13050.0,297000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0038179999999999998,-19997,-1285,-6889.0,-3524,,1,1,1,1,1,1,Accountants,2.0,2,2,SATURDAY,3,0,0,0,0,0,0,Self-employed,0.7793948379404204,0.5601619284853095,0.4956658291397297,0.0763,0.0776,0.9831,,,0.0,0.1379,0.1667,,0.1306,,0.0731,,0.006999999999999999,0.0777,0.0806,0.9831,,,0.0,0.1379,0.1667,,0.1336,,0.0762,,0.0074,0.077,0.0776,0.9831,,,0.0,0.1379,0.1667,,0.1329,,0.0744,,0.0071,,block of flats,0.0575,Block,No,0.0,0.0,0.0,0.0,-1357.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1389152,406794,Revolving loans,12375.0,0.0,247500.0,,,SATURDAY,16,Y,1,,,,XAP,Approved,-562,XNA,XAP,,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),6,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,-76.0,0.0,0,Cash loans,M,N,Y,0,202500.0,229500.0,24714.0,229500.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.030755,-10245,-615,-1417.0,-2936,,1,1,1,1,0,0,Sales staff,1.0,2,2,MONDAY,18,0,0,0,0,0,0,Business Entity Type 3,0.23454685853873594,0.6889421574119146,,0.0825,0.0504,0.9975,,,0.08,0.0345,0.6667,,0.0334,,0.1138,,0.2069,0.0662,0.0481,0.997,,,0.0806,0.0345,0.6667,,0.0159,,0.0753,,0.1147,0.0854,0.0482,0.997,,,0.08,0.0345,0.6667,,0.0353,,0.1031,,0.1545,,block of flats,0.1634,"Stone, brick",No,0.0,0.0,0.0,0.0,-1574.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1895429,131019,Consumer loans,8823.465,145755.0,170766.0,0.0,145755.0,WEDNESDAY,12,Y,1,0.0,,,XAP,Approved,-657,Cash through the bank,XAP,Unaccompanied,Repeater,Photo / Cinema Equipment,POS,XNA,Regional / Local,300,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-626.0,64.0,365243.0,365243.0,0.0,0,Revolving loans,M,Y,Y,1,315000.0,810000.0,40500.0,810000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.018209,-13211,-4245,-5347.0,-3883,14.0,1,1,0,1,0,0,IT staff,3.0,3,3,TUESDAY,10,0,0,0,1,1,0,Business Entity Type 3,0.7684920256099079,0.6066229205460056,0.7738956942145427,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,-1552.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1945626,124373,Consumer loans,3846.375,56038.5,67873.5,0.0,56038.5,MONDAY,11,Y,1,0.0,,,XAP,Approved,-595,Cash through the bank,XAP,,Repeater,Jewelry,POS,XNA,Country-wide,142,Consumer electronics,24.0,middle,POS household with interest,365243.0,-564.0,126.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,180000.0,808650.0,26217.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.025164,-16138,-5261,-7195.0,-4095,,1,1,0,1,0,0,,1.0,2,2,MONDAY,10,0,0,0,0,0,0,Business Entity Type 2,,0.16219210595922867,0.5136937663039473,0.0,,0.0,,,0.0,,,,,,,,,0.0,,0.0005,,,0.0,,,,,,,,,0.0,,0.0,,,0.0,,,,,,,,,,block of flats,0.0,,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1072259,396447,Cash loans,8267.895,67500.0,71955.0,,67500.0,TUESDAY,9,Y,1,,,,XNA,Refused,-1716,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,N,0,256500.0,610483.5,21928.5,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.005144,-22641,365243,-5964.0,-4814,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,XNA,0.6155049237779175,0.4568119599787386,0.3723336657058204,0.0052,0.0444,0.9707,,,0.0,0.069,0.0417,,0.0153,,0.012,,0.0,0.0053,0.0461,0.9707,,,0.0,0.069,0.0417,,0.0157,,0.0125,,0.0,0.0052,0.0444,0.9707,,,0.0,0.069,0.0417,,0.0156,,0.0122,,0.0,,block of flats,0.0153,Wooden,No,0.0,0.0,0.0,0.0,-730.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +1898924,435769,Consumer loans,7099.335,68796.0,76059.0,0.0,68796.0,SUNDAY,11,Y,1,0.0,,,XAP,Refused,-292,Cash through the bank,LIMIT,Unaccompanied,Repeater,Audio/Video,POS,XNA,Stone,100,Consumer electronics,12.0,low_normal,POS household with interest,,,,,,,0,Cash loans,F,Y,Y,1,238500.0,225000.0,24363.0,225000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.008068,-12913,-771,-1318.0,-4735,16.0,1,1,1,1,1,0,Sales staff,2.0,3,3,FRIDAY,10,0,0,0,0,0,0,Trade: type 7,0.4869917846138889,0.2477258401783705,0.6178261467332483,0.0588,0.08199999999999999,0.9871,0.8232,0.0099,0.0,0.1034,0.1667,0.2083,,0.0479,0.0628,0.0,0.0,0.0599,0.0851,0.9871,0.8301,0.01,0.0,0.1034,0.1667,0.2083,,0.0523,0.0654,0.0,0.0,0.0593,0.08199999999999999,0.9871,0.8256,0.0099,0.0,0.1034,0.1667,0.2083,,0.0487,0.0639,0.0,0.0,reg oper spec account,block of flats,0.0548,Panel,No,1.0,0.0,1.0,0.0,-402.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1085211,110438,Consumer loans,4703.805,99360.0,103860.0,0.0,99360.0,SUNDAY,15,Y,1,0.0,,,XAP,Approved,-438,Cash through the bank,XAP,,Refreshed,Audio/Video,POS,XNA,Country-wide,1500,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-407.0,283.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,355500.0,1493086.5,45400.5,1363500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-20193,-3045,-9733.0,-2078,3.0,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Government,0.7606450807565809,0.4871192612046406,0.4938628816996244,0.2021,0.0025,0.9588,0.4356,0.1101,0.0,0.1724,0.1667,0.2083,0.1524,0.1639,0.0677,0.0039,0.0394,0.2059,0.0026,0.9588,0.4577,0.1111,0.0,0.1724,0.1667,0.2083,0.1558,0.1791,0.0706,0.0039,0.0417,0.204,0.0025,0.9588,0.4431,0.1108,0.0,0.1724,0.1667,0.2083,0.155,0.1667,0.069,0.0039,0.0402,reg oper spec account,block of flats,0.1221,"Stone, brick",No,0.0,0.0,0.0,0.0,-438.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1712130,345979,Consumer loans,2729.79,18895.5,18126.0,1890.0,18895.5,SATURDAY,10,Y,1,0.10283682145192936,,,XAP,Approved,-2656,XNA,XAP,Family,Repeater,Mobile,POS,XNA,Regional / Local,15,Connectivity,8.0,high,POS mobile with interest,365243.0,-2625.0,-2415.0,-2415.0,-2410.0,1.0,0,Cash loans,M,Y,Y,0,45000.0,422892.0,33543.0,382500.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-18620,365243,-6304.0,-2171,7.0,1,0,0,1,1,0,,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,,0.5114858102010887,0.7076993447402619,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1378616,396044,Cash loans,10492.02,90000.0,95940.0,0.0,90000.0,WEDNESDAY,12,Y,1,0.0,,,XNA,Approved,-2345,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,high,Cash Street: high,365243.0,-2315.0,-1985.0,-1985.0,-1977.0,1.0,0,Revolving loans,F,N,Y,0,157500.0,270000.0,13500.0,270000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.014519999999999996,-19585,365243,-846.0,-3107,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,XNA,0.6038202364077813,0.6236172007527413,0.24988506275045536,0.1412,,0.9841,0.7824,0.0086,0.0,0.1379,0.1667,,,0.1009,0.0641,,,0.1439,,0.9841,0.7909,0.0086,0.0,0.1379,0.1667,,,0.1102,0.0668,,,0.1426,,0.9841,0.7853,0.0086,0.0,0.1379,0.1667,,,0.1026,0.0652,,,reg oper account,specific housing,0.0543,Panel,No,0.0,0.0,0.0,0.0,-1643.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1285386,298518,Cash loans,15860.07,144000.0,153504.0,,144000.0,WEDNESDAY,9,Y,1,,,,XNA,Approved,-1030,XNA,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Country-wide,32,Connectivity,12.0,middle,Cash X-Sell: middle,365243.0,-1000.0,-670.0,-880.0,-864.0,1.0,0,Cash loans,F,N,Y,0,60750.0,296280.0,15255.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-18332,365243,-11263.0,-1890,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,XNA,,0.6082967336657287,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1030.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2257919,257279,Consumer loans,4831.875,25492.5,24075.0,2551.5,25492.5,SATURDAY,16,Y,1,0.1043627759767695,,,XAP,Approved,-2497,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Stone,37,Connectivity,6.0,high,POS mobile with interest,365243.0,-2461.0,-2311.0,-2311.0,-2300.0,1.0,0,Cash loans,M,N,Y,3,180000.0,562981.5,20349.0,486000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.009175,-9856,-288,-4646.0,-2528,,1,1,0,1,0,0,Sales staff,5.0,2,2,THURSDAY,19,0,0,0,0,0,0,Business Entity Type 3,,0.25081540924265555,0.4740512892789932,0.2227,0.1687,0.9856,,,0.24,0.2069,0.3333,,,,,,,0.2269,0.1751,0.9856,,,0.2417,0.2069,0.3333,,,,,,,0.2248,0.1687,0.9856,,,0.24,0.2069,0.3333,,,,,,,,block of flats,0.1874,Panel,No,0.0,0.0,0.0,0.0,-1.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1617228,266743,Consumer loans,3975.795,17842.5,21001.5,0.0,17842.5,WEDNESDAY,10,Y,1,0.0,,,XAP,Approved,-894,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Stone,80,Furniture,6.0,middle,POS household with interest,365243.0,-863.0,-713.0,-743.0,-735.0,0.0,0,Cash loans,F,N,Y,4,270000.0,152820.0,15786.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-13859,-4820,-558.0,-811,,1,1,0,1,0,0,Laborers,6.0,2,2,MONDAY,10,0,0,0,0,1,1,Other,0.6406946794259827,0.4930976329122326,0.6430255641096323,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-2714.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2291663,105772,Consumer loans,5076.99,53613.0,48249.0,5364.0,53613.0,THURSDAY,14,Y,1,0.10896393852915584,,,XAP,Approved,-424,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Stone,35,Consumer electronics,12.0,middle,POS household with interest,365243.0,-393.0,-63.0,-333.0,-330.0,0.0,0,Cash loans,F,N,Y,0,135000.0,545040.0,36553.5,450000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.035792000000000004,-18376,-497,-3121.0,-1937,,1,1,0,1,0,0,Medicine staff,2.0,2,2,MONDAY,10,0,0,0,1,1,1,Medicine,,0.33746105058161163,0.3280631605201915,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-424.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1521611,108650,Consumer loans,6552.945,49311.0,48042.0,4932.0,49311.0,SUNDAY,14,Y,1,0.1013968430482192,,,XAP,Approved,-1851,Cash through the bank,XAP,"Spouse, partner",Repeater,Mobile,POS,XNA,Country-wide,30180,Consumer electronics,10.0,high,POS household with interest,365243.0,-1820.0,-1550.0,-1550.0,-1543.0,0.0,0,Cash loans,M,Y,N,0,135000.0,1120500.0,32890.5,1120500.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.014519999999999996,-13315,-2752,-6469.0,-3855,10.0,1,1,0,1,0,0,Drivers,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Government,,0.6890077610009161,0.3539876078507373,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1851.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,1.0,1.0 +1295111,237706,Consumer loans,4929.075,30861.0,24367.5,7717.5,30861.0,SUNDAY,14,Y,1,0.2619622593395383,,,XAP,Approved,-911,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,1450,Consumer electronics,6.0,high,POS household with interest,365243.0,-880.0,-730.0,-760.0,-756.0,0.0,0,Cash loans,F,N,Y,0,157500.0,95940.0,9616.5,90000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.018029,-24455,365243,-14739.0,-4189,,1,0,0,1,0,0,,1.0,3,3,MONDAY,11,0,0,0,0,0,0,XNA,,0.09636602101459124,0.1096264336424546,0.0196,0.0417,0.9603,0.3064,0.0,0.0,0.0862,0.0833,0.0417,0.008,0.005,0.0229,0.0,0.0362,0.0063,0.0,0.9494,0.3336,0.0,0.0,0.0345,0.0417,0.0417,0.0082,0.0055,0.0088,0.0,0.0,0.0198,0.0417,0.9603,0.3157,0.0,0.0,0.0862,0.0833,0.0417,0.0081,0.0051,0.0233,0.0,0.0369,not specified,block of flats,0.0452,Wooden,No,1.0,0.0,1.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2353597,144049,Revolving loans,3375.0,0.0,67500.0,,,FRIDAY,14,Y,1,,,,XAP,Approved,-2302,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,M,Y,N,0,202500.0,886090.5,40171.5,792000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-14630,-1525,-1128.0,-5270,2.0,1,1,1,1,0,0,Drivers,2.0,3,3,THURSDAY,10,0,0,0,0,1,1,Trade: type 3,,0.4349610723612359,0.1500851762342935,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2302.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2033286,365072,Revolving loans,22500.0,0.0,450000.0,,,SATURDAY,10,Y,1,,,,XAP,Approved,-804,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-798.0,-767.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,119250.0,765261.0,34708.5,684000.0,Children,Working,Higher education,Married,House / apartment,0.018634,-11510,-131,-5505.0,-2206,,1,1,0,1,1,0,High skill tech staff,3.0,2,2,FRIDAY,9,0,0,0,0,0,0,Trade: type 6,0.5164935716055987,0.5294016901729065,0.7062051096536562,0.1485,0.1153,0.9866,0.8164,0.0627,0.16,0.1379,0.3333,0.0417,0.0766,0.121,0.155,0.0,0.0,0.1513,0.1196,0.9866,0.8236,0.0633,0.1611,0.1379,0.3333,0.0417,0.0784,0.1322,0.1615,0.0,0.0,0.1499,0.1153,0.9866,0.8189,0.0631,0.16,0.1379,0.3333,0.0417,0.078,0.1231,0.1578,0.0,0.0,org spec account,block of flats,0.1562,Panel,No,0.0,0.0,0.0,0.0,-1112.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,2.0,1.0 +1642131,349651,Cash loans,21207.015,225000.0,281884.5,,225000.0,SATURDAY,11,Y,1,,,,XNA,Approved,-514,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-484.0,26.0,-454.0,-450.0,1.0,0,Cash loans,M,N,Y,1,270000.0,286704.0,22779.0,247500.0,Other_B,Working,Secondary / secondary special,Married,House / apartment,0.04622,-16323,-1267,-250.0,-4668,,1,1,0,1,0,0,Laborers,3.0,1,1,TUESDAY,13,0,0,0,0,1,1,Business Entity Type 2,,0.6224667743849641,,0.0278,0.048,0.9831,0.7688,,0.0,0.1034,0.0833,,0.0213,0.0227,0.0132,0.0,0.0043,0.0284,0.0498,0.9831,0.7779,,0.0,0.1034,0.0833,,0.0218,0.0248,0.0138,0.0,0.0046,0.0281,0.048,0.9831,0.7719,,0.0,0.1034,0.0833,,0.0217,0.0231,0.0135,0.0,0.0044,reg oper account,block of flats,0.0219,"Stone, brick",No,5.0,0.0,5.0,0.0,-1984.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2703595,185930,Consumer loans,3900.78,48105.0,44671.5,13500.0,48105.0,SATURDAY,13,Y,1,0.2527479482689508,,,XAP,Approved,-1820,Cash through the bank,XAP,Group of people,New,Consumer Electronics,POS,XNA,Country-wide,2000,Consumer electronics,16.0,middle,POS household with interest,365243.0,-1789.0,-1339.0,-1339.0,-1336.0,0.0,0,Cash loans,F,N,N,1,112500.0,675000.0,21775.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.015221,-15424,-8281,-2776.0,-2794,,1,1,0,1,1,0,Laborers,2.0,2,2,SATURDAY,12,0,0,0,1,1,0,Medicine,,0.277465023838832,0.7850520263728172,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2797938,136005,Consumer loans,9820.17,73935.0,71995.5,7425.0,73935.0,SATURDAY,17,Y,1,0.10181879993200747,,,XAP,Approved,-1770,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,10.0,high,POS mobile with interest,365243.0,-1734.0,-1464.0,-1464.0,-1461.0,0.0,0,Cash loans,F,N,Y,0,288000.0,373311.0,14607.0,283500.0,Unaccompanied,Working,Higher education,Single / not married,With parents,0.035792000000000004,-10714,-1251,-4823.0,-3409,,1,1,1,1,1,0,Sales staff,1.0,2,2,FRIDAY,12,0,0,0,0,0,0,Trade: type 3,,0.3811665018492016,0.6512602186973006,0.0082,0.0,0.9518,0.3404,0.0,0.0,0.0345,0.0,0.0417,0.0144,0.0067,0.0051,0.0,0.0,0.0084,0.0,0.9518,0.3662,0.0,0.0,0.0345,0.0,0.0417,0.0147,0.0073,0.0053,0.0,0.0,0.0083,0.0,0.9518,0.3492,0.0,0.0,0.0345,0.0,0.0417,0.0147,0.0068,0.0052,0.0,0.0,not specified,terraced house,0.004,Others,No,5.0,0.0,4.0,0.0,-383.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1715551,153306,Consumer loans,9906.84,97249.5,96183.0,9729.0,97249.5,MONDAY,13,Y,1,0.10004310611210676,,,XAP,Approved,-2207,XNA,XAP,Family,Repeater,Audio/Video,POS,XNA,Regional / Local,2000,Consumer electronics,12.0,middle,POS household with interest,365243.0,-2176.0,-1846.0,-1846.0,-1844.0,0.0,0,Cash loans,M,Y,Y,0,180000.0,733176.0,23782.5,612000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.011656999999999999,-15339,-701,-4201.0,-5739,6.0,1,1,0,1,0,1,Core staff,2.0,1,1,WEDNESDAY,16,0,1,1,0,1,1,Business Entity Type 3,0.4668767154705993,0.5599086887491507,0.2512394458905693,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2390.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2038595,455333,Cash loans,82470.555,454500.0,463500.0,,454500.0,FRIDAY,16,Y,1,,,,XNA,Approved,-234,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,low_normal,Cash X-Sell: low,365243.0,-204.0,-54.0,-174.0,-169.0,1.0,0,Revolving loans,M,N,N,0,180000.0,180000.0,9000.0,180000.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,House / apartment,0.006670999999999999,-15209,-7581,-2138.0,-4143,,1,1,0,1,0,0,,1.0,2,2,MONDAY,13,0,0,0,0,0,0,Police,,0.5919519944744336,0.7922644738669378,0.0186,0.0229,0.9657,0.5308,0.0093,0.0,0.069,0.0417,0.0833,0.0,0.0151,0.0102,0.0,0.0,0.0189,0.0237,0.9657,0.5492,0.0094,0.0,0.069,0.0417,0.0833,0.0,0.0165,0.0107,0.0,0.0,0.0187,0.0229,0.9657,0.5371,0.0094,0.0,0.069,0.0417,0.0833,0.0,0.0154,0.0104,0.0,0.0,not specified,block of flats,0.0127,"Stone, brick",No,1.0,0.0,1.0,0.0,-1171.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2296136,207328,Consumer loans,8812.26,67495.5,73435.5,0.0,67495.5,SATURDAY,13,Y,1,0.0,,,XAP,Refused,-361,Cash through the bank,HC,,New,Computers,POS,XNA,Country-wide,2200,Consumer electronics,10.0,middle,POS household with interest,,,,,,,0,Cash loans,F,Y,N,0,72000.0,227520.0,11196.0,180000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,Municipal apartment,0.009549,-21403,365243,-7776.0,-4472,21.0,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,XNA,,0.7860690092109378,0.4135967602644276,0.0619,0.0498,0.9821,0.7552,0.0091,0.0,0.1379,0.1667,0.2083,0.0421,0.0504,0.0524,0.0,0.0,0.063,0.0517,0.9821,0.7648,0.0092,0.0,0.1379,0.1667,0.2083,0.0431,0.0551,0.0546,0.0,0.0,0.0625,0.0498,0.9821,0.7585,0.0092,0.0,0.1379,0.1667,0.2083,0.0429,0.0513,0.0533,0.0,0.0,reg oper spec account,block of flats,0.0462,Panel,No,0.0,0.0,0.0,0.0,-361.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1660310,161103,Consumer loans,2436.435,21555.0,16024.5,6750.0,21555.0,THURSDAY,16,Y,1,0.32278924395106945,,,XAP,Approved,-1896,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Country-wide,60,Connectivity,10.0,high,POS mobile with interest,365243.0,-1865.0,-1595.0,-1595.0,-1585.0,0.0,0,Cash loans,M,Y,Y,0,270000.0,1123443.0,32976.0,981000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.007114,-16238,-7610,-5543.0,-4157,13.0,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Security Ministries,,0.4449663728923282,0.3506958432829587,0.0165,0.0004,0.9737,0.6396,0.0015,0.0,0.069,0.0417,0.0833,0.0344,0.0134,0.0127,0.0,0.0,0.0168,0.0005,0.9737,0.6537,0.0015,0.0,0.069,0.0417,0.0833,0.0352,0.0147,0.0132,0.0,0.0,0.0167,0.0004,0.9737,0.6444,0.0015,0.0,0.069,0.0417,0.0833,0.035,0.0137,0.0129,0.0,0.0,reg oper account,block of flats,0.01,"Stone, brick",No,1.0,0.0,1.0,0.0,-1896.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2728045,249939,Consumer loans,12798.9,126412.65,139756.5,3.15,126412.65,WEDNESDAY,8,Y,1,2.454668685587265e-05,,,XAP,Approved,-279,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Regional / Local,200,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-219.0,111.0,-9.0,-2.0,0.0,1,Cash loans,F,N,Y,3,157500.0,284400.0,22599.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.018801,-10945,365243,-9533.0,-876,,1,0,0,1,0,0,,4.0,2,2,TUESDAY,6,0,0,0,0,0,0,XNA,,0.2399128154428249,0.07058051883159755,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1355229,252817,Consumer loans,9813.285,101272.5,101272.5,0.0,101272.5,FRIDAY,13,Y,1,0.0,,,XAP,Approved,-715,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,42,Connectivity,12.0,low_normal,POS mobile without interest,365243.0,-684.0,-354.0,-414.0,-412.0,0.0,1,Cash loans,M,N,Y,0,360000.0,965340.0,104094.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.018801,-9927,-1667,-5979.0,-1409,,1,1,0,1,0,0,Security staff,1.0,2,2,SATURDAY,13,0,0,0,1,1,0,Security,,0.4663330905327967,0.4722533429586386,0.0928,,0.9617,,,0.0,0.2069,0.1667,0.2083,,0.0756,0.0025,0.0,,0.0945,,0.9618,,,0.0,0.2069,0.1667,0.2083,,0.0826,0.0027,0.0,,0.0937,,0.9617,,,0.0,0.2069,0.1667,0.2083,,0.077,0.0026,0.0,,,terraced house,0.002,,Yes,0.0,0.0,0.0,0.0,-715.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2445602,180344,Consumer loans,3760.74,28300.5,27571.5,2830.5,28300.5,SUNDAY,9,Y,1,0.10139700737391676,,,XAP,Approved,-1465,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Stone,5,Connectivity,10.0,high,POS mobile with interest,365243.0,-1278.0,-1008.0,-1188.0,-1184.0,0.0,0,Cash loans,F,N,N,1,90000.0,225000.0,8338.5,225000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.020246,-10944,-800,-1923.0,-3221,,1,1,1,1,0,0,Core staff,3.0,3,3,MONDAY,12,0,0,0,0,0,0,Business Entity Type 1,0.2497126337143896,0.3946964595716968,0.4632753280912678,,,0.9786,,,,0.1379,0.1667,,,,0.0537,,,,,0.9786,,,,0.1379,0.1667,,,,0.056,,,,,0.9786,,,,0.1379,0.1667,,,,0.0547,,,,block of flats,0.0559,Panel,No,1.0,1.0,1.0,1.0,-174.0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,7.0 +2217408,108152,Cash loans,23050.89,540000.0,646920.0,,540000.0,SATURDAY,15,Y,1,,,,XNA,Refused,-271,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,280350.0,787131.0,26145.0,679500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.011703,-15456,-6403,-6503.0,-5132,,1,1,0,1,1,0,Sales staff,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,Self-employed,0.2514273307644534,0.4200250619844873,0.4902575124990026,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-271.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1283489,333373,Cash loans,52310.25,1354500.0,1451047.5,,1354500.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-280,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_action,Cash X-Sell: low,365243.0,-250.0,800.0,365243.0,365243.0,1.0,0,Revolving loans,M,Y,Y,0,202500.0,405000.0,20250.0,405000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.006852,-20334,-2269,-3086.0,-3228,1.0,1,1,0,1,0,0,Managers,2.0,3,3,WEDNESDAY,6,0,0,0,0,0,0,Self-employed,,0.07942789265307247,0.5585066276769286,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-77.0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2408267,326579,Consumer loans,23829.435,207391.5,214470.0,10350.0,207391.5,THURSDAY,14,Y,1,0.05013829245214352,,,XAP,Approved,-1454,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,1354,Consumer electronics,12.0,high,POS household with interest,365243.0,-1423.0,-1093.0,-1243.0,-1241.0,0.0,0,Cash loans,F,N,N,0,117000.0,225000.0,8482.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,Municipal apartment,0.009334,-19871,365243,-9835.0,-3248,,1,0,0,1,1,0,,2.0,2,2,MONDAY,11,0,0,0,0,0,0,XNA,,0.7732849814348132,0.6109913280868294,0.0082,,0.9617,,,0.0,0.069,0.0417,,0.0513,,0.0202,,,0.0084,,0.9618,,,0.0,0.069,0.0417,,0.0524,,0.021,,,0.0083,,0.9617,,,0.0,0.069,0.0417,,0.0522,,0.0206,,,,block of flats,0.0172,Wooden,No,0.0,0.0,0.0,0.0,-1454.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2084065,206959,Consumer loans,7308.225,138465.0,162225.0,0.0,138465.0,TUESDAY,18,Y,1,0.0,,,XAP,Refused,-644,Non-cash from your account,LIMIT,Other_B,Repeater,Clothing and Accessories,POS,XNA,Stone,50,Clothing,24.0,low_action,POS industry without interest,,,,,,,0,Cash loans,F,N,Y,0,225000.0,521280.0,20254.5,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018634,-23379,365243,-7308.0,-4143,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,XNA,0.7442552883293176,0.7487762941352292,0.7981372313187245,0.1845,0.1491,0.9891,0.8504,0.1376,0.2,0.1724,0.3333,0.375,0.1152,0.1505,0.2103,0.0,0.0,0.188,0.1547,0.9891,0.8563,0.1388,0.2014,0.1724,0.3333,0.375,0.1178,0.1644,0.2191,0.0,0.0,0.1863,0.1491,0.9891,0.8524,0.1384,0.2,0.1724,0.3333,0.375,0.1172,0.1531,0.214,0.0,0.0,reg oper account,block of flats,0.2406,"Stone, brick",No,0.0,0.0,0.0,0.0,-736.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1302178,227446,Consumer loans,2971.305,24705.0,24435.0,2470.5,24705.0,WEDNESDAY,15,Y,1,0.10000182456780546,,,XAP,Approved,-2165,Cash through the bank,XAP,Other_B,Repeater,Mobile,POS,XNA,Country-wide,53,Connectivity,12.0,high,POS mobile with interest,365243.0,-2134.0,-1804.0,-1834.0,-1832.0,0.0,0,Cash loans,F,N,Y,2,180000.0,684000.0,20128.5,684000.0,Unaccompanied,State servant,Secondary / secondary special,Civil marriage,House / apartment,0.072508,-11423,-1811,-2893.0,-3908,,1,1,1,1,1,0,,4.0,1,1,FRIDAY,13,0,0,0,0,0,0,University,,0.5822355744712915,,0.2103,0.2019,0.9757,0.6668,0.0,0.096,0.3034,0.2,0.2417,0.0,0.1715,0.187,0.0,0.0592,0.16699999999999998,0.1869,0.9752,0.6733,0.0,0.0,0.2759,0.1667,0.2083,0.0,0.146,0.1447,0.0,0.0,0.1655,0.1801,0.9757,0.6713,0.0,0.0,0.2759,0.1667,0.2083,0.0,0.136,0.1422,0.0,0.0,reg oper account,block of flats,0.3609,Panel,No,0.0,0.0,0.0,0.0,-1786.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2090162,172276,Consumer loans,5061.96,112239.0,112239.0,0.0,112239.0,TUESDAY,8,Y,1,0.0,,,XAP,Approved,-1492,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,1500,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1461.0,-771.0,-771.0,-766.0,0.0,0,Cash loans,M,N,Y,0,135000.0,284400.0,16456.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.018209,-23908,365243,-3778.0,-4107,,1,0,0,1,0,0,,1.0,3,3,WEDNESDAY,7,0,0,0,0,0,0,XNA,0.6481483402810911,0.08876193774484964,0.5513812618027899,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1492.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2447957,101520,Consumer loans,9232.335,130486.5,156321.0,0.0,130486.5,SUNDAY,18,Y,1,0.0,,,XAP,Approved,-1252,Cash through the bank,XAP,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Country-wide,3303,Consumer electronics,24.0,middle,POS household with interest,365243.0,-1220.0,-530.0,-890.0,-881.0,0.0,0,Cash loans,M,N,Y,0,157500.0,516069.0,26347.5,445500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-10305,-2834,-459.0,-2983,,1,1,1,1,1,1,Laborers,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Self-employed,0.283013867397372,0.5659936562921726,0.2650494299443805,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1252.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +2628068,427619,Consumer loans,2297.385,21690.0,14485.5,8100.0,21690.0,WEDNESDAY,12,Y,1,0.39058849100690096,,,XAP,Approved,-2410,Cash through the bank,XAP,Children,New,Mobile,POS,XNA,Country-wide,80,Connectivity,8.0,high,POS mobile with interest,365243.0,-2379.0,-2169.0,-2169.0,-2161.0,1.0,0,Cash loans,F,Y,N,1,306000.0,720000.0,50242.5,720000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.028663,-14394,-4652,-8337.0,-4600,1.0,1,1,0,1,1,0,Laborers,3.0,2,2,FRIDAY,16,0,0,0,0,0,0,Business Entity Type 2,0.6626625258775035,0.7589796206507389,0.5549467685334323,0.1031,0.0556,0.9786,0.7076,0.014,0.0,0.2069,0.1667,0.2083,0.0759,0.0841,0.08900000000000001,0.0,0.0,0.105,0.0577,0.9786,0.7190000000000001,0.0141,0.0,0.2069,0.1667,0.2083,0.0776,0.0918,0.0927,0.0,0.0,0.1041,0.0556,0.9786,0.7115,0.0141,0.0,0.2069,0.1667,0.2083,0.0772,0.0855,0.0906,0.0,0.0,reg oper account,block of flats,0.0776,"Stone, brick",No,0.0,0.0,0.0,0.0,-391.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2521956,149398,Consumer loans,8822.16,88515.0,107208.0,0.0,88515.0,MONDAY,10,Y,1,0.0,,,XAP,Approved,-701,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,35,Connectivity,24.0,high,POS mobile with interest,365243.0,-670.0,20.0,-430.0,-417.0,0.0,0,Cash loans,F,N,Y,0,161100.0,544500.0,17563.5,544500.0,Family,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.020246,-16293,365243,-5796.0,-4114,,1,0,0,1,1,0,,1.0,3,3,TUESDAY,6,0,0,0,0,0,0,XNA,0.4715901140335117,0.20187596209390807,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-456.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1962898,350627,Consumer loans,41436.675,776799.0,790474.5,77683.5,776799.0,WEDNESDAY,18,Y,1,0.09745276048410964,,,XAP,Refused,-502,Cash through the bank,LIMIT,,Repeater,Consumer Electronics,POS,XNA,Stone,33,Consumer electronics,36.0,middle,POS household with interest,,,,,,,0,Cash loans,M,N,N,0,450000.0,468733.5,22927.5,387000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,With parents,0.00496,-15165,-1791,-8881.0,-3342,,1,1,0,1,1,0,Managers,1.0,2,2,MONDAY,17,0,0,0,1,1,0,Self-employed,,0.6040630558340391,0.5370699579791587,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-710.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1730879,200458,Consumer loans,3743.505,59251.5,63882.0,5926.5,59251.5,TUESDAY,16,Y,1,0.09246004817074242,,,XAP,Approved,-2311,Cash through the bank,XAP,Other_B,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,911,Consumer electronics,24.0,middle,POS household with interest,365243.0,-2280.0,-1590.0,-1590.0,-1585.0,1.0,0,Cash loans,F,N,N,1,126000.0,226908.0,11164.5,148500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,Office apartment,0.025164,-13042,-5465,-2004.0,-5034,,1,1,0,1,0,0,Medicine staff,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Medicine,,0.5148674554629618,0.4507472818545589,0.1247,0.0,0.9871,0.8232,0.0655,0.08,0.069,0.3333,0.375,0.09,0.1,0.0881,0.0077,0.0063,0.1271,0.0,0.9871,0.8301,0.0661,0.0806,0.069,0.3333,0.375,0.092,0.1093,0.0917,0.0078,0.0067,0.126,0.0,0.9871,0.8256,0.0659,0.08,0.069,0.3333,0.375,0.0915,0.1018,0.0896,0.0078,0.0065,reg oper account,block of flats,0.1064,Panel,No,1.0,0.0,1.0,0.0,-1609.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1487530,410896,Consumer loans,5605.29,60750.0,54675.0,6075.0,60750.0,SATURDAY,14,Y,1,0.1089090909090909,,,XAP,Approved,-578,Cash through the bank,XAP,,New,Clothing and Accessories,POS,XNA,Stone,150,Clothing,12.0,middle,POS industry with interest,365243.0,-547.0,-217.0,-247.0,-241.0,0.0,0,Revolving loans,F,N,N,1,202500.0,270000.0,13500.0,270000.0,Unaccompanied,Commercial associate,Incomplete higher,Civil marriage,With parents,0.010643000000000001,-12771,-969,-5209.0,-28,,1,1,0,1,0,0,,3.0,2,2,WEDNESDAY,13,1,1,1,1,0,0,Transport: type 2,0.31094146249445986,0.4909879487999727,0.1446481462546413,0.1526,0.0849,0.9851,0.7959999999999999,0.0601,0.0,0.0345,0.1667,0.0417,,0.1244,0.0457,0.0,0.0,0.1555,0.0881,0.9851,0.804,0.0606,0.0,0.0345,0.1667,0.0417,,0.1359,0.0476,0.0,0.0,0.1541,0.0849,0.9851,0.7987,0.0605,0.0,0.0345,0.1667,0.0417,,0.1266,0.0465,0.0,0.0,reg oper account,specific housing,0.0688,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2346101,261253,Cash loans,39822.03,990000.0,1104997.5,,990000.0,FRIDAY,14,Y,1,,,,XNA,Approved,-744,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-714.0,696.0,-144.0,-140.0,1.0,0,Cash loans,F,Y,Y,0,450000.0,781920.0,28215.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.007273999999999998,-19413,-1467,-5672.0,-2893,13.0,1,1,0,1,1,0,Cooking staff,2.0,2,2,SUNDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.6232475721533102,,,,0.9603,,,,,0.1667,,,,,,,,,0.9603,,,,,0.1667,,,,,,,,,0.9603,,,,,0.1667,,,,,,,,,0.0459,"Stone, brick",No,1.0,0.0,1.0,0.0,-2568.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1203149,282027,Consumer loans,4069.53,21388.5,23683.5,0.0,21388.5,SATURDAY,13,Y,1,0.0,,,XAP,Refused,-1132,Cash through the bank,SCO,Family,Repeater,Mobile,POS,XNA,Country-wide,2000,Consumer electronics,6.0,low_action,POS household without interest,,,,,,,0,Cash loans,F,Y,N,0,157500.0,630000.0,41346.0,630000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.028663,-9270,-1685,-9242.0,-1778,5.0,1,1,1,1,1,0,Core staff,1.0,2,2,THURSDAY,16,0,0,0,0,0,0,Trade: type 2,,0.4361760735485749,,0.3165,0.1701,0.9806,0.7348,0.0488,0.24,0.2069,0.3333,0.375,0.1301,0.2429,0.2596,0.0695,0.1874,0.3225,0.1765,0.9806,0.7452,0.0492,0.2417,0.2069,0.3333,0.375,0.1331,0.2654,0.2704,0.07,0.1984,0.3196,0.1701,0.9806,0.7383,0.0491,0.24,0.2069,0.3333,0.375,0.1324,0.2471,0.2642,0.0699,0.1914,reg oper account,block of flats,0.2716,"Stone, brick",No,7.0,0.0,6.0,0.0,-1476.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2334536,342814,Consumer loans,11379.465,42961.5,39942.0,4297.5,42961.5,SATURDAY,14,Y,1,0.1057961365254621,,,XAP,Approved,-2543,Cash through the bank,XAP,"Spouse, partner",Repeater,Mobile,POS,XNA,Country-wide,36,Connectivity,4.0,low_normal,POS mobile with interest,365243.0,-2512.0,-2422.0,-2422.0,-2416.0,1.0,0,Cash loans,M,Y,Y,2,180000.0,495216.0,23953.5,427500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-11937,-3955,-4484.0,-4479,3.0,1,1,0,1,0,0,Drivers,4.0,2,2,MONDAY,13,0,0,0,0,0,0,Self-employed,,0.6848599821485614,0.21155076420525776,0.0144,,0.9806,,,0.0,0.069,0.0417,,,,0.0134,,0.006,0.0147,,0.9806,,,0.0,0.069,0.0417,,,,0.0139,,0.0063,0.0146,,0.9806,,,0.0,0.069,0.0417,,,,0.0136,,0.0061,,block of flats,0.0105,"Stone, brick",No,2.0,0.0,2.0,0.0,-2695.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1232745,207594,Revolving loans,2250.0,45000.0,45000.0,,45000.0,THURSDAY,17,Y,1,,,,XAP,Approved,-334,XNA,XAP,Family,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),4,XNA,0.0,XNA,Card Street,-330.0,-291.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,1,90000.0,327024.0,15903.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.005002,-15502,-7134,-2510.0,-6047,,1,1,1,1,0,0,,3.0,3,3,TUESDAY,11,0,0,0,0,0,0,Industry: type 1,,0.628613376377087,0.6006575372857061,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1050.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2387201,372100,Consumer loans,5383.665,32310.0,26824.5,6750.0,32310.0,SATURDAY,12,Y,1,0.2189567569543444,,,XAP,Approved,-2714,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2683.0,-2533.0,-2533.0,-2531.0,1.0,0,Revolving loans,F,N,Y,0,189000.0,405000.0,20250.0,405000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-16163,-1815,-7639.0,-4243,,1,1,1,1,1,1,,2.0,2,2,THURSDAY,12,0,0,0,0,1,1,Medicine,0.7317911087740201,0.6845720149690915,0.14825437906109115,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1582.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2333543,308369,Consumer loans,14066.955,72796.5,68976.0,7281.0,72796.5,SUNDAY,14,Y,1,0.1039861377852644,,,XAP,Approved,-208,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,112,Connectivity,6.0,high,POS mobile with interest,365243.0,-178.0,-28.0,-28.0,-26.0,1.0,0,Revolving loans,F,Y,N,1,180000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Higher education,Single / not married,With parents,0.010006000000000001,-9729,-2891,-2333.0,-2374,1.0,1,1,0,1,0,0,Accountants,2.0,2,1,FRIDAY,15,0,0,0,0,0,0,School,,0.12864771569181327,0.29708661164720285,0.2619,,0.995,0.932,0.2111,0.32,0.4828,0.625,0.125,0.1482,0.1874,0.4441,0.1197,0.4465,0.2668,,0.995,0.9347,0.213,0.3222,0.4828,0.625,0.125,0.1516,0.2048,0.4627,0.1206,0.4727,0.2644,,0.995,0.9329,0.2124,0.32,0.4828,0.625,0.125,0.1508,0.1907,0.4521,0.1203,0.4559,,block of flats,0.5353,"Stone, brick",No,2.0,1.0,2.0,0.0,-208.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1760677,228327,Consumer loans,20047.41,198450.0,198450.0,0.0,198450.0,SUNDAY,14,Y,1,0.0,,,XAP,Approved,-348,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Country-wide,13000,Furniture,12.0,middle,POS industry with interest,365243.0,-317.0,13.0,-17.0,-12.0,0.0,0,Cash loans,F,N,Y,0,225000.0,475929.0,37503.0,441000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.022625,-16662,-1833,-976.0,-171,,1,1,0,1,0,0,Cooking staff,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Restaurant,,0.44643042636895097,,0.0485,,0.9627,,,0.0,0.1724,0.125,,,,0.0473,,0.07200000000000001,0.0494,,0.9628,,,0.0,0.1724,0.125,,,,0.0493,,0.0762,0.0489,,0.9627,,,0.0,0.1724,0.125,,,,0.0482,,0.0735,,block of flats,0.0718,"Stone, brick",No,0.0,0.0,0.0,0.0,-1016.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1249550,406828,Cash loans,10506.825,238500.0,288873.0,,238500.0,TUESDAY,10,Y,1,,,,XNA,Approved,-77,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-47.0,1363.0,365243.0,365243.0,1.0,0,Revolving loans,F,N,Y,0,67500.0,225000.0,11250.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.035792000000000004,-22555,365243,-6418.0,-4424,,1,0,0,1,1,0,,1.0,2,2,TUESDAY,12,0,0,0,0,0,0,XNA,,0.3633907651499961,0.7352209993926424,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1575.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +2117859,173951,Consumer loans,17198.415,83106.0,83007.0,8311.5,83106.0,WEDNESDAY,18,Y,1,0.09912535894598673,,,XAP,Approved,-1060,Cash through the bank,XAP,Other_B,New,Mobile,POS,XNA,Country-wide,15,Connectivity,6.0,high,POS mobile with interest,365243.0,-1029.0,-879.0,-879.0,-866.0,0.0,0,Cash loans,M,N,N,0,202500.0,906894.0,43758.0,796500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.016612000000000002,-8834,-1495,-5743.0,-1515,,1,1,0,1,0,0,Laborers,1.0,2,2,SATURDAY,11,0,0,0,1,1,1,Construction,,0.4299857387404375,0.5100895276257282,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1547360,441359,Consumer loans,14729.04,87705.0,82840.5,8770.5,87705.0,SUNDAY,16,Y,1,0.104265555644866,,,XAP,Approved,-1245,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Regional / Local,1693,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-1214.0,-1064.0,-1064.0,-1056.0,0.0,0,Cash loans,F,Y,N,1,202500.0,485640.0,39069.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,Municipal apartment,0.04622,-9913,-504,-1241.0,-2402,1.0,1,1,0,1,0,1,Sales staff,3.0,1,1,SATURDAY,13,0,0,0,0,1,1,Self-employed,0.7137564049328942,0.7110372651395529,0.6279908192952864,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1245.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1700098,219081,Consumer loans,,33943.5,33943.5,0.0,33943.5,SUNDAY,13,Y,1,0.0,,,XAP,Refused,-877,Cash through the bank,LIMIT,,Repeater,Computers,XNA,XNA,Country-wide,55,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,0,130500.0,142200.0,8293.5,112500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.011703,-22543,365243,-4355.0,-5478,,1,0,0,1,1,0,,1.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,0.7410386477081448,0.7026776643166921,0.5567274263630174,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,0.0,-877.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1856616,313144,Consumer loans,14996.565,90891.0,81801.0,9090.0,90891.0,TUESDAY,17,Y,1,0.10891987505513596,,,XAP,Approved,-720,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Stone,50,Consumer electronics,6.0,middle,POS household with interest,365243.0,-689.0,-539.0,-539.0,-533.0,0.0,0,Cash loans,M,N,Y,0,148500.0,720000.0,21181.5,720000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.005084,-12611,-1164,-1426.0,-3807,,1,1,1,1,0,0,Laborers,2.0,2,2,MONDAY,15,0,0,0,0,0,0,Business Entity Type 1,,0.2614932943440283,0.6279908192952864,0.0278,0.0574,0.9896,0.8572,0.0034,0.0,0.1034,0.0833,0.0,0.0667,0.0227,0.0267,0.0,0.0,0.0284,0.0595,0.9896,0.8628,0.0035,0.0,0.1034,0.0833,0.0,0.0682,0.0248,0.0278,0.0,0.0,0.0281,0.0574,0.9896,0.8591,0.0034,0.0,0.1034,0.0833,0.0,0.0679,0.0231,0.0272,0.0,0.0,reg oper account,block of flats,0.0229,Panel,No,0.0,0.0,0.0,0.0,-720.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2763387,302941,Consumer loans,8335.89,84591.0,97155.0,0.0,84591.0,TUESDAY,13,Y,1,0.0,,,XAP,Approved,-2487,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Stone,58,Consumer electronics,18.0,high,POS household with interest,365243.0,-2448.0,-1938.0,-1968.0,-1964.0,1.0,0,Cash loans,F,N,N,0,90000.0,443088.0,16551.0,382500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.030755,-18067,-626,-2508.0,-1610,,1,1,0,1,0,0,Sales staff,1.0,2,2,THURSDAY,16,0,0,0,0,0,0,Self-employed,,0.7360741659018479,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2459891,422038,Consumer loans,1082.7,17955.0,16159.5,1795.5,17955.0,THURSDAY,17,Y,1,0.1089090909090909,,,XAP,Approved,-2780,XNA,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Regional / Local,385,Consumer electronics,24.0,high,POS household with interest,365243.0,-2748.0,-2058.0,-2058.0,-2056.0,0.0,0,Cash loans,M,Y,Y,3,157500.0,213322.5,13761.0,162000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-11776,-4864,-5106.0,-4405,8.0,1,1,0,1,0,0,,5.0,2,2,FRIDAY,11,0,0,0,0,0,0,Agriculture,,0.490752950667041,0.5673792367572691,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-2780.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1502176,327678,Cash loans,22414.05,450000.0,533160.0,,450000.0,SUNDAY,7,Y,1,,,,Repairs,Refused,-676,Cash through the bank,VERIF,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,Y,Y,0,270000.0,1288350.0,37800.0,1125000.0,Unaccompanied,Working,Incomplete higher,Separated,House / apartment,0.020713,-17069,-726,-6281.0,-611,16.0,1,1,1,1,1,1,,1.0,3,2,THURSDAY,6,0,0,0,0,0,0,Industry: type 12,0.4971653666331518,0.3152990387693783,0.16048893062734468,0.0866,0.0709,0.9911,0.8708,0.0135,0.0,0.1034,0.1667,0.125,0.0235,0.0685,0.0714,0.0097,0.0255,0.0326,0.0542,0.9871,0.8301,0.01,0.0,0.069,0.1667,0.0417,0.0029,0.0275,0.0516,0.0039,0.0079,0.0874,0.0709,0.9911,0.8725,0.0136,0.0,0.1034,0.1667,0.125,0.0239,0.0697,0.0727,0.0097,0.026,reg oper spec account,block of flats,0.0538,"Stone, brick",No,0.0,0.0,0.0,0.0,-87.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1435820,171145,Consumer loans,13330.305,257989.5,257989.5,0.0,257989.5,TUESDAY,7,Y,1,0.0,,,XAP,Approved,-353,Non-cash from your account,XAP,,Repeater,Construction Materials,POS,XNA,Stone,60,Construction,24.0,low_normal,POS industry with interest,365243.0,-314.0,376.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,112500.0,96696.0,4635.0,76500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.018801,-18170,-410,-4494.0,-1716,,1,1,0,1,0,0,Cleaning staff,1.0,2,2,FRIDAY,9,0,0,0,0,0,0,School,,0.09327503822677558,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,0.0,9.0,0.0,-856.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2729950,224083,Consumer loans,5498.955,50805.0,49495.5,5080.5,50805.0,SATURDAY,19,Y,1,0.10138387502998317,,,XAP,Approved,-2554,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Stone,90,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-2523.0,-2253.0,-2253.0,-2245.0,1.0,0,Cash loans,F,N,Y,0,225000.0,781920.0,41400.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00702,-21358,-822,-7105.0,-4186,,1,1,0,1,0,0,Core staff,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Restaurant,0.7324048376962946,0.538853160520091,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-2554.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1282690,312928,Consumer loans,7116.48,141174.0,157131.0,0.0,141174.0,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-437,Cash through the bank,XAP,,New,Computers,POS,XNA,Country-wide,2000,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-406.0,284.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,0,225000.0,841788.0,32616.0,603000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,With parents,0.018801,-8299,-256,-8292.0,-916,13.0,1,1,0,1,0,0,Drivers,1.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Transport: type 4,,0.5816610098615784,0.5673792367572691,0.0995,0.0667,0.9672,0.5512,0.0651,0.1,0.1207,0.2083,0.25,0.062,0.0811,0.1039,0.0,0.0,0.0116,0.0,0.9499,0.3401,0.0069,0.0,0.069,0.0833,0.125,0.0231,0.0101,0.0191,0.0,0.0,0.1004,0.0667,0.9672,0.5572,0.0655,0.1,0.1207,0.2083,0.25,0.0631,0.0825,0.1057,0.0,0.0,reg oper account,block of flats,0.0182,"Stone, brick",No,0.0,0.0,0.0,0.0,-437.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2480128,301222,Consumer loans,4929.21,35311.5,44208.0,0.0,35311.5,THURSDAY,14,Y,1,0.0,,,XAP,Approved,-1796,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,2425,Consumer electronics,12.0,high,POS household with interest,365243.0,-1765.0,-1435.0,-1435.0,-1429.0,0.0,0,Cash loans,F,N,Y,0,90000.0,590337.0,30271.5,477000.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.022625,-16118,-7231,-10247.0,-4145,,1,1,0,1,1,0,Medicine staff,2.0,2,2,MONDAY,16,0,0,0,0,0,0,Other,,0.7360996542709435,0.2103502286944494,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1796.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2488485,366620,Cash loans,,0.0,0.0,,0.0,MONDAY,13,Y,1,,,,XNA,Refused,-1222,Cash through the bank,HC,Unaccompanied,Repeater,XNA,XNA,XNA,Credit and cash offices,0,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,N,0,99000.0,490495.5,26131.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.026392000000000002,-22072,-9034,-14590.0,-1577,,1,1,1,1,1,0,Sales staff,2.0,2,2,MONDAY,19,0,0,0,0,0,0,Self-employed,,0.6469583388148467,0.4722533429586386,0.0165,,0.9732,,,0.0,0.069,0.0417,,,,0.011,,0.0,0.0168,,0.9732,,,0.0,0.069,0.0417,,,,0.0114,,0.0,0.0167,,0.9732,,,0.0,0.069,0.0417,,,,0.0111,,0.0,,block of flats,0.0086,"Stone, brick",No,1.0,1.0,1.0,1.0,-1473.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1869289,239420,Consumer loans,18242.865,130455.0,97947.0,39136.5,130455.0,SUNDAY,12,Y,1,0.31092878693377657,,,XAP,Approved,-160,Cash through the bank,XAP,"Spouse, partner",Repeater,Furniture,POS,XNA,Stone,60,Furniture,6.0,middle,POS industry with interest,,,,,,,0,Cash loans,M,N,Y,1,157500.0,1309500.0,38416.5,1309500.0,Family,Commercial associate,Higher education,Married,House / apartment,0.031329,-16047,-975,-8359.0,-4495,,1,1,0,1,0,0,Cooking staff,3.0,2,2,SATURDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.6993869954884111,0.4135967602644276,0.1485,0.096,0.9791,0.7144,0.0201,0.16,0.1379,0.3333,0.375,0.1276,0.121,0.1434,0.0,0.0,0.1513,0.0996,0.9791,0.7256,0.0202,0.1611,0.1379,0.3333,0.375,0.1305,0.1322,0.1494,0.0,0.0,0.1499,0.096,0.9791,0.7182,0.0202,0.16,0.1379,0.3333,0.375,0.1298,0.1231,0.1459,0.0,0.0,reg oper account,block of flats,0.1128,Panel,No,2.0,0.0,2.0,0.0,-1815.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2040372,397773,Consumer loans,10459.305,56025.0,56025.0,0.0,56025.0,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-575,Cash through the bank,XAP,,New,Furniture,POS,XNA,Stone,100,Furniture,6.0,middle,POS industry with interest,365243.0,-544.0,-394.0,-484.0,-476.0,0.0,0,Cash loans,F,N,N,0,315000.0,312768.0,15043.5,270000.0,Family,Pensioner,Higher education,Widow,House / apartment,0.072508,-22539,365243,-9747.0,-4911,,1,0,0,1,1,0,,1.0,1,1,SATURDAY,13,0,0,0,0,0,0,XNA,0.7009010248973653,0.7289360744455129,0.6863823354047934,0.1046,0.0696,0.9841,0.7824,0.0404,0.06,0.0603,0.5104,0.5521,0.0,0.0841,0.0741,0.0058,0.0269,0.084,0.0368,0.9876,0.8367,0.0,0.0806,0.0345,0.625,0.6667,0.0,0.0992,0.0642,0.0039,0.0032,0.1124,0.0567,0.9866,0.8189,0.0447,0.08,0.0345,0.625,0.6667,0.0,0.0911,0.0676,0.0058,0.0113,reg oper account,block of flats,0.0785,Block,No,7.0,0.0,7.0,0.0,-575.0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1328486,102532,Consumer loans,9697.95,44946.0,47169.0,0.0,44946.0,SUNDAY,14,Y,1,0.0,,,XAP,Approved,-1885,Cash through the bank,XAP,"Spouse, partner",Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,75,Connectivity,6.0,high,POS mobile with interest,365243.0,-1854.0,-1704.0,-1704.0,-1696.0,0.0,0,Cash loans,F,Y,Y,0,391500.0,481176.0,24696.0,360000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-16995,-7264,-10914.0,-538,11.0,1,1,0,1,0,0,Core staff,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Transport: type 2,,0.7183894512104472,0.4992720153045617,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-631.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1495003,339415,Cash loans,,0.0,0.0,,,FRIDAY,8,Y,1,,,,XNA,Refused,-246,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,Y,Y,1,112500.0,640080.0,31261.5,450000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.006852,-18569,-2311,-7958.0,-1863,41.0,1,1,0,1,0,0,Laborers,3.0,3,3,SATURDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.4729235294679335,0.0969483170508572,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-447.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1332543,437022,Cash loans,16046.595,270000.0,313839.0,,270000.0,FRIDAY,10,Y,1,,,,XNA,Approved,-1021,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-991.0,59.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,N,0,180000.0,595903.5,28795.5,481500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,With parents,0.019101,-20013,365243,-9029.0,-3557,20.0,1,0,0,1,0,0,,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,XNA,,0.596065404437342,0.7503751495159068,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-444.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1512168,113018,Cash loans,39604.5,1350000.0,1350000.0,,1350000.0,THURSDAY,14,Y,1,,,,XNA,Refused,-22,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,1,Cash loans,F,Y,N,0,202500.0,1006920.0,39933.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.026392000000000002,-13650,-3769,-7535.0,-3740,6.0,1,1,1,1,1,0,Managers,1.0,2,2,WEDNESDAY,20,0,0,0,0,0,0,Business Entity Type 3,0.5224952296046873,0.2816666879241211,0.39277386060313396,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-84.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1473721,253924,Consumer loans,3270.375,36337.5,29070.0,7267.5,36337.5,SUNDAY,11,Y,1,0.2178181818181818,,,XAP,Approved,-2819,Cash through the bank,XAP,Family,New,Gardening,POS,XNA,Stone,120,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-2779.0,-2509.0,-2509.0,-2504.0,0.0,0,Cash loans,F,Y,Y,0,247500.0,219249.0,17451.0,166500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-19751,-2847,-1831.0,-3243,32.0,1,1,0,1,0,1,,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,Other,0.487155206276568,0.2749382281368317,0.6496203111237195,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,10.0,2.0,10.0,2.0,-2531.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2034157,415173,Cash loans,22600.935,225000.0,284400.0,,225000.0,TUESDAY,5,Y,1,,,,XNA,Refused,-62,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,Y,2,157500.0,254700.0,30357.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-16181,-1579,-678.0,-590,,1,1,0,1,0,0,Cleaning staff,4.0,3,3,MONDAY,11,0,0,0,0,1,1,Self-employed,,0.5022542292455225,0.4902575124990026,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-297.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,2.0 +1144784,299855,Consumer loans,8544.87,43650.0,46138.5,4365.0,43650.0,THURSDAY,10,Y,1,0.09412974978331833,,,XAP,Approved,-1167,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Country-wide,110,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1136.0,-986.0,-986.0,-982.0,0.0,0,Cash loans,F,N,N,0,180000.0,601470.0,29065.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-17010,-3672,-6852.0,-490,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,11,0,0,0,0,1,1,Hotel,0.7797214327292956,0.4145430100400084,0.4561097392782771,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2257.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1261633,169725,Consumer loans,6574.59,56070.0,56677.5,4500.0,56070.0,SUNDAY,10,Y,1,0.08010966598682669,,,XAP,Approved,-1956,Cash through the bank,XAP,Other_B,Repeater,Audio/Video,POS,XNA,Country-wide,69,Consumer electronics,12.0,high,POS household with interest,365243.0,-1925.0,-1595.0,-1595.0,-1592.0,0.0,0,Cash loans,F,N,Y,0,58500.0,85320.0,6871.5,67500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-11656,-1981,-993.0,-4092,,1,1,0,1,0,0,Cleaning staff,2.0,2,2,WEDNESDAY,14,0,0,0,0,1,1,Business Entity Type 3,0.3316362021430283,0.5173468452628889,0.4668640059537032,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-844.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,4.0 +1364194,368899,Consumer loans,19342.935,376740.0,426469.5,0.0,376740.0,TUESDAY,11,Y,1,0.0,,,XAP,Approved,-843,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,2200,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,1,Cash loans,M,Y,N,2,270000.0,755190.0,36459.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006296,-15207,-3201,-3383.0,-3383,10.0,1,1,0,1,0,0,Core staff,4.0,3,3,FRIDAY,10,0,0,0,0,1,1,Hotel,,0.5675615146277336,0.2445163919946749,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,1.0,5.0,1.0,-843.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1298260,224512,Revolving loans,2250.0,45000.0,45000.0,,45000.0,THURSDAY,15,Y,1,,,,XAP,Approved,-233,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Country-wide,652,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,135000.0,67500.0,6439.5,67500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-15336,-2908,-3844.0,-5443,,1,1,1,1,1,0,Sales staff,2.0,3,3,SATURDAY,14,0,0,0,0,0,0,Trade: type 2,,0.4576477013761609,0.7738956942145427,0.0412,,0.9945,,,,0.069,0.1667,,,,,,,0.042,,0.9945,,,,0.069,0.1667,,,,,,,0.0416,,0.9945,,,,0.069,0.1667,,,,,,,,block of flats,0.034,"Stone, brick",No,0.0,0.0,0.0,0.0,-1424.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,2.0,2.0 +1106008,199348,Cash loans,8216.82,67500.0,80928.0,,67500.0,TUESDAY,12,Y,1,,,,XNA,Approved,-1450,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1420.0,-1090.0,-1150.0,-1144.0,1.0,0,Cash loans,F,N,Y,0,135000.0,1293502.5,35698.5,1129500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-22491,365243,-9560.0,-4454,,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,XNA,,0.6451331688440922,0.1624419982223248,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1673.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1684329,267360,Consumer loans,4231.26,37300.5,34150.5,3150.0,37300.5,FRIDAY,13,Y,1,0.09197293236381184,,,XAP,Approved,-904,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,18,Connectivity,12.0,high,POS mobile with interest,365243.0,-856.0,-526.0,-706.0,-698.0,0.0,0,Cash loans,F,N,Y,0,112500.0,1164667.5,34182.0,1017000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-13861,-1756,-2566.0,-4609,,1,1,0,1,0,0,Medicine staff,2.0,3,3,SATURDAY,7,0,0,0,0,0,0,Industry: type 9,,0.0760804954210417,0.5370699579791587,0.0722,0.0276,0.9851,0.7959999999999999,0.0151,0.0,0.1034,0.1667,0.0417,,0.0588,0.066,0.0,0.014,0.0735,0.0287,0.9851,0.804,0.0153,0.0,0.1034,0.1667,0.0417,,0.0643,0.0688,0.0,0.0149,0.0729,0.0276,0.9851,0.7987,0.0152,0.0,0.1034,0.1667,0.0417,,0.0599,0.0672,0.0,0.0143,,block of flats,0.055,"Stone, brick",No,0.0,0.0,0.0,0.0,-2122.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1906924,395832,Cash loans,7519.545,180000.0,227520.0,,180000.0,MONDAY,14,Y,1,,,,XNA,Approved,-223,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-193.0,1217.0,365243.0,365243.0,1.0,0,Revolving loans,M,N,Y,0,81000.0,157500.0,7875.0,135000.0,Unaccompanied,Pensioner,Lower secondary,Married,House / apartment,0.025164,-23205,365243,-7008.0,-3185,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,,0.16481200855254566,0.7886807751817684,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-501.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1208737,331383,Consumer loans,21697.245,220702.5,220702.5,0.0,220702.5,FRIDAY,7,Y,1,0.0,,,XAP,Approved,-937,Cash through the bank,XAP,Family,Refreshed,Audio/Video,POS,XNA,Regional / Local,150,Consumer electronics,12.0,middle,POS household with interest,365243.0,-904.0,-574.0,-574.0,-571.0,0.0,0,Cash loans,F,N,Y,0,315000.0,887314.5,59296.5,887314.5,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.014464,-18696,-111,-6568.0,-2219,,1,1,0,1,0,0,Cooking staff,1.0,2,2,THURSDAY,8,0,0,0,0,0,0,Self-employed,0.30764435359997905,0.4661915983967749,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2350.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1986587,133441,Revolving loans,6750.0,0.0,180000.0,,,THURSDAY,13,N,0,,,,XAP,Refused,-2619,XNA,SYSTEM,,Repeater,XNA,Cards,x-sell,Stone,46,Consumer electronics,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,99000.0,328405.5,26460.0,283500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.002134,-20270,-383,-274.0,-3160,,1,1,0,1,0,0,Accountants,2.0,3,3,FRIDAY,12,0,0,0,1,0,1,Medicine,,0.7425349111053906,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-340.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2746465,100296,Consumer loans,10107.9,111136.5,128740.5,0.0,111136.5,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-938,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,2200,Consumer electronics,18.0,middle,POS household with interest,365243.0,-907.0,-397.0,-397.0,-392.0,0.0,0,Cash loans,M,N,Y,1,225000.0,223884.0,24241.5,202500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-17186,-1116,-4258.0,-730,,1,1,0,1,0,1,Drivers,3.0,1,1,SUNDAY,13,0,1,1,0,0,0,Business Entity Type 3,0.602751870061926,0.7117915010199288,,0.1649,0.0,0.9881,0.8368,0.0374,0.16,0.1379,0.375,0.4167,0.2082,0.1345,0.1643,0.0,0.0,0.1681,0.0,0.9881,0.8432,0.0378,0.1611,0.1379,0.375,0.4167,0.2129,0.1469,0.1712,0.0,0.0,0.1665,0.0,0.9881,0.8390000000000001,0.0377,0.16,0.1379,0.375,0.4167,0.2118,0.1368,0.1673,0.0,0.0,reg oper account,block of flats,0.1672,Panel,No,0.0,0.0,0.0,0.0,-231.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1523395,131147,Consumer loans,17659.125,103455.0,87133.5,20691.0,103455.0,MONDAY,20,Y,1,0.20899127749259205,,,XAP,Approved,-203,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,17,Connectivity,6.0,high,POS mobile with interest,365243.0,-173.0,-23.0,-23.0,-15.0,1.0,1,Cash loans,M,Y,N,0,270000.0,315000.0,24885.0,315000.0,Family,Commercial associate,Incomplete higher,Single / not married,Rented apartment,0.006670999999999999,-9650,-565,-6130.0,-354,18.0,1,1,1,1,0,0,Managers,1.0,2,2,SUNDAY,16,0,0,0,1,1,0,Business Entity Type 3,0.13654876917744807,0.2759507260162368,0.1455428133497032,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-203.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1766362,174892,Cash loans,23062.995,234000.0,246663.0,,234000.0,TUESDAY,8,Y,1,,,,XNA,Approved,-359,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-329.0,1.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,0,180000.0,602194.5,44203.5,558000.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.020713,-22261,365243,-7064.0,-4181,15.0,1,0,0,1,0,0,,2.0,3,2,THURSDAY,11,0,0,0,0,0,0,XNA,,0.3942524717890785,0.5585066276769286,0.1649,0.1605,0.9816,0.7484,0.0406,0.2,0.1724,0.3333,0.375,0.08800000000000001,0.1219,0.1628,0.0579,0.1224,0.1681,0.1666,0.9816,0.7583,0.0409,0.2014,0.1724,0.3333,0.375,0.09,0.1331,0.1696,0.0584,0.1295,0.1665,0.1605,0.9816,0.7518,0.0408,0.2,0.1724,0.3333,0.375,0.0895,0.124,0.1657,0.0582,0.1249,reg oper account,block of flats,0.1547,Panel,No,0.0,0.0,0.0,0.0,-692.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2592587,285708,Cash loans,11266.38,229500.0,265905.0,,229500.0,TUESDAY,10,Y,1,,,,XNA,Approved,-823,XNA,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Country-wide,42,Connectivity,36.0,low_normal,Cash X-Sell: low,365243.0,-793.0,257.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,1,121500.0,640080.0,24259.5,450000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.000533,-16028,-4353,-7810.0,-4337,,1,1,1,1,0,0,Managers,3.0,3,3,SATURDAY,4,0,0,0,0,0,0,Security Ministries,,0.288777160857021,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2195.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1767132,376420,Consumer loans,48648.375,634500.0,507600.0,126900.0,634500.0,THURSDAY,12,Y,1,0.2178181818181818,,,XAP,Approved,-369,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Stone,50,Consumer electronics,12.0,low_normal,POS other with interest,365243.0,-338.0,-8.0,-188.0,-184.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,630000.0,36297.0,630000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-24454,365243,-2863.0,-4367,5.0,1,0,0,1,1,0,,2.0,2,2,TUESDAY,7,0,0,0,0,0,0,XNA,,0.6105765192178594,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-652.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2581404,119319,Consumer loans,9195.075,84951.0,82764.0,8496.0,84951.0,FRIDAY,14,Y,1,0.10139071185225032,,,XAP,Approved,-2687,XNA,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,1488,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2656.0,-2386.0,-2386.0,-2377.0,1.0,0,Cash loans,M,Y,N,2,202500.0,168102.0,17779.5,148500.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.018029,-13432,-5603,-2535.0,-4322,18.0,1,1,0,1,0,0,Laborers,4.0,3,3,THURSDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.5578273282167487,0.4407040057023784,0.7091891096653581,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1891.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1196169,165405,Revolving loans,13500.0,0.0,270000.0,,,TUESDAY,5,Y,1,,,,XAP,Refused,-729,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,216000.0,518562.0,22099.5,463500.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.020713,-21649,365243,-9493.0,-4332,,1,0,0,1,0,0,,1.0,3,2,WEDNESDAY,8,0,0,0,0,0,0,XNA,,0.54872084609394,0.4561097392782771,0.0124,0.0,0.9652,0.524,0.0235,0.0,0.069,0.0833,0.125,0.0,0.0101,0.0163,0.0,0.0,0.0126,0.0,0.9652,0.5426,0.0237,0.0,0.069,0.0833,0.125,0.0,0.011,0.017,0.0,0.0,0.0125,0.0,0.9652,0.5304,0.0236,0.0,0.069,0.0833,0.125,0.0,0.0103,0.0166,0.0,0.0,reg oper account,block of flats,0.0128,"Stone, brick",No,7.0,0.0,7.0,0.0,-1061.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1573807,105018,Consumer loans,41403.825,409014.0,388039.5,45000.0,409014.0,SATURDAY,7,Y,1,0.11317464321174138,,,XAP,Approved,-900,Cash through the bank,XAP,"Spouse, partner",New,Sport and Leisure,POS,XNA,Regional / Local,14,Consumer electronics,12.0,middle,POS household with interest,365243.0,-869.0,-539.0,-539.0,-535.0,0.0,0,Cash loans,F,Y,Y,0,225000.0,313438.5,33754.5,283500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.0038179999999999998,-13436,-2629,-3500.0,-4303,6.0,1,1,0,1,0,0,Core staff,2.0,2,2,WEDNESDAY,5,0,0,0,0,0,0,Self-employed,,0.7168340471956267,0.6848276586890367,0.0165,,0.9732,,,,0.069,0.125,,,,0.0134,,,0.0168,,0.9732,,,,0.069,0.125,,,,0.0114,,,0.0167,,0.9732,,,,0.069,0.125,,,,0.0137,,,,block of flats,0.0215,Block,No,0.0,0.0,0.0,0.0,-900.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2690864,272556,Consumer loans,2925.99,16110.0,15160.5,1665.0,16110.0,THURSDAY,9,Y,1,0.10777310413576796,,,XAP,Approved,-1406,Cash through the bank,XAP,Unaccompanied,Refreshed,Consumer Electronics,POS,XNA,Stone,500,Consumer electronics,6.0,high,POS household with interest,365243.0,-1375.0,-1225.0,-1225.0,-1221.0,0.0,0,Cash loans,M,N,Y,0,144000.0,142200.0,8293.5,112500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-19867,-1623,-10390.0,-3422,,1,1,0,1,1,0,Laborers,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Business Entity Type 2,,0.25569105920673657,0.8050196619153701,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1726325,141578,Cash loans,9131.085,76500.0,81549.0,,76500.0,MONDAY,14,Y,1,,,,XNA,Approved,-1047,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-1017.0,-687.0,-867.0,-859.0,1.0,1,Cash loans,F,N,Y,1,171000.0,1065433.5,42385.5,913500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020713,-15898,365243,-2.0,-4546,,1,0,0,1,0,0,,3.0,3,3,FRIDAY,12,0,0,0,0,0,0,XNA,,0.3703339827561277,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1856.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1131550,235976,Consumer loans,3217.77,19080.0,15993.0,5580.0,19080.0,TUESDAY,10,Y,1,0.2817006106117494,,,XAP,Approved,-986,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,350,Consumer electronics,6.0,high,POS household with interest,365243.0,-955.0,-805.0,-925.0,-918.0,0.0,1,Cash loans,M,Y,N,0,171000.0,269550.0,21294.0,225000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.015221,-13722,-3655,-2918.0,-4591,0.0,1,1,1,1,1,0,Security staff,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Security,0.2916785121298457,0.3838264522694244,0.3672910183026313,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1487.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1721609,149562,Consumer loans,28813.275,470497.5,470497.5,0.0,470497.5,TUESDAY,13,Y,1,0.0,,,XAP,Approved,-600,XNA,XAP,,New,Furniture,POS,XNA,Stone,100,Furniture,24.0,middle,POS industry with interest,365243.0,-569.0,121.0,-299.0,-294.0,0.0,0,Cash loans,F,N,Y,1,202500.0,1191825.0,83079.0,1125000.0,Family,Working,Higher education,Married,House / apartment,0.04622,-13224,-574,-7348.0,-4202,,1,1,1,1,0,0,Managers,3.0,1,1,SUNDAY,11,0,0,0,0,1,1,Medicine,0.6878252993744353,0.736583633174682,0.3280631605201915,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-600.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1155299,439791,Consumer loans,6373.665,141480.0,141480.0,0.0,141480.0,SUNDAY,15,Y,1,0.0,,,XAP,Approved,-582,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Regional / Local,168,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-551.0,139.0,-131.0,-127.0,0.0,0,Cash loans,F,Y,N,0,112500.0,647046.0,17923.5,463500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-18229,-4414,-9945.0,-251,1.0,1,1,0,1,0,0,High skill tech staff,2.0,2,2,SATURDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.6854449202279433,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-582.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1313602,363780,Consumer loans,53804.115,311345.595,291546.0,22499.595,311345.595,FRIDAY,17,Y,1,0.0780272188588643,,,XAP,Approved,-1222,Cash through the bank,XAP,Children,Repeater,Consumer Electronics,POS,XNA,Country-wide,180,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1191.0,-1041.0,-1071.0,-1066.0,0.0,0,Cash loans,F,N,Y,0,90000.0,1125000.0,33025.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.026392000000000002,-17571,-474,-3212.0,-1102,,1,1,0,1,0,0,Cooking staff,2.0,2,2,TUESDAY,16,0,0,0,0,0,0,Industry: type 3,,0.5984954965225675,0.35895122857839673,0.1423,0.12,0.9796,,,0.0,0.3448,0.1667,,0.0454,,0.1313,,0.0,0.145,0.1245,0.9796,,,0.0,0.3448,0.1667,,0.0464,,0.1368,,0.0,0.1436,0.12,0.9796,,,0.0,0.3448,0.1667,,0.0462,,0.1337,,0.0,,block of flats,0.1033,Panel,No,0.0,0.0,0.0,0.0,-1655.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2186294,330275,Consumer loans,5204.565,80370.0,49455.0,35370.0,80370.0,THURSDAY,16,Y,1,0.4541249095731856,,,XAP,Approved,-1852,Cash through the bank,XAP,"Spouse, partner",Repeater,Furniture,POS,XNA,Stone,16,Furniture,12.0,middle,POS industry with interest,365243.0,-1820.0,-1490.0,-1610.0,-1603.0,0.0,0,Cash loans,M,N,Y,0,225000.0,225000.0,22383.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-12864,-951,-2511.0,-3968,,1,1,1,1,0,0,High skill tech staff,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Self-employed,,0.6729868097142927,0.7267112092725122,0.0588,,0.9826,,,0.16,0.1379,0.3333,,0.3747,,0.2239,,0.1987,0.0599,,0.9826,,,0.1611,0.1379,0.3333,,0.3832,,0.2332,,0.2104,0.0593,,0.9826,,,0.16,0.1379,0.3333,,0.3812,,0.2279,,0.2029,,block of flats,0.2204,"Stone, brick",No,2.0,0.0,1.0,0.0,-939.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1584974,146201,Revolving loans,6750.0,135000.0,135000.0,,135000.0,FRIDAY,12,Y,1,,,,XAP,Approved,-744,XNA,XAP,,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),5,XNA,0.0,XNA,Card Street,-740.0,-701.0,365243.0,-306.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,622413.0,30073.5,495000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-17268,-4052,-1735.0,-796,3.0,1,1,0,1,0,1,Drivers,2.0,2,2,SUNDAY,7,0,0,0,0,1,1,Business Entity Type 3,0.6455252932741157,0.4125648147014418,0.30620229831350426,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1849.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,2.0 +1825337,298121,Consumer loans,7169.76,47700.0,51898.5,0.0,47700.0,MONDAY,16,Y,1,0.0,,,XAP,Approved,-647,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Stone,30,Connectivity,10.0,high,POS mobile with interest,365243.0,-607.0,-337.0,-367.0,-361.0,0.0,0,Cash loans,M,Y,N,0,157500.0,474048.0,25843.5,360000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.00496,-10938,-1148,-4481.0,-3002,5.0,1,1,0,1,0,0,Drivers,1.0,2,2,THURSDAY,11,0,0,0,0,0,0,Transport: type 3,,0.5798827193634957,,,,0.9518,,,,,0.0,,,,,,,,,0.9518,,,,,0.0,,,,,,,,,0.9518,,,,,0.0,,,,,,,,block of flats,0.0195,,No,1.0,0.0,0.0,0.0,-647.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1516951,151736,Cash loans,26576.64,679500.0,679500.0,,679500.0,TUESDAY,18,Y,1,,,,XNA,Approved,-223,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-193.0,1217.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,135000.0,225000.0,11619.0,225000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.026392000000000002,-22529,-561,-1207.0,-4828,,1,1,0,1,0,0,High skill tech staff,2.0,2,2,MONDAY,16,0,0,0,0,0,0,Other,,0.7371814493653966,0.1385128770585923,0.033,0.0469,0.9791,,,0.0,0.069,0.1667,,0.0081,,0.029,,0.0438,0.0336,0.0487,0.9791,,,0.0,0.069,0.1667,,0.0083,,0.0302,,0.0463,0.0333,0.0469,0.9791,,,0.0,0.069,0.1667,,0.0083,,0.0295,,0.0447,,block of flats,0.0323,"Stone, brick",No,0.0,0.0,0.0,0.0,-1943.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,1.0,0.0,7.0 +1438927,330520,Cash loans,24074.73,450000.0,501975.0,,450000.0,THURSDAY,9,Y,1,,,,XNA,Approved,-1153,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,low_normal,Cash X-Sell: low,365243.0,-1123.0,-253.0,-823.0,-821.0,1.0,0,Cash loans,F,Y,Y,0,216000.0,225000.0,12915.0,225000.0,Unaccompanied,Pensioner,Higher education,Married,Office apartment,0.026392000000000002,-23870,365243,-9020.0,-984,8.0,1,0,0,1,1,0,,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,XNA,,0.644010965509327,0.6754132910917112,0.1577,,0.9871,,,0.16,,0.3333,,,,0.1351,,,0.1607,,0.9871,,,0.1611,,0.3333,,,,0.1407,,,0.1593,,0.9871,,,0.16,,0.3333,,,,0.1375,,,,block of flats,0.158,"Stone, brick",No,0.0,0.0,0.0,0.0,-1475.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2105750,369400,Consumer loans,7333.335,30240.0,25740.0,4500.0,30240.0,FRIDAY,18,Y,1,0.16206709956709958,,,XAP,Approved,-2899,XNA,XAP,,Repeater,Mobile,POS,XNA,Stone,13,Connectivity,4.0,high,POS mobile with interest,365243.0,-2863.0,-2773.0,-2773.0,-2736.0,0.0,0,Cash loans,F,N,Y,0,121500.0,526500.0,27013.5,526500.0,Family,Commercial associate,Higher education,Married,House / apartment,0.026392000000000002,-15563,-1938,-6055.0,-4474,,1,1,0,1,1,0,,2.0,2,2,SATURDAY,16,0,0,0,0,0,0,Trade: type 7,,0.5653113310196968,0.8327850252992314,0.1216,,0.9916,,,0.12,0.1034,0.375,,,,0.1252,,0.0081,0.1239,,0.9916,,,0.1208,0.1034,0.375,,,,0.1304,,0.0086,0.1228,,0.9916,,,0.12,0.1034,0.375,,,,0.1274,,0.0083,,block of flats,0.1002,Panel,No,6.0,1.0,6.0,0.0,-754.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1866503,273772,Consumer loans,16874.37,123705.0,119173.5,12370.5,123705.0,WEDNESDAY,19,Y,1,0.10241895556550727,,,XAP,Approved,-1071,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Regional / Local,70,Consumer electronics,8.0,middle,POS household without interest,365243.0,-1040.0,-830.0,-830.0,-822.0,0.0,0,Cash loans,F,N,N,0,67500.0,441000.0,15840.0,441000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-19777,-1919,-1127.0,-3330,,1,1,1,1,1,0,Sales staff,2.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,Self-employed,0.8639544092081063,0.7464201867544207,0.8016009030071296,0.0856,0.1348,0.9975,,,0.08,0.1034,0.3333,,0.0331,,0.0617,,0.3464,0.0872,0.1399,0.9975,,,0.0806,0.1034,0.3333,,0.0339,,0.0643,,0.3667,0.0864,0.1348,0.9975,,,0.08,0.1034,0.3333,,0.0337,,0.0628,,0.3537,,block of flats,0.1702,"Stone, brick",No,0.0,0.0,0.0,0.0,-1368.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2708117,402378,Cash loans,11852.235,90000.0,108837.0,,90000.0,SATURDAY,13,Y,1,,,,XNA,Approved,-495,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),1,XNA,12.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,Y,Y,0,112500.0,797557.5,42624.0,688500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-17985,-612,-936.0,-987,11.0,1,1,1,1,1,0,Sales staff,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,Trade: type 7,,0.741081583970271,0.4686596550493113,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-876.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2606141,302794,Cash loans,36691.47,360000.0,376632.0,,360000.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-708,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-678.0,-348.0,-408.0,-403.0,1.0,0,Cash loans,F,N,Y,0,225000.0,525735.0,40815.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-18518,-2098,-6946.0,-2022,,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Religion,,0.4212880889416439,0.12373532211307872,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1285.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1949998,249939,Consumer loans,12108.375,227259.0,227259.0,0.0,227259.0,TUESDAY,6,Y,1,0.0,,,XAP,Approved,-168,Cash through the bank,XAP,Unaccompanied,Repeater,Construction Materials,POS,XNA,Stone,24,Auto technology,24.0,low_normal,POS other with interest,365243.0,-138.0,552.0,365243.0,365243.0,0.0,1,Cash loans,F,N,Y,3,157500.0,284400.0,22599.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.018801,-10945,365243,-9533.0,-876,,1,0,0,1,0,0,,4.0,2,2,TUESDAY,6,0,0,0,0,0,0,XNA,,0.2399128154428249,0.07058051883159755,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1252165,155874,Consumer loans,20253.915,105210.0,110763.0,0.0,105210.0,SATURDAY,14,Y,1,0.0,,,XAP,Approved,-189,Cash through the bank,XAP,"Spouse, partner",Refreshed,Audio/Video,POS,XNA,Stone,67,Consumer electronics,6.0,middle,POS household with interest,,,,,,,0,Cash loans,M,N,Y,2,135000.0,534141.0,34906.5,441000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-17756,-867,-4979.0,-1303,,1,1,0,1,0,0,Drivers,4.0,2,2,SATURDAY,8,0,0,0,0,0,0,Self-employed,,0.2380951963341526,0.7675231046555077,,,0.9588,,,,0.069,0.0417,,0.0151,,0.0068,,,,,0.9588,,,,0.069,0.0417,,0.0155,,0.0071,,,,,0.9588,,,,0.069,0.0417,,0.0154,,0.0069,,,,block of flats,0.0053,,No,1.0,1.0,1.0,1.0,-189.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1690731,118826,Cash loans,27187.02,229500.0,272088.0,,229500.0,TUESDAY,10,Y,1,,,,XNA,Approved,-581,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-551.0,-221.0,-341.0,-338.0,1.0,0,Cash loans,F,N,N,0,157500.0,325908.0,12879.0,247500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.007120000000000001,-14949,-4259,-7435.0,-4530,,1,1,0,1,0,0,Accountants,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.5714919050184151,0.6195589199110733,,0.066,0.08,0.9742,0.6464,,0.0,0.1379,0.1667,,0.0454,0.0538,0.0337,,0.0323,0.0672,0.083,0.9742,0.6602,,0.0,0.1379,0.1667,,0.0465,0.0588,0.0351,,0.0341,0.0666,0.08,0.9742,0.6511,,0.0,0.1379,0.1667,,0.0462,0.0547,0.0343,,0.0329,reg oper account,block of flats,0.0394,"Stone, brick",No,6.0,0.0,6.0,0.0,-1776.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,7.0 +2222186,232568,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SATURDAY,12,Y,1,,,,XAP,Approved,-408,XNA,XAP,"Spouse, partner",Refreshed,XNA,Cards,walk-in,Regional / Local,12000,Consumer electronics,0.0,XNA,Card Street,-287.0,-241.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,F,N,N,1,135000.0,308133.0,15862.5,234000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.019101,-13943,-2140,-4779.0,-4947,,1,1,0,1,0,0,Laborers,3.0,2,2,MONDAY,11,0,0,0,0,1,1,Business Entity Type 3,,0.4690986880663726,0.4135967602644276,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-279.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1572323,428190,Consumer loans,11781.225,115195.5,95472.0,27000.0,115195.5,THURSDAY,14,Y,1,0.2400994067660734,,,XAP,Approved,-1824,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,1400,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1793.0,-1523.0,-1613.0,-1604.0,0.0,0,Cash loans,M,Y,N,0,270000.0,884844.0,49536.0,810000.0,Unaccompanied,Commercial associate,Higher education,Married,Municipal apartment,0.04622,-16226,-794,-5492.0,-4314,7.0,1,1,0,1,0,1,Core staff,2.0,1,1,MONDAY,15,0,0,0,0,1,1,Security Ministries,,0.772259744643695,0.4311917977993083,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,0.0,-1824.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1092760,376300,Revolving loans,13500.0,270000.0,270000.0,,270000.0,TUESDAY,11,Y,1,,,,XAP,Approved,-342,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-342.0,-297.0,365243.0,-297.0,-175.0,0.0,0,Cash loans,M,Y,Y,0,175500.0,260640.0,31059.0,225000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.011703,-19791,-2166,-521.0,-2120,14.0,1,1,0,1,0,0,,2.0,2,2,MONDAY,17,0,0,0,0,0,0,Self-employed,0.4108772030119637,0.7725672743303069,0.3539876078507373,0.0557,0.0238,0.9786,0.7076,0.0097,0.04,0.0345,0.3333,0.375,0.0348,0.0454,0.0468,0.0,0.0,0.0567,0.0247,0.9786,0.7190000000000001,0.0098,0.0403,0.0345,0.3333,0.375,0.0355,0.0496,0.0488,0.0,0.0,0.0562,0.0238,0.9786,0.7115,0.0098,0.04,0.0345,0.3333,0.375,0.0354,0.0462,0.0476,0.0,0.0,,block of flats,0.0443,"Stone, brick",No,0.0,0.0,0.0,0.0,-1808.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,4.0 +2430209,264674,Consumer loans,2513.475,17500.5,19233.0,0.0,17500.5,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-1720,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,45,Connectivity,12.0,high,POS mobile with interest,365243.0,-1688.0,-1358.0,-1358.0,-1355.0,0.0,0,Cash loans,F,N,N,0,38250.0,148365.0,10098.0,135000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.031329,-23531,365243,-7778.0,-3894,,1,0,0,1,0,0,,1.0,2,2,MONDAY,13,0,0,0,0,0,0,XNA,,0.516795332506465,0.7062051096536562,0.0062,,0.9622,,,,0.0345,0.0417,,,,0.0033,,,0.0042,,0.9518,,,,0.0345,0.0417,,,,0.0016,,,0.0062,,0.9622,,,,0.0345,0.0417,,,,0.0034,,,,block of flats,0.002,Block,No,2.0,0.0,2.0,0.0,-556.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1057725,425045,Consumer loans,2265.525,18441.0,18990.0,900.0,18441.0,SUNDAY,12,Y,1,0.04928013163307282,,,XAP,Approved,-2061,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,686,Consumer electronics,10.0,middle,POS household with interest,365243.0,-2030.0,-1760.0,-1760.0,-1753.0,0.0,1,Cash loans,F,N,Y,1,90000.0,999000.0,29340.0,999000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.018209,-13058,-235,-3148.0,-749,,1,1,0,1,0,0,Sales staff,3.0,3,3,WEDNESDAY,9,0,0,0,1,1,0,Business Entity Type 3,,0.1402613245196296,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-491.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +1337688,362739,Consumer loans,11139.48,106191.0,96030.0,18810.0,106191.0,THURSDAY,11,Y,1,0.17838557993730406,,,XAP,Approved,-2252,Cash through the bank,XAP,"Spouse, partner",New,Mobile,POS,XNA,Country-wide,3000,Consumer electronics,12.0,high,POS household with interest,365243.0,-2221.0,-1891.0,-1921.0,-1913.0,0.0,0,Cash loans,F,N,Y,2,135000.0,327249.0,30145.5,292500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.011703,-14320,-1488,-1168.0,-2555,,1,1,0,1,1,0,High skill tech staff,4.0,2,2,TUESDAY,17,0,0,0,0,0,0,Business Entity Type 1,0.7438664354227987,0.6107272946335631,0.12689752616027333,0.0722,0.0601,0.9771,,,0.0,0.1379,0.1667,,0.0792,,,,,0.0735,0.0624,0.9772,,,0.0,0.1379,0.1667,,0.081,,,,,0.0729,0.0601,0.9771,,,0.0,0.1379,0.1667,,0.0806,,,,,,block of flats,0.0663,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +2024478,288494,Consumer loans,21849.705,215190.0,233937.0,0.0,215190.0,TUESDAY,15,Y,1,0.0,,,XAP,Approved,-1255,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,2547,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-1223.0,-893.0,-1013.0,-1005.0,0.0,0,Revolving loans,M,N,N,0,121500.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018634,-21471,-5308,-2169.0,-4625,,1,1,1,1,1,0,Managers,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Business Entity Type 1,,0.6354889284248603,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1255.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1053398,405044,Consumer loans,10983.78,99855.0,110398.5,0.0,99855.0,THURSDAY,17,Y,1,0.0,,,XAP,Approved,-808,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Regional / Local,70,Consumer electronics,12.0,middle,POS household with interest,365243.0,-777.0,-447.0,-447.0,-441.0,0.0,0,Revolving loans,F,N,Y,0,90000.0,180000.0,9000.0,180000.0,Family,State servant,Secondary / secondary special,Married,House / apartment,0.031329,-8093,-778,-1202.0,-234,,1,1,0,1,0,0,Medicine staff,2.0,2,2,SUNDAY,8,0,0,0,0,0,0,Medicine,0.3965489297053615,0.5772754413856276,,0.033,0.0005,0.9707,,,0.0,0.069,0.125,,0.0293,,0.0261,,0.0,0.0336,0.0005,0.9707,,,0.0,0.069,0.125,,0.0299,,0.0272,,0.0,0.0333,0.0005,0.9707,,,0.0,0.069,0.125,,0.0298,,0.0266,,0.0,,block of flats,0.0205,"Stone, brick",No,1.0,0.0,1.0,0.0,-87.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2729825,279570,Consumer loans,7064.1,37503.0,24795.0,13500.0,37503.0,WEDNESDAY,16,Y,1,0.3839333404550795,,,XAP,Approved,-2849,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,240,Connectivity,4.0,low_normal,POS mobile with interest,365243.0,-2818.0,-2728.0,-2728.0,-2726.0,1.0,0,Cash loans,F,N,Y,1,315000.0,1615968.0,56299.5,1395000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-14666,-554,-8731.0,-2626,,1,1,0,1,0,0,High skill tech staff,3.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.6055212255787538,0.09127859071455956,0.8106180215523969,0.0247,0.0194,0.9727,0.626,0.0081,0.0,0.069,0.0833,0.125,0.0129,0.0202,0.0164,0.0,0.0,0.0252,0.0201,0.9727,0.6406,0.0081,0.0,0.069,0.0833,0.125,0.0132,0.022,0.0171,0.0,0.0,0.025,0.0194,0.9727,0.631,0.0081,0.0,0.069,0.0833,0.125,0.0132,0.0205,0.0167,0.0,0.0,reg oper account,block of flats,0.0129,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1809474,280887,Cash loans,25789.68,882000.0,882000.0,,882000.0,TUESDAY,11,Y,1,,,,XNA,Refused,-146,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),50,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,Y,N,0,90000.0,450000.0,12001.5,450000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.015221,-14132,-1590,-8097.0,-4331,2.0,1,1,0,1,1,0,Laborers,2.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,Other,0.3783875213585056,0.4493450655937873,0.3774042489507649,,,0.9791,,,,,,,,,0.0139,,,,,0.9791,,,,,,,,,0.0145,,,,,0.9791,,,,,,,,,0.0142,,,,,0.011,,No,0.0,0.0,0.0,0.0,-5.0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2701939,275923,Consumer loans,8524.17,83560.5,83146.5,8356.5,83560.5,MONDAY,13,Y,1,0.09946109069449284,,,XAP,Approved,-982,Cash through the bank,XAP,"Spouse, partner",New,Audio/Video,POS,XNA,Country-wide,2106,Consumer electronics,12.0,middle,POS household with interest,365243.0,-951.0,-621.0,-801.0,-785.0,0.0,0,Cash loans,M,N,Y,0,202500.0,314100.0,16164.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-18374,-288,-7449.0,-1937,,1,1,0,1,0,0,Laborers,2.0,3,3,WEDNESDAY,10,0,0,0,0,0,0,Housing,,0.7906478503274901,0.6430255641096323,0.1474,0.1365,0.9881,0.8368,0.0745,0.24,0.2069,0.4583,0.5,0.086,0.1202,0.1855,0.0,0.0,0.1502,0.1416,0.9881,0.8432,0.0752,0.2417,0.2069,0.4583,0.5,0.0879,0.1313,0.1933,0.0,0.0,0.1489,0.1365,0.9881,0.8390000000000001,0.075,0.24,0.2069,0.4583,0.5,0.0875,0.1223,0.1889,0.0,0.0,reg oper account,block of flats,0.1867,"Stone, brick",No,0.0,0.0,0.0,0.0,-982.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1386109,204044,Consumer loans,6002.37,26955.0,28557.0,0.0,26955.0,FRIDAY,19,Y,1,0.0,,,XAP,Approved,-207,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,25,Connectivity,6.0,high,POS mobile with interest,365243.0,-177.0,-27.0,-147.0,-142.0,1.0,0,Cash loans,F,N,N,1,90000.0,152820.0,8901.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Rented apartment,0.030755,-13052,-1601,-2478.0,-3162,,1,1,0,1,0,0,Cooking staff,2.0,2,2,TUESDAY,15,0,0,0,1,1,0,Business Entity Type 3,0.2263922674106628,0.5394345330962426,0.6212263380626669,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1635.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2612778,286588,Consumer loans,28031.805,126445.5,104715.0,25290.0,126445.5,WEDNESDAY,21,Y,1,0.2118619213946316,,,XAP,Approved,-948,Cash through the bank,XAP,"Spouse, partner",Repeater,Mobile,POS,XNA,Country-wide,49,Connectivity,4.0,middle,POS mobile without interest,365243.0,-917.0,-827.0,-827.0,-825.0,0.0,0,Cash loans,F,N,Y,1,180000.0,834048.0,44568.0,720000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.006233,-10521,-1735,-7479.0,-2711,,1,1,0,1,0,0,Sales staff,3.0,2,2,SATURDAY,15,0,0,0,0,0,0,Other,,0.23786915640488274,0.4956658291397297,0.0619,0.0012,0.9762,0.6736,0.009000000000000001,0.0,0.1379,0.1667,0.2083,0.0564,0.0504,0.054000000000000006,0.0,0.001,0.063,0.0013,0.9762,0.6864,0.0091,0.0,0.1379,0.1667,0.2083,0.0577,0.0551,0.0563,0.0,0.001,0.0625,0.0012,0.9762,0.6779999999999999,0.0091,0.0,0.1379,0.1667,0.2083,0.0573,0.0513,0.055,0.0,0.001,reg oper account,block of flats,0.0427,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1602395,456124,Cash loans,13472.73,67500.0,69727.5,0.0,67500.0,TUESDAY,7,Y,1,0.0,,,XNA,Approved,-2248,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,6.0,high,Cash Street: high,365243.0,-2218.0,-2068.0,-2068.0,-2061.0,1.0,0,Cash loans,F,N,Y,0,90000.0,625536.0,21510.0,540000.0,Unaccompanied,Commercial associate,Incomplete higher,Widow,House / apartment,0.025164,-20800,-4004,-8743.0,-4242,,1,1,0,1,0,0,Core staff,1.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,Kindergarten,,0.6022625042451297,0.6801388218428291,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-867.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2373720,116646,Cash loans,29526.795,675000.0,744498.0,,675000.0,MONDAY,12,Y,1,,,,XNA,Approved,-295,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-265.0,785.0,365243.0,365243.0,1.0,0,Revolving loans,F,N,Y,3,135000.0,405000.0,20250.0,405000.0,Family,State servant,Higher education,Married,House / apartment,0.035792000000000004,-14352,-4132,-10.0,-2199,,1,1,0,1,0,0,Core staff,5.0,2,2,TUESDAY,13,0,0,0,1,1,0,Kindergarten,,0.7042377582559061,0.39449540531239935,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,-2285.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2710863,421423,Revolving loans,2250.0,45000.0,45000.0,,45000.0,FRIDAY,18,Y,1,,,,XAP,Refused,-180,XNA,HC,Unaccompanied,Repeater,XNA,Cards,walk-in,Stone,200,Construction,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,Y,Y,0,585000.0,1506816.0,49927.5,1350000.0,Unaccompanied,Pensioner,Higher education,Civil marriage,House / apartment,0.030755,-22523,365243,-1588.0,-4513,4.0,1,0,0,1,0,1,,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,XNA,,0.7724942625706958,0.656158373001177,0.0804,0.1091,,,0.0045,0.0,0.2069,0.125,,0.0518,,0.0731,,0.0,0.0819,0.1132,,,0.0046,0.0,0.2069,0.125,,0.053,,0.0761,,0.0,0.0812,0.1091,,,0.0046,0.0,0.2069,0.125,,0.0527,,0.0744,,0.0,reg oper spec account,block of flats,0.0575,"Stone, brick",No,4.0,0.0,4.0,0.0,-1094.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,3.0,2.0 +2823091,442800,Cash loans,,0.0,0.0,,,MONDAY,9,Y,1,,,,XNA,Refused,-259,XNA,SCOFR,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,Y,Y,1,315000.0,863226.0,39136.5,697500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.02461,-10158,-1218,-4931.0,-2797,6.0,1,1,0,1,1,0,Sales staff,3.0,2,2,MONDAY,9,0,1,1,0,1,1,Self-employed,,0.21145812665434066,,0.0072,0.0,0.9578,,,0.0,0.0345,0.0417,,0.0,,0.0043,,0.0,0.0074,0.0,0.9578,,,0.0,0.0345,0.0417,,0.0,,0.0045,,0.0,0.0073,0.0,0.9578,,,0.0,0.0345,0.0417,,0.0,,0.0044,,0.0,,block of flats,0.0039,Wooden,No,3.0,0.0,3.0,0.0,-283.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2724125,121232,Cash loans,23201.1,585000.0,585000.0,,585000.0,WEDNESDAY,15,Y,1,,,,Building a house or an annex,Refused,-572,Cash through the bank,XNA,,Repeater,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,36.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,130500.0,271957.5,27027.0,252000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0228,-19155,-3396,-4296.0,-2700,,1,1,0,1,1,0,Sales staff,2.0,2,2,MONDAY,9,0,0,0,0,0,0,Trade: type 3,0.7492517659009669,0.6872056027169078,0.3791004853998145,,,,,0.0434,0.16,0.069,0.2917,0.0417,,,0.0817,,0.0,,,,,0.0438,0.1611,0.069,0.2917,0.0417,,,0.0851,,0.0,,,,,0.0437,0.16,0.069,0.2917,0.0417,,,0.0831,,0.0,reg oper account,block of flats,0.08800000000000001,,No,0.0,0.0,0.0,0.0,-1733.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1122379,188683,Cash loans,41274.0,450000.0,450000.0,,450000.0,WEDNESDAY,9,Y,1,,,,XNA,Approved,-747,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-716.0,-206.0,-206.0,-197.0,0.0,0,Cash loans,M,N,Y,1,225000.0,254700.0,30357.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.001276,-13616,-1073,-4884.0,-4275,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,4,0,0,0,0,0,0,Trade: type 7,0.35702242427298503,0.30021174136264195,,0.0309,0.1263,0.9737,0.6396,0.0,0.0,0.2069,0.125,0.0417,0.0356,0.0,0.071,0.0,0.0,0.0315,0.1311,0.9737,0.6537,0.0,0.0,0.2069,0.125,0.0417,0.0365,0.0,0.0739,0.0,0.0,0.0312,0.1263,0.9737,0.6444,0.0,0.0,0.2069,0.125,0.0417,0.0363,0.0,0.0723,0.0,0.0,reg oper account,block of flats,0.0656,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2295534,153509,Consumer loans,20726.145,123291.0,105781.5,22500.0,123291.0,SUNDAY,9,Y,1,0.19102166294084064,,,XAP,Approved,-1339,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,900,Consumer electronics,6.0,high,POS household with interest,365243.0,-1307.0,-1157.0,-1217.0,-1212.0,0.0,0,Cash loans,M,N,Y,0,270000.0,824823.0,24246.0,688500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020246,-20247,365243,-3742.0,-1224,,1,0,0,1,0,0,,2.0,3,3,TUESDAY,11,0,0,0,0,0,0,XNA,,0.13330672533260535,0.5028782772082183,0.0546,0.0699,0.9776,0.7688,0.0765,0.0,0.1379,0.1042,0.2083,0.0115,0.0756,0.0496,0.0,0.0,0.0168,0.0408,0.9727,0.7779,0.0772,0.0,0.069,0.0417,0.2083,0.0062,0.0826,0.0127,0.0,0.0,0.0552,0.0699,0.9776,0.7719,0.0769,0.0,0.1379,0.1042,0.2083,0.0117,0.077,0.0504,0.0,0.0,reg oper account,block of flats,0.1102,"Stone, brick",No,0.0,0.0,0.0,0.0,-1723.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +1480448,320919,Cash loans,5834.7,45000.0,47475.0,0.0,45000.0,WEDNESDAY,12,Y,1,0.0,,,XNA,Approved,-2883,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,10.0,middle,Cash Street: middle,365243.0,-2853.0,-2583.0,-2583.0,-2578.0,1.0,0,Cash loans,M,N,Y,0,157500.0,537322.5,39231.0,486000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-17589,-5738,-3689.0,-1131,,1,1,0,1,0,0,Security staff,2.0,3,3,TUESDAY,7,0,0,0,0,0,0,Business Entity Type 2,0.35573493453501176,0.5352757259435974,0.6577838002083306,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-448.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +2781364,361841,Revolving loans,11250.0,225000.0,225000.0,,225000.0,THURSDAY,12,Y,1,,,,XAP,Refused,-302,XNA,HC,Unaccompanied,Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,Y,Y,0,225000.0,801274.5,51336.0,733500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.01885,-15066,-2450,-1725.0,-4175,12.0,1,1,0,1,0,1,Managers,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,Other,0.856173941638059,0.6442716185753788,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-2003.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1562516,291743,Cash loans,16987.275,274500.0,304213.5,,274500.0,WEDNESDAY,13,Y,1,,,,XNA,Approved,-1045,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Country-wide,15,Connectivity,24.0,low_normal,Cash X-Sell: low,365243.0,-1015.0,-325.0,-325.0,-319.0,1.0,0,Cash loans,F,N,Y,0,135000.0,327024.0,18904.5,270000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.018634,-22887,365243,-3790.0,-4113,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,XNA,,0.7272693723860411,0.5082869913916046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1197.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1157682,361761,Consumer loans,4290.435,92340.0,92340.0,0.0,92340.0,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-223,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,5000,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-189.0,501.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,270000.0,855000.0,36355.5,855000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,Office apartment,0.026392000000000002,-18360,-1942,-4739.0,-1891,,1,1,0,1,0,0,Medicine staff,1.0,2,2,FRIDAY,10,0,0,0,0,0,0,Government,,0.7445323138677249,0.4848514754962666,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1626.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2132360,178554,Consumer loans,4190.445,19300.5,20551.5,1930.5,19300.5,SATURDAY,13,Y,1,0.0935188150520416,,,XAP,Approved,-1459,Cash through the bank,XAP,Children,New,Computers,POS,XNA,Country-wide,1969,Consumer electronics,6.0,high,POS household with interest,365243.0,-1428.0,-1278.0,-1308.0,-1304.0,0.0,0,Cash loans,F,N,Y,1,103500.0,454500.0,14791.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0228,-19469,-1528,-6873.0,-3024,,1,1,0,1,0,0,Sales staff,3.0,2,2,TUESDAY,9,0,0,0,0,0,0,Trade: type 7,,0.3227191681522373,,0.2268,0.0575,0.9821,0.7552,0.1627,0.08,0.0345,0.2917,0.0417,0.0263,0.1849,0.0755,0.0,0.0,0.2311,0.0596,0.9821,0.7648,0.1641,0.0806,0.0345,0.2917,0.0417,0.0269,0.202,0.0787,0.0,0.0,0.229,0.0575,0.9821,0.7585,0.1637,0.08,0.0345,0.2917,0.0417,0.0267,0.1881,0.0769,0.0,0.0,reg oper spec account,block of flats,0.0889,Panel,No,4.0,1.0,4.0,0.0,-1015.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1490815,336424,Cash loans,45284.4,1129500.0,1260702.0,,1129500.0,TUESDAY,8,Y,1,,,,XNA,Approved,-657,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-627.0,783.0,-27.0,-22.0,1.0,0,Revolving loans,F,N,Y,0,67500.0,247500.0,12375.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-18355,-5116,-7095.0,-1897,,1,1,0,1,1,0,,2.0,3,3,MONDAY,8,0,0,0,0,0,0,Medicine,,0.49713726152491705,0.4241303111942548,0.1268,0.0937,0.993,,,0.08,0.1552,0.25,,0.0195,,0.064,,0.1619,0.0819,0.0943,0.9876,,,0.0,0.1379,0.1667,,0.02,,0.0545,,0.0394,0.128,0.0937,0.993,,,0.08,0.1552,0.25,,0.0199,,0.0651,,0.1653,org spec account,block of flats,0.0687,Panel,No,1.0,0.0,1.0,0.0,-1578.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1280470,124526,Cash loans,37315.62,315000.0,373455.0,,315000.0,TUESDAY,14,Y,1,,,,XNA,Approved,-661,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-631.0,-301.0,-301.0,-299.0,1.0,0,Cash loans,F,N,Y,0,157500.0,545040.0,35487.0,450000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.01885,-9949,-1249,-3818.0,-2620,,1,1,0,1,0,1,Waiters/barmen staff,2.0,2,2,FRIDAY,16,0,0,0,0,0,0,Trade: type 7,0.3953924542721996,0.3369234514604037,0.25946765482111994,0.2608,0.1995,0.9836,0.7756,0.0562,0.28,0.2414,0.3333,0.375,0.3308,0.2118,0.2778,0.0039,0.0008,0.2658,0.2071,0.9836,0.7844,0.0567,0.282,0.2414,0.3333,0.375,0.3384,0.2314,0.2894,0.0039,0.0008,0.2634,0.1995,0.9836,0.7786,0.0566,0.28,0.2414,0.3333,0.375,0.3366,0.2155,0.2828,0.0039,0.0008,,block of flats,0.2185,Panel,No,0.0,0.0,0.0,0.0,-362.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +2132943,450709,Cash loans,49250.88,882000.0,882000.0,,882000.0,TUESDAY,11,Y,1,,,,XNA,Refused,-1002,Cash through the bank,LIMIT,Family,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),3,XNA,24.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,157500.0,521280.0,28408.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.026392000000000002,-12009,-1912,-6160.0,-4479,,1,1,0,1,1,0,Sales staff,1.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.4745736073755878,0.6190330399599243,0.1595195404777181,0.1485,,0.9836,,,0.04,0.0345,0.3333,,,,0.1113,,0.0,0.1513,,0.9836,,,0.0403,0.0345,0.3333,,,,0.116,,0.0,0.1499,,0.9836,,,0.04,0.0345,0.3333,,,,0.1133,,0.0,,block of flats,0.0875,"Stone, brick",No,1.0,0.0,1.0,0.0,-1224.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,11.0,1.0,2.0 +1107489,213356,Consumer loans,11778.075,111600.0,110385.0,11160.0,111600.0,SUNDAY,13,Y,1,0.09999798054592576,,,XAP,Approved,-1334,Cash through the bank,XAP,Family,New,Clothing and Accessories,POS,XNA,Stone,23,Clothing,12.0,middle,POS industry with interest,365243.0,-1302.0,-972.0,-1032.0,-1026.0,0.0,0,Cash loans,F,N,Y,0,139500.0,276277.5,19777.5,238500.0,Family,Pensioner,Secondary / secondary special,Separated,House / apartment,0.025164,-20528,365243,-5197.0,-3962,,1,0,0,1,1,0,,1.0,2,2,THURSDAY,12,0,0,0,0,0,0,XNA,,0.15967923350263774,0.6496203111237195,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-1334.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1705300,205296,Cash loans,14232.69,112500.0,119925.0,,112500.0,FRIDAY,8,Y,1,,,,XNA,Approved,-665,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),20,XNA,12.0,high,Cash X-Sell: high,365243.0,-635.0,-305.0,-305.0,-299.0,1.0,0,Cash loans,M,N,Y,2,67500.0,76410.0,8235.0,67500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.006852,-11736,-1732,-4026.0,-3949,,1,1,1,1,1,0,,4.0,3,3,FRIDAY,9,0,0,0,1,1,0,Self-employed,,0.24457704533099706,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1227257,347548,Consumer loans,28968.345,166455.0,163386.0,9990.0,166455.0,WEDNESDAY,10,Y,1,0.06275388855330716,,,XAP,Approved,-2270,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Regional / Local,800,Consumer electronics,6.0,low_normal,POS household without interest,365243.0,-2239.0,-2089.0,-2089.0,-2084.0,1.0,1,Cash loans,F,N,N,0,126000.0,781920.0,31392.0,675000.0,"Spouse, partner",Working,Secondary / secondary special,Civil marriage,Municipal apartment,0.0038179999999999998,-13466,-943,-477.0,-4566,,1,1,1,1,1,1,Security staff,2.0,2,2,FRIDAY,6,0,0,0,0,1,1,Business Entity Type 3,,0.6219990185374664,0.5280927512030451,0.0722,0.0236,0.9796,,,0.0,0.1379,0.1667,,0.0917,,0.0646,,0.019,0.0735,0.0245,0.9796,,,0.0,0.1379,0.1667,,0.0938,,0.0673,,0.0201,0.0729,0.0236,0.9796,,,0.0,0.1379,0.1667,,0.0933,,0.0658,,0.0194,,block of flats,0.055,Block,No,0.0,0.0,0.0,0.0,-1637.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2528438,438517,Consumer loans,28297.98,564651.0,628146.0,0.0,564651.0,MONDAY,20,Y,1,0.0,,,XAP,Approved,-1054,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,3268,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1022.0,-332.0,-332.0,-327.0,0.0,0,Cash loans,M,Y,N,0,225000.0,900000.0,69651.0,900000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.00496,-10461,-2061,-4508.0,-3132,4.0,1,1,0,1,0,0,IT staff,1.0,2,2,FRIDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.5379066946664111,0.6693333531382074,0.34741822720026416,0.0186,,0.9866,,,0.0,0.1034,0.0833,,,,0.0224,,,0.0189,,0.9866,,,0.0,0.1034,0.0833,,,,0.0234,,,0.0187,,0.9866,,,0.0,0.1034,0.0833,,,,0.0228,,,,block of flats,0.0195,"Stone, brick",No,1.0,0.0,1.0,0.0,-1054.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1278632,360477,Cash loans,28826.325,292500.0,426109.5,,292500.0,TUESDAY,13,Y,1,,,,Education,Refused,-323,Cash through the bank,XNA,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,135000.0,640080.0,31261.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.02461,-13553,-941,-712.0,-70,,1,1,0,1,1,0,Sales staff,1.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Self-employed,0.13885787196973076,0.659352151254895,0.32173528219668485,0.0247,0.0671,0.9622,0.4832,0.0492,0.0,0.1034,0.125,0.1667,0.1114,0.0202,0.0404,0.0,0.0,0.0252,0.0696,0.9623,0.5034,0.0496,0.0,0.1034,0.125,0.1667,0.114,0.022,0.0421,0.0,0.0,0.025,0.0671,0.9622,0.4901,0.0495,0.0,0.1034,0.125,0.1667,0.1134,0.0205,0.0411,0.0,0.0,reg oper account,block of flats,0.0594,"Stone, brick",No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2553724,320338,Consumer loans,2146.545,10001.475,10593.0,2.475,10001.475,SUNDAY,7,Y,1,0.0002544010532798199,,,XAP,Approved,-255,Non-cash from your account,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Regional / Local,100,Consumer electronics,6.0,middle,POS household with interest,365243.0,-225.0,-75.0,-165.0,-157.0,1.0,0,Cash loans,M,N,Y,0,45000.0,187704.0,13729.5,148500.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,With parents,0.018801,-9910,-251,-4654.0,-2520,,1,1,0,1,0,0,,1.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.15878924402642572,0.6363761710860439,0.0928,0.0929,0.9826,,,0.0,0.2069,0.1667,,0.1074,,0.0775,,0.0,0.0945,0.0965,0.9826,,,0.0,0.2069,0.1667,,0.1099,,0.0808,,0.0,0.0937,0.0929,0.9826,,,0.0,0.2069,0.1667,,0.1093,,0.0789,,0.0,,block of flats,0.0676,Panel,No,0.0,0.0,0.0,0.0,-40.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +2736912,186283,Cash loans,20320.74,229500.0,281646.0,,229500.0,MONDAY,6,Y,1,,,,XNA,Approved,-877,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-847.0,-337.0,-397.0,-388.0,1.0,0,Cash loans,F,N,Y,0,135000.0,630747.0,18571.5,526500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.018801,-20099,-1501,-7932.0,-3249,,1,1,0,1,0,0,,1.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,Business Entity Type 3,,0.5944796155767396,,0.0,,0.9806,,,,0.1379,0.3333,,,,0.1454,,,0.0,,0.9806,,,,0.1379,0.3333,,,,0.1515,,,0.0,,0.9806,,,,0.1379,0.3333,,,,0.14800000000000002,,,,block of flats,0.1281,"Stone, brick",No,0.0,0.0,0.0,0.0,-1112.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +2588539,321560,Consumer loans,13463.1,158377.5,142542.0,15835.5,158377.5,FRIDAY,17,Y,1,0.10889361867000732,,,XAP,Approved,-865,Cash through the bank,XAP,,Refreshed,Medicine,POS,XNA,Stone,100,Industry,12.0,low_normal,POS industry with interest,365243.0,-824.0,-494.0,-494.0,-485.0,0.0,0,Cash loans,F,N,N,0,180000.0,1471333.5,40590.0,1152000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.072508,-14001,-385,-8126.0,-4229,,1,1,0,1,0,0,High skill tech staff,1.0,1,1,TUESDAY,12,0,0,0,0,0,0,Business Entity Type 2,0.3454353242349819,0.6954970766389634,0.4614823912998385,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-3202.0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1244074,375955,Revolving loans,9000.0,180000.0,180000.0,,180000.0,WEDNESDAY,11,Y,1,,,,XAP,Approved,-376,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-376.0,-333.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,247500.0,573408.0,31104.0,495000.0,Unaccompanied,State servant,Incomplete higher,Single / not married,House / apartment,0.04622,-8288,-1299,-8260.0,-962,,1,1,0,1,1,0,Medicine staff,1.0,1,1,MONDAY,17,0,1,1,0,0,0,University,,0.6793311563278133,,0.1433,0.1909,0.9776,0.6940000000000001,0.0762,0.0,0.2414,0.1667,0.2083,,0.1168,0.1168,0.0,,0.146,0.1981,0.9777,0.706,0.0769,0.0,0.2414,0.1667,0.2083,,0.1276,0.1217,0.0,,0.1447,0.1909,0.9776,0.6981,0.0767,0.0,0.2414,0.1667,0.2083,,0.1189,0.1189,0.0,,,block of flats,0.1553,"Stone, brick",No,0.0,0.0,0.0,0.0,-903.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1143396,362997,Cash loans,18562.5,675000.0,675000.0,,675000.0,SATURDAY,13,Y,1,,,,XNA,Approved,-135,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-91.0,1679.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,Y,0,96750.0,270000.0,13500.0,270000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.006296,-19709,-2184,-9890.0,-1753,,1,1,0,1,0,0,Cooking staff,2.0,3,3,MONDAY,11,0,0,0,0,0,0,School,,0.32193580764623714,0.6347055309763198,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1049.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2764621,256263,Consumer loans,5741.37,67859.775,78606.0,4.275,67859.775,WEDNESDAY,12,Y,1,5.922716383276404e-05,,,XAP,Approved,-259,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,300,Consumer electronics,18.0,middle,POS household with interest,365243.0,-228.0,282.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,90000.0,540000.0,21055.5,540000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-20190,365243,-10976.0,-2785,2.0,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,XNA,,0.7177253844792282,0.7610263695502636,0.3856,0.225,0.9851,,,0.44,0.3793,0.3333,,0.2619,,0.4167,,0.015,0.3929,0.2334,0.9851,,,0.4431,0.3793,0.3333,,0.2678,,0.4342,,0.0159,0.3893,0.225,0.9851,,,0.44,0.3793,0.3333,,0.2664,,0.4242,,0.0153,,block of flats,0.331,Panel,No,0.0,0.0,0.0,0.0,-624.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2327188,129127,Cash loans,27729.45,360000.0,409896.0,,360000.0,WEDNESDAY,14,Y,1,,,,XNA,Approved,-522,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,36.0,high,Cash X-Sell: high,365243.0,-492.0,558.0,-418.0,-413.0,1.0,0,Cash loans,M,Y,N,2,225000.0,450000.0,22018.5,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.001417,-13300,-778,-2627.0,-4783,2.0,1,1,1,1,0,0,Drivers,4.0,2,2,SUNDAY,10,0,0,0,0,1,1,Self-employed,,0.6714401188635465,0.6380435278721609,0.0629,,0.9757,,,,0.1379,0.125,,,,0.0294,,,0.0641,,0.9757,,,,0.1379,0.125,,,,0.0307,,,0.0635,,0.9757,,,,0.1379,0.125,,,,0.03,,,,block of flats,0.0356,"Stone, brick",No,7.0,0.0,7.0,0.0,-999.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2206967,285066,Cash loans,23495.265,301500.0,334930.5,0.0,301500.0,TUESDAY,9,Y,1,0.0,,,XNA,Approved,-2032,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-2002.0,-1312.0,-1702.0,-1698.0,1.0,0,Cash loans,F,Y,Y,0,315000.0,981747.0,50256.0,877500.0,Unaccompanied,State servant,Secondary / secondary special,Separated,House / apartment,0.025164,-17286,-9722,-3926.0,-848,8.0,1,1,0,1,0,0,,1.0,2,2,THURSDAY,13,0,0,0,0,0,0,Other,,0.6443117114607789,0.3672910183026313,0.0892,0.0804,0.9796,0.7212,0.0,0.0,0.1897,0.1667,0.2083,0.0,0.0727,0.087,0.0,0.0044,0.0893,0.0668,0.9796,0.7321,0.0,0.0,0.1724,0.1667,0.2083,0.0,0.0781,0.0859,0.0,0.0,0.09,0.0804,0.9796,0.7249,0.0,0.0,0.1897,0.1667,0.2083,0.0,0.07400000000000001,0.0885,0.0,0.0045,reg oper account,block of flats,0.0649,Block,No,4.0,0.0,4.0,0.0,-2.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1803090,131468,Consumer loans,3008.925,27355.5,27058.5,2736.0,27355.5,WEDNESDAY,18,Y,1,0.1000101605085746,,,XAP,Approved,-2636,XNA,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,33,Connectivity,12.0,high,POS mobile with interest,365243.0,-2605.0,-2275.0,-2275.0,-2268.0,1.0,0,Cash loans,F,N,Y,0,112500.0,276277.5,13419.0,238500.0,Unaccompanied,Pensioner,Higher education,Separated,House / apartment,0.005313,-22115,365243,-5581.0,-4267,,1,0,0,1,0,0,,1.0,2,2,SUNDAY,10,0,0,0,0,0,0,XNA,,0.2402599131117157,0.43473324875017305,0.0619,0.0,0.9866,0.8164,0.0096,0.0,0.1379,0.1667,0.0417,0.0907,0.0504,0.0599,0.0,0.0,0.063,0.0,0.9866,0.8236,0.0097,0.0,0.1379,0.1667,0.0417,0.0928,0.0551,0.0624,0.0,0.0,0.0625,0.0,0.9866,0.8189,0.0097,0.0,0.1379,0.1667,0.0417,0.0923,0.0513,0.0609,0.0,0.0,reg oper account,block of flats,0.054000000000000006,Panel,No,7.0,0.0,7.0,0.0,-825.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1381784,400534,Consumer loans,4067.55,29191.5,33453.0,2920.5,29191.5,TUESDAY,15,Y,1,0.08744525547445252,,,XAP,Approved,-626,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,high,POS mobile with interest,365243.0,-595.0,-265.0,-265.0,-257.0,0.0,0,Cash loans,F,N,Y,0,100800.0,225000.0,11619.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.030755,-18356,-4416,-2089.0,-1890,,1,1,1,1,0,0,Medicine staff,1.0,2,2,FRIDAY,15,0,0,0,0,0,0,Medicine,,0.5011116615081626,0.2353105173615833,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1993.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,1.0,0.0,5.0 +2464547,318215,Cash loans,25128.0,450000.0,450000.0,,450000.0,FRIDAY,15,Y,1,,,,XNA,Approved,-648,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-618.0,72.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,112500.0,225000.0,13045.5,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.005313,-16334,-2513,-9161.0,-4578,7.0,1,1,1,1,0,0,Sales staff,2.0,2,2,TUESDAY,8,0,0,0,0,1,1,Self-employed,,0.7405525438816426,0.5172965813614878,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2386.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,1.0,1.0 +1269184,337290,Cash loans,8366.04,76500.0,76500.0,0.0,76500.0,SATURDAY,15,Y,1,0.0,,,XNA,Refused,-2400,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,112500.0,254700.0,15579.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.008625,-24333,365243,-11903.0,-4454,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,XNA,,0.30888148597012555,0.4135967602644276,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,2.0,0.0,-2461.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1018747,272256,Cash loans,27574.47,675000.0,767664.0,,675000.0,TUESDAY,11,Y,1,,,,XNA,Refused,-841,XNA,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,N,1,121500.0,646920.0,20866.5,540000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-10865,-3800,-4640.0,-1992,,1,1,1,1,1,0,Medicine staff,3.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Medicine,0.7085890574750854,0.7428149100702075,0.375711009574066,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1889.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1333251,141539,Consumer loans,14337.495,156798.0,125437.5,31360.5,156798.0,MONDAY,17,Y,1,0.21782443305747168,,,XAP,Approved,-2445,XNA,XAP,,New,Other,POS,XNA,Stone,19,Construction,10.0,middle,POS industry with interest,365243.0,-2412.0,-2142.0,-2142.0,-2131.0,0.0,0,Cash loans,F,N,Y,0,225000.0,1185120.0,42696.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-15349,-2156,-7250.0,-3494,,1,1,0,1,1,0,Cooking staff,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.4596543818008253,0.487512624358615,0.6313545365850379,0.0082,,0.9896,,,0.0,0.069,0.375,,0.0383,,0.0949,,,0.0084,,0.9896,,,0.0,0.069,0.375,,0.0392,,0.0988,,,0.0083,,0.9896,,,0.0,0.069,0.375,,0.039,,0.0966,,,,block of flats,0.0966,Panel,No,2.0,0.0,2.0,0.0,-2227.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2323177,137319,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SATURDAY,10,Y,1,,,,XAP,Approved,-257,XNA,XAP,Family,Repeater,XNA,Cards,walk-in,Regional / Local,600,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,90000.0,269550.0,19300.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.019688999999999998,-14732,-488,-5064.0,-5090,,1,1,0,1,0,0,,2.0,2,2,THURSDAY,13,0,0,0,0,1,1,Business Entity Type 3,,0.17262864743490755,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,2.0,0.0,-1838.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2588873,328581,Cash loans,11305.755,139500.0,167121.0,,139500.0,WEDNESDAY,11,Y,1,,,,Urgent needs,Approved,-300,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,high,Cash Street: high,365243.0,-270.0,780.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,0,67500.0,225000.0,12334.5,225000.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-22111,365243,-6023.0,-4053,2.0,1,0,0,1,1,0,,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,XNA,,0.2354318296243005,,0.0351,,0.9916,,,0.0,0.2069,0.0833,,,,,,,0.0357,,0.9916,,,0.0,0.2069,0.0833,,,,,,,0.0354,,0.9916,,,0.0,0.2069,0.0833,,,,,,,,block of flats,0.034,"Stone, brick",No,0.0,0.0,0.0,0.0,-300.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1481139,407001,Consumer loans,22515.255,262759.5,300604.5,26280.0,262759.5,WEDNESDAY,11,Y,1,0.0875578655179707,,,XAP,Approved,-1078,XNA,XAP,Unaccompanied,New,Computers,POS,XNA,Regional / Local,145,Consumer electronics,18.0,middle,POS household with interest,365243.0,-1047.0,-537.0,-537.0,-528.0,0.0,0,Cash loans,F,N,Y,1,139500.0,616261.5,20497.5,468000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.006629,-17070,-5924,-967.0,-562,,1,1,0,1,0,0,Secretaries,2.0,2,2,WEDNESDAY,6,0,0,0,0,0,0,Medicine,,0.06998307690730053,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1078.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1889815,226410,Consumer loans,11471.535,91998.0,101713.5,0.0,91998.0,SATURDAY,14,Y,1,0.0,,,XAP,Approved,-1038,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Regional / Local,56,Consumer electronics,12.0,high,POS household with interest,365243.0,-1007.0,-677.0,-797.0,-790.0,0.0,0,Cash loans,M,N,N,0,202500.0,585000.0,28143.0,585000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-12543,-897,-6536.0,-1445,,1,1,1,1,0,0,Laborers,2.0,2,2,MONDAY,11,0,0,0,1,1,0,Business Entity Type 3,,0.311656539900683,0.6212263380626669,0.2887,0.1338,0.9831,0.7688,0.0461,0.0,0.3103,0.1667,0.0417,0.0244,0.1,0.0801,0.0,0.1159,0.2941,0.1389,0.9831,0.7779,0.0465,0.0,0.3103,0.1667,0.0417,0.025,0.1093,0.0834,0.0,0.1227,0.2915,0.1338,0.9831,0.7719,0.0464,0.0,0.3103,0.1667,0.0417,0.0248,0.1018,0.0815,0.0,0.1184,reg oper account,block of flats,0.1161,Panel,No,0.0,0.0,0.0,0.0,-1335.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2203105,306728,Consumer loans,15789.42,157914.0,142119.0,15795.0,157914.0,MONDAY,6,Y,1,0.10893391915277242,,,XAP,Approved,-2794,XNA,XAP,,New,Computers,POS,XNA,Stone,75,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-2755.0,-2485.0,-2485.0,-2473.0,0.0,0,Cash loans,F,Y,Y,0,90000.0,1056447.0,31018.5,922500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.006852,-22434,365243,-14077.0,-4535,22.0,1,0,0,1,0,0,,2.0,3,3,TUESDAY,8,0,0,0,0,0,0,XNA,,0.4355469718981831,0.3296550543128238,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-323.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,4.0 +2010455,158017,Cash loans,26220.645,693000.0,802773.0,,693000.0,WEDNESDAY,12,Y,1,,,,XNA,Approved,-203,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-173.0,1237.0,365243.0,365243.0,1.0,0,Revolving loans,F,Y,Y,0,144000.0,157500.0,7875.0,157500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-21139,-9190,-7302.0,-4516,3.0,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Electricity,0.7312564050938589,0.7380194607727149,0.6512602186973006,0.066,0.066,0.9747,0.6532,0.0081,0.0,0.1379,0.125,0.1667,0.0768,0.0538,0.0566,0.0,0.0,0.0672,0.0685,0.9747,0.6668,0.0082,0.0,0.1379,0.125,0.1667,0.0786,0.0588,0.059,0.0,0.0,0.0666,0.066,0.9747,0.6578,0.0082,0.0,0.1379,0.125,0.1667,0.0782,0.0547,0.0576,0.0,0.0,reg oper account,block of flats,0.0445,Panel,No,0.0,0.0,0.0,0.0,-1503.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1205872,365854,Consumer loans,9476.055,94770.0,85293.0,9477.0,94770.0,SUNDAY,12,Y,1,0.1089090909090909,,,XAP,Approved,-2689,Cash through the bank,XAP,Family,Repeater,Clothing and Accessories,POS,XNA,Stone,25,Clothing,10.0,low_normal,POS industry without interest,365243.0,-2658.0,-2388.0,-2388.0,-2381.0,0.0,0,Cash loans,F,N,Y,0,126000.0,922266.0,39204.0,810000.0,"Spouse, partner",Pensioner,Higher education,Married,House / apartment,0.00702,-21530,365243,-5938.0,-4829,,1,0,0,1,1,0,,2.0,2,2,MONDAY,18,0,0,0,0,0,0,XNA,0.8458933925395528,0.6021629739757658,0.5726825047161584,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-190.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2225532,239070,Consumer loans,8153.415,180985.5,180985.5,0.0,180985.5,MONDAY,13,Y,1,0.0,,,XAP,Approved,-792,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Regional / Local,1000,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-761.0,-71.0,-131.0,-128.0,0.0,0,Cash loans,M,Y,Y,0,315000.0,2466954.0,65205.0,2205000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.007305,-17223,-5461,-9597.0,-754,12.0,1,1,0,1,0,0,Laborers,2.0,3,3,TUESDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.7493663375033622,0.5022432956755009,0.6058362647264226,0.2041,0.1334,0.9831,,,0.24,0.2069,0.3333,,0.0747,,0.2326,,0.0,0.208,0.1384,0.9831,,,0.2417,0.2069,0.3333,,0.0764,,0.2424,,0.0,0.2061,0.1334,0.9831,,,0.24,0.2069,0.3333,,0.076,,0.2368,,0.0,,block of flats,0.2027,"Stone, brick",No,0.0,0.0,0.0,0.0,-134.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,3.0,0.0,3.0 +1441173,184031,Consumer loans,24894.63,133119.0,140148.0,0.0,133119.0,TUESDAY,14,Y,1,0.0,,,XAP,Approved,-851,Cash through the bank,XAP,Family,Refreshed,Furniture,POS,XNA,Country-wide,463,Furniture,6.0,low_normal,POS industry with interest,365243.0,-815.0,-665.0,-665.0,-657.0,0.0,0,Cash loans,F,Y,Y,0,225000.0,679500.0,38070.0,679500.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.04622,-19206,-2962,-10782.0,-2759,65.0,1,1,0,1,0,0,Laborers,1.0,1,1,SATURDAY,17,0,0,0,0,0,0,Other,,0.7853326187589895,0.6610235391308081,0.0588,0.0506,0.9737,0.6396,0.0075,0.0,0.1379,0.125,0.1667,,0.0479,0.0447,0.0,0.0,0.0599,0.0525,0.9737,0.6537,0.0076,0.0,0.1379,0.125,0.1667,,0.0523,0.0466,0.0,0.0,0.0593,0.0506,0.9737,0.6444,0.0076,0.0,0.1379,0.125,0.1667,,0.0487,0.0455,0.0,0.0,reg oper account,block of flats,0.0421,"Stone, brick",No,1.0,1.0,1.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1771115,415255,Cash loans,12599.325,112500.0,119925.0,,112500.0,THURSDAY,10,Y,1,,,,XNA,Approved,-309,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),700,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-279.0,51.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,112500.0,284400.0,16011.0,225000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.008019,-24170,365243,-4734.0,-4734,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,XNA,,0.5245558081416009,0.5100895276257282,0.0773,0.0885,0.9806,0.7348,0.042,0.0,0.0345,0.1667,0.2083,0.0118,0.063,0.0399,0.0,0.1056,0.0788,0.0919,0.9806,0.7452,0.0424,0.0,0.0345,0.1667,0.2083,0.0121,0.0689,0.0416,0.0,0.1117,0.0781,0.0885,0.9806,0.7383,0.0422,0.0,0.0345,0.1667,0.2083,0.012,0.0641,0.0406,0.0,0.1078,not specified,block of flats,0.0543,Panel,No,0.0,0.0,0.0,0.0,-661.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1524701,227489,Revolving loans,20250.0,675000.0,450000.0,,675000.0,TUESDAY,14,N,0,,,,XAP,Refused,-595,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,1,Cash loans,M,Y,Y,0,180000.0,1045854.0,37183.5,873000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019101,-18688,-661,-1474.0,-2244,4.0,1,1,0,1,0,0,Drivers,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Trade: type 7,,0.6490881064850222,0.23791607950711405,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-842.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1219371,226073,Cash loans,30121.47,225000.0,272889.0,,225000.0,SUNDAY,4,Y,1,,,,XNA,Approved,-358,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-328.0,2.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,1,162000.0,254700.0,27022.5,225000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.010032,-10953,-747,-5471.0,-1753,,1,1,0,1,1,0,,3.0,2,2,MONDAY,8,0,1,1,0,1,1,Housing,0.7021041506711032,0.5881329243079093,,0.1227,0.107,0.9801,0.728,0.0487,0.0,0.2759,0.1667,0.2083,0.1537,0.1,0.1383,0.0,0.0,0.125,0.111,0.9801,0.7387,0.0491,0.0,0.2759,0.1667,0.2083,0.1572,0.1093,0.1441,0.0,0.0,0.1239,0.107,0.9801,0.7316,0.049,0.0,0.2759,0.1667,0.2083,0.1563,0.1018,0.1408,0.0,0.0,,block of flats,0.1354,Panel,No,0.0,0.0,0.0,0.0,-1644.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2381935,341949,Revolving loans,,0.0,0.0,,,WEDNESDAY,12,Y,1,,,,XAP,Refused,-316,XNA,HC,,Repeater,XNA,XNA,XNA,AP+ (Cash loan),100,XNA,,XNA,Card Street,,,,,,,0,Cash loans,F,N,N,0,103500.0,513531.0,21888.0,459000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-22111,365243,-4357.0,-4923,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,XNA,0.4097693096646753,0.5500471687925735,0.2176285202779586,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-612.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2165203,259167,Consumer loans,11267.01,53995.5,60223.5,0.0,53995.5,THURSDAY,17,Y,1,0.0,,,XAP,Approved,-454,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,1400,Consumer electronics,6.0,middle,POS household with interest,365243.0,-423.0,-273.0,-333.0,-325.0,0.0,0,Cash loans,M,Y,Y,0,112500.0,331920.0,17077.5,225000.0,Other_B,Working,Lower secondary,Single / not married,House / apartment,0.010643000000000001,-8901,-874,-4706.0,-713,65.0,1,1,0,1,0,0,Laborers,1.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.0618499112693562,0.07673790062123892,0.5064842396679806,0.0577,0.0909,0.9697,,,0.0,0.1379,0.125,,0.0225,,0.0766,,0.0405,0.0588,0.0943,0.9697,,,0.0,0.1379,0.125,,0.023,,0.0798,,0.0429,0.0583,0.0909,0.9697,,,0.0,0.1379,0.125,,0.0229,,0.0779,,0.0414,,block of flats,0.0781,"Stone, brick",No,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1471270,305549,Consumer loans,2147.265,19840.5,19327.5,1984.5,19840.5,WEDNESDAY,8,Y,1,0.10141239250614248,,,XAP,Approved,-2372,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Stone,130,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2341.0,-2071.0,-2071.0,-2067.0,1.0,1,Cash loans,M,Y,Y,1,270000.0,376078.5,25263.0,310500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.007305,-17059,-238,-4569.0,-615,10.0,1,1,1,1,1,0,Drivers,3.0,3,3,TUESDAY,7,0,0,0,0,1,1,Business Entity Type 3,,0.6625912081929461,0.6479768603302221,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1481.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2230154,416588,Consumer loans,22477.77,144324.0,121554.0,28867.5,144324.0,THURSDAY,12,Y,1,0.20900823232172144,,,XAP,Approved,-823,Cash through the bank,XAP,Family,Refreshed,Computers,POS,XNA,Country-wide,3446,Consumer electronics,6.0,middle,POS household with interest,365243.0,-791.0,-641.0,-671.0,-666.0,0.0,0,Cash loans,M,N,Y,1,270000.0,415408.5,49428.0,373500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.01885,-17110,-370,-4381.0,-670,,1,1,0,1,0,0,Laborers,3.0,2,2,MONDAY,12,1,1,0,1,1,0,Military,,0.6732754953814531,0.7801436381572275,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,12.0,0.0,12.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1970604,321086,Consumer loans,48425.94,433458.0,433458.0,0.0,433458.0,SUNDAY,15,Y,1,0.0,,,XAP,Approved,-187,Cash through the bank,XAP,Unaccompanied,Refreshed,Furniture,POS,XNA,Regional / Local,50,Furniture,10.0,low_normal,POS industry with interest,365243.0,-157.0,113.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,1,135000.0,1004791.5,53662.5,904500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.032561,-13897,-534,-827.0,-1960,6.0,1,1,0,1,0,0,Accountants,3.0,1,1,FRIDAY,17,0,0,0,0,0,0,Medicine,0.6435547731864922,0.6977846258895407,0.5762088360175724,0.1753,0.1025,0.9985,0.9796,0.0232,0.16,0.1379,0.375,0.4167,0.0,0.1429,0.2092,0.0,0.0,0.1786,0.1063,0.9985,0.9804,0.0234,0.1611,0.1379,0.375,0.4167,0.0,0.1561,0.218,0.0,0.0,0.177,0.1025,0.9985,0.9799,0.0233,0.16,0.1379,0.375,0.4167,0.0,0.1454,0.213,0.0,0.0,reg oper spec account,block of flats,0.1671,Panel,No,4.0,0.0,4.0,0.0,-187.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +2202865,352243,Cash loans,16872.21,90000.0,92970.0,,90000.0,MONDAY,8,Y,1,,,,XNA,Approved,-532,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,low_normal,Cash X-Sell: low,365243.0,-502.0,-352.0,-352.0,-344.0,1.0,0,Cash loans,F,N,Y,0,85500.0,247275.0,17338.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018801,-24432,365243,-3251.0,-3252,,1,0,0,1,0,0,,2.0,2,2,MONDAY,8,0,0,0,1,0,0,XNA,,0.7429109832052601,0.6058362647264226,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1962.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2177570,357902,Consumer loans,6267.78,59625.0,53662.5,5962.5,59625.0,TUESDAY,13,Y,1,0.1089090909090909,,,XAP,Approved,-2617,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Regional / Local,8,Consumer electronics,10.0,middle,POS household with interest,365243.0,-2586.0,-2316.0,-2316.0,-2311.0,0.0,0,Cash loans,F,N,Y,1,112500.0,490495.5,26262.0,454500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00702,-10752,-3225,-734.0,-2389,,1,1,0,1,0,0,Sales staff,3.0,2,2,MONDAY,12,0,0,0,0,0,0,Self-employed,0.32071266478367777,0.5450956998877616,0.3656165070113335,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-2617.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2720214,354544,Consumer loans,7246.26,127800.0,127800.0,0.0,127800.0,WEDNESDAY,11,Y,1,0.0,,,XAP,Approved,-1097,Cash through the bank,XAP,"Spouse, partner",Repeater,Furniture,POS,XNA,Stone,70,Furniture,24.0,middle,POS industry with interest,365243.0,-1066.0,-376.0,-616.0,-610.0,0.0,0,Cash loans,M,N,Y,1,135000.0,810000.0,23814.0,810000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-15018,-5047,-2162.0,-4133,,1,1,1,1,1,0,High skill tech staff,3.0,2,2,MONDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.7121905913884016,0.722392890081304,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1314.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1449457,197375,Revolving loans,2250.0,45000.0,45000.0,,45000.0,THURSDAY,17,Y,1,,,,XAP,Approved,-350,XNA,XAP,Family,New,XNA,Cards,walk-in,Regional / Local,1000,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,90000.0,193500.0,10008.0,193500.0,Family,Working,Secondary / secondary special,Separated,House / apartment,0.030755,-13943,-1413,-5410.0,-4138,,1,1,0,1,0,0,Cleaning staff,1.0,2,2,THURSDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.5022171026134231,0.7052524508386487,0.5884877883422673,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-350.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2178115,297329,Consumer loans,20431.125,109192.5,103135.5,10921.5,109192.5,WEDNESDAY,17,Y,1,0.10428563230346548,,,XAP,Approved,-2389,Cash through the bank,XAP,Unaccompanied,Refreshed,Computers,POS,XNA,Country-wide,2421,Consumer electronics,6.0,high,POS household with interest,365243.0,-2358.0,-2208.0,-2208.0,-2203.0,1.0,0,Cash loans,M,Y,N,0,450000.0,935640.0,91278.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.019688999999999998,-12927,-2646,-5453.0,-5453,8.0,1,1,0,1,0,0,Managers,1.0,2,2,FRIDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.6164925390153287,0.8224987619370829,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1499.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1389493,356108,Consumer loans,14537.295,66469.5,78039.0,0.0,66469.5,FRIDAY,9,Y,1,0.0,,,XAP,Approved,-957,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,900,Consumer electronics,6.0,middle,POS household with interest,365243.0,-926.0,-776.0,-776.0,-772.0,0.0,0,Cash loans,M,N,Y,0,225000.0,1264500.0,60831.0,1264500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.010006000000000001,-8798,-2237,-2783.0,-1461,,1,1,1,1,0,0,Waiters/barmen staff,2.0,2,1,WEDNESDAY,14,0,0,0,0,0,0,Other,0.1927641106366847,0.6366127207060497,0.3606125659189888,0.0938,0.1297,0.9811,0.7416,0.0262,0.0,0.1034,0.1667,0.2083,0.106,0.0714,0.1067,0.0232,0.0355,0.0956,0.1346,0.9811,0.7517,0.0265,0.0,0.1034,0.1667,0.2083,0.1084,0.0781,0.1112,0.0233,0.0376,0.0947,0.1297,0.9811,0.7451,0.0264,0.0,0.1034,0.1667,0.2083,0.1078,0.0727,0.1087,0.0233,0.0363,reg oper account,block of flats,0.106,"Stone, brick",No,0.0,0.0,0.0,0.0,-957.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1997781,106954,Cash loans,34074.45,540000.0,582768.0,,540000.0,FRIDAY,15,Y,1,,,,XNA,Approved,-579,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-549.0,141.0,365243.0,365243.0,1.0,0,Cash loans,M,N,N,0,247500.0,781920.0,23836.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-24014,365243,-10374.0,-3987,,1,0,0,1,0,0,,2.0,2,2,MONDAY,15,0,0,0,0,0,0,XNA,,0.6600836006771286,0.4083588531230431,0.184,0.119,0.9861,0.8096,0.0229,0.12,0.2414,0.25,0.1042,0.0473,0.1433,0.1573,0.0309,0.095,0.1418,0.1002,0.9856,0.8105,0.0205,0.0,0.2069,0.1667,0.0,0.0397,0.1102,0.0694,0.0039,0.0241,0.1858,0.119,0.9861,0.8121,0.023,0.12,0.2414,0.25,0.1042,0.0481,0.1458,0.1601,0.0311,0.097,org spec account,block of flats,0.2139,"Stone, brick",No,2.0,0.0,2.0,0.0,-1124.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +1721871,192106,Cash loans,11405.205,157500.0,178290.0,,157500.0,MONDAY,14,Y,1,,,,XNA,Approved,-1395,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,24.0,middle,Cash X-Sell: middle,365243.0,-1365.0,-675.0,-825.0,-822.0,1.0,0,Cash loans,F,N,Y,0,202500.0,126000.0,12402.0,126000.0,Children,Pensioner,Secondary / secondary special,Married,House / apartment,0.018209,-21948,365243,-11593.0,-4215,,1,0,0,1,0,0,,2.0,3,3,WEDNESDAY,14,0,0,0,0,0,0,XNA,,0.5425568553519121,0.5744466170995097,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1547.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,2.0 +1715074,127472,Consumer loans,5611.005,62275.5,62275.5,0.0,62275.5,SATURDAY,18,Y,1,0.0,,,XAP,Approved,-294,Cash through the bank,XAP,Unaccompanied,Refreshed,Consumer Electronics,POS,XNA,Country-wide,40,Consumer electronics,12.0,low_action,POS household without interest,,,,,,,0,Cash loans,M,N,Y,0,180000.0,380533.5,23125.5,328500.0,Unaccompanied,State servant,Higher education,Single / not married,House / apartment,0.00496,-12058,-421,-4628.0,-3322,,1,1,0,1,0,0,Core staff,1.0,2,2,SATURDAY,14,0,0,0,0,1,1,Military,,0.6708126714069081,0.4956658291397297,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1338.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1903712,312944,Revolving loans,9000.0,0.0,180000.0,,,MONDAY,10,Y,1,,,,XAP,Approved,-851,XNA,XAP,,Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,270000.0,1467612.0,56029.5,1350000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-22460,365243,-66.0,-4522,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,XNA,,0.16174984045660926,0.6263042766749393,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1058206,321428,Cash loans,22978.89,454500.0,508495.5,,454500.0,MONDAY,13,Y,1,,,,XNA,Approved,-322,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,216000.0,481855.5,46939.5,463500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.0060079999999999995,-16100,-2045,-4778.0,-4569,,1,1,0,1,1,0,Sales staff,2.0,2,2,MONDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.6684179785279161,,0.1649,0.1033,0.9925,0.898,0.0284,0.16,0.1379,0.375,0.4167,0.0,0.1345,0.1704,0.0,0.0,0.1681,0.1072,0.9926,0.902,0.0287,0.1611,0.1379,0.375,0.4167,0.0,0.1469,0.1775,0.0,0.0,0.1665,0.1033,0.9925,0.8994,0.0286,0.16,0.1379,0.375,0.4167,0.0,0.1368,0.1735,0.0,0.0,reg oper account,block of flats,0.1496,Panel,No,0.0,0.0,0.0,0.0,-1829.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2065711,324525,Consumer loans,10542.735,112950.0,112950.0,0.0,112950.0,MONDAY,10,Y,1,0.0,,,XAP,Approved,-662,Cash through the bank,XAP,,Repeater,Construction Materials,POS,XNA,Stone,80,Construction,12.0,low_normal,POS industry with interest,365243.0,-629.0,-299.0,-299.0,-292.0,0.0,0,Cash loans,F,N,Y,0,85050.0,528633.0,22527.0,472500.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-23214,365243,-5417.0,-5421,,1,0,0,1,1,0,,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,XNA,,0.592897131352443,0.4992720153045617,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-2184.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2124925,358797,Consumer loans,5487.525,28948.5,27342.0,2898.0,28948.5,SATURDAY,12,Y,1,0.10437121212121207,,,XAP,Refused,-2762,Cash through the bank,SCO,Group of people,Repeater,XNA,POS,XNA,Stone,47,Connectivity,6.0,high,POS mobile with interest,,,,,,,0,Cash loans,M,Y,N,1,180000.0,1125000.0,36423.0,1125000.0,Family,Working,Incomplete higher,Married,House / apartment,0.018209,-10781,-2297,-884.0,-3417,28.0,1,1,0,1,0,0,Laborers,3.0,3,3,WEDNESDAY,15,0,0,0,0,0,0,Other,,0.4894851268913248,0.12769879437277135,0.3763,0.1051,0.9995,0.9796,0.1192,0.24,0.1034,0.625,0.6667,0.1055,0.2975,0.2868,0.0425,0.0706,0.3834,0.1091,0.9995,0.9804,0.1203,0.2417,0.1034,0.625,0.6667,0.108,0.3251,0.2988,0.0428,0.0747,0.3799,0.1051,0.9995,0.9799,0.12,0.24,0.1034,0.625,0.6667,0.1074,0.3027,0.2919,0.0427,0.07200000000000001,reg oper account,block of flats,0.3057,"Stone, brick",No,4.0,0.0,4.0,0.0,-1806.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2716122,305519,Consumer loans,4534.47,55246.5,30109.5,27000.0,55246.5,SATURDAY,15,Y,1,0.5148960251001068,,,XAP,Approved,-2726,Cash through the bank,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Country-wide,3303,Consumer electronics,8.0,high,POS household with interest,365243.0,-2695.0,-2485.0,-2605.0,-2599.0,1.0,0,Cash loans,F,N,Y,0,90000.0,180000.0,18571.5,180000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.015221,-20675,365243,-1187.0,-3491,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,XNA,,0.4816195330569541,0.07347264041181442,0.3175,0.1127,0.998,0.9728,0.1747,0.32,0.1379,0.6667,0.7083,0.1405,0.2547,0.3438,0.0193,0.0433,0.3235,0.1169,0.998,0.9739,0.1763,0.3222,0.1379,0.6667,0.7083,0.1437,0.2782,0.3582,0.0195,0.0458,0.3206,0.1127,0.998,0.9732,0.1758,0.32,0.1379,0.6667,0.7083,0.1429,0.2591,0.35,0.0194,0.0442,reg oper account,block of flats,0.3753,Panel,No,0.0,0.0,0.0,0.0,-2726.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2469383,373703,Consumer loans,10607.355,94203.45,105084.0,0.45,94203.45,WEDNESDAY,16,Y,1,4.663781454733875e-06,,,XAP,Approved,-2035,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,1720,Consumer electronics,14.0,high,POS household with interest,365243.0,-2004.0,-1614.0,-1614.0,-1611.0,0.0,0,Cash loans,F,N,Y,0,234000.0,550980.0,40221.0,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.00963,-10790,-592,-4109.0,-1672,,1,1,0,1,0,1,Laborers,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Postal,,0.16502583341291274,0.5316861425197883,0.0835,0.0663,0.9757,0.6668,0.0074,0.0,0.1379,0.1667,0.0417,0.0645,0.0681,0.0706,0.0,0.0,0.0851,0.0688,0.9757,0.6798,0.0075,0.0,0.1379,0.1667,0.0417,0.0659,0.0744,0.0736,0.0,0.0,0.0843,0.0663,0.9757,0.6713,0.0074,0.0,0.1379,0.1667,0.0417,0.0656,0.0693,0.0719,0.0,0.0,reg oper spec account,block of flats,0.0596,Panel,No,0.0,0.0,0.0,0.0,-901.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,7.0 +1946489,414463,Cash loans,5447.07,67500.0,74925.0,0.0,67500.0,TUESDAY,12,Y,1,0.0,,,XNA,Approved,-2713,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,20.0,middle,Cash Street: middle,365243.0,-2683.0,-2113.0,-2113.0,-2106.0,1.0,0,Cash loans,F,N,Y,0,225000.0,675000.0,19867.5,675000.0,Family,Pensioner,Secondary / secondary special,Separated,House / apartment,0.025164,-20643,365243,-7045.0,-4070,,1,0,0,1,0,0,,1.0,2,2,SATURDAY,12,0,0,0,0,0,0,XNA,,0.6117821282516563,0.7958031328748403,0.0557,0.0373,0.9901,,,0.04,0.0345,0.3333,,0.0295,,0.0519,,0.0,0.0567,0.0387,0.9901,,,0.0403,0.0345,0.3333,,0.0302,,0.054000000000000006,,0.0,0.0562,0.0373,0.9901,,,0.04,0.0345,0.3333,,0.03,,0.0528,,0.0,,block of flats,0.0408,Others,No,2.0,1.0,2.0,1.0,-2245.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2178687,215090,Cash loans,24572.385,315000.0,340573.5,,315000.0,TUESDAY,11,Y,1,,,,XNA,Approved,-618,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-588.0,-78.0,-78.0,-74.0,1.0,0,Cash loans,F,N,Y,0,67500.0,523278.0,22297.5,391500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.022625,-23498,365243,-14745.0,-4313,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,11,0,0,0,0,0,0,XNA,,0.5896311649878183,0.3740208032583212,0.0876,,0.9796,,,0.0,0.2069,0.1667,,,,0.0815,,0.0337,0.0893,,0.9796,,,0.0,0.2069,0.1667,,,,0.0849,,0.0357,0.0885,,0.9796,,,0.0,0.2069,0.1667,,,,0.0829,,0.0344,,block of flats,0.0641,Panel,No,1.0,1.0,1.0,0.0,-1157.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1843650,343857,Consumer loans,7915.005,49950.0,28899.0,22500.0,49950.0,THURSDAY,10,Y,1,0.4767514047850242,,,XAP,Approved,-93,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,250,Consumer electronics,4.0,middle,POS household with interest,365243.0,-63.0,27.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,2,135000.0,526491.0,29529.0,454500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.028663,-12653,-733,-298.0,-2639,,1,1,1,1,0,0,Core staff,4.0,2,2,FRIDAY,19,0,0,0,0,0,0,Kindergarten,,0.6283274415700408,0.20208660168203949,0.0804,0.0678,0.9732,0.6328,,0.0,0.1379,0.1667,,0.0402,,0.0918,,0.0414,0.0819,0.0704,0.9732,0.6472,,0.0,0.1379,0.1667,,0.0411,,0.0957,,0.0439,0.0812,0.0678,0.9732,0.6377,,0.0,0.1379,0.1667,,0.0409,,0.0935,,0.0423,reg oper account,block of flats,0.0623,"Stone, brick",No,0.0,0.0,0.0,0.0,-230.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2118539,294109,Consumer loans,5919.57,32715.0,29326.5,4770.0,32715.0,MONDAY,13,Y,1,0.15236061285949098,,,XAP,Approved,-1379,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Regional / Local,800,Consumer electronics,6.0,high,POS household with interest,365243.0,-1348.0,-1198.0,-1198.0,-1190.0,0.0,0,Cash loans,F,N,Y,0,112500.0,243000.0,8856.0,243000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-22643,365243,-11139.0,-4312,,1,0,0,1,0,0,,2.0,2,2,MONDAY,8,0,0,0,0,0,0,XNA,0.6809941205011723,0.5517946596708423,0.6075573001388961,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,2.0,3.0,2.0,-1379.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2621776,216743,Consumer loans,7681.95,34163.325,38254.5,1709.325,34163.325,FRIDAY,11,Y,1,0.04658238589979357,,,XAP,Approved,-1551,Cash through the bank,XAP,"Spouse, partner",Refreshed,Audio/Video,POS,XNA,Stone,50,Consumer electronics,6.0,high,POS household with interest,365243.0,-1519.0,-1369.0,-1399.0,-1387.0,0.0,0,Cash loans,M,Y,N,0,162000.0,450000.0,24412.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.015221,-15838,-699,-4187.0,-4199,14.0,1,1,1,1,1,0,Security staff,2.0,2,2,TUESDAY,11,0,1,1,0,1,1,Other,0.6593011278427776,0.6759395958954881,0.4365064990977374,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-686.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2318513,377801,Cash loans,30251.97,225000.0,272889.0,,225000.0,FRIDAY,10,Y,1,,,,XNA,Approved,-908,Non-cash from your account,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-878.0,-548.0,-548.0,-374.0,1.0,0,Cash loans,F,Y,Y,1,405000.0,170640.0,8298.0,135000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.005144,-10012,-555,-10010.0,-2694,3.0,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,17,0,0,0,0,1,1,Business Entity Type 3,0.4493805753747959,0.15694899290971584,0.7490217048463391,0.1072,0.0882,0.9831,0.7688,,0.0,0.069,0.1667,0.0417,0.0312,0.0874,0.0602,0.0,0.0105,0.1092,0.0915,0.9831,0.7779,,0.0,0.069,0.1667,0.0417,0.0319,0.0955,0.0628,0.0,0.0111,0.1083,0.0882,0.9831,0.7719,,0.0,0.069,0.1667,0.0417,0.0318,0.0889,0.0613,0.0,0.0107,reg oper account,block of flats,0.051,"Stone, brick",No,1.0,0.0,1.0,0.0,-1211.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,3.0 +2099683,212623,Consumer loans,6315.93,28341.0,33363.0,0.0,28341.0,TUESDAY,13,Y,1,0.0,,,XAP,Approved,-825,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,1099,Consumer electronics,6.0,middle,POS household with interest,365243.0,-794.0,-644.0,-734.0,-727.0,0.0,1,Cash loans,M,N,Y,0,337500.0,343800.0,16155.0,225000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.022625,-9752,-2056,-1945.0,-2109,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,14,0,0,0,1,1,0,Police,0.1347773973839419,0.3092690770954845,0.20559813854932085,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-383.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1180012,222871,Consumer loans,6352.605,139815.0,94815.0,45000.0,139815.0,SUNDAY,15,Y,1,0.3505281329549112,,,XAP,Approved,-2903,Cash through the bank,XAP,Family,New,Furniture,POS,XNA,Stone,100,Furniture,24.0,high,POS industry with interest,365243.0,-2867.0,-2177.0,-2177.0,-2175.0,0.0,0,Cash loans,F,N,N,0,225000.0,1800000.0,62568.0,1800000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-15625,-5311,-3010.0,-4917,,1,1,1,1,1,0,Medicine staff,2.0,2,2,MONDAY,16,0,0,0,0,0,0,Medicine,,0.6906967696501873,0.5226973172821112,0.0206,,0.9916,,,0.0,0.0345,0.1667,,,,0.0135,,0.0314,0.021,,0.9916,,,0.0,0.0345,0.1667,,,,0.0141,,0.0332,0.0208,,0.9916,,,0.0,0.0345,0.1667,,,,0.0138,,0.032,,block of flats,0.0175,Panel,No,0.0,0.0,0.0,0.0,-2507.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,4.0 +1824054,170641,Cash loans,16770.375,202500.0,222547.5,,202500.0,SATURDAY,9,Y,1,,,,XNA,Approved,-621,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-591.0,-81.0,-81.0,-74.0,1.0,0,Cash loans,F,N,Y,0,180000.0,497520.0,52789.5,450000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.072508,-22111,365243,-15851.0,-871,,1,0,0,1,1,0,,2.0,1,1,THURSDAY,14,0,0,0,0,0,0,XNA,,0.6172729294603121,0.40314167665875134,0.2222,0.1336,0.9781,0.7008,0.0667,0.24,0.2069,0.3333,0.375,0.0,0.1799,0.2112,0.0058,0.0078,0.2258,0.1306,0.9782,0.7125,0.066,0.2417,0.2069,0.3333,0.375,0.0,0.1965,0.2189,0.0039,0.0023,0.2243,0.1336,0.9781,0.7048,0.0671,0.24,0.2069,0.3333,0.375,0.0,0.183,0.215,0.0058,0.008,reg oper account,block of flats,0.1674,Panel,No,0.0,0.0,0.0,0.0,-3279.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1919045,418794,Consumer loans,9557.055,110160.0,99760.5,22032.0,110160.0,FRIDAY,12,Y,1,0.19701419142468465,,,XAP,Approved,-2538,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,1000,Consumer electronics,16.0,low_normal,POS household with interest,365243.0,-2507.0,-2057.0,-2237.0,-2228.0,1.0,0,Cash loans,M,N,Y,1,103500.0,276277.5,11083.5,238500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.031329,-23766,-2305,-15950.0,-4674,,1,1,0,1,0,0,Security staff,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.7628557303351933,0.1831507950985013,0.8128226070575616,0.0804,0.0592,0.9762,0.6736,0.0072,0.0,0.1379,0.1667,0.2083,0.0409,0.0639,0.0605,0.0077,0.0118,0.0819,0.0615,0.9762,0.6864,0.0073,0.0,0.1379,0.1667,0.2083,0.0418,0.0698,0.063,0.0078,0.0125,0.0812,0.0592,0.9762,0.6779999999999999,0.0073,0.0,0.1379,0.1667,0.2083,0.0416,0.065,0.0616,0.0078,0.012,reg oper account,block of flats,0.0501,"Stone, brick",No,5.0,0.0,5.0,0.0,-1529.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1345585,117998,Cash loans,27189.36,900000.0,1030680.0,,900000.0,THURSDAY,16,Y,1,,,,Buying a home,Refused,-168,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,60.0,low_action,Cash Street: low,,,,,,,0,Cash loans,M,N,N,0,135927.0,568800.0,15772.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-19271,-1144,-6845.0,-2654,,1,1,1,1,0,0,,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,School,,0.5937835622492493,,0.2464,0.1364,0.9901,0.8640000000000001,0.0483,0.24,0.2069,0.375,0.4167,0.069,0.2009,0.2882,0.0,0.0,0.2511,0.1415,0.9901,0.8693,0.0487,0.2417,0.2069,0.375,0.4167,0.0705,0.2195,0.3002,0.0,0.0,0.2488,0.1364,0.9901,0.8658,0.0486,0.24,0.2069,0.375,0.4167,0.0702,0.2044,0.2934,0.0,0.0,reg oper account,block of flats,0.2267,Panel,No,0.0,0.0,0.0,0.0,-1057.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2365526,130911,Cash loans,59670.045,1215000.0,1338493.5,,1215000.0,THURSDAY,12,Y,1,,,,XNA,Refused,-568,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Stone,2037,Construction,42.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,N,1,360000.0,835380.0,40320.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00496,-15375,-1132,-1655.0,-4571,,1,1,0,1,0,0,Managers,3.0,2,2,FRIDAY,12,0,0,0,0,0,0,Services,0.5656961457294613,0.6137383223241425,0.4992720153045617,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1469.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1698551,292182,Consumer loans,25229.7,204750.0,219388.5,0.0,204750.0,SUNDAY,14,Y,1,0.0,,,XAP,Approved,-387,Cash through the bank,XAP,,New,Vehicles,POS,XNA,Stone,35,Industry,10.0,middle,POS other with interest,365243.0,-356.0,-86.0,-86.0,-79.0,0.0,0,Cash loans,M,Y,Y,0,90000.0,143910.0,15399.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.01885,-9616,-237,-4194.0,-2093,16.0,1,1,1,1,0,0,Drivers,1.0,2,2,TUESDAY,10,0,0,0,0,1,1,Security,0.16777755836034447,0.6860386905090856,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-387.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2393995,198151,Consumer loans,11324.385,104625.0,101929.5,10462.5,104625.0,WEDNESDAY,18,Y,1,0.10138278201619008,,,XAP,Approved,-2415,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Stone,60,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-2375.0,-2105.0,-2105.0,-2103.0,1.0,0,Cash loans,F,N,Y,2,126000.0,715095.0,48109.5,675000.0,Family,Working,Higher education,Married,House / apartment,0.028663,-15570,-5143,-973.0,-4412,,1,1,1,1,0,0,Core staff,4.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Kindergarten,0.7989655207809973,0.5875607250393726,0.34578480246959553,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-808.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1387651,293775,Consumer loans,8068.365,79096.5,78700.5,7911.0,79096.5,SUNDAY,14,Y,1,0.0994763764837023,,,XAP,Approved,-419,Cash through the bank,XAP,"Spouse, partner",Refreshed,Auto Accessories,POS,XNA,Regional / Local,189,Consumer electronics,12.0,middle,POS other with interest,365243.0,-388.0,-58.0,-358.0,-349.0,0.0,0,Cash loans,F,N,Y,2,144000.0,1125000.0,33025.5,1125000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.011656999999999999,-13985,-881,-537.0,-4518,,1,1,1,1,1,0,Core staff,4.0,1,1,SATURDAY,14,0,0,0,0,0,0,Trade: type 3,0.5665776579923135,0.1630288301211717,0.6577838002083306,0.0722,0.0831,0.9796,,,0.0,0.1379,0.1667,,0.0245,,0.0669,,0.0889,0.0735,0.0863,0.9796,,,0.0,0.1379,0.1667,,0.025,,0.0698,,0.0941,0.0729,0.0831,0.9796,,,0.0,0.1379,0.1667,,0.0249,,0.0682,,0.0908,,block of flats,0.07200000000000001,"Stone, brick",No,0.0,0.0,0.0,0.0,-2100.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1237135,192049,Consumer loans,4866.165,26941.5,24246.0,2695.5,26941.5,SUNDAY,12,Y,1,0.1089636636955828,,,XAP,Approved,-2773,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,32,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2742.0,-2592.0,-2592.0,-2577.0,0.0,0,Cash loans,F,N,N,2,175500.0,900000.0,26446.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.030755,-12347,-2609,-5536.0,-2222,,1,1,0,1,0,0,,3.0,2,2,MONDAY,13,0,0,0,0,1,1,Business Entity Type 3,0.18566832288940155,0.6532505611398314,0.5832379256761245,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1549.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2733169,447090,Consumer loans,5038.245,69381.0,67338.0,11250.0,69381.0,SUNDAY,12,Y,1,0.15590513471869405,,,XAP,Approved,-631,Cash through the bank,XAP,Children,Repeater,Computers,POS,XNA,Country-wide,2200,Consumer electronics,18.0,middle,POS household with interest,365243.0,-600.0,-90.0,-90.0,-85.0,0.0,0,Revolving loans,M,N,N,1,135000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.009549,-15752,-1775,-8131.0,-2034,,1,1,0,1,0,0,Managers,3.0,2,2,MONDAY,11,0,0,0,0,0,0,Security,0.7757532607432976,0.3712318942074819,0.5513812618027899,0.1237,0.1018,0.9786,0.7076,0.0417,0.0,0.2069,0.1667,0.2083,0.0938,0.1009,0.1053,0.0,0.0,0.1261,0.1056,0.9786,0.7190000000000001,0.042,0.0,0.2069,0.1667,0.2083,0.0959,0.1102,0.1097,0.0,0.0,0.1249,0.1018,0.9786,0.7115,0.0419,0.0,0.2069,0.1667,0.2083,0.0954,0.1026,0.1072,0.0,0.0,reg oper account,block of flats,0.0881,"Stone, brick",No,6.0,0.0,6.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1083696,362607,Consumer loans,4030.785,21088.8,19768.5,2251.8,21088.8,THURSDAY,10,Y,1,0.11137064023155488,,,XAP,Approved,-1538,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Regional / Local,30,Connectivity,6.0,high,POS mobile with interest,365243.0,-1503.0,-1353.0,-1353.0,-1346.0,0.0,0,Cash loans,F,N,Y,1,180000.0,448056.0,21919.5,315000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.009334,-8964,-464,-8919.0,-460,,1,1,0,1,0,0,High skill tech staff,3.0,2,2,TUESDAY,17,0,0,0,0,0,0,Business Entity Type 3,,0.6549475910424517,,0.232,0.0,0.9796,0.7212,0.0398,0.24,0.2069,0.3333,0.375,0.0248,0.1866,0.189,0.0116,0.0158,0.2363,0.0,0.9796,0.7321,0.0402,0.2417,0.2069,0.3333,0.375,0.0253,0.2039,0.1969,0.0117,0.0167,0.2342,0.0,0.9796,0.7249,0.04,0.24,0.2069,0.3333,0.375,0.0252,0.1898,0.1924,0.0116,0.0161,reg oper spec account,block of flats,0.19,Panel,No,0.0,0.0,0.0,0.0,-1764.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,7.0 +1555955,171194,Consumer loans,11399.265,143635.5,148468.5,14364.0,143635.5,FRIDAY,9,Y,1,0.09607235544612908,,,XAP,Approved,-2200,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Stone,70,Consumer electronics,18.0,middle,POS household with interest,365243.0,-2158.0,-1648.0,-1708.0,-1701.0,0.0,0,Cash loans,F,Y,Y,0,180000.0,770292.0,34938.0,688500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0038130000000000004,-12484,-1874,-2979.0,-2596,7.0,1,1,0,1,0,0,,2.0,2,2,SUNDAY,8,0,0,0,0,1,1,Self-employed,0.3663196252009713,0.5425839916832325,0.5673792367572691,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1627.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +2651750,366319,Consumer loans,6736.32,149364.0,149364.0,0.0,149364.0,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-1478,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,1925,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1447.0,-757.0,-757.0,-752.0,0.0,0,Revolving loans,F,Y,N,0,117000.0,360000.0,18000.0,360000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.020713,-19313,-255,-10099.0,-2848,11.0,1,1,0,1,0,0,Accountants,2.0,3,3,WEDNESDAY,12,0,0,0,0,1,1,Government,0.8324624290500291,0.3989622461806964,0.5937175866150576,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,-757.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1570294,243217,Consumer loans,13005.72,87000.3,94176.0,1.8,87000.3,SATURDAY,7,Y,1,2.081555989164788e-05,,,XAP,Approved,-2231,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,2775,Consumer electronics,10.0,high,POS household with interest,365243.0,-2200.0,-1930.0,-1930.0,-1922.0,0.0,0,Cash loans,M,Y,N,0,189000.0,752742.0,43344.0,697500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.0038130000000000004,-23421,365243,-99.0,-4763,29.0,1,0,0,1,0,0,,2.0,2,2,THURSDAY,7,0,0,0,0,0,0,XNA,,0.689953481191433,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2368772,265151,Cash loans,7436.25,225000.0,225000.0,,225000.0,FRIDAY,13,Y,1,,,,XNA,Approved,-235,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-205.0,1205.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,180000.0,490500.0,14341.5,490500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.0060079999999999995,-19534,365243,-4476.0,-2454,,1,0,0,1,1,0,,1.0,2,2,SUNDAY,15,0,0,0,0,0,0,XNA,,0.6863212245006346,0.633031641417419,,,0.9771,,,,,,,,,0.0143,,,,,0.9772,,,,,,,,,0.0149,,,,,0.9771,,,,,,,,,0.0145,,,,,0.0125,,No,0.0,0.0,0.0,0.0,-473.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +1340433,295680,Revolving loans,4500.0,90000.0,90000.0,,90000.0,THURSDAY,9,Y,1,,,,XAP,Approved,-727,XNA,XAP,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,157500.0,405000.0,28800.0,405000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-13838,-2344,-1982.0,-4663,,1,1,0,1,0,0,Cooking staff,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.7471479653346755,0.6144143775673561,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1375.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2754709,421515,Consumer loans,2637.585,21442.5,24840.0,0.0,21442.5,FRIDAY,18,Y,1,0.0,,,XAP,Approved,-53,XNA,XAP,Family,Refreshed,Mobile,POS,XNA,Country-wide,35,Connectivity,12.0,middle,POS mobile with interest,365243.0,-23.0,307.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,135000.0,545040.0,36553.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-11533,-986,-2951.0,-455,,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,16,0,0,0,1,1,0,Business Entity Type 3,0.2434202626733271,0.6129759951341229,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,0.0,-1457.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2556147,182770,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,14,Y,1,,,,XAP,Approved,-132,XNA,XAP,Family,New,XNA,Cards,walk-in,Country-wide,1780,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,121500.0,370107.0,14224.5,319500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.020246,-20142,-717,-158.0,-148,,1,1,0,1,0,0,Core staff,1.0,3,3,SATURDAY,8,0,0,0,0,0,0,Kindergarten,,0.2813747642640067,0.21518240418475384,0.3959,0.1105,0.9811,,,0.08,0.069,0.3333,,0.3145,,0.1536,,0.0,0.4034,0.1147,0.9811,,,0.0806,0.069,0.3333,,0.3217,,0.16,,0.0,0.3997,0.1105,0.9811,,,0.08,0.069,0.3333,,0.32,,0.1563,,0.0,,specific housing,0.1208,Panel,No,0.0,0.0,0.0,0.0,-132.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1368959,266152,Cash loans,12649.545,135000.0,179433.0,,135000.0,TUESDAY,11,Y,1,,,,XNA,Approved,-688,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-658.0,32.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,135000.0,168102.0,16753.5,148500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.035792000000000004,-19950,-3274,-4220.0,-3489,,1,1,0,1,0,0,Sales staff,1.0,2,2,THURSDAY,10,0,0,0,0,1,1,Self-employed,,0.2552501701197395,0.266456808245056,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-852.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,0.0 +1124582,126643,Revolving loans,4500.0,90000.0,90000.0,0.0,90000.0,FRIDAY,19,Y,1,0.0,,,XAP,Refused,-590,XNA,SCOFR,,Repeater,XNA,Cards,walk-in,Country-wide,32,Connectivity,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,N,4,135000.0,474183.0,23193.0,391500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-16556,-462,-991.0,-88,,1,1,0,1,0,0,Cleaning staff,6.0,2,2,SUNDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.5653274518042942,0.09950368352887068,0.032,0.0,0.9985,,0.0099,0.0,0.069,0.0833,0.125,0.0161,0.0261,0.0332,0.0,0.0,0.0326,0.0,0.9985,,0.01,0.0,0.069,0.0833,0.125,0.0165,0.0285,0.0346,0.0,0.0,0.0323,0.0,0.9985,,0.01,0.0,0.069,0.0833,0.125,0.0164,0.0265,0.0338,0.0,0.0,reg oper account,block of flats,0.0315,"Stone, brick",No,0.0,0.0,0.0,0.0,-754.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2412630,134690,Consumer loans,6037.425,45720.0,31554.0,15750.0,45720.0,SATURDAY,11,Y,1,0.3626158848761588,,,XAP,Approved,-1094,Cash through the bank,XAP,Family,Refreshed,Consumer Electronics,POS,XNA,Stone,130,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1062.0,-912.0,-942.0,-939.0,0.0,0,Cash loans,F,N,Y,2,67500.0,157500.0,10201.5,157500.0,Other_A,Working,Secondary / secondary special,Civil marriage,House / apartment,0.026392000000000002,-11412,-143,-5382.0,-2558,,1,1,1,1,0,0,Sales staff,4.0,2,2,MONDAY,13,0,0,0,0,1,1,Self-employed,,0.4005783864092738,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-69.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1789068,162712,Consumer loans,7949.97,31005.0,27904.5,3100.5,31005.0,MONDAY,17,Y,1,0.1089090909090909,,,XAP,Approved,-2746,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Stone,193,Connectivity,4.0,high,POS mobile with interest,365243.0,-2712.0,-2622.0,-2622.0,-2614.0,0.0,0,Revolving loans,F,N,Y,1,180000.0,202500.0,10125.0,202500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.019101,-15894,-3038,-490.0,-4177,,1,1,0,1,0,0,Laborers,3.0,2,2,WEDNESDAY,18,0,0,0,0,0,0,Business Entity Type 3,0.8010473370882897,0.6647583999906862,0.8435435389318647,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,0.0,-2526.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2658961,385770,Consumer loans,2533.32,19750.5,21708.0,0.0,19750.5,SATURDAY,19,Y,1,0.0,,,XAP,Approved,-2572,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,12.0,high,POS mobile with interest,365243.0,-2541.0,-2211.0,-2301.0,-2298.0,1.0,0,Cash loans,M,N,Y,0,112500.0,568858.5,30987.0,432000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006207,-17874,-2870,-55.0,-1426,,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Self-employed,,0.4575120127378315,0.1624419982223248,0.0619,0.0557,0.9767,0.6804,,0.0,0.1034,0.1667,0.2083,0.026,0.0504,0.0519,,0.0,0.063,0.0578,0.9767,0.6929,,0.0,0.1034,0.1667,0.2083,0.0266,0.0551,0.0541,,0.0,0.0625,0.0557,0.9767,0.6847,,0.0,0.1034,0.1667,0.2083,0.0265,0.0513,0.0529,,0.0,reg oper account,block of flats,0.0441,Panel,No,2.0,1.0,2.0,1.0,-2027.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1859489,346136,Cash loans,16204.815,225000.0,290200.5,,225000.0,TUESDAY,12,Y,1,,,,XNA,Refused,-277,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,N,1,112500.0,315000.0,21181.5,315000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007273999999999998,-9878,-614,-4582.0,-878,3.0,1,1,1,1,0,0,Sales staff,3.0,2,2,FRIDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.5939082278250979,0.6372953802126696,0.12850437737240394,0.0701,0.0772,0.9811,0.7416,0.0,0.0,0.1379,0.1667,0.0,0.0,0.0,0.0442,0.0,0.0079,0.0714,0.0801,0.9811,0.7517,0.0,0.0,0.1379,0.1667,0.0,0.0,0.0,0.0461,0.0,0.0083,0.0708,0.0772,0.9811,0.7451,0.0,0.0,0.1379,0.1667,0.0,0.0,0.0,0.045,0.0,0.008,reg oper account,block of flats,0.0521,Panel,No,3.0,1.0,3.0,0.0,-530.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2744024,303086,Cash loans,59074.335,1129500.0,1227901.5,,1129500.0,FRIDAY,19,Y,1,,,,XNA,Refused,-531,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,N,N,0,157500.0,225000.0,14377.5,225000.0,Family,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.01885,-15091,-4142,-4161.0,-4175,,1,1,1,1,0,0,Managers,2.0,2,2,THURSDAY,12,0,0,0,1,1,0,Business Entity Type 3,0.2872588239973473,0.7054978561957993,0.6706517530862718,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1261.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +2149988,277695,Revolving loans,4500.0,0.0,90000.0,,,THURSDAY,10,Y,1,,,,XAP,Approved,-2905,XNA,XAP,,New,XNA,Cards,x-sell,Country-wide,-1,Consumer electronics,0.0,XNA,Card Street,-2891.0,-2842.0,365243.0,-1411.0,-735.0,0.0,0,Cash loans,F,N,Y,0,315000.0,284400.0,16011.0,225000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.072508,-19705,-11576,-13566.0,-3242,,1,1,0,1,0,0,Medicine staff,2.0,1,1,THURSDAY,11,0,0,0,0,0,0,Police,0.8200799349581455,0.7017768622665151,0.6195277080511546,0.1237,0.0997,0.9767,0.6804,0.1489,0.0,0.2069,0.1667,0.2083,0.022,0.1,0.1022,0.0039,0.0048,0.1261,0.1035,0.9767,0.6929,0.1503,0.0,0.2069,0.1667,0.2083,0.0225,0.1093,0.1065,0.0039,0.0051,0.1249,0.0997,0.9767,0.6847,0.1499,0.0,0.2069,0.1667,0.2083,0.0224,0.1018,0.104,0.0039,0.0049,reg oper account,block of flats,0.0814,Panel,No,0.0,0.0,0.0,0.0,-1424.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1630208,225126,Consumer loans,9089.19,112491.0,41314.5,73125.0,112491.0,SATURDAY,10,Y,1,0.6959115753500558,,,XAP,Approved,-1684,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Regional / Local,148,Consumer electronics,6.0,high,POS household with interest,,,,,,,1,Cash loans,M,N,N,0,202500.0,1042560.0,37575.0,900000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.008068,-12257,-4211,-5073.0,-4890,,1,1,1,1,0,0,,1.0,3,3,TUESDAY,13,0,0,0,0,0,0,Self-employed,0.256220396834891,0.2431496315852681,0.5620604831738043,0.0526,0.0,0.9826,0.762,0.0397,0.0,0.0345,0.1667,0.2083,0.0061,0.0429,0.0107,0.0,0.0,0.0536,0.0,0.9826,0.7713,0.0401,0.0,0.0345,0.1667,0.2083,0.0062,0.0468,0.0112,0.0,0.0,0.0531,0.0,0.9826,0.7652,0.04,0.0,0.0345,0.1667,0.2083,0.0062,0.0436,0.0109,0.0,0.0,not specified,block of flats,0.0301,Others,No,0.0,0.0,0.0,0.0,-1684.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2225710,212263,Consumer loans,6353.685,47830.5,51903.0,6750.0,47830.5,SATURDAY,14,Y,1,0.12533653242568388,,,XAP,Approved,-1475,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,high,POS mobile with interest,365243.0,-1444.0,-1114.0,-1114.0,-1110.0,0.0,0,Cash loans,F,N,Y,0,112500.0,312768.0,13905.0,270000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-20304,365243,-11830.0,-3860,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,XNA,,0.7627474935968861,0.5797274227921155,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1476.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2338626,338091,Consumer loans,,107730.0,107730.0,0.0,107730.0,THURSDAY,15,Y,1,0.0,,,XAP,Refused,-1050,Cash through the bank,HC,,Refreshed,Photo / Cinema Equipment,XNA,XNA,Country-wide,35,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,M,N,Y,1,247500.0,161730.0,13095.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009549,-14789,-549,-4287.0,-4285,,1,1,0,1,0,0,Laborers,3.0,2,2,THURSDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.27941893650142463,0.5543459584722935,0.816092360478441,0.0928,0.0843,0.9866,,,0.0,0.2069,0.1667,,0.0541,,0.0514,,0.0,0.0945,0.0874,0.9866,,,0.0,0.2069,0.1667,,0.0554,,0.0535,,0.0,0.0937,0.0843,0.9866,,,0.0,0.2069,0.1667,,0.0551,,0.0523,,0.0,,block of flats,0.071,Panel,No,0.0,0.0,0.0,0.0,-1050.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1280291,426455,Consumer loans,3557.745,16330.5,17302.5,0.0,16330.5,FRIDAY,14,Y,1,0.0,,,XAP,Approved,-335,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,78,Connectivity,6.0,high,POS mobile with interest,365243.0,-304.0,-154.0,-154.0,-151.0,0.0,0,Cash loans,F,Y,Y,0,220500.0,247500.0,26784.0,247500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.028663,-12229,-556,-5865.0,-1813,7.0,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.3048835625506579,0.583989799770408,,0.0758,0.0993,0.9881,0.7959999999999999,0.0171,0.0,0.1638,0.1667,0.2083,0.1619,,0.115,,0.0023,0.0788,0.002,0.9796,0.7321,0.009000000000000001,0.0,0.1724,0.1667,0.2083,0.0805,,0.0799,,0.0,0.0775,0.1307,0.9906,0.7987,0.0172,0.0,0.1724,0.1667,0.2083,0.185,,0.1292,,0.0,reg oper account,block of flats,0.058,"Stone, brick",No,1.0,0.0,1.0,0.0,-335.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2399445,443696,Consumer loans,8816.85,94500.0,94500.0,0.0,94500.0,MONDAY,12,Y,1,0.0,,,XAP,Refused,-2703,XNA,VERIF,Unaccompanied,New,XNA,POS,XNA,Regional / Local,630,Furniture,12.0,low_normal,POS industry with interest,,,,,,,0,Cash loans,F,N,Y,2,270000.0,288873.0,16713.0,238500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.018029,-12193,-1874,-230.0,-3254,,1,1,0,1,0,0,,3.0,3,3,TUESDAY,11,0,0,0,0,0,0,Other,,0.6282253002044904,0.221335206354466,0.0804,,0.9732,,,0.0,0.1724,0.125,,,,0.0609,,0.0093,0.0819,,0.9732,,,0.0,0.1724,0.125,,,,0.0634,,0.0098,0.0812,,0.9732,,,0.0,0.1724,0.125,,,,0.062,,0.0095,,block of flats,0.0499,"Stone, brick",No,5.0,0.0,5.0,0.0,-630.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +2117006,447660,Cash loans,16770.375,202500.0,222547.5,,202500.0,FRIDAY,10,Y,1,,,,XNA,Approved,-1032,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-1002.0,-492.0,-492.0,-484.0,1.0,0,Cash loans,F,N,N,0,67500.0,93829.5,9981.0,81000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.030755,-20579,-1961,-9545.0,-4098,,1,1,0,1,0,0,,1.0,2,2,MONDAY,17,0,0,0,0,0,0,Hotel,,0.5521029089385342,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1182.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1716875,154514,Cash loans,9476.955,90000.0,95940.0,,90000.0,THURSDAY,19,Y,1,,,,XNA,Approved,-844,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-814.0,-484.0,-484.0,-477.0,1.0,0,Cash loans,F,N,Y,0,72000.0,143910.0,14872.5,135000.0,Unaccompanied,Pensioner,Higher education,Separated,Municipal apartment,0.072508,-24431,365243,-9701.0,-4091,,1,0,0,1,1,0,,1.0,1,1,MONDAY,20,0,0,0,0,0,0,XNA,,0.6835701089510071,,0.3876,0.3071,0.9866,,,0.48,0.2069,0.625,,0.0,,0.2195,,0.0194,0.395,0.3187,0.9866,,,0.4834,0.2069,0.625,,0.0,,0.2287,,0.0206,0.3914,0.3071,0.9866,,,0.48,0.2069,0.625,,0.0,,0.2234,,0.0198,,block of flats,0.3014,Panel,No,0.0,0.0,0.0,0.0,-1746.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2644737,109698,Consumer loans,10766.61,55885.5,55885.5,0.0,55885.5,SUNDAY,10,Y,1,0.0,,,XAP,Approved,-9,Cash through the bank,XAP,Group of people,Repeater,Mobile,POS,XNA,Regional / Local,30,Connectivity,6.0,middle,POS mobile with interest,365243.0,365243.0,171.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,1,202500.0,1033213.5,69048.0,976500.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.010032,-8524,-931,-981.0,-1138,17.0,1,1,0,1,0,1,,3.0,2,2,TUESDAY,4,0,0,0,0,0,0,Industry: type 10,0.14971840923825694,0.43455803586562297,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-531.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1136133,335418,Cash loans,23502.87,724500.0,724500.0,,724500.0,SUNDAY,10,Y,1,,,,XNA,Approved,-228,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-198.0,1572.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,157500.0,661500.0,21469.5,661500.0,Unaccompanied,Pensioner,Lower secondary,Married,House / apartment,0.015221,-23483,365243,-12469.0,-4454,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,XNA,,0.5427902195317971,0.30620229831350426,0.0742,0.0411,0.9831,,,0.08,0.069,0.3333,,0.0131,,0.0734,,0.0,0.0756,0.0426,0.9831,,,0.0806,0.069,0.3333,,0.0134,,0.0765,,0.0,0.0749,0.0411,0.9831,,,0.08,0.069,0.3333,,0.0133,,0.0747,,0.0,,block of flats,0.0718,Panel,No,4.0,0.0,4.0,0.0,-629.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1091795,392626,Consumer loans,5960.295,56700.0,51030.0,5670.0,56700.0,THURSDAY,10,Y,1,0.1089090909090909,,,XAP,Approved,-1275,XNA,XAP,,Refreshed,Furniture,POS,XNA,Stone,200,Furniture,10.0,middle,POS industry with interest,365243.0,-1243.0,-973.0,-973.0,-964.0,0.0,0,Cash loans,F,N,Y,0,112500.0,755190.0,30078.0,675000.0,Family,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.011703,-23666,365243,-15409.0,-3761,,1,0,0,1,1,0,,1.0,2,2,FRIDAY,15,0,0,0,0,0,0,XNA,,0.6535724567257833,0.6817058776720116,0.0124,0.0422,0.9712,,,0.0,0.069,0.0417,,0.0239,,0.0122,,0.009000000000000001,0.0126,0.0438,0.9712,,,0.0,0.069,0.0417,,0.0244,,0.0127,,0.0096,0.0125,0.0422,0.9712,,,0.0,0.069,0.0417,,0.0243,,0.0124,,0.0092,,block of flats,0.0165,"Stone, brick",Yes,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1393417,144973,Consumer loans,16712.415,235386.0,235386.0,0.0,235386.0,TUESDAY,10,Y,1,0.0,,,XAP,Refused,-1235,XNA,LIMIT,Unaccompanied,Repeater,Auto Accessories,POS,XNA,Stone,206,Industry,24.0,high,POS industry with interest,,,,,,,0,Cash loans,M,Y,N,0,225000.0,381528.0,18684.0,315000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,With parents,0.0228,-10639,-421,-4410.0,-3227,15.0,1,1,0,1,1,0,Cooking staff,1.0,2,2,FRIDAY,13,0,0,0,0,0,0,Trade: type 3,,0.5343236538672266,0.4668640059537032,0.1763,0.1165,0.9861,,,0.04,0.0345,0.3333,,0.0237,,0.083,,0.0035,0.1796,0.1209,0.9861,,,0.0403,0.0345,0.3333,,0.0243,,0.0865,,0.0037,0.17800000000000002,0.1165,0.9861,,,0.04,0.0345,0.3333,,0.0241,,0.0845,,0.0036,,block of flats,0.0872,"Stone, brick",No,3.0,1.0,3.0,0.0,-995.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2578139,209647,Consumer loans,4673.025,35955.0,37534.5,1800.0,35955.0,TUESDAY,4,Y,1,0.04983827521294629,,,XAP,Approved,-2198,XNA,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,110,Connectivity,12.0,high,POS mobile with interest,365243.0,-2167.0,-1837.0,-1987.0,-1983.0,0.0,0,Cash loans,F,Y,Y,0,315000.0,660289.5,53068.5,585000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010032,-11422,-1460,-355.0,-3254,4.0,1,1,0,1,0,0,Managers,2.0,2,2,TUESDAY,6,0,0,0,0,0,0,Transport: type 4,0.8158790777378524,0.5118245735396498,0.6832688314232291,0.1069,0.1415,0.9796,0.7212,,0.0,0.2414,0.1667,,,,0.0763,,,0.0588,0.0988,0.9782,0.7125,,0.0,0.1379,0.1667,,,,0.0379,,,0.1312,0.1542,0.9796,0.7249,,0.0,0.2759,0.1667,,,,0.0746,,,reg oper account,block of flats,0.0421,"Stone, brick",No,5.0,0.0,5.0,0.0,-1817.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2384727,308838,Consumer loans,4224.645,40455.0,45261.0,0.0,40455.0,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-358,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,100,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-327.0,3.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,N,0,81000.0,247500.0,12375.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-10964,-440,-6298.0,-3392,,1,1,0,1,1,0,Laborers,2.0,2,2,MONDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.3211017889524959,0.7467098097186359,0.5849900404894085,0.1082,0.0485,0.9916,0.8844,0.0149,0.08,0.069,0.3333,0.375,0.0287,0.0883,0.0832,0.0,0.0,0.1103,0.0504,0.9916,0.8889,0.015,0.0806,0.069,0.3333,0.375,0.0294,0.0964,0.0867,0.0,0.0,0.1093,0.0485,0.9916,0.8859,0.015,0.08,0.069,0.3333,0.375,0.0292,0.0898,0.0847,0.0,0.0,reg oper account,block of flats,0.0736,"Stone, brick",No,,,,,-1617.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,0.0 +2362686,325468,Consumer loans,9026.775,96750.0,96750.0,0.0,96750.0,THURSDAY,11,Y,1,0.0,,,XAP,Approved,-865,Cash through the bank,XAP,,Repeater,Construction Materials,POS,XNA,Stone,40,Construction,12.0,low_normal,POS industry with interest,365243.0,-825.0,-495.0,-645.0,-637.0,0.0,0,Cash loans,M,Y,N,0,135000.0,700830.0,22738.5,585000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.030755,-19798,-4164,-10252.0,-3337,8.0,1,1,0,1,0,0,Drivers,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Other,,0.6024510647137963,0.6413682574954046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1854.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2080681,333981,Consumer loans,1417.41,26235.0,31428.0,0.0,26235.0,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-1565,Cash through the bank,XAP,Family,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,1000,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1533.0,-843.0,-873.0,-864.0,0.0,0,Cash loans,F,N,Y,0,216000.0,1515415.5,39973.5,1354500.0,Family,Working,Incomplete higher,Married,House / apartment,0.031329,-18331,-1185,-495.0,-1894,,1,1,0,1,0,0,High skill tech staff,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Business Entity Type 2,0.7137600168886414,0.1942664499695638,0.6178261467332483,0.1485,0.0933,0.9846,0.7892,0.0358,0.16,0.1379,0.3333,0.1875,0.1262,0.121,0.151,0.0,0.0,0.1513,0.0968,0.9846,0.7975,0.0357,0.1611,0.1379,0.3333,0.0,0.1291,0.1322,0.1572,0.0,0.0,0.1499,0.0933,0.9846,0.792,0.036000000000000004,0.16,0.1379,0.3333,0.1875,0.1284,0.1231,0.1537,0.0,0.0,org spec account,block of flats,0.1187,Panel,No,3.0,0.0,3.0,0.0,-312.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +2347033,236875,Consumer loans,2692.71,16159.05,14539.5,1619.55,16159.05,TUESDAY,14,Y,1,0.10915475735381604,,,XAP,Refused,-2617,Cash through the bank,SCO,,Repeater,XNA,POS,XNA,Stone,130,Consumer electronics,6.0,middle,POS household without interest,,,,,,,0,Cash loans,M,Y,N,2,263250.0,808650.0,26217.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-13522,-5354,-3426.0,-4351,8.0,1,1,0,1,0,0,Drivers,4.0,2,2,SATURDAY,13,0,0,0,0,0,0,Other,,0.1434261049047469,0.4938628816996244,0.0124,0.0,0.9876,0.8232,0.002,0.0,0.069,0.0417,0.0,0.0134,0.0101,0.0128,0.0,0.0,0.0126,0.0,0.9876,0.8301,0.002,0.0,0.069,0.0417,0.0,0.0137,0.011,0.0133,0.0,0.0,0.0125,0.0,0.9876,0.8256,0.002,0.0,0.069,0.0417,0.0,0.0136,0.0103,0.013,0.0,0.0,,specific housing,0.0112,Wooden,No,2.0,0.0,2.0,0.0,-1831.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2760252,447955,Consumer loans,4244.58,42453.0,38205.0,4248.0,42453.0,SATURDAY,11,Y,1,0.1089783568138454,,,XAP,Approved,-2813,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Stone,90,Consumer electronics,10.0,low_normal,POS household without interest,,,,,,,0,Cash loans,M,N,N,3,135000.0,900000.0,29034.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-14568,-768,-5959.0,-471,,1,1,0,1,1,0,Laborers,5.0,2,2,FRIDAY,21,0,1,1,0,1,1,Business Entity Type 3,,0.3955849559899605,0.6313545365850379,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-211.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1494013,333986,Consumer loans,4081.05,18855.0,19849.5,0.0,18855.0,TUESDAY,13,Y,1,0.0,,,XAP,Approved,-989,XNA,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,87,Connectivity,6.0,high,POS mobile with interest,365243.0,-958.0,-808.0,-808.0,-578.0,0.0,0,Cash loans,F,N,Y,1,108000.0,71316.0,8590.5,63000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-10448,-1148,-3499.0,-2941,,1,1,0,1,1,0,Sales staff,3.0,3,2,THURSDAY,12,0,0,0,0,0,0,Self-employed,0.2916237272915879,0.4736103891020086,,0.3186,0.2188,0.9891,0.8504,0.139,0.4,0.3448,0.375,0.4167,0.1833,0.258,0.3986,0.0077,0.0084,0.3246,0.227,0.9891,0.8563,0.1403,0.4028,0.3448,0.375,0.4167,0.1875,0.2819,0.4153,0.0078,0.0089,0.3216,0.2188,0.9891,0.8524,0.1399,0.4,0.3448,0.375,0.4167,0.1865,0.2625,0.4058,0.0078,0.0086,reg oper account,block of flats,0.3913,Panel,No,5.0,1.0,5.0,0.0,-989.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1701793,380809,Consumer loans,4228.02,35995.5,44059.5,3600.0,35995.5,TUESDAY,10,Y,1,0.08226538827992892,,,XAP,Approved,-1071,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Stone,21,Connectivity,18.0,high,POS mobile with interest,365243.0,-1040.0,-530.0,-950.0,-947.0,0.0,0,Cash loans,M,Y,Y,2,180000.0,704844.0,34038.0,630000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-14274,-3960,-158.0,-4941,3.0,1,1,0,1,0,0,Laborers,4.0,2,2,TUESDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.6543444324471146,0.22383131747015547,0.1031,0.1119,0.9811,0.7416,,0.0,0.2069,0.1667,,,0.0841,0.0885,0.0,0.0,0.105,0.1161,0.9811,0.7517,,0.0,0.2069,0.1667,,,0.0918,0.0922,0.0,0.0,0.1041,0.1119,0.9811,0.7451,,0.0,0.2069,0.1667,,,0.0855,0.0901,0.0,0.0,reg oper account,block of flats,0.0696,"Stone, brick",No,3.0,1.0,3.0,1.0,-2076.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2652898,263160,Cash loans,26159.22,675000.0,810886.5,,675000.0,THURSDAY,11,Y,1,,,,XNA,Approved,-277,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-247.0,1523.0,-67.0,-65.0,1.0,0,Cash loans,F,Y,N,0,202500.0,1800000.0,49630.5,1800000.0,Family,Working,Higher education,Married,House / apartment,0.026392000000000002,-12999,-1337,-3754.0,-3682,6.0,1,1,0,1,1,0,Core staff,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Government,0.5881565057050837,0.6992720443099679,0.7407990879702335,0.1206,,0.9921,,,0.12,0.1034,0.375,,,,0.1285,,0.0,0.1229,,0.9921,,,0.1208,0.1034,0.375,,,,0.1339,,0.0,0.1218,,0.9921,,,0.12,0.1034,0.375,,,,0.1308,,0.0,,block of flats,0.1011,Panel,No,0.0,0.0,0.0,0.0,-3212.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2205241,317100,Consumer loans,10290.105,87291.0,69066.0,22500.0,87291.0,THURSDAY,12,Y,1,0.2676162053004986,,,XAP,Approved,-1145,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,1880,Consumer electronics,8.0,middle,POS household with interest,365243.0,-1114.0,-904.0,-1024.0,-1016.0,0.0,0,Cash loans,F,N,N,0,90000.0,675000.0,35964.0,675000.0,Family,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.00963,-22167,365243,-6355.0,-5129,,1,0,0,1,0,0,,1.0,2,2,SATURDAY,9,0,0,0,0,0,0,XNA,0.7567515285630757,0.5982484982789255,0.5744466170995097,0.0825,0.0653,0.9762,,,0.0,0.1379,0.1667,,0.0434,,0.0705,,0.0,0.084,0.0677,0.9762,,,0.0,0.1379,0.1667,,0.0444,,0.0734,,0.0,0.0833,0.0653,0.9762,,,0.0,0.1379,0.1667,,0.0442,,0.0717,,0.0,,block of flats,0.0554,Panel,No,0.0,0.0,0.0,0.0,-1843.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2719473,190003,Consumer loans,27147.96,291600.0,145800.0,145800.0,291600.0,SATURDAY,12,Y,1,0.5445454545454544,,,XAP,Approved,-2280,Cash through the bank,XAP,"Spouse, partner",Repeater,Clothing and Accessories,POS,XNA,Country-wide,146,Clothing,6.0,middle,POS industry with interest,365243.0,-2249.0,-2099.0,-2099.0,-2083.0,0.0,0,Cash loans,F,Y,Y,1,180000.0,509400.0,34173.0,450000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.0228,-17017,-4484,-8504.0,-546,4.0,1,1,0,1,0,0,Accountants,3.0,2,2,THURSDAY,15,0,0,0,0,0,0,Construction,,0.6036602685045408,0.33125086459090186,0.0186,0.0741,0.9836,0.7756,0.0,0.0,0.0345,0.0417,0.0833,0.0199,0.0227,0.0099,0.0,0.0,0.0126,0.0769,0.9836,0.7844,0.0,0.0,0.0345,0.0417,0.0833,0.0203,0.0248,0.0069,0.0,0.0,0.0156,0.0741,0.9836,0.7786,0.0,0.0,0.0345,0.0417,0.0833,0.0202,0.0231,0.0078,0.0,0.0,not specified,block of flats,0.0067,"Stone, brick",No,0.0,0.0,0.0,0.0,-2280.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1520061,227042,Consumer loans,5074.785,77359.5,77359.5,0.0,77359.5,WEDNESDAY,3,Y,1,0.0,,,XAP,Approved,-1644,XNA,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,7,Furniture,18.0,low_normal,POS industry with interest,365243.0,-1612.0,-1102.0,-1282.0,-1275.0,0.0,0,Cash loans,F,N,N,0,112500.0,679500.0,29929.5,679500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.014464,-21545,365243,-7357.0,-4856,,1,0,0,1,1,0,,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,XNA,,0.460036831909052,0.5549467685334323,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2362.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2609678,157163,Consumer loans,9756.9,66955.5,50580.0,20088.0,66955.5,FRIDAY,6,Y,1,0.3095836613717408,,,XAP,Approved,-13,XNA,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,1500,Consumer electronics,6.0,middle,POS household with interest,365243.0,365243.0,168.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,157500.0,355536.0,13909.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.006305,-21192,-3948,-6688.0,-4042,,1,1,0,1,0,0,High skill tech staff,1.0,3,3,WEDNESDAY,10,0,0,0,0,0,0,Other,,0.5141355077968798,0.4507472818545589,0.1186,0.102,0.9945,0.9252,0.0579,0.12,0.1724,0.3333,0.2083,0.0246,0.0841,0.1428,0.0579,0.0629,0.1208,0.1058,0.9945,0.9281,0.0584,0.1208,0.1724,0.3333,0.2083,0.0252,0.0918,0.1488,0.0584,0.0666,0.1197,0.102,0.9945,0.9262,0.0582,0.12,0.1724,0.3333,0.2083,0.0251,0.0855,0.1454,0.0582,0.0642,reg oper account,block of flats,0.1576,"Stone, brick",No,1.0,0.0,1.0,0.0,-693.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1044350,216756,Consumer loans,10096.47,93280.5,90877.5,9328.5,93280.5,SUNDAY,15,Y,1,0.10138698825873242,,,XAP,Approved,-2489,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Country-wide,-1,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2458.0,-2188.0,-2188.0,-2181.0,1.0,0,Cash loans,M,N,Y,1,225000.0,1236816.0,36292.5,1080000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.018634,-12143,-3509,-5923.0,-4480,,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,13,0,0,0,1,1,1,Other,,0.4882065106580768,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2315.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1293065,284685,Consumer loans,2829.555,28035.0,28035.0,0.0,28035.0,FRIDAY,14,Y,1,0.0,,,XAP,Refused,-366,Cash through the bank,HC,,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,12.0,middle,POS mobile with interest,,,,,,,0,Cash loans,F,Y,Y,0,247500.0,553626.0,44518.5,490500.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.04622,-10033,-1562,-215.0,-2706,2.0,1,1,0,1,0,0,,1.0,1,1,SUNDAY,15,0,0,0,0,0,0,Business Entity Type 2,0.5814752230634976,0.3421114943985414,,0.0979,0.0376,0.9831,0.7688,,0.16,0.069,0.4583,,0.0122,,0.0869,,0.0,0.0998,0.039,0.9831,0.7779,,0.1611,0.069,0.4583,,0.0124,,0.0905,,0.0,0.0989,0.0376,0.9831,0.7719,,0.16,0.069,0.4583,,0.0124,,0.0885,,0.0,reg oper account,block of flats,0.0684,Panel,No,0.0,0.0,0.0,0.0,-845.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1997860,385745,Consumer loans,2284.29,21105.0,20560.5,2110.5,21105.0,SUNDAY,10,Y,1,0.1013861922119167,,,XAP,Approved,-2693,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Stone,170,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2662.0,-2392.0,-2422.0,-2420.0,1.0,0,Cash loans,F,N,Y,0,180000.0,270000.0,13914.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-18767,-1842,-10179.0,-2318,,1,1,0,1,0,0,Cleaning staff,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.5156539549135831,0.4740512892789932,0.0515,0.0509,0.9861,,,0.0,0.1379,0.1667,,,,0.0547,,0.0,0.0525,0.0528,0.9861,,,0.0,0.1379,0.1667,,,,0.057,,0.0,0.052000000000000005,0.0509,0.9861,,,0.0,0.1379,0.1667,,,,0.0557,,0.0,,block of flats,0.0463,"Stone, brick",No,1.0,0.0,1.0,0.0,-1738.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1867914,322925,Revolving loans,5625.0,0.0,135000.0,,,FRIDAY,11,N,0,,,,XAP,Refused,-2873,XNA,SYSTEM,,Repeater,XNA,Cards,x-sell,Country-wide,3500,Consumer electronics,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,Y,Y,0,157500.0,675000.0,21906.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.026392000000000002,-13688,-3924,-411.0,-4418,7.0,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Business Entity Type 1,0.4666061031505819,0.7423049124287532,0.15380258630671767,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2373.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,9.0,0.0,1.0 +1638971,316043,Revolving loans,9000.0,0.0,180000.0,,,TUESDAY,9,Y,1,,,,XAP,Approved,-2604,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,70,Connectivity,0.0,XNA,Card Street,-2601.0,-2547.0,365243.0,-1331.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,360000.0,1236816.0,40027.5,1080000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.006629,-18040,-993,-5334.0,-1391,2.0,1,1,0,1,1,0,Sales staff,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Trade: type 7,,0.7517019231534156,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1135.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,0.0 +2192078,318037,Cash loans,22227.93,432000.0,491877.0,,432000.0,SATURDAY,12,Y,1,,,,XNA,Approved,-981,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,N,Y,0,157500.0,544491.0,17563.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-20289,-1353,-3680.0,-463,,1,1,0,1,0,0,Realty agents,2.0,2,2,SUNDAY,11,0,0,0,0,0,0,Other,,0.5551237573716922,0.3296550543128238,0.0918,0.0395,0.994,0.9184,0.0118,0.04,0.0345,0.7083,0.75,0.0101,0.07400000000000001,0.1183,0.0039,0.0098,0.0935,0.041,0.994,0.9216,0.0119,0.0403,0.0345,0.7083,0.75,0.0104,0.0808,0.1233,0.0039,0.0104,0.0926,0.0395,0.994,0.9195,0.0119,0.04,0.0345,0.7083,0.75,0.0103,0.0752,0.1205,0.0039,0.01,reg oper account,block of flats,0.1092,Monolithic,No,0.0,0.0,0.0,0.0,-349.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1349395,332785,Cash loans,56845.665,1575000.0,1762110.0,,1575000.0,MONDAY,10,Y,1,,,,XNA,Refused,-462,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,1,135000.0,1546020.0,45333.0,1350000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-18328,-2583,-2617.0,-1746,16.0,1,1,0,1,1,0,Accountants,3.0,2,2,MONDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.17160039107041156,0.7121551551910698,0.0619,0.0187,0.9831,,,0.0,0.1379,0.1667,,0.0184,,0.0538,,0.0517,0.063,0.0194,0.9831,,,0.0,0.1379,0.1667,,0.0188,,0.0561,,0.0547,0.0625,0.0187,0.9831,,,0.0,0.1379,0.1667,,0.0187,,0.0548,,0.0528,,block of flats,0.0587,Block,No,1.0,0.0,1.0,0.0,-931.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1476912,399917,Consumer loans,,47866.5,47866.5,0.0,47866.5,THURSDAY,12,Y,1,0.0,,,XAP,Refused,-291,Cash through the bank,HC,,Repeater,Photo / Cinema Equipment,XNA,XNA,Country-wide,40,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,M,N,Y,0,180000.0,912240.0,32895.0,787500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Co-op apartment,0.025164,-11169,-2475,-5704.0,-2839,,1,1,0,1,0,0,Cooking staff,2.0,2,2,MONDAY,9,0,0,0,1,1,0,Self-employed,0.392517999588584,0.4862888808658189,0.4294236843421945,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-291.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +1770390,222449,Consumer loans,8028.72,87061.5,87079.5,9000.0,87061.5,SATURDAY,16,Y,1,0.10201778924555373,,,XAP,Approved,-2135,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,1100,Consumer electronics,14.0,middle,POS household with interest,365243.0,-2104.0,-1714.0,-1714.0,-1707.0,0.0,0,Cash loans,F,N,N,0,270000.0,254700.0,15709.5,225000.0,Unaccompanied,Pensioner,Incomplete higher,Married,House / apartment,0.072508,-24260,365243,-13406.0,-863,,1,0,0,1,1,0,,2.0,1,1,SATURDAY,15,0,0,0,0,0,0,XNA,,0.5402059083576037,,0.1969,0.1001,0.9811,0.7416,0.0291,0.32,0.1379,0.4583,0.5,0.0,0.1605,0.1919,0.0,0.0073,0.2006,0.1039,0.9811,0.7517,0.0294,0.3222,0.1379,0.4583,0.5,0.0,0.1754,0.1999,0.0,0.0077,0.1988,0.1001,0.9811,0.7451,0.0293,0.32,0.1379,0.4583,0.5,0.0,0.1633,0.1953,0.0,0.0074,reg oper account,block of flats,0.1684,Panel,No,0.0,0.0,0.0,0.0,-373.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1121342,233060,Consumer loans,10465.83,141435.0,159637.5,0.0,141435.0,SUNDAY,14,Y,1,0.0,,,XAP,Approved,-377,Cash through the bank,XAP,,Repeater,Photo / Cinema Equipment,POS,XNA,Regional / Local,200,Consumer electronics,18.0,low_normal,POS household with interest,365243.0,-346.0,164.0,-76.0,-69.0,0.0,0,Cash loans,M,Y,N,0,112500.0,675000.0,26154.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.007305,-21724,-4579,-9428.0,-4987,10.0,1,1,0,1,1,0,Drivers,2.0,3,3,FRIDAY,14,0,0,0,0,1,1,Business Entity Type 1,,0.5701465822772029,0.4776491548517548,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2974.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1154995,375801,Cash loans,29304.765,360000.0,456061.5,,360000.0,SATURDAY,11,Y,1,,,,XNA,Approved,-811,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),10,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-781.0,-91.0,-361.0,-355.0,1.0,0,Cash loans,F,N,N,0,139500.0,207000.0,10696.5,207000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.025164,-15630,-1645,-1428.0,-4153,,1,1,0,1,1,0,Sales staff,1.0,2,2,WEDNESDAY,20,0,0,0,0,0,0,Self-employed,,0.5921315702396891,0.4048783643353997,0.0,,0.0,,,,,,,,,,,,0.0,,0.0,,,,,,,,,,,,0.0,,0.0,,,,,,,,,,,,,block of flats,0.0,,No,0.0,0.0,0.0,0.0,-1441.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2762648,421320,Cash loans,40279.185,675000.0,721332.0,,675000.0,SUNDAY,16,Y,1,,,,XNA,Approved,-791,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-761.0,-71.0,-71.0,-63.0,1.0,0,Cash loans,F,N,Y,0,337500.0,1350000.0,52672.5,1350000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-16413,-3013,-6772.0,-4474,,1,1,0,1,1,0,,2.0,2,2,SUNDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.3694267788603541,0.6832688314232291,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1376.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2371144,316287,Consumer loans,12556.485,71073.0,71073.0,0.0,71073.0,SUNDAY,11,Y,1,0.0,,,XAP,Approved,-430,XNA,XAP,,Repeater,Sport and Leisure,POS,XNA,Stone,24,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-398.0,-248.0,-278.0,-269.0,0.0,0,Cash loans,F,N,Y,0,76500.0,265851.0,11839.5,229500.0,Family,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.01885,-23101,365243,-9238.0,-4142,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,XNA,0.6794424371553145,0.6708464725838386,0.6940926425266661,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,12.0,1.0,12.0,1.0,-2679.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1359312,239954,Consumer loans,3636.765,77418.0,77418.0,0.0,77418.0,MONDAY,10,Y,1,0.0,,,XAP,Approved,-1066,Cash through the bank,XAP,"Spouse, partner",Repeater,Computers,POS,XNA,Country-wide,3700,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1034.0,-344.0,-494.0,-486.0,0.0,0,Cash loans,M,N,Y,1,270000.0,2466954.0,65205.0,2205000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.02461,-14817,-742,-2427.0,-3961,,1,1,0,1,0,0,Laborers,3.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.702417187554796,0.7165702448010511,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1874.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +2199478,119930,Consumer loans,7262.595,63351.0,72279.0,0.0,63351.0,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-1028,XNA,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Regional / Local,358,Consumer electronics,12.0,middle,POS household with interest,365243.0,-997.0,-667.0,-667.0,-655.0,0.0,0,Cash loans,F,N,Y,1,157500.0,308133.0,16843.5,234000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.010147,-13469,-1559,-2745.0,-6043,,1,1,0,1,0,0,Medicine staff,3.0,2,2,FRIDAY,13,0,0,0,0,0,0,Other,,0.6766146177983713,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-262.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1708641,327545,Cash loans,71226.0,2700000.0,2700000.0,,2700000.0,MONDAY,14,Y,1,,,,Business development,Refused,-554,Cash through the bank,LIMIT,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_action,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,360000.0,2250000.0,61875.0,2250000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.00963,-20782,-3142,-4732.0,-3508,,1,1,0,1,0,0,Accountants,2.0,2,2,TUESDAY,13,0,0,0,0,1,1,Construction,,0.6707015979527954,,0.1085,0.0915,0.9891,,,0.12,0.0934,0.3687,,0.0663,,0.1176,,0.0067,0.0746,0.0481,0.9856,,,0.0806,0.0345,0.3333,,0.0098,,0.0776,,0.0,0.0749,0.078,0.9871,,,0.08,0.069,0.3333,,0.069,,0.094,,0.0072,,block of flats,0.2011,Panel,No,2.0,0.0,2.0,0.0,-1443.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1876463,171308,Cash loans,21083.625,360000.0,393264.0,,360000.0,SATURDAY,6,Y,1,,,,XNA,Refused,-238,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,20,Connectivity,24.0,low_normal,Cash X-Sell: low,,,,,,,1,Cash loans,F,N,Y,0,67500.0,524866.5,25659.0,369000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008068,-9023,-1315,-863.0,-1667,,1,1,0,1,1,0,Core staff,2.0,3,3,SATURDAY,9,0,0,0,0,0,0,Kindergarten,0.13096955784735148,0.022097388801906568,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2011970,159159,Consumer loans,2405.385,22455.0,11794.5,11250.0,22455.0,SATURDAY,13,Y,1,0.5316788269336598,,,XAP,Approved,-690,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,100,Connectivity,6.0,high,POS mobile with interest,365243.0,-659.0,-509.0,-659.0,-654.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,450000.0,35685.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-20186,-189,-2100.0,-3732,10.0,1,1,0,1,0,0,Drivers,2.0,2,2,WEDNESDAY,17,0,0,0,0,1,1,Business Entity Type 2,0.4940496893513692,0.35215656470180673,0.5726825047161584,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,0.0,8.0,0.0,-1519.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2130541,357067,Consumer loans,12047.67,79560.0,88326.0,8100.0,79560.0,MONDAY,11,Y,1,0.09148607599232944,,,XAP,Approved,-1633,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Stone,59,Connectivity,10.0,high,POS mobile with interest,365243.0,-1592.0,-1322.0,-1322.0,-1298.0,0.0,0,Cash loans,M,Y,Y,0,157500.0,225000.0,13045.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-18581,365243,-181.0,-2101,15.0,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,11,0,0,0,1,0,0,XNA,,,0.5971924268337128,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1633.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2640721,273425,Consumer loans,18465.03,99274.5,104517.0,0.0,99274.5,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-693,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Regional / Local,500,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-660.0,-510.0,-510.0,-506.0,0.0,0,Cash loans,F,N,N,0,135000.0,517788.0,26433.0,427500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.006670999999999999,-14859,-707,-1173.0,-4037,,1,1,0,1,0,0,,1.0,2,2,SATURDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.6643558302440309,0.6388659166791307,0.4489622731076524,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,0.0,-802.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2079859,270752,Consumer loans,2332.755,21550.5,20997.0,2155.5,21550.5,SUNDAY,7,Y,1,0.10139446947610208,,,XAP,Approved,-2762,Cash through the bank,XAP,Children,New,Consumer Electronics,POS,XNA,Country-wide,1923,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2730.0,-2460.0,-2460.0,-2454.0,1.0,0,Cash loans,M,Y,Y,0,225000.0,573408.0,20727.0,495000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-18433,-4058,-4987.0,-1975,8.0,1,1,0,1,0,0,Drivers,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,Self-employed,,0.7183894512104472,0.7267112092725122,0.0701,0.0622,0.9752,0.66,0.0,0.0,0.069,0.1667,0.0417,0.0174,0.0572,0.0421,0.0,0.0,0.0714,0.0646,0.9752,0.6733,0.0,0.0,0.069,0.1667,0.0417,0.0178,0.0624,0.0438,0.0,0.0,0.0708,0.0622,0.9752,0.6645,0.0,0.0,0.069,0.1667,0.0417,0.0177,0.0581,0.0428,0.0,0.0,reg oper account,block of flats,0.0331,"Stone, brick",No,3.0,0.0,3.0,0.0,-1602.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1024514,337833,Consumer loans,5441.355,41350.5,39892.5,4500.0,41350.5,WEDNESDAY,20,Y,1,0.11039948394231204,,,XAP,Approved,-1457,Non-cash from your account,XAP,,Repeater,Mobile,POS,XNA,Country-wide,25,Connectivity,10.0,high,POS mobile with interest,365243.0,-1412.0,-1142.0,-1202.0,-1193.0,0.0,0,Cash loans,F,Y,N,1,234000.0,573408.0,32148.0,495000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00963,-14468,-832,-8288.0,-4713,16.0,1,1,0,1,0,0,Laborers,3.0,2,2,THURSDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.31455832865452343,0.7958031328748403,0.13699999999999998,0.1043,0.9955,0.9388,0.0362,0.12,0.1069,0.4292,0.4708,0.0717,0.0994,0.1143,0.0,0.0898,0.0882,0.0685,0.9995,0.9477,0.0,0.1611,0.1379,0.4167,0.4583,0.0964,0.0771,0.1227,0.0,0.0,0.1728,0.0822,0.9995,0.9866,0.0087,0.16,0.1379,0.4167,0.4583,0.0959,0.0718,0.1199,0.0,0.0,reg oper account,block of flats,0.1699,"Stone, brick",No,1.0,1.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2346576,400256,Cash loans,10437.84,85500.0,91143.0,0.0,85500.0,MONDAY,8,Y,1,0.0,,,XNA,Approved,-1910,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-1880.0,-1550.0,-1700.0,-1694.0,1.0,0,Cash loans,F,N,Y,0,135000.0,832500.0,44482.5,832500.0,Unaccompanied,Working,Higher education,Married,Office apartment,0.020246,-11218,-201,-3580.0,-1543,,1,1,1,1,1,0,Sales staff,2.0,3,3,SUNDAY,12,0,0,0,0,0,0,Self-employed,0.31875735074491696,0.24521596570032084,0.3077366963789207,0.0082,0.0,0.9702,,,0.0,0.0517,0.0417,,0.0149,,0.0064,,0.0,0.0084,0.0,0.9702,,,0.0,0.0345,0.0417,,0.0052,,0.0067,,0.0,0.0083,0.0,0.9702,,,0.0,0.0517,0.0417,,0.0151,,0.0065,,0.0,,block of flats,0.005,"Stone, brick",Yes,0.0,0.0,0.0,0.0,-1287.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,1.0 +2645702,300292,Cash loans,14794.335,202500.0,229230.0,,202500.0,THURSDAY,6,Y,1,,,,XNA,Approved,-1245,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-1215.0,-525.0,-525.0,-521.0,1.0,0,Cash loans,F,N,Y,0,135000.0,1005120.0,29520.0,720000.0,Unaccompanied,Working,Incomplete higher,Separated,House / apartment,0.020246,-17766,-3795,-2233.0,-1316,,1,1,0,1,0,0,,1.0,3,3,WEDNESDAY,14,0,0,0,1,1,0,University,0.6090670600403401,0.4808879989331314,0.2314393514998941,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1718.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,3.0 +1389028,289909,Consumer loans,2985.795,16425.0,14877.0,2250.0,16425.0,MONDAY,17,Y,1,0.1430755266803611,,,XAP,Approved,-2325,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Stone,25,Connectivity,6.0,high,POS mobile with interest,365243.0,-2283.0,-2133.0,-2133.0,-2130.0,1.0,0,Cash loans,F,Y,Y,0,180000.0,781879.5,45715.5,724500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-11444,-4631,-5338.0,-2943,3.0,1,1,0,1,1,0,Sales staff,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.6974663400220183,,0.2948,,0.9901,,,0.28,0.2414,0.375,,,,0.2945,,0.0246,0.3004,,0.9901,,,0.282,0.2414,0.375,,,,0.3068,,0.026,0.2977,,0.9901,,,0.28,0.2414,0.375,,,,0.2997,,0.0251,,block of flats,0.2369,Panel,No,1.0,0.0,1.0,0.0,-199.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1843655,245978,Consumer loans,7267.545,64413.0,79357.5,0.0,64413.0,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-565,Cash through the bank,XAP,,New,Computers,POS,XNA,Stone,200,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-534.0,-204.0,-294.0,-291.0,0.0,0,Cash loans,M,N,N,0,225000.0,1024740.0,52321.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.002134,-11440,-950,-1316.0,-3421,,1,1,1,1,0,0,Low-skill Laborers,2.0,3,3,WEDNESDAY,15,0,0,0,0,1,1,Self-employed,,0.29401481810439445,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-565.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2766756,202959,Consumer loans,3142.08,15655.5,15655.5,0.0,15655.5,MONDAY,9,Y,1,0.0,,,XAP,Refused,-2667,Cash through the bank,SCO,Family,Repeater,XNA,POS,XNA,Country-wide,38,Connectivity,6.0,high,POS mobile with interest,,,,,,,0,Revolving loans,M,Y,N,0,270000.0,810000.0,40500.0,810000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.006852,-13499,-2545,-2883.0,-4289,17.0,1,1,0,1,0,0,Managers,2.0,3,3,MONDAY,6,0,0,0,0,0,0,Business Entity Type 3,0.4412823112590548,0.14272099200461935,0.7992967832109371,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1582.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1664643,151534,Consumer loans,3826.575,62955.0,19021.5,45000.0,62955.0,SATURDAY,16,Y,1,0.7655098819785686,,,XAP,Approved,-163,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,15,Connectivity,6.0,high,POS mobile with interest,365243.0,-133.0,17.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,2,180000.0,1305000.0,38155.5,1305000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.031329,-9525,-1753,-7454.0,-2211,3.0,1,1,1,1,0,0,Laborers,4.0,2,2,MONDAY,15,0,0,0,1,1,0,Business Entity Type 2,0.422435420077568,0.6806967799716231,0.7352209993926424,0.0928,0.093,0.9866,,,0.0,0.2069,0.1667,0.2083,0.0862,,0.0861,,0.0,0.0945,0.0965,0.9866,,,0.0,0.2069,0.1667,0.2083,0.0882,,0.0897,,0.0,0.0937,0.093,0.9866,,,0.0,0.2069,0.1667,0.2083,0.0877,,0.0876,,0.0,reg oper account,block of flats,0.0902,Panel,No,3.0,0.0,3.0,0.0,-704.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1518865,386527,Consumer loans,26724.96,562500.0,506250.0,56250.0,562500.0,SATURDAY,17,Y,1,0.1089090909090909,,,XAP,Approved,-283,XNA,XAP,,New,Clothing and Accessories,POS,XNA,Regional / Local,2000,Clothing,24.0,low_normal,POS industry with interest,365243.0,-249.0,441.0,-159.0,-156.0,0.0,0,Revolving loans,F,N,Y,0,225000.0,720000.0,36000.0,720000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.032561,-19142,-5368,-13097.0,-2628,,1,1,0,1,0,0,Secretaries,2.0,1,1,TUESDAY,19,0,0,0,0,0,0,Business Entity Type 1,,0.7799575346630293,0.3031463744186309,0.0825,,0.9737,0.6396,0.0107,,0.1379,0.2083,,,,0.0691,,0.067,0.084,,0.9737,0.6537,0.0108,,0.1379,0.2083,,,,0.07200000000000001,,0.0709,0.0833,,0.9737,0.6444,0.0108,,0.1379,0.2083,,,,0.0703,,0.0684,,block of flats,0.0748,,No,12.0,0.0,11.0,0.0,-283.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,7.0,2.0,5.0 +1395722,331284,Consumer loans,12987.63,89127.0,71298.0,17829.0,89127.0,SATURDAY,13,Y,1,0.21786217216086945,,,XAP,Approved,-683,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,51,Connectivity,6.0,middle,POS mobile without interest,365243.0,-646.0,-496.0,-586.0,-577.0,0.0,0,Cash loans,M,Y,Y,2,315000.0,1024740.0,52452.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-13021,-881,-1100.0,-2479,10.0,1,1,0,1,0,0,,4.0,2,2,WEDNESDAY,15,0,0,0,0,1,1,Industry: type 9,0.7536104907539565,0.16485716428294914,0.5226973172821112,0.4093,0.3179,0.998,0.9728,,0.0,0.5517,0.3333,0.375,0.3517,0.3228,0.2563,0.0502,0.0888,0.417,0.3299,0.998,0.9739,,0.0,0.5517,0.3333,0.375,0.3597,0.3526,0.2671,0.0506,0.094,0.4132,0.3179,0.998,0.9732,,0.0,0.5517,0.3333,0.375,0.3578,0.3284,0.2609,0.0505,0.0906,reg oper account,block of flats,0.3686,Panel,No,1.0,0.0,1.0,0.0,-846.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2029341,281523,Cash loans,17340.84,225000.0,247275.0,,225000.0,SATURDAY,14,Y,1,,,,XNA,Approved,-402,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-372.0,138.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,N,1,135000.0,352422.0,27400.5,315000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.01885,-14457,-850,-5086.0,-6164,5.0,1,1,0,1,1,0,,3.0,2,2,TUESDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.6470632188980886,0.4400578303966329,0.0619,0.0701,0.9871,0.8232,0.0093,0.0,0.1379,0.1667,0.2083,0.0416,0.0504,0.0587,0.0,0.0,0.063,0.0728,0.9871,0.8301,0.0094,0.0,0.1379,0.1667,0.2083,0.0422,0.0551,0.0612,0.0,0.0,0.0625,0.0701,0.9871,0.8256,0.0094,0.0,0.1379,0.1667,0.2083,0.0424,0.0513,0.0598,0.0,0.0,reg oper spec account,block of flats,0.0513,Panel,No,1.0,0.0,1.0,0.0,-3484.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1336635,266318,Consumer loans,7881.12,71181.0,83700.0,7110.0,71181.0,TUESDAY,15,Y,1,0.08527074511217228,,,XAP,Approved,-1884,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,482,Consumer electronics,16.0,high,POS household with interest,365243.0,-1853.0,-1403.0,-1403.0,-1396.0,0.0,0,Cash loans,F,N,Y,2,112500.0,675000.0,34596.0,675000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.009334,-10747,-3889,-3855.0,-1954,,1,1,1,1,0,0,High skill tech staff,4.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Police,,0.7316967886486759,0.4311917977993083,0.0928,0.1006,0.9781,0.7008,0.012,0.0,0.2069,0.1667,0.0417,0.0634,0.0756,0.0873,0.0,0.0,0.0945,0.1044,0.9782,0.7125,0.0121,0.0,0.2069,0.1667,0.0417,0.0648,0.0826,0.0909,0.0,0.0,0.0937,0.1006,0.9781,0.7048,0.0121,0.0,0.2069,0.1667,0.0417,0.0645,0.077,0.0888,0.0,0.0,not specified,block of flats,0.0752,Panel,No,0.0,0.0,0.0,0.0,-1884.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2413532,336712,Consumer loans,19589.985,122539.5,103203.0,24511.5,122539.5,SATURDAY,14,Y,1,0.2090228738176309,,,XAP,Approved,-240,Cash through the bank,XAP,,Refreshed,Jewelry,POS,XNA,Country-wide,30,Jewelry,6.0,middle,POS others without interest,365243.0,-206.0,-56.0,-176.0,-169.0,0.0,0,Cash loans,F,N,Y,0,225000.0,286974.0,22338.0,256500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.00702,-17618,-2996,-1109.0,-1140,,1,1,0,1,0,0,Medicine staff,2.0,2,2,MONDAY,18,0,0,0,0,0,0,Medicine,0.869129561442309,0.7033442500430075,0.5136937663039473,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,1.0,6.0,1.0,-2073.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1647657,422209,Cash loans,25790.805,270000.0,354415.5,0.0,270000.0,FRIDAY,15,Y,1,0.0,,,Repairs,Approved,-1829,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,24.0,high,Cash Street: high,365243.0,-1798.0,-1108.0,-1108.0,-1102.0,0.0,0,Cash loans,F,N,Y,0,180000.0,403848.0,11574.0,319500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.022625,-15226,-3584,-1014.0,-4008,,1,1,0,1,1,1,Sales staff,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Industry: type 2,0.3928531840872357,0.7267355455631642,0.2707073872651806,0.5608,0.4962,0.9776,0.6940000000000001,0.2556,0.0,1.0,0.1667,0.2083,0.6076,0.4572,0.5539,0.0039,0.0053,0.5714,0.5149,0.9777,0.706,0.258,0.0,1.0,0.1667,0.2083,0.6215,0.4995,0.5771,0.0039,0.0056,0.5663,0.4962,0.9776,0.6981,0.2573,0.0,1.0,0.1667,0.2083,0.6182,0.4652,0.5639,0.0039,0.0054,reg oper account,block of flats,0.5763,Panel,No,1.0,1.0,1.0,1.0,-499.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,9.0 +1783918,333536,Revolving loans,22500.0,450000.0,450000.0,,450000.0,WEDNESDAY,15,Y,1,,,,XAP,Approved,-845,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-730.0,-678.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,M,Y,Y,0,198000.0,298728.0,16335.0,202500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-20999,-2883,-8502.0,-4233,15.0,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,9,0,0,0,0,1,1,Government,,0.21529361128605587,0.21640296051521946,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1771.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,5.0 +1179527,409588,Cash loans,43137.0,990000.0,1104997.5,,990000.0,TUESDAY,16,Y,1,,,,XNA,Approved,-897,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-867.0,543.0,-567.0,-562.0,1.0,0,Cash loans,F,Y,Y,1,225000.0,946764.0,40243.5,765000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.035792000000000004,-16393,-1070,-382.0,-4398,6.0,1,1,0,1,0,0,Core staff,3.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,University,,0.6278983708841968,0.5954562029091491,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1256.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1204634,227168,Consumer loans,12915.405,125824.5,138280.5,0.0,125824.5,TUESDAY,14,Y,1,0.0,,,XAP,Approved,-1079,XNA,XAP,Family,Refreshed,Computers,POS,XNA,Regional / Local,40,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-1032.0,-702.0,-732.0,-717.0,0.0,0,Cash loans,F,Y,Y,1,81000.0,1125000.0,44748.0,1125000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.026392000000000002,-16643,-7839,-4193.0,-198,4.0,1,1,0,1,1,0,Laborers,3.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Agriculture,,0.6689751047263167,0.7121551551910698,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1079.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,0.0 +1320038,325658,Cash loans,10588.905,90000.0,95940.0,0.0,90000.0,TUESDAY,15,Y,1,0.0,,,XNA,Approved,-2177,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,10,Consumer electronics,12.0,high,Cash Street: high,365243.0,-2147.0,-1817.0,-1817.0,-1815.0,1.0,0,Revolving loans,F,Y,Y,0,202500.0,225000.0,11250.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-20047,-10445,-2822.0,-3605,5.0,1,1,0,1,0,0,Core staff,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Kindergarten,0.8363910543103068,0.6021263027987296,0.4974688893052743,0.0789,0.0823,0.9767,0.6804,0.0105,0.0,0.1724,0.1667,,0.0166,,0.0683,,0.0124,0.063,0.0651,0.9767,0.6929,0.0079,0.0,0.1379,0.1667,,0.0125,,0.0559,,0.0,0.0625,0.0628,0.9767,0.6847,0.0086,0.0,0.1379,0.1667,,0.0132,,0.0548,,0.0,reg oper account,block of flats,0.0422,Panel,No,0.0,0.0,0.0,0.0,-2115.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1543884,247413,Consumer loans,8157.69,161829.0,180121.5,0.0,161829.0,SUNDAY,11,Y,1,0.0,,,XAP,Approved,-954,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,1690,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-923.0,-233.0,-233.0,-226.0,0.0,1,Cash loans,F,N,N,0,247500.0,226422.0,20893.5,189000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009656999999999999,-14574,-2544,-1729.0,-1775,,1,1,0,1,1,0,Sales staff,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Self-employed,0.7317407920484551,0.6981165477894349,0.4992720153045617,0.0722,0.0535,0.9906,0.8708,0.0041,0.0,0.0345,0.1667,0.2083,0.0468,0.0588,0.0266,0.0,0.0,0.0735,0.0555,0.9906,0.8759,0.0041,0.0,0.0345,0.1667,0.2083,0.0479,0.0643,0.0278,0.0,0.0,0.0729,0.0535,0.9906,0.8725,0.0041,0.0,0.0345,0.1667,0.2083,0.0476,0.0599,0.0271,0.0,0.0,reg oper spec account,block of flats,0.0378,"Stone, brick",No,0.0,0.0,0.0,0.0,-2427.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2335312,454540,Cash loans,7869.015,67500.0,71955.0,0.0,67500.0,SUNDAY,13,Y,1,0.0,,,XNA,Approved,-2388,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,high,Cash Street: high,365243.0,-2358.0,-2028.0,-2028.0,-2024.0,1.0,0,Cash loans,F,N,Y,0,103500.0,76410.0,4396.5,67500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.022625,-24239,365243,-2400.0,-4146,,1,0,0,1,1,0,,2.0,2,2,MONDAY,10,0,0,0,0,0,0,XNA,,0.660284738308482,0.8193176922872417,0.3948,0.4964,0.9821,0.7552,0.1878,0.0,0.8966,0.1667,0.2083,0.3471,0.3219,0.2488,0.0,0.313,0.4023,0.5151,0.9821,0.7648,0.1895,0.0,0.8966,0.1667,0.2083,0.355,0.3517,0.2592,0.0,0.3314,0.3987,0.4964,0.9821,0.7585,0.189,0.0,0.8966,0.1667,0.2083,0.3531,0.3275,0.2533,0.0,0.3196,reg oper account,block of flats,0.3003,Panel,No,0.0,0.0,0.0,0.0,-935.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +1380566,261548,Consumer loans,5241.87,31455.0,29565.0,1890.0,31455.0,SUNDAY,10,Y,1,0.06543893874365977,,,XAP,Refused,-2686,XNA,SCO,Family,Repeater,XNA,POS,XNA,Stone,140,Consumer electronics,6.0,low_normal,POS household without interest,,,,,,,0,Cash loans,M,Y,Y,0,225000.0,900000.0,48082.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.010006000000000001,-21087,-92,-10066.0,-4539,6.0,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,8,0,0,0,0,0,0,Business Entity Type 3,,0.7335643835246981,,0.0598,0.0638,0.9831,0.7688,,0.0,0.1379,0.1667,0.2083,0.0469,,,,0.0487,0.0609,0.0662,0.9831,0.7779,,0.0,0.1379,0.1667,0.2083,0.0479,,,,0.0516,0.0604,0.0638,0.9831,0.7719,,0.0,0.1379,0.1667,0.2083,0.0477,,,,0.0497,reg oper account,block of flats,0.0417,Panel,No,0.0,0.0,0.0,0.0,-387.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2046447,221090,Consumer loans,9395.82,134361.0,181737.0,0.0,134361.0,MONDAY,13,Y,1,0.0,,,XAP,Refused,-1381,Cash through the bank,LIMIT,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,1375,Consumer electronics,24.0,low_normal,POS household with interest,,,,,,,0,Cash loans,M,N,Y,3,211500.0,1080000.0,31707.0,1080000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018029,-12214,-2288,-988.0,-2609,,1,1,0,1,0,0,Laborers,5.0,3,3,WEDNESDAY,7,0,0,0,0,1,1,Other,,0.2376274175935224,0.5797274227921155,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1468.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2821779,124888,Consumer loans,7392.69,38385.0,36256.5,3838.5,38385.0,THURSDAY,13,Y,1,0.10426425874910722,,,XAP,Approved,-2001,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,40,Connectivity,6.0,high,POS mobile with interest,365243.0,-1959.0,-1809.0,-1809.0,-1487.0,0.0,1,Cash loans,M,N,Y,0,180000.0,257562.0,11475.0,184500.0,Unaccompanied,State servant,Secondary / secondary special,Married,Office apartment,0.04622,-16193,-346,-132.0,-3870,,1,1,0,1,0,0,Drivers,2.0,1,1,WEDNESDAY,10,0,0,0,0,1,1,Medicine,0.5002017084882449,0.7784338028363481,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1498.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1125469,105346,Consumer loans,24951.105,155925.0,140332.5,15592.5,155925.0,TUESDAY,18,Y,1,0.1089090909090909,,,XAP,Approved,-1080,Cash through the bank,XAP,,New,Clothing and Accessories,POS,XNA,Stone,78,Clothing,6.0,low_normal,POS industry with interest,365243.0,-1048.0,-898.0,-898.0,-893.0,0.0,0,Cash loans,F,Y,Y,2,202500.0,239850.0,25447.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-13541,-738,-4420.0,-4041,1.0,1,1,1,1,1,1,Core staff,4.0,2,2,THURSDAY,11,0,0,0,0,0,0,Self-employed,0.7199426578292565,0.6156184098049717,0.4668640059537032,0.2969,0.2418,0.9806,,,0.0,0.6552,0.1667,,0.4581,,0.2548,,0.1005,0.3025,0.2509,0.9806,,,0.0,0.6552,0.1667,,0.4686,,0.2655,,0.1064,0.2998,0.2418,0.9806,,,0.0,0.6552,0.1667,,0.4661,,0.2594,,0.1026,,block of flats,0.2615,Panel,No,1.0,0.0,1.0,0.0,-1080.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1687228,102537,Consumer loans,4216.59,42174.0,37953.0,4221.0,42174.0,MONDAY,9,Y,1,0.10900205641562877,,,XAP,Approved,-2339,XNA,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,78,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-2305.0,-2035.0,-2035.0,-2032.0,0.0,0,Cash loans,F,Y,Y,0,67500.0,481495.5,32305.5,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-20742,365243,-12977.0,-3907,16.0,1,0,0,1,1,0,,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,XNA,0.6422905114076476,0.7577614588628359,0.7826078370261895,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2339.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2462134,338947,Consumer loans,2331.675,16335.0,14701.5,1633.5,16335.0,WEDNESDAY,12,Y,1,0.1089090909090909,,,XAP,Approved,-2781,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,8.0,low_normal,POS mobile with interest,365243.0,-2748.0,-2538.0,-2538.0,-2532.0,0.0,0,Cash loans,F,N,N,1,157500.0,1223010.0,51948.0,1125000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.007305,-14070,-987,-1190.0,-4981,,1,1,1,1,0,0,Accountants,3.0,3,3,FRIDAY,12,0,0,0,0,1,1,Kindergarten,0.4192683120216188,0.5287969202021158,0.4830501881366946,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1593.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2533488,293379,Revolving loans,11250.0,225000.0,225000.0,,225000.0,FRIDAY,12,Y,1,,,,XAP,Approved,-910,XNA,XAP,,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),2,XNA,0.0,XNA,Card Street,-857.0,-834.0,365243.0,-530.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,85500.0,454500.0,20020.5,454500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.008473999999999999,-18438,-9724,-10076.0,-1975,4.0,1,1,0,1,1,0,Core staff,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,School,0.7131672914480071,0.554162272516793,0.6940926425266661,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1719853,331071,Consumer loans,8398.215,162441.0,162441.0,0.0,162441.0,FRIDAY,15,Y,1,0.0,,,XAP,Approved,-1034,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,3268,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-1002.0,-312.0,-342.0,-339.0,0.0,0,Cash loans,F,N,N,0,157500.0,1006920.0,40063.5,900000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.00496,-17919,-4762,-11388.0,-1471,,1,1,0,1,1,0,Core staff,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Trade: type 7,,0.6731792813994137,0.4206109640437848,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,2.0,0.0,2.0,0.0,-1265.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,5.0 +1613846,336987,Cash loans,37703.07,180000.0,185940.0,,180000.0,WEDNESDAY,18,Y,1,,,,XNA,Approved,-1099,Cash through the bank,XAP,Family,Refreshed,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,365243.0,-1068.0,-918.0,-918.0,-913.0,0.0,0,Cash loans,M,Y,Y,1,157500.0,269550.0,16416.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.02461,-10436,-948,-4753.0,-2748,14.0,1,1,0,1,0,0,Drivers,3.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.30424683149662923,0.3092753558842053,0.1299,0.1156,0.9767,0.6804,0.0364,0.0,0.2759,0.1667,0.2083,0.1361,0.1042,0.1195,0.0077,0.0077,0.1324,0.12,0.9767,0.6929,0.0367,0.0,0.2759,0.1667,0.2083,0.1392,0.1139,0.1245,0.0078,0.0082,0.1312,0.1156,0.9767,0.6847,0.0366,0.0,0.2759,0.1667,0.2083,0.1385,0.106,0.1217,0.0078,0.0079,reg oper account,block of flats,0.0957,"Stone, brick",No,2.0,0.0,2.0,0.0,-1099.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1937251,251476,Consumer loans,10012.995,87318.0,86319.0,8775.0,87318.0,WEDNESDAY,11,Y,1,0.10049816736358473,,,XAP,Approved,-2187,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,69,Connectivity,12.0,high,POS mobile with interest,365243.0,-2156.0,-1826.0,-1826.0,-1812.0,1.0,0,Cash loans,F,N,Y,0,202500.0,738931.5,49711.5,697500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.001417,-11939,-3841,-1913.0,-2957,,1,1,0,1,1,0,Cooking staff,2.0,2,2,SATURDAY,13,0,0,0,0,1,1,Military,0.3725299567990854,0.026701701676762345,0.6785676886853644,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-505.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1413278,323356,Cash loans,53606.385,675000.0,798903.0,,675000.0,WEDNESDAY,14,Y,1,,,,XNA,Approved,-651,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-621.0,-111.0,-501.0,-486.0,1.0,0,Cash loans,F,N,Y,0,405000.0,1303812.0,38250.0,1138500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009175,-19754,-11541,-6823.0,-1754,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.42282962915281547,0.4294236843421945,0.1031,0.1172,0.9906,,,0.0,0.1724,0.1667,,0.1523,,0.1083,,,0.105,0.1216,0.9906,,,0.0,0.1724,0.1667,,0.1558,,0.1129,,,0.1041,0.1172,0.9906,,,0.0,0.1724,0.1667,,0.1549,,0.1103,,,,block of flats,0.0931,Panel,No,2.0,0.0,2.0,0.0,-334.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2589786,146869,Revolving loans,11250.0,225000.0,225000.0,,225000.0,WEDNESDAY,13,Y,1,,,,XAP,Refused,-411,XNA,LIMIT,,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),600,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,N,0,148500.0,900000.0,26316.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,Rented apartment,0.002042,-18376,-3463,-3339.0,-1726,,1,1,0,1,0,0,Sales staff,2.0,3,3,TUESDAY,13,0,0,0,1,1,0,Business Entity Type 3,,0.5769552301578396,0.2250868621163805,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-821.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1720494,324826,Consumer loans,33280.245,319500.0,324369.0,31950.0,319500.0,MONDAY,7,Y,1,0.09765534407498493,,,XAP,Approved,-826,Cash through the bank,XAP,Unaccompanied,New,Vehicles,POS,XNA,Stone,138,Industry,12.0,middle,POS other with interest,365243.0,-794.0,-464.0,-524.0,-519.0,0.0,0,Cash loans,M,N,Y,0,135000.0,168102.0,18234.0,148500.0,Unaccompanied,Working,Incomplete higher,Single / not married,With parents,0.020713,-9298,-591,-4030.0,-1962,,1,1,0,1,0,0,High skill tech staff,1.0,3,2,MONDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.27148760739944977,0.6865047975453018,0.5028782772082183,0.1031,0.0777,0.9871,0.8232,0.0244,0.12,0.1034,0.375,0.4167,0.0737,0.0832,0.132,0.0039,0.0048,0.105,0.0806,0.9871,0.8301,0.0247,0.1208,0.1034,0.375,0.4167,0.0754,0.0909,0.1375,0.0039,0.0051,0.1041,0.0777,0.9871,0.8256,0.0246,0.12,0.1034,0.375,0.4167,0.075,0.0847,0.1344,0.0039,0.0049,not specified,block of flats,0.1185,Panel,No,0.0,0.0,0.0,0.0,-826.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2376005,303071,Cash loans,19708.335,450000.0,545040.0,,450000.0,TUESDAY,11,Y,1,,,,XNA,Refused,-226,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,117000.0,481500.0,24714.0,481500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.006296,-17571,-1778,-3317.0,-1081,,1,1,0,1,0,0,Laborers,2.0,3,3,THURSDAY,13,0,0,0,0,0,0,Self-employed,,0.15753725430224672,0.2851799046358216,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-708.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +2188727,164809,Cash loans,24769.53,315000.0,366142.5,,315000.0,TUESDAY,9,Y,1,,,,Education,Approved,-591,Cash through the bank,XAP,,New,XNA,Cash,walk-in,AP+ (Cash loan),2,XNA,36.0,high,Cash Street: high,365243.0,-561.0,489.0,-381.0,-350.0,1.0,0,Cash loans,M,Y,N,0,180000.0,167121.0,9193.5,139500.0,Other_B,Working,Secondary / secondary special,Married,House / apartment,0.020246,-18307,-261,-6916.0,-1841,10.0,1,1,1,1,1,0,Drivers,2.0,3,3,FRIDAY,9,0,0,0,1,1,0,Industry: type 11,,0.06991194729007351,0.31703177858344445,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-236.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2184360,162835,Cash loans,23894.685,697500.0,817191.0,,697500.0,WEDNESDAY,13,Y,1,,,,XNA,Refused,-328,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,360000.0,1125000.0,62950.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.010006000000000001,-16388,-2394,-9635.0,-3398,,1,1,0,1,0,0,Security staff,1.0,2,1,TUESDAY,14,0,0,0,0,0,0,Industry: type 9,0.5866225693532964,0.7404306813192902,0.5352762504724826,0.1155,0.1389,0.9811,0.7416,0.032,0.0,0.2759,0.1667,0.2083,0.1185,0.0933,0.1301,0.0039,0.0064,0.1176,0.1441,0.9811,0.7517,0.0323,0.0,0.2759,0.1667,0.2083,0.1212,0.1019,0.1355,0.0039,0.0068,0.1166,0.1389,0.9811,0.7451,0.0322,0.0,0.2759,0.1667,0.2083,0.1206,0.0949,0.1324,0.0039,0.0065,reg oper account,block of flats,0.1212,Panel,No,1.0,0.0,1.0,0.0,-1552.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,4.0,0.0,9.0 +1815857,326965,Cash loans,20123.865,225000.0,254700.0,,225000.0,SATURDAY,11,Y,1,,,,XNA,Approved,-1003,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Country-wide,30,Connectivity,24.0,high,Cash Street: high,365243.0,-971.0,-281.0,-281.0,-274.0,0.0,0,Cash loans,M,Y,Y,2,202500.0,1105632.0,39303.0,792000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.030755,-17290,-3266,-5681.0,-839,39.0,1,1,0,1,0,0,Drivers,4.0,2,2,MONDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.3817219157352919,0.5750860506591902,0.5064842396679806,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1003.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2676456,334616,Cash loans,14363.685,454500.0,544491.0,,454500.0,TUESDAY,17,Y,1,,,,XNA,Refused,-234,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,1,72000.0,675000.0,21775.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.010147,-16875,-3183,-8893.0,-419,,1,1,1,1,1,0,Sales staff,3.0,2,2,MONDAY,16,0,0,0,0,0,0,Trade: type 7,,0.5203766452303609,0.326475210066026,0.0464,0.0419,0.9846,,,0.0,0.1034,0.1667,,0.0455,,0.0418,,0.0173,0.0473,0.0434,0.9846,,,0.0,0.1034,0.1667,,0.0465,,0.0435,,0.0184,0.0468,0.0419,0.9846,,,0.0,0.1034,0.1667,,0.0463,,0.0425,,0.0177,,block of flats,0.0329,"Stone, brick",No,0.0,0.0,0.0,0.0,-1746.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1095336,358832,Consumer loans,6181.74,45981.0,50836.5,0.0,45981.0,MONDAY,17,Y,1,0.0,,,XAP,Refused,-1016,Cash through the bank,LIMIT,Family,Repeater,Audio/Video,POS,XNA,Country-wide,30200,Consumer electronics,12.0,high,POS household with interest,,,,,,,0,Cash loans,F,N,Y,1,76500.0,450000.0,21109.5,450000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.014519999999999996,-9903,-401,-4764.0,-635,,1,1,1,1,1,0,Laborers,3.0,2,2,TUESDAY,7,0,0,0,0,0,0,Government,0.2219570662621964,0.3442507292017128,,0.0825,0.098,0.9781,0.7008,0.0087,0.0,0.1607,0.1667,0.1525,0.0507,0.0672,0.0608,0.0,0.0522,0.084,0.0772,0.9767,0.6929,0.0088,0.0,0.1379,0.1667,0.2083,0.0,0.0735,0.0524,0.0,0.0,0.0833,0.0992,0.9771,0.6914,0.0087,0.0,0.1379,0.1667,0.2083,0.0673,0.0684,0.0575,0.0,0.0628,reg oper account,block of flats,0.0447,"Stone, brick",No,0.0,0.0,0.0,0.0,-1137.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2551925,455608,Revolving loans,13500.0,270000.0,270000.0,,270000.0,SATURDAY,11,Y,1,,,,XAP,Approved,-196,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,Y,Y,1,112500.0,1264428.0,37098.0,990000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-10641,-3188,-4219.0,-2913,14.0,1,1,0,1,1,0,,3.0,2,2,SATURDAY,13,0,0,0,0,0,0,Transport: type 4,,0.4715337726580377,0.3539876078507373,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-2095.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +2236976,449377,Cash loans,27197.865,405000.0,442422.0,,405000.0,THURSDAY,18,Y,1,,,,XNA,Refused,-461,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,,,,,,,1,Cash loans,M,N,Y,1,112500.0,282690.0,12582.0,202500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.009549,-19775,-1147,-9171.0,-2778,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,19,0,0,0,0,0,0,Business Entity Type 3,,0.12613187181275792,0.4740512892789932,0.2546,0.0777,0.9796,,,,0.6207,0.1667,,0.1727,,0.2482,,0.0341,0.2595,0.0807,0.9796,,,,0.6207,0.1667,,0.1766,,0.2586,,0.0361,0.2571,0.0777,0.9796,,,,0.6207,0.1667,,0.1757,,0.2527,,0.0348,,block of flats,0.2341,Panel,No,0.0,0.0,0.0,0.0,-22.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2317555,144792,Cash loans,16278.435,382500.0,453186.0,,382500.0,FRIDAY,7,Y,1,,,,XNA,Approved,-1146,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-1116.0,294.0,-276.0,-269.0,1.0,0,Cash loans,F,N,Y,0,144000.0,225000.0,9661.5,225000.0,Unaccompanied,Pensioner,Higher education,Single / not married,House / apartment,0.018209,-21570,365243,-9806.0,-3628,,1,0,0,1,0,0,,1.0,3,3,WEDNESDAY,10,0,0,0,0,0,0,XNA,,0.1653726416092727,0.501075160239048,0.1134,0.0364,0.9866,,,0.0,0.1034,0.3333,,0.1063,,0.1166,,0.0,0.1155,0.0377,0.9866,,,0.0,0.1034,0.3333,,0.1087,,0.1214,,0.0,0.1145,0.0364,0.9866,,,0.0,0.1034,0.3333,,0.1082,,0.1187,,0.0,,block of flats,0.1022,Panel,No,0.0,0.0,0.0,0.0,-2713.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,0.0 +1328177,429733,Consumer loans,36965.7,270000.0,270000.0,0.0,270000.0,MONDAY,13,Y,1,0.0,,,XAP,Approved,-303,Cash through the bank,XAP,Unaccompanied,New,Construction Materials,POS,XNA,Stone,92,Construction,8.0,low_normal,POS industry with interest,365243.0,-272.0,-62.0,-62.0,-59.0,0.0,1,Cash loans,F,N,Y,0,202500.0,755190.0,56592.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.011656999999999999,-18658,-521,-7.0,-1441,,1,1,0,1,0,0,Laborers,1.0,1,1,WEDNESDAY,16,0,0,0,0,0,0,Self-employed,,0.7160032659501361,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-303.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1649281,425809,Consumer loans,25480.26,220432.5,220432.5,0.0,220432.5,TUESDAY,16,Y,1,0.0,,,XAP,Approved,-959,Cash through the bank,XAP,Family,New,Vehicles,POS,XNA,Regional / Local,350,Consumer electronics,10.0,middle,POS household with interest,365243.0,-928.0,-658.0,-748.0,-744.0,0.0,0,Cash loans,F,N,Y,0,45000.0,278460.0,20947.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.009175,-23591,365243,-4248.0,-4613,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,XNA,,0.6531713037811341,0.816092360478441,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2850.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2662440,296503,Cash loans,61061.49,697500.0,875182.5,,697500.0,SATURDAY,4,Y,1,,,,XNA,Approved,-391,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-361.0,329.0,-301.0,-292.0,1.0,0,Cash loans,M,N,Y,0,135000.0,562932.0,30667.5,427500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006629,-14755,-1594,-1285.0,-1285,,1,1,0,1,0,1,Drivers,2.0,2,2,FRIDAY,5,0,0,0,1,1,0,Industry: type 9,0.589720812498432,0.35961530252328205,0.7121551551910698,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-35.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1436025,205633,Consumer loans,14999.85,116955.0,128533.5,0.0,116955.0,SATURDAY,18,Y,1,0.0,,,XAP,Approved,-2620,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Country-wide,3375,Consumer electronics,12.0,high,POS household with interest,365243.0,-2589.0,-2259.0,-2259.0,-2255.0,1.0,0,Cash loans,F,Y,Y,0,112500.0,137538.0,13527.0,121500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-17921,-3515,-17358.0,-1347,1.0,1,1,0,1,0,0,Managers,2.0,2,2,MONDAY,13,0,0,0,0,0,0,Trade: type 7,,0.3225136783138163,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1805.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2661877,250161,Revolving loans,4500.0,90000.0,90000.0,,90000.0,FRIDAY,18,Y,1,,,,XAP,Refused,-739,XNA,LIMIT,,New,XNA,Cards,walk-in,AP+ (Cash loan),25,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,Y,Y,0,157500.0,265500.0,12910.5,265500.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.02461,-10771,-3406,-5073.0,-3450,5.0,1,1,0,1,1,1,Managers,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.2611616515678493,0.6284346776649901,0.445396241560834,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-739.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,3.0 +1216091,185757,Consumer loans,9541.53,95427.0,85882.5,9544.5,95427.0,FRIDAY,5,Y,1,0.1089296339800914,,,XAP,Refused,-2633,Cash through the bank,SCO,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,1352,Furniture,10.0,low_normal,POS industry with interest,,,,,,,0,Cash loans,F,N,Y,0,256500.0,1086426.0,46161.0,931500.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.006852,-16999,-228,-6267.0,-556,,1,1,0,1,0,0,Managers,1.0,3,3,SATURDAY,8,0,0,0,1,1,0,Other,0.627995859160595,0.04310518093163127,0.5656079814115492,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-911.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1222449,113137,Revolving loans,20250.0,405000.0,405000.0,,405000.0,TUESDAY,16,Y,1,,,,XAP,Refused,-226,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,202500.0,148500.0,11862.0,148500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.011703,-18658,-4292,-4650.0,-2186,,1,1,0,1,1,0,Sales staff,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Trade: type 7,,0.6680883251894207,0.7121551551910698,0.0577,0.0738,0.9786,,,0.0,0.1379,0.1667,,0.0647,,0.0529,,0.1033,0.0588,0.0766,0.9786,,,0.0,0.1379,0.1667,,0.0662,,0.0551,,0.1093,0.0583,0.0738,0.9786,,,0.0,0.1379,0.1667,,0.0659,,0.0538,,0.1054,,block of flats,0.0688,"Stone, brick",No,0.0,0.0,0.0,0.0,-108.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1723872,305951,Cash loans,64343.7,810000.0,1003801.5,,810000.0,THURSDAY,16,Y,1,,,,XNA,Approved,-639,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-609.0,81.0,-219.0,-216.0,1.0,0,Cash loans,F,N,Y,0,225000.0,450000.0,20979.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.011703,-16418,-4294,-3910.0,-4330,,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,13,0,0,0,0,1,1,Business Entity Type 3,0.7141770140441542,0.7414883824078594,0.7281412993111438,0.0072,,0.9518,,,0.0,0.0345,0.0417,,0.0158,,0.0053,,,0.0074,,0.9518,,,0.0,0.0345,0.0417,,0.0162,,0.0055,,,0.0073,,0.9518,,,0.0,0.0345,0.0417,,0.0161,,0.0054,,,,block of flats,0.0122,"Stone, brick",Yes,0.0,0.0,0.0,0.0,-1601.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1544420,215671,Cash loans,23494.275,225000.0,239850.0,,225000.0,TUESDAY,8,Y,1,,,,XNA,Approved,-1360,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-1330.0,-1000.0,-1000.0,-998.0,1.0,0,Cash loans,F,N,Y,0,90000.0,239850.0,23494.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-24215,365243,-615.0,-3786,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,8,0,0,0,0,0,0,XNA,,0.6495910054330327,0.7886807751817684,0.0979,0.0,0.9747,0.6532,0.0101,0.0,0.069,0.1667,0.2083,0.0545,0.0731,0.0317,0.0309,0.1037,0.0998,0.0,0.9747,0.6668,0.0102,0.0,0.069,0.1667,0.2083,0.0557,0.0799,0.033,0.0311,0.1098,0.0989,0.0,0.9747,0.6578,0.0101,0.0,0.069,0.1667,0.2083,0.0554,0.0744,0.0323,0.0311,0.1059,reg oper account,block of flats,0.0475,"Stone, brick",No,4.0,0.0,4.0,0.0,-930.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1880076,152106,Cash loans,28407.78,135000.0,139455.0,,135000.0,SATURDAY,13,Y,1,,,,XNA,Approved,-795,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,365243.0,-765.0,-615.0,-615.0,-611.0,1.0,0,Cash loans,M,Y,N,1,180000.0,203760.0,21618.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.04622,-10686,-401,-1758.0,-3078,2.0,1,1,0,1,1,0,Laborers,2.0,1,1,WEDNESDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.2333413099800789,0.581219295606674,0.5638350489514956,0.066,0.0,0.9747,0.6532,0.0058,0.0,0.1379,0.125,0.1667,0.0,0.0538,0.0527,0.0,0.0,0.0672,0.0,0.9747,0.6668,0.0059,0.0,0.1379,0.125,0.1667,0.0,0.0588,0.055,0.0,0.0,0.0666,0.0,0.9747,0.6578,0.0059,0.0,0.1379,0.125,0.1667,0.0,0.0547,0.0537,0.0,0.0,reg oper account,block of flats,0.0447,"Stone, brick",No,1.0,0.0,1.0,0.0,-903.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1620097,161698,Cash loans,4377.6,90000.0,90000.0,,90000.0,FRIDAY,16,Y,1,,,,XNA,Approved,-1145,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,Y,Y,0,315000.0,675000.0,53329.5,675000.0,Family,Working,Incomplete higher,Married,House / apartment,0.01885,-16889,-5526,-4193.0,-438,5.0,1,1,0,1,1,0,Laborers,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.6386085713060585,0.3893387918468769,0.1856,0.1184,0.9856,0.8028,0.0432,0.2,0.1724,0.3333,0.375,,0.1513,0.2,0.0,0.0,0.1891,0.1229,0.9856,0.8105,0.0435,0.2014,0.1724,0.3333,0.375,,0.1653,0.2081,0.0,0.0,0.1874,0.1184,0.9856,0.8054,0.0434,0.2,0.1724,0.3333,0.375,,0.1539,0.2036,0.0,0.0,reg oper account,block of flats,0.1807,Panel,No,5.0,3.0,5.0,3.0,-585.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1626309,178876,Cash loans,29880.27,495000.0,573408.0,,495000.0,SUNDAY,10,Y,1,,,,XNA,Approved,-321,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,high,Cash X-Sell: high,365243.0,-291.0,1119.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,90000.0,201024.0,11034.0,144000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.002134,-14360,-1188,-1438.0,-3152,,1,1,0,1,0,0,Cooking staff,2.0,3,3,SATURDAY,11,0,0,0,0,0,0,Kindergarten,,0.00994327107424871,0.22888341670067305,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-595.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2490833,174457,Revolving loans,22500.0,450000.0,450000.0,,450000.0,WEDNESDAY,14,Y,1,,,,XAP,Approved,-689,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,112500.0,75384.0,3321.0,54000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.008019,-18923,-6362,-7388.0,-2472,,1,1,0,1,0,0,Cleaning staff,1.0,2,2,SATURDAY,12,0,0,0,0,0,0,School,,0.4725528857278206,0.6246146584503397,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1368.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2421312,250440,Consumer loans,8831.115,88324.2,79488.0,8836.2,88324.2,SATURDAY,10,Y,1,0.10895570059971203,,,XAP,Approved,-2760,XNA,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Stone,563,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-2725.0,-2455.0,-2455.0,-2451.0,0.0,0,Cash loans,F,Y,Y,1,135000.0,1635120.0,56965.5,1350000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-10735,-3062,-5168.0,-3105,10.0,1,1,0,1,0,1,Managers,3.0,2,2,MONDAY,12,0,0,0,0,0,0,Self-employed,0.40590108935868346,0.5503394061538225,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,0.0,9.0,0.0,-1925.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2778872,127502,Cash loans,115956.99,2115000.0,2215503.0,,2115000.0,THURSDAY,13,Y,1,,,,XNA,Approved,-678,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-648.0,42.0,-228.0,-220.0,1.0,0,Cash loans,M,N,Y,1,225000.0,1125000.0,47664.0,1125000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.072508,-14295,-5537,-8442.0,-5122,,1,1,1,1,0,0,High skill tech staff,3.0,1,1,WEDNESDAY,8,0,0,0,0,0,0,Government,,0.6906453788645761,0.6674577419214722,0.234,0.1337,0.9816,0.6940000000000001,0.0,0.44,0.1897,0.5,0.0417,0.0,0.2723,0.34,0.0193,0.2711,0.1313,0.0536,0.9777,0.706,0.0,0.1611,0.069,0.375,0.0417,0.0,0.2975,0.3543,0.0195,0.287,0.2363,0.1337,0.9816,0.6981,0.0,0.44,0.1897,0.5,0.0417,0.0,0.277,0.3461,0.0194,0.2768,reg oper account,block of flats,0.3264,Block,No,0.0,0.0,0.0,0.0,-678.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1516592,127958,Consumer loans,4811.895,106812.0,106812.0,0.0,106812.0,SUNDAY,15,Y,1,0.0,,,XAP,Approved,-526,Cash through the bank,XAP,,New,Photo / Cinema Equipment,POS,XNA,Country-wide,2148,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-495.0,195.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,157500.0,1358122.5,35824.5,1185925.5,"Spouse, partner",Working,Higher education,Married,With parents,0.010556,-8845,-906,-1573.0,-502,,1,1,1,1,0,0,Accountants,2.0,3,3,WEDNESDAY,18,0,0,0,1,1,1,Industry: type 9,0.5011121763600102,0.3564538555668449,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-526.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,,,,,, +2300249,364174,Cash loans,15499.125,135000.0,143910.0,,135000.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-476,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,19,Connectivity,12.0,middle,Cash X-Sell: middle,365243.0,-446.0,-116.0,-116.0,-108.0,1.0,0,Cash loans,M,N,Y,0,126000.0,327024.0,18904.5,270000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,Municipal apartment,0.025164,-22219,365243,-7992.0,-4341,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,XNA,,0.4171246290447528,0.5744466170995097,0.0722,0.0669,0.9781,0.7008,0.0,0.0,0.1379,0.1667,0.2083,,0.0588,0.0625,0.0,0.0,0.0735,0.0694,0.9782,0.7125,0.0,0.0,0.1379,0.1667,0.2083,,0.0643,0.0651,0.0,0.0,0.0729,0.0669,0.9781,0.7048,0.0,0.0,0.1379,0.1667,0.2083,,0.0599,0.0636,0.0,0.0,reg oper spec account,block of flats,0.0492,"Stone, brick",No,1.0,1.0,1.0,1.0,-1097.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2719469,420719,Consumer loans,7645.95,166639.5,166639.5,0.0,166639.5,TUESDAY,14,Y,1,0.0,,,XAP,Approved,-1100,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,1046,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1069.0,-379.0,-379.0,-374.0,0.0,0,Revolving loans,F,Y,Y,1,67500.0,202500.0,10125.0,202500.0,Unaccompanied,State servant,Secondary / secondary special,Married,Rented apartment,0.031329,-10723,-1303,-2475.0,-1804,8.0,1,1,0,1,0,0,Cooking staff,3.0,2,2,WEDNESDAY,15,0,0,0,1,1,1,Kindergarten,0.3018963575875331,0.6278319490538581,0.4400578303966329,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1100.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2310231,352108,Cash loans,20158.92,180000.0,191880.0,,180000.0,FRIDAY,9,Y,1,,,,XNA,Approved,-290,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-260.0,70.0,-200.0,-197.0,1.0,0,Cash loans,F,N,Y,0,90000.0,127350.0,12532.5,112500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.022625,-24640,365243,-3771.0,-3860,,1,0,0,1,0,0,,2.0,2,2,MONDAY,9,0,0,0,0,0,0,XNA,,0.5833680881686577,0.41184855592423975,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2406.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,7.0 +2512468,309771,Cash loans,25751.34,405000.0,472360.5,0.0,405000.0,TUESDAY,18,Y,1,0.0,,,Repairs,Approved,-1626,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,36.0,high,Cash Street: high,365243.0,-1595.0,-545.0,-545.0,-537.0,0.0,1,Cash loans,M,Y,N,0,126000.0,760225.5,30150.0,679500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.035792000000000004,-16012,-2240,-2208.0,-4932,15.0,1,1,1,1,1,0,,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,Industry: type 11,,0.2403557245956528,0.7091891096653581,0.0722,0.076,0.9791,0.7144,0.008,0.0,0.1379,0.1667,0.2083,0.0503,0.058,0.0618,0.0039,0.0066,0.0735,0.0789,0.9791,0.7256,0.0081,0.0,0.1379,0.1667,0.2083,0.0514,0.0634,0.0644,0.0039,0.006999999999999999,0.0729,0.076,0.9791,0.7182,0.008,0.0,0.1379,0.1667,0.2083,0.0512,0.059,0.0629,0.0039,0.0068,reg oper account,block of flats,0.0501,"Stone, brick",No,2.0,0.0,2.0,0.0,-8.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2715905,421000,Cash loans,29940.885,360000.0,384948.0,,360000.0,FRIDAY,18,Y,1,,,,XNA,Approved,-1258,Cash through the bank,XAP,Group of people,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-1228.0,-718.0,-868.0,-864.0,1.0,0,Cash loans,F,N,Y,1,157500.0,942300.0,34618.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.032561,-14460,-888,-7562.0,-4082,,1,1,0,1,0,0,Sales staff,2.0,1,1,WEDNESDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.7197287357164973,0.7408255490577493,0.4418358231994413,0.0608,0.0479,0.9747,0.6532,0.0064,0.0,0.1034,0.1667,0.2083,0.0108,0.0488,0.0487,0.0039,0.0051,0.062,0.0497,0.9747,0.6668,0.0065,0.0,0.1034,0.1667,0.2083,0.011,0.0533,0.0507,0.0039,0.0054,0.0614,0.0479,0.9747,0.6578,0.0064,0.0,0.1034,0.1667,0.2083,0.011,0.0496,0.0496,0.0039,0.0052,reg oper account,block of flats,0.0429,"Stone, brick",No,0.0,0.0,0.0,0.0,-2410.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2613160,389059,Revolving loans,22500.0,0.0,450000.0,,,FRIDAY,10,Y,1,,,,XAP,Approved,-836,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-829.0,-792.0,365243.0,-397.0,365243.0,0.0,0,Cash loans,F,N,Y,0,148500.0,175500.0,18751.5,175500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.026392000000000002,-15900,-2915,-2915.0,-3601,,1,1,0,1,0,0,,1.0,2,2,MONDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.6097550881853021,0.7142882120288816,0.7435593141311444,0.0557,0.0358,0.9806,,,0.04,0.0345,0.3333,,,,0.0308,,0.0,0.0567,0.0372,0.9806,,,0.0403,0.0345,0.3333,,,,0.0321,,0.0,0.0562,0.0358,0.9806,,,0.04,0.0345,0.3333,,,,0.0313,,0.0,,block of flats,0.0366,"Stone, brick",No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2749008,313674,Consumer loans,3188.115,23355.0,20101.5,4500.0,23355.0,SATURDAY,9,Y,1,0.1992117997239635,,,XAP,Approved,-2285,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Stone,12,Connectivity,8.0,low_normal,POS mobile with interest,365243.0,-2254.0,-2044.0,-2044.0,-2039.0,1.0,0,Cash loans,F,Y,Y,1,144000.0,540000.0,17550.0,540000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.019688999999999998,-16973,-626,-537.0,-525,8.0,1,1,0,1,0,0,Security staff,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Security,0.4363758430937497,0.2746462552988685,0.7623356180684377,0.033,0.0311,0.9742,0.6464,0.0223,0.0,0.069,0.125,0.1667,0.04,0.0269,0.0245,0.0,0.0,0.0336,0.0323,0.9742,0.6602,0.0225,0.0,0.069,0.125,0.1667,0.0409,0.0294,0.0256,0.0,0.0,0.0333,0.0311,0.9742,0.6511,0.0224,0.0,0.069,0.125,0.1667,0.0407,0.0274,0.025,0.0,0.0,reg oper account,block of flats,0.0315,"Stone, brick",No,4.0,0.0,4.0,0.0,-2285.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1810689,452395,Consumer loans,12089.07,129433.5,129433.5,0.0,129433.5,TUESDAY,8,Y,1,0.0,,,XAP,Approved,-1343,XNA,XAP,Family,New,Computers,POS,XNA,Stone,61,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-1311.0,-981.0,-981.0,-974.0,0.0,0,Cash loans,M,Y,N,0,90000.0,239850.0,25317.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.0038130000000000004,-24526,365243,-4596.0,-4597,15.0,1,0,0,1,1,0,,2.0,2,2,MONDAY,9,0,0,0,0,0,0,XNA,,0.16337525160745042,0.7194907850918436,0.0598,0.0619,0.9925,,,0.0,0.1379,0.1667,,,,0.0666,,0.006,0.0609,0.0643,0.9926,,,0.0,0.1379,0.1667,,,,0.0694,,0.0064,0.0604,0.0619,0.9925,,,0.0,0.1379,0.1667,,,,0.0678,,0.0061,,block of flats,0.0537,Panel,No,0.0,0.0,0.0,0.0,-1343.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1873103,279953,Consumer loans,33302.115,302746.5,302746.5,0.0,302746.5,SATURDAY,17,Y,1,0.0,,,XAP,Approved,-352,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Country-wide,2148,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-321.0,-51.0,-51.0,-43.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,900000.0,60520.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010556,-14697,-7116,-1454.0,-2694,5.0,1,1,1,1,0,0,Managers,2.0,3,3,MONDAY,11,0,0,0,0,0,0,Self-employed,0.6919762277252093,0.5948802015459166,0.5513812618027899,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-352.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,3.0,2.0 +2727465,453200,Consumer loans,2145.78,21460.5,19314.0,2146.5,21460.5,FRIDAY,13,Y,1,0.1089319277912274,,,XAP,Approved,-2567,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,-1,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2536.0,-2266.0,-2266.0,-2250.0,0.0,0,Cash loans,M,N,N,0,450000.0,900000.0,26316.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-18389,-1214,-2028.0,-1920,,1,1,0,1,1,0,,2.0,2,2,FRIDAY,12,0,0,0,0,1,1,Business Entity Type 3,0.5140451075299377,0.6721151478226958,0.5424451438613613,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1774.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1891408,269979,Cash loans,45324.765,1125000.0,1223010.0,,1125000.0,THURSDAY,11,Y,1,,,,Other,Approved,-781,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,low_action,Cash Street: low,365243.0,-750.0,300.0,-420.0,-415.0,0.0,0,Cash loans,M,Y,Y,0,180000.0,270000.0,13783.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.026392000000000002,-11014,-2952,-4360.0,-3659,3.0,1,1,1,1,1,0,Laborers,2.0,2,2,TUESDAY,14,0,0,0,1,0,1,Business Entity Type 3,0.5150828685442501,0.7113157504886137,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2623.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1066451,298894,Cash loans,24260.535,508500.0,508500.0,,508500.0,FRIDAY,7,Y,1,,,,XNA,Approved,-557,XNA,XAP,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,42.0,middle,Cash X-Sell: middle,365243.0,-527.0,703.0,-197.0,-191.0,0.0,0,Cash loans,M,Y,N,0,90000.0,225000.0,11781.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-16867,-429,-5242.0,-424,16.0,1,1,0,1,1,0,Drivers,2.0,2,2,SATURDAY,11,0,0,0,0,1,1,Self-employed,,0.54074358443297,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1224.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1319615,175294,Consumer loans,6926.535,37350.0,39199.5,0.0,37350.0,WEDNESDAY,12,Y,1,0.0,,,XAP,Approved,-1377,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,1000,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-1346.0,-1196.0,-1256.0,-1253.0,0.0,0,Cash loans,M,Y,N,0,94500.0,500544.0,13333.5,396000.0,"Spouse, partner",State servant,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-8982,-261,-1020.0,-1641,18.0,1,1,0,1,1,0,Security staff,2.0,2,2,WEDNESDAY,13,0,0,0,1,1,0,Government,,0.6712519487380437,0.2580842039460289,0.3629,0.1136,0.998,0.9728,0.129,0.32,0.1379,0.625,0.6667,0.0301,0.2959,0.3814,0.0,0.0,0.3697,0.1179,0.998,0.9739,0.1302,0.3222,0.1379,0.625,0.6667,0.0308,0.3232,0.3974,0.0,0.0,0.3664,0.1136,0.998,0.9732,0.1298,0.32,0.1379,0.625,0.6667,0.0306,0.301,0.3883,0.0,0.0,not specified,block of flats,0.4507,Monolithic,No,5.0,0.0,5.0,0.0,-177.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2838268,101689,Cash loans,,0.0,0.0,,,WEDNESDAY,9,Y,1,,,,XNA,Refused,-268,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,N,0,301500.0,900000.0,38133.0,900000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.018209,-21601,365243,-7210.0,-4019,,1,0,0,1,0,0,,1.0,3,3,FRIDAY,8,0,0,0,1,0,0,XNA,0.7331785260590857,0.5963707423703652,0.2707073872651806,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-665.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2118389,402303,Cash loans,30249.27,225000.0,272889.0,,225000.0,SATURDAY,14,Y,1,,,,XNA,Approved,-843,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-813.0,-483.0,-483.0,-478.0,1.0,0,Cash loans,F,N,Y,1,112500.0,162000.0,10674.0,162000.0,Unaccompanied,Working,Higher education,Widow,House / apartment,0.022625,-16283,-2711,-10359.0,-4631,,1,1,0,1,0,0,Private service staff,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Self-employed,,0.6018119314305592,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1035.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1221404,386778,Cash loans,10492.02,90000.0,95940.0,0.0,90000.0,MONDAY,16,Y,1,0.0,,,XNA,Approved,-2741,XNA,XAP,"Spouse, partner",Refreshed,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,high,Cash Street: high,365243.0,-2711.0,-2381.0,-2381.0,-2378.0,1.0,1,Cash loans,M,N,N,0,135000.0,248760.0,29650.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.026392000000000002,-12715,-5707,-3782.0,-3906,,1,1,1,1,1,0,,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Government,,0.5099885726985488,0.5989262182569273,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-59.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1635125,241629,Consumer loans,15585.885,64210.5,54706.5,11250.0,64210.5,FRIDAY,12,Y,1,0.18576293052652468,,,XAP,Approved,-2889,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,192,Connectivity,4.0,low_normal,POS mobile with interest,365243.0,-2858.0,-2768.0,-2768.0,-2607.0,1.0,0,Cash loans,M,Y,Y,0,270000.0,900000.0,26446.5,900000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.009175,-13391,-5160,-6426.0,-567,7.0,1,1,0,1,0,0,Managers,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.7388119983743582,0.7826626580901809,0.5280927512030451,0.3454,0.2411,0.9816,0.7484,0.0756,0.36,0.3103,0.3333,0.0417,0.232,0.2799,0.3466,0.0077,0.0052,0.3519,0.2502,0.9816,0.7583,0.0763,0.3625,0.3103,0.3333,0.0417,0.2373,0.3058,0.3611,0.0078,0.0056,0.3487,0.2411,0.9816,0.7518,0.0761,0.36,0.3103,0.3333,0.0417,0.236,0.2847,0.3529,0.0078,0.0054,reg oper spec account,block of flats,0.2738,Panel,No,0.0,0.0,0.0,0.0,-2889.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1827449,170064,Cash loans,13753.53,189000.0,189000.0,,189000.0,FRIDAY,14,Y,1,,,,XNA,Refused,-283,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Regional / Local,5,Consumer electronics,24.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,Y,0,139500.0,284400.0,10849.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.015221,-20415,365243,-2518.0,-2215,,1,0,0,1,0,0,,2.0,2,2,MONDAY,13,0,0,0,0,0,0,XNA,0.7973135041210601,0.5752249785331207,0.4543210601605785,0.0495,0.0013,0.9747,0.6532,0.0046,0.0,0.1034,0.125,0.1667,0.0207,0.0403,0.0399,0.0,0.0,0.0504,0.0013,0.9747,0.6668,0.0046,0.0,0.1034,0.125,0.1667,0.0211,0.0441,0.0415,0.0,0.0,0.05,0.0013,0.9747,0.6578,0.0046,0.0,0.1034,0.125,0.1667,0.021,0.041,0.0406,0.0,0.0,reg oper account,block of flats,0.0339,Block,No,0.0,0.0,0.0,0.0,-1950.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2477334,101147,Cash loans,14221.845,135000.0,171409.5,,135000.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-1322,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-1292.0,-782.0,-1082.0,-1080.0,1.0,1,Cash loans,M,N,Y,2,315000.0,1165500.0,34209.0,1165500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018209,-12102,-1904,-1481.0,-3708,,1,1,0,1,0,0,Drivers,4.0,3,3,TUESDAY,12,0,0,0,0,0,0,Advertising,,0.3373143908881509,0.0005272652387098817,,0.1349,0.9881,,,0.2,0.1724,0.375,,,,0.1355,,0.314,,0.14,0.9881,,,0.2014,0.1724,0.375,,,,0.1411,,0.3325,,0.1349,0.9881,,,0.2,0.1724,0.375,,,,0.1379,,0.3206,,,0.1742,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2513285,440516,Cash loans,45506.025,1129500.0,1227901.5,,1129500.0,THURSDAY,12,Y,1,,,,XNA,Approved,-525,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_action,Cash X-Sell: low,365243.0,-495.0,555.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,135000.0,308461.5,17838.0,279000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-19975,-3392,-12571.0,-3465,,1,1,0,1,0,0,Accountants,2.0,3,2,THURSDAY,8,0,0,0,0,0,0,Trade: type 6,,0.5249920860655033,0.7801436381572275,0.0825,0.0769,0.9752,0.6396,0.0078,0.0,0.1379,0.1667,0.2083,0.0573,0.0672,0.0714,0.0,0.0,0.084,0.0798,0.9737,0.6537,0.0078,0.0,0.1379,0.1667,0.2083,0.0586,0.0735,0.0683,0.0,0.0,0.0833,0.0769,0.9752,0.6444,0.0078,0.0,0.1379,0.1667,0.2083,0.0583,0.0684,0.0726,0.0,0.0,reg oper account,block of flats,0.0558,"Stone, brick",No,0.0,0.0,0.0,0.0,-882.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2323115,219922,Cash loans,38556.0,306000.0,348151.5,,306000.0,WEDNESDAY,12,Y,1,,,,XNA,Approved,-1114,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-1084.0,-754.0,-784.0,-781.0,1.0,0,Cash loans,M,N,Y,0,315000.0,473760.0,50269.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,With parents,0.04622,-9767,-1992,-4534.0,-2329,,1,1,0,1,1,0,Drivers,1.0,1,1,THURSDAY,11,0,0,0,0,1,1,Industry: type 3,,0.4658705403000545,0.5370699579791587,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1730.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1544486,140299,Cash loans,13709.565,135000.0,202684.5,,135000.0,FRIDAY,6,Y,1,,,,XNA,Approved,-1094,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),3,XNA,36.0,high,Cash Street: high,365243.0,-1064.0,-14.0,-344.0,-336.0,1.0,0,Cash loans,F,N,Y,0,135000.0,158301.0,15552.0,148500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.010032,-24624,365243,-12693.0,-4345,,1,0,0,1,0,0,,1.0,2,2,SUNDAY,3,0,0,0,0,0,0,XNA,,0.6274128694079951,0.6577838002083306,0.0165,,0.9627,,,,0.1379,0.0417,,,,0.0196,,,0.0168,,0.9628,,,,0.1379,0.0417,,,,0.0204,,,0.0167,,0.9627,,,,0.1379,0.0417,,,,0.02,,,,block of flats,0.0173,Wooden,No,0.0,0.0,0.0,0.0,-30.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1416595,448905,Consumer loans,13463.055,144144.0,144144.0,0.0,144144.0,FRIDAY,13,Y,1,0.0,,,XAP,Approved,-1061,Cash through the bank,XAP,Unaccompanied,New,Medicine,POS,XNA,Stone,73,Industry,12.0,low_normal,POS industry with interest,365243.0,-1027.0,-697.0,-997.0,-988.0,0.0,0,Cash loans,F,N,Y,0,144000.0,135000.0,13482.0,135000.0,Children,Pensioner,Incomplete higher,Widow,House / apartment,0.032561,-21619,365243,-10429.0,-3269,,1,0,0,1,1,0,,1.0,1,1,TUESDAY,10,0,0,0,0,0,0,XNA,,0.7736987561805546,0.09022093929076848,0.0619,0.0916,0.9717,0.6124,0.0,0.0,0.1379,0.1667,0.2083,0.0898,0.0504,0.0758,0.0,0.0431,0.063,0.0951,0.9717,0.6276,0.0,0.0,0.1379,0.1667,0.2083,0.0919,0.0551,0.079,0.0,0.0456,0.0625,0.0916,0.9717,0.6176,0.0,0.0,0.1379,0.1667,0.2083,0.0914,0.0513,0.0772,0.0,0.044,reg oper account,block of flats,0.069,"Stone, brick",No,0.0,0.0,0.0,0.0,-3.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2610021,360966,Cash loans,13812.075,135000.0,170635.5,,135000.0,FRIDAY,13,Y,1,,,,XNA,Approved,-878,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-848.0,-338.0,-548.0,-540.0,1.0,0,Cash loans,F,N,Y,1,180000.0,523237.5,25578.0,432000.0,Unaccompanied,Commercial associate,Incomplete higher,Separated,House / apartment,0.025164,-13248,-303,-4464.0,-5010,,1,1,0,1,1,1,Cooking staff,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Trade: type 3,0.18822108040121927,0.3182902322931517,0.2103502286944494,0.1526,0.1451,0.9762,0.6736,0.0167,0.0,0.3448,0.1667,0.2083,0.0,0.121,0.1451,0.0154,0.0339,0.1555,0.1506,0.9762,0.6864,0.0168,0.0,0.3448,0.1667,0.2083,0.0,0.1322,0.1511,0.0156,0.0359,0.1541,0.1451,0.9762,0.6779999999999999,0.0168,0.0,0.3448,0.1667,0.2083,0.0,0.1231,0.1477,0.0155,0.0346,reg oper account,block of flats,0.1306,Panel,No,0.0,0.0,0.0,0.0,-1825.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,3.0 +1286303,390579,Cash loans,7413.795,90000.0,101880.0,0.0,90000.0,FRIDAY,12,Y,1,0.0,,,Repairs,Approved,-1713,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,high,Cash Street: high,365243.0,-1678.0,-988.0,-1018.0,-1010.0,0.0,0,Cash loans,F,N,N,0,135000.0,1042560.0,34587.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.02461,-23764,-3256,-11352.0,-4016,,1,1,0,1,1,0,Cleaning staff,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 2,,0.4065102067356057,0.8650561757350248,0.0711,0.0944,0.9786,,,0.04,0.0345,0.3333,,0.0823,,0.0499,,0.0573,0.0725,0.0979,0.9786,,,0.0403,0.0345,0.3333,,0.0842,,0.052000000000000005,,0.0607,0.0718,0.0944,0.9786,,,0.04,0.0345,0.3333,,0.0838,,0.0508,,0.0585,,block of flats,0.0563,"Stone, brick",No,0.0,0.0,0.0,0.0,-1790.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +2291005,103049,Consumer loans,3239.685,32400.0,29160.0,3240.0,32400.0,SUNDAY,11,Y,1,0.1089090909090909,,,XAP,Approved,-2367,XNA,XAP,Family,New,Computers,POS,XNA,Stone,40,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-2332.0,-2062.0,-2092.0,-2087.0,0.0,0,Cash loans,M,N,Y,1,180000.0,385164.0,19795.5,292500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.02461,-16489,-2468,-8867.0,-46,,1,1,0,1,1,0,Drivers,3.0,2,2,MONDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.5920365037784427,0.4543210601605785,0.1113,0.0,0.9841,0.7824,,0.12,0.1034,0.3333,0.0417,,0.0899,0.1101,0.0039,0.0641,0.1134,0.0,0.9841,0.7909,,0.1208,0.1034,0.3333,0.0417,,0.0983,0.1148,0.0039,0.0678,0.1124,0.0,0.9841,0.7853,,0.12,0.1034,0.3333,0.0417,,0.0915,0.1121,0.0039,0.0654,reg oper account,block of flats,0.1109,Others,No,0.0,0.0,0.0,0.0,-1199.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1983801,446019,Cash loans,16992.585,157500.0,213444.0,,157500.0,WEDNESDAY,12,Y,1,,,,XNA,Approved,-741,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-711.0,-21.0,-321.0,-317.0,1.0,0,Cash loans,F,N,Y,1,148500.0,640080.0,29970.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-13702,-2284,-6371.0,-4708,,1,1,0,1,0,0,Laborers,3.0,3,3,TUESDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.4604382706051721,0.2706350384852557,0.3490552510751822,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1534.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,7.0 +1839306,225087,Consumer loans,10204.38,51745.5,54477.0,0.0,51745.5,FRIDAY,15,Y,1,0.0,,,XAP,Approved,-628,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,2000,Consumer electronics,6.0,middle,POS household with interest,365243.0,-597.0,-447.0,-447.0,-444.0,0.0,0,Cash loans,M,N,Y,0,270000.0,592560.0,35937.0,450000.0,Family,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.011703,-8489,-1337,-2409.0,-1163,,1,1,0,1,0,0,Drivers,1.0,2,2,WEDNESDAY,15,0,0,0,0,1,1,Business Entity Type 3,0.1004151094624616,0.6529087031195846,0.2225807646753351,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,0.0,8.0,0.0,-787.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1655140,261119,Cash loans,24880.5,900000.0,900000.0,,900000.0,FRIDAY,8,Y,1,,,,Buying a new car,Refused,-147,XNA,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,N,0,196650.0,1179369.0,32431.5,1029838.5,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.020713,-13306,-778,-44.0,-2535,,1,1,1,1,0,0,,2.0,3,2,MONDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.7022889994792277,0.3592729306626163,,0.1649,0.0275,0.9831,0.7688,0.0447,0.2,0.1724,0.3333,0.375,0.24,0.1303,0.1672,0.0193,0.097,0.1681,0.0286,0.9831,0.7779,0.0451,0.2014,0.1724,0.3333,0.375,0.2454,0.1423,0.1742,0.0195,0.1026,0.1665,0.0275,0.9831,0.7719,0.045,0.2,0.1724,0.3333,0.375,0.2441,0.1325,0.1702,0.0194,0.099,reg oper spec account,block of flats,0.1526,Panel,No,6.0,0.0,6.0,0.0,-522.0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,,,,,, +1120690,207305,Cash loans,20080.035,270000.0,298512.0,,270000.0,SATURDAY,10,Y,1,,,,XNA,Refused,-44,Cash through the bank,HC,Children,Repeater,XNA,Cash,x-sell,Country-wide,15,Connectivity,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,2,189000.0,495216.0,26995.5,427500.0,"Spouse, partner",State servant,Secondary / secondary special,Married,House / apartment,0.04622,-14539,-3320,-1161.0,-6109,,1,1,0,1,0,0,Cooking staff,4.0,1,1,MONDAY,10,0,1,1,0,0,0,School,,0.6550859506115727,0.326475210066026,0.1845,0.1233,0.9975,,,0.24,0.1034,0.5,,0.0274,,0.1152,,0.0,0.188,0.1279,0.9975,,,0.2417,0.1034,0.5,,0.0281,,0.12,,0.0,0.1863,0.1233,0.9975,,,0.24,0.1034,0.5,,0.0279,,0.1173,,0.0,,block of flats,0.2603,Monolithic,No,1.0,0.0,1.0,0.0,-734.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,2.0 +1538619,383286,Consumer loans,6574.32,33511.5,35500.5,0.0,33511.5,MONDAY,15,Y,1,0.0,,,XAP,Approved,-60,Cash through the bank,XAP,,Repeater,Jewelry,POS,XNA,Country-wide,1,Jewelry,6.0,middle,POS others without interest,365243.0,-20.0,130.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,135000.0,144000.0,7942.5,144000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.0060079999999999995,-11849,-1501,-2577.0,-1367,,1,1,0,1,0,1,,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,Self-employed,0.7419908292951891,0.008528689632510949,0.3123653692278984,0.0577,0.0044,0.9732,0.6328,0.008,0.0,0.0345,0.125,0.1667,,0.0471,0.0279,0.0193,0.0097,0.0588,0.0046,0.9732,0.6472,0.0081,0.0,0.0345,0.125,0.1667,,0.0514,0.029,0.0195,0.0103,0.0583,0.0044,0.9732,0.6377,0.008,0.0,0.0345,0.125,0.1667,,0.0479,0.0284,0.0194,0.01,reg oper account,block of flats,0.0284,"Stone, brick",No,3.0,1.0,2.0,0.0,-1162.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2388229,115314,Revolving loans,7875.0,0.0,157500.0,,,SUNDAY,8,N,0,,,,XAP,Refused,-541,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,76500.0,1078200.0,31522.5,900000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.015221,-19027,-1422,-5419.0,-2584,,1,1,1,1,1,0,Sales staff,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Self-employed,0.6562826321780612,0.4156526460626983,0.21885908222837447,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-960.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1836203,265096,Cash loans,,0.0,0.0,,,FRIDAY,11,Y,1,,,,XNA,Refused,-316,XNA,SCOFR,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,N,Y,1,180000.0,161730.0,13963.5,135000.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.007273999999999998,-11278,-1691,-4162.0,-3839,,1,1,0,1,0,0,Sales staff,3.0,2,2,SATURDAY,16,0,0,0,0,0,0,Other,0.3396147032261023,0.6244585949563941,0.2366108235287817,0.0825,,0.9776,0.6940000000000001,0.0083,0.0,0.1724,0.1667,0.2083,0.0133,0.0672,0.0747,0.0154,0.0184,0.084,,0.9777,0.706,0.0083,0.0,0.1724,0.1667,0.2083,0.0136,0.0735,0.0779,0.0156,0.0195,0.0833,,0.9776,0.6981,0.0083,0.0,0.1724,0.1667,0.2083,0.0136,0.0684,0.0761,0.0155,0.0188,,block of flats,0.0588,"Stone, brick",No,0.0,0.0,0.0,0.0,-667.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2296618,393690,Cash loans,24647.4,436500.0,528687.0,,436500.0,MONDAY,14,Y,1,,,,XNA,Refused,-210,Cash through the bank,XNA,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,Y,Y,0,225000.0,521280.0,31630.5,450000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.007273999999999998,-16984,-1267,-9530.0,-524,18.0,1,1,0,1,0,0,Drivers,2.0,2,2,MONDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.5859063804435214,0.09569272423026376,0.1038,0.1342,0.9881,0.8368,0.0115,0.0,0.1379,0.2083,0.0417,0.0,0.0807,0.0686,0.018000000000000002,0.0046,0.042,0.0601,0.9801,0.7387,0.0059,0.0,0.069,0.1667,0.0417,0.0,0.0358,0.0276,0.0,0.0,0.0718,0.0749,0.9916,0.8859,0.0086,0.0,0.1379,0.2083,0.0417,0.0,0.0479,0.0448,0.0039,0.0063,reg oper account,block of flats,0.2011,"Stone, brick",No,0.0,0.0,0.0,0.0,-2554.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1484864,350807,Cash loans,37633.05,360000.0,376632.0,,360000.0,MONDAY,7,Y,1,,,,XNA,Approved,-651,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-621.0,-291.0,-291.0,-288.0,1.0,0,Cash loans,F,N,Y,0,85050.0,463284.0,14674.5,382500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.007305,-22446,365243,-48.0,-3903,,1,0,0,1,0,0,,1.0,3,3,MONDAY,13,0,0,0,0,0,0,XNA,,0.4680259676824632,,0.0928,0.0873,0.9821,0.7552,0.0,0.0,0.2069,0.1667,0.0417,0.1152,0.0756,0.0779,0.0,0.0,0.0945,0.0906,0.9821,0.7648,0.0,0.0,0.2069,0.1667,0.0417,0.1178,0.0826,0.0812,0.0,0.0,0.0937,0.0873,0.9821,0.7585,0.0,0.0,0.2069,0.1667,0.0417,0.1172,0.077,0.0793,0.0,0.0,reg oper account,block of flats,0.0681,Panel,No,4.0,2.0,4.0,1.0,-805.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2117150,322384,Consumer loans,3120.93,34078.5,34078.5,0.0,34078.5,SUNDAY,10,Y,1,0.0,,,XAP,Approved,-19,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,120,Consumer electronics,12.0,low_action,POS household without interest,365243.0,365243.0,341.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,67500.0,679500.0,36333.0,679500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.01885,-12879,-3883,-5348.0,-3283,13.0,1,1,1,1,1,0,Private service staff,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,Self-employed,0.6319582544302961,0.676265229978713,0.7016957740576931,0.0309,,0.9841,,,0.0,0.069,0.1667,,0.0172,,0.0159,,0.0395,0.0315,,0.9841,,,0.0,0.069,0.1667,,0.0176,,0.0165,,0.0418,0.0312,,0.9841,,,0.0,0.069,0.1667,,0.0175,,0.0162,,0.0403,,block of flats,0.0211,Panel,No,1.0,0.0,1.0,0.0,-1750.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2277905,124764,Cash loans,17767.89,225000.0,254700.0,0.0,225000.0,MONDAY,5,Y,1,0.0,,,XNA,Approved,-1584,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-1554.0,-864.0,-954.0,-948.0,1.0,0,Revolving loans,F,N,N,0,202500.0,360000.0,18000.0,360000.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.018029,-22805,365243,-4549.0,-4557,,1,0,0,1,0,0,,1.0,3,3,WEDNESDAY,6,0,0,0,0,0,0,XNA,0.7638457612045175,0.35766369708915285,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1584.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1171754,396756,Cash loans,26678.61,589500.0,822942.0,,589500.0,MONDAY,11,Y,1,,,,XNA,Refused,-224,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,135000.0,291915.0,17770.5,252000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-14435,-2650,-8473.0,-5028,,1,1,0,1,0,0,,2.0,2,2,MONDAY,11,0,0,0,0,1,1,Transport: type 4,,0.4905835359374944,0.19294222771695085,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,1.0,-1643.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,0.0,0.0,1.0 +2581133,114477,Cash loans,18268.92,369000.0,509593.5,,369000.0,TUESDAY,9,Y,1,,,,Repairs,Refused,-1452,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,42.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,189000.0,1310931.0,41161.5,1174500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018801,-22207,-1931,-2710.0,-3874,,1,1,0,1,0,0,Security staff,2.0,2,2,FRIDAY,7,0,0,0,0,0,0,Business Entity Type 3,,0.7207458014599673,,0.0113,0.0,0.9632,0.4968,0.0028,0.0,0.069,0.0833,0.125,0.0101,0.0092,0.0138,0.0,0.0,0.0116,0.0,0.9633,0.5165,0.0028,0.0,0.069,0.0833,0.125,0.0104,0.0101,0.0144,0.0,0.0,0.0115,0.0,0.9632,0.5035,0.0028,0.0,0.069,0.0833,0.125,0.0103,0.0094,0.0141,0.0,0.0,reg oper account,block of flats,0.0124,"Stone, brick",No,0.0,0.0,0.0,0.0,-1640.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2281543,315671,Revolving loans,11250.0,0.0,225000.0,,,FRIDAY,10,Y,1,,,,XAP,Refused,-319,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,N,Y,0,189000.0,308133.0,13702.5,234000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.010147,-13536,-687,-7490.0,-2817,,1,1,0,1,1,0,Security staff,2.0,2,2,TUESDAY,9,0,1,1,0,0,0,Security,,0.39484275246747547,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2152.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1407758,395535,Cash loans,41093.91,1170000.0,1494324.0,,1170000.0,TUESDAY,6,Y,1,,,,XNA,Refused,-3,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,1,216000.0,1206954.0,35419.5,945000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-15602,-4738,-8016.0,-4484,,1,1,0,1,0,0,,3.0,3,3,FRIDAY,9,0,0,0,0,1,1,School,0.5004492147031991,0.4493775305199589,0.5620604831738043,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1606547,355642,Consumer loans,2245.005,19453.5,19237.5,1948.5,19453.5,SUNDAY,9,Y,1,0.1001649030663474,,,XAP,Refused,-2798,Cash through the bank,SCO,,Repeater,XNA,POS,XNA,Stone,21,Connectivity,12.0,high,POS mobile with interest,,,,,,,0,Cash loans,M,N,Y,0,85500.0,459000.0,19575.0,459000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-17441,-541,-11062.0,-954,,1,1,0,1,0,0,Low-skill Laborers,2.0,2,2,FRIDAY,8,0,0,0,0,0,0,Housing,0.4538399032016359,0.3711859566332091,0.7801436381572275,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2664.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1541561,175410,Cash loans,18267.165,135000.0,152820.0,,135000.0,SATURDAY,11,Y,1,,,,XNA,Approved,-190,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,,,,,,,1,Cash loans,F,N,Y,1,90000.0,755190.0,36459.0,675000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.00733,-11150,-2765,-4941.0,-3726,,1,1,0,1,0,0,,3.0,2,2,SUNDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.2732376762730656,0.5770246147539441,0.5602843280409464,0.1474,0.0754,0.9856,,,0.04,0.0345,0.3333,,0.0,,0.0939,,0.0,0.1502,0.0782,0.9856,,,0.0403,0.0345,0.3333,,0.0,,0.0979,,0.0,0.1489,0.0754,0.9856,,,0.04,0.0345,0.3333,,0.0,,0.0956,,0.0,,block of flats,0.1157,"Stone, brick",No,1.0,1.0,1.0,1.0,-1669.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2535509,455827,Consumer loans,20285.1,82800.0,74520.0,8280.0,82800.0,MONDAY,14,Y,1,0.1089090909090909,,,XAP,Approved,-607,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Stone,40,Consumer electronics,4.0,middle,POS household with interest,365243.0,-573.0,-483.0,-483.0,-475.0,0.0,0,Cash loans,F,Y,N,2,45000.0,675000.0,28597.5,675000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.015221,-10410,-2072,-1417.0,-2793,15.0,1,1,0,1,0,0,Core staff,4.0,2,2,THURSDAY,8,0,0,0,0,0,0,School,0.6461298411683711,0.4194338766254377,0.7309873696832169,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-607.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2660728,396358,Consumer loans,5186.97,47923.2,46687.5,4795.2,47923.2,SATURDAY,16,Y,1,0.10144007068923594,,,XAP,Approved,-2914,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,3500,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2883.0,-2613.0,-2613.0,-2605.0,1.0,0,Cash loans,F,N,Y,0,180000.0,765000.0,27607.5,765000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-14578,-999,-5808.0,-529,,1,1,0,1,0,0,High skill tech staff,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Business Entity Type 2,0.5115252908475895,0.5434033891121531,0.6512602186973006,0.1199,0.0748,0.9831,,,0.0,0.0572,0.2221,,0.0756,,0.0638,,0.1442,0.084,0.0776,0.9791,,,0.0,0.069,0.1667,,0.0773,,0.0576,,0.1527,0.1114,0.0748,0.9796,,,0.0,0.069,0.1667,,0.0769,,0.057,,0.1472,,block of flats,0.0735,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1412507,357564,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,18,Y,1,,,,XAP,Approved,-208,XNA,XAP,Family,Refreshed,XNA,Cards,walk-in,Country-wide,84,Furniture,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,N,3,450000.0,1511928.0,50098.5,1237500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.04622,-13158,-560,-264.0,-3539,2.0,1,1,0,1,0,0,Sales staff,5.0,1,1,MONDAY,15,0,1,1,0,0,0,Business Entity Type 3,0.8209196477340907,0.7830083927772096,0.2793353208976285,0.3196,,0.9995,0.9932,,0.4,0.1724,0.625,0.5833,,0.2606,0.3462,0.0,0.0055,0.3256,,0.9995,0.9935,,0.4028,0.1724,0.625,0.5833,,0.2847,0.3607,0.0,0.0058,0.3227,,0.9995,0.9933,,0.4,0.1724,0.625,0.5833,,0.2651,0.3525,0.0,0.0056,reg oper account,block of flats,0.3714,"Stone, brick",No,0.0,0.0,0.0,0.0,-1282.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +1721893,150060,Consumer loans,4451.085,81144.0,98280.0,0.0,81144.0,SUNDAY,15,Y,1,0.0,,,XAP,Approved,-858,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,1700,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,0,Cash loans,M,N,N,0,180000.0,1288350.0,37800.0,1125000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.008473999999999999,-23196,-7150,-40.0,-1267,,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,19,0,0,0,1,1,0,Culture,0.7631626259905635,0.6337192591801124,0.5620604831738043,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2728.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,4.0 +2484670,200997,Cash loans,,0.0,0.0,,,THURSDAY,13,Y,1,,,,XNA,Refused,-372,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,247500.0,629325.0,32260.5,562500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.030755,-22183,365243,-7462.0,-4201,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,13,0,0,0,0,0,0,XNA,,0.5100377550261811,0.1940678276718812,0.1206,0.0772,0.9896,0.8572,0.0399,0.12,0.1034,0.375,0.4167,0.0236,0.0983,0.1264,0.0,0.0,0.1229,0.0801,0.9896,0.8628,0.0402,0.1208,0.1034,0.375,0.4167,0.0241,0.1074,0.1317,0.0,0.0,0.1218,0.0772,0.9896,0.8591,0.0401,0.12,0.1034,0.375,0.4167,0.024,0.1,0.1287,0.0,0.0,reg oper account,block of flats,0.1212,Panel,No,9.0,1.0,9.0,1.0,-1719.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1370371,154836,Revolving loans,38250.0,765000.0,765000.0,,765000.0,THURSDAY,11,Y,1,,,,XAP,Approved,-520,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-326.0,-289.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,135000.0,490495.5,28156.5,454500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0038179999999999998,-19908,-1832,-9241.0,-3110,,1,1,1,1,1,0,Managers,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.8852939785947821,0.7106417219443224,0.5989262182569273,0.0742,0.1036,0.9871,0.8232,,0.16,0.1379,0.3333,0.375,,0.0605,0.1391,0.0,,0.0756,0.1075,0.9871,0.8301,,0.1611,0.1379,0.3333,0.375,,0.0661,0.1449,0.0,,0.0749,0.1036,0.9871,0.8256,,0.16,0.1379,0.3333,0.375,,0.0616,0.1416,0.0,,reg oper account,block of flats,0.1225,Panel,No,0.0,0.0,0.0,0.0,-783.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2712242,274535,Consumer loans,4846.14,23310.0,23310.0,0.0,23310.0,FRIDAY,17,Y,1,0.0,,,XAP,Approved,-1095,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,-1,Connectivity,6.0,high,POS mobile with interest,365243.0,-1009.0,-859.0,-859.0,-855.0,0.0,0,Cash loans,F,N,Y,1,360000.0,1656382.5,48429.0,1480500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.02461,-17032,-967,-1767.0,-580,,1,1,0,1,0,0,Laborers,3.0,2,2,MONDAY,16,0,0,0,0,1,1,Business Entity Type 2,0.5497762166568558,0.649058220865996,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-3132.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2679804,437027,Cash loans,46602.0,900000.0,900000.0,,900000.0,TUESDAY,17,Y,1,,,,XNA,Approved,-243,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-213.0,477.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,450000.0,1575000.0,41548.5,1575000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.04622,-20854,-4457,-6492.0,-4317,6.0,1,1,0,1,0,0,Laborers,2.0,1,1,SUNDAY,11,0,0,0,0,1,1,Business Entity Type 3,,0.7358617014268699,0.7062051096536562,0.1948,,0.9911,0.8776,0.0509,0.32,0.1379,0.5417,0.5833,0.1696,0.153,0.2318,0.027000000000000003,0.1313,0.1985,,0.9911,0.8824,0.0514,0.3222,0.1379,0.5417,0.5833,0.1735,0.1671,0.2415,0.0272,0.139,0.1967,,0.9911,0.8792,0.0513,0.32,0.1379,0.5417,0.5833,0.1726,0.1556,0.236,0.0272,0.1341,reg oper account,block of flats,0.2387,Others,No,0.0,0.0,0.0,0.0,-3450.0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +2064664,283278,Consumer loans,14132.16,212850.0,249376.5,0.0,212850.0,MONDAY,10,Y,1,0.0,,,XAP,Approved,-196,Cash through the bank,XAP,Family,Repeater,Construction Materials,POS,XNA,Stone,20,Construction,24.0,middle,POS industry with interest,365243.0,-166.0,524.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,67500.0,225000.0,10620.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.026392000000000002,-19340,-3017,-1326.0,-2887,,1,1,0,1,1,0,Private service staff,1.0,2,2,MONDAY,9,0,0,0,0,0,0,Self-employed,,0.4951747645271692,,0.1804,0.1749,0.9801,,,0.0,0.4138,0.1667,,0.2317,,0.1038,,0.274,0.1838,0.1815,0.9801,,,0.0,0.4138,0.1667,,0.237,,0.1082,,0.2901,0.1822,0.1749,0.9801,,,0.0,0.4138,0.1667,,0.2358,,0.1057,,0.2798,,block of flats,0.1352,Panel,No,0.0,0.0,0.0,0.0,-2114.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1128408,376634,Consumer loans,8824.41,102216.645,122449.5,3.645,102216.645,SUNDAY,10,Y,1,3.241841084307277e-05,,,XAP,Approved,-1273,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Regional / Local,728,Consumer electronics,24.0,high,POS household with interest,365243.0,-1242.0,-552.0,-612.0,-608.0,0.0,0,Cash loans,F,N,N,1,67500.0,314100.0,16164.0,225000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.010556,-15658,-2214,-7837.0,-4838,,1,1,0,1,0,0,Sales staff,3.0,3,3,SATURDAY,11,0,0,0,0,0,0,Self-employed,0.5247971779984976,0.06666379312445135,0.5531646987710016,0.0278,0.0527,0.9886,0.8436,0.0041,0.0,0.1034,0.0833,0.125,0.032,0.0227,0.0253,0.0,0.0,0.0284,0.0547,0.9886,0.8497,0.0041,0.0,0.1034,0.0833,0.125,0.0327,0.0248,0.0263,0.0,0.0,0.0281,0.0527,0.9886,0.8457,0.0041,0.0,0.1034,0.0833,0.125,0.0325,0.0231,0.0257,0.0,0.0,reg oper account,block of flats,0.0221,Panel,No,4.0,0.0,4.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1374934,301457,Cash loans,6543.0,90000.0,90000.0,,90000.0,THURSDAY,11,Y,1,,,,XNA,Approved,-2694,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,20.0,middle,Cash Street: middle,365243.0,-2664.0,-2094.0,-2094.0,-2068.0,0.0,1,Cash loans,F,Y,Y,0,117000.0,1293502.5,35698.5,1129500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-17134,-1986,-7040.0,-666,16.0,1,1,0,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.09121512595407676,0.4507472818545589,0.0852,0.0773,0.9876,0.83,0.0777,0.06,0.1148,0.375,0.0,0.0202,0.0756,0.0889,0.009000000000000001,0.0458,0.0378,0.0303,0.9821,0.7648,0.0784,0.0403,0.0345,0.1667,0.0,0.0144,0.0826,0.0406,0.0,0.0485,0.101,0.0609,0.9836,0.7786,0.0782,0.06,0.0345,0.3333,0.0,0.0206,0.077,0.1132,0.0,0.0467,reg oper account,block of flats,0.0337,"Stone, brick",No,1.0,1.0,1.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1727978,145685,Cash loans,63767.835,2250000.0,2517300.0,,2250000.0,FRIDAY,17,Y,1,,,,XNA,Refused,-406,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,270000.0,573408.0,29407.5,495000.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.04622,-21939,365243,-2724.0,-5244,,1,0,0,1,0,0,,2.0,1,1,FRIDAY,13,0,0,0,0,0,0,XNA,,0.7180796716217563,0.6674577419214722,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2414.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1020932,155761,Consumer loans,9351.675,82795.5,74515.5,8280.0,82795.5,THURSDAY,13,Y,1,0.10891501020312368,,,XAP,Approved,-2708,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,665,Consumer electronics,10.0,high,POS household with interest,365243.0,-2676.0,-2406.0,-2406.0,-2397.0,0.0,0,Revolving loans,M,Y,N,2,225000.0,675000.0,33750.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-11707,-883,-623.0,-4034,15.0,1,1,0,1,1,0,Laborers,4.0,3,3,WEDNESDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.33145451448311625,0.5814837058057234,0.2763,0.1973,0.9975,0.966,0.0601,0.28,0.2414,0.375,0.4167,0.17,0.2253,0.2632,0.0,0.0,0.2815,0.2047,0.9975,0.9673,0.0606,0.282,0.2414,0.375,0.4167,0.1739,0.2461,0.2743,0.0,0.0,0.279,0.1973,0.9975,0.9665,0.0604,0.28,0.2414,0.375,0.4167,0.1729,0.2292,0.268,0.0,0.0,reg oper account,block of flats,0.2399,Panel,No,2.0,0.0,2.0,0.0,-1537.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1007088,257327,Cash loans,13854.33,135000.0,192582.0,,135000.0,THURSDAY,13,Y,1,,,,XNA,Approved,-342,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,high,Cash X-Sell: high,365243.0,-312.0,558.0,-102.0,-94.0,1.0,0,Cash loans,M,Y,Y,2,157500.0,314100.0,16573.5,225000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.005084,-10715,-1054,-5024.0,-3375,10.0,1,1,0,1,0,0,Laborers,4.0,2,2,WEDNESDAY,18,0,0,0,0,0,0,Business Entity Type 2,0.17214066860479404,0.6225284394809415,0.30162489168411943,0.1851,0.1461,0.9841,0.7824,,0.2,0.1724,0.3333,,0.035,0.0908,0.0901,0.0,0.0002,0.1134,0.0906,0.9841,0.7909,,0.1208,0.1034,0.3333,,0.0323,0.0992,0.0001,0.0,0.0002,0.1868,0.1461,0.9841,0.7853,,0.2,0.1724,0.3333,,0.0356,0.0923,0.0918,0.0,0.0002,org spec account,block of flats,0.2343,Panel,No,7.0,0.0,7.0,0.0,-2245.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2397284,392244,Consumer loans,5414.625,36360.0,35298.0,8145.0,36360.0,FRIDAY,12,Y,1,0.2041904439045521,,,XAP,Approved,-1898,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,110,Connectivity,10.0,high,POS mobile with interest,365243.0,-1867.0,-1597.0,-1597.0,-1588.0,0.0,0,Cash loans,F,N,N,0,112500.0,386977.5,18949.5,319500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-10430,-447,-2794.0,-2053,,1,1,1,1,0,0,Laborers,2.0,2,2,SATURDAY,9,0,0,0,1,1,1,Industry: type 3,0.3335316088768698,0.6239097213906388,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-227.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2124774,400579,Consumer loans,8956.395,68350.5,47844.0,20506.5,68350.5,MONDAY,15,Y,1,0.32674878350959713,,,XAP,Refused,-2339,Cash through the bank,SCO,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,350,Consumer electronics,6.0,middle,POS household with interest,,,,,,,0,Cash loans,F,Y,Y,2,121500.0,225000.0,12204.0,225000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.026392000000000002,-11639,-1139,-5025.0,-2272,2.0,1,1,1,1,1,0,Sales staff,4.0,2,2,TUESDAY,11,0,0,0,0,0,0,Self-employed,0.4357563255713423,0.5891336991113352,0.1419915427739129,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,2.0,3.0,2.0,-2339.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1745928,169547,Consumer loans,27950.22,142560.0,150214.5,14256.0,142560.0,SATURDAY,7,Y,1,0.09440039399162768,,,XAP,Approved,-1242,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,116,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1210.0,-1060.0,-1090.0,-1087.0,0.0,0,Cash loans,F,N,Y,0,225000.0,954207.0,28030.5,796500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.020713,-18420,-2025,-15091.0,-1924,,1,1,0,1,0,0,Accountants,2.0,3,1,TUESDAY,9,0,0,0,0,0,0,Other,,0.4013557456818633,,0.133,0.2186,0.9796,,0.0358,0.16,0.1379,0.3333,0.375,0.0821,0.1076,0.1368,0.0039,0.1708,0.1355,0.2269,0.9796,,0.0362,0.1611,0.1379,0.3333,0.375,0.0839,0.1175,0.1426,0.0039,0.1808,0.1343,0.2186,0.9796,,0.0361,0.16,0.1379,0.3333,0.375,0.0835,0.1095,0.1393,0.0039,0.1743,reg oper account,block of flats,0.1643,"Stone, brick",No,0.0,0.0,0.0,0.0,-1465.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1929203,213041,Cash loans,32264.865,796500.0,1103449.5,,796500.0,WEDNESDAY,11,Y,1,,,,XNA,Refused,-412,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,225000.0,499221.0,27081.0,373500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-15842,-4410,-2384.0,-4318,,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Self-employed,0.3770038053821388,0.5672072528827137,0.5495965024956946,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1939.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2772108,155233,Consumer loans,4078.44,21298.5,19165.5,2133.0,21298.5,SATURDAY,8,Y,1,0.10907016499241302,,,XAP,Refused,-2550,XNA,SCO,"Spouse, partner",Repeater,XNA,POS,XNA,Country-wide,153,Consumer electronics,5.0,low_normal,POS household without interest,,,,,,,0,Cash loans,M,Y,Y,0,157500.0,414229.5,15745.5,342000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-18061,-1136,-10491.0,-1588,1.0,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,11,0,0,0,0,1,1,Agriculture,,0.13668229870581025,0.18195910978627852,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2661.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2053130,161499,Consumer loans,10405.665,206419.5,229756.5,0.0,206419.5,SATURDAY,14,Y,1,0.0,,,XAP,Approved,-216,Cash through the bank,XAP,Family,Refreshed,Audio/Video,POS,XNA,Country-wide,1000,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-186.0,504.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,N,1,225000.0,497520.0,33376.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-13225,-407,-5645.0,-3940,14.0,1,1,0,1,0,0,Drivers,3.0,3,2,FRIDAY,11,0,0,0,0,0,0,Other,,0.4999089463102146,0.6769925032909132,0.1155,0.05,0.9752,0.66,0.0233,0.0,0.0345,0.1667,0.2083,0.0315,0.0941,0.0323,0.0,0.0,0.1176,0.0518,0.9752,0.6733,0.0235,0.0,0.0345,0.1667,0.2083,0.0323,0.1028,0.0337,0.0,0.0,0.1166,0.05,0.9752,0.6645,0.0234,0.0,0.0345,0.1667,0.2083,0.0321,0.0958,0.0329,0.0,0.0,reg oper account,block of flats,0.0381,Panel,No,0.0,0.0,0.0,0.0,-1312.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1415660,264386,Consumer loans,13429.485,45630.0,47137.5,0.0,45630.0,MONDAY,12,Y,1,0.0,,,XAP,Approved,-2589,Cash through the bank,XAP,Other_A,New,Photo / Cinema Equipment,POS,XNA,Country-wide,500,Consumer electronics,4.0,high,POS household with interest,365243.0,-2558.0,-2468.0,-2468.0,-2457.0,1.0,0,Cash loans,M,Y,N,0,148500.0,270000.0,13783.5,270000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.010276,-10325,-3026,-178.0,-2725,65.0,1,1,1,1,0,0,,2.0,2,2,SATURDAY,13,0,0,0,0,1,1,Other,,0.3999379661265776,0.39277386060313396,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1968.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2564520,338255,Consumer loans,9337.995,101965.5,101965.5,0.0,101965.5,FRIDAY,13,Y,1,0.0,,,XAP,Approved,-24,Cash through the bank,XAP,,Refreshed,Medical Supplies,POS,XNA,Country-wide,80,MLM partners,12.0,low_action,POS others without interest,365243.0,365243.0,340.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,Y,0,135000.0,180000.0,9000.0,180000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.018801,-15855,-144,-5471.0,-1085,,1,1,0,1,0,0,Core staff,2.0,2,2,MONDAY,14,0,0,0,1,1,0,Other,0.5544211871056443,0.498137680748783,0.21518240418475384,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,-24.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2539187,213031,Cash loans,11515.68,90000.0,95940.0,,90000.0,WEDNESDAY,12,Y,1,,,,Other,Approved,-1457,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-1427.0,-1097.0,-1097.0,-1089.0,1.0,0,Cash loans,F,N,Y,0,270000.0,1129500.0,31189.5,1129500.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.014519999999999996,-22300,365243,-1633.0,-4199,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,XNA,,0.4100444646006068,0.12850437737240394,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,1.0,0.0,1.0,0.0,-2222.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1108777,377903,Consumer loans,21665.97,197995.5,214983.0,0.0,197995.5,MONDAY,10,Y,1,0.0,,,XAP,Approved,-438,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,1500,Consumer electronics,12.0,middle,POS household with interest,365243.0,-407.0,-77.0,-77.0,-68.0,0.0,0,Cash loans,M,Y,Y,0,67500.0,373135.5,19048.5,301500.0,Family,Pensioner,Higher education,Married,House / apartment,0.04622,-17275,365243,-8186.0,-814,13.0,1,0,0,1,1,0,,2.0,1,1,FRIDAY,14,0,0,0,0,0,0,XNA,,0.6337395624820075,0.6738300778602003,0.1082,0.0826,0.9856,0.8028,0.0031,0.12,0.1034,0.3333,0.375,0.079,0.0874,0.1248,0.0039,0.0038,0.1103,0.0858,0.9856,0.8105,0.0031,0.1208,0.1034,0.3333,0.375,0.0808,0.0955,0.13,0.0039,0.004,0.1093,0.0826,0.9856,0.8054,0.0031,0.12,0.1034,0.3333,0.375,0.0804,0.0889,0.1271,0.0039,0.0039,reg oper account,block of flats,0.118,Panel,No,3.0,0.0,3.0,0.0,-438.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1181513,385112,Consumer loans,9091.44,82255.5,81846.0,8226.0,82255.5,WEDNESDAY,14,Y,1,0.09946333842017292,,,XAP,Approved,-435,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,50,Connectivity,12.0,high,POS mobile with interest,365243.0,-404.0,-74.0,-164.0,-158.0,0.0,0,Cash loans,M,Y,Y,0,157500.0,215640.0,17419.5,180000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.006207,-9771,-285,-4571.0,-2422,4.0,1,1,1,1,1,0,,1.0,2,2,THURSDAY,14,0,0,0,0,1,1,Business Entity Type 3,0.25548157527134124,0.2366068524069659,0.18848953379516772,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-746.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1129393,246477,Revolving loans,2250.0,45000.0,45000.0,,45000.0,FRIDAY,9,Y,1,,,,XAP,Approved,-319,XNA,XAP,Family,New,XNA,Cards,walk-in,Regional / Local,50,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,67500.0,247275.0,17338.5,225000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-20513,365243,-10953.0,-3357,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,,0.6723319705171924,0.6446794549585961,0.2021,0.2497,0.9801,,,0.0,0.4138,0.1667,,0.2562,,0.2041,,0.1535,0.2059,0.2591,0.9801,,,0.0,0.4138,0.1667,,0.262,,0.2127,,0.1625,0.204,0.2497,0.9801,,,0.0,0.4138,0.1667,,0.2606,,0.2078,,0.1568,,block of flats,0.2078,Monolithic,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1672189,395910,Consumer loans,15308.01,117000.0,127296.0,0.0,117000.0,SATURDAY,8,Y,1,0.0,,,XAP,Approved,-52,Cash through the bank,XAP,Unaccompanied,Repeater,Auto Accessories,POS,XNA,Stone,20,Construction,10.0,middle,POS industry with interest,365243.0,-22.0,248.0,365243.0,365243.0,1.0,0,Cash loans,M,N,N,1,90000.0,49500.0,6003.0,49500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.028663,-10810,-3470,-4936.0,-3441,,1,1,0,1,0,0,Laborers,3.0,2,2,TUESDAY,16,0,0,0,0,0,0,Business Entity Type 2,0.4480467334769063,0.6226774470889259,0.6658549219640212,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,0.0,-1875.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1487560,341563,Consumer loans,4328.46,20308.5,16245.0,4063.5,20308.5,MONDAY,17,Y,1,0.2179147110368026,,,XAP,Approved,-1121,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,50,Connectivity,4.0,middle,POS mobile without interest,365243.0,-1083.0,-993.0,-993.0,-989.0,0.0,0,Cash loans,F,N,Y,0,135000.0,1247121.0,36594.0,1089000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.0060079999999999995,-14089,-2085,-8103.0,-3905,,1,1,0,1,0,0,Core staff,2.0,2,2,TUESDAY,12,0,0,0,1,1,0,Trade: type 7,,0.6306582323266063,0.2366108235287817,,,0.9836,,,,,,,,,0.0164,,,,,0.9836,,,,,,,,,0.0171,,,,,0.9836,,,,,,,,,0.0167,,,,,0.0142,,No,0.0,0.0,0.0,0.0,-1121.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1477474,368466,Revolving loans,5625.0,112500.0,112500.0,,112500.0,TUESDAY,17,N,1,,,,XAP,Refused,-9,XNA,SCO,Unaccompanied,Refreshed,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card X-Sell,,,,,,,1,Cash loans,M,Y,Y,2,202500.0,693301.5,28368.0,598500.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.04622,-12418,-199,-6533.0,-675,14.0,1,1,0,1,0,0,Laborers,4.0,1,1,THURSDAY,11,0,1,1,0,0,0,Trade: type 2,0.4919175803441189,0.004946443911731097,0.5779691187553125,0.066,0.0584,0.9747,0.6532,0.0082,0.0,0.1379,0.125,0.0417,,0.0538,0.0508,0.0,0.0221,0.0672,0.0606,0.9747,0.6668,0.0083,0.0,0.1379,0.125,0.0417,,0.0588,0.0529,0.0,0.0234,0.0666,0.0584,0.9747,0.6578,0.0083,0.0,0.1379,0.125,0.0417,,0.0547,0.0517,0.0,0.0226,reg oper account,block of flats,0.0493,"Stone, brick",No,2.0,1.0,2.0,0.0,-1372.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2358028,222853,Cash loans,14202.675,247500.0,274288.5,,247500.0,THURSDAY,11,Y,1,,,,XNA,Refused,-205,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,1,Cash loans,F,N,Y,0,193500.0,338832.0,15052.5,292500.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.00963,-20741,365243,-4729.0,-4274,,1,0,0,1,0,0,,1.0,2,2,SATURDAY,11,0,0,0,0,0,0,XNA,,0.015708644191182994,0.4614823912998385,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-1012.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1544902,395716,Consumer loans,11994.03,133119.0,133119.0,0.0,133119.0,WEDNESDAY,11,Y,1,0.0,,,XAP,Approved,-182,Cash through the bank,XAP,,New,Furniture,POS,XNA,Stone,60,Furniture,12.0,low_action,POS industry without interest,365243.0,-152.0,178.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,108000.0,437877.0,23881.5,378000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.011703,-21563,-211,-345.0,-4250,11.0,1,1,0,1,0,0,Low-skill Laborers,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Self-employed,,0.4943001583524911,,0.0124,0.0,0.9697,,,0.0,0.069,0.0417,,0.0069,,0.0125,,0.0,0.0126,0.0,0.9697,,,0.0,0.069,0.0417,,0.006999999999999999,,0.013,,0.0,0.0125,0.0,0.9697,,,0.0,0.069,0.0417,,0.006999999999999999,,0.0127,,0.0,,block of flats,0.0098,"Stone, brick",No,0.0,0.0,0.0,0.0,-182.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1293905,394934,Cash loans,100069.74,1282500.0,1338367.5,,1282500.0,MONDAY,12,Y,1,,,,XNA,Approved,-406,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-376.0,134.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,2,315000.0,667422.0,50031.0,630000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.025164,-13543,-3059,-2144.0,-1134,6.0,1,1,0,1,0,0,Managers,4.0,2,2,MONDAY,8,0,0,0,0,0,0,Services,,0.6293686272715483,0.6528965519806539,0.1213,0.0795,0.9916,0.7756,0.0278,0.1064,0.0917,0.3608,,0.0067,,0.112,,0.0082,0.0809,0.0675,0.996,0.7844,0.028,0.1208,0.1034,0.375,,0.0,,0.0889,,0.0,0.1218,0.0718,0.996,0.7786,0.0279,0.12,0.1034,0.375,,0.0,,0.1078,,0.0099,reg oper account,block of flats,0.0871,Panel,No,0.0,0.0,0.0,0.0,-412.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1333753,425664,Consumer loans,3481.29,29826.0,25825.5,5967.0,29826.0,TUESDAY,14,Y,1,0.20440687126037435,,,XAP,Approved,-1868,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,50,Connectivity,10.0,high,POS mobile with interest,365243.0,-1830.0,-1560.0,-1560.0,-1555.0,0.0,0,Cash loans,F,N,Y,1,67500.0,450000.0,17095.5,450000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.0228,-16105,-860,-8843.0,-4092,,1,1,0,1,0,0,,3.0,2,2,MONDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.6505153355363964,0.6714690632315883,,0.0557,0.0393,0.9866,0.8164,0.0133,0.08,0.069,0.3333,0.0417,0.0358,0.0454,0.068,0.0,0.0,0.0567,0.0408,0.9866,0.8236,0.0134,0.0806,0.069,0.3333,0.0417,0.0366,0.0496,0.0708,0.0,0.0,0.0562,0.0393,0.9866,0.8189,0.0134,0.08,0.069,0.3333,0.0417,0.0364,0.0462,0.0692,0.0,0.0,not specified,block of flats,0.0535,Panel,No,0.0,0.0,0.0,0.0,-1868.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1893556,234833,Cash loans,21747.825,675000.0,790830.0,,675000.0,SUNDAY,12,Y,1,,,,XNA,Refused,-292,Non-cash from your account,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,180000.0,2265570.0,59764.5,2025000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-22098,365243,-10745.0,-4596,,1,0,0,1,1,0,,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,XNA,,0.7892654408978699,0.15286622915504153,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2021.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2693065,337259,Cash loans,26123.04,337500.0,384277.5,,337500.0,THURSDAY,15,Y,1,,,,XNA,Refused,-918,XNA,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,high,Cash Street: high,,,,,,,0,Cash loans,M,Y,N,0,99000.0,835380.0,40320.0,675000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.031329,-13318,-3001,-602.0,-5239,14.0,1,1,0,1,0,0,Drivers,2.0,2,2,FRIDAY,8,0,0,0,0,0,0,Self-employed,,0.7081713612472522,0.2512394458905693,0.6454,,0.9841,,,0.72,0.6207,0.3333,,0.5036,,0.6834,,0.0749,0.6576,,0.9841,,,0.725,0.6207,0.3333,,0.515,,0.7120000000000001,,0.0793,0.6516,,0.9841,,,0.72,0.6207,0.3333,,0.5123,,0.6957,,0.0765,,block of flats,0.5538,Panel,No,4.0,0.0,4.0,0.0,-1917.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,3.0 +1792717,424087,Consumer loans,4411.665,21825.0,24232.5,0.0,21825.0,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-600,Cash through the bank,XAP,,Repeater,Construction Materials,POS,XNA,Regional / Local,100,Construction,6.0,low_normal,POS industry with interest,365243.0,-569.0,-419.0,-449.0,-445.0,0.0,0,Cash loans,M,N,Y,1,90000.0,256500.0,15628.5,256500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-9981,-1100,-4469.0,-2619,,1,1,0,1,0,0,Drivers,3.0,2,2,THURSDAY,14,0,0,0,1,1,0,Housing,0.2208827388388656,0.4868898067015859,0.4241303111942548,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1411206,159344,Consumer loans,22892.04,183505.5,152005.5,31500.0,183505.5,MONDAY,13,Y,1,0.18695005673597595,,,XAP,Approved,-2656,Cash through the bank,XAP,Unaccompanied,Refreshed,Computers,POS,XNA,Country-wide,-1,Consumer electronics,8.0,high,POS household with interest,365243.0,-2624.0,-2414.0,-2414.0,-2412.0,0.0,1,Cash loans,M,N,Y,0,270000.0,1312110.0,55593.0,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-16269,-574,-10383.0,-4285,,1,1,1,1,1,0,Core staff,2.0,1,1,THURSDAY,17,0,0,0,0,0,0,Trade: type 1,0.15979220602607108,0.6252633726686423,,0.1301,0.0651,0.9816,0.7484,0.0452,0.16,0.069,0.625,0.6667,0.0126,0.1061,0.1584,0.0,0.0082,0.1334,0.0668,0.9816,0.7583,0.035,0.1611,0.069,0.625,0.6667,0.0128,0.1166,0.1592,0.0,0.0013,0.1322,0.0651,0.9816,0.7518,0.0364,0.16,0.069,0.625,0.6667,0.0127,0.1086,0.1628,0.0,0.0038,reg oper account,block of flats,0.1256,Panel,No,0.0,0.0,0.0,0.0,-2656.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2585016,354473,Consumer loans,11980.035,61996.5,58743.0,6201.0,61996.5,SATURDAY,18,Y,1,0.10398886313243297,,,XAP,Approved,-390,Cash through the bank,XAP,,New,Computers,POS,XNA,Country-wide,30,Connectivity,6.0,high,POS mobile with interest,365243.0,-359.0,-209.0,-209.0,-207.0,0.0,0,Revolving loans,F,Y,Y,1,157500.0,135000.0,6750.0,135000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.02461,-18767,-1194,-3760.0,-2198,26.0,1,1,0,1,0,0,Laborers,3.0,2,2,THURSDAY,15,0,0,0,0,0,0,Construction,0.7606241584747169,0.445884672798515,0.41534714488434,0.1454,0.0945,0.9796,0.7212,0.0063,0.0,0.069,0.1667,0.2083,0.0849,0.1185,0.0658,0.0039,0.0056,0.1481,0.0981,0.9796,0.7321,0.0064,0.0,0.069,0.1667,0.2083,0.0868,0.1295,0.0685,0.0039,0.0059,0.1468,0.0945,0.9796,0.7249,0.0064,0.0,0.069,0.1667,0.2083,0.0864,0.1206,0.0669,0.0039,0.0057,,block of flats,0.0699,"Stone, brick",No,0.0,0.0,0.0,0.0,-229.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2006275,303961,Cash loans,12189.195,247500.0,287685.0,,247500.0,TUESDAY,5,Y,1,,,,XNA,Approved,-959,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-929.0,121.0,-839.0,-834.0,1.0,0,Cash loans,F,N,N,0,81000.0,143910.0,14872.5,135000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020713,-21860,365243,-7496.0,-4199,,1,0,0,1,1,0,,2.0,3,3,MONDAY,11,0,0,0,0,0,0,XNA,,0.5833415133730009,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-694.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2007349,370425,Cash loans,12915.945,112500.0,119925.0,,112500.0,WEDNESDAY,12,Y,1,,,,XNA,Approved,-495,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-465.0,-135.0,-465.0,-463.0,1.0,0,Cash loans,M,N,Y,0,225000.0,252000.0,11745.0,252000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.01885,-21381,-1826,-1879.0,-4931,,1,1,0,1,1,0,Managers,1.0,2,2,MONDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.4479603009107183,0.6347055309763198,,0.0191,0.9732,,,,0.1034,0.1667,,,,0.0504,,,,0.0198,0.9732,,,,0.1034,0.1667,,,,0.0525,,,,0.0191,0.9732,,,,0.1034,0.1667,,,,0.0513,,,,,0.051,Panel,No,5.0,0.0,5.0,0.0,-2449.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1185841,224254,Consumer loans,6456.87,64575.0,58117.5,6457.5,64575.0,SATURDAY,12,Y,1,0.1089090909090909,,,XAP,Approved,-2915,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Country-wide,152,Furniture,10.0,low_normal,POS industry with interest,365243.0,-2882.0,-2612.0,-2612.0,-2606.0,0.0,1,Cash loans,M,Y,Y,2,202500.0,215640.0,18576.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-10798,-127,-4878.0,-109,14.0,1,1,0,1,0,0,Laborers,4.0,2,2,TUESDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.5052225788840075,0.21518240418475384,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2018215,417138,Consumer loans,30277.485,163620.0,170640.0,0.0,163620.0,FRIDAY,10,Y,1,0.0,,,XAP,Approved,-416,Cash through the bank,XAP,,Repeater,Construction Materials,POS,XNA,Stone,1000,Construction,6.0,low_normal,POS industry with interest,365243.0,-385.0,-235.0,-235.0,-232.0,0.0,0,Cash loans,F,N,N,0,99000.0,652500.0,25875.0,652500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00702,-19829,-5825,-6968.0,-3325,,1,1,0,1,1,0,Medicine staff,2.0,2,2,FRIDAY,17,0,0,0,0,0,0,Medicine,0.6689269594537622,0.5710467108965571,0.3123653692278984,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-212.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2483737,121224,Revolving loans,27000.0,180000.0,540000.0,,180000.0,THURSDAY,15,N,1,,,,XAP,Refused,-666,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Revolving loans,F,N,Y,0,94500.0,180000.0,9000.0,180000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-20667,-1346,-945.0,-4221,,1,1,1,1,1,0,,2.0,2,2,FRIDAY,14,0,0,0,0,1,1,Business Entity Type 2,,0.444631556680434,0.21640296051521946,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,1.0,-2447.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2842275,155729,Cash loans,53355.015,1237500.0,1345311.0,,1237500.0,WEDNESDAY,13,Y,1,,,,XNA,Approved,-636,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-606.0,444.0,-156.0,-149.0,1.0,0,Cash loans,F,Y,Y,0,337500.0,1319269.5,36409.5,1152000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-17992,-4266,-5467.0,-536,16.0,1,1,0,1,0,0,Cooking staff,2.0,1,1,TUESDAY,13,0,0,0,0,1,1,Government,,0.7050978753047009,0.5226973172821112,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2114.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,8.0 +2164079,303378,Consumer loans,14126.49,133857.0,132394.5,13387.5,133857.0,SATURDAY,19,Y,1,0.10001375029464914,,,XAP,Approved,-1828,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,1455,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1796.0,-1466.0,-1466.0,-1463.0,0.0,0,Cash loans,M,Y,Y,1,202500.0,1506816.0,49927.5,1350000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.04622,-10789,-2532,-4931.0,-3230,64.0,1,1,0,1,0,0,Laborers,3.0,1,1,SUNDAY,11,0,1,1,0,0,0,Business Entity Type 3,,0.3990671239652089,0.2276129150623945,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1828.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1215953,322969,Consumer loans,6509.34,42430.5,46165.5,0.0,42430.5,THURSDAY,10,Y,1,0.0,,,XAP,Approved,-1020,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,78,Connectivity,10.0,high,POS mobile with interest,365243.0,-977.0,-707.0,-707.0,-693.0,0.0,0,Cash loans,F,N,Y,0,126000.0,1224990.0,35946.0,877500.0,Unaccompanied,Working,Lower secondary,Married,House / apartment,0.018029,-10384,-1864,-3305.0,-2721,,1,1,0,1,1,0,Laborers,2.0,3,3,TUESDAY,6,0,0,0,0,1,1,Industry: type 3,0.3507629594173286,0.4437245662284877,0.6496203111237195,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-21.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1489930,264584,Consumer loans,6170.715,114210.36,136822.5,0.36,114210.36,TUESDAY,13,Y,1,2.865549859670578e-06,,,XAP,Approved,-1563,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,2132,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1531.0,-841.0,-961.0,-956.0,0.0,0,Cash loans,F,N,Y,0,90000.0,306000.0,17694.0,306000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.001417,-15414,-354,-3956.0,-4912,,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.5671482025668688,0.3740208032583212,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1563.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1764475,164299,Cash loans,6804.0,67500.0,74182.5,,67500.0,TUESDAY,9,Y,1,,,,Repairs,Refused,-741,Cash through the bank,LIMIT,,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),5,XNA,18.0,high,Cash Street: high,,,,,,,0,Cash loans,M,Y,Y,0,135000.0,526491.0,27009.0,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010147,-22290,365243,-13409.0,-4835,9.0,1,0,0,1,0,0,,2.0,2,2,MONDAY,11,0,0,0,0,0,0,XNA,,0.2775965622336284,0.4471785780453068,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-193.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1740159,204701,Consumer loans,5009.265,48541.5,53667.0,0.0,48541.5,FRIDAY,10,Y,1,0.0,,,XAP,Approved,-357,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,112,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-325.0,5.0,365243.0,365243.0,0.0,0,Revolving loans,M,N,Y,0,67500.0,247500.0,12375.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-19953,-1472,-176.0,-2885,,1,1,0,1,0,0,Security staff,2.0,2,2,FRIDAY,12,0,0,0,0,1,1,Business Entity Type 3,,0.38812277535147577,0.24988506275045536,0.1237,0.0811,0.9836,,,0.0,0.069,0.1667,,0.103,,0.0384,,,0.1261,0.0841,0.9836,,,0.0,0.069,0.1667,,0.1053,,0.04,,,0.1249,0.0811,0.9836,,,0.0,0.069,0.1667,,0.1048,,0.039,,,,block of flats,0.0581,Panel,No,0.0,0.0,0.0,0.0,-729.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2695837,135789,Consumer loans,16096.14,134955.0,134280.0,13500.0,134955.0,SUNDAY,5,Y,1,0.09949064333960796,,,XAP,Refused,-830,Cash through the bank,HC,,Repeater,Mobile,POS,XNA,Regional / Local,50,Connectivity,12.0,high,POS mobile with interest,,,,,,,0,Revolving loans,M,N,Y,0,202500.0,540000.0,27000.0,540000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,With parents,0.001276,-8018,-967,-4551.0,-692,,1,1,0,1,0,0,Sales staff,1.0,2,2,THURSDAY,6,0,0,0,0,0,0,Self-employed,0.20147860638010529,0.4755515714591422,,0.0366,0.0365,0.9846,0.762,0.0157,0.0,0.069,0.1667,0.2083,0.0572,0.0488,0.0167,0.0,0.0258,0.0315,0.0343,0.9826,0.7713,0.0159,0.0,0.069,0.1667,0.2083,0.0185,0.0533,0.0157,0.0,0.0,0.0312,0.0365,0.9841,0.7652,0.0158,0.0,0.069,0.1667,0.2083,0.0582,0.0496,0.017,0.0,0.0334,reg oper spec account,block of flats,0.0205,Panel,No,0.0,0.0,0.0,0.0,-335.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1398510,126573,Consumer loans,22271.76,207450.0,200466.0,20745.0,207450.0,SUNDAY,18,Y,1,0.10213412040581572,,,XAP,Approved,-2357,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,2605,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2326.0,-2056.0,-2056.0,-2049.0,1.0,0,Cash loans,F,N,Y,1,112500.0,514602.0,51025.5,495000.0,"Spouse, partner",State servant,Higher education,Married,With parents,0.030755,-13025,-5856,-3363.0,-4913,,1,1,0,1,0,0,,3.0,2,2,FRIDAY,12,0,0,0,0,1,1,University,0.651637875925585,0.6920592351910688,0.6127042441012546,0.0995,0.0812,0.9776,0.6940000000000001,0.0502,0.0,0.069,0.1667,0.2083,0.0473,0.0807,0.0509,0.0019,0.0068,0.1008,0.084,0.9777,0.706,0.0333,0.0,0.069,0.1667,0.2083,0.0145,0.0882,0.0408,0.0,0.0,0.1004,0.0812,0.9776,0.6981,0.0505,0.0,0.069,0.1667,0.2083,0.0481,0.0821,0.0518,0.0019,0.0069,reg oper spec account,block of flats,0.0489,"Stone, brick",No,1.0,0.0,1.0,0.0,-1673.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2691165,192634,Consumer loans,12321.45,63765.0,60417.0,6376.5,63765.0,SUNDAY,15,Y,1,0.10397101786578307,,,XAP,Approved,-681,Cash through the bank,XAP,,Repeater,Auto Accessories,POS,XNA,Stone,32,Auto technology,6.0,high,POS other with interest,365243.0,-650.0,-500.0,-590.0,-583.0,0.0,0,Cash loans,F,Y,N,2,157500.0,210249.0,19413.0,175500.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.006207,-11171,-1958,-490.0,-3609,13.0,1,1,0,1,0,0,Core staff,4.0,2,2,TUESDAY,15,0,0,0,0,0,0,Police,0.4735796318689153,0.4449069663613445,0.6075573001388961,0.1237,,0.9871,,,0.12,0.1034,0.375,,,,0.1284,,,0.1261,,0.9871,,,0.1208,0.1034,0.375,,,,0.1338,,,0.1249,,0.9871,,,0.12,0.1034,0.375,,,,0.1307,,,,block of flats,0.1109,Panel,No,5.0,0.0,5.0,0.0,-1976.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1921548,279602,Consumer loans,4679.73,40185.0,39217.5,4500.0,40185.0,FRIDAY,13,Y,1,0.11210405651990828,,,XAP,Approved,-1740,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,188,Connectivity,12.0,high,POS mobile with interest,365243.0,-1709.0,-1379.0,-1379.0,-1374.0,0.0,0,Revolving loans,F,N,N,0,112500.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.028663,-8918,-2039,-3416.0,-414,,1,1,0,1,0,0,Sales staff,1.0,2,2,TUESDAY,14,0,0,0,0,0,0,Self-employed,,0.5260771605082718,0.2940831009471255,0.1542,0.0688,0.9896,1.0,,0.2,0.1607,0.3817,0.6667,0.1773,0.1437,0.1267,0.0039,0.0081,0.0756,0.0392,0.9876,1.0,,0.0806,0.069,0.3333,0.6667,0.1814,0.157,0.0301,0.0039,0.0,0.0749,0.065,0.9876,1.0,,0.18,0.1207,0.3333,0.6667,0.1804,0.1462,0.1199,0.0039,0.0,reg oper account,block of flats,0.2223,Mixed,No,3.0,0.0,3.0,0.0,-1740.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,0.0 +1364500,208572,Consumer loans,7578.315,40027.5,37759.5,4050.0,40027.5,TUESDAY,16,Y,1,0.10549798925646517,,,XAP,Approved,-2656,XNA,XAP,Family,New,Mobile,POS,XNA,Country-wide,30,Connectivity,6.0,high,POS mobile with interest,365243.0,-2625.0,-2475.0,-2505.0,-2497.0,1.0,0,Cash loans,M,Y,N,0,112500.0,270000.0,26833.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-19767,-1310,-3993.0,-3305,10.0,1,1,0,1,0,1,Drivers,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Advertising,0.7051567086587702,0.5011772639114913,0.5656079814115492,0.1237,0.1183,0.9911,,,0.0,0.2759,0.1667,,0.0976,,0.1103,,0.0,0.1261,0.1227,0.9911,,,0.0,0.2759,0.1667,,0.0999,,0.1149,,0.0,0.1249,0.1183,0.9911,,,0.0,0.2759,0.1667,,0.0993,,0.1123,,0.0,,block of flats,0.0868,"Stone, brick",No,4.0,0.0,4.0,0.0,-2656.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2133797,374545,Revolving loans,4500.0,180000.0,180000.0,,180000.0,THURSDAY,14,N,0,,,,XAP,Refused,-421,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,1,Cash loans,F,N,Y,0,112500.0,728460.0,38938.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.030755,-22425,365243,-14112.0,-4106,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,9,0,0,0,0,0,0,XNA,,0.21970746494198973,0.5136937663039473,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-538.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +1825159,145487,Cash loans,6956.775,90000.0,116748.0,,90000.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-1371,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-1341.0,-651.0,-1041.0,-1038.0,1.0,0,Cash loans,F,N,Y,0,99000.0,260640.0,21028.5,225000.0,Unaccompanied,Working,Higher education,Single / not married,Municipal apartment,0.008865999999999999,-19030,-2629,-6159.0,-2568,,1,1,0,1,0,0,,1.0,2,2,TUESDAY,13,0,0,0,0,0,0,Medicine,0.6559355964191232,0.4170980457762361,0.5656079814115492,0.0784,0.0418,0.9826,,,0.0,0.0345,0.1667,,0.0431,,0.0208,,0.0735,0.0798,0.0434,0.9826,,,0.0,0.0345,0.1667,,0.0441,,0.0217,,0.0778,0.0791,0.0418,0.9826,,,0.0,0.0345,0.1667,,0.0439,,0.0212,,0.075,,specific housing,0.0362,"Stone, brick",No,0.0,0.0,0.0,0.0,-1371.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1671610,379545,Consumer loans,11838.465,49225.5,41553.0,9000.0,49225.5,SATURDAY,10,Y,1,0.1938919190120899,,,XAP,Approved,-2344,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Stone,10,Connectivity,4.0,high,POS mobile with interest,365243.0,-2308.0,-2218.0,-2218.0,-2210.0,1.0,0,Revolving loans,M,Y,Y,1,225000.0,270000.0,13500.0,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,With parents,0.025164,-9229,-2259,-3392.0,-1920,1.0,1,1,0,1,0,0,Laborers,3.0,2,2,FRIDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.18034244686191966,0.516019869436448,0.4938628816996244,0.2474,0.1606,0.9871,0.8232,0.0898,0.24,0.2069,0.375,0.4167,0.0,0.2,0.1812,0.0077,0.0063,0.2521,0.1667,0.9871,0.8301,0.0906,0.2417,0.2069,0.375,0.4167,0.0,0.2185,0.1888,0.0078,0.0066,0.2498,0.1606,0.9871,0.8256,0.0903,0.24,0.2069,0.375,0.4167,0.0,0.2035,0.1844,0.0078,0.0064,reg oper account,block of flats,0.1929,Panel,No,1.0,0.0,1.0,0.0,-1148.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2588499,304421,Consumer loans,7973.37,69745.5,77112.0,0.0,69745.5,SATURDAY,10,Y,1,0.0,,,XAP,Approved,-614,Non-cash from your account,XAP,,New,Computers,POS,XNA,Country-wide,2300,Consumer electronics,12.0,middle,POS household with interest,365243.0,-583.0,-253.0,-253.0,-221.0,0.0,1,Cash loans,M,N,Y,0,126000.0,364896.0,33597.0,315000.0,Unaccompanied,Working,Incomplete higher,Single / not married,With parents,0.006852,-12195,-1678,-5537.0,-2652,,1,1,0,1,0,0,Laborers,1.0,3,3,THURSDAY,12,0,0,0,0,0,0,Construction,,0.0005576540861324317,0.34090642641523844,0.0124,0.0127,0.9747,,,0.0,0.069,0.0417,,0.005,,0.009000000000000001,,0.0138,0.0126,0.0132,0.9747,,,0.0,0.069,0.0417,,0.0051,,0.0094,,0.0146,0.0125,0.0127,0.9747,,,0.0,0.069,0.0417,,0.0051,,0.0091,,0.0141,,block of flats,0.0071,Wooden,No,1.0,1.0,1.0,1.0,-614.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +1673209,250240,Cash loans,7357.86,112500.0,131062.5,,112500.0,MONDAY,9,Y,1,,,,XNA,Approved,-347,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,AP+ (Cash loan),3,XNA,30.0,middle,Cash X-Sell: middle,365243.0,-317.0,553.0,365243.0,365243.0,1.0,1,Cash loans,F,N,Y,0,36000.0,192528.0,9495.0,126000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-20144,365243,-11323.0,-2160,,1,0,0,1,1,0,,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,XNA,,0.6935717525568379,0.34741822720026416,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-347.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1080529,248301,Cash loans,22414.05,450000.0,533160.0,,450000.0,FRIDAY,10,Y,1,,,,XNA,Approved,-776,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,middle,Cash Street: middle,365243.0,-746.0,664.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,135000.0,808650.0,26217.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.025164,-20762,365243,-818.0,-4047,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,12,0,0,0,0,0,0,XNA,,0.0879973027234658,0.7583930617144343,0.0722,0.0809,0.998,0.9728,0.0297,0.0,0.1379,0.1667,0.2083,0.015,0.0588,0.0576,0.0,0.0,0.0735,0.0839,0.998,0.9739,0.03,0.0,0.1379,0.1667,0.2083,0.0153,0.0643,0.06,0.0,0.0,0.0729,0.0809,0.998,0.9732,0.0299,0.0,0.1379,0.1667,0.2083,0.0152,0.0599,0.0586,0.0,0.0,reg oper account,block of flats,0.0616,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1643988,247624,Revolving loans,2250.0,45000.0,45000.0,,45000.0,FRIDAY,11,Y,1,,,,XAP,Approved,-264,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Country-wide,2700,Consumer electronics,0.0,XNA,Card Street,-258.0,-224.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,157500.0,517266.0,25015.5,387000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.022625,-14420,-5288,-278.0,-5258,,1,1,0,1,0,0,Private service staff,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.6682375115860251,0.2307761047784213,0.17249546677733105,0.134,0.0818,0.9985,0.9388,0.0493,0.08,0.0345,0.5833,0.625,0.0552,0.1084,0.0985,0.0039,0.0413,0.1366,0.0849,0.9985,0.9412,0.0498,0.0806,0.0345,0.5833,0.625,0.0565,0.1185,0.1027,0.0039,0.0437,0.1353,0.0818,0.9985,0.9396,0.0496,0.08,0.0345,0.5833,0.625,0.0562,0.1103,0.1003,0.0039,0.0421,reg oper account,block of flats,0.1135,"Stone, brick",No,6.0,0.0,6.0,0.0,-520.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +2445701,143741,Consumer loans,4546.215,41130.0,40927.5,4113.0,41130.0,SATURDAY,18,Y,1,0.09945340102998212,,,XAP,Approved,-410,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,15,Connectivity,12.0,high,POS mobile with interest,365243.0,-318.0,12.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,135000.0,450000.0,29430.0,450000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.026392000000000002,-8750,-393,-1428.0,-1428,,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.4359717273087493,,0.1649,,0.9891,,,0.16,0.1379,0.375,,,,0.1722,,0.0,0.1681,,0.9891,,,0.1611,0.1379,0.375,,,,0.1795,,0.0,0.1665,,0.9891,,,0.16,0.1379,0.375,,,,0.1753,,0.0,,block of flats,0.1355,"Stone, brick",No,0.0,0.0,0.0,0.0,-1.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2399583,119856,Cash loans,13441.05,360000.0,434844.0,,360000.0,FRIDAY,17,Y,1,,,,XNA,Refused,-1170,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,54.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,Y,Y,1,202500.0,370107.0,25164.0,319500.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.016612000000000002,-13824,-1522,-1426.0,-3631,20.0,1,1,0,1,0,0,Security staff,3.0,2,2,SATURDAY,15,0,0,0,0,1,1,Security,0.34767928525322955,0.3814708760607566,0.3031463744186309,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1423.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,7.0 +1677236,377319,Consumer loans,19135.305,172791.0,190620.0,0.0,172791.0,SATURDAY,10,Y,1,0.0,,,XAP,Refused,-1819,XNA,LIMIT,Family,Repeater,Audio/Video,POS,XNA,Country-wide,2000,Consumer electronics,14.0,high,POS household with interest,,,,,,,0,Cash loans,F,N,N,0,135000.0,253737.0,25096.5,229500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.010032,-11807,-2982,-816.0,-4263,,1,1,0,1,0,0,Medicine staff,2.0,2,2,FRIDAY,7,0,0,0,0,0,0,Medicine,,0.6845436826645472,0.7544061731797895,,,0.9871,,,0.1332,0.1148,0.375,,,,,,,,,0.9876,,,0.0806,0.069,0.375,,,,,,,,,0.9876,,,0.08,0.069,0.375,,,,,,,,block of flats,0.2041,Panel,No,0.0,0.0,0.0,0.0,-1819.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2032272,359985,Cash loans,44987.49,1138786.74,1254531.24,,1138786.74,TUESDAY,8,Y,1,,,,XNA,Approved,-547,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,42.0,low_normal,Cash Street: low,365243.0,-517.0,713.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,202500.0,397881.0,15129.0,328500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.020713,-22637,-2917,-3702.0,-4024,,1,1,0,1,0,0,Laborers,1.0,3,3,WEDNESDAY,10,0,0,0,0,0,0,Housing,,0.5125239212076064,0.5370699579791587,0.066,0.0604,0.9806,0.7348,,0.0,0.1379,0.1667,0.0417,0.0,,0.0495,,,0.0672,0.0627,0.9806,0.7452,,0.0,0.1379,0.1667,0.0417,0.0,,0.0516,,,0.0666,0.0604,0.9806,0.7383,,0.0,0.1379,0.1667,0.0417,0.0,,0.0504,,,reg oper account,block of flats,0.0389,"Stone, brick",No,0.0,0.0,0.0,0.0,-1727.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1482378,305860,Consumer loans,8108.685,74916.0,72985.5,7492.5,74916.0,SUNDAY,9,Y,1,0.1013943392773632,,,XAP,Approved,-2347,Cash through the bank,XAP,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Country-wide,1200,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2316.0,-2046.0,-2046.0,-2039.0,1.0,0,Cash loans,F,N,N,0,135000.0,112068.0,12199.5,99000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.018801,-16059,-2812,-3035.0,-2750,,1,1,0,1,1,0,Sales staff,2.0,2,2,TUESDAY,14,0,0,0,0,1,1,Business Entity Type 3,0.6935547319942119,0.6154269325123155,0.8128226070575616,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1676.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1543096,414676,Consumer loans,9287.685,90000.0,99504.0,0.0,90000.0,MONDAY,15,Y,1,0.0,,,XAP,Approved,-542,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Stone,40,Furniture,12.0,low_normal,POS household with interest,365243.0,-509.0,-179.0,-449.0,-438.0,0.0,0,Cash loans,F,N,N,2,112500.0,219249.0,11322.0,166500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.030755,-12369,-251,-133.0,-4941,,1,1,0,1,0,0,,3.0,2,2,THURSDAY,17,0,0,0,0,0,0,Advertising,0.3743893876076175,0.6913410895681649,,0.0371,0.0231,0.9771,0.6872,0.0042,0.0,0.1034,0.125,0.1667,0.018000000000000002,,0.0301,,0.0556,0.0378,0.024,0.9772,0.6994,0.0043,0.0,0.1034,0.125,0.1667,0.0184,,0.0314,,0.0589,0.0375,0.0231,0.9771,0.6914,0.0043,0.0,0.1034,0.125,0.1667,0.0183,,0.0307,,0.0568,,block of flats,0.0358,"Stone, brick",No,1.0,0.0,1.0,0.0,-852.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1180204,250912,Revolving loans,9000.0,0.0,180000.0,,,FRIDAY,13,Y,1,,,,XAP,Approved,-2379,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,1980,Consumer electronics,0.0,XNA,Card Street,-2376.0,-2327.0,365243.0,-1232.0,-707.0,0.0,0,Cash loans,M,N,N,0,202500.0,536917.5,21685.5,463500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.04622,-17304,-3392,-9813.0,-832,,1,1,0,1,0,0,Drivers,2.0,1,1,THURSDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.4747717347711582,,0.2784,0.2065,0.9836,0.7756,,0.32,0.2759,0.3333,0.375,0.0166,0.2269,0.2682,,,0.2836,0.2143,0.9836,0.7844,,0.3222,0.2759,0.3333,0.375,0.017,0.2479,0.2794,,,0.281,0.2065,0.9836,0.7786,,0.32,0.2759,0.3333,0.375,0.0169,0.2309,0.273,,,org spec account,block of flats,0.242,Panel,No,0.0,0.0,0.0,0.0,-1891.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1877352,328996,Cash loans,20340.585,315000.0,374665.5,,315000.0,SATURDAY,9,Y,1,,,,XNA,Approved,-886,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,42.0,high,Cash X-Sell: high,365243.0,-856.0,374.0,-586.0,-584.0,1.0,1,Cash loans,F,N,Y,2,157500.0,888840.0,37494.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,Rented apartment,0.009656999999999999,-11610,-837,-6029.0,-3182,,1,1,0,1,0,1,,4.0,2,2,WEDNESDAY,17,0,0,0,0,1,1,Business Entity Type 3,0.33650125364226063,0.3281773855591809,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1586.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1665166,347370,Consumer loans,2787.795,19305.0,20898.0,0.0,19305.0,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-2448,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,25,Connectivity,10.0,high,POS mobile with interest,365243.0,-2417.0,-2147.0,-2147.0,-2140.0,1.0,1,Cash loans,M,N,N,1,180000.0,709879.5,36373.5,634500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008625,-14642,-2916,-2884.0,-3816,,1,1,0,1,0,0,Laborers,3.0,2,2,FRIDAY,13,0,0,0,0,0,0,Construction,,0.4903922638443398,0.6006575372857061,0.0124,,0.9717,,,,0.069,0.0417,,0.0254,,,,0.0,0.0126,,0.9717,,,,0.069,0.0417,,0.0259,,,,0.0,0.0125,,0.9717,,,,0.069,0.0417,,0.0258,,,,0.0,,,0.0208,Block,No,0.0,0.0,0.0,0.0,-8.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1672213,322137,Cash loans,14352.345,135000.0,171409.5,,135000.0,THURSDAY,12,Y,1,,,,XNA,Approved,-1208,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,Y,0,202500.0,495000.0,17779.5,495000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.00733,-12688,-1487,-6688.0,-2911,,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,11,0,0,0,0,0,0,Self-employed,0.244271055672119,0.7067910765579899,0.5638350489514956,0.067,0.0788,0.9742,,,0.0,0.1034,0.125,,0.0,,0.0567,,0.0361,0.0683,0.0818,0.9742,,,0.0,0.1034,0.125,,0.0,,0.0591,,0.0382,0.0677,0.0788,0.9742,,,0.0,0.1034,0.125,,0.0,,0.0578,,0.0368,,block of flats,0.0734,"Stone, brick",No,0.0,0.0,0.0,0.0,-1374.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2592044,185948,Consumer loans,7013.61,62095.5,55885.5,6210.0,62095.5,TUESDAY,7,Y,1,0.10891698344412312,,,XAP,Refused,-2662,Cash through the bank,SCO,Unaccompanied,New,XNA,POS,XNA,Country-wide,972,Consumer electronics,10.0,high,POS household with interest,,,,,,,0,Cash loans,F,Y,Y,0,180000.0,1288350.0,37795.5,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.018801,-18421,-201,-7429.0,-1961,11.0,1,1,0,1,0,0,,1.0,2,2,THURSDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.4172150157604668,0.722392890081304,0.0608,0.0864,0.9781,0.7008,0.0361,0.0,0.1379,0.1667,0.2083,0.0157,0.0471,0.0539,0.0116,0.0991,0.062,0.0896,0.9782,0.7125,0.0365,0.0,0.1379,0.1667,0.2083,0.016,0.0514,0.0562,0.0117,0.1049,0.0614,0.0864,0.9781,0.7048,0.0364,0.0,0.1379,0.1667,0.2083,0.016,0.0479,0.0549,0.0116,0.1012,reg oper account,block of flats,0.0837,"Stone, brick",No,0.0,0.0,0.0,0.0,-2155.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2575923,448044,Consumer loans,19365.48,193500.0,174150.0,19350.0,193500.0,SATURDAY,17,Y,1,0.1089090909090909,,,XAP,Approved,-1050,Cash through the bank,XAP,Unaccompanied,Repeater,Clothing and Accessories,POS,XNA,Stone,87,Clothing,10.0,low_normal,POS industry with interest,365243.0,-1019.0,-749.0,-1019.0,-1014.0,0.0,0,Cash loans,F,N,Y,0,225000.0,220500.0,8050.5,220500.0,Unaccompanied,Pensioner,Higher education,Widow,House / apartment,0.02461,-20508,365243,-3224.0,-3216,,1,0,0,1,1,0,,1.0,2,2,SATURDAY,12,0,0,0,0,0,0,XNA,,0.6198938932767464,0.032748039848638465,0.0722,0.0291,0.9771,,,0.0,0.1724,0.1667,,0.0529,,0.0672,,0.0,0.0735,0.0302,0.9772,,,0.0,0.1724,0.1667,,0.0542,,0.07,,0.0,0.0729,0.0291,0.9771,,,0.0,0.1724,0.1667,,0.0539,,0.0684,,0.0,,block of flats,0.0528,"Stone, brick",No,1.0,0.0,1.0,0.0,-1863.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2510939,377067,Revolving loans,3375.0,0.0,67500.0,,,FRIDAY,8,Y,1,,,,XAP,Refused,-2826,XNA,SYSTEM,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,Y,Y,0,157500.0,1236816.0,36292.5,1080000.0,Other_A,Working,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-17829,-10587,-10113.0,-405,19.0,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Government,,0.6323222716947949,0.8027454758994178,0.133,0.1144,0.9826,0.762,0.0151,0.0,0.2759,0.1667,0.2083,0.0,0.1084,0.1226,0.0,0.0,0.1355,0.1187,0.9826,0.7713,0.0153,0.0,0.2759,0.1667,0.2083,0.0,0.1185,0.1277,0.0,0.0,0.1343,0.1144,0.9826,0.7652,0.0152,0.0,0.2759,0.1667,0.2083,0.0,0.1103,0.1248,0.0,0.0,not specified,block of flats,0.1166,Block,No,0.0,0.0,0.0,0.0,-1846.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1180106,183847,Consumer loans,9474.03,82435.5,91138.5,0.0,82435.5,MONDAY,12,Y,1,0.0,,,XAP,Approved,-597,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Stone,-1,Consumer electronics,12.0,middle,POS household with interest,365243.0,-566.0,-236.0,-416.0,-409.0,0.0,0,Cash loans,F,Y,Y,1,270000.0,509400.0,37197.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.04622,-15534,-111,-9653.0,-4528,8.0,1,1,0,1,0,0,Laborers,3.0,1,1,WEDNESDAY,14,0,0,0,0,1,1,Business Entity Type 3,,0.7312371919727663,0.3723336657058204,0.0825,0.0642,0.9786,0.7076,,0.0,0.1379,0.1667,0.2083,0.0333,0.0672,0.0708,0.0,0.0,0.084,0.0667,0.9786,0.7190000000000001,,0.0,0.1379,0.1667,0.2083,0.0341,0.0735,0.0738,0.0,0.0,0.0833,0.0642,0.9786,0.7115,,0.0,0.1379,0.1667,0.2083,0.0339,0.0684,0.0721,0.0,0.0,reg oper account,block of flats,0.07200000000000001,Panel,No,2.0,0.0,2.0,0.0,-2376.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,2.0 +2650443,182202,Cash loans,22802.175,180000.0,217039.5,,180000.0,MONDAY,13,Y,1,,,,XNA,Refused,-1403,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,Y,Y,0,180000.0,440784.0,28300.5,360000.0,Unaccompanied,Pensioner,Higher education,Single / not married,House / apartment,0.035792000000000004,-24283,365243,-3674.0,-5858,0.0,1,0,0,1,1,0,,1.0,2,2,THURSDAY,9,0,0,0,0,0,0,XNA,,0.13947472350311318,0.3910549766342248,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,3.0 +1545747,390140,Revolving loans,2250.0,45000.0,45000.0,,45000.0,THURSDAY,20,Y,1,,,,XAP,Approved,-355,XNA,XAP,,New,XNA,Cards,walk-in,Country-wide,750,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,247500.0,119925.0,12915.0,112500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.00823,-10797,-2584,-4731.0,-3477,2.0,1,1,1,1,0,0,Sales staff,2.0,2,2,TUESDAY,17,1,1,0,1,1,0,Business Entity Type 3,,0.6210834114720268,0.6347055309763198,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-355.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1182424,182010,Consumer loans,4969.485,44955.0,44730.0,4495.5,44955.0,THURSDAY,8,Y,1,0.09946081160817424,,,XAP,Approved,-1112,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,50,Connectivity,12.0,high,POS mobile with interest,365243.0,-1081.0,-751.0,-751.0,-745.0,0.0,0,Cash loans,F,N,N,0,202500.0,1350000.0,46926.0,1350000.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.014464,-18881,-1819,-12648.0,-2407,,1,1,1,1,1,0,Core staff,1.0,2,2,FRIDAY,8,0,0,0,0,0,0,Self-employed,0.8119227885891602,0.7031890949470191,0.475849908720221,0.0619,,0.9801,0.728,,0.0,0.1379,0.1667,,,,0.0561,,0.0202,0.063,,0.9801,0.7387,,0.0,0.1379,0.1667,,,,0.0585,,0.0214,0.0625,,0.9801,0.7316,,0.0,0.1379,0.1667,,,,0.0572,,0.0206,,block of flats,0.0486,"Stone, brick",No,3.0,0.0,3.0,0.0,-1112.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,0.0 +1679422,301170,Consumer loans,3302.415,22856.4,21928.5,2286.9,22856.4,FRIDAY,14,Y,1,0.1028536385936222,,,XAP,Approved,-2602,Cash through the bank,XAP,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Country-wide,-1,Consumer electronics,8.0,high,POS household with interest,365243.0,-2571.0,-2361.0,-2361.0,-2355.0,1.0,0,Cash loans,F,Y,Y,0,225000.0,1777563.0,54022.5,1534500.0,Family,Commercial associate,Higher education,Married,House / apartment,0.031329,-13389,-4249,-7126.0,-4159,9.0,1,1,0,1,0,0,Accountants,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.7519044715193856,0.5828949845045354,0.5779691187553125,0.1134,0.1764,0.9886,0.8436,0.016,0.0,0.1379,0.1667,0.2083,0.1104,0.0925,0.1191,0.0,0.0,0.1155,0.183,0.9886,0.8497,0.0162,0.0,0.1379,0.1667,0.2083,0.1129,0.101,0.1241,0.0,0.0,0.1145,0.1764,0.9886,0.8457,0.0161,0.0,0.1379,0.1667,0.2083,0.1123,0.0941,0.1212,0.0,0.0,reg oper account,block of flats,0.1024,Others,No,2.0,0.0,2.0,0.0,-2602.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1466537,428094,Consumer loans,7140.465,82408.5,76369.5,16483.5,82408.5,SUNDAY,13,Y,1,0.19333817970340209,,,XAP,Approved,-190,Cash through the bank,XAP,Family,Refreshed,Consumer Electronics,POS,XNA,Country-wide,1567,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-160.0,170.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,0,405000.0,381528.0,18684.0,315000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-21464,-4658,-8952.0,-2778,14.0,1,1,0,1,0,0,Laborers,2.0,1,1,MONDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.7722405143063044,0.7636399214572418,0.1443,0.0981,0.9876,,,0.16,0.1379,0.3333,,,,0.14800000000000002,,,0.1471,0.1018,0.9876,,,0.1611,0.1379,0.3333,,,,0.1542,,,0.1457,0.0981,0.9876,,,0.16,0.1379,0.3333,,,,0.1507,,,,block of flats,0.1164,Panel,No,1.0,1.0,1.0,1.0,-1490.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2375835,225931,Revolving loans,6750.0,0.0,135000.0,,0.0,WEDNESDAY,13,Y,1,,,,XAP,Refused,-1438,XNA,LIMIT,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,180000.0,601470.0,30708.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-13900,-206,-928.0,-1655,,1,1,1,1,1,0,Sales staff,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,Trade: type 7,0.476416625673683,0.6857183185446323,0.36896873825284665,0.0722,0.0157,0.998,0.9728,,0.0,0.0517,0.25,,0.0361,,0.0685,,0.0348,0.0735,0.0118,0.998,0.9739,,0.0,0.0345,0.25,,0.0369,,0.0684,,0.0349,0.0729,0.0157,0.998,0.9732,,0.0,0.0517,0.25,,0.0367,,0.0697,,0.0355,,block of flats,0.0714,"Stone, brick",No,2.0,1.0,2.0,1.0,-1597.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1337598,289356,Cash loans,5425.425,45000.0,47970.0,,45000.0,WEDNESDAY,14,Y,1,,,,XNA,Approved,-294,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Country-wide,25,Connectivity,12.0,high,Cash X-Sell: high,365243.0,-264.0,66.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,1,81000.0,91692.0,5391.0,81000.0,Children,State servant,Secondary / secondary special,Civil marriage,House / apartment,0.0105,-14630,-1468,-3648.0,-3141,,1,1,1,1,0,0,Medicine staff,3.0,3,3,WEDNESDAY,15,0,0,0,0,0,0,Medicine,,0.3305877088572333,,0.0696,,0.9851,,0.0085,,,,,,0.0567,0.0581,0.0,0.0,0.063,,0.9851,,0.008,,,,,,0.0551,0.0562,0.0,0.0,0.0703,,0.9851,,0.0085,,,,,,0.0577,0.0592,0.0,0.0,,,0.0474,,No,1.0,0.0,1.0,0.0,-1430.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,1.0,6.0 +1545462,268689,Cash loans,15412.5,337500.0,337500.0,,337500.0,FRIDAY,8,Y,1,,,,XNA,Approved,-1460,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-1430.0,-20.0,-20.0,-16.0,1.0,0,Cash loans,M,N,N,0,99000.0,1236816.0,36162.0,1080000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.025164,-18837,-3107,-10224.0,-2052,,1,1,1,1,1,0,Managers,2.0,2,2,MONDAY,15,0,0,0,0,0,0,Medicine,0.5106682807648562,0.5113546731558777,0.5190973382084597,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,2.0,4.0,1.0,-1460.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1594287,287403,Consumer loans,5165.685,47205.0,42484.5,4720.5,47205.0,TUESDAY,12,Y,1,0.1089090909090909,,,XAP,Approved,-38,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,10,Connectivity,12.0,high,POS mobile with interest,,,,,,,0,Cash loans,M,Y,Y,0,427500.0,988875.0,50620.5,868500.0,Unaccompanied,State servant,Incomplete higher,Married,House / apartment,0.006233,-12409,-3303,-787.0,-4116,4.0,1,1,0,1,0,1,Managers,2.0,2,2,FRIDAY,19,0,0,0,0,0,0,Military,,0.6235145405556436,0.3539876078507373,0.1247,0.5856,0.9921,,,0.12,0.1034,0.375,,0.0167,,0.1324,,0.0074,0.1271,0.6077,0.9921,,,0.1208,0.1034,0.375,,0.017,,0.1379,,0.0079,0.126,0.5856,0.9921,,,0.12,0.1034,0.375,,0.0169,,0.1348,,0.0076,,block of flats,0.1264,Panel,No,4.0,0.0,4.0,0.0,-1986.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1685176,173289,Consumer loans,24143.67,355212.0,248647.5,106564.5,355212.0,MONDAY,16,Y,1,0.3267300321549333,,,XAP,Approved,-1461,Cash through the bank,XAP,Family,New,Furniture,POS,XNA,Country-wide,72,Industry,12.0,low_normal,POS others without interest,365243.0,-1428.0,-1098.0,-1098.0,-1091.0,0.0,0,Cash loans,F,N,N,0,72000.0,254700.0,13068.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.022625,-24687,365243,-16120.0,-4846,,1,0,0,1,1,0,,1.0,2,2,THURSDAY,12,0,0,0,0,0,0,XNA,,0.4985422265413011,,0.0825,0.0,0.9776,0.6940000000000001,0.1003,0.0,0.1379,0.1667,0.2083,0.0,0.0672,0.0697,0.0,0.0,0.084,0.0,0.9777,0.706,0.1012,0.0,0.1379,0.1667,0.2083,0.0,0.0735,0.0726,0.0,0.0,0.0833,0.0,0.9776,0.6981,0.1009,0.0,0.1379,0.1667,0.2083,0.0,0.0684,0.071,0.0,0.0,reg oper account,block of flats,0.0548,Panel,No,0.0,0.0,0.0,0.0,-166.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2270718,423623,Consumer loans,6394.14,141934.5,141934.5,0.0,141934.5,WEDNESDAY,9,Y,1,0.0,,,XAP,Approved,-450,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Regional / Local,105,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-419.0,271.0,-89.0,-82.0,0.0,0,Cash loans,F,N,Y,0,90000.0,436032.0,16564.5,360000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.035792000000000004,-22957,365243,-12105.0,-4402,,1,0,0,1,1,0,,1.0,2,2,FRIDAY,10,0,0,0,0,0,0,XNA,,0.6866177365539061,0.6956219298394389,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-450.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,0.0 +1096005,207527,Consumer loans,15025.815,76455.0,72441.0,7645.5,76455.0,THURSDAY,16,Y,1,0.10397063856523314,,,XAP,Approved,-846,Cash through the bank,XAP,Other_B,New,Mobile,POS,XNA,Regional / Local,100,Consumer electronics,6.0,high,POS household with interest,365243.0,-815.0,-665.0,-665.0,-660.0,0.0,0,Cash loans,F,N,Y,0,270000.0,808650.0,26217.0,675000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.003069,-20230,-11165,-8007.0,-3009,,1,1,0,1,1,0,Core staff,2.0,3,3,WEDNESDAY,13,0,0,0,0,0,0,University,0.8206075549564261,0.2222484342615614,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-338.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1898412,167766,Consumer loans,8511.975,79605.0,72013.5,22500.0,79605.0,MONDAY,13,Y,1,0.25927032069011785,,,XAP,Approved,-1641,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,15,Connectivity,12.0,high,POS mobile with interest,365243.0,-1469.0,-1139.0,-1139.0,-1131.0,0.0,0,Cash loans,F,N,N,0,405000.0,1494436.5,61803.0,1395000.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.072508,-16559,-2557,-1981.0,-120,,1,1,0,1,0,0,,1.0,1,1,THURSDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.6561230962043869,0.7258226286004312,0.31703177858344445,0.2948,0.1857,0.9796,,,0.32,0.2759,0.3333,,,,0.1913,,0.3351,0.3004,0.1927,0.9796,,,0.3222,0.2759,0.3333,,,,0.1993,,0.3548,0.2977,0.1857,0.9796,,,0.32,0.2759,0.3333,,,,0.1947,,0.3422,,block of flats,0.2233,Panel,No,0.0,0.0,0.0,0.0,-1641.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2118149,444910,Consumer loans,20515.95,191101.5,184662.0,19116.0,191101.5,SATURDAY,11,Y,1,0.10216540459805187,,,XAP,Approved,-2583,XNA,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,1744,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2551.0,-2281.0,-2281.0,-2260.0,1.0,0,Cash loans,M,N,Y,0,180000.0,254700.0,25321.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010032,-24073,365243,-9798.0,-4191,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,6,0,0,0,0,0,0,XNA,,0.5270529721751399,0.4614823912998385,0.0423,0.0328,0.9747,0.6532,0.0133,0.0,0.069,0.1667,0.0417,0.0016,0.0311,0.0313,0.0154,0.0063,0.0431,0.034,0.9747,0.6668,0.0134,0.0,0.069,0.1667,0.0417,0.0016,0.034,0.0327,0.0156,0.0066,0.0427,0.0328,0.9747,0.6578,0.0134,0.0,0.069,0.1667,0.0417,0.0016,0.0316,0.0319,0.0155,0.0064,reg oper spec account,block of flats,0.0322,"Stone, brick",No,2.0,1.0,2.0,0.0,-800.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1982345,358290,Consumer loans,7728.975,30915.0,36954.0,0.0,30915.0,TUESDAY,7,Y,1,0.0,,,XAP,Approved,-279,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,48,Connectivity,6.0,high,POS mobile with interest,365243.0,-249.0,-99.0,-99.0,-92.0,1.0,1,Cash loans,M,N,N,1,81000.0,457312.5,36261.0,373500.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.002134,-11597,-2121,-278.0,-3162,,1,1,0,1,0,0,Cleaning staff,3.0,3,3,MONDAY,8,0,0,0,1,1,0,Trade: type 7,,0.1642078793108633,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-242.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1991530,185185,Cash loans,31234.905,495000.0,534204.0,,495000.0,TUESDAY,10,Y,1,,,,XNA,Approved,-731,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-701.0,-11.0,-11.0,-5.0,1.0,0,Cash loans,F,N,N,0,58500.0,338832.0,17428.5,292500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010556,-23741,365243,-7682.0,-4356,,1,0,0,1,0,0,,2.0,3,3,FRIDAY,12,0,0,0,0,0,0,XNA,0.745721346242231,0.520665902615151,0.6706517530862718,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-240.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1764149,207478,Revolving loans,6750.0,135000.0,135000.0,,135000.0,TUESDAY,10,Y,1,,,,XAP,Refused,-758,XNA,SCOFR,,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,1,162000.0,260640.0,21028.5,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018634,-15071,-4617,-3604.0,-4072,,1,1,1,1,1,0,Laborers,3.0,2,2,THURSDAY,11,0,0,0,0,0,0,Self-employed,0.622654713787725,0.6167820255959605,0.16640554618393638,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2109.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +1982878,115137,Cash loans,34335.45,585000.0,585000.0,,585000.0,SATURDAY,11,Y,1,,,,XNA,Approved,-1299,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-1265.0,-575.0,-575.0,-570.0,0.0,1,Cash loans,M,N,Y,0,270000.0,508495.5,21541.5,454500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.025164,-14883,-1136,-236.0,-4027,,1,1,0,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Trade: type 3,,0.16214456766623808,0.4740512892789932,0.0873,0.0573,0.9801,0.728,0.0126,0.0,0.1607,0.2221,0.2638,0.0193,0.0681,0.0793,0.0141,0.0352,0.0683,0.0481,0.9777,0.706,0.0081,0.0,0.069,0.1667,0.2083,0.0142,0.0523,0.0547,0.0039,0.0273,0.0718,0.0586,0.9776,0.6981,0.0126,0.0,0.1379,0.1667,0.2083,0.0161,0.0573,0.0733,0.0078,0.0384,reg oper account,block of flats,0.0505,Block,No,0.0,0.0,0.0,0.0,-884.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1808623,433973,Cash loans,,0.0,0.0,,,FRIDAY,15,Y,1,,,,XNA,Refused,-173,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,1,Cash loans,F,N,Y,0,135000.0,450000.0,32877.0,450000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.028663,-21338,-7576,-13070.0,-4758,,1,1,0,1,0,0,Medicine staff,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Medicine,,0.538641231996015,0.02581001067551557,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-996.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +1316853,428658,Consumer loans,7128.945,57775.5,60331.5,2880.0,57775.5,FRIDAY,16,Y,1,0.04962043011448578,,,XAP,Approved,-1721,Cash through the bank,XAP,"Spouse, partner",Repeater,Mobile,POS,XNA,Country-wide,17,Connectivity,12.0,high,POS mobile with interest,365243.0,-1690.0,-1360.0,-1360.0,-1355.0,0.0,0,Revolving loans,F,N,Y,2,135000.0,337500.0,16875.0,337500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010556,-9947,-2236,-790.0,-2605,,1,1,0,1,0,0,Managers,4.0,3,3,THURSDAY,10,0,0,0,0,0,0,Trade: type 3,0.3300432605501931,0.4908567865535913,0.3893387918468769,0.0577,0.067,0.9806,0.7348,0.0277,0.0,0.1379,0.1667,0.2083,0.1012,0.0471,0.0526,0.0,0.0697,0.0588,0.0695,0.9806,0.7452,0.028,0.0,0.1379,0.1667,0.2083,0.1035,0.0514,0.0548,0.0,0.0738,0.0583,0.067,0.9806,0.7383,0.0279,0.0,0.1379,0.1667,0.2083,0.103,0.0479,0.0535,0.0,0.0711,reg oper account,block of flats,0.0565,"Stone, brick",No,2.0,1.0,2.0,1.0,-1861.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,4.0 +1692127,191063,Consumer loans,10862.46,112005.0,123831.0,0.0,112005.0,SATURDAY,20,Y,1,0.0,,,XAP,Approved,-711,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,1500,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-680.0,-350.0,-350.0,-346.0,0.0,0,Cash loans,M,N,Y,1,202500.0,816660.0,31774.5,585000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.04622,-11583,-1171,-5895.0,-1030,,1,1,0,1,0,0,Laborers,3.0,1,1,WEDNESDAY,16,0,1,1,0,0,0,Business Entity Type 3,,0.08121929828193576,,0.0186,0.0371,0.9717,0.6124,0.0147,0.0,0.069,0.0833,0.125,0.0153,0.0151,0.0218,0.0,0.0,0.0189,0.0385,0.9717,0.6276,0.0148,0.0,0.069,0.0833,0.125,0.0157,0.0165,0.0227,0.0,0.0,0.0187,0.0371,0.9717,0.6176,0.0148,0.0,0.069,0.0833,0.125,0.0156,0.0154,0.0222,0.0,0.0,reg oper account,block of flats,0.0252,"Stone, brick",No,0.0,0.0,0.0,0.0,-711.0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2448713,396309,Consumer loans,3775.41,50562.0,46858.5,10111.5,50562.0,MONDAY,14,Y,1,0.1933007324429125,,,XAP,Approved,-540,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Regional / Local,150,Consumer electronics,18.0,high,POS household with interest,365243.0,-509.0,1.0,-89.0,-86.0,0.0,1,Cash loans,M,Y,Y,1,112500.0,328365.0,26073.0,297000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-10380,-739,-2135.0,-2672,18.0,1,1,1,1,1,0,Laborers,3.0,2,2,TUESDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.2115930704787467,,0.1314,0.1266,0.9846,0.7892,0.0253,0.0,0.2241,0.1667,0.2083,0.1426,0.1051,0.1294,0.0,0.0636,0.1313,0.1314,0.9846,0.7975,0.0255,0.0,0.2069,0.1667,0.2083,0.1459,0.1148,0.1254,0.0,0.0674,0.1327,0.1266,0.9846,0.792,0.0255,0.0,0.2241,0.1667,0.2083,0.1451,0.1069,0.1317,0.0,0.065,reg oper account,block of flats,0.1035,Panel,No,1.0,0.0,1.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1566269,131419,Consumer loans,5247.99,52488.0,47236.5,5251.5,52488.0,SUNDAY,10,Y,1,0.10896511410400296,,,XAP,Approved,-2690,Cash through the bank,XAP,,Repeater,Other,POS,XNA,Stone,838,Industry,10.0,low_normal,POS industry with interest,365243.0,-2658.0,-2388.0,-2388.0,-2361.0,0.0,0,Cash loans,F,N,Y,1,135000.0,497520.0,28692.0,450000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-15165,-4476,-3612.0,-4791,,1,1,0,1,0,0,Core staff,3.0,2,2,TUESDAY,12,0,0,0,0,0,0,Trade: type 7,,0.3606382325683656,0.6940926425266661,0.2134,0.1548,0.9856,0.8028,,0.24,0.2069,0.3333,0.375,0.0958,0.1689,0.15,0.0232,0.0418,0.2174,0.1607,0.9856,0.8105,,0.2417,0.2069,0.3333,0.375,0.098,0.1846,0.1563,0.0233,0.0443,0.2155,0.1548,0.9856,0.8054,,0.24,0.2069,0.3333,0.375,0.0975,0.1719,0.1527,0.0233,0.0427,reg oper account,block of flats,0.1974,Panel,No,0.0,0.0,0.0,0.0,-1.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2515448,323779,Consumer loans,15680.745,166491.0,166491.0,0.0,166491.0,TUESDAY,19,Y,1,0.0,,,XAP,Refused,-1138,Cash through the bank,LIMIT,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,1465,Consumer electronics,12.0,low_normal,POS household with interest,,,,,,,0,Cash loans,F,Y,Y,0,360000.0,1341000.0,39339.0,1341000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-16926,-1659,-6511.0,-457,2.0,1,1,0,1,0,0,Sales staff,2.0,2,2,SATURDAY,17,0,0,0,0,0,0,Self-employed,0.6955388111920028,0.6787211043942456,0.6956219298394389,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,1.0,5.0,0.0,-1330.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,4.0,0.0,6.0 +2602899,246383,Cash loans,12932.325,360000.0,426528.0,,360000.0,MONDAY,10,Y,1,,,,XNA,Refused,-176,Cash through the bank,HC,Children,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),1403,XNA,48.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,135000.0,379237.5,16834.5,288000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.035792000000000004,-21067,365243,-7703.0,-2532,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,,0.3232786383682893,0.520897599048938,0.0165,0.0,0.9747,0.6532,,0.0,0.069,0.0417,0.0417,0.0203,0.0134,0.0122,0.0,0.0,0.0168,0.0,0.9747,0.6668,,0.0,0.069,0.0417,0.0417,0.0208,0.0147,0.0127,0.0,0.0,0.0167,0.0,0.9747,0.6578,,0.0,0.069,0.0417,0.0417,0.0206,0.0137,0.0124,0.0,0.0,reg oper account,block of flats,0.0096,Mixed,No,3.0,0.0,3.0,0.0,-431.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +2685712,407571,Consumer loans,10315.395,57744.0,54463.5,5850.0,57744.0,FRIDAY,15,Y,1,0.10563442377215412,,,XAP,Approved,-1720,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Stone,50,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1689.0,-1539.0,-1539.0,-1536.0,0.0,1,Cash loans,F,N,Y,0,135000.0,404325.0,19579.5,337500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.01885,-21898,365243,-3704.0,-4163,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,XNA,,0.5033967734404214,0.445396241560834,0.3423,0.1073,0.9871,0.8232,0.0818,0.08,0.069,0.3333,0.375,0.0485,0.2782,0.1627,0.0039,0.003,0.3487,0.1113,0.9871,0.8301,0.0826,0.0806,0.069,0.3333,0.375,0.0496,0.3039,0.1695,0.0039,0.0032,0.3456,0.1073,0.9871,0.8256,0.0823,0.08,0.069,0.3333,0.375,0.0493,0.28300000000000003,0.1656,0.0039,0.0031,reg oper account,block of flats,0.1733,"Stone, brick",No,0.0,0.0,0.0,0.0,-1720.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1198923,368132,Consumer loans,12889.17,155241.0,176467.5,0.0,155241.0,THURSDAY,19,Y,1,0.0,,,XAP,Refused,-453,Cash through the bank,LIMIT,,Repeater,Consumer Electronics,POS,XNA,Country-wide,2240,Consumer electronics,18.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,N,0,99000.0,314100.0,12420.0,225000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.008865999999999999,-8869,-811,-1553.0,-1553,,1,1,0,1,0,1,,1.0,2,2,MONDAY,16,0,0,0,1,1,0,Business Entity Type 3,0.2264309732890989,0.3226044676964559,0.4686596550493113,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-688.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2662073,205904,Consumer loans,3311.595,16105.5,16105.5,0.0,16105.5,SATURDAY,17,Y,1,0.0,,,XAP,Approved,-127,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,35,Connectivity,6.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,N,0,157500.0,339241.5,12919.5,238500.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.006207,-8105,-312,-3442.0,-766,,1,1,0,1,1,0,,1.0,2,2,SATURDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.5685058739405857,0.324891229465852,,,0.9727,,,,0.0345,0.0,,0.0119,,0.0019,,,,,0.9727,,,,0.0345,0.0,,0.0122,,0.002,,,,,0.9727,,,,0.0345,0.0,,0.0121,,0.002,,,,block of flats,0.0015,Mixed,Yes,3.0,0.0,3.0,0.0,-530.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2467715,392886,Consumer loans,6746.13,69619.5,69619.5,0.0,69619.5,WEDNESDAY,16,Y,1,0.0,,,XAP,Approved,-587,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,12.0,low_normal,POS mobile without interest,365243.0,-556.0,-226.0,-226.0,-219.0,0.0,0,Cash loans,F,N,Y,1,225000.0,180000.0,17802.0,180000.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.018634,-9604,-3021,-4444.0,-2294,,1,1,1,1,1,0,Managers,2.0,2,2,TUESDAY,15,0,0,0,0,1,1,Trade: type 2,,0.4499295000271211,0.5280927512030451,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,0.0,9.0,0.0,-1373.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2370372,382802,Consumer loans,6197.805,32400.0,34110.0,0.0,32400.0,SATURDAY,16,Y,1,0.0,,,XAP,Approved,-1215,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Stone,74,Furniture,6.0,middle,POS industry with interest,365243.0,-1175.0,-1025.0,-1115.0,-1109.0,0.0,0,Cash loans,F,N,Y,0,162000.0,900000.0,46084.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.026392000000000002,-16715,-69,-10871.0,-267,,1,1,0,1,1,0,,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Self-employed,0.660130602306549,0.6434894033595319,0.7449321846094795,0.2557,,0.9816,,,0.2,0.1724,0.3333,,,,0.2173,,0.2504,0.2605,,0.9816,,,0.2014,0.1724,0.3333,,,,0.2264,,0.2651,0.2581,,0.9816,,,0.2,0.1724,0.3333,,,,0.2213,,0.2556,,block of flats,0.2254,"Stone, brick",No,0.0,0.0,0.0,0.0,-1215.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2559186,408811,Consumer loans,4599.225,40896.0,35406.0,8190.0,40896.0,WEDNESDAY,14,Y,1,0.20459800315291632,,,XAP,Approved,-2218,Cash through the bank,XAP,Children,New,Mobile,POS,XNA,Country-wide,42,Connectivity,10.0,high,POS mobile with interest,365243.0,-2187.0,-1917.0,-1917.0,-1913.0,0.0,0,Cash loans,F,N,Y,0,103500.0,534141.0,35824.5,441000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.0038130000000000004,-17191,-754,-1492.0,-343,,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.6404830224822483,0.25895487655121285,0.6178261467332483,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2218.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1488615,253031,Consumer loans,5100.39,45675.0,44725.5,4567.5,45675.0,MONDAY,14,Y,1,0.10091539827709264,,,XAP,Approved,-1043,Cash through the bank,XAP,Family,Refreshed,Sport and Leisure,POS,XNA,Stone,59,Industry,10.0,low_normal,POS industry with interest,365243.0,-1012.0,-742.0,-772.0,-763.0,0.0,0,Cash loans,F,N,Y,0,81000.0,90000.0,9351.0,90000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.028663,-23306,365243,-5416.0,-4533,,1,0,0,1,1,0,,1.0,2,2,MONDAY,8,0,0,0,0,0,0,XNA,0.7278625036291777,0.3814244400729355,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2349.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1324574,433061,Cash loans,16036.965,270000.0,327024.0,,270000.0,TUESDAY,13,Y,1,,,,XNA,Refused,-154,Cash through the bank,HC,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,N,Y,0,94500.0,118512.0,9360.0,90000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.009656999999999999,-15268,-2525,-7564.0,-3996,,1,1,0,1,1,0,Laborers,2.0,2,2,TUESDAY,8,0,0,0,0,0,0,Telecom,,0.5369126848566554,0.5832379256761245,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2019.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1528034,287064,Revolving loans,22500.0,0.0,450000.0,,,WEDNESDAY,9,Y,1,,,,XAP,Refused,-393,XNA,XNA,,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),4,XNA,0.0,XNA,Card Street,,,,,,,1,Cash loans,F,N,Y,0,112500.0,808650.0,26217.0,675000.0,Family,Working,Secondary / secondary special,Married,Office apartment,0.015221,-18883,-752,-8486.0,-2430,,1,1,1,1,1,0,,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,Other,,0.6583543903227984,0.4048783643353997,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2297.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2671835,132867,Consumer loans,29425.32,159048.0,165870.0,0.0,159048.0,SATURDAY,7,Y,1,0.0,,,XAP,Approved,-826,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,1100,Furniture,6.0,low_normal,POS industry without interest,365243.0,-795.0,-645.0,-645.0,-642.0,0.0,0,Cash loans,F,N,Y,0,157500.0,840951.0,33480.0,679500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020713,-23716,365243,-13742.0,-4169,,1,0,0,1,0,0,,2.0,3,3,SATURDAY,6,0,0,0,0,0,0,XNA,,0.512611336274779,0.7981372313187245,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-86.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1553760,157545,Cash loans,16341.165,112500.0,137691.0,,112500.0,MONDAY,15,Y,1,,,,Repairs,Refused,-488,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,M,N,N,0,292500.0,180000.0,21492.0,180000.0,Family,Commercial associate,Higher education,Separated,With parents,0.030755,-16505,-918,-1352.0,-30,,1,1,0,1,1,0,Managers,1.0,2,2,SATURDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.7228272443520909,0.0785361445733672,0.141,0.0793,0.9876,0.83,0.0846,0.12,0.0862,0.4792,0.1979,0.0363,0.1149,0.1355,0.0,0.0,0.1513,0.0554,0.9831,0.7779,0.0754,0.0806,0.0345,0.3333,0.0417,0.0156,0.1322,0.1169,0.0,0.0,0.1499,0.0763,0.9856,0.8054,0.0833,0.12,0.0862,0.4792,0.0417,0.0433,0.1231,0.1406,0.0,0.0,reg oper account,block of flats,0.1603,Panel,No,1.0,0.0,1.0,0.0,-523.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +1678753,448798,Cash loans,20965.545,180000.0,215208.0,,180000.0,WEDNESDAY,16,Y,1,,,,XNA,Approved,-844,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,low_normal,Cash Street: low,365243.0,-806.0,-476.0,-716.0,-706.0,0.0,0,Cash loans,M,N,N,1,202500.0,840996.0,24718.5,702000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.0228,-9486,-586,-459.0,-1572,,1,1,0,1,1,0,Drivers,3.0,2,2,MONDAY,12,0,0,0,1,1,0,Transport: type 4,,0.3571715084814007,0.3859146722745145,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1580158,244870,Revolving loans,11250.0,450000.0,225000.0,,450000.0,MONDAY,14,N,1,,,,XAP,Refused,-629,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,2,112500.0,450000.0,19953.0,450000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.015221,-13108,-6309,-4484.0,-5093,,1,1,0,1,0,0,Medicine staff,4.0,2,2,SUNDAY,14,0,0,0,0,0,0,Medicine,,0.43371999764324,0.3108182544189319,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,2.0 +1935398,143638,Cash loans,45557.055,1125000.0,1374480.0,,1125000.0,WEDNESDAY,15,Y,1,,,,XNA,Refused,-97,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,225000.0,269550.0,21739.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.032561,-18812,-2906,-7271.0,-2282,,1,1,0,1,1,0,Laborers,2.0,1,1,TUESDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.7010395096802599,0.41885428862332175,0.3247,0.1715,0.9866,0.8164,0.1454,0.32,0.1379,0.625,0.0417,0.0901,0.2648,0.3887,0.0039,0.0028,0.3309,0.17800000000000002,0.9866,0.8236,0.1467,0.3222,0.1379,0.625,0.0417,0.0921,0.2893,0.405,0.0039,0.003,0.3279,0.1715,0.9866,0.8189,0.1463,0.32,0.1379,0.625,0.0417,0.0916,0.2694,0.3957,0.0039,0.0029,reg oper spec account,block of flats,0.3858,Panel,No,2.0,1.0,2.0,1.0,-2416.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,5.0 +2295304,440296,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,9,Y,1,,,,XAP,Approved,-204,XNA,XAP,Unaccompanied,New,XNA,Cards,walk-in,Country-wide,40,Connectivity,0.0,XNA,Card Street,-181.0,-130.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,67500.0,312768.0,17095.5,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.031329,-13237,-2139,-6594.0,-391,,1,1,0,1,0,0,,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,Self-employed,,0.013270863768373995,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,0.0,-204.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2236833,185250,Cash loans,39474.0,1350000.0,1350000.0,,1350000.0,TUESDAY,8,Y,1,,,,XNA,Refused,-237,Cash through the bank,HC,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,432000.0,900000.0,46084.5,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.014519999999999996,-17060,-3578,-1466.0,-578,,1,1,0,1,0,0,Managers,2.0,2,2,MONDAY,8,0,0,0,0,0,0,Business Entity Type 3,0.6337902512439065,0.6362534711905751,0.4101025731788671,0.1368,0.199,0.995,0.932,0.0125,0.1064,0.1379,0.3333,0.3125,0.0078,0.1433,0.1523,0.0,0.0155,0.0599,0.0704,0.996,0.9216,0.0,0.0806,0.0345,0.375,0.2083,0.0,0.1019,0.0459,0.0,0.0,0.1155,0.199,0.996,0.9329,0.0126,0.08,0.0345,0.375,0.3125,0.012,0.1458,0.0809,0.0,0.0,org spec account,block of flats,0.2956,"Stone, brick",No,0.0,0.0,0.0,0.0,-1966.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1991622,221183,Consumer loans,6560.055,58450.5,58450.5,0.0,58450.5,WEDNESDAY,14,Y,1,0.0,,,XAP,Approved,-740,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,1100,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-709.0,-439.0,-439.0,-435.0,0.0,0,Cash loans,M,N,Y,0,112500.0,127350.0,13509.0,112500.0,Unaccompanied,State servant,Secondary / secondary special,Civil marriage,House / apartment,0.008865999999999999,-15437,-8178,-8872.0,-4704,,1,1,1,1,0,0,Cooking staff,2.0,2,2,MONDAY,13,0,0,0,0,1,1,Medicine,,0.7803063646701957,0.746300213050371,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1385.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1614083,379144,Consumer loans,3994.65,35010.0,35010.0,0.0,35010.0,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-2395,Cash through the bank,XAP,Family,New,Photo / Cinema Equipment,POS,XNA,Stone,1300,Consumer electronics,12.0,high,POS household with interest,,,,,,,0,Cash loans,F,N,N,0,90000.0,1133748.0,33277.5,990000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.01885,-14205,-2776,-5327.0,-5327,,1,1,0,1,0,0,,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Industry: type 2,0.693611090684271,0.6451481875554417,,0.1649,0.0965,0.9881,0.8368,0.0562,0.16,0.1379,0.375,0.4167,0.1433,0.1345,0.1707,0.0,0.0,0.1681,0.1002,0.9881,0.8432,0.0567,0.1611,0.1379,0.375,0.4167,0.1466,0.1469,0.1779,0.0,0.0,0.1665,0.0965,0.9881,0.8390000000000001,0.0566,0.16,0.1379,0.375,0.4167,0.1458,0.1368,0.1738,0.0,0.0,,block of flats,0.1343,Panel,No,1.0,0.0,1.0,0.0,-1869.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2705202,265235,Consumer loans,5005.035,46037.25,50895.0,2.25,46037.25,SATURDAY,10,Y,1,4.814512661203789e-05,,,XAP,Approved,-667,Non-cash from your account,XAP,,New,Homewares,POS,XNA,Stone,100,Construction,12.0,middle,POS industry with interest,365243.0,-636.0,-306.0,-306.0,-302.0,0.0,1,Cash loans,F,N,Y,0,112500.0,714915.0,30420.0,639000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018801,-18865,-244,-5281.0,-2412,,1,1,0,1,0,0,,2.0,2,2,MONDAY,8,0,0,0,0,1,1,Business Entity Type 3,0.3337124059629576,0.41900261690181145,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-667.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1266191,175802,Consumer loans,7998.03,129132.0,154701.0,0.0,129132.0,FRIDAY,10,Y,1,0.0,,,XAP,Approved,-1369,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,1524,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-1338.0,-648.0,-1008.0,-1003.0,0.0,0,Cash loans,F,N,Y,3,112500.0,327024.0,16033.5,270000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.019101,-12524,-2671,-2434.0,-4143,,1,1,0,1,0,0,Medicine staff,5.0,2,2,TUESDAY,15,0,0,0,0,0,0,Medicine,,0.1653726416092727,0.5691487713619409,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,0.0,0.0,-1048.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,8.0 +2455313,209027,Consumer loans,35929.035,304110.0,291159.0,30411.0,304110.0,MONDAY,17,Y,1,0.10299575096048644,,,XAP,Approved,-1816,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,1200,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1785.0,-1515.0,-1515.0,-1509.0,0.0,0,Cash loans,F,N,Y,0,292500.0,775188.0,39708.0,616500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-19662,-1455,-13799.0,-3033,,1,1,0,1,1,1,,2.0,1,1,THURSDAY,18,0,0,0,0,0,0,Business Entity Type 3,0.821237804410485,0.6953581247394479,0.6832688314232291,0.0856,0.0765,0.9767,0.6804,0.0512,0.08,0.0345,0.4583,0.5,0.0,0.0689,0.0716,0.0039,0.0355,0.0851,0.0402,0.9762,0.6864,0.0396,0.0806,0.0345,0.4583,0.5,0.0,0.0735,0.0728,0.0039,0.0001,0.0864,0.0765,0.9767,0.6847,0.0515,0.08,0.0345,0.4583,0.5,0.0,0.0701,0.0729,0.0039,0.0363,reg oper account,block of flats,0.0578,Block,No,2.0,1.0,2.0,0.0,-1816.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2533345,132998,Consumer loans,7847.685,40221.0,38151.0,8046.0,40221.0,TUESDAY,11,Y,1,0.18968386376919394,,,XAP,Approved,-997,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,30,Connectivity,6.0,high,POS mobile with interest,365243.0,-964.0,-814.0,-874.0,-866.0,0.0,0,Cash loans,M,Y,Y,0,180000.0,755190.0,36328.5,675000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.019101,-9540,-411,-7819.0,-2232,9.0,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,13,1,1,0,1,1,0,Business Entity Type 3,0.0832188736072671,0.383785078996052,0.16146308000577247,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-997.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,0.0,0.0,4.0 +2824657,169835,Consumer loans,10072.575,107909.91,53950.5,53959.41,107909.91,SATURDAY,15,Y,1,0.5445904170516783,,,XAP,Approved,-1431,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Country-wide,2148,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1397.0,-1247.0,-1247.0,-1241.0,0.0,0,Cash loans,F,N,Y,0,157500.0,895500.0,34983.0,895500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-18791,365243,-3058.0,-2331,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,16,0,0,0,0,0,0,XNA,,0.7114684005401529,0.7981372313187245,0.101,,0.9871,,,0.0,0.2759,0.1667,,,,0.1056,,0.0593,0.1029,,0.9871,,,0.0,0.2759,0.1667,,,,0.1101,,0.0628,0.102,,0.9871,,,0.0,0.2759,0.1667,,,,0.1075,,0.0606,,block of flats,0.096,"Stone, brick",No,0.0,0.0,0.0,0.0,-1431.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,0.0 +1533186,187372,Cash loans,26541.09,135000.0,139455.0,,135000.0,FRIDAY,16,Y,1,,,,Everyday expenses,Refused,-420,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,Y,Y,0,270000.0,710640.0,69358.5,675000.0,Unaccompanied,Commercial associate,Higher education,Widow,Rented apartment,0.030755,-23240,-1388,-1402.0,-4091,1.0,1,1,0,1,0,0,Realty agents,1.0,2,2,FRIDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.7998769003933605,0.7787956650692149,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-833.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,5.0 +2653119,423205,Cash loans,12503.385,225000.0,262125.0,,225000.0,TUESDAY,13,Y,1,,,,XNA,Approved,-1395,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,low_normal,Cash X-Sell: low,365243.0,-1365.0,-495.0,-495.0,-489.0,1.0,0,Cash loans,F,N,Y,0,157500.0,639396.0,28291.5,571500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009175,-20751,-4237,-8588.0,-4145,,1,1,0,1,0,0,Cooking staff,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Hotel,,0.7671940102248624,0.5531646987710016,0.0825,0.0,0.9747,0.6532,0.0069,0.0,0.1379,0.1667,0.2083,0.0794,0.0672,0.0602,0.0,0.0,0.084,0.0,0.9747,0.6668,0.006999999999999999,0.0,0.1379,0.1667,0.2083,0.0812,0.0735,0.0627,0.0,0.0,0.0833,0.0,0.9747,0.6578,0.006999999999999999,0.0,0.1379,0.1667,0.2083,0.0808,0.0684,0.0612,0.0,0.0,reg oper account,block of flats,0.0511,"Stone, brick",No,0.0,0.0,0.0,0.0,-1395.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2286919,440673,Consumer loans,1936.35,17995.5,17797.5,1800.0,17995.5,WEDNESDAY,12,Y,1,0.10003131197161044,,,XAP,Approved,-1745,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Regional / Local,351,Consumer electronics,12.0,high,POS household with interest,365243.0,-1714.0,-1384.0,-1384.0,-1377.0,0.0,0,Cash loans,F,N,Y,0,79200.0,808650.0,23773.5,675000.0,Children,Pensioner,Secondary / secondary special,Separated,House / apartment,0.01885,-22330,365243,-13354.0,-4497,,1,0,0,1,1,0,,1.0,2,2,FRIDAY,11,0,0,0,0,0,0,XNA,0.849492799569999,0.20577230362312665,0.6910212267577837,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1006100,254448,Cash loans,12963.15,67500.0,69727.5,,67500.0,THURSDAY,14,Y,1,,,,XNA,Approved,-715,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-685.0,-535.0,-655.0,-649.0,1.0,0,Cash loans,M,N,Y,0,76500.0,95940.0,9958.5,90000.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-22848,365243,-749.0,-4754,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,XNA,,0.7239736329093801,0.7850520263728172,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1176594,257561,Cash loans,20082.33,157500.0,189909.0,,157500.0,TUESDAY,13,Y,1,,,,XNA,Approved,-1196,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1166.0,-836.0,-896.0,-890.0,1.0,0,Cash loans,F,N,Y,0,157500.0,778500.0,25726.5,778500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.04622,-18393,-9463,-2634.0,-1932,,1,1,0,1,0,0,Laborers,2.0,1,1,MONDAY,13,0,0,0,0,0,0,Housing,,0.6843264227574261,0.7610263695502636,0.3412,0.1647,0.9881,0.9456,0.2127,0.32,0.2759,0.4167,0.7083,0.0344,0.4446,0.3366,0.0154,0.0112,0.1355,0.1554,0.9806,0.9477,0.2147,0.0,0.2759,0.1667,0.7083,0.0272,0.4858,0.1267,0.0156,0.0,0.3445,0.1647,0.9881,0.9463,0.2141,0.32,0.2759,0.4167,0.7083,0.035,0.4523,0.3426,0.0155,0.0114,reg oper account,block of flats,0.6477,"Stone, brick",No,0.0,0.0,0.0,0.0,-674.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1134884,343128,Cash loans,26063.415,450000.0,533160.0,,450000.0,MONDAY,12,Y,1,,,,XNA,Approved,-1205,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,middle,Cash Street: middle,365243.0,-1175.0,235.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,157500.0,290088.0,17874.0,229500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010147,-15929,-4040,-6685.0,-4467,,1,1,0,1,0,1,Sales staff,2.0,2,2,TUESDAY,9,0,0,0,1,0,1,Self-employed,,0.3760732898815869,0.11392239629221085,0.1464,0.0872,0.9886,0.8436,0.0281,0.08,0.0345,0.3333,0.375,0.0,0.1194,0.1533,0.0,0.0262,0.1492,0.0905,0.9886,0.8497,0.0283,0.0806,0.0345,0.3333,0.375,0.0,0.1304,0.1597,0.0,0.0277,0.1478,0.0872,0.9886,0.8457,0.0283,0.08,0.0345,0.3333,0.375,0.0,0.1214,0.156,0.0,0.0267,reg oper spec account,block of flats,0.1205,"Stone, brick",No,7.0,0.0,7.0,0.0,-1205.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,7.0 +1773642,122982,Consumer loans,23038.425,209250.0,209250.0,0.0,209250.0,SUNDAY,11,Y,1,0.0,,,XAP,Approved,-1228,Cash through the bank,XAP,Family,Repeater,Clothing and Accessories,POS,XNA,Regional / Local,30,Clothing,10.0,low_normal,POS industry with interest,365243.0,-1197.0,-927.0,-1107.0,-1101.0,0.0,0,Cash loans,F,N,Y,2,202500.0,1113840.0,57001.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006305,-13813,-1547,-1498.0,-4328,,1,1,0,1,0,0,Cooking staff,4.0,3,3,WEDNESDAY,10,0,0,0,0,0,0,Self-employed,0.511578299607247,0.5633381896223312,0.7610263695502636,0.1031,0.0862,0.9811,0.7416,0.0378,0.0,0.1724,0.1667,0.2083,0.0206,0.0824,0.1052,0.0077,0.0226,0.105,0.0894,0.9811,0.7517,0.0382,0.0,0.1724,0.1667,0.2083,0.0211,0.09,0.1096,0.0078,0.024,0.1041,0.0862,0.9811,0.7451,0.0381,0.0,0.1724,0.1667,0.2083,0.021,0.0838,0.1071,0.0078,0.0231,reg oper account,block of flats,0.1084,Panel,No,1.0,0.0,1.0,0.0,-1387.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2149725,324859,Revolving loans,36000.0,720000.0,720000.0,,720000.0,WEDNESDAY,11,Y,1,,,,XAP,Approved,-77,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,Y,Y,0,315000.0,972000.0,31356.0,972000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.04622,-20507,365243,-4046.0,-4015,9.0,1,0,0,1,0,0,,2.0,1,1,WEDNESDAY,15,0,0,0,0,0,0,XNA,,0.7142971374422418,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-349.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1487743,274121,Consumer loans,5697.45,33700.5,35923.5,0.0,33700.5,SUNDAY,9,Y,1,0.0,,,XAP,Approved,-2557,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,68,Connectivity,8.0,high,POS mobile with interest,365243.0,-2526.0,-2316.0,-2316.0,-2312.0,1.0,0,Cash loans,M,Y,Y,0,135000.0,882000.0,53959.5,882000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-23598,365243,-11787.0,-5212,20.0,1,0,0,1,1,0,,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,XNA,,0.25561615602133475,0.31703177858344445,0.333,0.1623,0.9836,0.7756,0.1168,0.36,0.3103,0.3333,0.375,0.0712,0.2707,0.3077,0.0039,0.0039,0.3393,0.1684,0.9836,0.7844,0.1179,0.3625,0.3103,0.3333,0.375,0.0729,0.2957,0.3206,0.0039,0.0041,0.3362,0.1623,0.9836,0.7786,0.1176,0.36,0.3103,0.3333,0.375,0.0725,0.2753,0.3133,0.0039,0.004,reg oper spec account,block of flats,0.3068,Panel,No,1.0,0.0,1.0,0.0,-277.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1935275,114715,Consumer loans,5042.835,79285.5,84910.5,0.0,79285.5,FRIDAY,9,Y,1,0.0,,,XAP,Refused,-14,Cash through the bank,HC,"Spouse, partner",Refreshed,Computers,POS,XNA,Stone,114,Consumer electronics,24.0,middle,POS household with interest,,,,,,,0,Cash loans,M,N,Y,2,157500.0,148365.0,10678.5,135000.0,Family,Working,Higher education,Married,House / apartment,0.010006000000000001,-16151,-999,-4378.0,-4376,,1,1,1,1,1,0,Laborers,4.0,2,2,FRIDAY,15,0,0,0,0,0,0,Industry: type 11,,0.6018957720185646,0.34090642641523844,0.0742,0.0589,0.9851,0.7959999999999999,0.0345,0.08,0.069,0.3333,0.0417,,0.0605,0.0831,0.0,0.0089,0.0756,0.0611,0.9851,0.804,0.0348,0.0806,0.069,0.3333,0.0417,,0.0661,0.0866,0.0,0.0094,0.0749,0.0589,0.9851,0.7987,0.0347,0.08,0.069,0.3333,0.0417,,0.0616,0.0846,0.0,0.0091,reg oper account,block of flats,0.0678,Panel,No,0.0,0.0,0.0,0.0,-1368.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1196901,152859,Consumer loans,16261.56,430200.0,430200.0,0.0,430200.0,TUESDAY,17,Y,1,0.0,,,XAP,Refused,-1240,Cash through the bank,LIMIT,Unaccompanied,Repeater,Construction Materials,POS,XNA,Stone,16,Construction,36.0,low_normal,POS industry with interest,,,,,,,0,Cash loans,F,Y,Y,0,180000.0,473760.0,53581.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.010556,-19761,-1961,-49.0,-3291,19.0,1,1,0,1,0,0,Sales staff,2.0,3,3,WEDNESDAY,10,0,0,0,0,1,1,Services,,0.2181183365046956,0.5172965813614878,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,2.0,4.0,2.0,-270.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2342448,148926,Cash loans,25032.51,342000.0,428125.5,,342000.0,FRIDAY,10,Y,1,,,,XNA,Approved,-880,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-850.0,-160.0,-160.0,-157.0,1.0,0,Cash loans,F,N,Y,0,90000.0,101880.0,10206.0,90000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-17104,-3870,-1103.0,-650,,1,1,1,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Self-employed,,0.5892660217018802,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1386.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2033736,256886,Consumer loans,1744.335,23841.9,21429.0,4770.9,23841.9,FRIDAY,10,Y,1,0.19831922328641788,,,XAP,Approved,-2480,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,267,Consumer electronics,15.0,middle,POS household without interest,365243.0,-2447.0,-2027.0,-2207.0,-2198.0,1.0,0,Cash loans,M,N,Y,0,270000.0,1061599.5,31041.0,927000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-12578,-4635,-2907.0,-4766,,1,1,1,1,1,0,Laborers,2.0,2,2,SUNDAY,8,0,0,0,0,0,0,Transport: type 2,,0.6946489163156359,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1703.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1438292,270709,Consumer loans,7788.915,66735.0,65016.0,6673.5,66735.0,TUESDAY,18,Y,1,0.10138232491254902,,,XAP,Approved,-2163,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Stone,102,Consumer electronics,10.0,middle,POS household with interest,365243.0,-2124.0,-1854.0,-1884.0,-1878.0,0.0,0,Cash loans,M,N,Y,1,90000.0,900000.0,35824.5,900000.0,"Spouse, partner",Commercial associate,Higher education,Married,House / apartment,0.019101,-14540,-3057,-8456.0,-4452,,1,1,1,1,1,0,,3.0,2,2,TUESDAY,12,0,0,0,0,0,0,Self-employed,0.5186499523786187,0.5940419898131889,0.7394117535524816,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2937.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2690122,185767,Cash loans,33905.34,270000.0,284611.5,,270000.0,THURSDAY,17,Y,1,,,,XNA,Approved,-820,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-790.0,-460.0,-460.0,-453.0,1.0,0,Cash loans,F,N,Y,0,315000.0,1205451.0,39969.0,1080000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.04622,-23720,365243,-10531.0,-566,,1,0,0,1,0,0,,1.0,1,1,FRIDAY,15,0,0,0,0,0,0,XNA,,0.2603294394940209,0.5531646987710016,0.0722,0.0636,0.9786,0.7076,0.0292,0.0,0.1379,0.1667,0.2083,0.0773,0.0588,0.0623,0.0,0.0,0.0735,0.066,0.9786,0.7190000000000001,0.0295,0.0,0.1379,0.1667,0.2083,0.0791,0.0643,0.0649,0.0,0.0,0.0729,0.0636,0.9786,0.7115,0.0294,0.0,0.1379,0.1667,0.2083,0.0786,0.0599,0.0634,0.0,0.0,reg oper account,block of flats,0.065,"Stone, brick",No,0.0,0.0,0.0,0.0,-820.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1687411,140083,Consumer loans,2810.205,25969.05,25294.5,2600.55,25969.05,TUESDAY,14,Y,1,0.10153182602778496,,,XAP,Approved,-2479,XNA,XAP,Other_A,New,Office Appliances,POS,XNA,Country-wide,155,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2448.0,-2178.0,-2178.0,-2159.0,1.0,0,Cash loans,M,Y,Y,0,180000.0,813195.0,27004.5,702000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009656999999999999,-15752,-2280,-8343.0,-4214,1.0,1,1,0,1,1,0,Drivers,2.0,2,2,WEDNESDAY,9,0,0,0,1,1,0,Self-employed,0.3820140286588925,0.10963125001645004,0.5919766183185521,0.0371,0.0036,0.9831,0.7688,0.0038,0.0,0.1034,0.0833,0.0417,0.0028,0.0303,0.0364,0.0,0.0,0.0378,0.0038,0.9831,0.7779,0.0038,0.0,0.1034,0.0833,0.0417,0.0029,0.0331,0.0379,0.0,0.0,0.0375,0.0036,0.9831,0.7719,0.0038,0.0,0.1034,0.0833,0.0417,0.0029,0.0308,0.037000000000000005,0.0,0.0,reg oper account,block of flats,0.0286,"Stone, brick",No,5.0,1.0,5.0,1.0,-870.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +2791619,327614,Consumer loans,9337.86,86850.0,85905.0,8685.0,86850.0,THURSDAY,11,Y,1,0.09999740506876567,,,XAP,Approved,-2449,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Stone,74,Connectivity,12.0,high,POS mobile with interest,365243.0,-2418.0,-2088.0,-2088.0,-2082.0,1.0,0,Cash loans,M,Y,N,0,180000.0,327024.0,18904.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009549,-17349,-536,-4284.0,-872,22.0,1,1,0,1,0,0,Drivers,2.0,2,2,WEDNESDAY,11,0,0,0,0,1,1,Self-employed,,0.6364609437051203,0.6178261467332483,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2106565,301051,Cash loans,18730.35,315000.0,349096.5,,315000.0,WEDNESDAY,9,Y,1,,,,XNA,Approved,-750,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-720.0,-30.0,-630.0,-619.0,1.0,0,Cash loans,F,N,N,0,58500.0,239850.0,23008.5,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.026392000000000002,-16819,-2272,-7069.0,-371,,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,Business Entity Type 3,,0.7157452918824071,0.36896873825284665,0.1237,,0.9901,,,0.12,0.1034,0.375,,,,0.1205,,0.0247,0.1261,,0.9901,,,0.1208,0.1034,0.375,,,,0.1256,,0.0261,0.1249,,0.9901,,,0.12,0.1034,0.375,,,,0.1227,,0.0252,,block of flats,0.1001,Panel,No,0.0,0.0,0.0,0.0,-1491.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1509613,148998,Cash loans,42418.035,202500.0,209182.5,,202500.0,THURSDAY,13,Y,1,,,,Repairs,Approved,-253,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,365243.0,-223.0,-73.0,-103.0,-96.0,1.0,1,Cash loans,M,Y,Y,0,180000.0,592560.0,31153.5,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.00702,-15145,-1611,-1175.0,-982,6.0,1,1,0,1,0,0,Drivers,2.0,2,2,FRIDAY,17,0,0,0,0,0,0,Self-employed,0.37707647350894735,0.6346780701565842,0.5388627065779676,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,3.0,5.0,3.0,-569.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2292616,324352,Revolving loans,4500.0,0.0,90000.0,,,FRIDAY,11,Y,1,,,,XAP,Approved,-2282,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,35,Connectivity,0.0,XNA,Card X-Sell,-2277.0,-2226.0,365243.0,-673.0,-150.0,0.0,0,Cash loans,F,Y,Y,1,112500.0,254700.0,14751.0,225000.0,Other_B,Commercial associate,Higher education,Married,House / apartment,0.031329,-14644,-2895,-6072.0,-6136,9.0,1,1,1,1,1,0,High skill tech staff,3.0,2,2,FRIDAY,11,0,0,0,0,0,0,Postal,,0.30716159881377103,0.7194907850918436,0.16699999999999998,,0.9856,,,0.0,0.5517,0.2083,,,,0.1896,,0.0441,0.1702,,0.9856,,,0.0,0.5517,0.2083,,,,0.1975,,0.0467,0.1686,,0.9856,,,0.0,0.5517,0.2083,,,,0.193,,0.045,,block of flats,0.2037,Block,No,0.0,0.0,0.0,0.0,-2820.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2247599,231229,Consumer loans,3048.705,26964.0,26266.5,2700.0,26964.0,MONDAY,11,Y,1,0.10151538689677576,,,XAP,Approved,-1427,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Regional / Local,191,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1396.0,-1126.0,-1126.0,-1120.0,0.0,0,Cash loans,M,Y,Y,2,130500.0,302076.0,23508.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00702,-11647,-2905,-772.0,-3553,18.0,1,1,1,1,1,0,Laborers,4.0,2,2,SUNDAY,12,0,0,0,0,1,1,Other,0.6574163129126214,0.10621458088238588,0.2622489709189549,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-341.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2471165,229918,Cash loans,27867.06,679500.0,948582.0,,679500.0,MONDAY,16,Y,1,,,,XNA,Refused,-11,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,202500.0,814041.0,23931.0,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-20264,-13438,-241.0,-3809,11.0,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,Industry: type 7,,0.7056295988232171,0.5028782772082183,0.2443,0.2051,0.9906,,,0.28,0.2414,0.375,,0.0663,,0.328,,0.2332,0.2489,0.2128,0.9906,,,0.282,0.2414,0.375,,0.0678,,0.3417,,0.2469,0.2467,0.2051,0.9906,,,0.28,0.2414,0.375,,0.0674,,0.3339,,0.2381,,block of flats,0.3159,"Stone, brick",No,1.0,0.0,1.0,0.0,-11.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1969666,255039,Cash loans,6804.0,67500.0,74182.5,,67500.0,TUESDAY,11,Y,1,,,,Purchase of electronic equipment,Approved,-671,Cash through the bank,XAP,,New,XNA,Cash,walk-in,AP+ (Cash loan),4,XNA,18.0,high,Cash Street: high,365243.0,-641.0,-131.0,-161.0,-155.0,1.0,1,Cash loans,F,N,Y,0,72000.0,203760.0,16227.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.008625,-18673,-2008,-4276.0,-2223,,1,1,0,1,0,0,,1.0,2,2,MONDAY,10,0,0,0,0,1,1,Other,,0.7010807557325704,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-671.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1339126,217769,Consumer loans,2625.3,28660.5,28660.5,0.0,28660.5,TUESDAY,11,Y,1,0.0,,,XAP,Approved,-1394,Cash through the bank,XAP,,Refreshed,Photo / Cinema Equipment,POS,XNA,Country-wide,3357,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-1339.0,-1009.0,-1129.0,-1123.0,0.0,0,Cash loans,F,Y,Y,1,135000.0,135000.0,7749.0,135000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.018209,-11055,-1324,-3128.0,-3578,10.0,1,1,1,1,1,0,High skill tech staff,2.0,3,3,WEDNESDAY,15,0,0,0,0,0,0,Government,0.518080573147489,0.4393461705928304,0.4543210601605785,0.4608,0.3402,0.9886,,,0.48,0.4138,0.3333,,0.2894,,0.0555,,0.0654,0.4695,0.353,0.9886,,,0.4834,0.4138,0.3333,,0.29600000000000004,,0.0578,,0.0693,0.4653,0.3402,0.9886,,,0.48,0.4138,0.3333,,0.2944,,0.0565,,0.0668,,block of flats,0.3879,Panel,No,2.0,0.0,2.0,0.0,-1394.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +1790524,109222,Cash loans,97633.035,1800000.0,1885536.0,,1800000.0,SUNDAY,10,Y,1,,,,XNA,Refused,-174,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,202500.0,970380.0,28503.0,810000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.020713,-20590,-1887,-4966.0,-3803,,1,1,0,1,0,0,Sales staff,1.0,3,1,SATURDAY,7,0,0,0,0,0,0,Construction,,0.6560241241239666,0.6690566947824041,0.1227,0.1206,0.9791,0.7144,0.0104,0.0,0.2069,0.1667,0.0,0.0478,0.1,0.0928,0.0,0.0,0.125,0.1252,0.9791,0.7256,0.0105,0.0,0.2069,0.1667,0.0,0.0489,0.1093,0.0967,0.0,0.0,0.1239,0.1206,0.9791,0.7182,0.0104,0.0,0.2069,0.1667,0.0,0.0486,0.1018,0.0945,0.0,0.0,reg oper account,block of flats,0.0787,"Stone, brick",No,0.0,0.0,0.0,0.0,-1787.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,7.0 +2623005,385536,Cash loans,63346.545,1350000.0,1506816.0,,1350000.0,FRIDAY,8,Y,1,,,,XNA,Approved,-348,XNA,XAP,,Refreshed,XNA,Cash,x-sell,Contact center,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,Y,Y,0,450000.0,640080.0,29839.5,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.018801,-19505,-353,-183.0,-2947,14.0,1,1,0,1,0,0,Managers,2.0,2,2,WEDNESDAY,7,0,0,0,0,0,0,Construction,,0.6047427658591765,0.21518240418475384,0.3804,0.0567,0.9965,0.9524,0.1614,0.24,0.3448,0.7917,0.125,0.0572,0.2807,0.4298,0.1351,0.6401,0.3876,0.0589,0.9965,0.9543,0.1629,0.2417,0.3448,0.7917,0.125,0.0585,0.3067,0.4478,0.1362,0.6776,0.3841,0.0567,0.9965,0.953,0.1625,0.24,0.3448,0.7917,0.125,0.0582,0.2856,0.4376,0.1359,0.6535,org spec account,block of flats,0.4876,Mixed,No,0.0,0.0,0.0,0.0,-1832.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1216344,177150,Cash loans,8422.245,112500.0,127350.0,,112500.0,FRIDAY,14,Y,1,,,,XNA,Refused,-349,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,N,0,135000.0,180000.0,18900.0,180000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.035792000000000004,-10969,-2341,-4716.0,-2380,,1,1,1,1,1,0,Core staff,2.0,2,2,THURSDAY,13,0,0,0,0,1,1,Kindergarten,,0.70576584814778,0.5919766183185521,0.1495,0.0909,0.9871,0.8232,,0.16,0.1379,0.3333,0.375,0.1062,0.121,0.1637,0.0039,0.0031,0.1523,0.0943,0.9871,0.8301,,0.1611,0.1379,0.3333,0.375,0.1086,0.1322,0.1705,0.0039,0.0033,0.1509,0.0909,0.9871,0.8256,,0.16,0.1379,0.3333,0.375,0.108,0.1231,0.1666,0.0039,0.0032,reg oper account,block of flats,0.1294,Panel,No,0.0,0.0,0.0,0.0,-1868.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2681811,174862,Consumer loans,11698.92,136287.0,122067.0,27261.0,136287.0,FRIDAY,18,Y,1,0.1988221048479004,,,XAP,Approved,-421,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,250,Consumer electronics,12.0,low_normal,POS household with interest,,,,,,,0,Cash loans,M,Y,Y,2,135000.0,450000.0,30204.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-10458,-424,-4415.0,-1471,11.0,1,1,0,1,0,0,Laborers,4.0,2,2,SATURDAY,11,0,0,0,1,1,0,Business Entity Type 3,0.21319994921332147,0.4700137213403116,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-269.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +2766527,403186,Cash loans,15929.91,315000.0,414792.0,,315000.0,TUESDAY,9,Y,1,,,,Journey,Refused,-225,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,Y,Y,0,315000.0,512446.5,40617.0,463500.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.007120000000000001,-15980,-417,-992.0,-1593,12.0,1,1,0,1,0,1,,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.2708708987787028,0.5819004388050107,0.445396241560834,0.0948,1.0,0.9806,0.8572,0.0872,0.16,0.0862,0.1875,,,0.121,0.0861,,0.0063,0.042,1.0,0.9722,0.8628,0.08800000000000001,0.1611,0.0345,0.0417,,,0.1322,0.0897,,0.0067,0.0958,1.0,0.9806,0.8591,0.0878,0.16,0.0862,0.1875,,,0.1231,0.0877,,0.0065,,block of flats,0.0068,"Stone, brick",No,0.0,0.0,0.0,0.0,-641.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,9.0 +1746988,289042,Consumer loans,3440.34,37669.95,33898.5,3771.45,37669.95,TUESDAY,17,Y,1,0.10903789118623483,0.14244021307945146,0.6379492600422833,XAP,Approved,-469,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,16,Connectivity,12.0,middle,POS mobile with interest,365243.0,-431.0,-101.0,-341.0,-338.0,0.0,1,Cash loans,F,Y,Y,2,270000.0,1303812.0,38250.0,1138500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-13799,-4429,-4943.0,-4943,6.0,1,1,0,1,1,0,Cleaning staff,4.0,2,2,TUESDAY,14,0,0,0,1,1,0,Business Entity Type 3,0.5270341744208239,0.6643976802264971,0.22383131747015547,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-469.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2210874,237285,Revolving loans,10125.0,0.0,202500.0,,,WEDNESDAY,16,Y,1,,,,XAP,Approved,-1095,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-1030.0,-994.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,180000.0,1125000.0,37309.5,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-20427,-926,-3297.0,-3950,,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,University,0.8263469313436259,0.6090363652068631,0.2650494299443805,0.0825,0.08,0.9752,,,0.0,0.1379,0.1667,,0.0554,,0.0699,,0.0,0.084,0.083,0.9752,,,0.0,0.1379,0.1667,,0.0566,,0.0729,,0.0,0.0833,0.08,0.9752,,,0.0,0.1379,0.1667,,0.0563,,0.0712,,0.0,,block of flats,0.0597,Panel,No,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2688176,444603,Revolving loans,20250.0,0.0,405000.0,,,FRIDAY,8,Y,1,,,,XAP,Approved,-991,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-868.0,-830.0,365243.0,-618.0,365243.0,0.0,0,Cash loans,M,Y,N,0,180000.0,225000.0,24363.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-18789,-1097,-3266.0,-1522,8.0,1,1,0,1,0,0,Drivers,2.0,2,2,TUESDAY,8,0,0,0,1,1,1,Transport: type 4,,0.3230442686629976,0.2176285202779586,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,3.0,5.0,1.0,-574.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1243843,172583,Consumer loans,8633.16,41400.0,43447.5,0.0,41400.0,FRIDAY,9,Y,1,0.0,,,XAP,Approved,-1585,Cash through the bank,XAP,Family,Refreshed,Computers,POS,XNA,Stone,17,Consumer electronics,6.0,high,POS household with interest,365243.0,-1554.0,-1404.0,-1404.0,-1394.0,0.0,0,Cash loans,F,N,Y,0,81000.0,67500.0,4927.5,67500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.019688999999999998,-19640,-2779,-10289.0,-2848,,1,1,1,1,0,0,Sales staff,1.0,2,2,MONDAY,10,0,0,0,0,0,0,Government,,0.6387700522210294,0.6925590674998008,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-1106.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2660441,192316,Consumer loans,4724.82,51592.5,51592.5,0.0,51592.5,TUESDAY,19,Y,1,0.0,,,XAP,Approved,-230,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,1500,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-200.0,130.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,0,225000.0,1571931.0,49486.5,1435500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.04622,-8300,-739,-3702.0,-965,,1,1,0,1,0,0,,1.0,1,1,MONDAY,10,0,0,0,0,0,0,Trade: type 2,0.2344579983042572,0.6356054262229288,0.6722428897082422,0.0237,0.0437,0.9781,0.7008,0.0158,0.0,0.1034,0.0417,0.0417,0.0099,0.0193,0.0177,0.0,0.0,0.0242,0.0454,0.9782,0.7125,0.016,0.0,0.1034,0.0417,0.0417,0.0101,0.0211,0.0184,0.0,0.0,0.0239,0.0437,0.9781,0.7048,0.0159,0.0,0.1034,0.0417,0.0417,0.01,0.0197,0.018000000000000002,0.0,0.0,reg oper spec account,block of flats,0.0226,"Stone, brick",No,3.0,0.0,3.0,0.0,-616.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2309810,420822,Revolving loans,38250.0,765000.0,765000.0,,765000.0,TUESDAY,7,Y,1,,,,XAP,Approved,-465,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,1,247500.0,237024.0,15147.0,180000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.018029,-14426,-2156,-650.0,-3360,,1,1,0,1,0,0,Accountants,2.0,3,3,THURSDAY,6,0,0,0,0,0,0,Business Entity Type 3,0.642722978809424,0.494048715298186,0.7121551551910698,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-646.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,1.0,0.0,3.0 +1678627,312143,Cash loans,27513.675,607500.0,607500.0,,607500.0,MONDAY,11,Y,1,,,,XNA,Approved,-444,XNA,XAP,Family,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,256500.0,966645.0,46503.0,864000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.006207,-21292,-3545,-10264.0,-4648,,1,1,0,1,0,0,High skill tech staff,1.0,2,2,FRIDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.6776763524535481,0.5307090035149336,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1614569,367901,Cash loans,17692.515,202500.0,222547.5,0.0,202500.0,TUESDAY,16,Y,1,0.0,,,XNA,Approved,-2267,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash Street: middle,365243.0,-2237.0,-1727.0,-1727.0,-1723.0,1.0,0,Cash loans,F,N,Y,0,202500.0,566055.0,18387.0,472500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.010966,-20913,-14264,-6566.0,-4263,,1,1,0,1,0,0,Managers,2.0,2,2,MONDAY,18,0,0,0,0,0,0,Business Entity Type 2,,0.6616078569466702,0.08281470424406495,0.0619,0.0621,0.9747,0.6532,0.0063,0.0,0.1034,0.1667,,0.044,,0.0502,,0.0,0.063,0.0644,0.9747,0.6668,0.0063,0.0,0.1034,0.1667,,0.045,,0.0523,,0.0,0.0625,0.0621,0.9747,0.6578,0.0063,0.0,0.1034,0.1667,,0.0447,,0.0511,,0.0,org spec account,block of flats,0.0395,"Stone, brick",No,2.0,0.0,2.0,0.0,-922.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,4.0 +2006233,314717,Cash loans,8555.085,45000.0,46485.0,,45000.0,SATURDAY,9,Y,1,,,,XNA,Approved,-732,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-702.0,-552.0,-552.0,-548.0,1.0,0,Cash loans,F,N,Y,0,202500.0,493497.0,48204.0,454500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-22681,365243,-4477.0,-4642,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,0.7485536222558561,0.6851855443712483,0.30162489168411943,0.0722,0.0553,0.9811,0.7416,0.0079,0.0,0.1379,0.1667,0.2083,,0.0588,0.0636,0.0,0.0,0.0735,0.0574,0.9811,0.7517,0.008,0.0,0.1379,0.1667,0.2083,,0.0643,0.0663,0.0,0.0,0.0729,0.0553,0.9811,0.7451,0.008,0.0,0.1379,0.1667,0.2083,,0.0599,0.0648,0.0,0.0,reg oper spec account,block of flats,0.0544,Block,No,3.0,0.0,3.0,0.0,-931.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,7.0 +2767821,325613,Cash loans,12649.545,135000.0,179433.0,,135000.0,THURSDAY,10,Y,1,,,,XNA,Approved,-829,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-799.0,-109.0,-379.0,-364.0,1.0,0,Cash loans,M,Y,Y,1,135000.0,364896.0,19233.0,315000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00702,-12279,-1522,-2776.0,-2776,16.0,1,1,0,1,0,0,Drivers,3.0,2,2,SUNDAY,11,0,0,0,1,1,0,Trade: type 3,,0.4192634876688892,0.5495965024956946,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,1.0 +1312603,396069,Cash loans,19190.79,139500.0,169695.0,0.0,139500.0,SATURDAY,13,Y,1,0.0,,,XNA,Approved,-1624,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,high,Cash X-Sell: high,365243.0,-1594.0,-1264.0,-1264.0,-1258.0,1.0,0,Revolving loans,M,N,N,0,315000.0,405000.0,20250.0,405000.0,Family,State servant,Higher education,Married,Municipal apartment,0.04622,-20532,-2189,-8996.0,-3290,,1,1,0,1,0,0,Laborers,2.0,1,1,SATURDAY,13,0,1,1,0,0,0,Government,,0.445441681624194,0.2263473957097693,0.0825,0.0819,0.9767,0.6804,0.0,0.0,0.1379,0.1667,0.2083,0.0142,0.0672,0.0705,0.0,0.0877,0.084,0.085,0.9767,0.6929,0.0,0.0,0.1379,0.1667,0.2083,0.0145,0.0735,0.0734,0.0,0.0929,0.0833,0.0819,0.9767,0.6847,0.0,0.0,0.1379,0.1667,0.2083,0.0144,0.0684,0.0717,0.0,0.0896,reg oper account,block of flats,0.0745,Panel,No,0.0,0.0,0.0,0.0,-830.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,5.0 +1439958,124557,Cash loans,16521.345,184500.0,202765.5,0.0,184500.0,THURSDAY,4,Y,1,0.0,,,XNA,Approved,-2268,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,18.0,high,Cash Street: high,365243.0,-2238.0,-1728.0,-1728.0,-1726.0,1.0,0,Cash loans,F,N,N,0,112500.0,1154655.0,45922.5,990000.0,Unaccompanied,Commercial associate,Lower secondary,Married,Municipal apartment,0.014464,-19020,-231,-10331.0,-2471,,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,6,0,0,0,0,0,0,Self-employed,,0.3973744866881944,0.7194907850918436,0.0928,0.1832,0.9861,0.8096,0.0478,0.0,0.2069,0.1667,0.2083,0.0583,0.0756,0.0479,0.0,0.0,0.0945,0.1901,0.9861,0.8171,0.0482,0.0,0.2069,0.1667,0.2083,0.0597,0.0826,0.05,0.0,0.0,0.0937,0.1832,0.9861,0.8121,0.0481,0.0,0.2069,0.1667,0.2083,0.0593,0.077,0.0488,0.0,0.0,org spec account,block of flats,0.0641,"Stone, brick",No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,3.0 +2024783,453194,Revolving loans,7875.0,0.0,157500.0,,,FRIDAY,15,Y,1,,,,XAP,Refused,-368,XNA,HC,,Repeater,XNA,Cards,x-sell,Country-wide,280,Industry,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,Y,N,0,67500.0,90000.0,9679.5,90000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-11991,-140,-2171.0,-1874,13.0,1,1,1,1,0,0,Laborers,2.0,2,2,TUESDAY,11,0,0,0,0,1,1,Construction,,0.6568723699168563,0.2793353208976285,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2129.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1941416,416319,Cash loans,32287.5,450000.0,481185.0,,450000.0,SATURDAY,10,Y,1,,,,XNA,Approved,-494,XNA,XAP,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,18.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,315000.0,599116.5,40198.5,535500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.072508,-22732,365243,-11845.0,-4087,,1,0,0,1,1,0,,1.0,1,1,WEDNESDAY,17,0,0,0,0,0,0,XNA,,0.640765773869749,0.646329897706246,0.0629,0.0365,0.9672,0.5512,0.0694,0.16,0.1379,0.2917,0.3333,0.0412,0.0488,0.0841,0.0116,0.0432,0.0641,0.0379,0.9672,0.5688,0.07,0.1611,0.1379,0.2917,0.3333,0.0421,0.0533,0.0877,0.0117,0.0458,0.0635,0.0365,0.9672,0.5572,0.0698,0.16,0.1379,0.2917,0.3333,0.0419,0.0496,0.0857,0.0116,0.0442,reg oper account,block of flats,0.0756,"Stone, brick",No,0.0,0.0,0.0,0.0,-2066.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +2488660,393677,Cash loans,,0.0,0.0,,,TUESDAY,6,Y,1,,,,XNA,Refused,-206,XNA,HC,,Repeater,XNA,XNA,XNA,Contact center,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,1,135000.0,135000.0,16150.5,135000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-11631,-2945,-5278.0,-416,,1,1,0,1,0,0,Private service staff,3.0,2,2,FRIDAY,10,0,0,0,1,1,0,Self-employed,,0.5084365026796281,,0.2134,0.136,0.9801,0.728,0.1203,0.16,0.1379,0.3333,0.375,0.0,0.1731,0.1978,0.0039,0.0039,0.2174,0.1411,0.9801,0.7387,0.1214,0.1611,0.1379,0.3333,0.375,0.0,0.1892,0.2061,0.0039,0.0041,0.2155,0.136,0.9801,0.7316,0.1211,0.16,0.1379,0.3333,0.375,0.0,0.1761,0.2014,0.0039,0.0039,reg oper account,block of flats,0.2269,Panel,No,0.0,0.0,0.0,0.0,-1128.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1432272,171408,Cash loans,21425.625,562500.0,562500.0,,562500.0,MONDAY,19,Y,1,,,,XNA,Refused,-261,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,112500.0,882000.0,25920.0,882000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.030755,-16759,-5185,-5173.0,-298,,1,1,0,1,0,0,Core staff,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,School,0.6111466383368683,0.7550336265680602,0.5082869913916046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-3127.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2221275,453433,Cash loans,14202.36,229500.0,254340.0,,229500.0,MONDAY,10,Y,1,,,,XNA,Approved,-606,XNA,XAP,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-576.0,114.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,135000.0,743958.0,21883.5,621000.0,Family,Pensioner,Secondary / secondary special,Single / not married,Municipal apartment,0.030755,-21813,365243,-4405.0,-4879,,1,0,0,1,1,0,,1.0,2,2,FRIDAY,11,0,0,0,0,0,0,XNA,,0.6809201243046225,0.7662336700704004,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1113.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1355678,400053,Revolving loans,3375.0,0.0,67500.0,,,MONDAY,19,Y,1,,,,XAP,Approved,-2854,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,100,XNA,0.0,XNA,Card Street,-2815.0,-2756.0,365243.0,-1476.0,365243.0,0.0,0,Cash loans,F,N,Y,2,180000.0,1494486.0,41224.5,1305000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.032561,-14427,365243,-8565.0,-214,,1,0,0,1,1,0,,3.0,1,1,SATURDAY,16,0,0,0,0,0,0,XNA,,0.7032256062473334,0.5797274227921155,0.2309,0.0941,0.9747,0.6532,0.0297,0.0,0.3448,0.2083,0.25,0.0,0.1799,0.1895,0.0386,0.1349,0.2353,0.0977,0.9747,0.6668,0.03,0.0,0.3448,0.2083,0.25,0.0,0.1965,0.1974,0.0389,0.1428,0.2332,0.0941,0.9747,0.6578,0.0299,0.0,0.3448,0.2083,0.25,0.0,0.183,0.1929,0.0388,0.1377,reg oper account,block of flats,0.1946,"Stone, brick",No,1.0,0.0,1.0,0.0,-1650.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1873624,221735,Cash loans,69799.455,630000.0,679896.0,,630000.0,MONDAY,14,Y,1,,,,XNA,Approved,-177,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-147.0,183.0,-57.0,-52.0,1.0,0,Cash loans,F,Y,N,0,225000.0,657000.0,50841.0,657000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.0031219999999999998,-13928,-679,-561.0,-1355,12.0,1,1,1,1,0,0,Laborers,2.0,3,3,TUESDAY,11,0,1,1,0,1,1,Business Entity Type 3,0.4317398539124129,0.6521401862947376,0.3606125659189888,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +1205287,272877,Consumer loans,1753.335,16200.0,15781.5,1620.0,16200.0,TUESDAY,15,Y,1,0.10138937865857954,,,XAP,Approved,-2648,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,52,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2617.0,-2347.0,-2347.0,-2342.0,1.0,0,Revolving loans,F,N,Y,2,81000.0,247500.0,12375.0,,,Working,Secondary / secondary special,Married,House / apartment,0.018634,-13277,-1589,-2847.0,-4253,,1,1,1,1,0,0,Sales staff,4.0,2,2,THURSDAY,16,0,0,0,0,0,0,Self-employed,,0.06691184891282285,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-653.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1690278,238380,Consumer loans,7493.04,80608.5,72544.5,8064.0,80608.5,WEDNESDAY,18,Y,1,0.10895165014742972,,,XAP,Approved,-667,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,32,Connectivity,12.0,middle,POS mobile with interest,365243.0,-636.0,-306.0,-576.0,-560.0,0.0,0,Cash loans,M,Y,Y,2,180000.0,365359.5,39478.5,328500.0,Family,Working,Secondary / secondary special,Married,With parents,0.035792000000000004,-11938,-1324,-395.0,-4133,12.0,1,1,0,1,0,0,Drivers,4.0,2,2,FRIDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.6371184474370946,0.3046721837533529,0.0619,0.0708,0.9816,0.7484,0.0511,0.0,0.1379,0.1667,0.2083,0.0589,0.0504,0.062,0.0,0.0,0.063,0.0735,0.9816,0.7583,0.0515,0.0,0.1379,0.1667,0.2083,0.0603,0.0551,0.0646,0.0,0.0,0.0625,0.0708,0.9816,0.7518,0.0514,0.0,0.1379,0.1667,0.2083,0.0599,0.0513,0.0631,0.0,0.0,reg oper account,block of flats,0.0487,Panel,No,1.0,0.0,1.0,0.0,-1370.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1525581,361841,Consumer loans,3042.945,29155.5,25614.0,5850.0,29155.5,THURSDAY,17,Y,1,0.2024911587268567,,,XAP,Approved,-2003,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,25,Connectivity,12.0,high,POS mobile with interest,365243.0,-1972.0,-1642.0,-1642.0,-1636.0,0.0,0,Cash loans,F,Y,Y,0,225000.0,801274.5,51336.0,733500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.01885,-15066,-2450,-1725.0,-4175,12.0,1,1,0,1,0,1,Managers,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,Other,0.856173941638059,0.6442716185753788,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-2003.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2315413,246942,Cash loans,30137.085,900000.0,1030680.0,,900000.0,MONDAY,15,Y,1,,,,Medicine,Approved,-793,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,365243.0,-760.0,1010.0,365243.0,365243.0,0.0,1,Cash loans,F,N,Y,1,292500.0,232344.0,12735.0,157500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.030755,-19343,-2023,-1704.0,-2887,,1,1,0,1,0,0,Medicine staff,2.0,2,2,THURSDAY,14,0,0,0,0,1,1,Other,0.6797965795831044,0.53657556783696,0.20559813854932085,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-794.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1725688,195743,Consumer loans,12498.255,116977.5,113962.5,11700.0,116977.5,FRIDAY,16,Y,1,0.10140148124033524,,,XAP,Approved,-1250,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Regional / Local,198,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-1218.0,-948.0,-978.0,-974.0,0.0,0,Cash loans,F,N,Y,0,166500.0,315000.0,17217.0,315000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.031329,-8933,-1317,-4157.0,-1330,,1,1,0,1,0,0,Laborers,1.0,2,2,TUESDAY,15,0,0,0,0,0,0,Industry: type 5,,0.3896298645659261,0.5656079814115492,0.0371,0.07,0.9662,0.5376,0.0304,0.0,0.1034,0.0833,0.125,0.085,0.0294,0.0189,0.0039,0.0021,0.0378,0.0727,0.9662,0.5557,0.0307,0.0,0.1034,0.0833,0.125,0.087,0.0321,0.0197,0.0039,0.0022,0.0375,0.07,0.9662,0.5438,0.0306,0.0,0.1034,0.0833,0.125,0.0865,0.0299,0.0192,0.0039,0.0022,reg oper account,block of flats,0.0319,"Stone, brick",No,5.0,0.0,5.0,0.0,-310.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1641261,128677,Consumer loans,8114.805,54580.5,40338.0,16267.5,54580.5,THURSDAY,8,Y,1,0.31298701298701304,,,XAP,Approved,-566,Cash through the bank,XAP,,Repeater,Jewelry,POS,XNA,Stone,40,Industry,6.0,high,POS other with interest,365243.0,-535.0,-385.0,-535.0,-528.0,0.0,0,Cash loans,F,N,Y,0,135000.0,814041.0,23931.0,679500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-19490,-4489,-2988.0,-2891,,1,1,0,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,Self-employed,,0.5979331088936938,0.5352762504724826,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,0.0,8.0,0.0,-1755.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +2510074,293927,Consumer loans,7389.27,139095.0,161127.0,0.0,139095.0,TUESDAY,11,Y,1,0.0,,,XAP,Approved,-254,Cash through the bank,XAP,Other_A,Repeater,Audio/Video,POS,XNA,Country-wide,4000,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-224.0,466.0,-74.0,-67.0,1.0,0,Cash loans,M,Y,Y,0,360000.0,601474.5,29065.5,486000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.018801,-8646,-1100,-2639.0,-1315,14.0,1,1,0,1,0,0,Core staff,1.0,2,2,THURSDAY,13,0,0,0,0,0,0,Bank,,0.44256977693058985,0.5478104658520093,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1060727,126371,Consumer loans,4303.035,37417.5,37417.5,0.0,37417.5,WEDNESDAY,11,Y,1,0.0,,,XAP,Approved,-331,XNA,XAP,Family,New,Consumer Electronics,POS,XNA,Stone,50,Consumer electronics,10.0,middle,POS household with interest,365243.0,-285.0,-15.0,-15.0,-12.0,0.0,0,Cash loans,F,N,Y,0,31500.0,74182.5,5674.5,67500.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.02461,-18268,365243,-11453.0,-1820,,1,0,0,1,1,0,,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,XNA,,0.5522975720736807,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-331.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1482043,437990,Consumer loans,3141.27,15299.73,16051.5,4.23,15299.73,THURSDAY,19,Y,1,0.0002869289995194578,,,XAP,Approved,-1063,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,300,Consumer electronics,6.0,high,POS household with interest,365243.0,-1010.0,-860.0,-860.0,-857.0,0.0,0,Revolving loans,F,N,N,0,90000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.009175,-8098,-370,-2627.0,-757,,1,1,1,1,1,0,Private service staff,2.0,2,2,WEDNESDAY,20,0,0,0,0,0,0,Self-employed,,0.4971809952777733,0.6817058776720116,0.0082,0.0,0.9722,,,0.0,0.0345,0.0417,,0.0176,,0.0083,,0.0,0.0084,0.0,0.9722,,,0.0,0.0345,0.0417,,0.018000000000000002,,0.0087,,0.0,0.0083,0.0,0.9722,,,0.0,0.0345,0.0417,,0.0179,,0.0085,,0.0,,block of flats,0.0065,Mixed,No,0.0,0.0,0.0,0.0,-197.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1938331,202762,Consumer loans,6074.415,60750.0,54675.0,6075.0,60750.0,SATURDAY,11,Y,1,0.1089090909090909,,,XAP,Approved,-1382,Cash through the bank,XAP,Unaccompanied,New,Furniture,POS,XNA,Stone,19,Furniture,10.0,low_normal,POS industry with interest,365243.0,-1351.0,-1081.0,-1141.0,-1136.0,0.0,0,Cash loans,F,Y,Y,0,135000.0,1350000.0,39604.5,1350000.0,Unaccompanied,State servant,Incomplete higher,Married,House / apartment,0.010147,-18684,-2879,-2819.0,-2189,3.0,1,1,0,1,0,0,Drivers,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Security Ministries,0.7519456932011329,0.7329955597533493,0.40314167665875134,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1382.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1039222,219622,Consumer loans,7905.69,79065.0,71158.5,7906.5,79065.0,MONDAY,13,Y,1,0.1089090909090909,,,XAP,Refused,-2900,Cash through the bank,HC,,Repeater,XNA,POS,XNA,Stone,1194,Construction,10.0,low_normal,POS industry without interest,,,,,,,0,Cash loans,F,N,Y,0,225000.0,1048500.0,30784.5,1048500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.009175,-17682,-9089,-4863.0,-1222,,1,1,0,1,0,0,High skill tech staff,1.0,2,2,WEDNESDAY,18,0,0,0,0,0,0,Government,0.7513764287146772,0.4538779688181558,0.5388627065779676,0.0619,0.0456,0.9935,,,0.04,0.0345,0.4167,,,,,,,0.063,0.0473,0.9935,,,0.0403,0.0345,0.4167,,,,,,,0.0625,0.0456,0.9935,,,0.04,0.0345,0.4167,,,,,,,,block of flats,0.0451,"Stone, brick",No,1.0,0.0,1.0,0.0,-1718.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2015371,229176,Cash loans,24037.29,270000.0,331348.5,,270000.0,MONDAY,10,Y,1,,,,XNA,Approved,-401,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-371.0,139.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,0,202500.0,679500.0,26946.0,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-14646,-3602,-8198.0,-3941,9.0,1,1,0,1,1,0,Drivers,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Other,,0.34990985543225833,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1371623,432081,Consumer loans,4797.225,46273.5,49216.5,4500.0,46273.5,MONDAY,14,Y,1,0.09123656773820134,,,XAP,Refused,-214,Cash through the bank,LIMIT,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,16,Connectivity,18.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,0,81000.0,315000.0,14814.0,315000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.015221,-20844,365243,-12893.0,-3354,,1,0,0,1,1,0,,2.0,2,2,FRIDAY,8,0,0,0,0,0,0,XNA,,0.5869829876349549,0.5460231970049609,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,0.0,-282.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1033977,356051,Consumer loans,7305.12,79191.0,56497.5,27000.0,79191.0,SUNDAY,11,Y,1,0.3521716763430587,,,XAP,Approved,-2237,Cash through the bank,XAP,Children,Refreshed,Consumer Electronics,POS,XNA,Country-wide,3000,Consumer electronics,10.0,high,POS household with interest,365243.0,-2206.0,-1936.0,-1936.0,-1922.0,1.0,0,Revolving loans,F,N,Y,0,135000.0,405000.0,20250.0,270000.0,Family,Pensioner,Higher education,Married,House / apartment,0.0228,-21238,365243,-4248.0,-4586,,1,0,1,1,1,0,,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,XNA,,0.6900189674559749,0.6940926425266661,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1533.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2274294,327741,Consumer loans,11063.295,189652.5,214114.5,0.0,189652.5,SUNDAY,10,Y,1,0.0,,,XAP,Approved,-763,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Regional / Local,150,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-732.0,-42.0,-42.0,-35.0,0.0,0,Cash loans,M,N,Y,0,112500.0,900000.0,26446.5,900000.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.018209,-17932,-554,-5709.0,-1475,,1,1,0,1,0,0,,1.0,3,3,SUNDAY,8,0,0,0,0,0,0,Business Entity Type 3,0.2064702439212828,0.5348133226107324,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-763.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1739092,444124,Cash loans,14984.235,67500.0,78079.5,,67500.0,SATURDAY,9,Y,1,,,,XNA,Approved,-581,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-551.0,-401.0,-431.0,-426.0,1.0,0,Revolving loans,F,N,N,0,81000.0,202500.0,10125.0,202500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.018029,-20592,-123,-4782.0,-2781,,1,1,0,1,0,0,,1.0,3,3,SATURDAY,8,0,0,0,0,1,1,School,0.6064962950120197,0.5016747473229507,0.35895122857839673,0.2794,0.1484,0.9901,0.8640000000000001,0.1117,0.24,0.2069,0.3333,0.0417,0.2303,0.2261,0.2348,0.0077,0.0238,0.2847,0.154,0.9901,0.8693,0.1127,0.2417,0.2069,0.3333,0.0417,0.2355,0.247,0.2447,0.0078,0.0251,0.2821,0.1484,0.9901,0.8658,0.1124,0.24,0.2069,0.3333,0.0417,0.2343,0.23,0.2391,0.0078,0.0243,reg oper account,block of flats,0.2509,Panel,No,2.0,0.0,2.0,0.0,-1715.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2376403,359295,Consumer loans,7697.385,117409.5,117409.5,0.0,117409.5,SATURDAY,18,Y,1,0.0,,,XAP,Refused,-613,Non-cash from your account,HC,,Repeater,Computers,POS,XNA,Country-wide,951,Consumer electronics,18.0,low_normal,POS household with interest,,,,,,,0,Cash loans,M,Y,Y,0,292500.0,630000.0,25659.0,630000.0,Unaccompanied,Working,Incomplete higher,Civil marriage,House / apartment,0.009334,-9285,-1523,-3928.0,-1692,5.0,1,1,0,1,0,1,Sales staff,2.0,2,2,WEDNESDAY,18,0,0,0,0,0,0,Trade: type 2,,0.5966917931172387,0.1047946227497676,,,0.9717,,,,0.1379,0.0,,,,0.0022,,,,,0.9717,,,,0.1379,0.0,,,,0.0023,,,,,0.9717,,,,0.1379,0.0,,,,0.0023,,,,block of flats,0.0017,Wooden,No,1.0,0.0,1.0,0.0,-369.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1419794,312422,Cash loans,48649.815,652500.0,697288.5,,652500.0,MONDAY,15,Y,1,,,,XNA,Approved,-359,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-329.0,361.0,365243.0,365243.0,1.0,1,Cash loans,M,Y,Y,1,157500.0,288972.0,15259.5,207000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.007305,-12375,-3525,-30.0,-3367,4.0,1,1,0,1,1,0,Drivers,3.0,3,3,WEDNESDAY,11,0,0,0,0,0,0,Construction,,0.6166424620328235,0.7121551551910698,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1326.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,4.0 +1818522,107505,Revolving loans,9000.0,0.0,180000.0,,,MONDAY,12,Y,1,,,,XAP,Approved,-2517,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,20,Connectivity,0.0,XNA,Card Street,-2516.0,-2471.0,365243.0,-461.0,365243.0,0.0,0,Cash loans,M,N,Y,1,67500.0,1082214.0,35041.5,945000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-14598,-1314,-5134.0,-5132,,1,1,1,1,1,1,Security staff,3.0,2,2,FRIDAY,10,0,0,0,1,1,0,Other,0.2481129282337821,0.5087862802000714,0.5744466170995097,0.0196,0.0,0.9816,0.7484,0.0,0.0,0.069,0.0417,0.0417,0.0284,0.016,0.0117,0.0,0.0,0.02,0.0,0.9816,0.7583,0.0,0.0,0.069,0.0417,0.0417,0.029,0.0174,0.0122,0.0,0.0,0.0198,0.0,0.9816,0.7518,0.0,0.0,0.069,0.0417,0.0417,0.0289,0.0162,0.0119,0.0,0.0,,block of flats,0.0152,Wooden,No,1.0,0.0,1.0,0.0,-2573.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1665382,279032,Consumer loans,8341.155,89401.5,89401.5,0.0,89401.5,MONDAY,13,Y,1,0.0,,,XAP,Approved,-1647,Cash through the bank,XAP,Children,New,Construction Materials,POS,XNA,Stone,670,Construction,12.0,low_normal,POS industry with interest,365243.0,-1616.0,-1286.0,-1286.0,-1277.0,0.0,0,Cash loans,F,N,N,1,135000.0,225000.0,17541.0,225000.0,Unaccompanied,State servant,Higher education,Separated,With parents,0.018209,-13612,-3127,-1861.0,-3390,,1,1,0,1,0,1,Core staff,2.0,3,3,WEDNESDAY,11,0,0,0,0,0,0,School,0.4673343805734842,0.18292516714731527,0.221335206354466,0.0825,0.0793,0.9752,0.66,0.0099,0.0,0.1379,0.1667,0.0417,0.0065,0.0672,0.0484,0.0,0.0,0.084,0.0823,0.9752,0.6733,0.01,0.0,0.1379,0.1667,0.0417,0.0066,0.0735,0.0504,0.0,0.0,0.0833,0.0793,0.9752,0.6645,0.01,0.0,0.1379,0.1667,0.0417,0.0066,0.0684,0.0492,0.0,0.0,reg oper account,block of flats,0.067,Panel,No,1.0,0.0,1.0,0.0,-160.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,3.0 +2163207,170470,Consumer loans,4206.33,35055.0,32737.5,5265.0,35055.0,FRIDAY,10,Y,1,0.1508864847408364,,,XAP,Approved,-1813,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,50,Connectivity,12.0,high,POS mobile with interest,365243.0,-1782.0,-1452.0,-1482.0,-1475.0,0.0,0,Cash loans,F,N,N,0,117000.0,526491.0,19039.5,454500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-16271,-2679,-1822.0,-1824,,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,10,0,0,0,0,1,1,Self-employed,0.5649815116080652,0.6396273930436418,0.36896873825284665,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1813.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2230526,284120,Cash loans,4023.0,45000.0,45000.0,0.0,45000.0,SATURDAY,12,Y,1,0.0,,,XNA,Refused,-2834,Cash through the bank,SCO,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,15.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,112500.0,508495.5,20295.0,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,Municipal apartment,0.009175,-23447,365243,-12414.0,-4182,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,15,0,0,0,0,0,0,XNA,0.7674571802557946,0.6542207729762601,0.3656165070113335,0.0619,0.0922,0.9831,,,0.0,0.1379,0.1667,,0.0311,,0.0609,,0.0,0.063,0.0957,0.9831,,,0.0,0.1379,0.1667,,0.0319,,0.0635,,0.0,0.0625,0.0922,0.9831,,,0.0,0.1379,0.1667,,0.0317,,0.062,,0.0,,block of flats,0.0529,Panel,No,0.0,0.0,0.0,0.0,-858.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1642971,238907,Cash loans,51796.98,1755000.0,1963494.0,,1755000.0,MONDAY,14,Y,1,,,,XNA,Approved,-546,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_action,Cash X-Sell: low,365243.0,-516.0,1254.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,315000.0,961146.0,28233.0,688500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.032561,-17141,-4750,-11283.0,-661,,1,1,0,1,0,0,Sales staff,2.0,1,1,MONDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.6363850450116081,0.656158373001177,0.0577,0.0544,0.9771,,,0.0,0.1034,0.1667,,0.0259,,0.0463,,0.0122,0.0588,0.0564,0.9772,,,0.0,0.1034,0.1667,,0.0265,,0.0482,,0.0129,0.0583,0.0544,0.9771,,,0.0,0.1034,0.1667,,0.0264,,0.0471,,0.0125,,block of flats,0.0391,"Stone, brick",No,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1029902,228374,Consumer loans,9070.965,76365.0,78979.5,4500.0,76365.0,WEDNESDAY,12,Y,1,0.0587079353722661,,,XAP,Approved,-2151,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Stone,15,Consumer electronics,12.0,high,POS household with interest,365243.0,-2120.0,-1790.0,-1790.0,-1783.0,0.0,0,Cash loans,F,Y,Y,2,90000.0,675000.0,32602.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-10366,-2488,-4556.0,-1718,1.0,1,1,0,1,0,0,,4.0,2,2,FRIDAY,6,0,0,0,0,0,0,Business Entity Type 3,0.35266357836322043,0.4106106074219161,0.4902575124990026,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-2151.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1239517,372273,Consumer loans,11758.86,112770.0,98154.0,22554.0,112770.0,TUESDAY,8,Y,1,0.20349402163598404,,,XAP,Approved,-878,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Stone,80,Consumer electronics,10.0,middle,POS household with interest,365243.0,-846.0,-576.0,-576.0,-572.0,0.0,0,Cash loans,F,N,Y,0,41850.0,269550.0,11416.5,225000.0,Family,Pensioner,Secondary / secondary special,Separated,House / apartment,0.006852,-20415,365243,-123.0,-3830,,1,0,0,1,1,0,,1.0,3,3,FRIDAY,5,0,0,0,0,0,0,XNA,,0.4830555314527306,0.6363761710860439,,,0.9752,,,,0.069,0.0,,0.0126,,0.0022,,,,,0.9752,,,,0.069,0.0,,0.0129,,0.0023,,,,,0.9752,,,,0.069,0.0,,0.0128,,0.0022,,,,block of flats,0.0017,Wooden,Yes,2.0,0.0,2.0,0.0,-1274.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1667589,330181,Consumer loans,5057.685,20002.5,17752.5,2250.0,20002.5,SUNDAY,10,Y,1,0.12250741384599645,,,XAP,Approved,-2678,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Stone,8,Connectivity,4.0,high,POS mobile with interest,365243.0,-2635.0,-2545.0,-2545.0,-1740.0,0.0,0,Cash loans,M,Y,N,0,144000.0,312840.0,20124.0,247500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0105,-14845,-1620,-5798.0,-2355,3.0,1,1,0,1,0,0,Drivers,2.0,3,3,THURSDAY,10,0,0,0,0,0,0,Transport: type 4,0.44759864192995374,0.60657595490437,0.6296742509538716,0.0804,0.0545,0.996,0.9456,0.0197,0.06,0.0862,0.2708,0.3125,0.0261,0.0908,0.0604,0.0,0.0,0.0504,0.0471,0.996,0.9477,0.0198,0.0,0.069,0.2083,0.25,0.0065,0.0992,0.0352,0.0,0.0,0.0812,0.0545,0.996,0.9463,0.0198,0.06,0.0862,0.2708,0.3125,0.0266,0.0923,0.0614,0.0,0.0,org spec account,block of flats,0.0302,Panel,No,0.0,0.0,0.0,0.0,-314.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2765250,238325,Consumer loans,12375.675,104355.0,103216.5,10435.5,104355.0,THURSDAY,15,Y,1,0.10000007199009413,,,XAP,Approved,-2169,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Stone,65,Consumer electronics,12.0,high,POS household with interest,365243.0,-2138.0,-1808.0,-1808.0,-1802.0,0.0,0,Cash loans,M,Y,Y,1,315000.0,1125000.0,37179.0,1125000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,With parents,0.031329,-10525,-472,-10116.0,-3101,7.0,1,1,0,1,0,1,Managers,2.0,2,2,WEDNESDAY,10,0,0,0,1,1,0,Business Entity Type 3,0.15539412515788414,0.5485638065935066,0.2866524828090694,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-769.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2111897,133764,Consumer loans,,128961.0,128961.0,,128961.0,FRIDAY,5,Y,1,,,,XAP,Refused,-1175,Cash through the bank,HC,Unaccompanied,New,Audio/Video,XNA,XNA,Country-wide,333,Furniture,,XNA,POS industry with interest,,,,,,,0,Cash loans,M,N,Y,0,315000.0,256500.0,20394.0,256500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.008068,-14025,-1680,-1897.0,-4460,,1,1,0,1,1,0,,1.0,3,3,THURSDAY,4,0,0,0,0,0,0,Business Entity Type 3,0.08767479427616545,0.1876254061645208,0.4884551844437485,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1175.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1265001,213828,Cash loans,37851.165,1080000.0,1205451.0,,1080000.0,SUNDAY,12,Y,1,,,,XNA,Refused,-189,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,247500.0,208854.0,12118.5,184500.0,Family,Pensioner,Secondary / secondary special,Separated,House / apartment,0.030755,-21340,365243,-4695.0,-3988,,1,0,0,1,0,0,,1.0,2,2,SUNDAY,11,0,0,0,0,0,0,XNA,,0.6362737146442704,,0.1371,0.0987,0.9771,,,0.16,0.1379,0.3333,,0.0364,,0.1449,,0.0889,0.1397,0.1024,0.9772,,,0.1611,0.1379,0.3333,,0.0373,,0.151,,0.0941,0.1384,0.0987,0.9771,,,0.16,0.1379,0.3333,,0.0371,,0.1475,,0.0907,,block of flats,0.1684,Panel,No,4.0,0.0,4.0,0.0,-923.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1269898,376941,Revolving loans,45000.0,0.0,900000.0,,,SATURDAY,13,Y,1,,,,XAP,Refused,-304,XNA,XNA,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,157500.0,1288350.0,37669.5,1125000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.011703,-13135,-5313,-6640.0,-4800,,1,1,1,1,1,0,Medicine staff,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,Medicine,0.35640173701842426,0.7666428513148466,0.4135967602644276,0.0825,0.0589,0.9737,,,0.0,0.1379,0.1667,,0.0447,,0.0644,,0.0,0.084,0.0611,0.9737,,,0.0,0.1379,0.1667,,0.0457,,0.0671,,0.0,0.0833,0.0589,0.9737,,,0.0,0.1379,0.1667,,0.0455,,0.0655,,0.0,,block of flats,0.0551,"Stone, brick",No,0.0,0.0,0.0,0.0,-1790.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +2239997,276743,Cash loans,17639.055,157500.0,167895.0,0.0,157500.0,WEDNESDAY,14,Y,1,0.0,,,XNA,Approved,-1576,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,middle,Cash X-Sell: middle,365243.0,-1546.0,-1216.0,-1216.0,-1208.0,1.0,0,Cash loans,F,N,Y,0,99000.0,1762110.0,48586.5,1575000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.00963,-10112,-1155,-3023.0,-2645,,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Trade: type 7,0.3790697210173229,0.366609157153194,0.5549467685334323,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1576.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +2493533,387068,Cash loans,13692.825,112500.0,119925.0,0.0,112500.0,TUESDAY,16,Y,1,0.0,,,XNA,Refused,-1630,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,Y,Y,0,216000.0,1024290.0,30078.0,855000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.01885,-14153,-2985,-8253.0,-5081,21.0,1,1,0,1,0,0,Private service staff,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.4875727228813522,0.3859146722745145,0.0619,,0.9727,0.626,,0.0,0.1379,0.1667,,,,0.0739,,0.0417,0.063,,0.9727,0.6406,,0.0,0.1379,0.1667,,,,0.077,,0.0442,0.0625,,0.9727,0.631,,0.0,0.1379,0.1667,,,,0.0753,,0.0426,,block of flats,0.0672,,No,4.0,0.0,4.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1052177,237161,Consumer loans,7466.445,114745.5,103270.5,11475.0,114745.5,FRIDAY,11,Y,1,0.10891336202132697,,,XAP,Approved,-1013,Cash through the bank,XAP,"Spouse, partner",Refreshed,Audio/Video,POS,XNA,Country-wide,529,Consumer electronics,18.0,middle,POS household with interest,365243.0,-962.0,-452.0,-842.0,-836.0,0.0,0,Cash loans,F,Y,Y,0,202500.0,679500.0,27076.5,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-18793,-4799,-8524.0,-2346,14.0,1,1,0,1,0,0,Managers,2.0,2,2,WEDNESDAY,11,0,0,0,0,1,1,Government,,0.2563991885360997,0.2707073872651806,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,0.0,0.0,-1013.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2110540,275771,Consumer loans,5571.45,65340.0,84982.5,0.0,65340.0,TUESDAY,11,Y,1,0.0,,,XAP,Approved,-915,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Stone,100,Consumer electronics,18.0,low_normal,POS household with interest,365243.0,-884.0,-374.0,-524.0,-518.0,0.0,0,Cash loans,F,N,N,0,90000.0,206280.0,7906.5,135000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,Municipal apartment,0.031329,-16718,-1288,-504.0,-261,,1,1,0,1,0,0,Waiters/barmen staff,2.0,2,2,SUNDAY,14,0,0,0,0,0,0,Restaurant,,0.1953537989258013,,0.0825,0.1315,0.9861,0.8096,0.0139,0.0,0.2069,0.1667,0.0,0.0795,0.0672,0.0531,0.0116,0.0596,0.084,0.1365,0.9861,0.8171,0.014,0.0,0.2069,0.1667,0.0,0.0813,0.0735,0.0553,0.0117,0.0631,0.0833,0.1315,0.9861,0.8121,0.014,0.0,0.2069,0.1667,0.0,0.0809,0.0684,0.054000000000000006,0.0116,0.0608,reg oper account,block of flats,0.0669,"Stone, brick",No,0.0,0.0,0.0,0.0,-566.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2719679,177237,Consumer loans,19419.03,89995.5,94450.5,0.0,89995.5,MONDAY,11,Y,1,0.0,,,XAP,Approved,-1701,Cash through the bank,XAP,Other_B,Repeater,Computers,POS,XNA,Regional / Local,690,Consumer electronics,6.0,high,POS household with interest,365243.0,-1670.0,-1520.0,-1520.0,-1513.0,0.0,0,Cash loans,F,N,Y,2,157500.0,725017.5,76261.5,693000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.020713,-12339,-2453,-6424.0,-1025,,1,1,0,1,0,0,Accountants,4.0,3,2,MONDAY,5,0,0,0,0,0,0,Industry: type 3,0.4693218907686783,0.4059616439983209,,0.2371,0.1728,0.9871,0.8232,0.0482,0.24,0.2069,0.3333,0.375,0.2023,0.1933,0.2545,0.0,0.0,0.2416,0.1793,0.9871,0.8301,0.0486,0.2417,0.2069,0.3333,0.375,0.207,0.2112,0.2652,0.0,0.0,0.2394,0.1728,0.9871,0.8256,0.0485,0.24,0.2069,0.3333,0.375,0.2059,0.1967,0.2591,0.0,0.0,reg oper account,block of flats,0.2265,"Stone, brick",No,0.0,0.0,0.0,0.0,-39.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2095119,423819,Consumer loans,3185.955,39236.985,31392.0,7844.985,39236.985,WEDNESDAY,15,Y,1,0.21775123255404424,0.1607163096452454,0.715644820295983,XAP,Approved,-371,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,middle,POS mobile with interest,365243.0,-334.0,-4.0,-244.0,-241.0,0.0,0,Revolving loans,F,Y,N,1,270000.0,810000.0,40500.0,810000.0,Family,Working,Secondary / secondary special,Married,With parents,0.028663,-11459,-1967,-2072.0,-3097,0.0,1,1,0,1,0,0,Medicine staff,3.0,2,2,WEDNESDAY,14,0,0,0,1,1,0,Medicine,0.4621692224172593,0.3877904632962793,0.23272477626794336,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1778.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2321093,125468,Consumer loans,23263.155,116626.5,125095.5,0.0,116626.5,TUESDAY,15,Y,1,0.0,,,XAP,Approved,-59,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Stone,300,Consumer electronics,6.0,middle,POS household with interest,365243.0,-29.0,121.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,0,292500.0,604152.0,45301.5,540000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.005002,-10039,-2700,-1576.0,-2702,6.0,1,1,0,1,0,0,High skill tech staff,2.0,3,3,FRIDAY,13,0,0,0,0,1,1,Military,,0.5523137932789257,0.6075573001388961,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-784.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1574455,337787,Consumer loans,3480.525,66849.525,74362.5,2.025,66849.525,MONDAY,9,Y,1,2.965673607017715e-05,,,XAP,Approved,-831,Cash through the bank,XAP,"Spouse, partner",Repeater,Computers,POS,XNA,Country-wide,3490,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-798.0,-108.0,-588.0,-573.0,0.0,1,Cash loans,F,N,Y,0,135000.0,1850544.0,64453.5,1597500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-15838,-1288,-6231.0,-1412,,1,1,0,1,1,0,Core staff,2.0,3,3,SATURDAY,6,0,0,0,0,0,0,Medicine,0.3245297857948753,0.3582315934673493,0.6785676886853644,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1339.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1717873,245417,Consumer loans,9650.52,91440.0,90445.5,9144.0,91440.0,THURSDAY,10,Y,1,0.09999696024909524,,,XAP,Approved,-1660,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,76,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1629.0,-1299.0,-1299.0,-1285.0,0.0,0,Cash loans,F,N,N,0,180000.0,1065681.0,45148.5,904500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.006296,-21360,365243,-5740.0,-1280,,1,0,0,1,0,0,,2.0,3,3,FRIDAY,11,0,0,0,0,0,0,XNA,0.6522676896763712,0.3788120681945323,0.5954562029091491,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1660.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1569005,382631,Consumer loans,9410.985,85500.0,76950.0,8550.0,85500.0,TUESDAY,12,Y,1,0.1089090909090909,,,XAP,Approved,-1621,Cash through the bank,XAP,Unaccompanied,New,Construction Materials,POS,XNA,Stone,45,Construction,10.0,middle,POS industry with interest,365243.0,-1589.0,-1319.0,-1319.0,-1315.0,0.0,0,Cash loans,F,N,N,0,81000.0,167076.0,12010.5,135000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.019101,-16766,-837,-284.0,-296,,1,1,0,1,0,0,Laborers,1.0,2,2,SATURDAY,15,0,0,0,0,1,1,Self-employed,,0.6488689181402082,0.6577838002083306,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,11.0,4.0,11.0,4.0,-1948.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,7.0 +1091008,109857,Cash loans,59616.09,1057500.0,1118920.5,,1057500.0,THURSDAY,9,Y,1,,,,XNA,Refused,-224,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,1,135000.0,1255680.0,41499.0,1125000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.035792000000000004,-16723,-1763,-3773.0,-239,,1,1,1,1,1,0,Sales staff,3.0,2,2,THURSDAY,12,0,0,0,0,0,0,Self-employed,,0.7274818534697667,0.16048893062734468,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-483.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1110076,256910,Revolving loans,2250.0,0.0,45000.0,,,SUNDAY,12,Y,1,,,,XAP,Approved,-2791,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,53,Connectivity,0.0,XNA,Card Street,-2758.0,-2708.0,365243.0,-2281.0,365243.0,0.0,0,Cash loans,F,N,N,2,99000.0,566055.0,16681.5,472500.0,Family,State servant,Secondary / secondary special,Separated,House / apartment,0.031329,-14451,-3527,-6185.0,-4431,,1,1,0,1,0,0,Medicine staff,3.0,2,2,FRIDAY,11,0,0,0,0,1,1,Medicine,0.5500606373008228,0.2622583692422573,0.5226973172821112,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-2186.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2449526,313488,Cash loans,14379.48,135000.0,143910.0,,135000.0,FRIDAY,14,Y,1,,,,XNA,Approved,-425,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-395.0,-65.0,-275.0,-270.0,1.0,0,Cash loans,F,N,Y,0,157500.0,1129500.0,33025.5,1129500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0105,-17641,-811,-9932.0,-1153,,1,1,0,1,0,0,Sales staff,2.0,3,3,THURSDAY,13,0,0,0,0,0,0,Trade: type 3,,0.6217059128511481,0.43473324875017305,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1081.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1209019,140149,Cash loans,9166.635,67500.0,81864.0,,67500.0,MONDAY,15,Y,1,,,,XNA,Approved,-548,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-518.0,-188.0,-488.0,-479.0,1.0,0,Cash loans,F,N,Y,0,54000.0,332946.0,14233.5,238500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-16800,-1011,-2690.0,-303,,1,1,0,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Trade: type 7,0.6585720515702631,0.4764788048769551,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1721.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2448971,212365,Consumer loans,5026.32,26190.0,24651.0,2700.0,26190.0,SUNDAY,5,Y,1,0.10751144216099792,,,XAP,Approved,-1979,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Stone,29,Connectivity,6.0,high,POS mobile with interest,365243.0,-1946.0,-1796.0,-1796.0,-1790.0,0.0,1,Cash loans,F,N,Y,3,90000.0,521280.0,27292.5,450000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.006852,-12251,-3626,-4488.0,-4878,,1,1,0,1,0,0,Laborers,5.0,3,3,FRIDAY,7,0,0,0,0,0,0,Business Entity Type 3,,0.3911390649441483,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-343.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1074673,320075,Consumer loans,5510.61,49455.0,54679.5,0.0,49455.0,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-316,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,584,Consumer electronics,12.0,middle,POS household with interest,365243.0,-284.0,46.0,-44.0,-38.0,0.0,0,Cash loans,M,N,Y,1,180000.0,891000.0,40261.5,891000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.01885,-8285,-1199,-819.0,-952,,1,1,1,1,0,0,,3.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.20480106712250745,0.5771740481759341,0.2778856891082046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1014.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1016626,449161,Cash loans,56107.575,765000.0,804384.0,,765000.0,WEDNESDAY,16,Y,1,,,,XNA,Approved,-1107,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-1077.0,-567.0,-687.0,-675.0,1.0,0,Cash loans,F,N,N,0,144000.0,1374480.0,45553.5,1125000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.008625,-23264,365243,-2903.0,-4394,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,10,0,0,0,0,0,0,XNA,,0.4762769812240407,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1596.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1571074,438476,Consumer loans,1069.56,23715.0,23715.0,0.0,23715.0,SUNDAY,10,Y,1,0.0,,,XAP,Approved,-1500,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,648,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1469.0,-779.0,-959.0,-954.0,0.0,0,Cash loans,F,N,N,0,72000.0,1288350.0,37800.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-14757,-1776,-763.0,-656,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,14,0,0,0,0,1,1,Business Entity Type 3,,0.6522443544421098,0.18303516721781032,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,2.0,0.0,2.0,0.0,-1500.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2228425,223666,Consumer loans,8268.21,61870.5,67995.0,0.0,61870.5,FRIDAY,17,Y,1,0.0,,,XAP,Approved,-1998,Cash through the bank,XAP,,New,Photo / Cinema Equipment,POS,XNA,Country-wide,20,Connectivity,12.0,high,POS mobile with interest,365243.0,-1949.0,-1619.0,-1649.0,-1646.0,0.0,0,Cash loans,M,N,N,0,78075.0,378117.0,19336.5,342000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010556,-19507,-470,-10505.0,-3057,,1,1,0,1,0,0,Laborers,2.0,3,3,FRIDAY,10,0,0,0,0,0,0,Business Entity Type 2,0.7497695513100568,0.5459414672876105,0.7151031019926098,0.0742,0.0515,0.9861,,,0.08,0.069,0.3333,,,,0.0761,,0.0697,0.0756,0.0534,0.9861,,,0.0806,0.069,0.3333,,,,0.0793,,0.0738,0.0749,0.0515,0.9861,,,0.08,0.069,0.3333,,,,0.0774,,0.0711,,block of flats,0.0598,Panel,No,0.0,0.0,0.0,0.0,-1998.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,2.0 +1330982,288169,Revolving loans,10125.0,202500.0,202500.0,,202500.0,TUESDAY,10,Y,1,,,,XAP,Approved,-163,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,112500.0,598486.5,21627.0,454500.0,Unaccompanied,State servant,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-19528,-738,-9697.0,-1911,,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,9,0,0,0,0,1,1,Military,,0.5963023110394031,0.4489622731076524,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-347.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +1852316,263770,Consumer loans,9636.165,58495.5,52110.0,9000.0,58495.5,SATURDAY,16,Y,1,0.16039630472620162,,,XAP,Approved,-440,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,1500,Consumer electronics,6.0,middle,POS household with interest,365243.0,-407.0,-257.0,-257.0,-250.0,0.0,0,Cash loans,F,N,N,0,157500.0,755190.0,33394.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.007305,-21607,365243,-7262.0,-5086,,1,0,0,1,1,0,,2.0,3,3,WEDNESDAY,19,0,0,0,0,0,0,XNA,,0.2607507379710844,0.19519840600440985,0.0031,,0.9717,,,,0.0345,0.0,,,,0.0024,,,0.0032,,0.9717,,,,0.0345,0.0,,,,0.0025,,,0.0031,,0.9717,,,,0.0345,0.0,,,,0.0025,,,,block of flats,0.0019,Wooden,No,2.0,0.0,2.0,0.0,-440.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2631816,175774,Consumer loans,7399.35,139405.5,164065.5,0.0,139405.5,SATURDAY,17,Y,1,0.0,,,XAP,Approved,-1634,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,3446,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1598.0,-908.0,-908.0,-898.0,0.0,0,Cash loans,F,Y,N,0,157500.0,187704.0,13788.0,148500.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.01885,-23205,365243,-185.0,-2104,13.0,1,0,0,1,0,1,,1.0,2,2,TUESDAY,12,0,0,0,0,0,0,XNA,0.8191520496868374,0.5887948945557128,0.3556387169923543,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1634.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1469990,151376,Consumer loans,23538.735,199710.0,213988.5,0.0,199710.0,TUESDAY,9,Y,1,0.0,,,XAP,Approved,-533,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Regional / Local,20,Furniture,10.0,low_normal,POS industry with interest,365243.0,-502.0,-232.0,-232.0,-227.0,0.0,0,Cash loans,F,Y,N,0,225000.0,450000.0,24543.0,450000.0,Unaccompanied,Working,Lower secondary,Civil marriage,House / apartment,0.0038179999999999998,-13063,-761,-6707.0,-4208,22.0,1,1,1,1,1,0,High skill tech staff,2.0,2,2,TUESDAY,5,0,0,0,0,0,0,Self-employed,,0.400956498946052,0.4066174366275036,0.0165,,0.9747,,,,0.0345,0.0417,,0.0,,0.0135,,,0.0168,,0.9737,,,,0.0345,0.0417,,0.0,,0.0141,,,0.0167,,0.9747,,,,0.0345,0.0417,,0.0,,0.0137,,,,block of flats,0.0094,Wooden,Yes,0.0,0.0,0.0,0.0,-2184.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2368793,110150,Cash loans,16689.24,180000.0,239238.0,,180000.0,THURSDAY,9,Y,1,,,,XNA,Approved,-868,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-838.0,-148.0,-568.0,-564.0,1.0,0,Cash loans,M,Y,Y,2,180000.0,573408.0,45432.0,495000.0,Unaccompanied,Working,Secondary / secondary special,Separated,With parents,0.010032,-12830,-1899,-5216.0,-5216,7.0,1,1,0,1,1,0,Low-skill Laborers,3.0,2,2,THURSDAY,6,0,0,0,0,0,0,Self-employed,,0.3221172291251733,0.2822484337007223,0.0825,0.0369,0.9851,,,0.0,0.1379,0.1667,,0.067,,0.0876,,0.004,0.084,0.0,0.9851,,,0.0,0.1379,0.1667,,0.0685,,0.0912,,0.0043,0.0833,0.0369,0.9851,,,0.0,0.1379,0.1667,,0.0681,,0.0891,,0.0041,,block of flats,0.0697,Panel,No,0.0,0.0,0.0,0.0,-2562.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1561026,450614,Revolving loans,22500.0,0.0,450000.0,,,FRIDAY,7,Y,1,,,,XAP,Approved,-923,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-920.0,-877.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,N,1,238500.0,202500.0,20880.0,202500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-15652,-8064,-9627.0,-4462,23.0,1,1,0,1,0,0,,3.0,2,2,THURSDAY,13,0,0,0,0,0,0,Military,0.4999033749837971,0.22281972267758104,0.180887977767074,0.0701,0.0646,0.9836,0.7756,0.0282,0.0,0.1379,0.1667,0.2083,0.0,0.0538,0.0602,0.0154,0.0227,0.0714,0.067,0.9836,0.7844,0.0285,0.0,0.1379,0.1667,0.2083,0.0,0.0588,0.0627,0.0156,0.024,0.0708,0.0646,0.9836,0.7786,0.0284,0.0,0.1379,0.1667,0.2083,0.0,0.0547,0.0613,0.0155,0.0232,reg oper account,block of flats,0.0677,"Stone, brick",No,3.0,0.0,3.0,0.0,-2632.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1385211,250007,Revolving loans,38250.0,0.0,765000.0,,,WEDNESDAY,14,Y,1,,,,XAP,Approved,-537,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-534.0,-502.0,365243.0,-196.0,365243.0,0.0,0,Cash loans,F,N,Y,0,135000.0,1006920.0,40063.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.030755,-10143,-495,-6845.0,-2385,,1,1,0,1,0,1,Waiters/barmen staff,1.0,2,2,MONDAY,12,1,1,0,1,1,0,Hotel,,0.4961368652223911,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-385.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2286743,125611,Revolving loans,7875.0,0.0,157500.0,,0.0,TUESDAY,13,Y,1,,,,XAP,Refused,-1421,XNA,HC,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,N,0,112500.0,265851.0,13702.5,229500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-22773,-3681,-13297.0,-4140,,1,1,0,1,0,0,Cleaning staff,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Government,,0.6083019440819857,0.7032033049040319,0.2227,0.157,0.9821,0.7552,0.0974,0.16,0.1379,0.3333,0.375,0.2017,0.1816,0.2205,,0.0,0.2269,0.1629,0.9821,0.7648,0.0983,0.1611,0.1379,0.3333,0.375,0.2063,0.1983,0.2298,,0.0,0.2248,0.157,0.9821,0.7585,0.098,0.16,0.1379,0.3333,0.375,0.2052,0.1847,0.2245,,0.0,reg oper spec account,block of flats,0.2267,Panel,No,0.0,0.0,0.0,0.0,-1426.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2472401,158643,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SATURDAY,17,Y,1,,,,XAP,Refused,-156,XNA,HC,Family,Repeater,XNA,Cards,walk-in,Regional / Local,246,Consumer electronics,0.0,XNA,Card Street,,,,,,,1,Cash loans,F,N,Y,0,117000.0,640080.0,24259.5,450000.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,House / apartment,0.019101,-16344,-420,-4093.0,-4331,,1,1,1,1,1,0,Laborers,1.0,2,2,MONDAY,13,0,0,0,0,0,0,School,,0.6695656255568301,0.21518240418475384,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-152.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2249460,419814,Revolving loans,11250.0,0.0,225000.0,,,MONDAY,13,Y,1,,,,XAP,Approved,-1200,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,1400,Consumer electronics,0.0,XNA,Card X-Sell,-1199.0,-1152.0,365243.0,-909.0,365243.0,0.0,0,Cash loans,F,N,Y,0,135000.0,1006920.0,42790.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.010643000000000001,-19149,-3195,-8184.0,-2682,,1,1,0,1,0,0,,2.0,2,2,THURSDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.6780674816459308,0.5262949398096192,0.0742,0.0554,0.9881,,,0.08,0.069,0.3333,,0.0531,,0.0769,,0.0,0.0756,0.0575,0.9881,,,0.0806,0.069,0.3333,,0.0543,,0.0801,,0.0,0.0749,0.0554,0.9881,,,0.08,0.069,0.3333,,0.054000000000000006,,0.0783,,0.0,,block of flats,0.0605,Panel,No,0.0,0.0,0.0,0.0,-1594.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1901462,134702,Consumer loans,6745.05,61380.0,61380.0,0.0,61380.0,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-534,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,35,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-498.0,-228.0,-228.0,-226.0,0.0,0,Cash loans,F,Y,Y,0,180000.0,1062000.0,31050.0,1062000.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.030755,-11292,-498,-4953.0,-2596,64.0,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Self-employed,,0.4649836970461119,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,0.0,-534.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2082205,442220,Cash loans,43412.22,1350000.0,1546020.0,,1350000.0,THURSDAY,3,Y,1,,,,Buying a used car,Refused,-537,Cash through the bank,HC,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,135000.0,301464.0,17437.5,238500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014464,-17593,-10258,-7449.0,-1129,,1,1,0,1,0,0,Managers,2.0,2,2,WEDNESDAY,4,0,0,0,0,0,0,Postal,0.7472720130336837,0.6358687539575076,,0.0278,0.0,0.9836,0.7756,0.0041,0.0,0.1034,0.0833,0.125,0.0303,0.0227,0.0293,0.0,0.0,0.0284,0.0,0.9836,0.7844,0.0041,0.0,0.1034,0.0833,0.125,0.031,0.0248,0.0305,0.0,0.0,0.0281,0.0,0.9836,0.7786,0.0041,0.0,0.1034,0.0833,0.125,0.0308,0.0231,0.0298,0.0,0.0,reg oper account,block of flats,0.0252,"Stone, brick",No,0.0,0.0,0.0,0.0,-1818.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,7.0 +1569352,406658,Consumer loans,10179.0,92628.9,92628.9,0.0,92628.9,MONDAY,14,Y,1,0.0,,,XAP,Approved,-426,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,38,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-378.0,-108.0,-108.0,-105.0,0.0,0,Cash loans,F,N,Y,2,67500.0,355536.0,15790.5,270000.0,"Spouse, partner",Working,Secondary / secondary special,Married,With parents,0.035792000000000004,-13393,-2016,-7142.0,-4007,,1,1,0,1,0,0,Private service staff,4.0,2,2,SUNDAY,12,0,0,0,1,1,0,Self-employed,,0.6898645947923544,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,3.0,0.0,-690.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1574266,343729,Cash loans,7669.08,72000.0,76752.0,,72000.0,WEDNESDAY,9,Y,1,,,,XNA,Approved,-680,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,20,Connectivity,12.0,middle,Cash X-Sell: middle,365243.0,-650.0,-320.0,-320.0,-312.0,1.0,0,Cash loans,F,N,Y,1,117000.0,1006920.0,42790.5,900000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-15081,-2061,-7709.0,-3657,,1,1,0,1,1,0,Medicine staff,3.0,2,2,THURSDAY,10,0,0,0,0,0,0,Medicine,0.6888663693834125,0.4222693784963809,0.5370699579791587,0.1227,0.0603,0.9866,0.8164,0.0493,0.0,0.2759,0.1667,0.0417,0.098,0.0992,0.121,0.0039,0.0027,0.125,0.0626,0.9866,0.8236,0.0498,0.0,0.2759,0.1667,0.0417,0.1003,0.1084,0.126,0.0039,0.0029,0.1239,0.0603,0.9866,0.8189,0.0496,0.0,0.2759,0.1667,0.0417,0.0998,0.1009,0.1231,0.0039,0.0028,reg oper account,block of flats,0.1227,Panel,No,0.0,0.0,0.0,0.0,-1990.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1915175,231347,Consumer loans,3320.595,16245.0,16285.5,2475.0,16245.0,SATURDAY,14,Y,1,0.14367953945790352,,,XAP,Approved,-1281,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,15,Connectivity,6.0,high,POS mobile with interest,365243.0,-1250.0,-1100.0,-1160.0,-1153.0,0.0,0,Revolving loans,F,N,Y,0,90000.0,270000.0,13500.0,,,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.02461,-15661,-377,-4683.0,-4677,,1,1,1,1,1,0,Core staff,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,School,,0.5750700197561606,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1281.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +2353938,294266,Cash loans,21709.125,450000.0,512370.0,,450000.0,MONDAY,12,Y,1,,,,XNA,Approved,-291,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-261.0,789.0,365243.0,365243.0,1.0,0,Revolving loans,M,N,N,0,112500.0,247500.0,12375.0,247500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.009175,-16380,-1076,-10304.0,-4140,,1,1,1,1,1,0,Sales staff,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Trade: type 3,0.3511535826485811,0.7451889279329603,0.7981372313187245,0.1134,0.0795,0.9861,,,0.12,0.1034,0.3333,,,,0.1157,,0.0009,0.1155,0.0825,0.9861,,,0.1208,0.1034,0.3333,,,,0.1205,,0.001,0.1145,0.0795,0.9861,,,0.12,0.1034,0.3333,,,,0.1178,,0.001,,block of flats,0.0912,Panel,No,0.0,0.0,0.0,0.0,-1874.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1103224,147800,Consumer loans,11136.51,73305.0,58644.0,14661.0,73305.0,TUESDAY,16,Y,1,0.2178181818181818,,,XAP,Approved,-1275,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Stone,148,Consumer electronics,6.0,middle,POS household without interest,365243.0,-1244.0,-1094.0,-1094.0,-1088.0,0.0,0,Cash loans,M,Y,N,0,135000.0,315000.0,8437.5,315000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.030755,-21832,-739,-7028.0,-3992,10.0,1,1,0,1,1,0,High skill tech staff,1.0,2,2,TUESDAY,15,0,0,0,0,0,0,Self-employed,,0.6176809727035274,0.656158373001177,0.0155,0.0027,0.9737,0.6396,0.0016,0.0,0.069,0.0417,0.0417,0.0078,0.0126,0.0107,0.0,0.0,0.0158,0.0028,0.9737,0.6537,0.0016,0.0,0.069,0.0417,0.0417,0.008,0.0138,0.0112,0.0,0.0,0.0156,0.0027,0.9737,0.6444,0.0016,0.0,0.069,0.0417,0.0417,0.0079,0.0128,0.0109,0.0,0.0,reg oper account,block of flats,0.0084,"Stone, brick",No,3.0,0.0,3.0,0.0,-1275.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1715377,358182,Consumer loans,1558.845,15592.5,14031.0,1561.5,15592.5,SATURDAY,9,Y,1,0.10906624688442866,,,XAP,Approved,-2663,Cash through the bank,XAP,Other_B,Repeater,Photo / Cinema Equipment,POS,XNA,Stone,102,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2630.0,-2360.0,-2360.0,-2354.0,0.0,0,Cash loans,F,N,N,0,180000.0,472500.0,12460.5,472500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-18945,-11668,-5226.0,-2468,,1,1,0,1,0,0,,2.0,2,2,FRIDAY,8,0,0,0,0,0,0,Industry: type 9,,0.5850944040446213,0.2067786544915716,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-4.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2496910,337856,Consumer loans,5634.99,111780.0,124420.5,0.0,111780.0,MONDAY,12,Y,1,0.0,,,XAP,Approved,-434,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,3102,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-404.0,286.0,365243.0,365243.0,1.0,0,Cash loans,M,N,N,0,202500.0,247500.0,19683.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-19851,-1077,-620.0,-3157,,1,1,0,1,1,0,Drivers,2.0,2,2,MONDAY,13,0,0,0,0,0,0,Self-employed,,0.6117769345841487,0.2910973802776635,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1602.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1628674,344792,Cash loans,,0.0,0.0,,,TUESDAY,9,Y,1,,,,XNA,Refused,-300,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,N,0,67500.0,441481.5,13860.0,364500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.00496,-20915,365243,-2088.0,-2292,,1,0,0,1,0,0,,1.0,2,2,MONDAY,16,0,0,0,1,0,0,XNA,,0.49764020215912497,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1682513,342578,Revolving loans,6750.0,0.0,135000.0,,,TUESDAY,11,Y,1,,,,XAP,Approved,-2436,XNA,XAP,,Repeater,XNA,Cards,x-sell,Stone,100,Consumer electronics,0.0,XNA,Card Street,-2434.0,-2378.0,365243.0,-1193.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,135000.0,1223010.0,48501.0,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018634,-15630,-8192,-7778.0,-4365,6.0,1,1,1,1,1,0,Medicine staff,2.0,2,2,TUESDAY,11,0,0,0,0,1,1,Medicine,0.899888349097493,0.6785303378624011,0.6430255641096323,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2436.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2074945,379570,Consumer loans,2504.79,52645.5,52645.5,0.0,52645.5,SATURDAY,14,Y,1,0.0,,,XAP,Approved,-1558,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,2326,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1526.0,-836.0,-836.0,-829.0,0.0,0,Cash loans,F,N,Y,0,225000.0,1044000.0,30654.0,1044000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-20020,-4573,-7411.0,-3414,,1,1,0,1,0,1,Sales staff,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Self-employed,,0.4657889198575781,0.4489622731076524,0.0742,,0.9851,,,0.08,0.069,0.3333,,,,0.0827,,0.0067,0.0756,,0.9851,,,0.0806,0.069,0.3333,,,,0.085,,0.0,0.0749,,0.9851,,,0.08,0.069,0.3333,,,,0.0844,,0.0049,,block of flats,0.065,"Stone, brick",No,12.0,0.0,12.0,0.0,-979.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,5.0,0.0,4.0 +2501134,218901,Consumer loans,,80955.0,80955.0,0.0,80955.0,SUNDAY,16,Y,1,0.0,,,XAP,Refused,-1902,Cash through the bank,LIMIT,Children,New,Furniture,XNA,XNA,Stone,124,Furniture,,XNA,POS industry with interest,,,,,,,0,Cash loans,F,N,N,0,112500.0,1044724.5,33367.5,936000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-18636,-1123,-4362.0,-2191,,1,1,0,1,0,0,High skill tech staff,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,Business Entity Type 2,,0.6231808183534787,0.5172965813614878,0.1763,0.0703,0.9806,0.7348,0.0317,0.0,0.0345,0.3333,0.375,0.0809,0.1437,0.0841,0.0,0.0005,0.1796,0.0729,0.9806,0.7452,0.032,0.0,0.0345,0.3333,0.375,0.0828,0.157,0.0876,0.0,0.0005,0.17800000000000002,0.0703,0.9806,0.7383,0.0319,0.0,0.0345,0.3333,0.375,0.0823,0.1462,0.0856,0.0,0.0005,reg oper account,block of flats,0.0956,"Stone, brick",No,4.0,0.0,4.0,0.0,-1902.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1566191,287862,Consumer loans,7535.34,80730.0,80730.0,0.0,80730.0,MONDAY,12,Y,1,0.0,,,XAP,Approved,-437,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Regional / Local,150,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-406.0,-76.0,-256.0,-249.0,0.0,0,Cash loans,F,N,Y,0,135000.0,675000.0,19737.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018209,-17343,-9511,-9582.0,-885,,1,1,1,1,1,0,Core staff,2.0,3,3,THURSDAY,7,0,0,0,0,0,0,Bank,0.7195022261744828,0.5214353684273503,0.4632753280912678,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1461.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,1.0 +2538161,192688,Consumer loans,3162.285,25375.5,26374.5,4500.0,25375.5,THURSDAY,16,Y,1,0.1587364683123319,,,XAP,Approved,-1527,Cash through the bank,XAP,Other_B,New,Mobile,POS,XNA,Country-wide,20,Connectivity,12.0,high,POS mobile with interest,365243.0,-1496.0,-1166.0,-1226.0,-1222.0,0.0,0,Cash loans,F,N,Y,0,90000.0,463500.0,15318.0,463500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.0105,-19887,-13104,-5380.0,-3425,,1,1,0,1,0,0,Cleaning staff,1.0,3,3,FRIDAY,16,0,0,0,0,0,0,Industry: type 11,,0.6418573315884261,0.5602843280409464,0.0165,0.0942,0.9831,0.7688,0.0043,0.0,0.069,0.1667,0.2083,0.0853,0.0126,0.0623,0.0039,0.0004,0.0168,0.0978,0.9831,0.7779,0.0043,0.0,0.069,0.1667,0.2083,0.0872,0.0138,0.0533,0.0039,0.0,0.0167,0.0942,0.9831,0.7719,0.0043,0.0,0.069,0.1667,0.2083,0.0867,0.0128,0.0634,0.0039,0.0004,reg oper account,block of flats,0.0578,"Stone, brick",No,0.0,0.0,0.0,0.0,-1527.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2273820,282814,Cash loans,19485.63,229500.0,248130.0,,229500.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-344,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-314.0,196.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,112500.0,305640.0,30357.0,270000.0,Family,State servant,Secondary / secondary special,Married,House / apartment,0.00963,-11366,-3927,-794.0,-3783,,1,1,0,1,0,1,Core staff,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Housing,0.4371782500562826,0.20432156729537196,0.7738956942145427,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,0.0,-117.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1304255,224567,Cash loans,24929.1,945000.0,945000.0,,945000.0,TUESDAY,12,Y,1,,,,Buying a used car,Refused,-157,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,60.0,low_action,Cash Street: low,,,,,,,0,Cash loans,F,N,N,0,102780.0,679500.0,18684.0,679500.0,Unaccompanied,Commercial associate,Higher education,Single / not married,With parents,0.026392000000000002,-10217,-397,-4517.0,-2886,,1,1,1,1,0,0,Sales staff,1.0,2,2,FRIDAY,11,0,0,0,0,0,0,Other,,0.5121906442819728,0.7062051096536562,0.4825,,0.9846,,,0.52,0.4483,0.3333,,,,0.5224,,0.0,0.4916,,0.9846,,,0.5236,0.4483,0.3333,,,,0.5443,,0.0,0.4871,,0.9846,,,0.52,0.4483,0.3333,,,,0.5318,,0.0,,block of flats,0.4894,Panel,No,5.0,0.0,5.0,0.0,-310.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +1783971,405239,Consumer loans,8579.565,78525.0,77643.0,7875.0,78525.0,MONDAY,12,Y,1,0.10028989112339984,,,XAP,Approved,-1553,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,50,Connectivity,12.0,high,POS mobile with interest,365243.0,-1515.0,-1185.0,-1215.0,-1211.0,0.0,0,Cash loans,M,Y,Y,1,225000.0,130500.0,13977.0,130500.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.04622,-11464,-3286,-3510.0,-3509,6.0,1,1,1,1,1,0,Managers,3.0,1,1,SUNDAY,13,0,0,0,0,1,1,Police,,0.7969577304959669,,0.1093,,0.9871,,,0.12,0.1034,0.3333,,,,0.1146,,0.0075,0.1113,,0.9871,,,0.1208,0.1034,0.3333,,,,0.1194,,0.008,0.1103,,0.9871,,,0.12,0.1034,0.3333,,,,0.1167,,0.0077,,block of flats,0.0918,Panel,No,0.0,0.0,0.0,0.0,-1553.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2649375,116439,Revolving loans,2250.0,45000.0,45000.0,,45000.0,TUESDAY,11,Y,1,,,,XAP,Refused,-874,XNA,LIMIT,,New,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,148500.0,1267735.5,37066.5,1107000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.00963,-20567,365243,-9032.0,-4052,,1,0,0,1,0,0,,2.0,2,2,MONDAY,9,0,0,0,0,0,0,XNA,,0.18435450254302305,0.4561097392782771,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-874.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1580857,150247,Consumer loans,12290.94,103644.0,102510.0,10368.0,103644.0,SUNDAY,11,Y,1,0.10003450225424394,,,XAP,Refused,-1967,Cash through the bank,LIMIT,Other_A,Repeater,Computers,POS,XNA,Regional / Local,82,Consumer electronics,12.0,high,POS household with interest,,,,,,,0,Cash loans,M,N,N,0,67500.0,225000.0,10944.0,225000.0,Unaccompanied,Working,Lower secondary,Single / not married,With parents,0.015221,-11687,-338,-5623.0,-4192,,1,1,1,1,1,0,Low-skill Laborers,1.0,2,2,SATURDAY,16,0,0,0,1,1,0,Restaurant,,0.29150195467526696,0.06380484447151785,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-2269.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2431903,315386,Consumer loans,4624.065,40851.0,29155.5,13500.0,40851.0,MONDAY,12,Y,1,0.3446853810816253,,,XAP,Approved,-2426,Cash through the bank,XAP,Children,New,Mobile,POS,XNA,Stone,47,Connectivity,8.0,high,POS mobile with interest,365243.0,-2395.0,-2185.0,-2185.0,-2182.0,1.0,0,Revolving loans,F,N,N,0,90000.0,135000.0,6750.0,135000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.018209,-21479,365243,-816.0,-4004,,1,0,0,1,1,0,,1.0,3,3,FRIDAY,12,0,0,0,0,0,0,XNA,,0.3896454662214212,0.3077366963789207,0.1031,0.1157,0.9791,0.7144,0.0282,0.0,0.0345,0.1667,0.0417,0.0206,0.0841,0.0893,0.0,0.0,0.105,0.1201,0.9791,0.7256,0.0285,0.0,0.0345,0.1667,0.0417,0.0211,0.0918,0.0931,0.0,0.0,0.1041,0.1157,0.9791,0.7182,0.0284,0.0,0.0345,0.1667,0.0417,0.021,0.0855,0.0909,0.0,0.0,reg oper account,block of flats,0.0857,"Stone, brick",No,3.0,0.0,3.0,0.0,-1514.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1059680,327096,Cash loans,13832.1,135000.0,135000.0,,135000.0,MONDAY,9,Y,1,,,,XNA,Approved,-1278,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,middle,Cash Street: middle,365243.0,-1248.0,-918.0,-978.0,-972.0,0.0,0,Revolving loans,F,N,Y,0,125550.0,225000.0,11250.0,,,Working,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-18481,-3008,-5450.0,-2026,,1,1,1,1,1,0,High skill tech staff,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,Electricity,0.5470726234148507,0.4644070953235436,0.7001838506835805,0.0928,0.0805,0.9856,0.8028,0.012,0.0,0.2069,0.1667,0.0417,0.0682,0.0756,0.0878,0.0,0.0,0.0945,0.0835,0.9856,0.8105,0.0121,0.0,0.2069,0.1667,0.0417,0.0697,0.0826,0.0915,0.0,0.0,0.0937,0.0805,0.9856,0.8054,0.0121,0.0,0.2069,0.1667,0.0417,0.0693,0.077,0.0894,0.0,0.0,reg oper account,block of flats,0.0895,Panel,No,3.0,0.0,3.0,0.0,-1279.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1855550,108858,Cash loans,41198.49,810000.0,979983.0,,810000.0,FRIDAY,9,Y,1,,,,Buying a used car,Approved,-615,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,middle,Cash Street: middle,365243.0,-585.0,825.0,-525.0,-522.0,1.0,0,Cash loans,M,N,N,2,315000.0,906615.0,29592.0,688500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-12326,-1683,-660.0,-4047,,1,1,0,1,0,0,Drivers,4.0,3,3,WEDNESDAY,8,0,0,0,0,1,1,Business Entity Type 3,,0.5307525734689597,0.6769925032909132,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,0.0 +1898246,328831,Consumer loans,29927.97,175486.5,164191.5,17550.0,175486.5,SATURDAY,14,Y,1,0.10516885496458124,,,XAP,Approved,-268,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,200,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-238.0,-88.0,-118.0,-113.0,1.0,0,Cash loans,F,Y,Y,0,135000.0,450000.0,35554.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0031219999999999998,-14803,-4636,-1286.0,-1271,5.0,1,1,1,1,0,0,Laborers,2.0,3,3,MONDAY,16,0,1,1,0,1,1,Industry: type 9,0.5644730662324331,0.6052235470346367,0.16048893062734468,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-755.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1995641,273215,Cash loans,22243.635,247500.0,268083.0,0.0,247500.0,TUESDAY,8,Y,1,0.0,,,XNA,Approved,-1988,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,18.0,high,Cash Street: high,365243.0,-1958.0,-1448.0,-1448.0,-1444.0,1.0,0,Cash loans,M,N,Y,0,202500.0,787500.0,48307.5,787500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-14572,-2080,-5362.0,-4857,,1,1,0,1,0,0,Low-skill Laborers,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Other,,0.229002990241038,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1988.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1158064,315520,Consumer loans,10536.75,94500.0,94500.0,0.0,94500.0,MONDAY,9,Y,1,0.0,,,XAP,Approved,-1109,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Stone,200,Consumer electronics,12.0,high,POS household with interest,365243.0,-1071.0,-741.0,-741.0,-725.0,0.0,0,Cash loans,F,Y,Y,0,76500.0,490495.5,26262.0,454500.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.0038130000000000004,-22392,365243,-11823.0,-4497,16.0,1,0,0,1,1,0,,2.0,2,2,THURSDAY,7,0,0,0,0,0,0,XNA,,0.455667281317731,0.5531646987710016,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1109.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1694725,203680,Consumer loans,21900.195,280773.0,224617.5,56155.5,280773.0,THURSDAY,17,Y,1,0.21782167282984646,,,XAP,Refused,-2296,Cash through the bank,SCO,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,1099,Consumer electronics,12.0,middle,POS household with interest,,,,,,,0,Revolving loans,M,Y,Y,0,225000.0,225000.0,11250.0,225000.0,Family,Working,Higher education,Single / not married,House / apartment,0.022625,-15817,-1773,-4090.0,-4090,11.0,1,1,1,1,1,0,Managers,1.0,2,2,THURSDAY,12,0,0,0,0,0,0,Self-employed,,0.7852920638942211,0.4596904504249018,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-2296.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1088162,175702,Cash loans,14794.335,202500.0,229230.0,,202500.0,TUESDAY,11,Y,1,,,,XNA,Approved,-579,XNA,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-549.0,141.0,-339.0,-336.0,1.0,0,Cash loans,F,N,Y,0,157500.0,286704.0,20520.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-18721,-1806,-6959.0,-1413,,1,1,0,1,0,0,High skill tech staff,2.0,2,2,SUNDAY,13,0,1,1,0,1,1,Industry: type 12,,0.7376302961890032,,0.0557,0.0382,0.9901,,,0.04,0.0345,0.3333,,0.0553,,0.0548,,,0.0567,0.0396,0.9901,,,0.0403,0.0345,0.3333,,0.0565,,0.0571,,,0.0562,0.0382,0.9901,,,0.04,0.0345,0.3333,,0.0562,,0.0558,,,,block of flats,0.0481,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1309072,232312,Cash loans,16056.81,202500.0,222547.5,,202500.0,MONDAY,13,Y,1,,,,XNA,Approved,-1010,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-980.0,-470.0,-800.0,-792.0,1.0,0,Cash loans,F,N,Y,0,135000.0,91692.0,9063.0,81000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-18893,-7338,-10782.0,-2452,,1,1,0,1,0,0,Laborers,2.0,3,3,WEDNESDAY,9,0,0,0,0,0,0,Business Entity Type 2,,0.4820017092821654,0.5585066276769286,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1798.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1632128,172477,Cash loans,35739.225,832500.0,832500.0,,832500.0,THURSDAY,11,Y,1,,,,Repairs,Refused,-75,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,36.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,Y,Y,1,108000.0,225000.0,9657.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-10732,-195,-13.0,-2684,13.0,1,1,1,1,1,1,Core staff,3.0,2,2,TUESDAY,14,0,0,0,0,0,0,Trade: type 2,0.2758291465762657,0.15357057289804046,0.3910549766342248,0.2232,0.1639,0.9811,0.7416,0.0,0.24,0.2069,0.3333,0.375,0.0,0.1807,0.2362,0.0077,0.0367,0.2269,0.1701,0.9811,0.7517,0.0,0.2417,0.2069,0.3333,0.375,0.0,0.1974,0.2461,0.0078,0.0388,0.2254,0.1639,0.9811,0.7451,0.0,0.24,0.2069,0.3333,0.375,0.0,0.1838,0.2404,0.0078,0.0374,reg oper account,block of flats,0.1874,Panel,No,2.0,0.0,2.0,0.0,-146.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0.0,0.0,0.0,0.0,5.0,2.0 +2248973,130030,Consumer loans,12942.675,119609.235,124875.0,5984.235,119609.235,SATURDAY,10,Y,1,0.04980447834930133,,,XAP,Approved,-2089,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,2100,Consumer electronics,12.0,middle,POS household with interest,365243.0,-2058.0,-1728.0,-1788.0,-1780.0,0.0,0,Cash loans,F,Y,Y,0,157500.0,733500.0,37579.5,733500.0,Unaccompanied,Pensioner,Lower secondary,Married,House / apartment,0.028663,-21739,365243,-4458.0,-4465,3.0,1,0,0,1,0,0,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,,0.16354868437086004,0.6006575372857061,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2383120,334012,Consumer loans,21552.48,111546.0,118759.5,0.0,111546.0,FRIDAY,14,Y,1,0.0,,,XAP,Approved,-28,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,50,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,365243.0,154.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,225000.0,328851.0,26365.5,274500.0,Unaccompanied,Working,Secondary / secondary special,Separated,With parents,0.035792000000000004,-14805,-1812,-3678.0,-5048,,1,1,0,1,1,0,Sales staff,1.0,2,2,FRIDAY,10,0,1,1,0,1,1,Business Entity Type 3,0.44111232484433777,0.7123564084198428,0.7281412993111438,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2104.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2632867,104684,Consumer loans,9089.415,48870.0,51448.5,0.0,48870.0,TUESDAY,16,Y,1,0.0,,,XAP,Approved,-984,Cash through the bank,XAP,Family,Refreshed,Construction Materials,POS,XNA,Regional / Local,27,Construction,6.0,low_normal,POS industry with interest,365243.0,-953.0,-803.0,-863.0,-860.0,0.0,0,Cash loans,F,N,Y,1,157500.0,1288350.0,37800.0,1125000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.011656999999999999,-23300,365243,-10235.0,-4765,,1,0,0,1,0,0,,3.0,1,1,SATURDAY,12,0,0,0,0,0,0,XNA,,0.6227390986296637,0.3572932680336494,0.1474,0.108,0.9861,0.8096,0.0671,0.16,0.1379,0.3333,0.375,0.1237,0.1202,0.1525,0.0,0.0,0.1502,0.112,0.9861,0.8171,0.0677,0.1611,0.1379,0.3333,0.375,0.1266,0.1313,0.1589,0.0,0.0,0.1489,0.108,0.9861,0.8121,0.0676,0.16,0.1379,0.3333,0.375,0.1259,0.1223,0.1553,0.0,0.0,reg oper account,block of flats,0.12,Panel,No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2155363,234063,Consumer loans,12540.33,67410.0,70969.5,0.0,67410.0,MONDAY,15,Y,1,0.0,,,XAP,Approved,-1062,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Regional / Local,200,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-1031.0,-881.0,-881.0,-874.0,0.0,0,Cash loans,M,Y,N,2,270000.0,137520.0,6817.5,90000.0,Unaccompanied,Working,Secondary / secondary special,Married,Rented apartment,0.018801,-12929,-2000,-1439.0,-1433,8.0,1,1,0,1,0,0,Sales staff,4.0,2,2,SATURDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.5876667057682007,0.08391700365753578,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,6.0,0.0,-1062.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +1779629,134902,Revolving loans,2250.0,45000.0,45000.0,,45000.0,FRIDAY,13,Y,1,,,,XAP,Approved,-476,XNA,XAP,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-232.0,-184.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,F,N,Y,1,67500.0,331920.0,17077.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0060079999999999995,-14763,-2551,-3038.0,-4707,,1,1,0,1,0,0,Medicine staff,3.0,2,2,FRIDAY,11,0,0,0,0,1,1,Medicine,,0.365462331995536,0.4014074137749511,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-472.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2778959,263971,Consumer loans,12921.345,67545.0,71113.5,0.0,67545.0,SUNDAY,17,Y,1,0.0,,,XAP,Approved,-1019,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,100,Consumer electronics,6.0,middle,POS household with interest,365243.0,-987.0,-837.0,-837.0,-830.0,0.0,0,Cash loans,F,N,Y,2,90000.0,391090.5,21343.5,297000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-12140,-132,-9430.0,-2269,,1,1,0,1,0,0,Sales staff,4.0,2,2,THURSDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.3806564305513728,0.5118956031951452,0.20559813854932085,0.2495,0.1598,0.9871,0.8232,0.0901,0.24,0.2069,0.375,0.4167,0.0,0.1992,0.2652,0.0193,0.0139,0.2542,0.1658,0.9871,0.8301,0.0909,0.2417,0.2069,0.375,0.4167,0.0,0.2176,0.2763,0.0195,0.0147,0.2519,0.1598,0.9871,0.8256,0.0907,0.24,0.2069,0.375,0.4167,0.0,0.2027,0.27,0.0194,0.0142,reg oper account,block of flats,0.2609,Panel,No,6.0,2.0,6.0,1.0,-1470.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,5.0 +2464021,205448,Consumer loans,13159.935,124695.0,123336.0,12469.5,124695.0,THURSDAY,13,Y,1,0.09999903605457136,,,XAP,Approved,-2091,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Stone,15,Consumer electronics,12.0,middle,POS household with interest,365243.0,-2056.0,-1726.0,-1726.0,-1724.0,0.0,0,Cash loans,F,N,N,0,135000.0,490495.5,50391.0,454500.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.032561,-11675,-2288,-2147.0,-4046,,1,1,0,1,0,0,Accountants,2.0,1,1,TUESDAY,19,0,0,0,0,0,0,Restaurant,0.6485755857508136,0.6682289328150994,0.6279908192952864,0.1041,0.0143,0.9955,0.9388,,0.08,0.0345,0.6667,,,,0.111,,,0.1061,0.0148,0.9955,0.9412,,0.0806,0.0345,0.6667,,,,0.1156,,,0.1051,0.0143,0.9955,0.9396,,0.08,0.0345,0.6667,,,,0.1129,,,reg oper account,block of flats,0.0908,Panel,No,1.0,0.0,1.0,0.0,-2091.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2204309,173461,Consumer loans,9123.975,92385.0,76801.5,22500.0,92385.0,TUESDAY,17,Y,1,0.2467691369671701,,,XAP,Approved,-1938,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Stone,109,Consumer electronics,12.0,high,POS household with interest,365243.0,-1907.0,-1577.0,-1667.0,-1660.0,0.0,0,Cash loans,F,N,Y,0,174600.0,278613.0,30136.5,252000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.003069,-16293,-3903,-10344.0,-4325,,1,1,0,1,0,0,Core staff,2.0,3,3,MONDAY,13,0,0,0,0,0,0,Restaurant,,0.4548863468955212,0.2735646775174348,0.0619,0.0579,0.9806,,,0.0,0.1034,0.1667,,0.1141,,0.0347,,0.003,0.063,0.0601,0.9806,,,0.0,0.1034,0.1667,,0.1167,,0.0362,,0.0032,0.0625,0.0579,0.9806,,,0.0,0.1034,0.1667,,0.1161,,0.0354,,0.0031,,block of flats,0.0403,Panel,No,0.0,0.0,0.0,0.0,-1938.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1891478,246965,Cash loans,19317.465,360000.0,426528.0,,360000.0,SATURDAY,11,Y,1,,,,XNA,Approved,-1124,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-1094.0,316.0,-1094.0,-1067.0,1.0,0,Cash loans,F,N,N,0,225000.0,312840.0,24844.5,247500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-19823,365243,-1769.0,-2931,,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,XNA,0.3212578937652989,0.6117821282516563,0.6058362647264226,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1497.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1906309,103274,Consumer loans,6927.525,74250.0,74250.0,0.0,74250.0,TUESDAY,15,Y,1,0.0,,,XAP,Approved,-1066,Non-cash from your account,XAP,Unaccompanied,New,Furniture,POS,XNA,Stone,75,Furniture,12.0,low_normal,POS industry with interest,365243.0,-1032.0,-702.0,-702.0,-682.0,0.0,0,Cash loans,F,N,Y,0,112500.0,314055.0,13437.0,238500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.010147,-23020,365243,-4963.0,-4245,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,14,0,0,0,0,0,0,XNA,,0.6543938903935365,0.5762088360175724,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1066.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1567133,334798,Consumer loans,3744.315,46372.5,37098.0,9274.5,46372.5,MONDAY,11,Y,1,0.2178181818181818,,,XAP,Approved,-95,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,middle,POS mobile with interest,365243.0,-50.0,280.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,157500.0,332842.5,15646.5,234000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.0105,-13147,-3765,-1859.0,-4034,,1,1,0,1,0,0,Laborers,1.0,3,3,FRIDAY,13,0,0,0,1,1,0,Self-employed,0.1879996782554717,0.6359396359914453,0.4776491548517548,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-562.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1436278,201938,Consumer loans,5978.97,64800.0,58320.0,6480.0,64800.0,FRIDAY,12,Y,1,0.1089090909090909,,,XAP,Approved,-335,Cash through the bank,XAP,,Repeater,Construction Materials,POS,XNA,Stone,50,Construction,12.0,middle,POS industry with interest,365243.0,-304.0,26.0,-154.0,-151.0,0.0,0,Cash loans,F,N,Y,0,135000.0,1078200.0,31653.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.019101,-19463,-1808,-9696.0,-3005,,1,1,0,1,0,0,,1.0,2,2,THURSDAY,10,0,0,0,0,0,0,Government,,0.546505165261773,0.4400578303966329,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1706.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +1950973,186786,Consumer loans,7847.055,69165.0,79209.0,0.0,69165.0,THURSDAY,5,Y,1,0.0,,,XAP,Refused,-182,XNA,HC,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,300,Consumer electronics,12.0,low_normal,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,112500.0,312682.5,30591.0,297000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.010032,-22400,365243,-12421.0,-4580,,1,0,0,1,1,0,,1.0,2,2,THURSDAY,4,0,0,0,0,0,0,XNA,,0.19904757240598486,0.7738956942145427,0.0928,,0.9806,,,0.0,0.2069,0.1667,,,,0.0602,,0.0436,0.0945,,0.9806,,,0.0,0.2069,0.1667,,,,0.0627,,0.0461,0.0937,,0.9806,,,0.0,0.2069,0.1667,,,,0.0613,,0.0445,,block of flats,0.0684,Panel,No,1.0,0.0,1.0,0.0,-548.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2168800,433212,Consumer loans,5108.58,22851.0,24210.0,0.0,22851.0,THURSDAY,12,Y,1,0.0,,,XAP,Approved,-368,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,25,Connectivity,6.0,high,POS mobile with interest,365243.0,-333.0,-183.0,-183.0,-176.0,0.0,0,Cash loans,F,Y,Y,2,67500.0,814041.0,23931.0,679500.0,Family,State servant,Incomplete higher,Married,House / apartment,0.025164,-11074,-1612,-9.0,-3142,1.0,1,1,1,1,0,0,Core staff,4.0,2,2,MONDAY,14,0,0,0,0,1,1,Kindergarten,0.4788139437046007,0.42506725969723225,0.6940926425266661,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1861.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1327963,303776,Consumer loans,15035.265,97110.0,123655.5,0.0,97110.0,TUESDAY,8,Y,1,0.0,,,XAP,Approved,-612,XNA,XAP,,New,Mobile,POS,XNA,Regional / Local,55,Connectivity,12.0,high,POS mobile with interest,365243.0,-581.0,-251.0,-251.0,-243.0,0.0,0,Cash loans,M,Y,N,2,157500.0,1350000.0,39604.5,1350000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006305,-15242,-870,-1218.0,-4635,36.0,1,1,1,1,0,0,Laborers,4.0,3,3,SUNDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.5361296520873974,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-612.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1530511,228731,Cash loans,,0.0,0.0,,,FRIDAY,11,Y,1,,,,XNA,Refused,-409,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,1,Cash loans,F,N,Y,0,135000.0,573628.5,29416.5,463500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.010147,-20492,365243,-12632.0,-3009,,1,0,0,1,0,0,,1.0,2,2,MONDAY,12,0,0,0,0,0,0,XNA,,0.14236818533062578,0.0005272652387098817,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-354.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1630081,314063,Consumer loans,4222.26,42890.4,42822.0,4500.9,42890.4,SATURDAY,13,Y,1,0.10358387319304756,,,XAP,Approved,-1372,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,14.0,high,POS mobile with interest,365243.0,-1337.0,-947.0,-947.0,-937.0,0.0,0,Cash loans,F,N,Y,0,180000.0,545040.0,30564.0,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.007114,-23192,365243,-8158.0,-4224,,1,0,0,1,1,0,,1.0,2,2,SATURDAY,10,0,0,0,0,0,0,XNA,,0.1951682471558701,0.4578995512067301,0.0216,0.0027,0.9781,,,,0.1034,0.0417,,,,0.0175,,0.003,0.0221,0.0028,0.9782,,,,0.1034,0.0417,,,,0.0182,,0.0032,0.0219,0.0027,0.9781,,,,0.1034,0.0417,,,,0.0178,,0.0031,,block of flats,0.0158,"Stone, brick",No,16.0,0.0,16.0,0.0,-1372.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1701861,254898,Consumer loans,5258.97,57577.5,51817.5,5760.0,57577.5,SUNDAY,12,Y,1,0.10895165014742972,,,XAP,Approved,-897,XNA,XAP,,New,Mobile,POS,XNA,Country-wide,12,Connectivity,12.0,middle,POS mobile with interest,365243.0,-863.0,-533.0,-773.0,-771.0,0.0,0,Cash loans,F,N,Y,0,144000.0,337500.0,17361.0,337500.0,"Spouse, partner",Working,Secondary / secondary special,Single / not married,With parents,0.015221,-8168,-917,-3926.0,-607,,1,1,0,1,1,0,,1.0,2,2,MONDAY,19,0,0,0,0,0,0,Other,0.3079249633164049,0.27687795466722903,0.5849900404894085,0.0588,0.0686,0.9781,0.7008,0.0,0.0,0.1379,0.1667,0.2083,0.0,0.0471,0.0525,0.0039,0.0556,0.0599,0.0712,0.9782,0.7125,0.0,0.0,0.1379,0.1667,0.2083,0.0,0.0514,0.0547,0.0039,0.0588,0.0593,0.0686,0.9781,0.7048,0.0,0.0,0.1379,0.1667,0.2083,0.0,0.0479,0.0535,0.0039,0.0568,reg oper account,block of flats,0.0582,"Stone, brick",No,1.0,0.0,1.0,0.0,-897.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2674308,126748,Cash loans,15066.675,324000.0,376605.0,,324000.0,FRIDAY,10,Y,1,,,,XNA,Approved,-236,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-206.0,844.0,365243.0,365243.0,1.0,0,Revolving loans,F,N,Y,0,292500.0,585000.0,29250.0,585000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.025164,-19981,-9220,-9359.0,-3402,,1,1,0,1,0,0,Managers,1.0,2,2,WEDNESDAY,7,0,0,0,0,0,0,Self-employed,,0.6599118521310512,0.41184855592423975,0.0732,0.0383,0.9871,0.8232,0.0,0.04,0.0345,0.3333,0.375,0.0615,0.0597,0.069,0.0077,0.0067,0.0746,0.0397,0.9871,0.8301,0.0,0.0403,0.0345,0.3333,0.375,0.0629,0.0652,0.0719,0.0078,0.006999999999999999,0.0739,0.0383,0.9871,0.8256,0.0,0.04,0.0345,0.3333,0.375,0.0626,0.0607,0.0702,0.0078,0.0068,reg oper account,block of flats,0.0612,"Stone, brick",No,3.0,1.0,3.0,0.0,-676.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2446477,328651,Consumer loans,6441.66,47916.0,52974.0,0.0,47916.0,SUNDAY,19,Y,1,0.0,,,XAP,Approved,-821,Cash through the bank,XAP,Other_B,New,Computers,POS,XNA,Country-wide,15,Connectivity,12.0,high,POS mobile with interest,365243.0,-790.0,-460.0,-460.0,-457.0,0.0,0,Cash loans,F,Y,Y,1,225000.0,482593.5,32382.0,436500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-10542,-2839,-2563.0,-2602,16.0,1,1,0,1,0,0,,3.0,1,1,TUESDAY,10,0,1,1,0,0,0,Government,0.5387656771861861,0.4086592172163524,0.7776594425716818,0.0438,,0.9752,,,0.04,0.0517,0.2292,,0.0696,,,,,0.0063,,0.9613,,,0.0,0.0345,0.0833,,0.053,,,,,0.0442,,0.9752,,,0.04,0.0517,0.2292,,0.0709,,,,,,block of flats,0.0073,"Stone, brick",No,0.0,0.0,0.0,0.0,-821.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2133336,196459,Cash loans,12651.21,94500.0,114615.0,,94500.0,SATURDAY,10,Y,1,,,,XNA,Approved,-445,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-415.0,-85.0,-385.0,-381.0,1.0,0,Cash loans,F,Y,N,0,67500.0,258709.5,17289.0,234000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-11071,-1387,-3788.0,-3579,11.0,1,1,1,1,1,0,Cleaning staff,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,Housing,0.2892010299873704,0.2119398363726516,0.1684161714286957,0.1399,0.1232,0.9866,0.7416,0.0209,0.1732,0.1379,0.3021,0.2083,0.0979,0.0504,0.1836,0.0,0.1177,0.063,0.0552,0.9811,0.7517,0.0211,0.0,0.1379,0.1667,0.2083,0.0278,0.0551,0.0565,0.0,0.0,0.0874,0.1232,0.9831,0.7451,0.0211,0.12,0.1379,0.25,0.2083,0.0804,0.0513,0.0705,0.0,0.0872,reg oper account,block of flats,0.0427,Panel,No,1.0,0.0,1.0,0.0,-174.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +1500689,446668,Cash loans,12501.54,67500.0,69727.5,,67500.0,MONDAY,12,Y,1,,,,XNA,Approved,-369,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,low_normal,Cash X-Sell: low,365243.0,-339.0,-189.0,-189.0,-181.0,1.0,0,Cash loans,M,N,Y,0,112500.0,755190.0,33394.5,675000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.025164,-22555,365243,-7794.0,-4783,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,14,0,0,0,0,0,0,XNA,,0.02845033880564495,,0.1175,0.0432,0.9995,0.9932,0.0475,0.08,0.0345,0.7083,0.75,0.0127,0.0588,0.1192,0.1699,0.1166,0.1197,0.0448,0.9995,0.9935,0.0479,0.0806,0.0345,0.7083,0.75,0.013,0.0643,0.1242,0.1712,0.1234,0.1187,0.0432,0.9995,0.9933,0.0478,0.08,0.0345,0.7083,0.75,0.0129,0.0599,0.1214,0.1708,0.119,not specified,block of flats,0.1191,Monolithic,No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2274664,326322,Revolving loans,38250.0,0.0,765000.0,,,WEDNESDAY,14,Y,1,,,,XAP,Approved,-590,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-521.0,-490.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,216000.0,393219.0,44496.0,373500.0,Family,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-17855,-2725,-7627.0,-1402,,1,1,0,1,0,0,,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.6706591198257507,0.7274818534697667,,0.0103,0.0183,0.9811,0.7416,0.0012,0.0,0.0517,0.0417,0.0833,0.0245,0.0084,0.0098,0.0,0.0,0.0084,0.0,0.9811,0.7517,0.001,0.0,0.0345,0.0417,0.0833,0.0093,0.0073,0.008,0.0,0.0,0.0104,0.0183,0.9811,0.7451,0.0012,0.0,0.0517,0.0417,0.0833,0.0249,0.0086,0.01,0.0,0.0,reg oper account,block of flats,0.006,"Stone, brick",No,2.0,0.0,2.0,0.0,-2882.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1009876,307211,Cash loans,42727.5,450000.0,450000.0,,450000.0,THURSDAY,10,Y,1,,,,XNA,Approved,-1028,Cash through the bank,XAP,Family,New,XNA,Cash,walk-in,AP+ (Cash loan),5,XNA,12.0,low_normal,Cash Street: low,365243.0,-998.0,-668.0,-878.0,-870.0,0.0,0,Cash loans,F,N,Y,0,90000.0,109467.0,11623.5,94500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00823,-20061,-1386,-7259.0,-3354,,1,1,0,1,0,1,Cooking staff,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Restaurant,,0.4514399249401636,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-1028.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1353169,376581,Cash loans,,0.0,0.0,,,WEDNESDAY,15,Y,1,,,,XNA,Refused,-280,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,1,Cash loans,F,N,N,0,180000.0,640080.0,31131.0,450000.0,Unaccompanied,Commercial associate,Higher education,Widow,House / apartment,0.00963,-19324,-1941,-8488.0,-2688,,1,1,1,1,1,0,Accountants,1.0,2,2,TUESDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.7507318605740021,0.005987045791862337,0.16640554618393638,0.2588,0.1035,0.9881,0.8368,0.2635,0.16,0.069,0.5417,0.0,0.0796,0.2085,0.1776,0.0116,0.0203,0.2637,0.1074,0.9881,0.8432,0.2659,0.1611,0.069,0.5417,0.0,0.0815,0.2277,0.185,0.0117,0.0215,0.2613,0.1035,0.9881,0.8390000000000001,0.2652,0.16,0.069,0.5417,0.0,0.081,0.2121,0.1808,0.0116,0.0208,org spec account,block of flats,0.1651,"Stone, brick",No,0.0,0.0,0.0,0.0,-1315.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2536775,313589,Consumer loans,5680.71,42750.0,41647.5,4275.0,42750.0,TUESDAY,10,Y,1,0.10138523896485677,,,XAP,Approved,-1878,Cash through the bank,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Stone,40,Consumer electronics,10.0,high,POS household with interest,365243.0,-1845.0,-1575.0,-1575.0,-1383.0,0.0,0,Cash loans,M,Y,Y,0,90000.0,135000.0,10795.5,135000.0,Unaccompanied,Working,Lower secondary,Civil marriage,House / apartment,0.01885,-14291,-535,-800.0,-4908,8.0,1,1,1,1,1,0,,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.364149382145511,0.324461402931136,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-673.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1195439,415877,Consumer loans,5500.26,57136.5,56853.0,5715.0,57136.5,THURSDAY,17,Y,1,0.09947824040171564,,,XAP,Approved,-383,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Country-wide,2001,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-352.0,-22.0,-22.0,-16.0,0.0,0,Cash loans,F,N,N,0,112500.0,225000.0,13045.5,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.030755,-22020,-2822,-4080.0,-4788,,1,1,0,1,0,0,,1.0,2,2,TUESDAY,14,0,0,0,0,0,0,Self-employed,0.8509852790912549,0.7067956083195205,0.7910749129911773,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1725.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1856636,131646,Consumer loans,15874.425,158760.0,142884.0,15876.0,158760.0,WEDNESDAY,10,Y,1,0.1089090909090909,,,XAP,Approved,-1209,Cash through the bank,XAP,Family,Refreshed,Furniture,POS,XNA,Stone,50,Furniture,10.0,low_normal,POS industry with interest,365243.0,-1176.0,-906.0,-906.0,-904.0,0.0,0,Cash loans,F,Y,Y,2,94500.0,436032.0,16564.5,360000.0,Children,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-12410,-916,-1083.0,-4503,13.0,1,1,0,1,0,0,Accountants,4.0,2,2,MONDAY,10,0,0,0,0,0,0,Industry: type 9,0.5815096418564077,0.5493976290486047,0.5989262182569273,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,2.0,8.0,0.0,-483.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1236705,258057,Consumer loans,2691.135,16150.5,15178.5,972.0,16150.5,MONDAY,9,Y,1,0.06554573317459914,,,XAP,Approved,-2312,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,105,Consumer electronics,6.0,low_normal,POS household without interest,365243.0,-2278.0,-2128.0,-2128.0,-2124.0,0.0,0,Cash loans,F,N,Y,2,85500.0,808650.0,26217.0,675000.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.01885,-14676,-5823,-5854.0,-3217,,1,1,0,1,0,0,Core staff,4.0,2,2,WEDNESDAY,13,0,0,0,0,1,1,School,0.3443528325922689,0.5124692864012546,0.6894791426446275,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-2217.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1480988,296712,Cash loans,21137.58,373500.0,416641.5,,373500.0,SATURDAY,11,Y,1,,,,XNA,Approved,-1286,Cash through the bank,XAP,Children,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,30.0,middle,Cash X-Sell: middle,365243.0,-1256.0,-386.0,-1016.0,-1011.0,1.0,0,Cash loans,F,N,Y,0,38250.0,225000.0,12694.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-23912,365243,-9946.0,-4170,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,XNA,,0.747164489686935,0.7688075728291359,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-167.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,7.0 +2645393,190474,Consumer loans,3148.29,23125.5,26257.5,2340.0,23125.5,TUESDAY,13,Y,1,0.08911522780916957,,,XAP,Approved,-1800,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,40,Connectivity,12.0,high,POS mobile with interest,365243.0,-1769.0,-1439.0,-1439.0,-1431.0,0.0,0,Cash loans,F,N,Y,0,112500.0,1006920.0,42790.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-14165,-1975,-4472.0,-4607,,1,1,0,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.5898057638479994,0.7407990879702335,0.0371,0.0738,0.9866,0.8164,0.0038,0.0,0.1034,0.0833,0.0,0.0,0.0303,0.0365,0.0,0.0094,0.0378,0.0766,0.9866,0.8236,0.0038,0.0,0.1034,0.0833,0.0,0.0,0.0331,0.0381,0.0,0.01,0.0375,0.0738,0.9866,0.8189,0.0038,0.0,0.1034,0.0833,0.0,0.0,0.0308,0.0372,0.0,0.0096,reg oper account,block of flats,0.0308,"Stone, brick",No,7.0,0.0,7.0,0.0,-1800.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1460611,108262,Cash loans,67928.355,1147500.0,1214145.0,,1147500.0,THURSDAY,14,Y,1,,,,XNA,Approved,-358,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-328.0,362.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,315000.0,1205896.5,35388.0,1053000.0,Family,Pensioner,Higher education,Married,House / apartment,0.072508,-22407,365243,-6716.0,-4042,,1,0,0,1,1,0,,2.0,1,1,FRIDAY,13,0,0,0,0,0,0,XNA,,0.7020513844085976,0.35233997269170386,0.4247,0.3138,0.9707,,,0.48,0.3448,0.5,,0.2355,,0.5242,,0.3091,0.4328,0.3257,0.9707,,,0.4834,0.3448,0.5,,0.2409,,0.5462,,0.3272,0.4289,0.3138,0.9707,,,0.48,0.3448,0.5,,0.2396,,0.5336,,0.3155,,block of flats,0.4795,"Stone, brick",No,0.0,0.0,0.0,0.0,-3389.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1208496,248219,Consumer loans,13766.49,74016.0,77922.0,0.0,74016.0,SATURDAY,14,Y,1,0.0,,,XAP,Approved,-734,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,1880,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-703.0,-553.0,-553.0,-550.0,0.0,0,Cash loans,F,N,N,1,112500.0,123993.0,8946.0,103500.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.00963,-12155,-1430,-5428.0,-4280,,1,1,0,1,1,0,Sales staff,3.0,2,2,FRIDAY,11,0,0,0,1,0,1,Industry: type 3,0.4391998492992497,0.5315476421167799,0.7366226976503176,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1730.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1899424,146728,Consumer loans,2663.865,22495.5,16870.5,5625.0,22495.5,SATURDAY,9,Y,1,0.27232719271126943,,,XAP,Approved,-1386,Cash through the bank,XAP,,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,25,Connectivity,8.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,0,135000.0,900000.0,38133.0,900000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.035792000000000004,-10586,-2120,-4998.0,-3122,,1,1,1,1,0,0,Accountants,1.0,2,2,SATURDAY,15,0,0,0,0,1,1,Self-employed,,0.6688443436561514,0.2925880073368475,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1912.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1569037,449701,Consumer loans,10530.405,40500.0,40500.0,0.0,40500.0,THURSDAY,8,Y,1,0.0,,,XAP,Approved,-543,XNA,XAP,,New,Auto Accessories,POS,XNA,Stone,200,Auto technology,4.0,low_action,POS other with interest,365243.0,-507.0,-417.0,-417.0,-414.0,0.0,1,Cash loans,M,Y,Y,0,180000.0,545040.0,36553.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.0038179999999999998,-13481,-2221,-79.0,-1669,16.0,1,1,0,1,0,0,Laborers,1.0,2,2,MONDAY,6,0,0,0,0,0,0,Transport: type 4,0.2544002809985665,0.16807336103950896,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1333868,394979,Consumer loans,6877.395,40455.0,36409.5,4045.5,40455.0,SUNDAY,15,Y,1,0.1089090909090909,,,XAP,Approved,-463,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Regional / Local,100,Consumer electronics,6.0,middle,POS household with interest,365243.0,-432.0,-282.0,-282.0,-274.0,0.0,0,Cash loans,M,Y,N,0,157500.0,582804.0,29884.5,463500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-10674,-1131,-4571.0,-3343,11.0,1,1,0,1,0,1,Laborers,2.0,2,2,MONDAY,18,0,0,0,1,1,0,Transport: type 4,0.14687039888979134,0.5306164158090779,0.3791004853998145,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1617.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1108139,138219,Consumer loans,7839.36,41355.0,39060.0,4135.5,41355.0,SATURDAY,9,Y,1,0.1042686264667721,,,XAP,Approved,-2383,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,29,Connectivity,6.0,high,POS mobile with interest,365243.0,-2349.0,-2199.0,-2199.0,-2193.0,1.0,0,Cash loans,F,N,Y,0,315000.0,1530000.0,42075.0,1530000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.02461,-15709,-1323,-1001.0,-1511,,1,1,0,1,1,0,Managers,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Trade: type 7,,0.6856853290261631,0.6594055320683344,0.0577,0.1,0.9816,,,0.0,0.1379,0.1667,,0.0208,,0.0538,,0.104,0.0588,0.1038,0.9816,,,0.0,0.1379,0.1667,,0.0213,,0.0561,,0.1101,0.0583,0.1,0.9816,,,0.0,0.1379,0.1667,,0.0212,,0.0548,,0.1062,,block of flats,0.065,"Stone, brick",No,2.0,0.0,2.0,0.0,-2383.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2184800,342221,Consumer loans,15179.76,148491.0,161230.5,0.0,148491.0,WEDNESDAY,15,Y,1,0.0,,,XAP,Approved,-472,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,2200,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-441.0,-111.0,-111.0,-104.0,0.0,0,Cash loans,M,Y,Y,0,81000.0,229500.0,11848.5,229500.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.006296,-10127,-1262,-4071.0,-2641,15.0,1,1,0,1,0,0,,2.0,3,3,SATURDAY,10,0,0,0,0,0,0,Other,,0.5785129782903068,0.5726825047161584,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-472.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1946696,144263,Consumer loans,10774.485,83475.0,104202.0,0.0,83475.0,MONDAY,14,Y,1,0.0,,,XAP,Approved,-699,Cash through the bank,XAP,Unaccompanied,New,Gardening,POS,XNA,Stone,1,Construction,12.0,middle,POS industry with interest,365243.0,-668.0,-338.0,-338.0,-336.0,0.0,0,Revolving loans,M,Y,Y,0,270000.0,247500.0,12375.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0228,-15712,-5725,-951.0,-4267,17.0,1,1,1,1,1,0,Laborers,2.0,2,2,SUNDAY,10,0,0,0,0,0,0,Construction,,0.6218859005783534,0.6363761710860439,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-699.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1616128,334251,Consumer loans,7102.575,29430.0,24930.0,4500.0,29430.0,SUNDAY,16,Y,1,0.16652766194050594,,,XAP,Refused,-2556,Cash through the bank,SCO,,Repeater,XNA,POS,XNA,Stone,23,Connectivity,4.0,high,POS mobile with interest,,,,,,,0,Cash loans,M,Y,Y,0,270000.0,239850.0,25960.5,225000.0,Family,Working,Incomplete higher,Single / not married,House / apartment,0.032561,-11692,-3367,-863.0,-3071,9.0,1,1,0,1,1,0,Drivers,1.0,1,1,MONDAY,17,0,0,0,0,0,0,Transport: type 3,,0.7487433845534998,0.7610263695502636,0.1402,,0.996,0.9388,0.2759,0.12,0.1034,0.375,0.4167,0.0798,0.1143,0.1548,0.0,0.1231,0.1429,,0.996,0.9412,0.2785,0.1208,0.1034,0.375,0.4167,0.0816,0.1249,0.1613,0.0,0.1303,0.1416,,0.996,0.9396,0.2777,0.12,0.1034,0.375,0.4167,0.0812,0.1163,0.1576,0.0,0.1257,reg oper spec account,block of flats,0.1509,Panel,No,0.0,0.0,0.0,0.0,-2223.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1087112,435605,Consumer loans,6551.01,63900.0,63900.0,0.0,63900.0,MONDAY,6,Y,1,0.0,,,XAP,Approved,-627,Cash through the bank,XAP,,Repeater,Homewares,POS,XNA,Stone,40,Construction,12.0,middle,POS industry with interest,365243.0,-596.0,-266.0,-506.0,-502.0,0.0,0,Cash loans,F,Y,Y,0,112500.0,481176.0,20515.5,360000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.006852,-21791,365243,-5625.0,-1477,14.0,1,0,0,1,0,0,,2.0,3,3,FRIDAY,5,0,0,0,0,0,0,XNA,,0.0900401062577165,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1282.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1604194,160718,Revolving loans,6750.0,180000.0,135000.0,,180000.0,SATURDAY,13,Y,1,,,,XAP,Approved,-243,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-241.0,-201.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,N,0,99000.0,781920.0,32998.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-10016,-1897,-395.0,-2242,14.0,1,1,0,1,0,0,Managers,2.0,2,2,THURSDAY,14,0,0,0,1,0,1,Postal,,0.4202594693565671,0.2263473957097693,0.1825,0.1322,0.9866,0.8164,0.0378,0.2,0.1724,0.3333,0.375,0.1238,0.1488,0.1824,0.0,0.0022,0.1859,0.1372,0.9866,0.8236,0.0382,0.2014,0.1724,0.3333,0.375,0.1266,0.1625,0.1901,0.0,0.0023,0.1842,0.1322,0.9866,0.8189,0.0381,0.2,0.1724,0.3333,0.375,0.126,0.1513,0.1857,0.0,0.0022,reg oper account,block of flats,0.1644,Panel,No,5.0,0.0,5.0,0.0,-359.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2106718,361822,Consumer loans,4234.545,19980.0,21564.0,0.0,19980.0,MONDAY,6,Y,1,0.0,,,XAP,Approved,-21,XNA,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Stone,1300,Consumer electronics,6.0,middle,POS household with interest,365243.0,365243.0,159.0,365243.0,365243.0,1.0,1,Cash loans,F,N,Y,0,225000.0,397881.0,22347.0,328500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006305,-16419,-2552,-5509.0,-3743,,1,1,0,1,0,0,,2.0,3,3,MONDAY,5,0,0,0,0,0,0,Business Entity Type 3,,0.38127998641845817,,0.0536,,0.9811,0.7416,0.014,0.0,0.0345,0.1667,0.0417,,0.0437,0.0383,0.0,0.0,0.0546,,0.9811,0.7517,0.0142,0.0,0.0345,0.1667,0.0417,,0.0478,0.0399,0.0,0.0,0.0541,,0.9811,0.7451,0.0141,0.0,0.0345,0.1667,0.0417,,0.0445,0.039,0.0,0.0,org spec account,specific housing,0.0378,"Stone, brick",No,1.0,0.0,1.0,0.0,-276.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2479602,248808,Consumer loans,19545.12,196555.5,213421.5,0.0,196555.5,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-1129,Cash through the bank,XAP,Family,Refreshed,Audio/Video,POS,XNA,Country-wide,2263,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-1098.0,-768.0,-1038.0,-1030.0,0.0,0,Cash loans,F,Y,N,1,121500.0,323460.0,26064.0,270000.0,"Spouse, partner",Working,Higher education,Married,House / apartment,0.020713,-12926,-2067,-368.0,-550,13.0,1,1,0,1,0,0,,3.0,3,3,MONDAY,14,0,0,0,0,1,1,Bank,0.4235443512655496,0.36301649669718894,0.4668640059537032,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1129.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1791100,321335,Consumer loans,9618.21,105300.0,94770.0,10530.0,105300.0,FRIDAY,17,Y,1,0.1089090909090909,,,XAP,Refused,-588,XNA,LIMIT,,Repeater,Mobile,POS,XNA,Regional / Local,75,Connectivity,12.0,middle,POS mobile with interest,,,,,,,0,Cash loans,F,N,N,2,157500.0,1312110.0,52168.5,1125000.0,Unaccompanied,State servant,Incomplete higher,Married,House / apartment,0.00496,-11260,-4147,-4917.0,-3600,,1,1,0,1,0,0,,4.0,2,2,FRIDAY,13,0,0,0,0,0,0,Other,,0.4825859334862149,0.41885428862332175,0.0663,,0.9846,,,,0.0345,0.1667,,,,,,,0.084,,0.9836,,,,0.0345,0.1667,,,,,,,0.0833,,0.9836,,,,0.0345,0.1667,,,,,,,,block of flats,0.0298,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1388866,102775,Consumer loans,9660.375,59850.0,50409.0,11970.0,59850.0,SUNDAY,10,Y,1,0.20898729030311766,,,XAP,Approved,-610,Cash through the bank,XAP,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Stone,23,Consumer electronics,6.0,middle,POS household with interest,365243.0,-577.0,-427.0,-427.0,-421.0,0.0,0,Cash loans,F,N,N,2,67500.0,810000.0,23814.0,810000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-14293,-7065,-271.0,-4428,,1,1,0,1,1,0,Core staff,4.0,2,2,SATURDAY,9,0,0,0,0,1,1,Medicine,0.4852407044220507,0.17902923653374225,0.18411615593071512,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-898.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1545943,391849,Cash loans,12169.8,180000.0,180000.0,0.0,180000.0,FRIDAY,17,Y,1,0.0,,,XNA,Refused,-2258,Cash through the bank,LIMIT,Other_B,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,69750.0,808650.0,26217.0,675000.0,Unaccompanied,Pensioner,Lower secondary,Married,House / apartment,0.010966,-23507,365243,-3007.0,-4291,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,16,0,0,0,0,0,0,XNA,,0.5650963740376727,0.8050196619153701,0.0835,0.0799,0.9757,,0.0103,0.0,0.1379,0.1667,0.2083,0.0943,,0.0708,0.0,0.0,0.0851,0.0829,0.9757,,0.0104,0.0,0.1379,0.1667,0.2083,0.0964,,0.0737,0.0,0.0,0.0843,0.0799,0.9757,,0.0104,0.0,0.1379,0.1667,0.2083,0.0959,,0.07200000000000001,0.0,0.0,reg oper spec account,block of flats,0.0557,Panel,No,1.0,1.0,1.0,1.0,-2258.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1855836,147821,Consumer loans,4694.67,44955.0,50296.5,0.0,44955.0,THURSDAY,14,Y,1,0.0,,,XAP,Approved,-211,Cash through the bank,XAP,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Regional / Local,50,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-181.0,149.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,2,90000.0,461358.0,36360.0,427500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.018634,-10946,-1857,-1512.0,-2871,11.0,1,1,1,1,1,0,Core staff,4.0,2,2,FRIDAY,11,0,0,0,0,1,1,Agriculture,0.07279717603636451,0.5558257051573936,0.5549467685334323,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-427.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1193310,100009,Consumer loans,17341.605,110160.0,92488.5,22032.0,110160.0,MONDAY,15,Y,1,0.2095245035525596,,,XAP,Approved,-1511,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Regional / Local,190,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1480.0,-1330.0,-1330.0,-1323.0,0.0,0,Cash loans,F,Y,Y,1,171000.0,1560726.0,41301.0,1395000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.035792000000000004,-13778,-3130,-1213.0,-619,17.0,1,1,0,1,1,0,Accountants,3.0,2,2,SUNDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.7747614130547695,0.7239998516953141,0.4920600938649263,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1562.0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,2.0 +2661223,198514,Consumer loans,4484.07,99535.5,99535.5,0.0,99535.5,MONDAY,10,Y,1,0.0,,,XAP,Approved,-386,Cash through the bank,XAP,,Refreshed,Audio/Video,POS,XNA,Regional / Local,100,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-352.0,338.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,247500.0,1039500.0,30523.5,1039500.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.035792000000000004,-20305,365243,-4953.0,-3477,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,XNA,0.6195093395303076,0.7168739942172383,0.7136313997323308,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2370.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2560965,413911,Consumer loans,11976.345,96916.68,105444.18,0.0,96916.68,WEDNESDAY,11,Y,1,0.0,,,XAP,Approved,-348,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,30,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-308.0,-38.0,-68.0,-64.0,0.0,0,Cash loans,M,Y,N,0,90000.0,646920.0,20997.0,540000.0,"Spouse, partner",Pensioner,Higher education,Married,House / apartment,0.010643000000000001,-22997,365243,-6.0,-2393,9.0,1,0,0,1,0,0,,2.0,2,2,MONDAY,9,0,0,0,0,0,0,XNA,0.7297319438000773,0.5075838860565627,,0.0742,0.0553,0.9901,0.8640000000000001,0.0155,0.08,0.069,0.3333,0.375,0.0621,0.0605,0.078,0.0,0.0,0.0756,0.0574,0.9901,0.8693,0.0156,0.0806,0.069,0.3333,0.375,0.0635,0.0661,0.0813,0.0,0.0,0.0749,0.0553,0.9901,0.8658,0.0156,0.08,0.069,0.3333,0.375,0.0632,0.0616,0.0795,0.0,0.0,reg oper spec account,block of flats,0.0698,Panel,No,0.0,0.0,0.0,0.0,-348.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1578548,447212,Cash loans,29760.885,945000.0,1082214.0,,945000.0,SATURDAY,7,Y,1,,,,Repairs,Refused,-223,Cash through the bank,VERIF,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,N,N,0,121500.0,521280.0,27292.5,450000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.020713,-18133,-1897,-605.0,-1684,,1,1,0,1,1,0,Laborers,2.0,3,3,TUESDAY,4,0,0,0,0,1,1,Government,0.5566561778652608,0.5336652173465817,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-224.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2603444,429828,Revolving loans,9000.0,180000.0,180000.0,,180000.0,THURSDAY,10,Y,1,,,,XAP,Refused,-218,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,Y,Y,0,202500.0,400554.0,26766.0,310500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.018634,-9247,-1666,-9194.0,-1681,16.0,1,1,1,1,1,0,Laborers,1.0,2,2,FRIDAY,9,0,0,0,0,0,0,Transport: type 4,,0.3408231613169002,0.28961123838200553,0.1361,0.0573,0.9752,0.66,0.0103,0.0,0.2069,0.1667,0.2083,0.0338,0.1042,0.0903,0.0309,0.067,0.1387,0.0594,0.9752,0.6733,0.0104,0.0,0.2069,0.1667,0.2083,0.0346,0.1139,0.0941,0.0311,0.0709,0.1374,0.0573,0.9752,0.6645,0.0104,0.0,0.2069,0.1667,0.2083,0.0344,0.106,0.092,0.0311,0.0684,,block of flats,0.0913,"Stone, brick",No,1.0,0.0,1.0,0.0,-857.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +2071936,296508,Cash loans,29577.6,1170000.0,1170000.0,,1170000.0,MONDAY,16,Y,1,,,,Buying a new car,Refused,-11,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,60.0,low_action,Cash Street: low,,,,,,,1,Cash loans,M,N,N,0,134550.0,1089000.0,29947.5,1089000.0,Unaccompanied,Working,Higher education,Separated,Co-op apartment,0.018634,-10309,-608,-345.0,-2822,,1,1,1,1,0,0,,1.0,2,2,FRIDAY,13,0,0,0,1,1,0,Trade: type 2,0.24606885357131797,0.3747913973010998,0.1385128770585923,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-104.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1196832,325170,Consumer loans,23970.015,374913.0,329620.5,74983.5,374913.0,FRIDAY,12,Y,1,0.20183648254050424,,,XAP,Refused,-816,Cash through the bank,LIMIT,Family,Repeater,Audio/Video,POS,XNA,Country-wide,1000,Consumer electronics,18.0,middle,POS household with interest,,,,,,,0,Cash loans,F,Y,N,0,112500.0,495000.0,32485.5,495000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.025164,-19132,-1864,-5163.0,-2671,7.0,1,1,1,1,1,0,Core staff,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Insurance,,0.4283839271951809,0.8016009030071296,0.1835,0.1048,0.9856,0.8028,0.068,0.2,0.1724,0.3333,0.375,0.188,0.1471,0.1877,0.0116,0.0157,0.187,0.1087,0.9856,0.8105,0.0686,0.2014,0.1724,0.3333,0.375,0.1923,0.1607,0.1956,0.0117,0.0167,0.1853,0.1048,0.9856,0.8054,0.0684,0.2,0.1724,0.3333,0.375,0.1912,0.1496,0.1911,0.0116,0.0161,org spec account,block of flats,0.1883,Panel,No,0.0,0.0,0.0,0.0,-1138.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0.0,0.0,0.0,2.0,0.0,2.0 +1030239,392940,Consumer loans,10452.825,154341.0,156784.5,15435.0,154341.0,MONDAY,17,Y,1,0.09760868067680012,,,XAP,Approved,-614,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Stone,149,Consumer electronics,18.0,low_normal,POS household with interest,365243.0,-583.0,-73.0,-73.0,-69.0,0.0,0,Cash loans,F,Y,Y,0,46350.0,127350.0,6786.0,112500.0,Unaccompanied,Pensioner,Higher education,Single / not married,House / apartment,0.005144,-23755,365243,-669.0,-4036,6.0,1,0,0,1,0,0,,1.0,2,2,SATURDAY,10,0,0,0,0,0,0,XNA,,0.6259394658124506,0.4794489811780563,0.1216,0.2119,0.9901,0.8640000000000001,0.0667,0.0,0.2759,0.1667,0.2083,0.1136,0.0992,0.117,0.0,0.0,0.1239,0.2199,0.9901,0.8693,0.0673,0.0,0.2759,0.1667,0.2083,0.1162,0.1084,0.1219,0.0,0.0,0.1228,0.2119,0.9901,0.8658,0.0671,0.0,0.2759,0.1667,0.2083,0.1156,0.1009,0.1191,0.0,0.0,org spec account,block of flats,0.119,"Stone, brick",No,0.0,0.0,0.0,0.0,-614.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1456250,401106,Consumer loans,2878.11,25600.5,21100.5,4500.0,25600.5,TUESDAY,13,Y,1,0.1914380223397625,,,XAP,Approved,-1620,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,30,Connectivity,10.0,high,POS mobile with interest,365243.0,-1579.0,-1309.0,-1309.0,-1299.0,0.0,0,Cash loans,F,Y,N,0,72000.0,495000.0,15966.0,495000.0,Family,Working,Secondary / secondary special,Married,With parents,0.01885,-15196,-2256,-4396.0,-4396,8.0,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Self-employed,,0.5473125628898579,0.6496203111237195,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-116.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1767933,434869,Cash loans,12476.34,67500.0,69727.5,,67500.0,THURSDAY,16,Y,1,,,,XNA,Approved,-189,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,low_normal,Cash X-Sell: low,365243.0,-159.0,-9.0,-9.0,-4.0,1.0,0,Cash loans,F,N,Y,0,90000.0,127350.0,12402.0,112500.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.015221,-19161,365243,-5594.0,-2710,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,XNA,,0.30363615622952833,0.31703177858344445,0.1031,0.114,0.9806,0.7348,0.0891,0.0,0.2069,0.1667,0.2083,0.0486,0.0841,0.0895,0.0,0.0,0.105,0.1183,0.9806,0.7452,0.0899,0.0,0.2069,0.1667,0.2083,0.0497,0.0918,0.0932,0.0,0.0,0.1041,0.114,0.9806,0.7383,0.0896,0.0,0.2069,0.1667,0.2083,0.0494,0.0855,0.0911,0.0,0.0,reg oper account,block of flats,0.1191,"Stone, brick",No,1.0,0.0,1.0,0.0,-490.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +1891738,372601,Consumer loans,6303.105,139914.0,139914.0,0.0,139914.0,MONDAY,13,Y,1,0.0,,,XAP,Approved,-331,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Stone,81,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-300.0,390.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,Y,0,135000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.035792000000000004,-8394,-1335,-1287.0,-1045,,1,1,0,1,0,0,Laborers,1.0,2,2,WEDNESDAY,11,0,0,0,0,1,1,Business Entity Type 3,,0.35856849883534514,0.4436153084085652,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-832.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1877648,167255,Consumer loans,3755.34,19435.5,18414.0,1944.0,19435.5,SATURDAY,13,Y,1,0.1039980708946226,,,XAP,Approved,-1094,Cash through the bank,XAP,"Spouse, partner",New,Mobile,POS,XNA,Country-wide,40,Connectivity,6.0,high,POS mobile with interest,365243.0,-1063.0,-913.0,-913.0,-902.0,0.0,0,Cash loans,F,N,Y,2,56250.0,104256.0,11920.5,90000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-14770,-1580,-3104.0,-5045,,1,1,0,1,0,0,Core staff,4.0,2,2,MONDAY,11,0,0,0,0,0,0,Business Entity Type 1,0.4761035304386364,0.6322815986567406,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1094.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2446674,375625,Cash loans,75643.2,720000.0,720000.0,,720000.0,TUESDAY,13,Y,1,,,,XNA,Approved,-444,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,1810,Consumer electronics,12.0,middle,Cash X-Sell: middle,365243.0,-414.0,-84.0,-234.0,-229.0,0.0,0,Cash loans,M,Y,Y,0,270000.0,1076247.0,45598.5,990000.0,Family,Working,Higher education,Married,House / apartment,0.030755,-22955,-1930,-1753.0,-4349,4.0,1,1,0,1,0,0,High skill tech staff,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.5136438669223696,0.5513812618027899,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1017.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1868610,353246,Consumer loans,15219.18,88200.0,83119.5,9000.0,88200.0,WEDNESDAY,7,Y,1,0.10640329335068237,,,XAP,Approved,-2355,XNA,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Regional / Local,30,Consumer electronics,6.0,middle,POS household with interest,365243.0,-2324.0,-2174.0,-2174.0,-2169.0,1.0,0,Revolving loans,F,N,Y,0,182700.0,135000.0,6750.0,135000.0,Family,Working,Incomplete higher,Married,House / apartment,0.001276,-16167,-1429,-6252.0,-2443,,1,1,1,1,1,0,Sales staff,2.0,2,2,SATURDAY,6,0,0,0,0,0,0,Business Entity Type 3,,0.5112180704053932,0.7001838506835805,0.0722,0.0757,0.9836,0.7756,0.0107,0.0,0.1724,0.1667,0.0417,0.0399,0.0588,0.0693,0.0,0.0,0.063,0.0327,0.9747,0.6668,0.0053,0.0,0.1379,0.1667,0.0417,0.028,0.0551,0.0517,0.0,0.0,0.0625,0.0783,0.9876,0.8323,0.0081,0.0,0.1724,0.1667,0.0417,0.0371,0.0513,0.0637,0.0,0.0,reg oper account,block of flats,0.0432,Panel,No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2456953,418738,Consumer loans,10433.43,125626.5,145111.5,4500.0,125626.5,SUNDAY,10,Y,1,0.032757569377414766,,,XAP,Refused,-1339,Cash through the bank,HC,Other_B,Repeater,Computers,POS,XNA,Country-wide,1378,Consumer electronics,24.0,high,POS household with interest,,,,,,,0,Cash loans,M,Y,N,1,225000.0,640080.0,31261.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007273999999999998,-10533,-3135,-4031.0,-2765,21.0,1,1,0,1,0,0,Security staff,3.0,2,2,TUESDAY,10,0,0,0,0,0,0,Security,0.09159967536253967,0.1734798407846544,0.2807895743848605,0.0619,0.0587,0.9757,0.66,0.0,0.0,0.1034,0.1667,0.2083,0.0,0.0504,0.0518,0.0,0.0,0.063,0.0609,0.9757,0.6733,0.0,0.0,0.1034,0.1667,0.2083,0.0,0.0551,0.054000000000000006,0.0,0.0,0.0625,0.0587,0.9757,0.6645,0.0,0.0,0.1034,0.1667,0.2083,0.0,0.0513,0.0528,0.0,0.0,reg oper account,block of flats,0.0408,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1640327,228848,Cash loans,49461.21,450000.0,470790.0,,450000.0,FRIDAY,19,Y,1,,,,Other,Approved,-872,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-842.0,-512.0,-692.0,-688.0,1.0,0,Cash loans,F,N,Y,0,180000.0,976135.5,56686.5,904500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.009175,-16031,-4608,-2534.0,-2541,,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,17,0,0,0,0,0,0,Business Entity Type 3,,0.677938583120532,0.6722428897082422,0.3052,0.0,0.9955,0.9388,0.0386,0.0,0.3793,0.25,0.0417,0.2059,0.1639,0.228,0.39,0.4291,0.3109,0.0,0.9955,0.9412,0.039,0.0,0.3793,0.25,0.0417,0.2106,0.1791,0.2375,0.393,0.4543,0.3081,0.0,0.9955,0.9396,0.0389,0.0,0.3793,0.25,0.0417,0.2095,0.1667,0.2321,0.3921,0.4381,reg oper spec account,block of flats,0.2937,"Stone, brick",No,0.0,0.0,0.0,0.0,-932.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1226779,262483,Consumer loans,8431.515,72243.0,70380.0,7227.0,72243.0,FRIDAY,12,Y,1,0.10141945958483124,,,XAP,Approved,-2117,Cash through the bank,XAP,"Spouse, partner",New,Audio/Video,POS,XNA,Country-wide,670,Consumer electronics,10.0,middle,POS household with interest,365243.0,-2086.0,-1816.0,-1816.0,-1814.0,0.0,0,Cash loans,M,N,Y,0,360000.0,500211.0,39519.0,463500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-13457,-1865,-4745.0,-4745,,1,1,1,1,1,0,Drivers,2.0,2,2,MONDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.6492502291147131,0.6066177022387004,0.7503751495159068,0.1082,0.1589,0.9702,0.5920000000000001,0.0183,0.0,0.2759,0.1667,0.2083,0.079,0.0799,0.1164,0.0386,0.0517,0.1103,0.1649,0.9702,0.608,0.0185,0.0,0.2759,0.1667,0.2083,0.0808,0.0872,0.1213,0.0389,0.0548,0.1093,0.1589,0.9702,0.5975,0.0184,0.0,0.2759,0.1667,0.2083,0.0803,0.0812,0.1185,0.0388,0.0528,reg oper account,block of flats,0.0947,"Stone, brick",No,1.0,1.0,1.0,1.0,-411.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1604426,230315,Cash loans,11666.25,225000.0,225000.0,0.0,225000.0,TUESDAY,8,Y,1,0.0,,,XNA,Approved,-2638,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,36.0,middle,Cash Street: middle,365243.0,-2608.0,-1558.0,-1678.0,-1674.0,0.0,0,Cash loans,F,N,Y,0,126000.0,161730.0,7911.0,135000.0,Family,Pensioner,Secondary / secondary special,Separated,House / apartment,0.035792000000000004,-22643,365243,-11924.0,-4555,,1,0,0,1,0,0,,1.0,2,2,MONDAY,12,0,0,0,0,0,0,XNA,,0.6649971491683929,0.6363761710860439,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-507.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2176096,261032,Cash loans,24104.655,675000.0,767664.0,,675000.0,TUESDAY,6,Y,1,,,,Education,Refused,-220,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,Y,Y,0,157500.0,380533.5,27193.5,328500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.020713,-19405,-1048,-2360.0,-2923,8.0,1,1,0,1,0,0,Drivers,2.0,3,3,FRIDAY,7,0,0,0,0,0,0,Transport: type 4,0.7133173492279199,0.5277179325530341,0.5726825047161584,0.1165,0.1019,0.9771,0.6872,0.0465,0.0,0.2759,0.1667,0.2083,0.0636,0.0941,0.1093,0.0039,0.0046,0.1187,0.1057,0.9772,0.6994,0.0469,0.0,0.2759,0.1667,0.2083,0.0651,0.1028,0.1138,0.0039,0.0049,0.1176,0.1019,0.9771,0.6914,0.0468,0.0,0.2759,0.1667,0.2083,0.0647,0.0958,0.1112,0.0039,0.0047,reg oper account,block of flats,0.0869,Panel,No,6.0,0.0,6.0,0.0,-2257.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +1856502,320810,Consumer loans,8649.495,49455.0,48784.5,2970.0,49455.0,THURSDAY,12,Y,1,0.062498913137987985,,,XAP,Approved,-2615,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Stone,100,Consumer electronics,6.0,low_normal,POS household without interest,365243.0,-2584.0,-2434.0,-2434.0,-2430.0,1.0,0,Cash loans,F,N,Y,0,112500.0,239850.0,23494.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.025164,-21179,365243,-2996.0,-4148,,1,0,0,1,0,0,,1.0,2,2,MONDAY,13,0,0,0,0,0,0,XNA,0.6839822916832154,0.2961435654275993,0.6178261467332483,0.0,,0.0,,,,,,,,,,,,0.0,,0.0005,,,,,,,,,,,,0.0,,0.0,,,,,,,,,,,,,block of flats,0.0,,No,8.0,3.0,8.0,2.0,-2244.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1093445,241135,Cash loans,20754.18,427500.0,486751.5,,427500.0,MONDAY,18,Y,1,,,,Journey,Refused,-652,Cash through the bank,LIMIT,Unaccompanied,Refreshed,XNA,Cash,walk-in,AP+ (Cash loan),6,XNA,36.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,N,N,0,216000.0,760225.5,32337.0,679500.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.04622,-9624,-680,-4147.0,-2275,,1,1,0,1,1,0,Core staff,2.0,1,1,TUESDAY,13,0,1,1,0,1,1,Police,,0.6186049118693114,0.3723336657058204,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1814.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2612792,130359,Cash loans,29880.27,495000.0,573408.0,,495000.0,MONDAY,10,Y,1,,,,XNA,Approved,-635,XNA,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,high,Cash X-Sell: high,365243.0,-605.0,805.0,-215.0,-209.0,1.0,0,Cash loans,M,Y,N,2,135000.0,886176.0,29286.0,765000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.020713,-17978,-2776,-1015.0,-1488,7.0,1,1,1,1,0,0,Laborers,4.0,3,3,WEDNESDAY,15,0,0,0,0,0,0,Self-employed,,0.469654219598491,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,1.0,6.0,0.0,-1093.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2066581,115464,Cash loans,18090.135,405000.0,479844.0,,405000.0,WEDNESDAY,10,Y,1,,,,XNA,Refused,-321,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,Y,Y,0,180000.0,208854.0,15327.0,184500.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.010643000000000001,-20032,-3082,-13754.0,-3263,7.0,1,1,0,1,0,0,Sales staff,1.0,2,2,TUESDAY,9,0,0,0,0,0,0,Other,,0.3494772164407287,0.6127042441012546,0.1,0.1473,0.9806,0.7348,0.0111,0.0,0.2069,0.1667,0.0417,0.1357,0.079,0.085,0.0116,0.0175,0.1019,0.1528,0.9806,0.7452,0.0112,0.0,0.2069,0.1667,0.0417,0.1388,0.0863,0.0886,0.0117,0.0185,0.101,0.1473,0.9806,0.7383,0.0112,0.0,0.2069,0.1667,0.0417,0.1381,0.0804,0.0866,0.0116,0.0179,reg oper account,block of flats,0.0776,"Stone, brick",No,0.0,0.0,0.0,0.0,-989.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2116101,106239,Cash loans,15364.08,292500.0,339988.5,,292500.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-638,XNA,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-608.0,442.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,157500.0,545040.0,20677.5,450000.0,Family,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.020246,-23818,365243,-4147.0,-4147,,1,0,0,1,0,0,,1.0,3,3,THURSDAY,11,0,0,0,0,0,0,XNA,,0.5519893480643929,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2211965,116212,Revolving loans,4500.0,0.0,90000.0,,,WEDNESDAY,13,Y,1,,,,XAP,Approved,-2888,XNA,XAP,,Repeater,XNA,Cards,x-sell,Stone,188,Consumer electronics,0.0,XNA,Card Street,-2862.0,-2825.0,365243.0,-2186.0,365243.0,0.0,0,Cash loans,F,N,Y,2,85500.0,900000.0,26316.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010966,-12717,-573,-3118.0,-5008,,1,1,1,1,0,0,Managers,4.0,2,2,SUNDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.06608246530529012,0.35895122857839673,,,0.9702,,,,,,,,,0.006999999999999999,,,,,0.9702,,,,,,,,,0.0073,,,,,0.9702,,,,,,,,,0.0072,,,,,0.0063,,No,0.0,0.0,0.0,0.0,-619.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2511695,240040,Cash loans,22368.375,675000.0,808650.0,,675000.0,MONDAY,12,Y,1,,,,Repairs,Refused,-127,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,1,247500.0,418500.0,20353.5,418500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008019,-13308,-4972,-4962.0,-4963,,1,1,0,1,0,0,Laborers,3.0,2,2,TUESDAY,11,0,0,0,0,0,0,Self-employed,0.4811658962070982,0.5418403653538282,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2415.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1910544,170920,Cash loans,19180.8,360000.0,360000.0,,360000.0,WEDNESDAY,13,Y,1,,,,Education,Approved,-620,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,low_normal,Cash Street: low,365243.0,-586.0,104.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,N,1,180000.0,323194.5,25510.5,279000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.072508,-18774,-1259,-6424.0,-2306,12.0,1,1,0,1,0,0,Managers,3.0,1,1,MONDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.9079067349246516,0.7421166319521791,0.6246146584503397,0.2052,0.1427,0.9911,0.8776,0.1169,0.4,0.1724,0.375,0.4167,0.0,0.1673,0.128,0.0,0.0037,0.209,0.1481,0.9911,0.8824,0.118,0.4028,0.1724,0.375,0.4167,0.0,0.1827,0.1334,0.0,0.0039,0.2071,0.1427,0.9911,0.8792,0.1176,0.4,0.1724,0.375,0.4167,0.0,0.1702,0.1303,0.0,0.0037,reg oper account,block of flats,0.1781,Panel,No,0.0,0.0,0.0,0.0,-1824.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1625037,258801,Consumer loans,10515.42,59850.0,53365.5,9000.0,59850.0,FRIDAY,15,Y,1,0.15716731497090827,,,XAP,Approved,-1944,Cash through the bank,XAP,"Spouse, partner",New,Clothing and Accessories,POS,XNA,Stone,859,Clothing,6.0,high,POS industry with interest,365243.0,-1913.0,-1763.0,-1763.0,-1760.0,0.0,0,Cash loans,M,Y,Y,1,225000.0,599778.0,30753.0,477000.0,"Spouse, partner",State servant,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-10958,-2295,-124.0,-3591,7.0,1,1,0,1,0,0,Drivers,3.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Police,,0.57882220911215,0.7662336700704004,0.1948,0.07400000000000001,0.9856,0.8028,,0.24,0.1034,0.625,0.6667,0.0895,0.1589,0.1226,0.0,0.0,0.1985,0.0768,0.9856,0.8105,,0.2417,0.1034,0.625,0.6667,0.0916,0.1736,0.1277,0.0,0.0,0.1967,0.07400000000000001,0.9856,0.8054,,0.24,0.1034,0.625,0.6667,0.0911,0.1616,0.1248,0.0,0.0,reg oper account,block of flats,0.1638,Panel,No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2004723,227852,Consumer loans,12714.525,124200.0,122845.5,12420.0,124200.0,MONDAY,15,Y,1,0.09999969756448676,,,XAP,Approved,-2088,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Stone,36,Consumer electronics,12.0,middle,POS household with interest,365243.0,-2055.0,-1725.0,-1725.0,-1718.0,0.0,0,Cash loans,M,Y,N,0,166500.0,1064817.0,35190.0,954000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.025164,-12391,-4969,-1660.0,-4344,8.0,1,1,1,1,0,0,,2.0,2,2,TUESDAY,7,0,0,0,0,0,0,Emergency,0.3279747509564464,0.2653117484731741,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-188.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2412371,172062,Consumer loans,14693.895,184500.0,208246.5,0.0,184500.0,MONDAY,14,Y,1,0.0,,,XAP,Approved,-425,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Stone,700,Furniture,18.0,middle,POS industry with interest,365243.0,-393.0,117.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,157500.0,500211.0,51385.5,463500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.018801,-20817,-3018,-380.0,-4181,14.0,1,1,0,1,0,0,Drivers,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.6523485080249737,0.7838324335199619,0.0619,0.0541,0.9886,0.8436,0.0263,0.0,0.1379,0.1667,0.0417,0.0177,0.0504,0.0516,0.0,0.0,0.063,0.0561,0.9886,0.8497,0.0266,0.0,0.1379,0.1667,0.0417,0.0181,0.0551,0.0537,0.0,0.0,0.0625,0.0541,0.9886,0.8457,0.0265,0.0,0.1379,0.1667,0.0417,0.018000000000000002,0.0513,0.0525,0.0,0.0,reg oper spec account,block of flats,0.0549,Panel,No,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1227522,363798,Consumer loans,27204.39,142425.0,148536.0,0.0,142425.0,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-374,Cash through the bank,XAP,Unaccompanied,Refreshed,Consumer Electronics,POS,XNA,Regional / Local,12000,Consumer electronics,6.0,middle,POS household without interest,365243.0,-344.0,-194.0,-194.0,-191.0,1.0,0,Cash loans,F,N,N,0,121500.0,502497.0,33709.5,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-21437,365243,-7938.0,-4281,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,15,0,0,0,1,0,0,XNA,,0.4158916752471998,0.2458512138252296,,0.0151,0.9866,0.8164,,0.0,0.2759,0.1667,0.2083,,,0.122,,0.0229,,0.0157,0.9866,0.8236,,0.0,0.2759,0.1667,0.2083,,,0.1271,,0.0243,,0.0151,0.9866,0.8189,,0.0,0.2759,0.1667,0.2083,,,0.1242,,0.0234,,block of flats,0.0959,"Stone, brick",No,0.0,0.0,0.0,0.0,-374.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2395665,390088,Consumer loans,8645.76,167229.0,167229.0,0.0,167229.0,FRIDAY,6,Y,1,0.0,,,XAP,Approved,-1433,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,3268,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-1401.0,-711.0,-1101.0,-1095.0,0.0,0,Cash loans,M,N,Y,0,243000.0,450000.0,22018.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018209,-9887,-1797,-1002.0,-2146,,1,1,0,1,0,0,Laborers,2.0,3,3,WEDNESDAY,6,0,0,0,0,1,1,Industry: type 9,0.24625256821853844,0.4248107625686433,0.5954562029091491,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1089.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,4.0 +2452627,406805,Cash loans,17707.5,90000.0,90000.0,0.0,90000.0,WEDNESDAY,9,Y,1,0.0,,,XNA,Approved,-292,XNA,XAP,,New,XNA,Cash,walk-in,Country-wide,15,Connectivity,6.0,high,Cash Street: high,365243.0,-262.0,-112.0,-112.0,-106.0,0.0,0,Cash loans,F,N,Y,0,90000.0,888840.0,32053.5,675000.0,Children,Pensioner,Incomplete higher,Civil marriage,House / apartment,0.007305,-21170,365243,-7591.0,-1455,,1,0,0,1,0,0,,2.0,3,3,MONDAY,12,0,0,0,0,0,0,XNA,,0.06585340809321924,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-292.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1130274,243282,Consumer loans,10229.58,82782.0,74997.0,13500.0,82782.0,SUNDAY,11,Y,1,0.1661381433577101,,,XAP,Approved,-2063,Cash through the bank,XAP,"Spouse, partner",New,Audio/Video,POS,XNA,Country-wide,1700,Consumer electronics,10.0,high,POS household with interest,365243.0,-2032.0,-1762.0,-1792.0,-1790.0,0.0,0,Cash loans,M,Y,N,1,112500.0,254700.0,16713.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Rented apartment,0.009175,-10008,-136,-4630.0,-833,8.0,1,1,1,1,0,0,Drivers,3.0,2,2,FRIDAY,13,0,0,0,1,1,0,Transport: type 3,,0.6745681540936989,0.4974688893052743,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-16.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2304905,263604,Cash loans,25490.34,112500.0,130324.5,,112500.0,FRIDAY,9,Y,1,,,,XNA,Approved,-540,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,high,Cash X-Sell: high,365243.0,-510.0,-360.0,-360.0,-356.0,1.0,0,Cash loans,F,N,Y,1,225000.0,706410.0,70713.0,679500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.00823,-10165,-1960,-1778.0,-2804,,1,1,0,1,0,0,Laborers,3.0,2,2,SATURDAY,14,0,0,0,0,0,0,Industry: type 3,,0.5181003287664474,0.5064842396679806,0.5155,0.3818,0.9836,,,0.56,0.4828,0.3333,,,,0.5331,,0.3343,0.5252,0.3962,0.9836,,,0.5639,0.4828,0.3333,,,,0.5554,,0.3539,0.5205,0.3818,0.9836,,,0.56,0.4828,0.3333,,,,0.5426,,0.3413,,block of flats,0.5021,Panel,No,0.0,0.0,0.0,0.0,-1268.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2089811,244247,Consumer loans,2929.5,70326.0,62865.0,7461.0,70326.0,TUESDAY,14,Y,1,0.1155434302068548,,,XAP,Refused,-2768,XNA,SCO,"Spouse, partner",New,XNA,POS,XNA,Country-wide,1533,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,0,Cash loans,M,N,Y,1,180000.0,463284.0,36733.5,382500.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.018029,-9877,-264,-9843.0,-2303,,1,1,0,1,0,0,Core staff,3.0,3,3,FRIDAY,5,0,0,0,0,0,0,Security Ministries,,0.18767540783412145,0.18303516721781032,0.0577,0.0594,0.9771,0.6872,0.0254,0.0,0.1034,0.1667,0.0417,0.1117,0.0437,0.0472,0.0154,0.0166,0.0588,0.0617,0.9772,0.6994,0.0257,0.0,0.1034,0.1667,0.0417,0.1142,0.0478,0.0491,0.0156,0.0176,0.0583,0.0594,0.9771,0.6914,0.0256,0.0,0.1034,0.1667,0.0417,0.1136,0.0445,0.048,0.0155,0.0169,reg oper account,block of flats,0.0407,Panel,No,1.0,1.0,1.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2674469,370268,Consumer loans,2877.84,19930.5,21573.0,0.0,19930.5,WEDNESDAY,13,Y,1,0.0,,,XAP,Approved,-2632,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,45,Connectivity,10.0,high,POS mobile with interest,365243.0,-2596.0,-2326.0,-2326.0,-2320.0,1.0,1,Cash loans,F,N,Y,0,135000.0,509922.0,40288.5,472500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.025164,-19826,-2875,-1163.0,-3316,,1,1,1,1,0,0,Core staff,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Medicine,,0.537282387295964,0.11247434965561487,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-100.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2803819,431902,Consumer loans,7856.82,156582.0,174208.5,0.0,156582.0,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-1339,Cash through the bank,XAP,Children,New,Audio/Video,POS,XNA,Regional / Local,1700,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1308.0,-618.0,-618.0,-611.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,996849.0,39663.0,891000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.005313,-10756,-1914,-2881.0,-1516,3.0,1,1,0,1,0,0,Managers,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Emergency,,0.7130414791042483,0.4578995512067301,0.0082,0.0046,0.9682,,,0.0,0.0345,0.0417,,0.0247,,0.0092,,0.0038,0.0084,0.0048,0.9682,,,0.0,0.0345,0.0417,,0.0252,,0.0096,,0.0041,0.0083,0.0046,0.9682,,,0.0,0.0345,0.0417,,0.0251,,0.0094,,0.0039,,block of flats,0.009000000000000001,"Stone, brick",No,1.0,1.0,1.0,0.0,-1339.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2029332,221328,Cash loans,35179.02,540000.0,660267.0,,540000.0,TUESDAY,11,Y,1,,,,XNA,Approved,-731,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-701.0,-11.0,-131.0,-124.0,1.0,0,Cash loans,F,Y,N,0,135000.0,295452.0,35194.5,261000.0,Unaccompanied,State servant,Incomplete higher,Civil marriage,House / apartment,0.01885,-9915,-2102,-8150.0,-2600,4.0,1,1,0,1,0,1,Core staff,2.0,2,2,FRIDAY,11,0,0,0,0,1,1,Police,0.23081131710710245,0.6350886629503579,0.7751552674785404,0.334,0.2117,0.9846,0.7892,0.0707,0.36,0.3103,0.3333,0.375,0.0923,0.2723,0.3545,0.0,0.0,0.3403,0.2197,0.9846,0.7975,0.0713,0.3625,0.3103,0.3333,0.375,0.0944,0.2975,0.3693,0.0,0.0,0.3373,0.2117,0.9846,0.792,0.0711,0.36,0.3103,0.3333,0.375,0.0939,0.277,0.3608,0.0,0.0,reg oper spec account,block of flats,0.3174,Panel,No,3.0,0.0,3.0,0.0,-731.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1457034,375115,Cash loans,11059.11,135000.0,158508.0,,135000.0,TUESDAY,16,Y,1,,,,XNA,Approved,-472,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),20,XNA,24.0,high,Cash X-Sell: high,365243.0,-442.0,248.0,-292.0,-285.0,1.0,0,Cash loans,F,N,Y,1,81000.0,45000.0,4257.0,45000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.010966,-17486,-1079,-1940.0,-1003,,1,1,1,1,0,0,Cooking staff,3.0,2,2,FRIDAY,10,0,0,0,0,1,1,Self-employed,,0.5898586681278082,0.6848276586890367,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,1.0,5.0,0.0,-685.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2442190,391640,Cash loans,11386.17,90000.0,95940.0,,90000.0,FRIDAY,12,Y,1,,,,XNA,Refused,-1004,XNA,SCO,Unaccompanied,Refreshed,XNA,Cash,walk-in,Country-wide,30,Connectivity,12.0,high,Cash Street: high,,,,,,,0,Cash loans,F,Y,N,0,121500.0,560664.0,21852.0,468000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.018801,-11953,-4491,-1676.0,-866,8.0,1,1,1,1,0,0,Medicine staff,2.0,2,2,FRIDAY,11,0,0,0,0,1,1,Medicine,0.030330708196310587,0.5498198491751612,0.0920128093981064,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1004.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1810142,144289,Consumer loans,8859.285,75915.0,75915.0,0.0,75915.0,FRIDAY,6,Y,1,0.0,,,XAP,Refused,-2639,Cash through the bank,SCO,Unaccompanied,New,XNA,POS,XNA,Stone,81,Consumer electronics,12.0,high,POS household with interest,,,,,,,1,Cash loans,F,N,Y,0,180000.0,175500.0,10665.0,175500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.008068,-14982,-1236,-8744.0,-4698,,1,1,1,1,1,0,Sales staff,2.0,3,3,FRIDAY,14,0,0,0,0,0,0,Trade: type 1,,0.07776513759925502,0.3031463744186309,0.1237,0.1283,0.9776,,,0.0,0.2069,0.1667,,0.0223,,0.1142,,0.0,0.1261,0.1332,0.9777,,,0.0,0.2069,0.1667,,0.0228,,0.119,,0.0,0.1249,0.1283,0.9776,,,0.0,0.2069,0.1667,,0.0227,,0.1162,,0.0,,block of flats,0.1014,Panel,No,1.0,0.0,1.0,0.0,-415.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1732885,329873,Consumer loans,20355.93,218083.5,218083.5,0.0,218083.5,FRIDAY,10,Y,1,0.0,,,XAP,Approved,-598,Cash through the bank,XAP,,Refreshed,Construction Materials,POS,XNA,Regional / Local,30,Construction,12.0,low_normal,POS industry with interest,365243.0,-567.0,-237.0,-297.0,-295.0,0.0,0,Cash loans,F,N,Y,0,157500.0,263686.5,15268.5,238500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.02461,-23473,365243,-1855.0,-79,,1,0,0,1,1,0,,2.0,2,2,MONDAY,17,0,0,0,0,0,0,XNA,,0.5337196380661132,0.7180328113294772,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-51.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1084175,240703,Cash loans,31662.315,810000.0,935095.5,,810000.0,TUESDAY,9,Y,1,,,,XNA,Approved,-787,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,54.0,low_normal,Cash X-Sell: low,365243.0,-757.0,833.0,-217.0,-215.0,1.0,0,Cash loans,F,N,Y,0,135000.0,755190.0,33394.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-22198,365243,-2643.0,-4431,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,XNA,,0.6426612266884005,0.3706496323299817,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1235.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2239889,263287,Cash loans,22395.6,360000.0,360000.0,,360000.0,THURSDAY,12,Y,1,,,,XNA,Approved,-747,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,high,Cash X-Sell: high,365243.0,-717.0,153.0,-357.0,-352.0,0.0,0,Cash loans,M,N,Y,0,180000.0,814500.0,23944.5,814500.0,Family,Pensioner,Higher education,Married,House / apartment,0.006852,-23286,365243,-13413.0,-4732,,1,0,0,1,0,0,,2.0,3,3,TUESDAY,10,0,0,0,0,0,0,XNA,,0.05694340522509369,,0.0082,0.0,0.9617,0.4764,0.0,0.0,0.069,0.0417,0.0833,0.005,0.0067,0.0102,0.0,0.0,0.0084,0.0,0.9618,0.4969,0.0,0.0,0.069,0.0417,0.0833,0.0051,0.0073,0.0106,0.0,0.0,0.0083,0.0,0.9617,0.4834,0.0,0.0,0.069,0.0417,0.0833,0.0051,0.0068,0.0104,0.0,0.0,reg oper spec account,block of flats,0.008,Wooden,No,0.0,0.0,0.0,0.0,-921.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1360128,417534,Consumer loans,11175.165,58491.0,61578.0,0.0,58491.0,SATURDAY,7,Y,1,0.0,,,XAP,Approved,-189,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,70,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-159.0,-9.0,-9.0,-6.0,1.0,0,Cash loans,F,N,N,0,31500.0,327024.0,12456.0,270000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.018801,-19045,365243,-3757.0,-225,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,XNA,0.250956796819203,0.05451116781148811,,,,0.9722,,,,,,,,,0.0019,,,,,0.9722,,,,,,,,,0.002,,,,,0.9722,,,,,,,,,0.0019,,,,terraced house,0.0015,,Yes,1.0,1.0,1.0,1.0,-380.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2542098,315450,Cash loans,21830.22,180000.0,191880.0,0.0,180000.0,FRIDAY,13,Y,1,0.0,,,Other,Refused,-1971,Cash through the bank,HC,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,94500.0,277969.5,16087.5,229500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-18601,365243,-8935.0,-2136,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,XNA,0.5768064303580723,,0.4974688893052743,0.0652,0.0866,0.9856,0.8028,0.0054,0.0,0.1638,0.1458,0.1875,0.0807,0.0519,0.0528,0.0058,0.0237,0.0462,0.0864,0.9846,0.7975,0.0052,0.0,0.2069,0.125,0.1667,0.0549,0.0386,0.0271,0.0039,0.0136,0.0567,0.0833,0.9856,0.8054,0.0054,0.0,0.1724,0.1458,0.1875,0.0836,0.0453,0.0549,0.0058,0.0236,reg oper spec account,block of flats,0.0525,"Stone, brick",No,5.0,0.0,5.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2672260,172812,Cash loans,41679.0,1575000.0,1575000.0,,1575000.0,FRIDAY,9,Y,1,,,,XNA,Approved,-1373,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,60.0,low_action,Cash Street: low,365243.0,-1337.0,433.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,1,112500.0,590337.0,30271.5,477000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.025164,-11453,-2630,-2871.0,-3738,,1,1,0,1,0,0,Accountants,3.0,2,2,THURSDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.2844384223919425,0.5553937634778179,0.6832688314232291,0.2196,0.0901,0.9851,0.7959999999999999,0.0697,0.24,0.2069,0.3333,0.375,0.0895,0.179,0.1864,0.0,0.0,0.2237,0.0935,0.9851,0.804,0.0704,0.2417,0.2069,0.3333,0.375,0.0915,0.1956,0.1942,0.0,0.0,0.2217,0.0901,0.9851,0.7987,0.0702,0.24,0.2069,0.3333,0.375,0.0911,0.1821,0.1897,0.0,0.0,reg oper account,block of flats,0.1466,Panel,No,5.0,1.0,5.0,0.0,-1922.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1748828,170701,Consumer loans,8570.025,45846.0,32089.5,13756.5,45846.0,WEDNESDAY,14,Y,1,0.3267914123567835,,,XAP,Approved,-1027,Cash through the bank,XAP,Unaccompanied,New,Jewelry,POS,XNA,Stone,50,Industry,4.0,low_normal,POS other with interest,365243.0,-996.0,-906.0,-906.0,-897.0,0.0,0,Cash loans,F,Y,Y,0,157500.0,1078200.0,31653.0,900000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.002042,-12996,-1070,-2777.0,-494,8.0,1,1,1,1,1,0,Sales staff,2.0,3,3,MONDAY,11,0,0,0,0,0,0,Self-employed,,0.4706129598790317,,0.0825,0.0767,0.9771,0.6872,0.008,0.0,0.1379,0.1667,0.2083,0.0859,0.0639,0.0771,0.0154,0.0161,0.084,0.0796,0.9772,0.6994,0.0081,0.0,0.1379,0.1667,0.2083,0.0879,0.0698,0.0804,0.0156,0.0171,0.0833,0.0767,0.9771,0.6914,0.0081,0.0,0.1379,0.1667,0.2083,0.0874,0.065,0.0785,0.0155,0.0165,reg oper account,block of flats,0.0642,Panel,No,4.0,0.0,4.0,0.0,-1027.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1692747,361841,Cash loans,59269.32,562500.0,607050.0,,562500.0,WEDNESDAY,17,Y,1,,,,XNA,Approved,-303,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-272.0,58.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,225000.0,801274.5,51336.0,733500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.01885,-15066,-2450,-1725.0,-4175,12.0,1,1,0,1,0,1,Managers,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,Other,0.856173941638059,0.6442716185753788,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-2003.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1101907,271505,Cash loans,19638.18,90000.0,100926.0,,90000.0,TUESDAY,10,Y,1,,,,XNA,Approved,-877,Cash through the bank,XAP,Other_B,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,high,Cash X-Sell: high,365243.0,-847.0,-697.0,-697.0,-452.0,1.0,0,Revolving loans,F,N,Y,0,112500.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-12640,-4247,-4689.0,-4080,,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Self-employed,,0.4290962554533366,0.5406544504453575,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,4.0,0.0,-1029.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1079564,423327,Consumer loans,9075.375,161032.5,113904.0,67500.0,161032.5,TUESDAY,13,Y,1,0.4052481552977683,,,XAP,Approved,-266,Cash through the bank,XAP,Family,Refreshed,Consumer Electronics,POS,XNA,Country-wide,550,Consumer electronics,18.0,middle,POS household with interest,365243.0,-234.0,276.0,-84.0,-79.0,0.0,0,Cash loans,F,Y,Y,1,157500.0,1258650.0,53455.5,1125000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.00733,-15351,-4093,-4109.0,-5200,9.0,1,1,0,1,0,0,Sales staff,3.0,2,2,TUESDAY,11,0,0,0,0,0,0,Self-employed,0.6300503311851939,0.6340846458863545,,0.0247,0.0368,0.9692,,,0.0,0.069,0.0833,,0.0672,,0.0359,,0.0152,0.0252,0.0381,0.9692,,,0.0,0.069,0.0833,,0.0687,,0.0374,,0.0161,0.025,0.0368,0.9692,,,0.0,0.069,0.0833,,0.0683,,0.0365,,0.0155,,block of flats,0.0385,"Stone, brick",No,6.0,0.0,6.0,0.0,-266.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1287949,194452,Consumer loans,7913.385,137236.5,123511.5,13725.0,137236.5,SATURDAY,14,Y,1,0.10891980433246784,,,XAP,Approved,-314,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,1690,Consumer electronics,20.0,low_normal,POS household with interest,365243.0,-284.0,286.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,202500.0,221832.0,16204.5,175500.0,Unaccompanied,Working,Higher education,Separated,Rented apartment,0.009656999999999999,-9986,-578,-4698.0,-967,,1,1,0,1,0,0,Sales staff,1.0,2,2,FRIDAY,16,0,0,0,0,1,1,Self-employed,0.5425195819308146,0.10996896307362083,0.6971469077844458,0.0247,0.0443,0.9796,0.7212,0.0022,0.0,0.069,0.0833,0.125,0.0736,0.0202,0.0221,0.0,0.0313,0.0252,0.046,0.9796,0.7321,0.0023,0.0,0.069,0.0833,0.125,0.0753,0.022,0.0231,0.0,0.0331,0.025,0.0443,0.9796,0.7249,0.0023,0.0,0.069,0.0833,0.125,0.0749,0.0205,0.0225,0.0,0.0319,reg oper account,block of flats,0.0242,Block,No,1.0,0.0,1.0,0.0,-314.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2824363,238028,Cash loans,44277.39,454500.0,454500.0,,454500.0,TUESDAY,19,Y,1,,,,XNA,Approved,-343,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Country-wide,5000,Consumer electronics,12.0,low_normal,Cash X-Sell: low,365243.0,-313.0,17.0,365243.0,365243.0,0.0,0,Revolving loans,M,Y,Y,0,360000.0,540000.0,27000.0,540000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.026392000000000002,-10769,-3755,-633.0,-1292,10.0,1,1,0,1,0,0,Drivers,2.0,2,2,TUESDAY,18,0,0,0,0,0,0,Transport: type 4,0.29599609333268395,0.7121368006610822,0.23791607950711405,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-1765.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,2.0 +2566580,438815,Consumer loans,8527.95,128686.5,137992.5,13500.0,128686.5,SATURDAY,12,Y,1,0.0970525093501478,,,XAP,Approved,-2126,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,700,Consumer electronics,24.0,middle,POS household with interest,365243.0,-2095.0,-1405.0,-1405.0,-1397.0,0.0,0,Cash loans,F,N,Y,0,360000.0,2013840.0,55507.5,1800000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.007114,-22000,365243,-250.0,-3957,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,XNA,,0.2620553359511834,0.8555235867964663,0.084,0.0717,0.9826,0.762,0.0566,0.04,0.1379,0.25,0.2917,0.0336,0.0677,0.0644,0.0039,0.0143,0.0756,0.0588,0.9786,0.7190000000000001,0.0468,0.0,0.069,0.1667,0.2083,0.0,0.0661,0.0535,0.0,0.0,0.0848,0.0717,0.9826,0.7652,0.057,0.04,0.1379,0.25,0.2917,0.0342,0.0688,0.0656,0.0039,0.0146,reg oper account,block of flats,0.0609,Panel,No,0.0,0.0,0.0,0.0,-1495.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2325912,375724,Revolving loans,38250.0,90000.0,765000.0,,765000.0,MONDAY,12,N,1,,,,XAP,Refused,-262,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,Y,N,0,45000.0,270000.0,12586.5,270000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.020246,-12919,-187,-5201.0,-2466,64.0,1,1,0,1,0,0,Security staff,2.0,3,3,TUESDAY,5,0,0,0,0,1,1,Business Entity Type 2,,0.09724744576292044,0.0005272652387098817,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1449.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2035482,166466,Consumer loans,11278.98,123696.0,141111.0,0.0,123696.0,WEDNESDAY,12,Y,1,0.0,,,XAP,Approved,-187,Cash through the bank,XAP,Family,New,Homewares,POS,XNA,Stone,5,Consumer electronics,16.0,middle,POS household with interest,365243.0,-157.0,293.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,0,90000.0,216144.0,7033.5,171000.0,"Spouse, partner",Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.009334,-16175,365243,-4844.0,-4723,,1,0,0,1,0,0,,1.0,2,2,MONDAY,12,0,0,0,0,0,0,XNA,,0.05281335774894585,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2638641,408175,Consumer loans,6709.185,115560.0,124596.0,11556.0,115560.0,SATURDAY,10,Y,1,0.09243738281813367,,,XAP,Approved,-1463,Cash through the bank,XAP,"Spouse, partner",Repeater,Computers,POS,XNA,Regional / Local,584,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-1432.0,-742.0,-742.0,-734.0,0.0,0,Cash loans,F,Y,Y,0,36000.0,344043.0,15151.5,297000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018634,-18979,365243,-67.0,-2127,20.0,1,0,0,1,1,0,,2.0,2,2,SATURDAY,10,0,0,0,1,0,0,XNA,0.8198097950735036,0.4215333533643564,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1463.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1847120,377001,Consumer loans,7756.02,139752.0,169267.5,0.0,139752.0,THURSDAY,13,Y,1,0.0,,,XAP,Approved,-210,Cash through the bank,XAP,Children,Repeater,Computers,POS,XNA,Country-wide,1720,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-179.0,511.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,157500.0,291915.0,22720.5,252000.0,Children,Working,Secondary / secondary special,Single / not married,House / apartment,0.020246,-22424,-1273,-7363.0,-4566,,1,1,0,1,0,0,Laborers,1.0,3,3,THURSDAY,11,0,0,0,0,0,0,Cleaning,,0.18575608173996744,0.4992720153045617,0.1361,0.159,0.9781,0.7008,0.0862,0.0,0.2759,0.1667,0.2083,0.1048,0.1076,0.1125,0.0154,0.099,0.1387,0.165,0.9782,0.7125,0.087,0.0,0.2759,0.1667,0.2083,0.1072,0.1175,0.1172,0.0156,0.1048,0.1374,0.159,0.9781,0.7048,0.0867,0.0,0.2759,0.1667,0.2083,0.1066,0.1095,0.1145,0.0155,0.101,reg oper account,block of flats,0.11,Panel,No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1999016,358158,Cash loans,30121.47,225000.0,272889.0,,225000.0,SUNDAY,14,Y,1,,,,XNA,Approved,-672,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-642.0,-312.0,-492.0,-490.0,1.0,0,Cash loans,M,Y,Y,0,135000.0,454500.0,24655.5,454500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0228,-10616,-365,-5185.0,-3243,12.0,1,1,1,1,1,0,Drivers,2.0,2,2,SUNDAY,12,0,0,0,0,1,1,Construction,,0.4738884322608505,0.35895122857839673,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-672.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2466206,322550,Consumer loans,14842.53,66816.0,55215.0,13365.0,66816.0,SATURDAY,15,Y,1,0.21224409448818893,,,XAP,Approved,-1107,Cash through the bank,XAP,Children,New,Mobile,POS,XNA,Country-wide,38,Connectivity,4.0,middle,POS mobile without interest,365243.0,-1076.0,-986.0,-986.0,-966.0,0.0,0,Cash loans,F,N,Y,0,315000.0,1546020.0,45333.0,1350000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.035792000000000004,-15081,-221,-591.0,-547,,1,1,0,1,0,0,,2.0,2,2,SUNDAY,15,0,0,0,0,0,0,Legal Services,0.4754906239500444,0.6287665187050002,0.5902333386185574,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1107.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1016545,179124,Cash loans,9426.24,45000.0,46485.0,,45000.0,FRIDAY,13,Y,1,,,,Other,Approved,-375,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,365243.0,-345.0,-195.0,-345.0,-149.0,1.0,0,Cash loans,F,N,Y,0,72000.0,76410.0,7573.5,67500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.001417,-22449,365243,-2787.0,-4703,,1,0,0,1,1,0,,1.0,2,2,TUESDAY,12,0,0,0,0,0,0,XNA,,0.42693876272356224,0.6212263380626669,0.0701,,0.9806,,,,0.1379,0.1667,,,,0.0423,,,0.0714,,0.9806,,,,0.1379,0.1667,,,,0.044,,,0.0708,,0.9806,,,,0.1379,0.1667,,,,0.043,,,,block of flats,0.05,Block,No,0.0,0.0,0.0,0.0,-1339.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1546729,101304,Consumer loans,6854.76,48195.0,46098.0,4950.0,48195.0,WEDNESDAY,10,Y,1,0.10560648801128347,,,XAP,Approved,-2038,Cash through the bank,XAP,Family,New,Furniture,POS,XNA,Regional / Local,40,Furniture,8.0,middle,POS industry with interest,365243.0,-2002.0,-1792.0,-1792.0,-1789.0,0.0,0,Cash loans,F,N,N,1,90000.0,526491.0,19039.5,454500.0,Unaccompanied,State servant,Incomplete higher,Married,House / apartment,0.00702,-10597,-423,-989.0,-1009,,1,1,1,1,0,0,,3.0,2,2,THURSDAY,15,0,0,0,0,0,0,Other,0.4318764866143313,0.3605827703387404,0.38079968264891495,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1818.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1339939,183160,Cash loans,42337.215,405000.0,423711.0,,405000.0,TUESDAY,12,Y,1,,,,XNA,Approved,-927,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-897.0,-567.0,-747.0,-732.0,1.0,0,Cash loans,F,Y,Y,0,202500.0,1113133.5,31900.5,972000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.04622,-21820,-1168,-10545.0,-4816,11.0,1,1,0,1,1,0,High skill tech staff,1.0,1,1,FRIDAY,12,0,0,0,0,1,1,Business Entity Type 1,,0.7580463382442446,0.5989262182569273,0.0124,,0.9846,,,0.0,0.069,0.0417,,,,0.0114,,0.0058,0.0126,,0.9846,,,0.0,0.069,0.0417,,,,0.0119,,0.0061,0.0125,,0.9846,,,0.0,0.069,0.0417,,,,0.0116,,0.0059,,block of flats,0.0103,"Stone, brick",No,1.0,0.0,1.0,0.0,-1917.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,9.0 +1390214,418252,Consumer loans,3906.99,32130.0,32130.0,0.0,32130.0,WEDNESDAY,15,Y,1,0.0,,,XAP,Approved,-1679,Cash through the bank,XAP,,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,30,Connectivity,12.0,high,POS mobile with interest,365243.0,-1646.0,-1316.0,-1436.0,-1430.0,0.0,0,Cash loans,M,N,Y,0,67500.0,495000.0,16096.5,495000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.031329,-17318,365243,-9141.0,-874,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,0.5186852611387921,0.2622583692422573,0.6347055309763198,0.0186,0.0444,0.9826,0.762,0.0023,0.0,0.1034,0.0417,0.0833,0.0304,0.0151,0.0166,0.0,0.0,0.0189,0.0461,0.9826,0.7713,0.0024,0.0,0.1034,0.0417,0.0833,0.0311,0.0165,0.0172,0.0,0.0,0.0187,0.0444,0.9826,0.7652,0.0024,0.0,0.1034,0.0417,0.0833,0.031,0.0154,0.0169,0.0,0.0,reg oper account,block of flats,0.0143,"Stone, brick",No,6.0,2.0,5.0,2.0,-1461.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2585339,358217,Cash loans,15854.67,135000.0,161406.0,,135000.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-325,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,180000.0,1190340.0,66595.5,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-15230,-5499,-5891.0,-5009,,1,1,0,1,1,0,Private service staff,2.0,1,1,SATURDAY,12,0,0,0,0,0,0,Other,,0.7383533374325929,0.6738300778602003,0.1845,0.1745,0.9816,,,0.32,0.1379,0.4583,,0.0,,0.2163,,0.595,0.188,0.1811,0.9816,,,0.3222,0.1379,0.4583,,0.0,,0.2253,,0.6299,0.1863,0.1745,0.9816,,,0.32,0.1379,0.4583,,0.0,,0.2201,,0.6075,,block of flats,0.1701,Panel,No,0.0,0.0,0.0,0.0,-3382.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1886088,337915,Cash loans,39681.18,1260000.0,1442952.0,,1260000.0,WEDNESDAY,11,Y,1,,,,XNA,Refused,-135,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,180000.0,1288350.0,37669.5,1125000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.00823,-21762,365243,-6055.0,-3922,4.0,1,0,0,1,1,0,,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,XNA,,0.05283524015391857,0.190705947811054,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,1.0,-135.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2726187,279401,Revolving loans,18000.0,0.0,360000.0,,,MONDAY,19,Y,1,,,,XAP,Approved,-977,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-970.0,-942.0,365243.0,-760.0,-132.0,0.0,0,Revolving loans,F,Y,Y,3,135000.0,180000.0,9000.0,180000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.007114,-14864,-7034,-2619.0,-1505,9.0,1,1,0,1,1,1,,5.0,2,2,FRIDAY,18,0,0,0,0,0,0,Other,0.7658077315643158,0.3947591542185754,0.41534714488434,0.0918,0.0946,0.9796,0.7212,0.0122,0.0,0.2069,0.1667,0.2083,,0.0723,0.0807,0.0077,0.0153,0.0935,0.0982,0.9796,0.7321,0.0123,0.0,0.2069,0.1667,0.2083,,0.079,0.0841,0.0078,0.0162,0.0926,0.0946,0.9796,0.7249,0.0123,0.0,0.2069,0.1667,0.2083,,0.0735,0.0822,0.0078,0.0156,reg oper account,block of flats,0.0735,Panel,No,4.0,0.0,4.0,0.0,-1264.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,5.0,2.0,3.0 +1051898,158610,Consumer loans,3681.72,17905.5,17905.5,0.0,17905.5,SATURDAY,10,Y,1,0.0,,,XAP,Approved,-762,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,35,Connectivity,6.0,high,POS mobile with interest,365243.0,-720.0,-570.0,-570.0,365243.0,0.0,0,Cash loans,F,Y,Y,2,360000.0,781920.0,40054.5,675000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.009175,-13693,-1317,-2334.0,-1885,4.0,1,1,0,1,0,0,Managers,4.0,2,2,FRIDAY,16,0,0,0,0,0,0,Restaurant,0.5565950949039202,0.01668649155255628,0.4311917977993083,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-987.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2033063,446495,Revolving loans,6300.0,0.0,90000.0,,0.0,FRIDAY,15,Y,1,,,,XAP,Refused,-1414,XNA,HC,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,Y,Y,0,180000.0,1130062.5,44946.0,1039500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-17920,-1884,-5162.0,-1449,11.0,1,1,0,1,0,1,Cooking staff,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,Medicine,0.6563125412486605,0.6150438706749906,0.7570690154522959,0.1567,0.0669,0.9771,0.6872,0.0427,0.0,0.1034,0.1667,0.2083,0.0947,0.1252,0.056,0.0116,0.0334,0.1492,0.0691,0.9772,0.6994,0.0364,0.0,0.1034,0.1667,0.2083,0.0852,0.1276,0.0545,0.0117,0.035,0.1582,0.0669,0.9771,0.6914,0.043,0.0,0.1034,0.1667,0.2083,0.0964,0.1274,0.057,0.0116,0.0341,reg oper account,block of flats,0.0681,"Stone, brick",No,0.0,0.0,0.0,0.0,-1414.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,3.0 +2469784,243426,Revolving loans,0.0,0.0,0.0,,0.0,THURSDAY,10,Y,1,,,,XAP,Approved,-40,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Country-wide,25,Connectivity,0.0,XNA,Card Street,-40.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,40050.0,71955.0,7245.0,67500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.0105,-22918,365243,-5918.0,-4005,,1,0,0,1,1,0,,2.0,3,3,TUESDAY,10,0,0,0,0,0,0,XNA,,0.5475780287348655,0.3910549766342248,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-161.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,2.0 +1003678,299506,Consumer loans,30608.73,185440.5,166896.0,18544.5,185440.5,SUNDAY,17,Y,1,0.1089117337563065,,,XAP,Approved,-1178,Cash through the bank,XAP,,New,Furniture,POS,XNA,Country-wide,200,Furniture,6.0,middle,POS industry with interest,365243.0,-1144.0,-994.0,-994.0,-989.0,0.0,0,Cash loans,F,N,Y,0,225000.0,909000.0,36180.0,909000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-14385,-6544,-1883.0,-210,,1,1,0,1,0,0,Medicine staff,2.0,1,1,TUESDAY,15,0,0,0,0,0,0,Military,,0.7483894256801994,,0.1725,0.1126,0.9851,0.7959999999999999,0.0469,0.32,0.1379,0.4583,0.5,0.0,0.1406,0.1918,0.0,0.1066,0.1492,0.1164,0.9851,0.804,0.0469,0.3222,0.1379,0.4583,0.5,0.0,0.1304,0.1691,0.0,0.0013,0.177,0.1121,0.9851,0.7987,0.047,0.32,0.1379,0.4583,0.5,0.0,0.1454,0.1985,0.0,0.1201,reg oper account,block of flats,0.1714,Panel,No,0.0,0.0,0.0,0.0,-1178.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2457868,377461,Cash loans,20454.3,630000.0,630000.0,,630000.0,TUESDAY,11,Y,1,,,,XNA,Approved,-1146,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-1116.0,654.0,-542.0,-539.0,0.0,0,Revolving loans,F,N,Y,0,157500.0,180000.0,9000.0,180000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010966,-22123,365243,-3069.0,-4708,,1,0,0,1,0,0,,2.0,2,2,SUNDAY,12,0,0,0,0,0,0,XNA,,0.20684293174960006,0.4866531565147181,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1863.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,9.0 +2307900,438021,Consumer loans,3063.735,23886.0,26253.0,0.0,23886.0,THURSDAY,15,Y,1,0.0,,,XAP,Approved,-2657,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,-1,Consumer electronics,12.0,high,POS household with interest,365243.0,-2626.0,-2296.0,-2296.0,-2290.0,1.0,0,Cash loans,F,Y,Y,1,112500.0,277969.5,17892.0,229500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.009175,-11882,-77,-5506.0,-2643,17.0,1,1,0,1,0,0,Laborers,3.0,2,2,MONDAY,18,0,0,0,1,1,0,Business Entity Type 3,0.3487847408780362,0.5836975753391052,0.646329897706246,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,2.0,4.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1063147,401278,Revolving loans,2250.0,45000.0,45000.0,,45000.0,TUESDAY,15,Y,1,,,,XAP,Refused,-209,XNA,SCOFR,Unaccompanied,Repeater,XNA,Cards,walk-in,Country-wide,63,Connectivity,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,1,202500.0,1040463.0,28741.5,868500.0,Unaccompanied,Commercial associate,Incomplete higher,Single / not married,House / apartment,0.009175,-10789,-1145,-4211.0,-3422,,1,1,0,1,0,0,,2.0,2,2,MONDAY,12,0,0,0,0,1,1,Business Entity Type 3,0.3503805840174448,0.6255451377149097,0.22888341670067305,0.1577,,,,,,0.1379,0.3333,,0.0778,,,,,0.1607,,,,,,0.1379,0.3333,,0.0796,,,,,0.1593,,,,,,0.1379,0.3333,,0.0791,,,,,,,0.1437,"Stone, brick",No,1.0,0.0,1.0,0.0,-943.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +2793692,132949,Consumer loans,5715.315,52582.5,58135.5,0.0,52582.5,THURSDAY,15,Y,1,0.0,,,XAP,Approved,-769,Cash through the bank,XAP,Unaccompanied,New,Photo / Cinema Equipment,POS,XNA,Regional / Local,133,Consumer electronics,12.0,middle,POS household with interest,365243.0,-738.0,-408.0,-408.0,-402.0,0.0,0,Cash loans,F,Y,N,2,360000.0,473760.0,51151.5,450000.0,Unaccompanied,Working,Higher education,Married,With parents,0.020246,-10511,-656,-214.0,-2925,12.0,1,1,0,1,0,0,Core staff,4.0,3,3,WEDNESDAY,13,0,0,0,0,1,1,Trade: type 7,0.31982939335026017,0.3048303929581652,0.25259869783397665,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-769.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,5.0 +2776098,128366,Consumer loans,2069.1,16132.5,17730.0,0.0,16132.5,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-2705,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,high,POS mobile with interest,365243.0,-2674.0,-2344.0,-2344.0,-2333.0,1.0,0,Cash loans,M,N,Y,0,121500.0,206280.0,10161.0,135000.0,Unaccompanied,Working,Incomplete higher,Separated,House / apartment,0.005002,-19591,-2361,-8479.0,-3129,,1,1,0,1,1,0,Security staff,1.0,3,3,TUESDAY,15,0,0,0,0,0,0,Security,,0.4968693932694453,0.7623356180684377,0.0619,0.0624,0.9826,0.762,0.0,0.0,0.1379,0.1667,0.2083,0.062,0.0504,0.0611,0.0,0.0,0.063,0.0647,0.9826,0.7713,0.0,0.0,0.1379,0.1667,0.2083,0.0634,0.0551,0.0636,0.0,0.0,0.0625,0.0624,0.9826,0.7652,0.0,0.0,0.1379,0.1667,0.2083,0.0631,0.0513,0.0622,0.0,0.0,reg oper spec account,block of flats,0.048,Panel,No,0.0,0.0,0.0,0.0,-470.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,11.0,0.0,1.0 +2233569,273833,Cash loans,25999.38,454500.0,508495.5,,454500.0,FRIDAY,11,Y,1,,,,XNA,Approved,-398,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-355.0,695.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,1,270000.0,1118286.0,32827.5,976500.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.032561,-19220,-6494,-7293.0,-2684,3.0,1,1,0,1,1,0,Drivers,3.0,1,1,THURSDAY,10,0,0,0,0,0,0,Construction,0.5985005549302459,0.7181283649766426,,0.0566,0.0261,0.9588,0.422,0.0128,0.0,0.1886,0.1567,0.1942,0.0854,0.0458,0.0707,0.0034,0.0228,0.0525,0.0,0.9593,0.4642,0.0093,0.0,0.1724,0.1667,0.2083,0.061,0.0551,0.0531,0.0,0.0,0.0593,0.0,0.9588,0.4431,0.011,0.0,0.1724,0.1667,0.2083,0.0632,0.0487,0.0729,0.0039,0.012,reg oper account,block of flats,0.0569,"Stone, brick",No,0.0,0.0,0.0,0.0,-1256.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1040705,305401,Cash loans,33546.465,904500.0,1035832.5,,904500.0,THURSDAY,13,Y,1,,,,XNA,Refused,-575,Cash through the bank,HC,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,99000.0,408330.0,20979.0,292500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-18133,-5929,-4032.0,-1156,14.0,1,1,0,1,0,0,Cleaning staff,2.0,2,1,FRIDAY,15,0,0,0,0,0,0,School,,0.5224338846241938,0.5136937663039473,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-591.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2299528,131502,Consumer loans,2725.11,27000.0,27000.0,0.0,27000.0,FRIDAY,19,Y,1,0.0,,,XAP,Approved,-194,XNA,XAP,,New,Computers,POS,XNA,Regional / Local,25,Connectivity,12.0,middle,POS mobile with interest,365243.0,-158.0,172.0,-68.0,-66.0,0.0,0,Cash loans,F,Y,N,0,90000.0,472500.0,18616.5,472500.0,Other_B,Working,Secondary / secondary special,Widow,House / apartment,0.026392000000000002,-16769,-3192,-10785.0,-285,6.0,1,1,0,1,1,0,Laborers,1.0,2,2,MONDAY,9,0,0,0,0,0,0,Transport: type 4,0.4307338645045517,0.5720480870696039,0.6279908192952864,0.0938,0.102,0.9826,,,0.0,0.2069,0.1667,,0.0673,,0.0881,,0.0,0.0956,0.1059,0.9826,,,0.0,0.2069,0.1667,,0.0689,,0.0918,,0.0,0.0947,0.102,0.9826,,,0.0,0.2069,0.1667,,0.0685,,0.0897,,0.0,,block of flats,0.0693,"Stone, brick",No,3.0,1.0,3.0,1.0,-194.0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1251691,333774,Cash loans,50045.355,990000.0,1104997.5,,990000.0,TUESDAY,12,Y,1,,,,XNA,Approved,-894,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-864.0,546.0,-414.0,-406.0,1.0,0,Cash loans,F,N,N,0,225000.0,1006920.0,39933.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.009549,-18237,-4556,-8703.0,-1430,,1,1,1,1,1,0,Managers,1.0,2,2,MONDAY,16,0,0,0,0,0,0,Trade: type 7,,0.7063376935155429,0.17982176508970435,0.0278,0.0551,0.9886,,,,0.1034,0.0833,,,,0.0283,,0.0087,0.0284,0.0572,0.9886,,,,0.1034,0.0833,,,,0.0295,,0.0092,0.0281,0.0551,0.9886,,,,0.1034,0.0833,,,,0.0288,,0.0088,,block of flats,0.0223,Panel,No,0.0,0.0,0.0,0.0,-1653.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1641903,416526,Consumer loans,11272.23,88605.0,102973.5,8860.5,88605.0,TUESDAY,13,Y,1,0.0862876227265411,,,XAP,Approved,-1891,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Stone,6,Connectivity,14.0,high,POS mobile with interest,365243.0,-1860.0,-1470.0,-1470.0,-1466.0,0.0,0,Cash loans,F,N,Y,1,225000.0,900000.0,29875.5,900000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.003069,-14729,-786,-2051.0,-3022,,1,1,0,1,0,0,Core staff,3.0,3,3,WEDNESDAY,10,0,0,0,0,1,1,Military,0.6783922704984433,0.8016442110340379,0.2314393514998941,0.1629,0.1147,0.9876,,,0.16,0.1379,0.375,,0.0722,,0.0936,,0.0243,0.166,0.1191,0.9876,,,0.1611,0.1379,0.375,,0.0739,,0.0975,,0.0257,0.1645,0.1147,0.9876,,,0.16,0.1379,0.375,,0.0735,,0.0952,,0.0248,,block of flats,0.1317,Panel,No,9.0,0.0,9.0,0.0,-1891.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1189603,109087,Consumer loans,4656.105,20776.5,22009.5,0.0,20776.5,SUNDAY,16,Y,1,0.0,,,XAP,Approved,-159,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,10,Connectivity,6.0,high,POS mobile with interest,365243.0,-120.0,30.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,265500.0,720000.0,39190.5,720000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-15067,-968,-1087.0,-1081,,1,1,0,1,0,0,Waiters/barmen staff,3.0,2,2,FRIDAY,14,0,0,0,1,1,0,Other,,0.5727224789701607,0.15759499866631024,0.0412,,0.9806,,,0.0,0.069,0.1667,,,,0.0678,,0.0138,0.042,,0.9806,,,0.0,0.069,0.1667,,,,0.0706,,0.0146,0.0416,,0.9806,,,0.0,0.069,0.1667,,,,0.069,,0.0141,,block of flats,0.0563,"Stone, brick",No,0.0,0.0,0.0,0.0,-129.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2454030,131679,Cash loans,21693.87,180000.0,215806.5,0.0,180000.0,THURSDAY,14,Y,1,0.0,,,XNA,Approved,-1720,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1690.0,-1360.0,-1450.0,-1444.0,1.0,0,Cash loans,M,Y,Y,1,180000.0,785398.5,40230.0,702000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.009656999999999999,-10633,-2381,-4830.0,-3304,7.0,1,1,0,1,0,0,Core staff,3.0,2,2,TUESDAY,13,0,0,0,0,0,0,Police,,0.4466195790923816,0.7121551551910698,0.0309,0.0275,0.9901,0.8640000000000001,0.0217,0.0,0.069,0.1667,0.2083,0.0173,0.0252,0.0277,0.0,0.0,0.0315,0.0285,0.9901,0.8693,0.0219,0.0,0.069,0.1667,0.2083,0.0177,0.0275,0.0289,0.0,0.0,0.0312,0.0275,0.9901,0.8658,0.0218,0.0,0.069,0.1667,0.2083,0.0176,0.0257,0.0282,0.0,0.0,reg oper account,block of flats,0.0337,"Stone, brick",No,0.0,0.0,0.0,0.0,-1720.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2562015,260393,Consumer loans,15277.5,98955.0,75519.0,27000.0,98955.0,THURSDAY,15,Y,1,0.28682931500945724,,,XAP,Approved,-2181,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,68,Connectivity,6.0,high,POS mobile with interest,365243.0,-2145.0,-1995.0,-1995.0,-1989.0,0.0,0,Cash loans,M,Y,N,0,675000.0,1649844.0,85558.5,1575000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.032561,-15214,-3051,-6740.0,-3400,2.0,1,1,1,1,1,0,Managers,1.0,1,1,FRIDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.6257756094794074,0.4543210601605785,0.2737,0.1607,0.9876,,,0.36,0.1552,0.4583,,0.1049,,0.3275,,0.3072,0.2479,0.1663,0.9876,,,0.3222,0.1379,0.4583,,0.079,,0.3038,,0.2905,0.2764,0.1607,0.9876,,,0.36,0.1552,0.4583,,0.1067,,0.3334,,0.3136,,block of flats,0.289,Panel,No,2.0,0.0,2.0,0.0,-739.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2140836,179196,Cash loans,22308.57,315000.0,358659.0,,315000.0,FRIDAY,14,Y,1,,,,XNA,Approved,-1530,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,high,Cash X-Sell: high,365243.0,-1500.0,-630.0,-960.0,-954.0,1.0,0,Cash loans,F,N,Y,2,108000.0,679500.0,19998.0,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0228,-13353,-2678,-966.0,-5346,,1,1,0,1,1,0,Core staff,4.0,2,2,TUESDAY,16,0,0,0,0,0,0,Kindergarten,0.13667909734402106,0.5925276062046148,0.6594055320683344,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-414.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2521932,306577,Cash loans,10453.005,94500.0,100737.0,,94500.0,SATURDAY,17,Y,1,,,,XNA,Approved,-287,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-257.0,73.0,-77.0,-69.0,1.0,0,Cash loans,F,N,Y,0,144000.0,215865.0,21348.0,202500.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.009334,-24888,-295,-1172.0,-4435,,1,1,0,1,0,0,Cleaning staff,1.0,2,2,SATURDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.7120292012400753,0.2650494299443805,0.1082,0.0483,0.9856,,,0.12,0.1034,0.3333,,0.0876,,0.1098,,0.0,0.1103,0.0501,0.9856,,,0.1208,0.1034,0.3333,,0.0896,,0.1144,,0.0,0.1093,0.0483,0.9856,,,0.12,0.1034,0.3333,,0.0891,,0.1117,,0.0,,block of flats,0.1018,Panel,No,0.0,0.0,0.0,0.0,-1163.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,8.0 +1405042,246936,Consumer loans,7782.075,137250.0,137250.0,0.0,137250.0,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-1188,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,30,Furniture,24.0,middle,POS industry with interest,365243.0,-1155.0,-465.0,-885.0,-880.0,0.0,0,Cash loans,F,Y,Y,0,99000.0,1319269.5,36409.5,1152000.0,Children,Pensioner,Secondary / secondary special,Married,House / apartment,0.010556,-19280,365243,-8066.0,-2822,12.0,1,0,0,1,1,0,,2.0,3,3,FRIDAY,15,0,0,0,0,0,0,XNA,,0.5751608594512776,0.6894791426446275,0.1763,0.1385,0.9886,0.8436,0.0797,0.2,0.1724,0.3333,0.375,0.1553,0.1437,0.1888,0.0,0.0,0.1796,0.1437,0.9886,0.8497,0.0805,0.2014,0.1724,0.3333,0.375,0.1588,0.157,0.1967,0.0,0.0,0.17800000000000002,0.1385,0.9886,0.8457,0.0802,0.2,0.1724,0.3333,0.375,0.158,0.1462,0.1922,0.0,0.0,reg oper account,block of flats,0.1921,Panel,No,3.0,1.0,3.0,1.0,-1542.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1545434,261094,Consumer loans,15841.71,124600.5,124600.5,0.0,124600.5,SATURDAY,18,Y,1,0.0,,,XAP,Approved,-542,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,43,Connectivity,10.0,high,POS mobile with interest,365243.0,-507.0,-237.0,-237.0,-233.0,0.0,0,Cash loans,F,Y,N,0,103500.0,450000.0,35685.0,450000.0,Unaccompanied,Working,Higher education,Single / not married,With parents,0.006296,-10230,-139,-4017.0,-2887,65.0,1,1,0,1,1,0,Core staff,1.0,3,3,TUESDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.3414111567515489,0.6543197022218524,,0.1397,0.1636,0.9796,0.8096,,0.28,0.2414,0.2083,0.4167,0.165,0.2219,0.158,,0.0,0.0074,0.1698,0.9737,0.8171,,0.282,0.2414,0.0417,0.4167,0.1687,0.2424,0.006,,0.0,0.141,0.1636,0.9796,0.8121,,0.28,0.2414,0.2083,0.4167,0.1678,0.2257,0.1608,,0.0,reg oper account,block of flats,0.2801,Panel,Yes,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2585103,218221,Consumer loans,13927.815,98977.5,91494.0,13500.0,98977.5,FRIDAY,18,Y,1,0.1400339759674578,,,XAP,Approved,-1091,Cash through the bank,XAP,Other_A,Repeater,Computers,POS,XNA,Regional / Local,130,Consumer electronics,8.0,high,POS household with interest,365243.0,-1059.0,-849.0,-849.0,-844.0,0.0,0,Revolving loans,M,Y,Y,1,202500.0,270000.0,13500.0,270000.0,Family,Working,Secondary / secondary special,Married,With parents,0.019688999999999998,-8169,-1008,-2989.0,-856,9.0,1,1,0,1,0,0,Laborers,3.0,2,2,THURSDAY,16,0,0,0,0,0,0,Transport: type 4,,0.2935203039908221,0.248535557339522,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-774.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1259222,226941,Consumer loans,3939.615,36396.0,35460.0,3640.5,36396.0,WEDNESDAY,11,Y,1,0.10140114460289394,,,XAP,Approved,-2745,XNA,XAP,Unaccompanied,New,Photo / Cinema Equipment,POS,XNA,Country-wide,10,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2714.0,-2444.0,-2444.0,-2433.0,1.0,0,Cash loans,M,Y,Y,1,135000.0,1113840.0,47322.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-16081,-984,-3220.0,-4613,8.0,1,1,0,1,0,0,Drivers,3.0,2,2,THURSDAY,12,0,0,0,0,0,0,Self-employed,0.4665357031600912,0.6554811188272113,0.6144143775673561,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1653.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2133725,307263,Cash loans,48474.315,1638000.0,1832593.5,,1638000.0,SATURDAY,13,Y,1,,,,XNA,Refused,-199,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,M,Y,Y,0,180000.0,321574.5,12253.5,265500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.007114,-18198,-3841,-9975.0,-756,5.0,1,1,0,1,0,0,Core staff,2.0,2,2,TUESDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.16201983311079848,,0.0619,0.0578,0.9762,0.6736,0.0066,0.0,0.1034,0.1667,0.2083,0.0459,,0.0508,,0.0,0.063,0.06,0.9762,0.6864,0.0067,0.0,0.1034,0.1667,0.2083,0.0469,,0.0529,,0.0,0.0625,0.0578,0.9762,0.6779999999999999,0.0066,0.0,0.1034,0.1667,0.2083,0.0467,,0.0517,,0.0,reg oper account,block of flats,0.04,Panel,No,0.0,0.0,0.0,0.0,-969.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1748909,236616,Consumer loans,21030.03,77400.0,77400.0,0.0,77400.0,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-500,Cash through the bank,XAP,,New,Construction Materials,POS,XNA,Stone,165,Consumer electronics,4.0,middle,POS household with interest,365243.0,-469.0,-379.0,-379.0,-373.0,0.0,0,Cash loans,F,N,N,0,45000.0,675000.0,21775.5,675000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.002042,-19484,-4631,-4359.0,-2996,,1,1,1,1,0,0,,2.0,3,3,MONDAY,13,0,0,0,0,0,0,Kindergarten,,0.4145377028510372,0.5709165417729987,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-500.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2271156,283297,Consumer loans,5566.455,55660.5,50094.0,5566.5,55660.5,SUNDAY,12,Y,1,0.10891789591280254,,,XAP,Approved,-528,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Regional / Local,100,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-495.0,-225.0,-255.0,-248.0,0.0,0,Cash loans,F,N,N,0,67500.0,143910.0,14742.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010966,-19370,-2399,-16.0,-2904,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Industry: type 3,,0.5574717034375936,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1679.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1461163,141926,Cash loans,33316.83,540000.0,593460.0,,540000.0,MONDAY,14,Y,1,,,,XNA,Approved,-546,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,365243.0,-516.0,354.0,365243.0,365243.0,1.0,0,Cash loans,M,N,N,0,171000.0,805536.0,32076.0,720000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,Municipal apartment,0.009549,-14547,-2217,-8685.0,-5002,,1,1,0,1,0,0,Drivers,1.0,2,2,MONDAY,10,0,0,0,0,0,0,Other,0.19812778870356546,0.5410476825165297,0.7503751495159068,0.0928,0.0851,0.9811,,,0.12,0.1034,0.3333,,0.0995,,0.1063,,,0.0945,0.0883,0.9811,,,0.1208,0.1034,0.3333,,0.1018,,0.1108,,,0.0937,0.0851,0.9811,,,0.12,0.1034,0.3333,,0.1012,,0.1083,,,,block of flats,0.0929,"Stone, brick",No,5.0,0.0,5.0,0.0,-262.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,5.0,0.0,1.0 +1386650,117061,Cash loans,45506.025,1129500.0,1227901.5,,1129500.0,WEDNESDAY,9,Y,1,,,,XNA,Approved,-719,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_action,Cash X-Sell: low,365243.0,-689.0,361.0,-509.0,-498.0,1.0,0,Cash loans,M,Y,N,2,180000.0,1350000.0,39604.5,1350000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0038179999999999998,-13039,-1326,-654.0,-4413,23.0,1,1,0,1,0,0,,4.0,2,2,MONDAY,5,0,0,0,0,1,1,Military,,0.6699042079616193,0.2940831009471255,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,0.0,9.0,0.0,-1668.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1513535,349724,Consumer loans,3018.555,23535.0,25866.0,0.0,23535.0,FRIDAY,12,Y,1,0.0,,,XAP,Approved,-2723,Cash through the bank,XAP,Other_B,New,Mobile,POS,XNA,Country-wide,20,Connectivity,12.0,high,POS mobile with interest,365243.0,-2692.0,-2362.0,-2362.0,-2357.0,1.0,0,Cash loans,F,N,Y,0,135000.0,900000.0,35824.5,900000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018209,-16979,-1448,-8557.0,-525,,1,1,0,1,1,0,Sales staff,2.0,3,3,FRIDAY,8,0,0,0,0,0,0,Business Entity Type 3,,0.2462535680063413,0.7151031019926098,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-177.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2342103,120317,Consumer loans,10164.6,69880.5,62892.0,6988.5,69880.5,SUNDAY,11,Y,1,0.10891610418044836,,,XAP,Approved,-850,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,25,Connectivity,8.0,high,POS mobile with interest,365243.0,-815.0,-605.0,-605.0,-598.0,0.0,0,Cash loans,F,N,Y,0,180000.0,1272456.0,54040.5,1080000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018634,-16969,-6398,-9168.0,-523,,1,1,1,1,1,0,Core staff,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,School,0.7674398266655978,0.3541396992003885,,0.0619,0.037000000000000005,0.9871,0.8232,0.0126,0.0,0.1379,0.1667,0.2083,0.0123,0.0504,0.0555,0.0,0.0,0.063,0.0384,0.9871,0.8301,0.0127,0.0,0.1379,0.1667,0.2083,0.0126,0.0551,0.0578,0.0,0.0,0.0625,0.037000000000000005,0.9871,0.8256,0.0127,0.0,0.1379,0.1667,0.2083,0.0125,0.0513,0.0565,0.0,0.0,reg oper account,block of flats,0.0623,Panel,No,2.0,0.0,2.0,0.0,-3016.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2341949,239805,Consumer loans,4233.24,35550.0,38484.0,0.0,35550.0,MONDAY,12,Y,1,0.0,,,XAP,Approved,-1306,Cash through the bank,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Stone,185,Construction,10.0,low_normal,POS industry with interest,365243.0,-1274.0,-1004.0,-1004.0,-998.0,0.0,0,Cash loans,F,Y,Y,0,225000.0,495972.0,25452.0,414000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.02461,-23430,365243,-3874.0,-4782,9.0,1,0,0,1,0,0,,2.0,2,2,FRIDAY,17,0,0,0,0,0,0,XNA,,0.2681602326822525,0.5585066276769286,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1306.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1519468,272187,Cash loans,27574.47,675000.0,767664.0,,675000.0,MONDAY,14,Y,1,,,,Repairs,Approved,-630,Cash through the bank,XAP,Other_B,Refreshed,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,low_normal,Cash Street: low,365243.0,-600.0,810.0,-270.0,-268.0,1.0,1,Cash loans,M,N,Y,0,180000.0,266652.0,21195.0,202500.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.02461,-16590,-447,-501.0,-118,,1,1,0,1,0,1,Core staff,1.0,2,2,TUESDAY,13,0,0,0,0,0,0,Trade: type 3,,0.3886630043008972,0.11836432636740067,0.1077,0.1236,0.9776,0.7008,0.0084,0.0,0.2069,0.1667,0.2083,0.0631,0.0664,0.0763,0.0039,0.0029,0.084,0.1283,0.9772,0.7125,0.0085,0.0,0.1379,0.1667,0.2083,0.0581,0.0725,0.0353,0.0039,0.003,0.1088,0.1236,0.9776,0.7048,0.0085,0.0,0.2069,0.1667,0.2083,0.0642,0.0676,0.0777,0.0039,0.0029,not specified,block of flats,0.0441,"Stone, brick",No,3.0,0.0,3.0,0.0,-631.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,3.0 +1548049,227313,Cash loans,13765.5,225000.0,225000.0,,225000.0,SATURDAY,9,Y,1,,,,XNA,Approved,-417,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-387.0,303.0,-207.0,-199.0,0.0,0,Cash loans,M,N,Y,0,90000.0,180000.0,17662.5,180000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,Office apartment,0.014519999999999996,-24375,365243,-13056.0,-4452,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,7,0,0,0,0,0,0,XNA,,0.5863997069706343,0.6528965519806539,0.067,0.0573,0.9771,0.6940000000000001,0.0,0.0,0.1034,0.1667,0.2083,0.0258,0.0534,0.0529,0.0058,0.0064,0.042,0.0308,0.9742,0.6602,0.0,0.0,0.069,0.1667,0.2083,0.0,0.0349,0.0297,0.0039,0.0044,0.0677,0.0573,0.9771,0.6981,0.0,0.0,0.1034,0.1667,0.2083,0.0262,0.0543,0.0538,0.0058,0.0065,reg oper spec account,block of flats,0.0243,"Stone, brick",No,5.0,0.0,5.0,0.0,-1167.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2591243,324482,Consumer loans,2382.66,20106.0,19872.0,2025.0,20106.0,WEDNESDAY,9,Y,1,0.10071740836229122,,,XAP,Refused,-1849,Cash through the bank,LIMIT,"Spouse, partner",Repeater,Mobile,POS,XNA,Country-wide,80,Connectivity,12.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,1,90000.0,405000.0,15399.0,405000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-10032,-1662,-4557.0,-2606,,1,1,1,1,0,0,Medicine staff,3.0,2,2,THURSDAY,17,0,0,0,1,1,0,Medicine,,0.5363852450571327,0.7366226976503176,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1374.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1080957,147795,Consumer loans,2587.185,20790.0,19732.5,2835.0,20790.0,TUESDAY,10,Y,1,0.13681500951690387,,,XAP,Approved,-2128,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,20,Connectivity,12.0,high,POS mobile with interest,365243.0,-2097.0,-1767.0,-1767.0,-1752.0,0.0,0,Cash loans,F,N,N,0,135000.0,450000.0,27477.0,450000.0,Unaccompanied,Working,Incomplete higher,Single / not married,House / apartment,0.019688999999999998,-10659,-1452,-4116.0,-3241,,1,1,0,1,1,0,Core staff,1.0,2,2,MONDAY,17,0,0,0,0,0,0,Insurance,0.2941042002966679,0.5350418117864273,0.3876253444214701,0.0165,0.0,0.9717,0.6124,0.0015,0.0,0.1379,0.0417,0.0833,0.015,0.0134,0.012,0.0,0.0,0.0168,0.0,0.9717,0.6276,0.0015,0.0,0.1379,0.0417,0.0833,0.0153,0.0147,0.0125,0.0,0.0,0.0167,0.0,0.9717,0.6176,0.0015,0.0,0.1379,0.0417,0.0833,0.0152,0.0137,0.0122,0.0,0.0,reg oper account,block of flats,0.0094,"Stone, brick",No,0.0,0.0,0.0,0.0,-324.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1021082,384073,Cash loans,32597.415,733500.0,834196.5,,733500.0,TUESDAY,9,Y,1,,,,XNA,Refused,-329,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,157500.0,247500.0,12168.0,247500.0,Family,State servant,Secondary / secondary special,Married,House / apartment,0.015221,-18936,-9240,-8665.0,-2469,,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Kindergarten,,0.26651977539251576,0.17352743046491467,0.0928,,0.9856,,,,0.2069,0.1667,,0.0779,,0.0876,,,0.0945,,0.9856,,,,0.2069,0.1667,,0.0796,,0.0913,,,0.0937,,0.9856,,,,0.2069,0.1667,,0.0792,,0.0892,,,,block of flats,0.0689,Panel,No,5.0,0.0,5.0,0.0,-840.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1375074,302605,Consumer loans,3635.415,77800.5,77800.5,0.0,77800.5,SATURDAY,18,Y,1,0.0,,,XAP,Approved,-769,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Stone,500,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-737.0,-47.0,-347.0,-341.0,0.0,0,Cash loans,M,Y,Y,2,81000.0,58500.0,5782.5,58500.0,Family,State servant,Secondary / secondary special,Married,House / apartment,0.002042,-13276,-5581,-3565.0,-4146,7.0,1,1,1,1,0,0,Core staff,4.0,3,3,FRIDAY,11,0,0,0,0,0,0,Security Ministries,0.5133716015116185,0.7371687389660068,0.7801436381572275,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-769.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1006768,371103,Cash loans,31544.37,675000.0,744498.0,,675000.0,FRIDAY,11,Y,1,,,,XNA,Approved,-1064,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),10,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-1034.0,16.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,0,54000.0,331834.5,17073.0,252000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-16902,-2213,-360.0,-444,9.0,1,1,0,1,0,0,Sales staff,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Self-employed,,0.6400809195138266,,0.0485,0.0754,0.9866,,0.0069,0.0,,0.0833,0.125,,0.0387,0.0522,0.0039,0.0093,0.0494,0.0782,0.9866,,0.0069,0.0,,0.0833,0.125,,0.0422,0.0544,0.0039,0.0098,0.0489,0.0754,0.9866,,0.0069,0.0,,0.0833,0.125,,0.0393,0.0532,0.0039,0.0095,reg oper account,block of flats,0.0469,"Stone, brick",No,7.0,0.0,7.0,0.0,-1851.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2243791,417473,Consumer loans,6168.24,67446.0,51363.0,20236.5,67446.0,SUNDAY,16,Y,1,0.30781483364853346,,,XAP,Approved,-603,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,2358,Consumer electronics,10.0,middle,POS household with interest,365243.0,-572.0,-302.0,-482.0,-477.0,0.0,0,Revolving loans,F,N,N,0,180000.0,405000.0,20250.0,405000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.019101,-21100,365243,-5099.0,-4265,,1,0,0,1,0,0,,2.0,2,2,MONDAY,12,0,0,0,0,0,0,XNA,,0.6230524325228005,0.0005272652387098817,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-603.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1614533,109922,Cash loans,4923.675,45000.0,47970.0,,45000.0,WEDNESDAY,13,Y,1,,,,XNA,Approved,-1433,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,100,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1403.0,-1073.0,-1103.0,-1099.0,1.0,0,Cash loans,F,N,Y,0,247500.0,463500.0,24691.5,463500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.032561,-23396,365243,-6033.0,-3292,,1,0,0,1,1,0,,2.0,1,1,MONDAY,15,0,0,0,0,0,0,XNA,,0.7462173206214505,,0.132,0.1396,0.9752,0.66,0.022,0.0,0.3103,0.1667,0.2083,0.0604,0.1067,0.119,0.0039,0.0073,0.1345,0.1448,0.9752,0.6733,0.0222,0.0,0.3103,0.1667,0.2083,0.0617,0.1166,0.124,0.0039,0.0077,0.1332,0.1396,0.9752,0.6645,0.0221,0.0,0.3103,0.1667,0.2083,0.0614,0.1086,0.1211,0.0039,0.0074,reg oper account,block of flats,0.0952,Panel,No,1.0,0.0,1.0,0.0,-997.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1793485,124014,Cash loans,28409.175,135000.0,139455.0,,135000.0,WEDNESDAY,13,Y,1,,,,XNA,Approved,-629,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,high,Cash X-Sell: high,365243.0,-599.0,-449.0,-509.0,-499.0,1.0,0,Cash loans,M,Y,Y,2,450000.0,537471.0,60916.5,495000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.04622,-13083,-3039,-2104.0,-1049,7.0,1,1,0,1,0,1,,4.0,1,1,TUESDAY,11,0,0,0,0,0,0,Other,,0.3339158537052937,0.0817255924524642,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1836630,275229,Cash loans,46980.0,675000.0,675000.0,,675000.0,MONDAY,14,Y,1,,,,XNA,Approved,-389,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-359.0,151.0,-179.0,-176.0,0.0,0,Cash loans,M,Y,Y,0,112500.0,971280.0,51745.5,900000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.007114,-23562,365243,-81.0,-4493,2.0,1,0,0,1,0,0,,2.0,2,2,MONDAY,15,0,0,0,0,0,0,XNA,,0.08607556414699885,0.7136313997323308,0.0124,,0.9776,,,,0.1034,0.0417,,,,0.0096,,,0.0126,,0.9777,,,,0.1034,0.0417,,,,0.01,,,0.0125,,0.9776,,,,0.1034,0.0417,,,,0.0098,,,,block of flats,0.0085,Wooden,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +1176036,107552,Consumer loans,7111.17,113562.0,137547.0,0.0,113562.0,THURSDAY,6,Y,1,0.0,,,XAP,Approved,-1010,XNA,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,100,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-979.0,-289.0,-319.0,-314.0,0.0,1,Cash loans,M,Y,Y,2,157500.0,592560.0,31153.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-11666,-1172,-77.0,-3823,17.0,1,1,0,1,0,0,High skill tech staff,4.0,3,3,SATURDAY,8,0,0,0,0,1,1,Government,0.2457983707725399,0.2889029327208124,0.4311917977993083,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2241413,144618,Consumer loans,12808.8,111172.5,137227.5,0.0,111172.5,SATURDAY,7,Y,1,0.0,,,XAP,Approved,-459,XNA,XAP,,Repeater,Audio/Video,POS,XNA,Stone,111,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-426.0,-96.0,-336.0,-332.0,0.0,0,Cash loans,M,N,N,0,135000.0,900000.0,29745.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.006629,-11896,-878,-2385.0,-1976,,1,1,1,1,1,0,Laborers,1.0,2,2,TUESDAY,10,0,0,0,0,0,0,Electricity,,0.5298810861934191,0.7700870700124128,0.0897,0.1083,0.9851,0.7959999999999999,0.0222,0.0,0.1034,0.1667,0.2083,0.0651,0.0723,0.0852,0.0039,0.0022,0.0914,0.1124,0.9851,0.804,0.0224,0.0,0.1034,0.1667,0.2083,0.0666,0.079,0.0887,0.0039,0.0023,0.0906,0.1083,0.9851,0.7987,0.0224,0.0,0.1034,0.1667,0.2083,0.0662,0.0735,0.0867,0.0039,0.0022,reg oper account,block of flats,0.0796,Panel,No,1.0,0.0,1.0,0.0,-698.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2833233,242277,Cash loans,33820.335,292500.0,345820.5,,292500.0,SATURDAY,13,Y,1,,,,XNA,Approved,-641,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-611.0,-281.0,-311.0,-304.0,1.0,0,Cash loans,F,N,Y,0,180000.0,182286.0,18805.5,171000.0,Family,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.072508,-18716,365243,-8477.0,-2267,,1,0,0,1,1,0,,2.0,1,1,WEDNESDAY,11,0,0,0,0,0,0,XNA,,0.7304629162776717,0.2866524828090694,0.2959,0.1867,0.9806,0.7348,0.1695,0.32,0.2759,0.3333,0.375,0.0,0.2412,0.174,0.0,0.0,0.3015,0.1938,0.9806,0.7452,0.171,0.3222,0.2759,0.3333,0.375,0.0,0.2635,0.1813,0.0,0.0,0.2987,0.1867,0.9806,0.7383,0.1705,0.32,0.2759,0.3333,0.375,0.0,0.2454,0.1771,0.0,0.0,reg oper account,block of flats,0.2116,Panel,No,2.0,0.0,2.0,0.0,-1098.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1512184,219318,Cash loans,14941.08,180000.0,222669.0,,180000.0,TUESDAY,8,Y,1,,,,XNA,Refused,-421,Cash through the bank,HC,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,135000.0,292090.5,15975.0,198000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-11648,-1233,-11618.0,-1904,,1,1,0,1,1,0,,2.0,3,3,WEDNESDAY,9,0,0,0,0,0,0,Government,0.3129715784575378,0.4122150773854074,0.520897599048938,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,19.0,1.0,19.0,0.0,-2685.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,4.0 +1635386,305009,Cash loans,54900.405,1170000.0,1305909.0,,1170000.0,MONDAY,9,Y,1,,,,XNA,Approved,-612,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-582.0,828.0,-552.0,-550.0,1.0,0,Cash loans,F,N,Y,0,337500.0,708939.0,37899.0,612000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.010966,-23388,365243,-548.0,-4347,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,8,0,0,0,0,0,0,XNA,,0.414012389521586,0.5226973172821112,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2051.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2465138,277744,Consumer loans,11582.415,58455.0,61929.0,0.0,58455.0,THURSDAY,7,Y,1,0.0,,,XAP,Approved,-33,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Regional / Local,80,Consumer electronics,6.0,middle,POS household with interest,365243.0,-3.0,147.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,1,108000.0,604152.0,29196.0,540000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.006852,-15050,-5438,-2591.0,-3842,18.0,1,1,0,1,0,0,Sales staff,3.0,3,3,TUESDAY,5,0,0,0,1,1,0,Self-employed,,0.14713515300996324,0.1301285429480269,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-568.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +2015814,109134,Cash loans,9426.24,45000.0,46485.0,,45000.0,WEDNESDAY,9,Y,1,,,,Urgent needs,Approved,-454,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,365243.0,-424.0,-274.0,-334.0,-324.0,1.0,0,Cash loans,M,Y,Y,0,157500.0,312768.0,13905.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-19351,-3867,-5100.0,-2869,7.0,1,1,1,1,0,0,Laborers,2.0,2,2,TUESDAY,17,0,0,0,0,1,1,Business Entity Type 3,,0.7456910264208079,0.41885428862332175,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2166.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +1781132,152228,Cash loans,49821.975,585000.0,619749.0,,585000.0,FRIDAY,15,Y,1,,,,XNA,Refused,-1118,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,18.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,Y,Y,0,225000.0,463500.0,45283.5,463500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-18748,-10815,-11278.0,-2233,13.0,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.7135110610704464,0.7001838506835805,0.4825,,0.9846,,,0.52,0.4483,0.3333,,,,0.5224,,0.0,0.4916,,0.9846,,,0.5236,0.4483,0.3333,,,,0.5443,,0.0,0.4871,,0.9846,,,0.52,0.4483,0.3333,,,,0.5318,,0.0,,block of flats,0.4894,Panel,No,2.0,0.0,2.0,0.0,-2582.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2245835,381543,Consumer loans,38182.275,412407.0,371164.5,41242.5,412407.0,WEDNESDAY,11,Y,1,0.10891384437747614,,,XAP,Approved,-365,Cash through the bank,XAP,"Spouse, partner",Repeater,Clothing and Accessories,POS,XNA,Stone,40,Clothing,12.0,middle,POS industry with interest,365243.0,-334.0,-4.0,-184.0,-179.0,0.0,0,Cash loans,M,Y,N,1,247500.0,1312110.0,55723.5,1125000.0,Unaccompanied,Commercial associate,Higher education,Married,With parents,0.010006000000000001,-10415,-1941,-4698.0,-3074,10.0,1,1,0,1,0,0,Managers,3.0,2,2,THURSDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.5895094615130072,0.6430255641096323,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1630.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2629557,181895,Consumer loans,16075.665,210915.0,210915.0,0.0,210915.0,SATURDAY,10,Y,1,0.0,,,XAP,Approved,-1179,Cash through the bank,XAP,Unaccompanied,Repeater,Gardening,POS,XNA,Stone,10,Construction,18.0,middle,POS industry with interest,365243.0,-1148.0,-638.0,-788.0,-779.0,0.0,1,Cash loans,M,N,Y,1,247500.0,1256400.0,36864.0,900000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.019688999999999998,-15118,-1705,-4250.0,-4305,,1,1,0,1,0,0,,3.0,2,2,TUESDAY,11,0,0,0,0,1,1,Industry: type 9,,0.6636219712202527,0.5531646987710016,0.1031,0.1162,0.9806,0.7348,0.0,0.0,0.1724,0.1667,0.2083,0.0,0.0841,0.0597,0.0,0.1051,0.105,0.1206,0.9806,0.7452,0.0,0.0,0.1724,0.1667,0.2083,0.0,0.0918,0.0622,0.0,0.1113,0.1041,0.1162,0.9806,0.7383,0.0,0.0,0.1724,0.1667,0.2083,0.0,0.0855,0.0608,0.0,0.1074,not specified,block of flats,0.0698,Panel,No,5.0,0.0,5.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1006897,226671,Revolving loans,0.0,0.0,0.0,,,MONDAY,18,Y,1,,,,XAP,Approved,-1508,XNA,XAP,,Repeater,XNA,Cards,x-sell,Stone,331,Consumer electronics,0.0,XNA,Card Street,-1507.0,365243.0,365243.0,365243.0,-1145.0,0.0,0,Cash loans,F,N,N,2,225000.0,545040.0,25537.5,450000.0,Other_B,State servant,Secondary / secondary special,Single / not married,House / apartment,0.00496,-13103,-2326,-4403.0,-2886,,1,1,0,1,0,0,High skill tech staff,3.0,2,2,THURSDAY,18,0,0,0,0,0,0,Security Ministries,0.3234378741816392,0.5439350580809926,0.6706517530862718,0.1003,,0.9955,0.9592,,0.0,0.1379,0.2396,0.0417,,,0.0661,,,0.0315,,0.998,0.9608,,0.0,0.0345,0.1667,0.0417,,,0.0251,,,0.0442,,0.998,0.9597,,0.0,0.1034,0.1667,0.0417,,,0.0673,,,reg oper account,block of flats,0.0313,"Stone, brick",No,0.0,0.0,0.0,0.0,-19.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,1.0,0.0,0.0,0.0,3.0 +1461890,168799,Consumer loans,7252.785,67005.0,65281.5,6700.5,67005.0,SATURDAY,17,Y,1,0.10137886744413373,,,XAP,Approved,-2602,Cash through the bank,XAP,Family,New,Furniture,POS,XNA,Stone,1608,Furniture,10.0,low_normal,POS industry without interest,365243.0,-2571.0,-2301.0,-2301.0,-2293.0,1.0,0,Cash loans,M,Y,Y,2,202500.0,810000.0,28827.0,810000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.026392000000000002,-10310,-1136,-728.0,-2998,7.0,1,1,1,1,1,0,,4.0,2,2,THURSDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.5758956077165106,0.6681949957892211,0.7713615919194317,0.1237,0.1208,0.9786,,,0.0,0.2759,0.1667,,0.1838,,0.1033,,0.0352,0.1261,0.1253,0.9786,,,0.0,0.2759,0.1667,,0.188,,0.1076,,0.0373,0.1249,0.1208,0.9786,,,0.0,0.2759,0.1667,,0.187,,0.1051,,0.0359,,block of flats,0.0903,Panel,No,0.0,0.0,0.0,0.0,-1784.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2642767,229001,Consumer loans,46529.55,449995.5,449995.5,0.0,449995.5,SATURDAY,14,Y,1,0.0,,,XAP,Approved,-1214,Cash through the bank,XAP,Unaccompanied,Repeater,Construction Materials,POS,XNA,Stone,74625,Construction,12.0,middle,POS industry with interest,365243.0,-1174.0,-844.0,-1084.0,-1080.0,0.0,0,Cash loans,M,Y,Y,0,427500.0,2303460.0,213160.5,2250000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.003069,-21818,-8743,-4514.0,-4813,4.0,1,1,0,1,0,0,Managers,2.0,3,3,TUESDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.7791382894819505,0.6986675550534175,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1487.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1114890,189629,Revolving loans,,0.0,0.0,,,FRIDAY,4,Y,1,,,,XAP,Refused,-201,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Card Street,,,,,,,0,Cash loans,F,N,N,0,157500.0,906228.0,33714.0,810000.0,Unaccompanied,Working,Higher education,Married,Office apartment,0.010032,-9974,-472,-1465.0,-1547,,1,1,0,1,0,0,Accountants,2.0,2,2,WEDNESDAY,5,0,0,0,0,0,0,Mobile,0.4186378304261142,0.5844200591163679,0.09885928035482196,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-702.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,5.0 +1664210,316695,Consumer loans,7462.935,76950.0,85077.0,0.0,76950.0,WEDNESDAY,15,Y,1,0.0,,,XAP,Approved,-393,Cash through the bank,XAP,,New,Computers,POS,XNA,Country-wide,1500,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-360.0,-30.0,-30.0,-25.0,0.0,0,Cash loans,M,Y,Y,0,270000.0,592560.0,40216.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,With parents,0.04622,-10563,-1198,-2784.0,-3239,7.0,1,1,0,1,0,0,Sales staff,1.0,1,1,THURSDAY,17,0,0,0,0,1,1,Business Entity Type 3,0.5972955900645743,0.6142462310818685,0.5154953751603267,0.08800000000000001,0.0643,0.996,0.9456,0.0629,0.08,0.069,0.3471,0.3888,0.0878,0.0684,0.1107,0.0154,0.0207,0.084,0.0523,0.9955,0.9412,0.0523,0.0806,0.069,0.375,0.4167,0.0645,0.0735,0.1068,0.0,0.0,0.0833,0.0505,0.996,0.9463,0.0524,0.08,0.069,0.375,0.4167,0.0809,0.0684,0.1045,0.0,0.0,reg oper account,block of flats,0.1683,Panel,No,1.0,0.0,1.0,0.0,-393.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,0.0 +2500810,281966,Cash loans,63182.25,2007000.0,2245432.5,,2007000.0,MONDAY,13,Y,1,,,,XNA,Refused,-445,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),50,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,1,Cash loans,F,Y,Y,1,225000.0,1125000.0,36423.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.005084,-16511,-2402,-703.0,-64,16.0,1,1,1,1,1,0,,3.0,2,2,FRIDAY,11,0,0,0,0,0,0,Self-employed,,0.638209781222283,0.3893387918468769,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1400.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2015494,171595,Cash loans,23775.435,675000.0,808650.0,,675000.0,SATURDAY,12,Y,1,,,,XNA,Approved,-212,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-182.0,1588.0,-92.0,-85.0,1.0,0,Cash loans,F,N,Y,0,180000.0,526491.0,30222.0,454500.0,Unaccompanied,Pensioner,Higher education,Separated,House / apartment,0.032561,-21897,365243,-5158.0,-4759,,1,0,0,1,1,0,,1.0,1,1,MONDAY,13,0,0,0,0,0,0,XNA,0.8313375465353398,0.6082394174583526,0.7776594425716818,0.1624,0.0785,0.9836,0.7756,,0.14,0.0517,0.6042,,0.0359,,0.2028,,0.0095,0.0305,0.0496,0.9836,0.7844,,0.1208,0.0345,0.5833,,0.0337,,0.1193,,0.01,0.1639,0.0785,0.9836,0.7786,,0.14,0.0517,0.6042,,0.0365,,0.2064,,0.0097,reg oper account,block of flats,0.231,"Stone, brick",No,0.0,0.0,0.0,0.0,-3223.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2679086,330631,Cash loans,20254.365,225000.0,254700.0,,225000.0,WEDNESDAY,17,Y,1,,,,XNA,Approved,-908,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Country-wide,25,Connectivity,24.0,high,Cash Street: high,365243.0,-878.0,-188.0,-728.0,-721.0,1.0,0,Cash loans,F,N,N,0,202500.0,808650.0,26217.0,675000.0,Family,State servant,Higher education,Single / not married,House / apartment,0.00496,-17009,-7806,-8146.0,-445,,1,1,0,1,0,0,Core staff,1.0,2,2,MONDAY,15,0,0,0,0,0,0,School,,0.7064465427963457,0.4722533429586386,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-908.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2770161,234010,Consumer loans,13790.52,89901.0,97812.0,0.0,89901.0,MONDAY,11,Y,1,0.0,,,XAP,Approved,-445,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,10.0,high,POS mobile with interest,365243.0,-410.0,-140.0,-230.0,-222.0,0.0,0,Cash loans,M,Y,Y,1,180000.0,450000.0,21888.0,450000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00963,-10817,-3194,-350.0,-3437,64.0,1,1,0,1,1,0,Drivers,3.0,2,2,FRIDAY,15,0,0,0,0,0,0,Self-employed,,0.7353258048957276,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-1162.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1180220,269826,Consumer loans,40522.005,1605150.0,1364377.5,240772.5,1605150.0,MONDAY,11,Y,1,0.16336363636363635,,,XAP,Approved,-2563,Cash through the bank,XAP,,New,XNA,Cars,XNA,Car dealer,600,Industry,60.0,low_normal,POS industry with interest,,,,,,,0,Cash loans,F,N,Y,0,157500.0,728460.0,53140.5,675000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-16170,-4512,-7898.0,-5142,,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,10,0,0,0,1,1,0,Business Entity Type 3,0.5218931217022267,0.4646627467025827,0.20559813854932085,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2539.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1179048,106793,Cash loans,,0.0,0.0,,,WEDNESDAY,10,Y,1,,,,XNA,Refused,-15,XNA,HC,,Repeater,XNA,XNA,XNA,Contact center,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,N,0,112500.0,225000.0,8082.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.010147,-21198,365243,-11228.0,-4461,,1,0,0,1,1,0,,1.0,2,2,TUESDAY,18,0,0,0,0,0,0,XNA,,0.403938223578016,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-34.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1417774,156485,Consumer loans,2127.375,16245.0,18819.0,0.0,16245.0,THURSDAY,8,Y,1,0.0,,,XAP,Approved,-214,Cashless from the account of the employer,XAP,Unaccompanied,Refreshed,Mobile,POS,XNA,Stone,25,XNA,12.0,middle,POS mobile with interest,365243.0,-124.0,206.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,72000.0,242595.0,12514.5,202500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007305,-18233,-404,-10009.0,-1788,13.0,1,1,1,1,0,0,Sales staff,2.0,3,3,MONDAY,12,0,0,0,0,0,0,Self-employed,,0.3996808442485617,0.6690566947824041,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-214.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2815322,252761,Cash loans,,0.0,0.0,,,WEDNESDAY,12,Y,1,,,,XNA,Refused,-289,XNA,HC,,Repeater,XNA,XNA,XNA,Contact center,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,90000.0,392427.0,19215.0,324000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.019101,-18223,-430,-10034.0,-436,,1,1,0,1,0,0,Cooking staff,1.0,2,2,FRIDAY,11,0,0,0,0,1,1,Medicine,,0.4450959925990144,0.2750003523983893,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-388.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1763873,200106,Cash loans,26316.0,900000.0,900000.0,,900000.0,TUESDAY,10,Y,1,,,,XNA,Refused,-100,XNA,HC,Unaccompanied,Refreshed,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,Y,N,2,202500.0,900000.0,25924.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.005144,-12244,-615,-1997.0,-3653,13.0,1,1,1,1,0,0,Drivers,4.0,2,2,WEDNESDAY,12,0,1,1,0,1,1,Transport: type 4,0.2593882895108651,0.4478142981670085,0.4241303111942548,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1561.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2089474,355818,Revolving loans,6750.0,135000.0,135000.0,,135000.0,SATURDAY,7,Y,1,,,,XAP,Approved,-367,XNA,XAP,,New,XNA,Cards,walk-in,Country-wide,25,Connectivity,0.0,XNA,Card Street,-366.0,-322.0,365243.0,-110.0,-28.0,0.0,0,Cash loans,F,N,Y,0,108000.0,225000.0,14647.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.0038179999999999998,-20511,-1472,-1803.0,-4063,,1,1,0,1,1,0,Cleaning staff,1.0,2,2,TUESDAY,4,0,0,0,0,0,0,Self-employed,,0.7187962751939667,0.3859146722745145,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-367.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1604645,355606,Revolving loans,5625.0,112500.0,112500.0,,112500.0,TUESDAY,16,Y,1,,,,XAP,Approved,-744,XNA,XAP,,New,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-743.0,-699.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,144000.0,355536.0,19417.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.010643000000000001,-9410,-1930,-2946.0,-1792,,1,1,0,1,0,0,,2.0,2,2,THURSDAY,11,0,0,0,0,1,1,Transport: type 4,,0.5309758621111652,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-744.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1109324,389326,Cash loans,71577.36,1057500.0,1118920.5,,1057500.0,SUNDAY,9,Y,1,,,,XNA,Approved,-488,XNA,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-458.0,232.0,-188.0,-180.0,1.0,0,Cash loans,F,Y,N,0,270000.0,1575000.0,45270.0,1575000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018209,-17857,-3555,-232.0,-1414,14.0,1,1,0,1,0,0,Laborers,2.0,3,3,WEDNESDAY,10,0,0,0,0,0,0,Self-employed,0.4416942584246655,0.5650211333064037,0.7091891096653581,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-1722.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2085706,279825,Cash loans,19264.86,247500.0,274288.5,,247500.0,THURSDAY,10,Y,1,,,,XNA,Approved,-1279,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-1248.0,-558.0,-978.0,-975.0,0.0,0,Cash loans,F,N,Y,0,60750.0,492862.5,18711.0,346500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018801,-19093,365243,-85.0,-2380,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,7,0,0,0,0,0,0,XNA,,0.1573197078245665,0.4329616670974407,0.0206,0.0407,0.9995,0.9932,0.0049,0.0,0.0345,0.0833,0.125,0.0101,0.0168,0.0168,0.0,0.0,0.021,0.0423,0.9995,0.9935,0.0049,0.0,0.0345,0.0833,0.125,0.0104,0.0184,0.0175,0.0,0.0,0.0208,0.0407,0.9995,0.9933,0.0049,0.0,0.0345,0.0833,0.125,0.0103,0.0171,0.0171,0.0,0.0,reg oper account,block of flats,0.0213,"Stone, brick",No,0.0,0.0,0.0,0.0,-1253.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,4.0 +1501980,337357,Consumer loans,3102.435,28750.5,25875.0,2875.5,28750.5,THURSDAY,16,Y,1,0.10892613725294896,,,XAP,Approved,-2290,Cash through the bank,XAP,Other_A,Repeater,Mobile,POS,XNA,Stone,1057,Consumer electronics,12.0,high,POS household with interest,,,,,,,0,Cash loans,M,N,Y,0,202500.0,450000.0,35685.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.026392000000000002,-10947,-2356,-4811.0,-3614,,1,1,0,1,0,0,Laborers,1.0,2,2,FRIDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.623458072718821,0.4135967602644276,0.2474,0.2226,0.9826,0.762,0.1214,0.0,0.5517,0.1667,,0.282,0.2017,0.2301,0.0,0.0,0.2521,0.231,0.9826,0.7713,0.1225,0.0,0.5517,0.1667,,0.2884,0.2204,0.2397,0.0,0.0,0.2498,0.2226,0.9826,0.7652,0.1222,0.0,0.5517,0.1667,,0.2869,0.2052,0.2342,0.0,0.0,reg oper spec account,block of flats,0.2079,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2092463,407213,Cash loans,52297.245,1354500.0,1354500.0,,1354500.0,SATURDAY,7,Y,1,,,,XNA,Approved,-596,XNA,XAP,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-566.0,484.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,180000.0,63000.0,3060.0,63000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.018801,-19319,-752,-10405.0,-2852,,1,1,0,1,0,0,Laborers,2.0,2,2,SUNDAY,8,0,0,0,0,1,1,Industry: type 4,,0.5492460454621718,0.38079968264891495,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1758.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2818302,198767,Consumer loans,28522.35,141696.0,149179.5,0.0,141696.0,FRIDAY,14,Y,1,0.0,,,XAP,Approved,-201,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,1500,Consumer electronics,6.0,middle,POS household with interest,365243.0,-171.0,-21.0,-21.0,-17.0,1.0,0,Cash loans,F,N,Y,0,180000.0,225000.0,24232.5,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.030755,-12615,-2079,-2546.0,-2585,,1,1,1,1,1,0,Sales staff,1.0,2,2,WEDNESDAY,16,1,1,0,1,1,0,Self-employed,0.4538727690488116,0.5958231869457908,0.30162489168411943,0.0722,0.0613,0.9811,,0.0891,0.0,0.1379,0.1667,0.0417,0.0204,0.0563,0.0391,0.0116,0.0164,0.0735,0.0636,0.9811,,0.0899,0.0,0.1379,0.1667,0.0417,0.0208,0.0615,0.0408,0.0117,0.0174,0.0729,0.0613,0.9811,,0.0897,0.0,0.1379,0.1667,0.0417,0.0207,0.0573,0.0398,0.0116,0.0167,reg oper account,block of flats,0.0487,"Stone, brick",No,0.0,0.0,0.0,0.0,-383.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1795743,279755,Cash loans,19699.2,405000.0,405000.0,,405000.0,WEDNESDAY,9,Y,1,,,,XNA,Refused,-175,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,Y,Y,0,112500.0,312003.0,17055.0,211500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010966,-11062,-3431,-720.0,-3703,4.0,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 2,,0.5856835312511854,0.32173528219668485,0.168,0.0938,0.9831,0.7688,0.0065,0.0,0.069,0.1667,0.2083,0.0773,0.1353,0.0722,0.0077,0.02,0.1712,0.0973,0.9831,0.7779,0.0065,0.0,0.069,0.1667,0.2083,0.0791,0.1478,0.0752,0.0078,0.0211,0.1697,0.0938,0.9831,0.7719,0.0065,0.0,0.069,0.1667,0.2083,0.0786,0.1377,0.0735,0.0078,0.0204,reg oper account,block of flats,0.0647,"Stone, brick",No,3.0,0.0,3.0,0.0,-1942.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2235289,406875,Cash loans,18082.305,157500.0,167895.0,,157500.0,TUESDAY,15,Y,1,,,,XNA,Approved,-646,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-616.0,-286.0,-286.0,-283.0,1.0,0,Revolving loans,M,Y,N,0,157500.0,450000.0,22500.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.032561,-21803,-656,-7429.0,-2990,11.0,1,1,0,1,0,0,High skill tech staff,2.0,1,1,THURSDAY,17,0,0,0,0,0,0,Electricity,,0.4303770405482394,0.5602843280409464,,,0.9409,,,,0.069,0.1458,,,,0.0347,,,,,0.9409,,,,0.069,0.125,,,,0.0262,,,,,0.9409,,,,0.069,0.1458,,,,0.0354,,,,,0.0255,,No,4.0,0.0,4.0,0.0,-307.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,7.0,1.0,5.0 +1483573,179246,Cash loans,,0.0,0.0,,0.0,WEDNESDAY,13,Y,1,,,,XNA,Refused,-1200,Cash through the bank,HC,Unaccompanied,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,67500.0,675000.0,21775.5,675000.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-20621,365243,-10746.0,-4180,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,XNA,,0.3830354805108179,0.4101025731788671,,,0.9856,,,0.24,0.2069,0.3333,,,,0.2432,,0.0122,,,0.9856,,,0.2417,0.2069,0.3333,,,,0.2534,,0.0129,,,0.9856,,,0.24,0.2069,0.3333,,,,0.2476,,0.0125,,block of flats,0.2201,Panel,No,7.0,2.0,7.0,1.0,-1782.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2813956,404148,Cash loans,7437.465,135000.0,161730.0,,135000.0,THURSDAY,11,Y,1,,,,XNA,Approved,-1312,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-1282.0,-232.0,-232.0,-224.0,1.0,0,Cash loans,F,N,N,0,54000.0,445500.0,16924.5,445500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.028663,-17409,-10236,-2942.0,-936,,1,1,1,1,0,0,Medicine staff,2.0,2,2,SUNDAY,9,0,0,0,0,0,0,Medicine,,0.5060534411665178,0.326475210066026,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2465571,324972,Cash loans,25992.54,337500.0,384277.5,,337500.0,SATURDAY,10,Y,1,,,,XNA,Approved,-954,Cash through the bank,XAP,Other_A,New,XNA,Cash,walk-in,Credit and cash offices,0,XNA,36.0,high,Cash Street: high,365243.0,-924.0,126.0,-174.0,-169.0,1.0,0,Revolving loans,F,N,N,1,135000.0,247500.0,12375.0,247500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.02461,-13562,-2917,-6824.0,-753,,1,1,0,1,0,0,Managers,3.0,2,2,MONDAY,17,0,0,0,0,0,0,Industry: type 11,,0.6604318755681441,0.4740512892789932,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2361813,296595,Cash loans,11812.41,112500.0,119925.0,,112500.0,MONDAY,10,Y,1,,,,XNA,Approved,-1344,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-1314.0,-984.0,-984.0,-981.0,1.0,0,Cash loans,F,Y,Y,0,99000.0,247275.0,17716.5,225000.0,Family,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-24838,365243,-3841.0,-4100,11.0,1,0,0,1,0,0,,2.0,2,2,MONDAY,11,0,0,0,0,0,0,XNA,,0.571277025681987,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1799.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2114384,278004,Revolving loans,4500.0,0.0,157500.0,,,FRIDAY,11,N,0,,,,XAP,Refused,-2685,XNA,XNA,,Repeater,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,157500.0,534204.0,42336.0,495000.0,Unaccompanied,Commercial associate,Incomplete higher,Single / not married,House / apartment,0.04622,-13212,-4726,-6634.0,-4295,,1,1,0,1,0,0,,1.0,1,1,TUESDAY,9,0,0,0,0,0,0,Self-employed,,0.741245192157021,,0.1031,,0.9762,0.6736,,0.0,0.1724,0.1667,0.2083,0.0,0.0824,0.0879,,0.0,0.105,,0.9762,0.6864,,0.0,0.1724,0.1667,0.2083,0.0,0.09,0.0916,,0.0,0.1041,,0.9762,0.6779999999999999,,0.0,0.1724,0.1667,0.2083,0.0,0.0838,0.0895,,0.0,,block of flats,0.0691,Panel,No,0.0,0.0,0.0,0.0,-1977.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1445721,190856,Cash loans,21503.97,180000.0,191880.0,,180000.0,TUESDAY,14,Y,1,,,,XNA,Refused,-2830,XNA,SCO,"Spouse, partner",Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,M,N,N,0,450000.0,763870.5,36747.0,607500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008473999999999999,-16097,-1380,-2220.0,-4481,,1,1,1,1,1,0,Laborers,2.0,2,2,THURSDAY,13,1,1,0,1,1,0,Construction,0.3094396840906975,0.6166372926426479,0.5513812618027899,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2200.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1833534,247413,Cash loans,7110.0,90000.0,90000.0,,90000.0,THURSDAY,10,Y,1,,,,XNA,Approved,-1426,Cash through the bank,XAP,Family,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),-1,XNA,24.0,high,Cash Street: high,365243.0,-1396.0,-706.0,-706.0,-702.0,0.0,1,Cash loans,F,N,N,0,247500.0,226422.0,20893.5,189000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009656999999999999,-14574,-2544,-1729.0,-1775,,1,1,0,1,1,0,Sales staff,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Self-employed,0.7317407920484551,0.6981165477894349,0.4992720153045617,0.0722,0.0535,0.9906,0.8708,0.0041,0.0,0.0345,0.1667,0.2083,0.0468,0.0588,0.0266,0.0,0.0,0.0735,0.0555,0.9906,0.8759,0.0041,0.0,0.0345,0.1667,0.2083,0.0479,0.0643,0.0278,0.0,0.0,0.0729,0.0535,0.9906,0.8725,0.0041,0.0,0.0345,0.1667,0.2083,0.0476,0.0599,0.0271,0.0,0.0,reg oper spec account,block of flats,0.0378,"Stone, brick",No,0.0,0.0,0.0,0.0,-2427.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2586349,155729,Cash loans,27798.3,495000.0,665892.0,,495000.0,THURSDAY,14,Y,1,,,,XNA,Approved,-1272,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,42.0,middle,Cash X-Sell: middle,365243.0,-1242.0,-12.0,-612.0,-604.0,1.0,0,Cash loans,F,Y,Y,0,337500.0,1319269.5,36409.5,1152000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-17992,-4266,-5467.0,-536,16.0,1,1,0,1,0,0,Cooking staff,2.0,1,1,TUESDAY,13,0,0,0,0,1,1,Government,,0.7050978753047009,0.5226973172821112,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2114.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,8.0 +2223572,433973,Cash loans,,0.0,0.0,,,THURSDAY,12,Y,1,,,,XNA,Refused,-55,XNA,HC,,Repeater,XNA,XNA,XNA,Contact center,-1,XNA,,XNA,Cash,,,,,,,1,Cash loans,F,N,Y,0,135000.0,450000.0,32877.0,450000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.028663,-21338,-7576,-13070.0,-4758,,1,1,0,1,0,0,Medicine staff,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Medicine,,0.538641231996015,0.02581001067551557,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-996.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +1585755,136232,Cash loans,8538.885,67500.0,71955.0,,67500.0,FRIDAY,9,Y,1,,,,XNA,Approved,-775,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Contact center,-1,XNA,12.0,high,Cash Street: high,365243.0,-745.0,-415.0,-535.0,-528.0,1.0,0,Cash loans,F,N,Y,0,211500.0,1078200.0,31522.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.030755,-17943,-447,-4628.0,-1429,,1,1,0,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Self-employed,,0.7349979701943912,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1047.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1798398,419789,Cash loans,19340.46,148500.0,179577.0,,148500.0,SUNDAY,16,Y,1,,,,XNA,Approved,-612,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-581.0,-251.0,-311.0,-304.0,0.0,0,Revolving loans,F,Y,Y,0,202500.0,135000.0,6750.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0031219999999999998,-17439,-3194,-4788.0,-978,2.0,1,1,0,1,0,0,Sales staff,2.0,3,3,WEDNESDAY,16,0,0,0,0,0,0,Self-employed,,0.4564213068449072,0.4206109640437848,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1676.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2101293,125919,Revolving loans,9000.0,180000.0,180000.0,,180000.0,MONDAY,10,Y,1,,,,XAP,Approved,-687,XNA,XAP,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-675.0,-644.0,365243.0,-279.0,-109.0,0.0,0,Cash loans,F,N,Y,0,81000.0,397017.0,19228.5,301500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.0031219999999999998,-17293,-3061,-10717.0,-845,,1,1,0,1,0,0,Core staff,2.0,3,3,TUESDAY,14,0,0,0,0,1,1,Postal,0.5080284059522321,0.5587714215266639,0.6430255641096323,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1695.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1500641,136488,Cash loans,32524.02,450000.0,497520.0,,450000.0,SATURDAY,12,Y,1,,,,XNA,Approved,-305,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-275.0,415.0,-125.0,-122.0,1.0,0,Cash loans,M,N,Y,0,225000.0,622413.0,31909.5,495000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.04622,-9149,-1217,-3438.0,-1812,,1,1,0,1,0,1,Laborers,1.0,1,1,WEDNESDAY,11,0,0,0,0,0,0,Other,,0.7018134736219578,0.7001838506835805,0.1031,0.1223,0.994,0.9184,,0.0,0.1724,0.1667,,,,0.1181,,0.0165,0.105,0.1269,0.994,0.9216,,0.0,0.1724,0.1667,,,,0.123,,0.0175,0.1041,0.1223,0.994,0.9195,,0.0,0.1724,0.1667,,,,0.1202,,0.0169,reg oper account,block of flats,0.1057,Panel,No,1.0,0.0,1.0,0.0,-1102.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1079109,281380,Revolving loans,9000.0,0.0,180000.0,,,SATURDAY,15,Y,1,,,,XAP,Approved,-2166,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,3500,Consumer electronics,0.0,XNA,Card X-Sell,-2161.0,-2097.0,365243.0,-1824.0,365243.0,0.0,0,Cash loans,F,N,Y,0,382500.0,675000.0,29862.0,675000.0,Unaccompanied,Pensioner,Higher education,Civil marriage,House / apartment,0.026392000000000002,-18419,365243,-5662.0,-1972,,1,0,0,1,1,1,,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,XNA,0.5981988935155831,0.6923527545896743,0.5585066276769286,0.3144,0.2496,0.9851,0.7959999999999999,0.1458,0.0,0.6897,0.1667,0.2083,0.3099,0.2564,0.2734,0.0,0.0,0.3204,0.259,0.9851,0.804,0.1471,0.0,0.6897,0.1667,0.2083,0.317,0.2801,0.2848,0.0,0.0,0.3175,0.2496,0.9851,0.7987,0.1467,0.0,0.6897,0.1667,0.2083,0.3153,0.2608,0.2783,0.0,0.0,reg oper account,block of flats,0.2506,Panel,No,1.0,0.0,1.0,0.0,-2650.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1255024,122917,Consumer loans,2757.6,31500.0,36490.5,0.0,31500.0,FRIDAY,9,Y,1,0.0,,,XAP,Approved,-693,XNA,XAP,Unaccompanied,Refreshed,Construction Materials,POS,XNA,Stone,16,Construction,18.0,middle,POS industry with interest,365243.0,-661.0,-151.0,-661.0,-656.0,0.0,0,Cash loans,M,Y,N,2,112500.0,808650.0,26217.0,675000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.019101,-11684,-3835,-2388.0,-4329,14.0,1,1,0,1,0,0,Security staff,4.0,2,2,FRIDAY,11,0,0,0,0,0,0,Security Ministries,,0.5313352762757125,0.656158373001177,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1806.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1440725,202386,Cash loans,20821.5,225000.0,225000.0,,225000.0,MONDAY,17,Y,1,,,,Wedding / gift / holiday,Approved,-272,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,12.0,low_action,Cash Street: low,365243.0,-241.0,89.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,Y,1,124438.5,135000.0,6750.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010966,-14627,-268,-1034.0,-5071,,1,1,1,1,0,0,Managers,3.0,2,2,MONDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.6538595680213771,,0.1557,0.0973,0.9796,0.7212,0.0297,0.16,0.1379,0.3333,,0.1219,,0.1396,,0.0,0.1586,0.1009,0.9796,0.7321,0.03,0.1611,0.1379,0.3333,,0.1247,,0.1455,,0.0,0.1572,0.0973,0.9796,0.7249,0.0299,0.16,0.1379,0.3333,,0.124,,0.1421,,0.0,org spec account,block of flats,0.1247,Panel,No,2.0,0.0,2.0,0.0,-729.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,,,,,, +2045195,151442,Consumer loans,3728.61,66595.5,79780.5,0.0,66595.5,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-1300,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Regional / Local,40,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1269.0,-579.0,-1059.0,-1054.0,0.0,0,Cash loans,F,N,Y,0,121500.0,1006920.0,38484.0,900000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-21522,365243,-4257.0,-4992,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,XNA,0.8854509719204422,0.7281836045358602,0.7238369900414456,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,0.0,9.0,0.0,-1300.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,0.0 +2394509,184908,Consumer loans,5824.665,129150.0,129150.0,0.0,129150.0,SATURDAY,10,Y,1,0.0,,,XAP,Approved,-1640,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Stone,246,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1609.0,-919.0,-1159.0,-1156.0,0.0,0,Cash loans,M,Y,N,1,126000.0,675000.0,32472.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-11499,-911,-2215.0,-3353,6.0,1,1,0,1,0,0,Laborers,3.0,2,2,MONDAY,14,0,0,0,0,1,1,Industry: type 9,,0.29820798521127484,0.7503751495159068,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-878.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2413818,117956,Cash loans,34423.74,553500.0,597339.0,,553500.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-14,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,135000.0,488934.0,34159.5,418500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.016612000000000002,-18418,-2939,-9811.0,-1973,,1,1,0,1,0,1,Sales staff,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Trade: type 7,,0.4629714474759764,0.6347055309763198,0.1227,0.0871,0.9767,0.6804,0.0603,0.0,0.2069,0.1667,0.2083,0.0,0.0874,0.0761,0.0579,0.0,0.125,0.0904,0.9767,0.6929,0.0608,0.0,0.2069,0.1667,0.2083,0.0,0.0955,0.0793,0.0584,0.0,0.1239,0.0871,0.9767,0.6847,0.0606,0.0,0.2069,0.1667,0.2083,0.0,0.0889,0.0775,0.0582,0.0,reg oper account,block of flats,0.0928,"Stone, brick",No,1.0,0.0,1.0,0.0,-14.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2833011,312853,Consumer loans,1231.47,9865.98,10842.48,0.0,9865.98,MONDAY,7,Y,1,0.0,,,XAP,Approved,-281,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,24,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-234.0,36.0,-84.0,-79.0,0.0,0,Cash loans,M,Y,Y,0,270000.0,1288350.0,37800.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.006305,-20050,-5024,-2626.0,-3598,13.0,1,1,0,1,0,0,Drivers,1.0,3,3,TUESDAY,6,0,0,0,0,1,1,Industry: type 9,,0.656048796510573,0.5172965813614878,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1389.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1431205,104934,Consumer loans,21561.255,299250.0,328878.0,0.0,299250.0,TUESDAY,6,Y,1,0.0,,,XAP,Approved,-532,Cash through the bank,XAP,,Repeater,Construction Materials,POS,XNA,Stone,17,Construction,18.0,low_normal,POS industry with interest,365243.0,-500.0,10.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,225000.0,1154362.5,33880.5,1008000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010032,-23450,-849,-13069.0,-4535,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,5,0,0,0,0,0,0,Business Entity Type 3,,0.7434827584958297,0.4668640059537032,0.0845,0.0802,0.9767,0.6804,0.0277,0.0,0.1379,0.1667,0.2083,0.0599,0.0639,0.0602,0.0154,0.0163,0.0861,0.0832,0.9767,0.6929,0.028,0.0,0.1379,0.1667,0.2083,0.0613,0.0698,0.0627,0.0156,0.0173,0.0854,0.0802,0.9767,0.6847,0.0279,0.0,0.1379,0.1667,0.2083,0.061,0.065,0.0613,0.0155,0.0167,reg oper account,block of flats,0.0498,"Stone, brick",No,0.0,0.0,0.0,0.0,-1331.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2605379,327673,Consumer loans,15489.135,169132.5,169132.5,0.0,169132.5,WEDNESDAY,12,Y,1,0.0,,,XAP,Approved,-847,Cash through the bank,XAP,Unaccompanied,Repeater,Clothing and Accessories,POS,XNA,Regional / Local,20,Clothing,12.0,low_action,POS industry without interest,,,,,,,1,Cash loans,F,N,Y,0,157500.0,835380.0,42781.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.04622,-18119,-3208,-6798.0,-1666,,1,1,0,1,0,0,Cooking staff,1.0,1,1,WEDNESDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.6163115679429557,0.6817058776720116,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1058.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1282880,265536,Consumer loans,4257.9,31311.0,30483.0,3150.0,31311.0,TUESDAY,10,Y,1,0.10200209210110196,,,XAP,Approved,-1339,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,57,Connectivity,10.0,high,POS mobile with interest,365243.0,-1308.0,-1038.0,-1038.0,-1033.0,0.0,0,Cash loans,F,Y,N,1,180000.0,679500.0,36202.5,679500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010147,-11675,-151,-5610.0,-3279,13.0,1,1,0,1,1,0,,3.0,2,2,WEDNESDAY,19,0,0,0,1,1,0,Business Entity Type 3,0.5870790711061692,0.49853129284375397,0.11836432636740067,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1714.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1919284,442516,Cash loans,14547.6,405000.0,405000.0,,405000.0,WEDNESDAY,13,Y,1,,,,XNA,Approved,-364,Cash through the bank,XAP,"Spouse, partner",Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-332.0,1078.0,-92.0,-87.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,234000.0,13563.0,234000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.031329,-11608,-328,-2023.0,-3285,15.0,1,1,0,1,0,0,Managers,2.0,2,2,WEDNESDAY,7,0,0,0,0,0,0,Transport: type 4,0.4776956552362021,0.634814956217392,0.5884877883422673,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,0.0,8.0,0.0,-365.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,4.0 +2235790,433054,Consumer loans,6414.75,40491.0,40446.0,45.0,40491.0,SATURDAY,9,Y,1,0.0012103699812079447,,,XAP,Approved,-2898,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Regional / Local,495,Consumer electronics,8.0,high,POS household with interest,365243.0,-2867.0,-2657.0,-2657.0,-2596.0,0.0,0,Cash loans,M,N,Y,0,324000.0,1078200.0,31653.0,900000.0,Family,Working,Higher education,Married,House / apartment,0.025164,-17949,-241,-9308.0,-1502,,1,1,1,1,1,0,,2.0,2,2,SATURDAY,13,0,1,1,0,1,1,Business Entity Type 2,,0.1774246567176,0.6832688314232291,0.0619,0.0415,0.9757,0.6668,0.0081,0.0,0.1034,0.1667,0.2083,0.05,0.0504,0.0502,0.0039,0.0052,0.063,0.0431,0.9757,0.6798,0.0082,0.0,0.1034,0.1667,0.2083,0.0512,0.0551,0.0523,0.0039,0.0055,0.0625,0.0415,0.9757,0.6713,0.0082,0.0,0.1034,0.1667,0.2083,0.0509,0.0513,0.0511,0.0039,0.0053,reg oper account,block of flats,0.0451,"Stone, brick",No,0.0,0.0,0.0,0.0,-196.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1612219,413539,Revolving loans,18000.0,360000.0,360000.0,,360000.0,THURSDAY,6,Y,1,,,,XAP,Refused,-173,XNA,HC,Unaccompanied,Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,1,Cash loans,F,N,Y,2,157500.0,225000.0,11074.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.014519999999999996,-17791,-2596,-9942.0,-1322,,1,1,0,1,0,0,,3.0,2,2,TUESDAY,6,0,0,0,0,0,0,Government,,0.3855190180322506,0.375711009574066,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-173.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1688032,391805,Consumer loans,15486.66,187236.0,149787.0,37449.0,187236.0,FRIDAY,14,Y,1,0.21782865183268948,,,XAP,Approved,-433,Cash through the bank,XAP,,New,Construction Materials,POS,XNA,Regional / Local,20,Construction,12.0,middle,POS industry with interest,365243.0,-402.0,-72.0,-252.0,-249.0,0.0,0,Cash loans,M,Y,Y,1,225000.0,1671210.0,48996.0,1395000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008019,-16605,-646,-624.0,-128,16.0,1,1,0,1,0,0,Laborers,3.0,2,2,THURSDAY,13,0,1,1,0,0,0,Business Entity Type 3,0.12334558986722488,0.39903041568689,0.445396241560834,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-126.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1843714,309523,Consumer loans,10376.775,94828.5,85342.5,9486.0,94828.5,WEDNESDAY,16,Y,1,0.10894526818030824,,,XAP,Approved,-24,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,34,Connectivity,12.0,high,POS mobile with interest,365243.0,365243.0,348.0,365243.0,365243.0,0.0,1,Cash loans,F,N,Y,1,81000.0,254700.0,20250.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.009656999999999999,-7826,-681,-3882.0,-95,,1,1,0,1,0,0,High skill tech staff,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,Self-employed,,0.12152957107750847,,0.0186,0.0445,0.9826,0.762,0.0,0.0,0.1034,0.0417,0.0833,0.0077,0.0151,0.0157,0.0,0.0045,0.0189,0.0462,0.9826,0.7713,0.0,0.0,0.1034,0.0417,0.0833,0.0079,0.0165,0.0164,0.0,0.0048,0.0187,0.0445,0.9826,0.7652,0.0,0.0,0.1034,0.0417,0.0833,0.0079,0.0154,0.016,0.0,0.0046,reg oper account,block of flats,0.0134,Panel,No,0.0,0.0,0.0,0.0,-24.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2391175,172321,Consumer loans,9368.91,82656.0,91386.0,0.0,82656.0,MONDAY,11,Y,1,0.0,,,XAP,Approved,-490,Cash through the bank,XAP,,Repeater,Construction Materials,POS,XNA,Stone,50,Construction,12.0,middle,POS industry with interest,365243.0,-459.0,-129.0,-159.0,-155.0,0.0,0,Cash loans,M,Y,Y,0,234000.0,755190.0,31995.0,675000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-23481,-679,-2887.0,-4318,0.0,1,1,1,1,1,0,Drivers,2.0,2,2,MONDAY,8,0,0,0,0,0,0,Business Entity Type 2,,0.5785289745004805,0.3774042489507649,0.0742,0.0532,0.9876,0.83,0.0466,0.08,0.069,0.3333,0.375,0.0147,0.058,0.0706,0.0116,0.0141,0.0756,0.0552,0.9876,0.8367,0.047,0.0806,0.069,0.3333,0.375,0.015,0.0634,0.0735,0.0117,0.0149,0.0749,0.0532,0.9876,0.8323,0.0469,0.08,0.069,0.3333,0.375,0.015,0.059,0.0718,0.0116,0.0144,reg oper account,block of flats,0.0586,Block,No,8.0,0.0,8.0,0.0,-1414.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1561267,399593,Consumer loans,4535.235,24615.0,23323.5,2461.5,24615.0,THURSDAY,16,Y,1,0.1039673171505632,,,XAP,Approved,-764,XNA,XAP,,New,Mobile,POS,XNA,Country-wide,10,Connectivity,6.0,high,POS mobile with interest,365243.0,-733.0,-583.0,-673.0,-670.0,0.0,0,Cash loans,F,N,Y,0,112500.0,675000.0,29862.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-22433,365243,-1854.0,-4915,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,XNA,,0.4358373008469464,0.8193176922872417,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-197.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1981784,313572,Consumer loans,5166.0,78750.0,78750.0,0.0,78750.0,SATURDAY,5,Y,1,0.0,,,XAP,Refused,-1427,Cash through the bank,LIMIT,Unaccompanied,Repeater,Clothing and Accessories,POS,XNA,Regional / Local,78,Clothing,18.0,low_normal,POS industry with interest,,,,,,,0,Cash loans,F,N,Y,0,121500.0,668304.0,32148.0,540000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.008068,-9689,-1386,-330.0,-185,,1,1,0,1,0,0,,2.0,3,3,FRIDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.17792096298753346,0.2831734502152948,,0.1402,,0.9786,,,0.0,0.0345,0.1667,,0.0167,,0.0459,,0.0,0.1429,,0.9786,,,0.0,0.0345,0.1667,,0.0171,,0.0478,,0.0,0.1416,,0.9786,,,0.0,0.0345,0.1667,,0.017,,0.0467,,0.0,,block of flats,0.0529,"Stone, brick",No,1.0,0.0,1.0,0.0,-1543.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1342022,329462,Cash loans,32113.26,387000.0,387000.0,,387000.0,FRIDAY,12,Y,1,,,,XNA,Refused,-770,Cash through the bank,LIMIT,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,Y,Y,0,180000.0,312768.0,22887.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.008473999999999999,-10588,-1668,-4342.0,-899,14.0,1,1,0,1,0,0,Laborers,1.0,2,2,FRIDAY,10,0,0,0,0,1,1,Other,0.4882837721916422,0.4338865008621997,0.6058362647264226,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1350.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1756491,280955,Consumer loans,9082.98,63855.0,69124.5,0.0,63855.0,FRIDAY,12,Y,1,0.0,,,XAP,Approved,-2405,Cash through the bank,XAP,Children,New,Computers,POS,XNA,Country-wide,200,Consumer electronics,10.0,high,POS household with interest,365243.0,-2374.0,-2104.0,-2194.0,-2172.0,1.0,0,Cash loans,F,N,Y,0,126000.0,298512.0,17266.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-20444,-4982,-557.0,-3962,,1,1,0,1,1,0,Laborers,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Business Entity Type 2,,0.5800691653140029,0.5744466170995097,0.0856,0.0475,0.9856,0.8028,0.0355,0.08,0.0345,0.4583,0.5,0.2194,0.0698,0.0765,0.0,0.0,0.0872,0.0493,0.9856,0.8105,0.0358,0.0806,0.0345,0.4583,0.5,0.2245,0.0762,0.0797,0.0,0.0,0.0864,0.0475,0.9856,0.8054,0.0357,0.08,0.0345,0.4583,0.5,0.2233,0.071,0.0778,0.0,0.0,reg oper account,block of flats,0.0795,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1969508,401589,Consumer loans,6008.04,65119.5,58603.5,6516.0,65119.5,TUESDAY,18,Y,1,0.1089768251236014,,,XAP,Approved,-290,Cash through the bank,XAP,Family,New,Clothing and Accessories,POS,XNA,Stone,5,Clothing,12.0,middle,POS industry with interest,365243.0,-258.0,72.0,-138.0,-131.0,0.0,0,Cash loans,F,N,Y,0,85500.0,509922.0,26788.5,472500.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.008473999999999999,-20980,-1609,-2170.0,-4214,,1,1,0,1,0,0,Laborers,1.0,2,2,FRIDAY,17,0,0,0,0,0,0,Self-employed,,0.7145960420861337,,0.0371,0.053,0.9791,0.7144,0.0045,0.0,0.1379,0.0833,0.125,0.0,0.0294,0.031,0.0039,0.0044,0.0378,0.055,0.9791,0.7256,0.0046,0.0,0.1379,0.0833,0.125,0.0,0.0321,0.0323,0.0039,0.0047,0.0375,0.053,0.9791,0.7182,0.0046,0.0,0.1379,0.0833,0.125,0.0,0.0299,0.0315,0.0039,0.0045,reg oper account,block of flats,0.0253,Panel,No,1.0,0.0,0.0,0.0,-290.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1726551,380190,Consumer loans,6913.665,33705.0,37377.0,0.0,33705.0,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-15,XNA,XAP,Unaccompanied,Refreshed,Furniture,POS,XNA,Stone,50,Furniture,6.0,low_normal,POS industry with interest,365243.0,365243.0,172.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,1,90000.0,286704.0,22779.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.008575,-13404,-3862,-6789.0,-4241,,1,1,0,1,0,0,Laborers,3.0,2,2,TUESDAY,12,0,0,0,0,0,0,Self-employed,0.4780794219132741,0.6288430801689749,0.36896873825284665,0.0247,,0.9851,0.7959999999999999,0.0026,0.0,0.069,0.0833,0.125,0.0,0.0202,0.0245,0.0,0.0,0.0252,,0.9851,0.804,0.0026,0.0,0.069,0.0833,0.125,0.0,0.022,0.0255,0.0,0.0,0.025,,0.9851,0.7987,0.0026,0.0,0.069,0.0833,0.125,0.0,0.0205,0.025,0.0,0.0,reg oper account,block of flats,0.0207,Block,No,1.0,0.0,1.0,0.0,-1306.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1537023,238171,Cash loans,11061.0,90000.0,90000.0,0.0,90000.0,FRIDAY,13,Y,1,0.0,,,XNA,Approved,-2695,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,10.0,middle,Cash Street: middle,365243.0,-2665.0,-2395.0,-2395.0,-2385.0,0.0,0,Cash loans,M,N,Y,0,225000.0,582768.0,56902.5,540000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.031329,-10270,-1035,-924.0,-2940,,1,1,0,1,0,0,Managers,1.0,2,2,FRIDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.3771154660673242,0.6075573001388961,0.1278,0.1727,0.9776,0.6940000000000001,0.0191,0.0,0.2759,0.1667,0.2083,0.1435,0.1042,0.122,0.0,0.0,0.1303,0.1792,0.9777,0.706,0.0192,0.0,0.2759,0.1667,0.2083,0.1468,0.1139,0.1271,0.0,0.0,0.1291,0.1727,0.9776,0.6981,0.0192,0.0,0.2759,0.1667,0.2083,0.146,0.106,0.1242,0.0,0.0,reg oper account,block of flats,0.1064,Block,No,1.0,1.0,1.0,1.0,-374.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1698984,441109,Consumer loans,,53500.5,53500.5,0.0,53500.5,FRIDAY,10,Y,1,0.0,,,XAP,Refused,-530,Cash through the bank,SCO,,Repeater,Mobile,XNA,XNA,Country-wide,35,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,M,N,Y,0,135000.0,414792.0,25195.5,315000.0,Family,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.008575,-17287,-1610,-6631.0,-825,,1,1,0,1,0,0,Laborers,1.0,2,2,WEDNESDAY,10,0,0,0,0,1,1,Business Entity Type 3,,0.5486721107342697,0.8083935912119442,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1959.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1787254,217702,Cash loans,20482.425,270000.0,292455.0,,270000.0,THURSDAY,13,Y,1,,,,XNA,Approved,-1633,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-1603.0,-1093.0,-1333.0,-1329.0,1.0,0,Cash loans,F,N,Y,0,225000.0,360000.0,28570.5,360000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.028663,-22100,-14247,-10496.0,-4345,,1,1,0,1,0,0,Medicine staff,1.0,2,2,SATURDAY,14,0,0,0,0,1,1,Medicine,,0.4073546045527177,0.14734591802757252,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2687454,114567,Consumer loans,4154.535,20205.0,20205.0,0.0,20205.0,SATURDAY,10,Y,1,0.0,,,XAP,Approved,-479,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,47,Connectivity,6.0,high,POS mobile with interest,365243.0,-431.0,-281.0,-311.0,-303.0,0.0,0,Cash loans,F,Y,Y,1,247500.0,314100.0,19111.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.010032,-10095,-1456,-677.0,-2772,23.0,1,1,0,1,0,0,Sales staff,3.0,2,2,TUESDAY,4,0,0,0,0,1,1,Trade: type 7,,0.3667056407588192,0.3360615207658242,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-669.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1466870,350176,Consumer loans,8019.54,61425.0,66829.5,0.0,61425.0,THURSDAY,12,Y,1,0.0,,,XAP,Approved,-1055,Non-cash from your account,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,514,Furniture,10.0,middle,POS industry with interest,365243.0,-1024.0,-754.0,-754.0,-750.0,0.0,0,Cash loans,F,N,Y,0,94500.0,269550.0,12001.5,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.031329,-16780,-3886,-2265.0,-305,,1,1,1,1,0,0,Sales staff,1.0,2,2,TUESDAY,9,0,0,0,0,0,0,Self-employed,,0.587672004591397,0.7366226976503176,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1762.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2056195,261323,Consumer loans,5330.295,50760.0,45675.0,5085.0,50760.0,SUNDAY,12,Y,1,0.10910219213410703,,,XAP,Approved,-2711,Cash through the bank,XAP,Children,New,Mobile,POS,XNA,Stone,76,Connectivity,12.0,high,POS mobile with interest,365243.0,-2680.0,-2350.0,-2350.0,-2340.0,0.0,0,Revolving loans,F,N,Y,0,54000.0,202500.0,10125.0,202500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010966,-14862,-3720,-841.0,-4148,,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,16,0,0,0,0,0,0,Self-employed,,0.5452692120114947,0.5971924268337128,0.0577,0.0329,0.9811,,,0.0,0.1379,0.1667,,0.0958,,0.0531,,0.1166,0.0588,0.0342,0.9811,,,0.0,0.1379,0.1667,,0.098,,0.0553,,0.1234,0.0583,0.0329,0.9811,,,0.0,0.1379,0.1667,,0.0975,,0.0541,,0.119,,block of flats,0.0418,"Stone, brick",No,0.0,0.0,0.0,0.0,-2711.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,8.0 +1001529,337678,Cash loans,39096.855,900000.0,1004544.0,,900000.0,TUESDAY,10,Y,1,,,,XNA,Approved,-469,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-439.0,971.0,-349.0,-345.0,1.0,0,Revolving loans,F,N,N,1,90000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Incomplete higher,Single / not married,With parents,0.01885,-10275,-950,-8399.0,-2957,,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.08419926141999738,0.5830278942476951,,0.1227,0.0969,0.9796,0.7212,0.0158,0.0,0.2759,0.1667,0.2083,0.0418,0.1,0.1037,0.0,0.0,0.125,0.1005,0.9796,0.7321,0.0159,0.0,0.2759,0.1667,0.2083,0.0428,0.1093,0.108,0.0,0.0,0.1239,0.0969,0.9796,0.7249,0.0159,0.0,0.2759,0.1667,0.2083,0.0425,0.1018,0.1056,0.0,0.0,reg oper account,block of flats,0.0902,Panel,No,5.0,0.0,5.0,0.0,-1227.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1948134,185482,Revolving loans,2250.0,45000.0,45000.0,,45000.0,TUESDAY,15,Y,1,,,,XAP,Approved,-99,XNA,XAP,Family,Refreshed,XNA,Cards,walk-in,Credit and cash offices,0,XNA,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,135000.0,545040.0,26640.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-17419,-1075,-10127.0,-953,,1,1,0,1,0,0,Accountants,2.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,Self-employed,0.39240629390903176,0.7437412441916065,0.19294222771695085,0.1227,0.1205,0.9861,0.8096,0.0157,0.0,0.2759,0.1667,0.2083,0.0394,0.1,0.104,0.0,0.0,0.125,0.125,0.9861,0.8171,0.0159,0.0,0.2759,0.1667,0.2083,0.0403,0.1093,0.1083,0.0,0.0,0.1239,0.1205,0.9861,0.8121,0.0158,0.0,0.2759,0.1667,0.2083,0.0401,0.1018,0.1058,0.0,0.0,reg oper account,block of flats,0.0904,Panel,No,2.0,1.0,2.0,1.0,-141.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1171157,235177,Consumer loans,4155.525,36000.0,35608.5,3600.0,36000.0,TUESDAY,12,Y,1,0.0999968698809511,,,XAP,Approved,-2611,Non-cash from your account,XAP,,New,Other,POS,XNA,Stone,150,Industry,12.0,low_normal,POS other with interest,365243.0,-2574.0,-2244.0,-2244.0,-2242.0,1.0,0,Cash loans,F,Y,Y,1,103500.0,675000.0,41427.0,675000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.015221,-13285,-2127,-6752.0,-2135,6.0,1,1,0,1,0,0,Core staff,3.0,2,2,TUESDAY,13,0,0,0,1,0,1,Self-employed,0.40352656843446144,0.464771540163717,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2530.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1418088,174778,Consumer loans,10582.02,44955.0,37143.0,9000.0,44955.0,WEDNESDAY,8,Y,1,0.212422646594677,,,XAP,Approved,-2470,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,45,Connectivity,4.0,low_normal,POS mobile with interest,365243.0,-2439.0,-2349.0,-2349.0,-2347.0,1.0,0,Cash loans,F,N,Y,0,202500.0,824823.0,24246.0,688500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-14436,-4160,-1413.0,-2244,,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,9,0,0,0,1,1,0,Self-employed,0.4481975735495119,0.6196310776518962,0.5902333386185574,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1894.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1752348,115762,Consumer loans,10998.495,89955.9,87637.5,8996.4,89955.9,FRIDAY,15,Y,1,0.1013919282420088,,,XAP,Approved,-2853,Cash through the bank,XAP,"Spouse, partner",New,Computers,POS,XNA,Country-wide,1700,Consumer electronics,10.0,high,POS household with interest,365243.0,-2822.0,-2552.0,-2582.0,-2578.0,1.0,1,Cash loans,M,N,Y,0,135000.0,475159.5,24390.0,355500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008473999999999999,-12761,-4462,-1362.0,-4126,,1,1,0,1,0,0,Core staff,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Government,0.3001870476116971,0.6480713407685634,0.6754132910917112,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1561.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1033683,104836,Consumer loans,12903.12,112455.0,112455.0,0.0,112455.0,TUESDAY,20,Y,1,0.0,,,XAP,Approved,-97,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Country-wide,35,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-66.0,204.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,180000.0,495000.0,16488.0,495000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.005313,-20176,-2121,-5344.0,-804,12.0,1,1,0,1,0,0,Core staff,1.0,2,2,MONDAY,17,0,0,0,0,0,0,Kindergarten,0.3993847239447776,0.4627757243359564,0.5136937663039473,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-97.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2672677,192077,Consumer loans,16729.605,179118.0,179118.0,0.0,179118.0,WEDNESDAY,10,Y,1,0.0,,,XAP,Approved,-1042,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Regional / Local,200,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-1011.0,-681.0,-711.0,-694.0,0.0,0,Cash loans,M,Y,N,0,166500.0,702000.0,27319.5,702000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.031329,-15131,-1196,-5611.0,-4390,6.0,1,1,0,1,1,0,Managers,2.0,2,2,TUESDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.6635945603970225,0.1217889482798988,0.6769925032909132,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,0.0,-1042.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2731000,243986,Revolving loans,3375.0,67500.0,67500.0,,67500.0,WEDNESDAY,17,Y,1,,,,XAP,Approved,-246,XNA,XAP,Family,Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-234.0,-204.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,135000.0,301464.0,20277.0,238500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-12974,-571,-6732.0,-4193,,1,1,0,1,0,1,Core staff,2.0,2,2,THURSDAY,12,0,0,0,0,1,1,Business Entity Type 3,,0.08274157357816292,0.180887977767074,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2234.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2290340,241675,Cash loans,11470.545,112500.0,123637.5,,112500.0,FRIDAY,10,Y,1,,,,XNA,Approved,-732,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-702.0,-192.0,-192.0,-184.0,1.0,0,Cash loans,M,Y,Y,0,225000.0,526491.0,31482.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-19943,-2926,-47.0,-2951,19.0,1,1,0,1,0,0,Drivers,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Transport: type 4,,0.6124830398451773,0.8327850252992314,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1431.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2772791,440863,Cash loans,9989.19,45000.0,52051.5,,45000.0,FRIDAY,10,Y,1,,,,XNA,Approved,-669,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-639.0,-489.0,-489.0,-485.0,1.0,0,Cash loans,M,Y,Y,2,135000.0,358443.0,13639.5,252000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.016612000000000002,-11361,-526,-3480.0,-3970,18.0,1,1,0,1,1,0,Laborers,3.0,2,2,TUESDAY,14,0,0,0,0,0,0,Industry: type 7,0.26058726033334456,0.4113464175035096,0.7992967832109371,0.0835,0.0475,0.9836,0.7756,0.0172,0.08,0.0345,0.4583,0.5,0.0554,0.0681,0.0762,0.0039,0.0081,0.0851,0.0493,0.9836,0.7844,0.0174,0.0806,0.0345,0.4583,0.5,0.0567,0.0744,0.0794,0.0039,0.0086,0.0843,0.0475,0.9836,0.7786,0.0173,0.08,0.0345,0.4583,0.5,0.0564,0.0693,0.0776,0.0039,0.0083,reg oper account,block of flats,0.0712,"Stone, brick",No,0.0,0.0,0.0,0.0,-1601.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1529161,164715,Cash loans,50834.565,450000.0,470790.0,,450000.0,SATURDAY,17,Y,1,,,,Everyday expenses,Refused,-445,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,135000.0,830214.0,24403.5,693000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.072508,-20187,365243,-10408.0,-3729,,1,0,0,1,1,1,,2.0,1,1,WEDNESDAY,17,0,0,0,0,0,0,XNA,0.9181921260143596,0.7501518099436174,0.5762088360175724,0.2588,0.1119,0.9856,0.8028,0.0837,0.4,0.1724,0.5417,0.0417,0.0,0.2085,0.2433,0.0116,0.0117,0.2637,0.1161,0.9856,0.8105,0.0845,0.4028,0.1724,0.5417,0.0417,0.0,0.2277,0.2535,0.0117,0.0124,0.2613,0.1119,0.9856,0.8054,0.0842,0.4,0.1724,0.5417,0.0417,0.0,0.2121,0.2477,0.0116,0.012,reg oper account,block of flats,0.1939,Panel,No,0.0,0.0,0.0,0.0,-814.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1375781,144155,Cash loans,10127.88,135000.0,193428.0,,135000.0,MONDAY,11,Y,1,,,,Repairs,Refused,-289,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,middle,Cash Street: middle,,,,,,,1,Cash loans,F,N,N,0,67500.0,450000.0,21888.0,450000.0,Family,State servant,Secondary / secondary special,Married,With parents,0.035792000000000004,-11663,-2813,-2163.0,-1204,,1,1,1,1,1,0,Medicine staff,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Medicine,0.38954166347439295,0.6680640794648051,0.11836432636740067,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1293.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1769124,131107,Consumer loans,3818.34,17955.0,19377.0,0.0,17955.0,SUNDAY,18,Y,1,0.0,,,XAP,Approved,-85,Cash through the bank,XAP,Unaccompanied,Refreshed,Computers,POS,XNA,Country-wide,140,Consumer electronics,6.0,middle,POS household with interest,365243.0,-55.0,95.0,365243.0,365243.0,1.0,0,Revolving loans,F,N,Y,0,126000.0,270000.0,13500.0,270000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.02461,-9437,-2198,-4178.0,-937,,1,1,0,1,1,0,Core staff,2.0,2,2,MONDAY,16,0,0,0,0,0,0,School,0.26990829404772515,0.5442496722276691,,0.0742,0.0452,0.9846,,,0.08,0.069,0.3333,,0.044,,0.0767,,0.0,0.0756,0.0469,0.9846,,,0.0806,0.069,0.3333,,0.045,,0.0799,,0.0,0.0749,0.0452,0.9846,,,0.08,0.069,0.3333,,0.0448,,0.0781,,0.0,,block of flats,0.0699,Panel,No,0.0,0.0,0.0,0.0,-1860.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1442781,126153,Cash loans,27449.82,450000.0,491580.0,,450000.0,WEDNESDAY,13,Y,1,,,,XNA,Approved,-562,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-532.0,158.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,180000.0,584766.0,28260.0,472500.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.003069,-23041,365243,-9324.0,-4781,,1,0,0,1,1,0,,2.0,3,3,FRIDAY,13,0,0,0,0,0,0,XNA,,0.4738884322608505,0.7338145369642702,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2463591,373268,Cash loans,22965.075,270000.0,329958.0,,270000.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-963,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-932.0,-422.0,-902.0,-896.0,0.0,0,Cash loans,F,N,Y,0,157500.0,1291500.0,49320.0,1188000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-17914,-236,-4370.0,-1467,,1,1,0,1,0,0,Sales staff,2.0,2,2,SUNDAY,10,0,0,0,0,0,0,Trade: type 7,,0.5507668759449919,0.8277026681625442,,0.265,0.9921,,,0.28,0.2414,0.3333,,,,0.2732,,,,0.275,0.9921,,,0.282,0.2414,0.3333,,,,0.2846,,,,0.265,0.9921,,,0.28,0.2414,0.3333,,,,0.2781,,,,,0.2148,"Stone, brick",No,0.0,0.0,0.0,0.0,-655.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2407953,369853,Consumer loans,7324.2,84599.55,91210.5,8464.05,84599.55,TUESDAY,17,Y,1,0.09248218235337813,,,XAP,Approved,-1719,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Regional / Local,124,Consumer electronics,24.0,high,POS household with interest,365243.0,-1688.0,-998.0,-1208.0,-1189.0,0.0,0,Cash loans,F,Y,Y,2,157500.0,780363.0,33192.0,697500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.031329,-11061,-4037,-420.0,-3130,4.0,1,1,0,1,0,0,Accountants,4.0,2,2,SATURDAY,14,0,0,0,0,0,0,Government,0.4698855286653296,0.5986899067778628,0.3139166772114369,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1756.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1872347,439308,Consumer loans,11836.755,55534.5,44424.0,11110.5,55534.5,WEDNESDAY,14,Y,1,0.2178887816664333,,,XAP,Approved,-745,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,39,Connectivity,4.0,middle,POS mobile without interest,365243.0,-663.0,-573.0,-573.0,-566.0,0.0,0,Cash loans,F,N,Y,0,135000.0,1125000.0,59940.0,1125000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.020713,-18053,-1770,-1726.0,-1591,,1,1,1,1,1,0,High skill tech staff,2.0,3,1,SATURDAY,8,0,0,0,0,0,0,Trade: type 6,0.6328726788680853,0.6269629123399858,0.4507472818545589,0.0771,0.0,0.9727,0.626,0.0162,0.0,0.1379,0.1667,0.0,0.0395,0.153,0.0597,0.0193,0.0161,0.0336,0.0,0.9727,0.6406,0.0163,0.0,0.069,0.1667,0.0,0.0162,0.1671,0.0266,0.0195,0.0,0.0416,0.0,0.9727,0.631,0.0163,0.0,0.069,0.1667,0.0,0.0244,0.1556,0.0328,0.0194,0.0137,reg oper account,block of flats,0.0252,"Stone, brick",No,3.0,0.0,3.0,0.0,-1386.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2102248,382668,Consumer loans,5582.655,42745.5,53991.0,0.0,42745.5,MONDAY,14,Y,1,0.0,,,XAP,Approved,-288,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Country-wide,2170,Consumer electronics,12.0,middle,POS household with interest,365243.0,-257.0,73.0,365243.0,365243.0,0.0,0,Revolving loans,M,N,Y,1,135000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.010276,-15296,-380,-7914.0,-4073,,1,1,0,1,0,0,Security staff,2.0,2,2,TUESDAY,12,0,0,0,1,1,0,Industry: type 3,,0.6229188929342517,0.326475210066026,0.0928,0.0662,0.9796,,,0.0,0.2069,0.1667,,0.0572,,0.0533,,0.1086,0.0945,0.0687,0.9796,,,0.0,0.2069,0.1667,,0.0585,,0.0555,,0.115,0.0937,0.0662,0.9796,,,0.0,0.2069,0.1667,,0.0582,,0.0542,,0.1109,,block of flats,0.0719,Panel,No,0.0,0.0,0.0,0.0,-288.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1986520,300623,Revolving loans,11250.0,225000.0,225000.0,,225000.0,MONDAY,14,Y,1,,,,XAP,Refused,-519,XNA,SCOFR,,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),100,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,Y,N,0,135000.0,161730.0,9900.0,135000.0,Other_A,Working,Lower secondary,Civil marriage,House / apartment,0.01885,-10445,-742,-958.0,-1935,24.0,1,1,1,1,1,0,Laborers,2.0,2,2,TUESDAY,11,0,0,0,0,1,1,Construction,,0.2815605125657308,0.3910549766342248,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1890928,296111,Consumer loans,16490.88,154440.0,167692.5,0.0,154440.0,SATURDAY,9,Y,1,0.0,,,XAP,Approved,-212,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Regional / Local,1050,Consumer electronics,12.0,middle,POS household with interest,365243.0,-181.0,149.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,N,1,135000.0,180000.0,9000.0,180000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,Municipal apartment,0.006629,-13898,-379,-7405.0,-4725,,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Self-employed,,0.6352508183430403,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-212.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1348147,390579,Cash loans,20160.0,180000.0,180000.0,0.0,180000.0,WEDNESDAY,11,Y,1,0.0,,,Repairs,Refused,-2086,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,N,0,135000.0,1042560.0,34587.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.02461,-23764,-3256,-11352.0,-4016,,1,1,0,1,1,0,Cleaning staff,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 2,,0.4065102067356057,0.8650561757350248,0.0711,0.0944,0.9786,,,0.04,0.0345,0.3333,,0.0823,,0.0499,,0.0573,0.0725,0.0979,0.9786,,,0.0403,0.0345,0.3333,,0.0842,,0.052000000000000005,,0.0607,0.0718,0.0944,0.9786,,,0.04,0.0345,0.3333,,0.0838,,0.0508,,0.0585,,block of flats,0.0563,"Stone, brick",No,0.0,0.0,0.0,0.0,-1790.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +2482392,345051,Consumer loans,4384.62,17100.0,15390.0,1710.0,17100.0,TUESDAY,8,Y,1,0.1089090909090909,,,XAP,Approved,-2264,Cash through the bank,XAP,,New,Mobile,POS,XNA,Stone,72,Connectivity,4.0,high,POS mobile with interest,365243.0,-2226.0,-2136.0,-2136.0,-2133.0,0.0,0,Cash loans,F,N,Y,0,54000.0,215640.0,15466.5,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-18499,-11812,-9688.0,-217,,1,1,0,1,0,0,High skill tech staff,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.8036379233264727,0.054071048154409176,0.8128226070575616,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-13.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2805288,185260,Consumer loans,5489.055,45967.5,34609.5,13500.0,45967.5,TUESDAY,16,Y,1,0.3056096461764781,,,XAP,Approved,-2368,XNA,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,30,Connectivity,8.0,low_normal,POS mobile with interest,365243.0,-2337.0,-2127.0,-2157.0,-2139.0,1.0,0,Cash loans,F,N,N,0,90000.0,314055.0,16573.5,238500.0,Unaccompanied,Working,Secondary / secondary special,Separated,With parents,0.031329,-15229,-2150,-6455.0,-4868,,1,1,0,1,0,0,Cleaning staff,1.0,2,2,THURSDAY,13,0,0,0,0,0,0,Police,,0.2935973980402801,0.4561097392782771,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2368.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2130708,284293,Cash loans,17422.965,135000.0,162967.5,,135000.0,TUESDAY,17,Y,1,,,,Payments on other loans,Approved,-186,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,middle,Cash Street: middle,365243.0,-156.0,174.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,0,180000.0,247275.0,16227.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.011703,-14116,-886,-2727.0,-2958,7.0,1,1,1,1,0,0,Realty agents,2.0,2,2,SATURDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.5543469401522368,0.559267368135767,0.5656079814115492,0.2227,0.0,0.9851,0.7959999999999999,0.0008,0.24,0.2069,0.3333,0.375,0.1373,0.1816,0.2366,0.0,0.0014,0.2269,0.0,0.9851,0.804,0.0008,0.2417,0.2069,0.3333,0.375,0.1404,0.1983,0.2465,0.0,0.0015,0.2248,0.0,0.9851,0.7987,0.0008,0.24,0.2069,0.3333,0.375,0.1397,0.1847,0.2409,0.0,0.0014,reg oper account,block of flats,0.2161,Panel,No,1.0,1.0,1.0,1.0,-186.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1290413,125255,Consumer loans,12118.95,132660.0,101160.0,31500.0,132660.0,WEDNESDAY,12,Y,1,0.25860367583569754,,,XAP,Approved,-1818,Non-cash from your account,XAP,"Spouse, partner",Repeater,Computers,POS,XNA,Country-wide,2000,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1787.0,-1517.0,-1607.0,-1604.0,0.0,0,Cash loans,M,Y,Y,2,495000.0,1467612.0,62311.5,1350000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.031329,-15129,-1482,-916.0,-4548,2.0,1,1,0,1,1,1,Managers,4.0,2,2,MONDAY,8,0,0,0,0,0,0,Business Entity Type 3,,0.5164622207388272,0.6109913280868294,0.2237,0.1178,0.9876,0.83,0.0875,0.16,0.069,0.5417,0.5833,0.1257,0.1824,0.2067,0.0077,0.0201,0.2279,0.1222,0.9876,0.8367,0.0883,0.1611,0.069,0.5417,0.5833,0.1286,0.1993,0.2153,0.0078,0.0213,0.2259,0.1178,0.9876,0.8323,0.08800000000000001,0.16,0.069,0.5417,0.5833,0.1279,0.1856,0.2104,0.0078,0.0206,reg oper account,terraced house,0.1669,"Stone, brick",No,0.0,0.0,0.0,0.0,-628.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1643664,290801,Consumer loans,5302.98,48996.9,47731.5,4901.4,48996.9,WEDNESDAY,9,Y,1,0.10142078779277183,,,XAP,Approved,-2848,Cash through the bank,XAP,Children,New,Photo / Cinema Equipment,POS,XNA,Country-wide,3268,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2817.0,-2547.0,-2547.0,-2543.0,1.0,0,Cash loans,F,N,Y,2,342000.0,675000.0,36747.0,675000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.018209,-14407,-1064,-677.0,-4985,,1,1,0,1,0,1,Managers,4.0,3,3,TUESDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.6375039017141545,0.6733716947819601,0.4561097392782771,0.0825,0.0789,0.9762,0.6736,0.0088,0.0,0.1379,0.1667,0.0417,0.0838,0.0672,0.0699,0.0,0.0,0.084,0.0819,0.9762,0.6864,0.0089,0.0,0.1379,0.1667,0.0417,0.0857,0.0735,0.0728,0.0,0.0,0.0833,0.0789,0.9762,0.6779999999999999,0.0089,0.0,0.1379,0.1667,0.0417,0.0853,0.0684,0.0712,0.0,0.0,reg oper account,block of flats,0.0598,Panel,No,1.0,1.0,1.0,0.0,-1284.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2200658,387068,Cash loans,35497.935,360000.0,442728.0,,360000.0,WEDNESDAY,16,Y,1,,,,Car repairs,Approved,-502,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,middle,Cash Street: middle,365243.0,-472.0,38.0,-322.0,-316.0,1.0,0,Cash loans,F,Y,Y,0,216000.0,1024290.0,30078.0,855000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.01885,-14153,-2985,-8253.0,-5081,21.0,1,1,0,1,0,0,Private service staff,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.4875727228813522,0.3859146722745145,0.0619,,0.9727,0.626,,0.0,0.1379,0.1667,,,,0.0739,,0.0417,0.063,,0.9727,0.6406,,0.0,0.1379,0.1667,,,,0.077,,0.0442,0.0625,,0.9727,0.631,,0.0,0.1379,0.1667,,,,0.0753,,0.0426,,block of flats,0.0672,,No,4.0,0.0,4.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2431393,415260,Cash loans,27274.41,630000.0,705676.5,,630000.0,WEDNESDAY,12,Y,1,,,,XNA,Refused,-810,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),-1,XNA,42.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,202500.0,343377.0,13072.5,283500.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.02461,-15915,-3289,-5991.0,-5987,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.7264454610831027,0.5937519144854109,0.1873887653772306,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,2.0,3.0,1.0,-1435.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,11.0,1.0,3.0 +1905394,394601,Consumer loans,3970.305,26095.5,25033.5,2610.0,26095.5,SUNDAY,11,Y,1,0.10282805262456897,,,XAP,Approved,-2487,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,-1,Consumer electronics,8.0,high,POS household with interest,365243.0,-2452.0,-2242.0,-2362.0,-2354.0,1.0,0,Cash loans,M,Y,N,0,202500.0,585000.0,16762.5,585000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.030755,-10651,-203,-4437.0,-3260,2.0,1,1,1,1,1,0,Sales staff,2.0,2,2,MONDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.2415836159004231,0.5656079814115492,0.0273,0.0071,0.9434,,,0.0,0.0345,0.1042,,0.0057,,0.0127,,0.0,0.021,0.0074,0.9434,,,0.0,0.0345,0.0833,,0.0058,,0.0132,,0.0,0.0276,0.0071,0.9434,,,0.0,0.0345,0.1042,,0.0058,,0.0129,,0.0,,terraced house,0.01,"Stone, brick",No,0.0,0.0,0.0,0.0,-5.0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0.0,0.0,0.0,7.0,0.0,0.0 +2220166,216158,Consumer loans,5809.725,44703.0,43551.0,4473.0,44703.0,THURSDAY,13,Y,1,0.10143893962109853,,,XAP,Approved,-2459,XNA,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,10.0,low_normal,POS mobile with interest,365243.0,-2428.0,-2158.0,-2158.0,-2155.0,1.0,0,Cash loans,F,N,N,0,67500.0,325908.0,16767.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0228,-17676,-609,-1621.0,-1208,,1,1,0,1,1,0,Cleaning staff,2.0,2,2,SATURDAY,8,0,0,0,0,0,0,Business Entity Type 2,,0.3305731911650488,0.5937175866150576,0.1639,0.091,0.996,0.9456,0.0701,0.16,0.1379,0.3333,0.375,0.0734,0.1311,0.1805,0.0116,0.0287,0.16699999999999998,0.0944,0.996,0.9477,0.0708,0.1611,0.1379,0.3333,0.375,0.0751,0.1433,0.1881,0.0117,0.0304,0.1655,0.091,0.996,0.9463,0.0706,0.16,0.1379,0.3333,0.375,0.0747,0.1334,0.1837,0.0116,0.0293,reg oper spec account,block of flats,0.1887,Mixed,No,0.0,0.0,0.0,0.0,-554.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2477441,445065,Consumer loans,20061.09,100485.0,107779.5,0.0,100485.0,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-192,XNA,XAP,Family,New,Furniture,POS,XNA,Stone,150,Furniture,6.0,middle,POS industry with interest,365243.0,-156.0,-6.0,-6.0,365243.0,0.0,0,Cash loans,F,N,N,0,144000.0,539100.0,27522.0,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.006852,-22592,365243,-4112.0,-4149,,1,0,0,1,0,0,,2.0,3,3,THURSDAY,12,0,0,0,1,0,0,XNA,,0.3791311562688751,0.6545292802242897,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-192.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1623840,195193,Consumer loans,11245.95,99013.5,99013.5,0.0,99013.5,THURSDAY,18,Y,1,0.0,,,XAP,Approved,-122,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-86.0,184.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,270000.0,247500.0,15138.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.04622,-8961,-1916,-6968.0,-1451,,1,1,1,1,0,1,Core staff,1.0,1,1,SUNDAY,9,0,1,1,0,1,1,Self-employed,,0.7330939829656491,,0.1108,0.0334,0.9896,0.8844,0.1617,0.12,0.0862,0.4167,0.4375,0.0915,0.0672,0.1437,0.0039,0.0012,0.0851,0.0146,0.9896,0.8628,0.0192,0.0806,0.069,0.375,0.4167,0.0643,0.0735,0.0872,0.0039,0.0013,0.1119,0.0334,0.9896,0.8859,0.1627,0.12,0.0862,0.4167,0.4375,0.0931,0.0684,0.1463,0.0039,0.0012,reg oper account,block of flats,0.1821,Monolithic,No,1.0,0.0,1.0,0.0,-967.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2651631,437514,Consumer loans,14237.55,71775.0,75564.0,0.0,71775.0,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-815,Cash through the bank,XAP,Family,New,Furniture,POS,XNA,Stone,100,Furniture,6.0,middle,POS industry with interest,365243.0,-784.0,-634.0,-664.0,-660.0,0.0,0,Cash loans,F,N,Y,0,112500.0,248877.0,16033.5,189000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.003069,-20111,365243,-6128.0,-3211,,1,0,0,1,0,0,,1.0,3,3,TUESDAY,10,0,0,0,0,0,0,XNA,,0.6994099827175155,0.6479768603302221,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-284.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1560443,388180,Consumer loans,1889.82,18900.0,17010.0,1890.0,18900.0,TUESDAY,7,Y,1,0.1089090909090909,,,XAP,Approved,-2823,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,560,Consumer electronics,10.0,low_normal,POS other with interest,365243.0,-2790.0,-2520.0,-2520.0,-2517.0,0.0,0,Cash loans,M,Y,N,0,270000.0,1223010.0,48501.0,1125000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.028663,-18765,-2270,-9190.0,-2305,3.0,1,1,1,1,1,0,High skill tech staff,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.3343829317221084,0.7380196196295241,0.0727,0.083,0.9771,,,0.0,0.1379,0.1667,,0.0288,0.0593,0.0418,,0.0,0.0683,0.0838,0.9767,,,0.0,0.1379,0.1667,,0.0217,0.0597,0.0424,,0.0,0.0734,0.083,0.9771,,,0.0,0.1379,0.1667,,0.0293,0.0603,0.0426,,0.0,reg oper spec account,block of flats,0.0479,"Stone, brick",No,0.0,0.0,0.0,0.0,-1375.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1450293,104980,Cash loans,22299.93,94500.0,109971.0,,94500.0,WEDNESDAY,12,Y,1,,,,Car repairs,Approved,-474,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,365243.0,-444.0,-294.0,-444.0,-442.0,1.0,1,Cash loans,M,Y,Y,1,202500.0,675000.0,53460.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-11391,-401,-199.0,-355,14.0,1,1,0,1,0,0,Drivers,3.0,2,2,MONDAY,11,0,0,0,0,0,0,Security,0.06541903012432558,0.6294655394356058,0.19294222771695085,0.0866,0.0847,0.9856,0.7959999999999999,0.0266,0.0,0.1724,0.1667,,0.0197,0.0706,0.0461,0.0116,0.015,0.0882,0.0879,0.9856,0.804,0.0269,0.0,0.1724,0.1667,,0.0202,0.0771,0.048,0.0117,0.0159,0.0874,0.0847,0.9856,0.7987,0.0268,0.0,0.1724,0.1667,,0.02,0.0718,0.0469,0.0116,0.0154,not specified,block of flats,0.0708,"Stone, brick",No,2.0,0.0,2.0,0.0,-1265.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,7.0 +1721852,302409,Cash loans,27580.32,450000.0,491580.0,,450000.0,TUESDAY,14,Y,1,,,,XNA,Approved,-302,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-272.0,418.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,1,360000.0,545040.0,26640.0,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.031329,-9616,-312,-9240.0,-2200,2.0,1,1,0,1,0,0,Sales staff,3.0,2,2,WEDNESDAY,8,0,0,0,0,1,1,Self-employed,,0.3002439006500713,0.6577838002083306,0.0928,0.0874,0.9786,0.7076,0.013,0.0,0.2069,0.1667,0.2083,0.0809,0.0756,0.0869,0.0,0.0,0.0945,0.0907,0.9786,0.7190000000000001,0.0131,0.0,0.2069,0.1667,0.2083,0.0828,0.0826,0.0906,0.0,0.0,0.0937,0.0874,0.9786,0.7115,0.0131,0.0,0.2069,0.1667,0.2083,0.0824,0.077,0.0885,0.0,0.0,reg oper account,block of flats,0.0684,Panel,No,0.0,0.0,0.0,0.0,-29.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1398250,413901,Revolving loans,6300.0,0.0,90000.0,,0.0,TUESDAY,11,Y,1,,,,XAP,Refused,-1378,XNA,HC,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,Y,Y,0,202500.0,450000.0,21109.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-11991,-943,-5844.0,-3941,13.0,1,1,0,1,0,0,Drivers,2.0,2,2,MONDAY,9,0,0,0,0,1,1,Business Entity Type 3,0.2368462441048252,0.6939991575108412,0.4776491548517548,0.2474,0.2509,0.9866,,,0.0,0.5862,0.1667,,0.069,,0.2517,,0.0939,0.2521,0.2604,0.9866,,,0.0,0.5862,0.1667,,0.0706,,0.2622,,0.0994,0.2498,0.2509,0.9866,,,0.0,0.5862,0.1667,,0.0702,,0.2562,,0.0959,,block of flats,0.1979,"Stone, brick",No,1.0,0.0,1.0,0.0,-1889.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1979834,376703,Cash loans,32277.555,675000.0,732915.0,,675000.0,THURSDAY,10,Y,1,,,,Repairs,Refused,-481,Cash through the bank,LIMIT,,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),3,XNA,30.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,Y,N,2,225000.0,595903.5,23445.0,481500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.020246,-15953,-1132,-3084.0,-699,18.0,1,1,0,1,0,0,Laborers,3.0,3,3,SATURDAY,13,0,0,0,0,0,0,Industry: type 1,0.6265781314798347,0.2385437469887895,,0.1649,0.1403,0.9747,0.6532,0.0601,0.0,0.2759,0.1667,0.2083,0.1077,0.1345,0.14,0.0,0.0,0.1681,0.1456,0.9747,0.6668,0.0607,0.0,0.2759,0.1667,0.2083,0.1101,0.1469,0.1459,0.0,0.0,0.1665,0.1403,0.9747,0.6578,0.0605,0.0,0.2759,0.1667,0.2083,0.1096,0.1368,0.1425,0.0,0.0,reg oper account,block of flats,0.1101,Panel,No,0.0,0.0,0.0,0.0,-474.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1296814,193391,Cash loans,,0.0,0.0,,,SATURDAY,12,Y,1,,,,XNA,Refused,-300,XNA,SCOFR,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,Y,N,0,157500.0,152820.0,11205.0,135000.0,Unaccompanied,Working,Incomplete higher,Civil marriage,House / apartment,0.030755,-9313,-182,-3908.0,-1996,7.0,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,15,0,1,1,0,0,0,Business Entity Type 1,,0.5323643266437057,0.3233112448967859,0.0701,0.0656,0.9816,0.7484,0.0077,0.0,0.1379,0.1667,0.2083,0.0543,0.0555,0.0665,0.0077,0.0087,0.0714,0.0681,0.9816,0.7583,0.0078,0.0,0.1379,0.1667,0.2083,0.0556,0.0606,0.0693,0.0078,0.0092,0.0708,0.0656,0.9816,0.7518,0.0078,0.0,0.1379,0.1667,0.2083,0.0553,0.0564,0.0677,0.0078,0.0089,reg oper account,block of flats,0.0679,"Stone, brick",No,1.0,0.0,1.0,0.0,-511.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2710081,444196,Cash loans,21363.75,225000.0,225000.0,,225000.0,THURSDAY,8,Y,1,,,,XNA,Approved,-1221,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-1191.0,-861.0,-981.0,-972.0,0.0,0,Cash loans,F,N,Y,0,90000.0,397881.0,22347.0,328500.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.020713,-23474,365243,-14883.0,-4468,,1,0,0,1,0,0,,1.0,3,2,SUNDAY,7,0,0,0,0,0,0,XNA,,0.3302297000270924,0.7738956942145427,0.0041,0.0,0.9732,0.6328,0.0,0.0,0.0345,0.0,0.0417,0.0108,0.0034,0.0021,0.0,0.0,0.0042,0.0,0.9732,0.6472,0.0,0.0,0.0345,0.0,0.0417,0.0111,0.0037,0.0022,0.0,0.0,0.0042,0.0,0.9732,0.6377,0.0,0.0,0.0345,0.0,0.0417,0.011,0.0034,0.0021,0.0,0.0,reg oper account,block of flats,0.0016,Wooden,No,0.0,0.0,0.0,0.0,-673.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,1.0,0.0,1.0,0.0,6.0 +1612984,249972,Consumer loans,8161.47,76450.5,79546.5,4500.0,76450.5,WEDNESDAY,11,Y,1,0.058311876055625024,,,XAP,Approved,-1024,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,584,Consumer electronics,12.0,middle,POS household with interest,365243.0,-992.0,-662.0,-722.0,-719.0,0.0,0,Cash loans,M,N,Y,0,90000.0,361998.0,17545.5,292500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-23026,365243,-413.0,-4480,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,XNA,,0.3874063575889745,0.6528965519806539,0.066,0.0763,0.9727,0.626,0.0574,0.0,0.1379,0.125,0.1667,0.0649,0.0538,0.0528,0.0,0.0,0.0672,0.0792,0.9727,0.6406,0.0579,0.0,0.1379,0.125,0.1667,0.0664,0.0588,0.055,0.0,0.0,0.0666,0.0763,0.9727,0.631,0.0577,0.0,0.1379,0.125,0.1667,0.0661,0.0547,0.0537,0.0,0.0,reg oper account,block of flats,0.0468,Panel,No,2.0,0.0,2.0,0.0,-1024.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +1780650,319800,Consumer loans,12063.285,104202.0,65821.5,41683.5,104202.0,WEDNESDAY,12,Y,1,0.4222791582632519,,,XAP,Approved,-1008,XNA,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,1110,Consumer electronics,6.0,low_normal,POS household without interest,365243.0,-977.0,-827.0,-977.0,-969.0,0.0,0,Cash loans,F,Y,Y,1,180000.0,571446.0,18562.5,477000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.009656999999999999,-15388,-374,-1037.0,-4802,12.0,1,1,0,1,0,0,Core staff,3.0,2,2,WEDNESDAY,10,0,0,0,0,1,1,Services,,0.3602803145996228,0.7583930617144343,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-1375.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1771673,142498,Cash loans,7056.81,112500.0,134775.0,,112500.0,MONDAY,8,Y,1,,,,Urgent needs,Refused,-245,Cash through the bank,HC,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,81000.0,151272.0,7182.0,99000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018801,-22697,365243,-6359.0,-4017,,1,0,0,1,0,0,,2.0,2,2,MONDAY,8,0,0,0,0,0,0,XNA,,0.08655499788957538,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-242.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2234930,215189,Consumer loans,6063.75,31986.0,30213.0,3199.5,31986.0,MONDAY,8,Y,1,0.10428870523415974,,,XAP,Approved,-2607,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,50,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2573.0,-2423.0,-2423.0,-2419.0,1.0,0,Cash loans,M,Y,Y,0,225000.0,900000.0,46084.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-15538,-748,-8151.0,-610,21.0,1,1,0,1,0,0,Drivers,2.0,2,2,THURSDAY,11,0,0,0,0,1,1,Self-employed,,0.3882681946201543,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2607.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2598042,308347,Consumer loans,11734.56,60741.0,57550.5,6075.0,60741.0,THURSDAY,11,Y,1,0.10398703778716506,,,XAP,Approved,-1077,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,3446,Consumer electronics,6.0,high,POS household with interest,365243.0,-1045.0,-895.0,-895.0,-892.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,518562.0,25078.5,463500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.01885,-19239,-1738,-7947.0,-2750,15.0,1,1,0,1,0,0,Drivers,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Other,,0.469654219598491,0.7713615919194317,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,10.0,0.0,10.0,0.0,-222.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2013736,157122,Cash loans,43582.095,697500.0,745375.5,,697500.0,MONDAY,8,Y,1,,,,XNA,Approved,-444,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-414.0,276.0,-354.0,-347.0,1.0,0,Revolving loans,F,N,Y,0,202500.0,585000.0,29250.0,585000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018029,-23324,365243,-1451.0,-4384,,1,0,0,1,0,0,,2.0,3,3,THURSDAY,10,0,0,0,0,0,0,XNA,,0.3632997116300681,0.4329616670974407,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-244.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2582681,101642,Cash loans,,0.0,0.0,,,FRIDAY,10,Y,1,,,,XNA,Refused,-260,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,112500.0,161730.0,13095.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.00733,-17377,-3085,-332.0,-928,,1,1,0,1,0,0,Laborers,1.0,2,2,SATURDAY,15,0,0,0,0,0,0,Other,,0.13832390896058086,0.4722533429586386,0.1577,0.0,0.9781,0.7008,0.0947,0.0,0.1034,0.1667,0.2083,0.127,0.1278,0.0539,0.0039,0.0026,0.1607,0.0,0.9782,0.7125,0.0956,0.0,0.1034,0.1667,0.2083,0.1299,0.1396,0.0562,0.0039,0.0027,0.1593,0.0,0.9781,0.7048,0.0953,0.0,0.1034,0.1667,0.2083,0.1292,0.13,0.0549,0.0039,0.0026,reg oper account,block of flats,0.0518,"Stone, brick",No,3.0,0.0,3.0,0.0,-624.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,3.0,4.0 +1490875,440726,Cash loans,7869.015,67500.0,71955.0,0.0,67500.0,TUESDAY,13,Y,1,0.0,,,XNA,Approved,-2185,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-2155.0,-1825.0,-1945.0,-1942.0,1.0,0,Cash loans,F,N,Y,0,157500.0,549882.0,16204.5,459000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,Co-op apartment,0.01885,-21108,365243,-11173.0,-4541,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,XNA,0.7782680918188809,0.6534288591170334,0.4543210601605785,0.0825,0.0784,0.9767,,,0.0,0.1379,0.1667,,0.0869,,0.0641,,0.0063,0.084,0.0813,0.9767,,,0.0,0.1379,0.1667,,0.0889,,0.0667,,0.0067,0.0833,0.0784,0.9767,,,0.0,0.1379,0.1667,,0.0884,,0.0652,,0.0065,,block of flats,0.0677,"Stone, brick",No,0.0,0.0,0.0,0.0,-2185.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1838709,188020,Revolving loans,11250.0,225000.0,225000.0,,225000.0,WEDNESDAY,11,Y,1,,,,XAP,Refused,-687,XNA,LIMIT,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,Y,N,0,675000.0,284400.0,22468.5,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Rented apartment,0.072508,-21555,-566,-13231.0,-4276,6.0,1,1,0,1,1,0,Drivers,2.0,1,1,THURSDAY,14,0,0,0,0,0,0,Business Entity Type 2,,0.4774662138478004,0.6178261467332483,0.07400000000000001,0.0537,0.9776,,,0.048,0.069,0.3083,,0.0114,,0.0713,,0.029,0.0746,0.0373,0.9742,,,0.0,0.0345,0.1667,,0.0,,0.0494,,0.0017,0.0739,0.0602,0.9747,,,0.04,0.069,0.3333,,0.0,,0.0516,,0.0156,,block of flats,0.0406,Panel,No,0.0,0.0,0.0,0.0,-1529.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,4.0,7.0 +1881887,181961,Consumer loans,13561.605,135607.5,122044.5,13563.0,135607.5,SUNDAY,10,Y,1,0.10892716110834576,,,XAP,Approved,-898,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Regional / Local,89,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-864.0,-594.0,-594.0,-590.0,0.0,0,Cash loans,F,N,Y,1,45000.0,276277.5,13419.0,238500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.031329,-15903,-2134,-5376.0,-4091,,1,1,0,1,0,0,Sales staff,3.0,2,2,TUESDAY,8,0,0,0,0,0,0,Self-employed,,0.08489938066874314,0.7544061731797895,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,2.0,0.0,0.0,3.0 +2501602,114085,Cash loans,19873.62,612000.0,612000.0,,612000.0,THURSDAY,4,Y,1,,,,XNA,Refused,-210,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Revolving loans,F,N,Y,0,225000.0,450000.0,22500.0,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.014464,-20968,365243,-11746.0,-4378,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,4,0,0,0,0,0,0,XNA,,0.08450775107099417,0.445396241560834,0.0928,0.1075,0.9836,0.7756,0.0481,0.0,0.2069,0.1667,0.2083,0.1021,0.0756,0.0902,0.0,0.0,0.0945,0.1115,0.9836,0.7844,0.0485,0.0,0.2069,0.1667,0.2083,0.1044,0.0826,0.0939,0.0,0.0,0.0937,0.1075,0.9836,0.7786,0.0484,0.0,0.2069,0.1667,0.2083,0.1039,0.077,0.0918,0.0,0.0,reg oper account,block of flats,0.0972,Panel,No,1.0,0.0,0.0,0.0,-1310.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +2844210,258344,Cash loans,,0.0,0.0,,,SATURDAY,15,Y,1,,,,XNA,Refused,-31,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,189000.0,717003.0,23260.5,598500.0,Other_B,Working,Secondary / secondary special,Married,House / apartment,0.009175,-23448,-1048,-11004.0,-4413,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Agriculture,,0.6915603621757781,0.3572932680336494,0.2268,0.1484,0.9846,0.7892,0.0463,0.24,0.2069,0.3333,0.375,0.1033,0.1832,0.1424,0.0077,0.0074,0.2311,0.154,0.9846,0.7975,0.0468,0.2417,0.2069,0.3333,0.375,0.1056,0.2002,0.1483,0.0078,0.0078,0.229,0.1484,0.9846,0.792,0.0466,0.24,0.2069,0.3333,0.375,0.1051,0.1864,0.1449,0.0078,0.0075,reg oper account,block of flats,0.17800000000000002,Panel,No,1.0,0.0,1.0,0.0,-29.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1186566,401561,Cash loans,5237.19,85500.0,102429.0,,85500.0,SUNDAY,13,Y,1,,,,XNA,Approved,-271,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-241.0,809.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,126000.0,549882.0,17869.5,459000.0,Family,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.01885,-23572,365243,-6944.0,-4229,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,17,0,0,0,0,0,0,XNA,,0.6534932339160351,0.28961123838200553,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-768.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +2328390,185725,Consumer loans,27849.33,157608.0,157608.0,0.0,157608.0,MONDAY,13,Y,1,0.0,,,XAP,Approved,-1113,Cash through the bank,XAP,"Spouse, partner",New,Fitness,POS,XNA,Stone,205,Industry,6.0,low_normal,POS industry with interest,365243.0,-1082.0,-932.0,-932.0,-925.0,0.0,1,Cash loans,M,Y,Y,0,360000.0,808650.0,29839.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Rented apartment,0.02461,-11251,-1256,-481.0,-1957,3.0,1,1,0,1,0,0,Laborers,1.0,2,2,MONDAY,19,0,0,0,1,1,0,Business Entity Type 3,,0.468722930661683,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2639337,250899,Cash loans,17900.91,225000.0,254700.0,,225000.0,THURSDAY,15,Y,1,,,,XNA,Refused,-566,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,N,0,180000.0,577125.0,45729.0,522000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.04622,-16907,-1032,-2420.0,-440,,1,1,0,1,0,0,Core staff,2.0,1,1,WEDNESDAY,14,0,0,0,0,0,0,Trade: type 3,0.6124692436215766,0.529418034117247,0.18411615593071512,0.0825,0.0893,0.9921,,,0.0,0.1379,0.1667,,0.0234,,0.0478,,,0.084,0.0927,0.9921,,,0.0,0.1379,0.1667,,0.0239,,0.0498,,,0.0833,0.0893,0.9921,,,0.0,0.1379,0.1667,,0.0238,,0.0487,,,,block of flats,0.0668,Panel,No,0.0,0.0,0.0,0.0,-1873.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1718693,134723,Consumer loans,8575.11,60075.0,54067.5,6007.5,60075.0,TUESDAY,7,Y,1,0.1089090909090909,,,XAP,Approved,-2879,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Stone,171,Consumer electronics,8.0,low_normal,POS household with interest,365243.0,-2846.0,-2636.0,-2636.0,-2615.0,0.0,1,Cash loans,F,Y,Y,0,270000.0,693000.0,23031.0,693000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-22001,365243,-10830.0,-4867,15.0,1,0,0,1,1,0,,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,XNA,,0.4003053787172914,0.13426542355494275,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2449.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1576586,160664,Consumer loans,4494.24,35041.5,38511.0,0.0,35041.5,SUNDAY,8,Y,1,0.0,,,XAP,Approved,-2482,XNA,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,1488,Consumer electronics,12.0,high,POS household with interest,365243.0,-2451.0,-2121.0,-2121.0,-2118.0,1.0,0,Cash loans,M,N,Y,0,67500.0,99000.0,7951.5,99000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.018029,-12250,-206,-70.0,-65,,1,1,1,1,0,0,Laborers,1.0,3,3,THURSDAY,11,0,0,0,0,0,0,Government,0.14706433238321254,0.487463453108477,0.7981372313187245,0.1485,0.1006,0.9786,0.7076,0.0274,0.16,0.1379,0.3333,0.0417,,,0.14,,0.0,0.1513,0.1044,0.9786,0.7190000000000001,0.0277,0.1611,0.1379,0.3333,0.0417,,,0.1458,,0.0,0.1499,0.1006,0.9786,0.7115,0.0276,0.16,0.1379,0.3333,0.0417,,,0.1425,,0.0,,block of flats,0.1251,Panel,No,10.0,1.0,10.0,0.0,0.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1518665,140549,Consumer loans,14501.925,131206.5,130554.0,13122.0,131206.5,SUNDAY,18,Y,1,0.0994672103141158,,,XAP,Approved,-493,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,high,POS mobile with interest,365243.0,-461.0,-131.0,-131.0,-129.0,0.0,0,Cash loans,F,N,N,0,112500.0,364896.0,16200.0,315000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,With parents,0.00496,-14389,-111,-8404.0,-4789,,1,1,0,1,0,0,,1.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Restaurant,0.5676127878765355,0.6403730597024667,0.622922000268356,0.1052,,0.9826,,,0.16,0.1379,0.25,,,,,,,0.063,,0.9826,,,0.1611,0.1379,0.1667,,,,,,,0.1062,,0.9826,,,0.16,0.1379,0.25,,,,,,,,block of flats,0.053,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2178878,400969,Consumer loans,18974.025,243000.0,267057.0,0.0,243000.0,THURSDAY,10,Y,1,0.0,,,XAP,Approved,-641,Cash through the bank,XAP,Unaccompanied,New,Construction Materials,POS,XNA,Stone,47,Construction,18.0,middle,POS industry with interest,365243.0,-610.0,-100.0,-220.0,-211.0,0.0,0,Cash loans,F,Y,Y,0,103500.0,691020.0,26905.5,495000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018634,-23316,365243,-689.0,-4119,28.0,1,0,0,1,0,0,,2.0,2,2,MONDAY,10,0,0,0,0,0,0,XNA,,0.5234758604846631,0.17352743046491467,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-641.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1504536,256626,Consumer loans,10254.6,113940.0,102546.0,11394.0,113940.0,WEDNESDAY,13,Y,1,0.1089090909090909,,,XAP,Refused,-2435,Cash through the bank,SCO,Family,Repeater,Computers,POS,XNA,Stone,64,Connectivity,12.0,middle,POS household with interest,,,,,,,0,Cash loans,M,Y,N,0,180000.0,527373.0,32391.0,477000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-16810,-7516,-4941.0,-369,9.0,1,1,0,1,0,1,Laborers,2.0,2,2,TUESDAY,11,0,1,1,0,1,1,Industry: type 9,0.2660501622338168,0.6578623659764453,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1156.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2123347,188166,Consumer loans,10599.39,55912.5,52812.0,5593.5,55912.5,THURSDAY,7,Y,1,0.1043023345404114,,,XAP,Approved,-2385,Cash through the bank,XAP,Children,New,Mobile,POS,XNA,Country-wide,30,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2354.0,-2204.0,-2204.0,-2193.0,1.0,0,Revolving loans,F,Y,Y,0,112500.0,202500.0,10125.0,202500.0,Unaccompanied,Commercial associate,Lower secondary,Widow,House / apartment,0.018029,-14590,-1415,-8568.0,-4420,23.0,1,1,1,1,1,0,Sales staff,1.0,3,3,TUESDAY,5,0,0,0,0,0,0,Business Entity Type 3,0.26743849536362274,0.639748357841913,0.3979463219016906,0.0711,0.0698,0.9811,0.7416,0.0586,0.0,0.1379,0.1667,0.2083,0.0676,0.0555,0.0627,0.0116,0.0175,0.0725,0.0724,0.9811,0.7517,0.0591,0.0,0.1379,0.1667,0.2083,0.0691,0.0606,0.0654,0.0117,0.0186,0.0718,0.0698,0.9811,0.7451,0.059,0.0,0.1379,0.1667,0.2083,0.0688,0.0564,0.0639,0.0116,0.0179,reg oper spec account,block of flats,0.0532,"Stone, brick",No,7.0,0.0,7.0,0.0,-1708.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1821334,393460,Consumer loans,3600.45,17955.0,17014.5,1795.5,17955.0,THURSDAY,12,Y,1,0.1039586776859504,,,XAP,Approved,-1096,XNA,XAP,Unaccompanied,New,Mobile,POS,XNA,Regional / Local,50,Consumer electronics,6.0,high,POS household with interest,365243.0,-1061.0,-911.0,-941.0,-931.0,0.0,0,Cash loans,F,N,N,1,74659.5,225000.0,21582.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Separated,Municipal apartment,0.010966,-14925,-505,-1582.0,-4742,,1,1,1,1,0,0,Managers,2.0,2,2,MONDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.2690065060429004,0.7338145369642702,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1096.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2744569,337158,Consumer loans,4380.615,37076.4,36535.5,3830.4,37076.4,TUESDAY,8,Y,1,0.10334598802904968,,,XAP,Refused,-1758,Cash through the bank,LIMIT,,Repeater,Mobile,POS,XNA,Country-wide,68,Connectivity,12.0,high,POS mobile with interest,,,,,,,0,Revolving loans,M,N,Y,1,171000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.018209,-9494,-1032,-4087.0,-2162,,1,1,0,1,0,0,,2.0,3,3,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.4869335118981589,0.5585066276769286,0.1093,0.1015,0.9776,0.6940000000000001,0.0,0.0,0.2069,0.1667,0.2083,0.0195,0.0891,0.08900000000000001,0.0,0.0,0.1113,0.1054,0.9777,0.706,0.0,0.0,0.2069,0.1667,0.2083,0.0199,0.0973,0.0928,0.0,0.0,0.1103,0.1015,0.9776,0.6981,0.0,0.0,0.2069,0.1667,0.2083,0.0198,0.0906,0.0906,0.0,0.0,reg oper account,block of flats,0.07,Panel,No,,,,,-1758.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2353283,360057,Consumer loans,4459.14,44550.0,44725.5,4455.0,44550.0,SUNDAY,9,Y,1,0.09865495470765852,,,XAP,Approved,-1900,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Stone,70,Consumer electronics,14.0,high,POS household with interest,365243.0,-1861.0,-1471.0,-1471.0,-1466.0,0.0,0,Cash loans,M,Y,Y,0,72000.0,225000.0,11074.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.015221,-19519,365243,-2596.0,-961,64.0,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,XNA,,0.04778350630271863,0.5334816299804352,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-119.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,2.0,5.0 +2012098,318854,Consumer loans,16743.24,371659.5,371659.5,0.0,371659.5,SUNDAY,10,Y,1,0.0,,,XAP,Approved,-939,Cash through the bank,XAP,Family,New,Furniture,POS,XNA,Stone,50,Furniture,24.0,low_action,POS industry without interest,365243.0,-908.0,-218.0,-248.0,-246.0,0.0,0,Cash loans,F,N,Y,0,202500.0,728460.0,44694.0,675000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.04622,-21230,365243,-13722.0,-4514,,1,0,0,1,0,0,,2.0,1,1,MONDAY,9,0,0,0,0,0,0,XNA,,0.6976601018526285,0.6109913280868294,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-939.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2347709,389218,Consumer loans,3107.745,14755.5,15484.5,0.0,14755.5,THURSDAY,8,Y,1,0.0,,,XAP,Approved,-2688,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,40,Connectivity,6.0,high,POS mobile with interest,365243.0,-2657.0,-2507.0,-2507.0,-2503.0,1.0,0,Cash loans,F,N,Y,0,108000.0,512995.5,39829.5,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020246,-22402,365243,-12372.0,-4598,,1,0,0,1,1,0,,2.0,3,3,THURSDAY,8,0,0,0,0,0,0,XNA,0.7807732819562071,0.4730270970418312,0.3344541255096772,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2284.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +2394579,304888,Consumer loans,12871.395,139500.0,125550.0,13950.0,139500.0,FRIDAY,11,Y,1,0.1089090909090909,,,XAP,Approved,-461,Cash through the bank,XAP,,New,Clothing and Accessories,POS,XNA,Stone,10,Clothing,12.0,middle,POS industry with interest,365243.0,-430.0,-100.0,-250.0,-242.0,0.0,0,Cash loans,F,N,Y,0,157500.0,780363.0,31077.0,697500.0,Unaccompanied,Pensioner,Higher education,Widow,House / apartment,0.022625,-22984,365243,-7211.0,-4794,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,11,0,0,0,0,0,0,XNA,,0.3854620362868145,0.3556387169923543,0.3299,,0.9861,,,0.32,0.2759,0.3333,,,,0.1822,,,0.3361,,0.9861,,,0.3222,0.2759,0.3333,,,,0.1898,,,0.3331,,0.9861,,,0.32,0.2759,0.3333,,,,0.1855,,,,block of flats,0.2506,Panel,No,0.0,0.0,0.0,0.0,-461.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1830113,191949,Cash loans,8315.415,184500.0,184500.0,0.0,184500.0,WEDNESDAY,12,Y,1,0.0,,,XNA,Approved,-2267,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,48.0,middle,Cash Street: middle,365243.0,-2237.0,-827.0,-827.0,-821.0,0.0,0,Cash loans,M,N,N,2,112500.0,729792.0,26212.5,630000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.031329,-13243,-2399,-5814.0,-4029,,1,1,1,1,0,0,Laborers,4.0,2,2,TUESDAY,14,0,0,0,0,1,1,Construction,,0.5236013204131109,,0.1227,0.4961,0.9816,0.7484,0.0176,0.0,0.2759,0.1667,0.0417,0.0218,0.1,0.0744,0.0,0.1233,0.125,0.5149,0.9816,0.7583,0.0178,0.0,0.2759,0.1667,0.0417,0.0223,0.1093,0.0775,0.0,0.1305,0.1239,0.4961,0.9816,0.7518,0.0177,0.0,0.2759,0.1667,0.0417,0.0222,0.1018,0.0757,0.0,0.1259,reg oper account,block of flats,0.0853,Panel,No,0.0,0.0,0.0,0.0,-330.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1469365,423879,Consumer loans,12046.545,93330.0,91732.5,18675.0,93330.0,SATURDAY,9,Y,1,0.1842154991941012,,,XAP,Approved,-1817,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,800,Consumer electronics,10.0,high,POS household with interest,365243.0,-1786.0,-1516.0,-1516.0,-1508.0,0.0,0,Cash loans,F,Y,Y,0,135000.0,1710000.0,59566.5,1710000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.028663,-13440,-4828,-7495.0,-4327,2.0,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.7849459893097227,0.6664375908416086,0.6817058776720116,0.1485,,0.9846,,,0.16,0.1379,0.3333,,,,0.1489,,0.1126,0.1513,,0.9846,,,0.1611,0.1379,0.3333,,,,0.1551,,0.1192,0.1499,,0.9846,,,0.16,0.1379,0.3333,,,,0.1516,,0.1149,,block of flats,0.1416,Panel,No,2.0,0.0,2.0,0.0,-1817.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1440683,387520,Cash loans,19684.8,180000.0,180000.0,0.0,180000.0,MONDAY,11,Y,1,0.0,,,XNA,Approved,-2702,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,23,Connectivity,12.0,high,Cash Street: high,365243.0,-2672.0,-2342.0,-2342.0,-2332.0,0.0,0,Cash loans,M,Y,Y,1,207000.0,1575000.0,46183.5,1575000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0228,-15845,-4087,-7598.0,-2125,4.0,1,1,0,1,0,0,Managers,3.0,2,2,MONDAY,11,0,0,0,0,0,0,Military,,0.6223794087145945,,0.1402,0.0606,0.999,0.9864,0.036000000000000004,0.1,0.0862,0.4167,0.4583,0.0459,0.1135,0.1097,0.0039,0.0127,0.0756,0.0284,0.999,0.9869,0.0277,0.0806,0.069,0.3333,0.375,0.0,0.0661,0.0425,0.0,0.0,0.1416,0.0606,0.999,0.9866,0.0362,0.1,0.0862,0.4167,0.4583,0.0467,0.1154,0.1117,0.0039,0.0129,reg oper spec account,block of flats,0.1704,"Stone, brick",No,0.0,0.0,0.0,0.0,-1522.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1177259,363373,Cash loans,17692.515,202500.0,222547.5,0.0,202500.0,FRIDAY,11,Y,1,0.0,,,XNA,Approved,-2268,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,18.0,middle,Cash Street: middle,365243.0,-2238.0,-1728.0,-1728.0,-1720.0,1.0,0,Cash loans,M,N,N,1,225000.0,1125000.0,36423.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-11818,-496,-5404.0,-4257,,1,1,0,1,0,0,Laborers,3.0,2,2,FRIDAY,12,0,0,0,0,0,0,Construction,0.26403555381901145,0.6468334631150922,0.4294236843421945,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2268.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1247645,228374,Revolving loans,5625.0,0.0,157500.0,,,THURSDAY,10,N,0,,,,XAP,Refused,-2437,XNA,LIMIT,,Repeater,XNA,Cards,x-sell,Country-wide,30180,Consumer electronics,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,Y,Y,2,90000.0,675000.0,32602.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-10366,-2488,-4556.0,-1718,1.0,1,1,0,1,0,0,,4.0,2,2,FRIDAY,6,0,0,0,0,0,0,Business Entity Type 3,0.35266357836322043,0.4106106074219161,0.4902575124990026,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-2151.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2089828,268802,Consumer loans,2437.695,22590.0,20331.0,2259.0,22590.0,THURSDAY,12,Y,1,0.1089090909090909,,,XAP,Refused,-1834,Cash through the bank,LIMIT,,Refreshed,Mobile,POS,XNA,Country-wide,36,Connectivity,12.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,N,3,144000.0,697302.0,22621.5,499500.0,Unaccompanied,Working,Secondary / secondary special,Separated,Municipal apartment,0.025164,-12339,-1450,-6189.0,-1904,,1,1,0,1,0,0,Cooking staff,4.0,2,2,THURSDAY,13,0,0,0,0,0,0,Kindergarten,,0.15967923350263774,0.4525335592581747,0.0082,0.0,0.9677,0.5579999999999999,0.0011,0.0,0.069,0.0417,0.0833,0.0173,0.0067,0.0077,0.0,0.0,0.0084,0.0,0.9677,0.5753,0.0011,0.0,0.069,0.0417,0.0833,0.0177,0.0073,0.008,0.0,0.0,0.0083,0.0,0.9677,0.5639,0.0011,0.0,0.069,0.0417,0.0833,0.0176,0.0068,0.0078,0.0,0.0,reg oper account,block of flats,0.0067,Wooden,No,4.0,0.0,4.0,0.0,-2.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2508876,300022,Consumer loans,15118.38,116914.23,116910.0,4.23,116914.23,MONDAY,16,Y,1,3.940371112613532e-05,,,XAP,Approved,-1537,Cash through the bank,XAP,Family,Refreshed,Audio/Video,POS,XNA,Country-wide,530,Consumer electronics,10.0,high,POS household with interest,365243.0,-1506.0,-1236.0,-1236.0,-1229.0,0.0,0,Cash loans,M,Y,N,0,405000.0,733315.5,39199.5,679500.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.030755,-21596,365243,-3692.0,-5056,23.0,1,0,0,1,1,0,,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,XNA,0.8427868915752794,0.6636170897493769,0.09261717137485452,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2665.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1902918,173436,Consumer loans,24386.04,293625.0,322695.0,0.0,293625.0,SATURDAY,16,Y,1,0.0,,,XAP,Approved,-530,Cash through the bank,XAP,,Repeater,Jewelry,POS,XNA,Stone,205,Industry,18.0,middle,POS other with interest,365243.0,-499.0,11.0,-499.0,-494.0,0.0,1,Cash loans,F,N,N,1,180000.0,679500.0,24201.0,679500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.026392000000000002,-12377,-663,-4963.0,-251,,1,1,0,1,0,0,Sales staff,3.0,2,2,THURSDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.6020849661825646,0.5057637361698518,,0.3715,0.815,0.993,,,0.16,0.1638,0.6667,,0.343,,0.6093,,0.4613,0.1155,0.8457,0.993,,,0.0,0.0345,0.6667,,0.3508,,0.1864,,0.4883,0.3175,0.815,0.993,,,0.06,0.0862,0.6667,,0.349,,0.425,,0.4709,,block of flats,0.1515,Monolithic,No,3.0,0.0,3.0,0.0,-741.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2350423,197568,Consumer loans,16975.53,87975.0,90225.0,0.0,87975.0,TUESDAY,14,Y,1,0.0,,,XAP,Approved,-1270,Cash through the bank,XAP,Family,New,Furniture,POS,XNA,Stone,384,Furniture,6.0,middle,POS industry with interest,365243.0,-1239.0,-1089.0,-1089.0,-1083.0,0.0,0,Cash loans,M,N,N,0,202500.0,1078200.0,38200.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.004849,-11486,-783,-4127.0,-4092,,1,1,1,1,0,0,Laborers,2.0,2,2,THURSDAY,13,0,0,0,1,0,1,Business Entity Type 3,,0.5143157693140837,0.3490552510751822,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1270.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1169149,425614,Cash loans,27001.665,270000.0,375336.0,,270000.0,WEDNESDAY,10,Y,0,,,,Purchase of electronic equipment,Approved,-578,Cash through the bank,XAP,,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,30.0,high,Cash Street: high,365243.0,-548.0,322.0,-338.0,-336.0,1.0,1,Cash loans,F,N,Y,0,202500.0,970380.0,34510.5,810000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.018634,-18856,-1486,-4612.0,-2318,,1,1,0,1,0,0,Laborers,2.0,2,2,SUNDAY,12,0,0,0,0,1,1,Self-employed,0.755759215703792,0.5821770641830524,0.4902575124990026,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-578.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1593501,135454,Cash loans,26467.335,630000.0,694863.0,,630000.0,MONDAY,16,Y,1,,,,XNA,Approved,-586,Cash through the bank,XAP,,New,XNA,Cash,x-sell,Channel of corporate sales,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-552.0,498.0,-222.0,-216.0,0.0,0,Cash loans,M,Y,N,0,135000.0,779688.0,29826.0,630000.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,House / apartment,0.035792000000000004,-15889,-2301,-6527.0,-4778,5.0,1,1,1,1,0,0,Drivers,1.0,2,2,SATURDAY,13,0,0,0,0,0,0,Transport: type 4,,0.6454685185562676,0.28961123838200553,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-797.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1821961,294832,Revolving loans,22500.0,0.0,450000.0,,,SATURDAY,10,Y,1,,,,XAP,Approved,-350,XNA,XAP,,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),2,XNA,0.0,XNA,Card X-Sell,-350.0,-301.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,2,180000.0,521280.0,23089.5,450000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.005084,-12703,-1563,-2809.0,-2971,16.0,1,1,0,1,0,0,Core staff,4.0,2,2,SATURDAY,11,0,0,0,0,1,1,Kindergarten,,0.2530077666071475,0.4561097392782771,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2115338,173544,Consumer loans,11906.325,65812.5,65812.5,0.0,65812.5,MONDAY,11,Y,1,0.0,,,XAP,Approved,-122,Cash through the bank,XAP,Unaccompanied,Repeater,Clothing and Accessories,POS,XNA,Stone,513,Clothing,6.0,low_normal,POS industry with interest,365243.0,-91.0,59.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,135000.0,177768.0,14175.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.018029,-11386,-2975,-4927.0,-1825,,1,1,0,1,0,0,Laborers,2.0,3,3,THURSDAY,7,0,0,0,0,0,0,Self-employed,,0.4143466572682937,0.13177013253138142,0.1237,,0.9816,,,0.0,0.0345,0.1667,,,,0.0588,,,0.1261,,0.9816,,,0.0,0.0345,0.1667,,,,0.0612,,,0.1249,,0.9816,,,0.0,0.0345,0.1667,,,,0.0598,,,,block of flats,0.0578,Panel,No,8.0,0.0,8.0,0.0,-1330.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1440073,279647,Consumer loans,14019.975,140994.0,153090.0,0.0,140994.0,THURSDAY,13,Y,1,0.0,,,XAP,Approved,-924,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Regional / Local,1175,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-893.0,-563.0,-563.0,-557.0,0.0,0,Cash loans,F,Y,Y,0,112500.0,225000.0,8613.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018209,-16335,-1311,-583.0,-702,13.0,1,1,0,1,0,0,Drivers,2.0,3,3,THURSDAY,7,0,0,0,0,0,0,Business Entity Type 3,0.5299439374252616,0.295792709569661,0.6041125998015721,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-471.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1676651,184370,Consumer loans,12135.96,306000.0,306000.0,0.0,306000.0,MONDAY,18,Y,1,0.0,,,XAP,Approved,-112,XNA,XAP,,New,Construction Materials,POS,XNA,Stone,50,Construction,36.0,low_normal,POS industry with interest,365243.0,-79.0,971.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,135000.0,848070.0,31288.5,607500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018634,-19070,-1659,-9784.0,-2615,4.0,1,1,0,1,0,0,Core staff,2.0,2,2,MONDAY,9,0,0,0,0,1,1,Postal,0.7653048066593056,0.4088864681247044,0.5280927512030451,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-112.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1810833,436038,Revolving loans,3375.0,0.0,67500.0,,,FRIDAY,11,Y,1,,,,XAP,Approved,-2465,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,108000.0,675000.0,21559.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,Municipal apartment,0.010006000000000001,-18519,365243,-1103.0,-2069,,1,0,0,1,1,0,,2.0,2,1,FRIDAY,17,0,0,0,0,0,0,XNA,0.6355549183347812,0.5011608633143707,0.7922644738669378,0.0206,0.0,0.9881,,,0.0,0.1034,0.0417,,0.0418,,0.0203,,0.0,0.021,0.0,0.9881,,,0.0,0.1034,0.0417,,0.0428,,0.0212,,0.0,0.0208,0.0,0.9881,,,0.0,0.1034,0.0417,,0.0425,,0.0207,,0.0,,block of flats,0.0181,Wooden,No,3.0,1.0,3.0,1.0,-1966.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2224116,287145,Consumer loans,,59125.5,59125.5,0.0,59125.5,MONDAY,10,Y,1,0.0,,,XAP,Refused,-2105,Cash through the bank,HC,Family,Repeater,Computers,XNA,XNA,Stone,1327,Consumer electronics,,XNA,POS household with interest,,,,,,,0,Cash loans,M,Y,Y,2,90000.0,61128.0,6714.0,54000.0,Other_A,Working,Secondary / secondary special,Civil marriage,House / apartment,0.00823,-13922,-644,-8025.0,-4762,21.0,1,1,0,1,0,0,Drivers,4.0,2,2,SATURDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.09865080729473236,0.5658969639248427,0.7992967832109371,0.0701,,0.9786,,,0.0,0.1379,0.1667,,,,0.059,,,0.0714,,0.9786,,,0.0,0.1379,0.1667,,,,0.0615,,,0.0708,,0.9786,,,0.0,0.1379,0.1667,,,,0.0601,,,reg oper account,block of flats,0.06,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1216337,358416,Consumer loans,9720.99,184950.0,147960.0,36990.0,184950.0,TUESDAY,7,Y,1,0.2178181818181818,,,XAP,Refused,-2146,XNA,HC,Family,New,Computers,POS,XNA,Regional / Local,30,Consumer electronics,24.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,Y,1,270000.0,1247121.0,36594.0,1089000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.006629,-17097,-8073,-2937.0,-603,,1,1,0,1,0,0,,3.0,2,2,SATURDAY,5,0,0,0,0,0,0,School,,0.0945590116157391,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-730.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2374805,280019,Cash loans,,0.0,0.0,,,SATURDAY,16,Y,1,,,,XNA,Refused,-186,XNA,SCOFR,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,N,2,225000.0,808650.0,23305.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0060079999999999995,-11385,-941,-344.0,-1579,,1,1,0,1,0,0,Sales staff,4.0,2,2,TUESDAY,12,0,0,0,0,1,1,Government,0.3863723230681445,0.5869723847054449,0.28961123838200553,,,0.9836,,,,,,,,,0.0192,,,,,0.9836,,,,,,,,,0.02,,,,,0.9836,,,,,,,,,0.0196,,,,,0.0157,,No,10.0,0.0,10.0,0.0,-1.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1467159,428531,Cash loans,25564.815,315000.0,444915.0,,315000.0,MONDAY,15,Y,1,,,,XNA,Approved,-662,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,36.0,high,Cash X-Sell: high,365243.0,-632.0,418.0,-92.0,-82.0,1.0,0,Cash loans,F,N,N,0,49500.0,269550.0,24853.5,225000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-16635,-1574,-7255.0,-172,,1,1,0,1,0,0,Cleaning staff,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,Industry: type 3,,0.6771455012121997,0.5814837058057234,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-1526.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2778720,233325,Revolving loans,12375.0,247500.0,247500.0,,247500.0,SATURDAY,7,Y,1,,,,XAP,Approved,-364,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-364.0,-316.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,90000.0,585000.0,28273.5,585000.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-21366,365243,-7155.0,-4561,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,8,0,0,0,0,0,0,XNA,,0.5222483812753963,,0.0165,0.0506,0.9662,0.5376,0.0,0.0,0.069,0.0417,0.0417,0.0236,0.0134,0.0101,0.0,0.0035,0.0168,0.0525,0.9662,0.5557,0.0,0.0,0.069,0.0417,0.0417,0.0241,0.0147,0.0106,0.0,0.0037,0.0167,0.0506,0.9662,0.5438,0.0,0.0,0.069,0.0417,0.0417,0.024,0.0137,0.0103,0.0,0.0036,reg oper account,block of flats,0.0087,"Stone, brick",No,0.0,0.0,0.0,0.0,-1414.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1452600,316150,Cash loans,95508.0,3150000.0,3150000.0,,3150000.0,THURSDAY,14,Y,1,,,,XNA,Refused,-989,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,low_action,Cash Street: low,,,,,,,0,Cash loans,F,N,N,1,225000.0,1125000.0,43722.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-12476,-4176,-3662.0,-4764,,1,1,0,1,0,0,Medicine staff,3.0,2,2,SATURDAY,11,0,0,0,0,0,0,Medicine,,0.4908841119183816,0.5867400085415683,0.2196,0.0989,0.9876,0.83,0.03,0.12,0.1034,0.3333,0.375,0.0477,0.179,0.1651,0.0232,0.0127,0.2237,0.1027,0.9876,0.8367,0.0303,0.1208,0.1034,0.3333,0.375,0.0488,0.1956,0.172,0.0233,0.0134,0.2217,0.0989,0.9876,0.8323,0.0302,0.12,0.1034,0.3333,0.375,0.0486,0.1821,0.168,0.0233,0.013,reg oper account,block of flats,0.1485,Panel,No,0.0,0.0,0.0,0.0,-931.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1210386,243037,Consumer loans,6643.35,61375.5,59796.0,6138.0,61375.5,SATURDAY,11,Y,1,0.10138684138684136,,,XAP,Approved,-2490,Cash through the bank,XAP,Children,New,Consumer Electronics,POS,XNA,Country-wide,4000,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2459.0,-2189.0,-2189.0,-2181.0,1.0,0,Cash loans,F,Y,N,0,225000.0,522000.0,15259.5,522000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018801,-19919,-788,-2683.0,-353,17.0,1,1,1,1,0,0,Managers,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Self-employed,,0.5427847926707321,0.6058362647264226,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-317.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1231075,377558,Consumer loans,1944.54,16335.0,16218.0,1665.0,16335.0,MONDAY,16,Y,1,0.1014000091503866,,,XAP,Approved,-1103,Cash through the bank,XAP,Family,Refreshed,Mobile,POS,XNA,Stone,13,Connectivity,12.0,high,POS mobile with interest,365243.0,-1061.0,-731.0,-911.0,-908.0,0.0,1,Cash loans,F,N,N,2,54000.0,156339.0,9630.0,130500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010966,-13996,-3761,-246.0,-4867,,1,1,0,1,0,0,Cooking staff,4.0,2,2,FRIDAY,13,0,0,0,0,0,0,Kindergarten,,0.4826296157332253,0.5370699579791587,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2278.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2689928,371623,Cash loans,8468.19,135000.0,161730.0,,135000.0,FRIDAY,10,Y,1,,,,Other,Refused,-224,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,middle,Cash Street: middle,,,,,,,0,Cash loans,M,Y,N,0,126000.0,284400.0,13257.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00823,-19371,-1496,-2063.0,-2890,7.0,1,1,0,1,1,0,Laborers,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Housing,,0.6398390697977699,0.11465249430297055,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1628.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1833726,314397,Cash loans,17174.205,360000.0,532368.0,,360000.0,THURSDAY,12,Y,1,,,,Repairs,Refused,-601,Cash through the bank,LIMIT,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,1,135000.0,269550.0,24853.5,225000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.026392000000000002,-14943,-1737,-69.0,-4146,,1,1,0,1,0,0,Core staff,3.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,School,0.3766114931323405,0.02782131914963164,0.21155076420525776,0.034,0.0745,0.9881,,,0.0,0.1034,0.0833,,0.0269,,0.0334,,0.0,0.0347,0.0773,0.9881,,,0.0,0.1034,0.0833,,0.0275,,0.0348,,0.0,0.0344,0.0745,0.9881,,,0.0,0.1034,0.0833,,0.0273,,0.034,,0.0,,block of flats,0.0263,"Stone, brick",No,0.0,0.0,0.0,0.0,-1610.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2630798,452078,Cash loans,47261.655,225000.0,232425.0,,225000.0,WEDNESDAY,16,Y,1,,,,XNA,Approved,-974,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Regional / Local,2263,Consumer electronics,6.0,high,Cash Street: high,,,,,,,0,Cash loans,M,N,Y,0,135000.0,206271.0,22212.0,193500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.032561,-9117,-626,-9003.0,-532,,1,1,0,1,0,0,Core staff,1.0,1,1,THURSDAY,18,0,0,0,0,0,0,Business Entity Type 1,,0.7323016647303034,,0.5546,0.1911,0.9816,0.7484,0.0833,0.6,0.5172,0.3333,0.375,0.1554,0.4522,0.4171,0.0,0.0,0.5651,0.1983,0.9816,0.7583,0.084,0.6042,0.5172,0.3333,0.375,0.159,0.494,0.3702,0.0,0.0,0.56,0.1911,0.9816,0.7518,0.0838,0.6,0.5172,0.3333,0.375,0.1581,0.46,0.3617,0.0,0.0,reg oper account,block of flats,0.4253,Panel,No,3.0,0.0,3.0,0.0,-263.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1817729,131978,Consumer loans,11897.82,123034.5,141304.5,0.0,123034.5,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-1802,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,550,Consumer electronics,18.0,high,POS household with interest,365243.0,-1771.0,-1261.0,-1261.0,-1255.0,0.0,0,Cash loans,F,N,Y,0,180000.0,986553.0,28845.0,823500.0,Unaccompanied,Working,Incomplete higher,Single / not married,House / apartment,0.028663,-10584,-237,-1471.0,-1387,,1,1,0,1,0,0,High skill tech staff,1.0,2,2,TUESDAY,11,0,0,0,1,1,0,Business Entity Type 2,0.2252163005340922,0.4367677240911089,0.4489622731076524,0.0072,,0.9796,,,,0.069,0.0,,,,0.0033,,,0.0074,,0.9796,,,,0.069,0.0,,,,0.0034,,,0.0073,,0.9796,,,,0.069,0.0,,,,0.0033,,,,block of flats,0.0026,Wooden,Yes,0.0,0.0,0.0,0.0,-166.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2222405,349640,Cash loans,5530.5,45000.0,45000.0,0.0,45000.0,TUESDAY,9,Y,1,0.0,,,XNA,Refused,-2785,XNA,SCO,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,10.0,middle,Cash Street: middle,,,,,,,0,Cash loans,M,Y,Y,2,112500.0,373140.0,25065.0,337500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00702,-11313,-570,-3246.0,-3436,7.0,1,1,0,1,0,0,Drivers,4.0,2,2,MONDAY,14,0,0,0,0,0,0,Self-employed,,0.4979354087337751,0.6397075677637197,0.0694,0.0991,0.995,0.9252,0.0332,0.0132,0.1262,0.2221,0.2083,0.0516,0.053,0.0756,0.0019,0.0026,0.0284,0.1028,0.995,0.9281,0.0335,0.0,0.1724,0.1667,0.0417,0.0528,0.0248,0.0428,0.0,0.0,0.0781,0.0991,0.995,0.9262,0.0334,0.0,0.1724,0.1667,0.2083,0.0525,0.0539,0.0581,0.0019,0.0026,reg oper account,block of flats,0.0323,Panel,No,1.0,0.0,1.0,0.0,-1714.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2526684,401146,Consumer loans,4238.235,52200.0,41760.0,10440.0,52200.0,TUESDAY,11,Y,1,0.2178181818181818,,,XAP,Approved,-386,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,12.0,middle,POS mobile with interest,365243.0,-355.0,-25.0,-325.0,-318.0,0.0,0,Cash loans,F,Y,Y,1,67500.0,193572.0,20974.5,171000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-14749,-3687,-742.0,-4296,64.0,1,1,0,1,0,0,High skill tech staff,3.0,2,2,WEDNESDAY,12,0,0,0,0,1,1,Security,0.597065939230131,0.6568674411423872,0.4686596550493113,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1206835,428568,Cash loans,15698.25,225000.0,225000.0,,225000.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-331,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Stone,140,Consumer electronics,24.0,high,Cash X-Sell: high,365243.0,-301.0,389.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,N,1,45000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-10506,-1891,-1522.0,-3187,,1,1,0,1,0,0,Sales staff,3.0,2,2,FRIDAY,6,0,0,0,0,0,0,Business Entity Type 3,,0.3440582338024009,0.5531646987710016,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,0.0,8.0,0.0,-1210.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,9.0 +1799495,159465,Consumer loans,4018.185,18360.0,19327.5,0.0,18360.0,MONDAY,12,Y,1,0.0,,,XAP,Approved,-809,Cash through the bank,XAP,Family,Refreshed,Mobile,POS,XNA,Country-wide,30,Connectivity,6.0,high,POS mobile with interest,365243.0,-778.0,-628.0,-658.0,-648.0,0.0,0,Cash loans,F,N,Y,0,103500.0,922500.0,27103.5,922500.0,Children,Working,Secondary / secondary special,Married,House / apartment,0.030755,-18081,-7146,-10881.0,-1620,,1,1,0,1,0,0,Medicine staff,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Medicine,,0.7416392531792353,0.7503751495159068,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1761.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2529146,185873,Cash loans,47299.725,360000.0,428517.0,,360000.0,THURSDAY,17,Y,1,,,,XNA,Approved,-613,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-583.0,-253.0,-463.0,-456.0,1.0,0,Cash loans,F,N,Y,0,225000.0,673875.0,26239.5,562500.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.032561,-13899,-2675,-3002.0,-4486,,1,1,0,1,0,0,High skill tech staff,1.0,1,1,MONDAY,18,0,0,0,0,0,0,Business Entity Type 1,0.6232360675227426,0.7218228476580458,0.0963186927645401,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-839.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +2763981,422757,Consumer loans,19539.54,218335.5,206113.5,31500.0,218335.5,TUESDAY,14,Y,1,0.1443788489979047,,,XAP,Refused,-1873,Cash through the bank,HC,"Spouse, partner",New,Computers,POS,XNA,Country-wide,1226,Consumer electronics,14.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,N,0,225000.0,450000.0,21888.0,450000.0,Family,State servant,Incomplete higher,Married,Office apartment,0.006233,-11943,-2599,-2259.0,-4432,,1,1,1,1,0,0,,2.0,2,2,TUESDAY,8,0,0,0,0,0,0,Military,0.761609360347181,0.6848080641297013,0.5100895276257282,0.0577,0.0773,0.9776,0.6940000000000001,0.004,0.0,0.1379,0.125,0.1667,0.0252,0.0471,0.0531,0.0,0.0,0.0588,0.0802,0.9777,0.706,0.004,0.0,0.1379,0.125,0.1667,0.0258,0.0514,0.0553,0.0,0.0,0.0583,0.0773,0.9776,0.6981,0.004,0.0,0.1379,0.125,0.1667,0.0257,0.0479,0.054000000000000006,0.0,0.0,not specified,block of flats,0.0439,"Stone, brick",No,0.0,0.0,0.0,0.0,-1873.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1538428,394454,Consumer loans,4326.615,71775.0,57420.0,14355.0,71775.0,MONDAY,12,Y,1,0.2178181818181818,,,XAP,Approved,-851,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,43,Connectivity,18.0,middle,POS mobile with interest,365243.0,-817.0,-307.0,-817.0,-809.0,0.0,0,Cash loans,M,N,Y,1,189000.0,826398.0,29812.5,697500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-16621,-3341,-4309.0,-175,,1,1,0,1,0,0,Managers,3.0,3,3,FRIDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.3562192735941807,0.5036482381510776,0.2067786544915716,0.0371,0.0355,0.9876,0.83,0.0051,0.04,0.0345,0.3333,0.375,0.0354,0.0294,0.0367,0.0039,0.0088,0.0378,0.0368,0.9876,0.8367,0.0051,0.0403,0.0345,0.3333,0.375,0.0362,0.0321,0.0382,0.0039,0.0093,0.0375,0.0355,0.9876,0.8323,0.0051,0.04,0.0345,0.3333,0.375,0.036000000000000004,0.0299,0.0373,0.0039,0.009000000000000001,reg oper account,block of flats,0.0335,Panel,No,0.0,0.0,0.0,0.0,-1815.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,2.0 +1987918,177957,Consumer loans,4670.955,20205.0,23868.0,0.0,20205.0,MONDAY,18,Y,1,0.0,,,XAP,Approved,-1049,Cash through the bank,XAP,"Spouse, partner",New,Computers,POS,XNA,Regional / Local,150,Consumer electronics,6.0,high,POS other with interest,365243.0,-1018.0,-868.0,-868.0,-861.0,0.0,0,Cash loans,F,N,N,1,180000.0,1078200.0,31653.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.02461,-10717,-2589,-4979.0,-2356,,1,1,0,1,0,0,Core staff,3.0,2,2,SUNDAY,15,0,0,0,0,0,0,Kindergarten,0.5268997639927635,0.6942870032104914,0.5172965813614878,0.0165,0.0,0.9727,0.626,0.0013,0.0,0.069,0.0417,0.0833,0.0215,0.0134,0.0074,0.0,0.0,0.0168,0.0,0.9727,0.6406,0.0013,0.0,0.069,0.0417,0.0833,0.022,0.0147,0.0077,0.0,0.0,0.0167,0.0,0.9727,0.631,0.0013,0.0,0.069,0.0417,0.0833,0.0219,0.0137,0.0075,0.0,0.0,,block of flats,0.0085,"Stone, brick",No,0.0,0.0,0.0,0.0,-1646.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1493557,382329,Cash loans,137737.35,1305000.0,1342899.0,,1305000.0,SATURDAY,13,Y,1,,,,XNA,Approved,-727,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-697.0,-367.0,-697.0,-690.0,1.0,0,Cash loans,F,Y,Y,0,540000.0,918000.0,26838.0,918000.0,Unaccompanied,Working,Higher education,Widow,House / apartment,0.00702,-15071,-3135,-1053.0,-4815,2.0,1,1,0,1,0,0,Core staff,1.0,2,2,FRIDAY,10,0,0,0,0,0,0,Security Ministries,,0.7162166548688629,,0.0546,0.0476,0.9771,0.7008,0.0017,0.0,0.1379,0.1667,0.0417,0.05,0.0403,0.0523,0.0193,0.0419,0.0557,0.0494,0.9762,0.7125,0.0017,0.0,0.1379,0.1667,0.0417,0.0512,0.0441,0.0427,0.0195,0.0444,0.0552,0.0476,0.9771,0.7048,0.0017,0.0,0.1379,0.1667,0.0417,0.0509,0.041,0.0532,0.0194,0.0428,reg oper account,block of flats,0.0526,"Stone, brick",No,0.0,0.0,0.0,0.0,-29.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1335487,140408,Consumer loans,11881.845,107977.5,64786.5,43191.0,107977.5,SUNDAY,16,Y,1,0.4356363636363636,,,XAP,Approved,-1505,Cash through the bank,XAP,Family,Refreshed,Computers,POS,XNA,Regional / Local,100,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1474.0,-1324.0,-1324.0,-1315.0,0.0,0,Revolving loans,M,Y,N,2,202500.0,270000.0,13500.0,270000.0,Other_B,State servant,Secondary / secondary special,Married,Office apartment,0.031329,-13101,-3956,-948.0,-1551,7.0,1,1,0,1,1,0,Laborers,4.0,2,2,SUNDAY,12,0,0,0,0,0,0,Military,0.4413433353826939,0.3809653565528637,0.5388627065779676,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1505.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1669763,239876,Revolving loans,2250.0,45000.0,45000.0,,45000.0,THURSDAY,15,Y,1,,,,XAP,Approved,-253,XNA,XAP,Family,New,XNA,Cards,walk-in,Country-wide,15,Connectivity,0.0,XNA,Card Street,-236.0,-207.0,365243.0,-176.0,365243.0,0.0,0,Cash loans,F,Y,Y,2,180000.0,1024290.0,33174.0,855000.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.04622,-13738,-209,-3272.0,-4847,7.0,1,1,0,1,0,0,,3.0,1,1,FRIDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.5212997736520744,0.6660874977124963,0.20208660168203949,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-253.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1499889,182401,Revolving loans,2250.0,45000.0,45000.0,,45000.0,THURSDAY,9,Y,1,,,,XAP,Approved,-153,XNA,XAP,Family,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,90000.0,269550.0,19300.5,225000.0,Unaccompanied,State servant,Secondary / secondary special,Separated,House / apartment,0.018634,-18137,-2826,-9256.0,-1687,,1,1,1,1,1,0,Core staff,1.0,2,2,WEDNESDAY,11,0,0,0,0,1,1,Government,,0.25272270554610576,0.8256357449717892,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1772.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2288592,330737,Consumer loans,4951.53,37260.0,36301.5,3726.0,37260.0,SUNDAY,11,Y,1,0.10137912003679284,,,XAP,Approved,-2159,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,57,Connectivity,10.0,high,POS mobile with interest,365243.0,-2128.0,-1858.0,-1858.0,-1851.0,0.0,0,Cash loans,F,N,Y,0,157500.0,900000.0,26446.5,900000.0,Unaccompanied,State servant,Incomplete higher,Civil marriage,House / apartment,0.006852,-10338,-795,-4136.0,-2995,,1,1,0,1,0,0,Core staff,2.0,3,3,WEDNESDAY,9,0,0,0,0,0,0,School,,0.010030184795721445,0.6940926425266661,0.0124,0.0,0.9722,,,0.0,0.069,0.0417,,0.0183,,0.0117,,0.0318,0.0126,0.0,0.9722,,,0.0,0.069,0.0417,,0.0187,,0.0122,,0.0336,0.0125,0.0,0.9722,,,0.0,0.069,0.0417,,0.0186,,0.0119,,0.0324,,block of flats,0.015,Mixed,No,3.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2713731,389242,Consumer loans,13102.965,59377.5,49176.0,11875.5,59377.5,SUNDAY,16,Y,1,0.2118457219054256,,,XAP,Approved,-940,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,4.0,middle,POS mobile without interest,365243.0,-897.0,-807.0,-867.0,-863.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,544068.0,26590.5,382500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-10591,-1996,-4723.0,-2042,2.0,1,1,0,1,1,0,Managers,2.0,2,2,TUESDAY,17,0,0,0,0,0,0,Business Entity Type 3,,0.35511062014993705,0.06733950871403091,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2355126,228785,Consumer loans,11897.46,122674.5,135630.0,0.0,122674.5,MONDAY,16,Y,1,0.0,,,XAP,Approved,-229,Cash through the bank,XAP,Unaccompanied,Refreshed,Mobile,POS,XNA,Regional / Local,300,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-198.0,132.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,112500.0,303489.0,16294.5,274500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.018801,-14120,-4141,-614.0,-4316,,1,1,0,1,1,0,Accountants,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,Medicine,0.3556498510255511,0.5768858425258536,0.6706517530862718,0.0619,0.0619,0.9712,0.6668,0.0298,0.0,0.1379,0.1667,0.2083,0.0786,0.0504,0.053,0.0,0.0,0.063,0.0642,0.9712,0.6798,0.0301,0.0,0.1379,0.1667,0.2083,0.0804,0.0551,0.0552,0.0,0.0,0.0625,0.0619,0.9712,0.6713,0.03,0.0,0.1379,0.1667,0.2083,0.08,0.0513,0.0539,0.0,0.0,reg oper spec account,block of flats,0.058,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2835262,127025,Cash loans,15221.25,225000.0,225000.0,,225000.0,THURSDAY,15,Y,1,,,,Repairs,Approved,-545,Cash through the bank,XAP,,New,XNA,Cash,walk-in,AP+ (Cash loan),2,XNA,36.0,high,Cash Street: high,365243.0,-515.0,535.0,-275.0,-269.0,0.0,0,Cash loans,F,N,Y,3,135000.0,276277.5,21955.5,238500.0,Family,State servant,Secondary / secondary special,Married,House / apartment,0.011703,-10603,-2243,-653.0,-1924,,1,1,0,1,0,1,,5.0,2,2,WEDNESDAY,12,0,1,1,0,0,0,Government,,0.6261596022796849,0.33285056416487313,0.0082,0.0,0.9732,,,0.0,0.069,0.0417,,0.0053,,0.0085,,0.0,0.0084,0.0,0.9732,,,0.0,0.069,0.0417,,0.0054,,0.0088,,0.0,0.0083,0.0,0.9732,,,0.0,0.069,0.0417,,0.0054,,0.0086,,0.0,,block of flats,0.0067,"Stone, brick",No,2.0,0.0,2.0,0.0,-545.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2695734,184584,Revolving loans,12375.0,247500.0,247500.0,,247500.0,TUESDAY,18,Y,1,,,,XAP,Refused,-192,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,1,135000.0,256500.0,13558.5,256500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.030755,-11325,-2561,-2562.0,-4011,,1,1,0,1,0,0,,3.0,2,2,FRIDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.7092051912209358,0.3001077565791181,0.068,0.0,0.9781,,,0.0,0.1379,0.1667,0.2083,0.0,,0.0735,,0.0,0.0693,0.0,0.9782,,,0.0,0.1379,0.1667,0.2083,0.0,,0.0766,,0.0,0.0687,0.0,0.9781,,,0.0,0.1379,0.1667,0.2083,0.0,,0.0748,,0.0,reg oper spec account,block of flats,0.0621,"Stone, brick",No,1.0,0.0,1.0,0.0,-1514.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2543593,301780,Cash loans,18134.145,225000.0,283036.5,0.0,225000.0,THURSDAY,17,Y,1,0.0,,,Other,Refused,-2125,Cash through the bank,LIMIT,Family,Refreshed,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,20.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,N,0,126000.0,272520.0,16803.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-18177,-1657,-11146.0,-1728,,1,1,0,1,0,0,,2.0,2,2,MONDAY,18,0,0,0,0,0,0,Business Entity Type 3,0.6023496560919849,0.6157011997052088,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1614.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1220455,285394,Consumer loans,12008.115,83205.0,101043.0,450.0,83205.0,THURSDAY,13,Y,1,0.004828814884680806,,,XAP,Approved,-735,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Regional / Local,145,Consumer electronics,10.0,middle,POS household with interest,365243.0,-704.0,-434.0,-434.0,-431.0,0.0,1,Cash loans,M,N,N,0,157500.0,447768.0,35505.0,405000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-8991,-390,-751.0,-1490,,1,1,1,1,0,0,Drivers,2.0,2,2,SUNDAY,15,0,0,0,0,0,0,Industry: type 2,,0.18933121367510056,0.1595195404777181,0.1536,0.1502,0.9762,0.6736,0.0,0.0,0.3448,0.1667,0.2083,0.1078,0.1252,0.0864,0.0,0.0,0.1565,0.1558,0.9762,0.6864,0.0,0.0,0.3448,0.1667,0.2083,0.1103,0.1368,0.09,0.0,0.0,0.1551,0.1502,0.9762,0.6779999999999999,0.0,0.0,0.3448,0.1667,0.2083,0.1097,0.1274,0.0879,0.0,0.0,reg oper account,block of flats,0.1019,Panel,No,0.0,0.0,0.0,0.0,-91.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1415469,254174,Consumer loans,5844.915,58455.0,52609.5,5845.5,58455.0,SATURDAY,11,Y,1,0.1089090909090909,,,XAP,Approved,-2727,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,955,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2696.0,-2426.0,-2426.0,-2418.0,0.0,0,Cash loans,F,N,N,0,135000.0,225000.0,13765.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.006207,-24182,365243,-8141.0,-4540,,1,0,0,1,1,0,,1.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,0.6079825893663443,0.7191453275053904,0.8555235867964663,,0.0682,0.9791,0.7144,,0.0,0.1379,0.1667,0.2083,,0.0588,0.0427,,,,0.0708,0.9791,0.7256,,0.0,0.1379,0.1667,0.2083,,0.0643,0.0445,,,,0.0682,0.9791,0.7182,,0.0,0.1379,0.1667,0.2083,,0.0599,0.0435,,,reg oper account,block of flats,0.0478,"Stone, brick",No,0.0,0.0,0.0,0.0,-1112.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1040816,337290,Cash loans,13833.45,135000.0,135000.0,,135000.0,WEDNESDAY,13,Y,1,,,,XNA,Refused,-597,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,112500.0,254700.0,15579.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.008625,-24333,365243,-11903.0,-4454,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,XNA,,0.30888148597012555,0.4135967602644276,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,2.0,0.0,-2461.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1984877,291828,Consumer loans,8835.075,72405.0,89869.5,0.0,72405.0,THURSDAY,12,Y,1,0.0,,,XAP,Approved,-883,XNA,XAP,Unaccompanied,New,Construction Materials,POS,XNA,Stone,20,Construction,12.0,middle,POS industry with interest,365243.0,-852.0,-522.0,-552.0,-544.0,0.0,0,Cash loans,M,Y,N,0,225000.0,412942.5,27724.5,373500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018029,-9857,-1191,-4466.0,-593,4.0,1,1,0,1,0,0,Core staff,2.0,3,3,FRIDAY,6,0,0,0,1,1,0,Transport: type 2,,0.40529208277080025,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1947546,379174,Consumer loans,25539.57,306819.0,276133.5,30685.5,306819.0,WEDNESDAY,17,Y,1,0.10892186954168116,,,XAP,Approved,-372,XNA,XAP,Family,New,Clothing and Accessories,POS,XNA,Country-wide,170,Clothing,12.0,low_action,POS industry without interest,365243.0,-335.0,-5.0,-5.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,180000.0,454500.0,44406.0,454500.0,Family,Commercial associate,Higher education,Married,House / apartment,0.019688999999999998,-13842,-4191,-408.0,-2653,4.0,1,1,0,1,0,1,,2.0,2,2,THURSDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.7302260514909873,0.4418358231994413,0.4320000000000001,0.0808,0.9861,,,0.48,0.3448,0.3333,,0.1547,,0.5182,,0.0121,0.4401,0.0839,0.9861,,,0.4834,0.3448,0.3333,,0.1583,,0.5399,,0.0128,0.4361,0.0808,0.9861,,,0.48,0.3448,0.3333,,0.1574,,0.5275,,0.0124,,block of flats,0.4305,Panel,No,9.0,0.0,9.0,0.0,-372.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1274753,116768,Consumer loans,7416.09,61965.0,67419.0,0.0,61965.0,SATURDAY,10,Y,1,0.0,,,XAP,Approved,-220,Cash through the bank,XAP,Family,Repeater,Homewares,POS,XNA,Stone,41,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-189.0,81.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,112500.0,247275.0,17716.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Separated,Municipal apartment,0.031329,-14372,-1267,-7448.0,-4148,,1,1,1,1,1,0,,1.0,2,2,TUESDAY,8,0,0,0,0,0,0,Medicine,,0.41308958609526863,0.5567274263630174,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,4.0,0.0,4.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1445192,167166,Consumer loans,16611.165,76495.5,89829.0,0.0,76495.5,SUNDAY,8,Y,1,0.0,,,XAP,Approved,-444,Cash through the bank,XAP,Family,Refreshed,Audio/Video,POS,XNA,Country-wide,5000,Consumer electronics,6.0,middle,POS household with interest,365243.0,-412.0,-262.0,-322.0,-318.0,0.0,0,Cash loans,F,N,Y,0,112500.0,149256.0,16074.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.031329,-18715,-2554,-8351.0,-2241,,1,1,0,1,0,0,Cleaning staff,1.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Business Entity Type 2,0.27083074719729044,0.4511583433555528,0.4206109640437848,0.0928,0.0906,0.9831,,,0.0,0.2069,0.1667,,,,0.0774,,0.0364,0.0945,0.0941,0.9831,,,0.0,0.2069,0.1667,,,,0.0806,,0.0385,0.0937,0.0906,0.9831,,,0.0,0.2069,0.1667,,,,0.0788,,0.0371,,block of flats,0.061,Panel,No,2.0,0.0,2.0,0.0,-1754.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1698402,308918,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SATURDAY,16,Y,1,,,,XAP,Refused,-285,XNA,SCOFR,Family,Refreshed,XNA,Cards,walk-in,Country-wide,500,Consumer electronics,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,Y,Y,0,157500.0,545040.0,26509.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-11907,-2988,-2639.0,-4032,13.0,1,1,1,1,1,1,Core staff,2.0,1,1,THURSDAY,11,0,1,1,0,0,0,Trade: type 3,0.5420851581427804,0.6180888500713714,0.2650494299443805,0.0825,0.0728,0.9762,,,0.0,0.1724,0.1667,,0.0066,,0.0466,,0.1332,0.084,0.0756,0.9762,,,0.0,0.1724,0.1667,,0.0067,,0.0486,,0.141,0.0833,0.0728,0.9762,,,0.0,0.1724,0.1667,,0.0067,,0.0474,,0.136,,block of flats,0.0556,Panel,No,0.0,0.0,0.0,0.0,-1514.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1398024,288684,Consumer loans,13862.34,67905.0,72837.0,0.0,67905.0,SUNDAY,11,Y,1,0.0,,,XAP,Approved,-176,XNA,XAP,Unaccompanied,New,Computers,POS,XNA,Stone,17,Connectivity,6.0,middle,POS mobile with interest,365243.0,-145.0,5.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,N,1,396000.0,1419606.0,37579.5,1111500.0,Unaccompanied,State servant,Higher education,Single / not married,With parents,0.006629,-11250,-866,-3489.0,-3486,9.0,1,1,0,1,0,0,Core staff,2.0,2,2,FRIDAY,11,0,0,0,1,1,0,Medicine,,0.41000214572145455,0.470456116119975,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-176.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1750409,319794,Consumer loans,8997.255,71910.0,78237.0,0.0,71910.0,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-319,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Regional / Local,1,Consumer electronics,10.0,middle,POS household with interest,365243.0,-288.0,-18.0,-18.0,365243.0,0.0,0,Cash loans,F,Y,N,0,90000.0,679500.0,19867.5,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0060079999999999995,-12494,-2256,-6371.0,-3701,1.0,1,1,1,1,0,0,Medicine staff,2.0,2,2,MONDAY,11,0,0,0,0,0,0,Medicine,,0.413450149624408,0.4561097392782771,0.1649,0.1073,0.9747,0.6532,0.005,0.0,0.3103,0.1667,0.2083,0.1163,0.1177,0.1163,0.0772,0.1482,0.1681,0.1114,0.9747,0.6668,0.0051,0.0,0.3103,0.1667,0.2083,0.119,0.1286,0.1212,0.0778,0.1569,0.1665,0.1073,0.9747,0.6578,0.0051,0.0,0.3103,0.1667,0.2083,0.1184,0.1197,0.1184,0.0776,0.1513,reg oper account,block of flats,0.1265,"Stone, brick",No,0.0,0.0,0.0,0.0,-147.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2259643,380471,Cash loans,55956.06,1192500.0,1331019.0,,1192500.0,THURSDAY,9,Y,1,,,,XNA,Approved,-835,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-805.0,605.0,-595.0,-587.0,1.0,0,Cash loans,F,N,Y,1,135000.0,808650.0,26086.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.018029,-15561,-563,-7066.0,-5243,,1,1,0,1,0,0,Laborers,3.0,3,3,SATURDAY,8,0,0,0,0,0,0,Business Entity Type 3,0.19447406957423446,0.5393367395649199,0.34741822720026416,0.1,,0.9891,,,1.0,0.1034,0.3333,,0.0203,,0.0752,,0.1541,0.1019,,0.9891,,,1.0,0.1034,0.3333,,0.0208,,0.0783,,0.1632,0.101,,0.9891,,,1.0,0.1034,0.3333,,0.0207,,0.0765,,0.1573,,block of flats,0.0926,Panel,No,2.0,0.0,2.0,0.0,-1602.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1129319,143709,Cash loans,15329.79,270000.0,318640.5,,270000.0,TUESDAY,9,Y,1,,,,XNA,Approved,-356,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-326.0,724.0,-296.0,-288.0,1.0,0,Cash loans,M,Y,Y,0,157500.0,450000.0,47880.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-12951,-2376,-5882.0,-4258,3.0,1,1,1,1,1,0,Security staff,2.0,1,1,MONDAY,15,0,1,1,0,1,1,Security,0.6979295225011541,0.7328243340016655,0.7032033049040319,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1906.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1569072,417652,Cash loans,12012.75,351000.0,432081.0,,351000.0,FRIDAY,8,Y,1,,,,XNA,Approved,-167,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-137.0,1633.0,365243.0,365243.0,1.0,1,Cash loans,M,N,Y,0,67500.0,316125.0,12046.5,261000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.0228,-22484,365243,-14154.0,-4010,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,12,0,0,0,0,0,0,XNA,,0.6378108006606119,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-344.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1767996,424183,Cash loans,25830.0,360000.0,384948.0,,360000.0,THURSDAY,18,Y,1,,,,XNA,Approved,-163,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,180000.0,485640.0,34668.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.008019,-14709,-2416,-344.0,-4098,,1,1,0,1,0,0,Laborers,1.0,2,2,SATURDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.5766563079937084,0.19519840600440985,0.0722,0.08,0.9786,0.7076,0.0329,0.0,0.1379,0.1667,0.2083,0.0415,0.058,0.0619,0.0039,0.0036,0.0735,0.083,0.9786,0.7190000000000001,0.0332,0.0,0.1379,0.1667,0.2083,0.0425,0.0634,0.0645,0.0039,0.0038,0.0729,0.08,0.9786,0.7115,0.0331,0.0,0.1379,0.1667,0.2083,0.0423,0.059,0.0631,0.0039,0.0036,reg oper account,block of flats,0.0679,"Stone, brick",No,0.0,0.0,0.0,0.0,-1246.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2075380,293085,Consumer loans,3678.435,45552.825,36445.5,9107.325,45552.825,SUNDAY,12,Y,1,0.21774071890462035,0.1891363481808909,0.8350951374207188,XAP,Approved,-223,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,40,Connectivity,12.0,middle,POS mobile with interest,,,,,,,0,Cash loans,F,Y,N,2,202500.0,225000.0,20637.0,225000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.025164,-14593,-1342,-1071.0,-515,8.0,1,1,1,1,1,1,Managers,4.0,2,2,THURSDAY,7,0,0,0,0,0,0,Other,,0.34613889311167945,0.180887977767074,0.4515,0.2393,0.9866,0.8164,0.1634,0.44,0.3793,0.375,0.4167,0.1024,0.3682,0.4724,0.0,0.0,0.4601,0.2483,0.9866,0.8236,0.1649,0.4431,0.3793,0.375,0.4167,0.1047,0.4022,0.4922,0.0,0.0,0.4559,0.2393,0.9866,0.8189,0.1644,0.44,0.3793,0.375,0.4167,0.1041,0.3745,0.4809,0.0,0.0,not specified,block of flats,0.4609,Panel,No,0.0,0.0,0.0,0.0,-562.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1503820,223117,Consumer loans,13782.6,172503.0,232069.5,0.0,172503.0,TUESDAY,15,Y,1,0.0,,,XAP,Refused,-455,Cash through the bank,LIMIT,,Repeater,Computers,POS,XNA,Country-wide,652,Consumer electronics,24.0,middle,POS household with interest,,,,,,,0,Revolving loans,M,N,Y,0,157500.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.020246,-17468,-648,-8317.0,-1009,,1,1,0,1,0,0,Drivers,2.0,3,3,TUESDAY,6,0,0,0,0,0,0,Self-employed,,0.07202690806546651,,0.067,0.0563,0.9732,0.6328,0.006,0.0,0.1379,0.1667,0.2083,0.0676,0.0538,0.0503,0.0039,0.0914,0.0683,0.0584,0.9732,0.6472,0.0061,0.0,0.1379,0.1667,0.2083,0.0691,0.0588,0.0524,0.0039,0.0967,0.0677,0.0563,0.9732,0.6377,0.0061,0.0,0.1379,0.1667,0.2083,0.0687,0.0547,0.0512,0.0039,0.0933,reg oper spec account,block of flats,0.0628,"Stone, brick",No,0.0,0.0,0.0,0.0,-223.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1125752,112620,Consumer loans,3023.82,27481.5,30748.5,0.0,27481.5,WEDNESDAY,19,Y,1,0.0,,,XAP,Approved,-467,Cash through the bank,XAP,Unaccompanied,Refreshed,Construction Materials,POS,XNA,Regional / Local,11666,Construction,12.0,middle,POS industry with interest,365243.0,-435.0,-105.0,-315.0,-309.0,0.0,0,Cash loans,M,Y,Y,0,180000.0,132768.0,7330.5,90000.0,Family,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.005084,-17861,-1283,-959.0,-1417,12.0,1,1,0,1,0,0,Drivers,1.0,2,2,MONDAY,14,0,0,0,0,0,0,Self-employed,,0.6638269614438119,0.4507472818545589,0.2474,0.1187,0.998,0.9728,0.0463,0.24,0.1034,0.375,,0.0868,0.2017,0.092,,0.3043,0.2521,0.1232,0.998,0.9739,0.0468,0.2417,0.1034,0.375,,0.0887,0.2204,0.0959,,0.3221,0.2498,0.1187,0.998,0.9732,0.0466,0.24,0.1034,0.375,,0.0883,0.2052,0.0937,,0.3106,reg oper account,block of flats,0.1385,"Stone, brick",No,0.0,0.0,0.0,0.0,-467.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1626490,340696,Consumer loans,6327.45,34542.0,31527.0,4500.0,34542.0,WEDNESDAY,5,Y,1,0.13603433788295136,,,XAP,Approved,-2668,Cash through the bank,XAP,,New,Mobile,POS,XNA,Stone,4,Connectivity,6.0,high,POS household with interest,365243.0,-2630.0,-2480.0,-2480.0,-2475.0,1.0,0,Cash loans,M,Y,Y,0,67500.0,85320.0,3343.5,67500.0,Unaccompanied,Working,Higher education,Single / not married,Rented apartment,0.020246,-14120,-7127,-4088.0,-4978,13.0,1,1,0,1,1,0,Laborers,1.0,3,3,THURSDAY,13,0,0,0,0,0,0,Industry: type 9,,0.5031726403981952,0.3606125659189888,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2074.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1102454,350843,Consumer loans,2975.715,14445.0,15205.5,0.0,14445.0,MONDAY,17,Y,1,0.0,,,XAP,Approved,-980,XNA,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,86,Industry,6.0,high,POS industry with interest,365243.0,-943.0,-793.0,-793.0,-785.0,0.0,0,Cash loans,F,N,Y,0,47250.0,254700.0,14350.5,225000.0,Unaccompanied,State servant,Secondary / secondary special,Civil marriage,House / apartment,0.01885,-19540,-2316,-2148.0,-3044,,1,1,1,1,1,0,Laborers,2.0,2,2,MONDAY,11,0,0,0,0,0,0,Postal,,0.5891442853934029,0.7826078370261895,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-607.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2271355,414146,Consumer loans,5905.53,127512.0,127512.0,0.0,127512.0,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-535,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,2112,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-503.0,187.0,365243.0,365243.0,0.0,0,Revolving loans,F,Y,Y,0,166500.0,315000.0,15750.0,315000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.00702,-10343,-1895,-930.0,-3027,7.0,1,1,0,1,0,0,,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Bank,,0.1935520702166368,0.20442262537632874,0.0412,,0.9747,,,,0.069,0.1667,,,0.0336,0.0374,,,0.042,,0.9747,,,,0.069,0.1667,,,0.0367,0.039,,,0.0416,,0.9747,,,,0.069,0.1667,,,0.0342,0.0381,,,reg oper account,,0.0315,"Stone, brick",No,0.0,0.0,0.0,0.0,-1768.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2817283,418262,Cash loans,54504.135,922500.0,976077.0,,922500.0,MONDAY,11,Y,1,,,,XNA,Approved,-869,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-839.0,-149.0,-569.0,-561.0,1.0,0,Cash loans,F,N,N,0,112500.0,213948.0,12280.5,189000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-22310,-1069,-6194.0,-3861,,1,1,0,1,0,0,,2.0,3,2,TUESDAY,10,0,0,0,0,0,0,Government,,0.37292810149954136,0.5849900404894085,0.4247,0.2805,0.9851,0.7959999999999999,0.1093,0.48,0.4138,0.3333,0.375,0.2841,0.3446,0.4731,0.0077,0.009000000000000001,0.4328,0.2911,0.9851,0.804,0.1103,0.4834,0.4138,0.3333,0.375,0.2905,0.3765,0.4929,0.0078,0.0095,0.4289,0.2805,0.9851,0.7987,0.11,0.48,0.4138,0.3333,0.375,0.289,0.3506,0.4816,0.0078,0.0091,reg oper spec account,block of flats,0.374,Panel,No,3.0,0.0,3.0,0.0,-2085.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,7.0 +1465726,418231,Cash loans,22962.375,450000.0,521280.0,,450000.0,MONDAY,14,Y,1,,,,XNA,Approved,-315,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-285.0,765.0,-225.0,-218.0,1.0,0,Cash loans,F,N,Y,0,148500.0,630000.0,34177.5,630000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.018634,-18727,-354,-2522.0,-2222,,1,1,1,1,1,0,,1.0,2,2,MONDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.5390107392969052,0.7062051096536562,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1724.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1370978,435293,Cash loans,2608.605,58500.0,68989.5,,58500.0,MONDAY,10,Y,1,,,,XNA,Refused,-161,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,N,Y,0,112500.0,147888.0,10012.5,117000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.010966,-13543,-264,-1329.0,-3898,,1,1,0,1,0,0,Laborers,1.0,2,2,MONDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.011857270319573815,,0.0825,0.0806,0.9771,,0.0095,0.0,0.1724,0.1667,0.2083,0.043,0.0672,0.0686,0.0,0.0,0.084,0.0836,0.9772,,0.0096,0.0,0.1724,0.1667,0.2083,0.044,0.0735,0.0715,0.0,0.0,0.0833,0.0806,0.9771,,0.0095,0.0,0.1724,0.1667,0.2083,0.0438,0.0684,0.0698,0.0,0.0,reg oper spec account,block of flats,0.06,Panel,No,1.0,0.0,1.0,0.0,-166.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2237978,121615,Consumer loans,20687.22,210375.0,105187.5,105187.5,210375.0,THURSDAY,15,Y,1,0.5445454545454544,,,XAP,Approved,-771,Cash through the bank,XAP,Family,Refreshed,Clothing and Accessories,POS,XNA,Stone,40,Clothing,6.0,high,POS industry with interest,365243.0,-739.0,-589.0,-589.0,-586.0,0.0,0,Cash loans,F,Y,N,0,112500.0,319500.0,16312.5,319500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-15764,-4899,-7791.0,-4917,7.0,1,1,1,1,0,0,,2.0,2,2,THURSDAY,17,0,0,0,0,1,1,Agriculture,,0.663260648078046,0.7106743858828587,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-420.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2038938,363185,Consumer loans,2604.87,24250.5,15682.5,9540.0,24250.5,MONDAY,14,Y,1,0.4119309058470521,,,XAP,Approved,-1571,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,32,Connectivity,8.0,high,POS mobile with interest,365243.0,-1539.0,-1329.0,-1389.0,-1383.0,0.0,0,Revolving loans,F,N,Y,0,135000.0,270000.0,13500.0,270000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.005002,-15861,-2622,-2156.0,-1378,,1,1,0,1,0,0,Sales staff,2.0,3,3,THURSDAY,18,0,0,0,1,1,0,Self-employed,,0.4925127962716479,0.6658549219640212,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-682.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2468217,184986,Cash loans,9127.35,135000.0,135000.0,0.0,135000.0,TUESDAY,10,Y,1,0.0,,,XNA,Refused,-2503,XNA,SCO,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,24.0,high,Cash Street: high,,,,,,,0,Cash loans,F,Y,Y,0,112500.0,647046.0,19048.5,463500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,With parents,0.01885,-17670,-2318,-7843.0,-1199,24.0,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,11,0,1,1,0,1,1,Business Entity Type 3,0.6974074645206207,0.6169784157812577,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-2506.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2500164,212888,Consumer loans,8406.0,79650.0,78781.5,7965.0,79650.0,WEDNESDAY,11,Y,1,0.0999995284064382,,,XAP,Approved,-1346,XNA,XAP,Unaccompanied,Repeater,Construction Materials,POS,XNA,Stone,40,Construction,12.0,middle,POS industry with interest,365243.0,-1293.0,-963.0,-993.0,-985.0,0.0,0,Cash loans,F,Y,Y,1,157500.0,536917.5,30109.5,463500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-15249,-3223,-3884.0,-3901,0.0,1,1,0,1,0,0,Sales staff,3.0,2,2,FRIDAY,13,0,0,0,0,0,0,Self-employed,,0.6965149672860044,0.5797274227921155,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-121.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +1978852,423367,Consumer loans,4330.035,42525.0,42039.0,4275.0,42525.0,MONDAY,11,Y,1,0.10052821255697277,,,XAP,Approved,-2304,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Stone,50,Consumer electronics,12.0,middle,POS household with interest,365243.0,-2265.0,-1935.0,-1935.0,-1927.0,0.0,0,Cash loans,F,N,Y,0,45000.0,450000.0,23107.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-9907,-2466,-1183.0,-2595,,1,1,1,1,1,0,Sales staff,2.0,2,2,TUESDAY,10,0,0,0,0,1,1,Self-employed,0.35000443371902873,0.3489206206972365,0.7850520263728172,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,0.0,9.0,0.0,-2512.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1282005,381677,Consumer loans,17433.135,341847.0,386973.0,0.0,341847.0,SATURDAY,20,Y,1,0.0,,,XAP,Approved,-966,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,1000,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-934.0,-244.0,-424.0,-419.0,0.0,0,Cash loans,M,N,Y,0,180000.0,177768.0,11488.5,135000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,Office apartment,0.025164,-13052,-2916,-1298.0,-4953,,1,1,0,1,0,0,Laborers,1.0,2,2,SATURDAY,8,0,0,0,0,0,0,Self-employed,0.25878760663320904,0.5091797696113811,0.4365064990977374,0.1302,0.1054,0.9846,0.7892,0.0,0.05,0.1983,0.3021,0.3438,0.0,0.1061,0.115,0.0,0.0,0.0746,0.0337,0.9801,0.7387,0.0,0.0403,0.0345,0.3333,0.375,0.0,0.0652,0.0499,0.0,0.0,0.0937,0.0514,0.9821,0.7585,0.0,0.04,0.069,0.3333,0.375,0.0,0.077,0.0806,0.0,0.0,reg oper account,block of flats,0.1996,Panel,No,0.0,0.0,0.0,0.0,-1761.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +1126008,366949,Consumer loans,7735.905,29205.0,27153.0,2920.5,29205.0,MONDAY,7,Y,1,0.10576387849768068,,,XAP,Approved,-2755,Cash through the bank,XAP,Other_B,New,Mobile,POS,XNA,Country-wide,65,Connectivity,4.0,low_normal,POS mobile with interest,365243.0,-2724.0,-2634.0,-2634.0,-2630.0,1.0,0,Cash loans,M,Y,Y,0,306000.0,1428003.0,51291.0,1179000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.002506,-18441,-3638,-6645.0,-1949,14.0,1,1,0,1,0,0,Drivers,2.0,2,2,FRIDAY,5,0,0,0,0,1,1,Other,,0.7014564026810571,,0.1856,,0.9821,0.7552,0.0,0.0,0.4138,0.1667,0.0417,0.0,0.1513,0.1734,0.0,0.0034,0.1891,,0.9821,0.7648,0.0,0.0,0.4138,0.1667,0.0417,0.0,0.1653,0.1807,0.0,0.0036,0.1874,,0.9821,0.7585,0.0,0.0,0.4138,0.1667,0.0417,0.0,0.1539,0.1765,0.0,0.0034,reg oper account,block of flats,0.1371,,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1488476,387844,Revolving loans,2250.0,45000.0,45000.0,,45000.0,TUESDAY,15,Y,1,,,,XAP,Approved,-114,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,-79.0,0.0,0,Cash loans,M,Y,Y,1,112500.0,188685.0,13549.5,157500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-11809,-5213,-5965.0,-3974,6.0,1,1,0,1,0,0,,3.0,2,2,THURSDAY,10,0,0,0,1,0,1,Government,,0.3028922541739213,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-500.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1646973,151736,Cash loans,19381.5,360000.0,419877.0,0.0,360000.0,THURSDAY,16,Y,1,0.0,,,Other,Refused,-1943,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,middle,Cash Street: middle,,,,,,,0,Cash loans,M,N,Y,0,135000.0,225000.0,11619.0,225000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.026392000000000002,-22529,-561,-1207.0,-4828,,1,1,0,1,0,0,High skill tech staff,2.0,2,2,MONDAY,16,0,0,0,0,0,0,Other,,0.7371814493653966,0.1385128770585923,0.033,0.0469,0.9791,,,0.0,0.069,0.1667,,0.0081,,0.029,,0.0438,0.0336,0.0487,0.9791,,,0.0,0.069,0.1667,,0.0083,,0.0302,,0.0463,0.0333,0.0469,0.9791,,,0.0,0.069,0.1667,,0.0083,,0.0295,,0.0447,,block of flats,0.0323,"Stone, brick",No,0.0,0.0,0.0,0.0,-1943.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,1.0,0.0,7.0 +1993971,230758,Cash loans,12832.65,67500.0,69727.5,,67500.0,FRIDAY,10,Y,1,,,,XNA,Approved,-655,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),15,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-625.0,-475.0,-595.0,-590.0,1.0,0,Cash loans,F,N,Y,0,198000.0,562491.0,27189.0,454500.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.007305,-19906,-12949,-9883.0,-3443,,1,1,1,1,1,1,Core staff,2.0,3,3,TUESDAY,11,0,0,0,0,0,0,School,0.8093269329220716,0.6374823830034299,0.5136937663039473,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-613.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2275315,433190,Cash loans,35346.15,1170000.0,1339884.0,,1170000.0,SATURDAY,11,Y,1,,,,XNA,Approved,-716,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_action,Cash X-Sell: low,365243.0,-686.0,1084.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,135000.0,531265.5,20155.5,373500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00963,-17461,-5120,-11069.0,-997,,1,1,0,1,1,0,Laborers,2.0,2,2,MONDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.3408624650580163,0.8038850611746273,0.0082,0.0,0.9687,,,0.0,0.069,0.0417,,,,0.0075,,,0.0084,0.0,0.9687,,,0.0,0.069,0.0417,,,,0.0078,,,0.0083,0.0,0.9687,,,0.0,0.069,0.0417,,,,0.0076,,,,block of flats,0.0068,"Stone, brick",No,0.0,0.0,0.0,0.0,-1779.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1360058,242015,Consumer loans,11106.0,107861.4,106686.0,10787.4,107861.4,MONDAY,11,Y,1,0.10000952788228884,,,XAP,Approved,-2048,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,374,Consumer electronics,12.0,middle,POS household with interest,365243.0,-2017.0,-1687.0,-1687.0,-1657.0,0.0,0,Cash loans,F,N,Y,0,135000.0,673875.0,19831.5,562500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.018634,-23634,365243,-4502.0,-2673,,1,0,0,1,1,0,,1.0,2,2,FRIDAY,14,0,0,0,0,0,0,XNA,,0.2453495532540649,0.7238369900414456,,,0.9876,,,,0.1034,0.0417,,,,0.0172,,,,,0.9876,,,,0.1034,0.0417,,,,0.018000000000000002,,,,,0.9876,,,,0.1034,0.0417,,,,0.0175,,,,block of flats,0.0145,"Stone, brick",No,0.0,0.0,0.0,0.0,-362.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1329553,211841,Consumer loans,8653.86,101227.5,101227.5,0.0,101227.5,FRIDAY,18,Y,1,0.0,,,XAP,Approved,-1701,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,1500,Consumer electronics,18.0,high,POS household with interest,365243.0,-1670.0,-1160.0,-1160.0,-1153.0,0.0,0,Cash loans,F,N,Y,0,90000.0,755190.0,36459.0,675000.0,Children,Working,Secondary / secondary special,Married,House / apartment,0.006207,-18465,-2526,-11087.0,-1989,,1,1,1,1,1,0,Laborers,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,Industry: type 3,,0.7844687059173701,0.4740512892789932,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1701.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1841088,403186,Consumer loans,10857.69,51547.5,54099.0,0.0,51547.5,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-2831,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,30,Connectivity,6.0,high,POS mobile with interest,365243.0,-2800.0,-2650.0,-2650.0,-2642.0,1.0,0,Cash loans,F,Y,Y,0,315000.0,512446.5,40617.0,463500.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.007120000000000001,-15980,-417,-992.0,-1593,12.0,1,1,0,1,0,1,,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.2708708987787028,0.5819004388050107,0.445396241560834,0.0948,1.0,0.9806,0.8572,0.0872,0.16,0.0862,0.1875,,,0.121,0.0861,,0.0063,0.042,1.0,0.9722,0.8628,0.08800000000000001,0.1611,0.0345,0.0417,,,0.1322,0.0897,,0.0067,0.0958,1.0,0.9806,0.8591,0.0878,0.16,0.0862,0.1875,,,0.1231,0.0877,,0.0065,,block of flats,0.0068,"Stone, brick",No,0.0,0.0,0.0,0.0,-641.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,9.0 +1123186,362596,Consumer loans,22401.36,333850.5,333850.5,0.0,333850.5,SUNDAY,16,Y,1,0.0,,,XAP,Refused,-123,Cash through the bank,HC,Unaccompanied,Repeater,Direct Sales,POS,XNA,Stone,100,MLM partners,18.0,low_normal,POS other with interest,,,,,,,0,Cash loans,F,N,Y,0,315000.0,1048500.0,37660.5,1048500.0,Unaccompanied,Pensioner,Higher education,Separated,House / apartment,0.072508,-22053,365243,-11437.0,-5592,,1,0,0,1,1,0,,1.0,1,1,THURSDAY,14,0,0,0,0,0,0,XNA,0.6044776889415283,0.735963698056985,0.2445163919946749,0.0866,0.0366,0.9762,0.6804,,0.08,0.0448,0.4583,0.5,0.0708,0.0706,0.0664,0.0,0.0062,0.0882,0.0369,0.9767,0.6929,,0.0806,0.0345,0.4583,0.5,0.0,0.0771,0.0741,0.0,0.0,0.0874,0.0358,0.9767,0.6847,,0.08,0.0345,0.4583,0.5,0.0904,0.0718,0.0727,0.0,0.0,,block of flats,0.056,Block,No,0.0,0.0,0.0,0.0,-2200.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1494386,372595,Consumer loans,17632.755,164241.0,158710.5,16425.0,164241.0,WEDNESDAY,18,Y,1,0.10213987559243087,,,XAP,Approved,-2326,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,1512,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2295.0,-2025.0,-2025.0,-2021.0,1.0,0,Cash loans,F,N,Y,0,130500.0,284400.0,16011.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.0105,-24091,365243,-8593.0,-4322,,1,0,0,1,0,0,,2.0,3,3,FRIDAY,9,0,0,0,0,0,0,XNA,,0.25937893135421697,,,0.1802,0.9886,,,,0.3103,0.3333,,,,0.085,,0.5018,,0.187,0.9886,,,,0.3103,0.3333,,,,0.0886,,0.5312,,0.1802,0.9886,,,,0.3103,0.3333,,,,0.0866,,0.5123,,,0.0669,"Stone, brick",No,0.0,0.0,0.0,0.0,-408.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2154438,198823,Cash loans,10704.555,135000.0,148365.0,,135000.0,SUNDAY,11,Y,1,,,,XNA,Approved,-539,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-509.0,1.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,135000.0,354276.0,20466.0,292500.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.00823,-23587,365243,-13703.0,-2980,,1,0,0,1,0,0,,2.0,2,2,SUNDAY,10,0,0,0,0,0,0,XNA,,0.6029956239352426,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2615.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1133475,405573,Consumer loans,14067.45,82989.0,78385.5,8302.5,82989.0,TUESDAY,16,Y,1,0.1043071390818484,,,XAP,Approved,-1038,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Regional / Local,1012,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-1007.0,-857.0,-917.0,-913.0,0.0,0,Cash loans,F,Y,Y,1,148500.0,254700.0,25321.5,225000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.011656999999999999,-10292,-3672,-772.0,-780,8.0,1,1,0,1,0,0,Core staff,3.0,1,1,THURSDAY,17,0,0,0,0,0,0,Kindergarten,0.3574994219946245,0.6225798240319592,0.4776491548517548,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1359.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1015338,451998,Consumer loans,7231.41,143451.0,159669.0,0.0,143451.0,SATURDAY,14,Y,1,0.0,,,XAP,Refused,-789,Cash through the bank,HC,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,1700,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,0,Cash loans,F,N,Y,1,67500.0,269550.0,19300.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.009175,-11020,-1146,-2184.0,-3582,,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.4615957964530752,0.7570824481330662,0.2925880073368475,0.0619,0.0,0.9767,,,0.0,0.1034,0.1667,,0.03,,0.0502,,0.0,0.063,0.0,0.9767,,,0.0,0.1034,0.1667,,0.0307,,0.0523,,0.0,0.0625,0.0,0.9767,,,0.0,0.1034,0.1667,,0.0306,,0.0511,,0.0,,block of flats,0.0395,"Stone, brick",No,1.0,0.0,1.0,0.0,-977.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1727092,176859,Revolving loans,11250.0,225000.0,225000.0,,225000.0,MONDAY,11,Y,1,,,,XAP,Refused,-570,XNA,SCOFR,,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,76500.0,778968.0,25258.5,558000.0,"Spouse, partner",Working,Higher education,Married,House / apartment,0.018029,-9449,-186,-4194.0,-881,,1,1,0,1,0,0,High skill tech staff,2.0,3,3,THURSDAY,11,0,0,0,1,1,0,Business Entity Type 2,,0.4356491196475093,0.4083588531230431,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-849.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +1198857,232841,Consumer loans,11622.24,257985.0,257985.0,0.0,257985.0,TUESDAY,9,Y,1,0.0,,,XAP,Refused,-28,Cash through the bank,LIMIT,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,150,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,0,Cash loans,M,N,Y,1,225000.0,765000.0,21168.0,765000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006629,-16364,-1257,-9014.0,-4429,,1,1,0,1,0,0,Managers,3.0,2,2,TUESDAY,6,0,0,0,0,0,0,Trade: type 2,,0.7262358498441407,0.7062051096536562,0.1649,0.1262,0.9841,,,0.2,0.1724,0.375,,0.1682,,0.1062,,0.0064,0.1681,0.1309,0.9816,,,0.2014,0.1724,0.375,,0.172,,0.0011,,0.0067,0.1665,0.1262,0.9841,,,0.2,0.1724,0.375,,0.1711,,0.1081,,0.0065,,block of flats,0.213,Panel,Yes,3.0,0.0,3.0,0.0,-567.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1237183,359351,Consumer loans,1970.235,17950.5,14616.0,4450.5,17950.5,TUESDAY,11,Y,1,0.2542154611968158,,,XAP,Approved,-1980,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,25,Connectivity,10.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,0,126000.0,251091.0,24588.0,238500.0,Family,Working,Higher education,Civil marriage,House / apartment,0.031329,-18008,-9841,-6494.0,-1538,,1,1,0,1,0,0,Core staff,2.0,2,2,MONDAY,10,0,0,0,0,0,0,School,0.902411878302536,0.3761092079618259,0.43473324875017305,,,0.9786,,,,,,,,,0.0647,,,,,0.9786,,,,,,,,,0.0674,,,,,0.9786,,,,,,,,,0.0658,,,,,0.0509,,No,0.0,0.0,0.0,0.0,-1045.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1383700,119494,Consumer loans,8343.45,125234.64,81004.5,51529.14,125234.64,MONDAY,14,Y,1,0.4234390448136239,,,XAP,Approved,-1887,XNA,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,1970,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1856.0,-1526.0,-1526.0,-1517.0,0.0,0,Cash loans,F,N,Y,0,166500.0,679500.0,36333.0,679500.0,Family,Commercial associate,Higher education,Married,House / apartment,0.011703,-18774,-6119,-11535.0,-2268,,1,1,1,1,0,0,Accountants,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,Agriculture,0.7098942277472714,0.5062939478952402,0.7394117535524816,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1887.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2698178,174162,Consumer loans,4885.83,32881.5,24151.5,9868.5,32881.5,MONDAY,12,Y,1,0.3159227994227992,,,XAP,Approved,-2129,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,30,Connectivity,6.0,high,POS mobile with interest,365243.0,-2082.0,-1932.0,-1932.0,-1927.0,0.0,0,Cash loans,F,Y,Y,2,112500.0,315000.0,30348.0,315000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.030755,-13860,-1477,-3749.0,-4141,7.0,1,1,1,1,1,0,Sales staff,4.0,2,2,TUESDAY,14,0,0,0,0,1,1,Trade: type 3,,0.5490132385931675,0.6246146584503397,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2129.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1374805,402985,Consumer loans,19663.695,168394.5,105889.5,67500.0,168394.5,MONDAY,15,Y,1,0.4239797471221519,,,XAP,Approved,-2305,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Stone,133,Consumer electronics,6.0,middle,POS household with interest,365243.0,-2272.0,-2122.0,-2122.0,-2117.0,1.0,0,Revolving loans,M,Y,Y,2,270000.0,810000.0,40500.0,810000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.028663,-11707,-3394,-2225.0,-5,6.0,1,1,0,1,0,1,Managers,4.0,2,2,WEDNESDAY,10,0,0,0,1,0,1,Kindergarten,0.6807790077598028,0.5992834537802756,0.5744466170995097,0.0412,0.0853,0.997,0.9592,0.0433,0.0,0.1034,0.0833,0.0417,0.0145,0.0336,0.0544,0.0,0.0,0.042,0.0885,0.997,0.9608,0.0437,0.0,0.1034,0.0833,0.0417,0.0148,0.0367,0.0566,0.0,0.0,0.0416,0.0853,0.997,0.9597,0.0436,0.0,0.1034,0.0833,0.0417,0.0147,0.0342,0.0553,0.0,0.0,reg oper account,block of flats,0.0665,"Stone, brick",No,0.0,0.0,0.0,0.0,-1974.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +2709331,329321,Revolving loans,13500.0,0.0,270000.0,,,MONDAY,11,Y,1,,,,XAP,Refused,-612,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,N,0,121500.0,112500.0,7321.5,112500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-12453,-3993,-1743.0,-4307,,1,1,1,1,0,0,Laborers,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Telecom,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,12.0,0.0,12.0,0.0,-824.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1675914,274121,Cash loans,19681.965,270000.0,299938.5,0.0,270000.0,FRIDAY,8,Y,1,0.0,,,XNA,Approved,-2440,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,middle,Cash Street: middle,365243.0,-2410.0,-1720.0,-1720.0,-1710.0,1.0,0,Cash loans,M,Y,Y,0,135000.0,882000.0,53959.5,882000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-23598,365243,-11787.0,-5212,20.0,1,0,0,1,1,0,,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,XNA,,0.25561615602133475,0.31703177858344445,0.333,0.1623,0.9836,0.7756,0.1168,0.36,0.3103,0.3333,0.375,0.0712,0.2707,0.3077,0.0039,0.0039,0.3393,0.1684,0.9836,0.7844,0.1179,0.3625,0.3103,0.3333,0.375,0.0729,0.2957,0.3206,0.0039,0.0041,0.3362,0.1623,0.9836,0.7786,0.1176,0.36,0.3103,0.3333,0.375,0.0725,0.2753,0.3133,0.0039,0.004,reg oper spec account,block of flats,0.3068,Panel,No,1.0,0.0,1.0,0.0,-277.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1920757,455628,Consumer loans,2292.525,18850.5,16600.5,2250.0,18850.5,MONDAY,12,Y,1,0.12999414049784064,,,XAP,Approved,-2162,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,20,Connectivity,10.0,high,POS mobile with interest,365243.0,-2124.0,-1854.0,-1884.0,-1876.0,0.0,0,Cash loans,M,Y,Y,1,261000.0,714154.5,38871.0,616500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-11589,-1092,-66.0,-3806,10.0,1,1,0,1,0,1,Laborers,3.0,1,1,SUNDAY,12,0,0,0,0,1,1,Industry: type 1,0.5223187944217297,0.7401279653202859,0.21518240418475384,0.1567,0.1135,0.999,0.9796,0.1241,0.16,0.1379,0.3333,0.375,0.0722,0.121,0.1712,0.0309,0.0684,0.1597,0.1177,0.999,0.9804,0.1252,0.1611,0.1379,0.3333,0.375,0.0739,0.1322,0.1784,0.0311,0.0724,0.1582,0.1135,0.999,0.9799,0.1249,0.16,0.1379,0.3333,0.375,0.0735,0.1231,0.1743,0.0311,0.0698,reg oper spec account,block of flats,0.2174,Monolithic,No,3.0,0.0,3.0,0.0,-2162.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +1447285,187922,Revolving loans,22500.0,0.0,450000.0,,,FRIDAY,14,Y,1,,,,XAP,Approved,-794,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,N,0,315000.0,1546020.0,42511.5,1350000.0,Unaccompanied,Working,Higher education,Married,Municipal apartment,0.072508,-15681,-3828,-6131.0,-4744,2.0,1,1,1,1,1,1,,2.0,1,1,SUNDAY,16,0,0,0,0,0,0,Industry: type 11,0.4478281416493312,0.6732418221460874,0.7032033049040319,0.1148,0.1158,0.9652,,,0.22,0.1493,0.2358,,,,0.1392,,0.0828,0.0042,0.0,0.9518,,,0.2014,0.069,0.2917,,,,0.2055,,0.0876,0.1665,0.135,0.9697,,,0.22,0.1724,0.2917,,,,0.2008,,0.0845,,block of flats,0.1746,"Stone, brick",No,0.0,0.0,0.0,0.0,-964.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,6.0,0.0,2.0 +2517911,243513,Consumer loans,6924.375,67486.5,74169.0,0.0,67486.5,TUESDAY,10,Y,1,0.0,,,XAP,Approved,-1087,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,1500,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-1056.0,-726.0,-726.0,-718.0,0.0,0,Cash loans,F,N,N,0,90000.0,900000.0,26316.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-15563,-3123,-7804.0,-4824,,1,1,0,1,1,0,Managers,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Construction,0.7900316070217264,0.2930897022262147,0.6577838002083306,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1087.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1931147,221258,Cash loans,9853.605,90000.0,114804.0,,90000.0,MONDAY,16,Y,1,,,,XNA,Approved,-403,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-373.0,137.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,N,0,135000.0,225000.0,12334.5,225000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.015221,-12730,-3823,-477.0,-609,4.0,1,1,0,1,1,0,,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Industry: type 9,0.6477894320266853,0.7752837492173441,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1050.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1488746,303243,Consumer loans,4011.39,20632.5,19669.5,2065.5,20632.5,SATURDAY,9,Y,1,0.10349745906267643,,,XAP,Approved,-335,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Stone,32,Consumer electronics,6.0,high,POS household with interest,365243.0,-299.0,-149.0,-179.0,-173.0,0.0,0,Cash loans,F,N,Y,1,112500.0,166500.0,18913.5,166500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018209,-13737,-2380,-7710.0,-1040,,1,1,0,1,0,0,Sales staff,3.0,3,3,FRIDAY,7,0,0,0,0,0,0,Self-employed,,0.2886110122159613,0.3031463744186309,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1416.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1376318,266318,Consumer loans,,92245.5,92245.5,0.0,92245.5,THURSDAY,18,Y,1,0.0,,,XAP,Refused,-1840,Cash through the bank,LIMIT,Unaccompanied,Repeater,Consumer Electronics,XNA,XNA,Country-wide,482,Consumer electronics,,XNA,POS household with interest,,,,,,,0,Cash loans,F,N,Y,2,112500.0,675000.0,34596.0,675000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.009334,-10747,-3889,-3855.0,-1954,,1,1,1,1,0,0,High skill tech staff,4.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Police,,0.7316967886486759,0.4311917977993083,0.0928,0.1006,0.9781,0.7008,0.012,0.0,0.2069,0.1667,0.0417,0.0634,0.0756,0.0873,0.0,0.0,0.0945,0.1044,0.9782,0.7125,0.0121,0.0,0.2069,0.1667,0.0417,0.0648,0.0826,0.0909,0.0,0.0,0.0937,0.1006,0.9781,0.7048,0.0121,0.0,0.2069,0.1667,0.0417,0.0645,0.077,0.0888,0.0,0.0,not specified,block of flats,0.0752,Panel,No,0.0,0.0,0.0,0.0,-1884.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2399137,453553,Consumer loans,16184.16,159687.0,173389.5,0.0,159687.0,FRIDAY,10,Y,1,0.0,,,XAP,Approved,-386,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,4000,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-355.0,-25.0,-25.0,-20.0,0.0,0,Cash loans,M,Y,N,0,135000.0,327024.0,12456.0,270000.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-20299,-5500,-5401.0,-3764,8.0,1,1,0,1,1,0,Laborers,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Business Entity Type 1,,0.6487692663092182,0.6956219298394389,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1430.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2169788,220839,Revolving loans,11250.0,225000.0,225000.0,,225000.0,FRIDAY,13,Y,1,,,,XAP,Refused,-580,XNA,LIMIT,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,103500.0,647046.0,19048.5,463500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.01885,-19286,-11942,-4854.0,-2361,,1,1,0,1,0,0,Medicine staff,2.0,2,2,THURSDAY,16,0,0,0,0,1,1,Medicine,0.770323793162341,0.028888781740821445,0.6263042766749393,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,0.0,8.0,0.0,-1735.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2237924,307817,Revolving loans,11250.0,0.0,225000.0,,,THURSDAY,18,Y,1,,,,XAP,Approved,-777,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-751.0,-710.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,225000.0,754740.0,22198.5,630000.0,Family,Pensioner,Higher education,Single / not married,House / apartment,0.035792000000000004,-21017,365243,-6355.0,-3953,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,13,0,0,0,0,0,0,XNA,,0.7078413458879441,0.2793353208976285,0.1629,,0.9806,,,0.0,0.1034,0.1667,,0.0086,,0.0102,,0.0,0.166,,0.9806,,,0.0,0.1034,0.1667,,0.0088,,0.0107,,0.0,0.1645,,0.9806,,,0.0,0.1034,0.1667,,0.0088,,0.0104,,0.0,,block of flats,0.0142,,No,0.0,0.0,0.0,0.0,-2690.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1615171,454268,Consumer loans,26936.28,134550.0,104242.5,33637.5,134550.0,FRIDAY,9,Y,1,0.2656969499169238,,,XAP,Refused,-2698,Cash through the bank,VERIF,Unaccompanied,New,XNA,POS,XNA,Stone,26,Consumer electronics,4.0,low_action,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,450000.0,753840.0,24448.5,540000.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.018801,-16123,-4501,-2758.0,-4137,,1,1,1,1,1,1,Managers,1.0,2,2,MONDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.8607246722732571,0.3577440829574757,0.5316861425197883,0.1546,0.1476,0.9945,0.9252,,0.16,0.2414,0.4167,0.3333,0.0237,0.0958,0.2512,0.139,0.2656,0.1576,0.1532,0.9945,0.9281,,0.1611,0.2414,0.4167,0.3333,0.0242,0.1047,0.2618,0.1401,0.2812,0.1561,0.1476,0.9945,0.9262,,0.16,0.2414,0.4167,0.3333,0.0241,0.0975,0.2558,0.1397,0.2712,org spec account,block of flats,0.2554,"Stone, brick",No,0.0,0.0,0.0,0.0,-2698.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,1.0 +1182241,214444,Revolving loans,22500.0,0.0,450000.0,,,SATURDAY,15,Y,1,,,,XAP,Approved,-797,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-795.0,-760.0,365243.0,-607.0,365243.0,0.0,0,Cash loans,F,N,N,0,63000.0,835380.0,33259.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-17899,-8046,-11067.0,-1457,,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.5742388384239904,0.06994608115829241,0.8038850611746273,0.0577,,0.9771,,,,0.1379,0.1667,,,,0.0333,,,0.0588,,0.9772,,,,0.1379,0.1667,,,,0.0347,,,0.0583,,0.9771,,,,0.1379,0.1667,,,,0.0339,,,,block of flats,0.0389,"Stone, brick",No,4.0,0.0,4.0,0.0,-1357.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1399288,442578,Consumer loans,1983.15,47605.5,42556.5,5049.0,47605.5,WEDNESDAY,10,Y,1,0.11550808204934306,,,XAP,Refused,-2808,Cash through the bank,SCO,Family,Repeater,XNA,POS,XNA,Country-wide,6900,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,0,Cash loans,F,Y,N,1,180000.0,248760.0,29520.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Separated,With parents,0.031329,-12551,-731,-6650.0,-4125,4.0,1,1,0,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,18,0,0,0,0,1,1,Trade: type 7,0.49440101305510104,0.6305767312968231,0.7958031328748403,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1915.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2717635,172517,Consumer loans,4002.39,22540.5,18985.5,4509.0,22540.5,TUESDAY,13,Y,1,0.2090153401473072,,,XAP,Approved,-687,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,15,Connectivity,6.0,high,POS mobile with interest,365243.0,-656.0,-506.0,-506.0,-500.0,0.0,0,Cash loans,F,N,Y,0,112500.0,370107.0,19507.5,319500.0,Family,Working,Secondary / secondary special,Separated,House / apartment,0.018634,-18346,-3275,-5024.0,-1876,,1,1,1,1,0,0,Sales staff,1.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Self-employed,,0.5830810547677437,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,12.0,1.0,12.0,0.0,-687.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2767997,348565,Cash loans,47665.395,238500.0,244953.0,,238500.0,FRIDAY,9,Y,1,,,,XNA,Approved,-423,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,6.0,high,Cash X-Sell: high,365243.0,-393.0,-243.0,-363.0,-358.0,1.0,1,Cash loans,M,N,Y,2,270000.0,592560.0,35937.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.022625,-11505,-4019,-2211.0,-384,,1,1,0,1,0,0,Laborers,3.0,2,2,MONDAY,16,0,0,0,0,0,0,Transport: type 4,0.12941501131510688,0.3942629165583533,0.30162489168411943,0.3299,0.1907,0.9891,0.8504,0.0844,0.36,0.3103,0.3333,0.375,0.1837,0.269,0.3414,0.0,0.0025,0.3361,0.1979,0.9891,0.8563,0.0852,0.3625,0.3103,0.3333,0.375,0.1879,0.2938,0.3557,0.0,0.0027,0.3331,0.1907,0.9891,0.8524,0.085,0.36,0.3103,0.3333,0.375,0.1869,0.2736,0.3476,0.0,0.0026,not specified,block of flats,0.3153,Panel,No,4.0,1.0,4.0,0.0,-423.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2748918,447308,Cash loans,10748.835,45000.0,52366.5,,45000.0,THURSDAY,11,Y,1,,,,XNA,Approved,-1069,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,365243.0,-1039.0,-889.0,-889.0,-884.0,1.0,0,Cash loans,F,N,N,1,112500.0,1058148.0,42093.0,855000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.018634,-13766,-5169,-2573.0,-3867,,1,1,0,1,0,0,,3.0,2,2,TUESDAY,13,0,0,0,1,1,0,Business Entity Type 3,,0.3555514320405324,0.3077366963789207,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1864.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2317315,260652,Consumer loans,15397.785,138667.5,138667.5,0.0,138667.5,MONDAY,12,Y,1,0.0,,,XAP,Approved,-1425,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Stone,72,Furniture,10.0,low_normal,POS industry with interest,365243.0,-1394.0,-1124.0,-1124.0,-1118.0,0.0,0,Cash loans,F,N,Y,0,67500.0,229500.0,23643.0,229500.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.026392000000000002,-23486,365243,-4523.0,-4553,,1,0,0,1,1,0,,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,XNA,0.7692711443166034,0.7512118197386052,0.6263042766749393,0.4526,0.2984,0.9851,,,0.0,0.4483,0.3333,,0.4721,,0.5432,,0.2787,0.4611,0.3096,0.9851,,,0.0,0.4483,0.3333,,0.4829,,0.5660000000000001,,0.295,0.457,0.2984,0.9851,,,0.0,0.4483,0.3333,,0.4803,,0.5529999999999999,,0.2845,,block of flats,0.5407,Panel,No,0.0,0.0,0.0,0.0,-1425.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2797739,155476,Consumer loans,11753.595,86976.0,95584.5,0.0,86976.0,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-1518,Cash through the bank,XAP,Family,Refreshed,Computers,POS,XNA,Regional / Local,200,Consumer electronics,12.0,high,POS household with interest,365243.0,-1487.0,-1157.0,-1157.0,-1149.0,0.0,0,Cash loans,M,N,N,1,180000.0,754740.0,21757.5,630000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.025164,-15720,-2182,-3294.0,-4321,,1,1,0,1,0,0,Core staff,3.0,2,2,SATURDAY,11,0,0,0,0,0,0,Self-employed,0.4495861834606857,0.16518257870218622,0.5172965813614878,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1518.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1025527,112387,Consumer loans,39902.85,427500.0,427500.0,0.0,427500.0,MONDAY,11,Y,1,0.0,,,XAP,Approved,-426,Cash through the bank,XAP,Unaccompanied,Repeater,Clothing and Accessories,POS,XNA,Stone,32,Clothing,12.0,low_normal,POS industry with interest,365243.0,-394.0,-64.0,-64.0,-56.0,0.0,0,Cash loans,F,N,N,0,225000.0,450000.0,43839.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-12075,-3308,-1276.0,-2559,,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,12,0,1,1,0,1,1,Business Entity Type 3,0.6089912872607622,0.6289604618443729,0.7503751495159068,0.0825,0.0475,0.9955,,,0.08,0.0345,0.375,,0.1101,,0.0928,,,0.084,0.0493,0.9955,,,0.0806,0.0345,0.375,,0.1126,,0.0966,,,0.0833,0.0475,0.9955,,,0.08,0.0345,0.375,,0.112,,0.0944,,,,block of flats,0.073,Monolithic,No,0.0,0.0,0.0,0.0,-1210.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1562066,192673,Consumer loans,4290.345,76990.5,92236.5,0.0,76990.5,SUNDAY,17,Y,1,0.0,,,XAP,Approved,-1314,Cash through the bank,XAP,Children,New,Computers,POS,XNA,Country-wide,2500,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1283.0,-593.0,-593.0,-585.0,0.0,0,Cash loans,F,N,Y,0,112500.0,302206.5,13441.5,229500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.016612000000000002,-18498,-10481,-5923.0,-2023,,1,1,0,1,0,0,Laborers,1.0,2,2,FRIDAY,16,0,0,0,0,0,0,Government,,0.7041420999184886,0.8297501422395771,0.1588,0.0738,0.9781,0.7008,0.0597,0.0,0.0345,0.1667,0.2083,0.0727,0.1294,0.0546,0.0,0.0,0.1618,0.0766,0.9782,0.7125,0.0602,0.0,0.0345,0.1667,0.2083,0.0744,0.1414,0.0569,0.0,0.0,0.1603,0.0738,0.9781,0.7048,0.0601,0.0,0.0345,0.1667,0.2083,0.07400000000000001,0.1317,0.0556,0.0,0.0,not specified,specific housing,0.0758,"Stone, brick",No,0.0,0.0,0.0,0.0,-1314.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1295226,134007,Consumer loans,41192.145,376920.0,401796.0,0.0,376920.0,SATURDAY,15,Y,1,0.0,,,XAP,Approved,-579,Cash through the bank,XAP,,New,Construction Materials,POS,XNA,Stone,270,Construction,12.0,middle,POS industry with interest,365243.0,-545.0,-215.0,-395.0,-389.0,0.0,0,Cash loans,M,N,N,0,112500.0,545040.0,30564.0,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.00496,-21876,365243,-2889.0,-2924,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,XNA,,0.5299954794018314,,0.0082,,0.9672,,,,,0.0417,,,,0.0094,,,0.0084,,0.9672,,,,,0.0417,,,,0.0098,,,0.0083,,0.9672,,,,,0.0417,,,,0.0095,,,,block of flats,0.0074,,No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2434380,115751,Cash loans,44094.105,567000.0,600678.0,,567000.0,TUESDAY,15,Y,1,,,,XNA,Refused,-220,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,135000.0,450000.0,27324.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.031329,-23132,-1217,-8.0,-3216,,1,1,0,1,0,0,Sales staff,1.0,2,2,FRIDAY,8,0,0,0,0,0,0,Self-employed,,0.5929604679806775,0.6785676886853644,0.0567,0.1475,0.9995,0.9932,0.0171,0.0,0.1034,0.0833,0.125,0.0316,0.0462,0.045,0.0,0.0,0.0578,0.1531,0.9995,0.9935,0.0173,0.0,0.1034,0.0833,0.125,0.0323,0.0505,0.0469,0.0,0.0,0.0573,0.1475,0.9995,0.9933,0.0172,0.0,0.1034,0.0833,0.125,0.0321,0.047,0.0458,0.0,0.0,reg oper account,block of flats,0.0397,"Stone, brick",No,5.0,1.0,5.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2570392,321592,Consumer loans,19624.635,193635.0,210249.0,0.0,193635.0,WEDNESDAY,9,Y,1,0.0,,,XAP,Approved,-375,Cash through the bank,XAP,,Repeater,Construction Materials,POS,XNA,Stone,20,Furniture,12.0,low_normal,POS industry with interest,365243.0,-343.0,-13.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,N,0,135000.0,1125000.0,36423.0,1125000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.0228,-20280,365243,-8745.0,-2981,1.0,1,0,0,1,1,0,,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,XNA,0.6578999222851082,0.4010090239137272,0.6279908192952864,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2517.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2226180,118289,Cash loans,9072.045,90000.0,98910.0,,90000.0,SUNDAY,10,Y,1,,,,Other,Approved,-791,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,365243.0,-761.0,-251.0,-461.0,-455.0,1.0,0,Cash loans,F,N,Y,0,112500.0,407520.0,32197.5,360000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.020246,-17380,-2875,-8623.0,-923,,1,1,1,1,1,0,Sales staff,1.0,3,3,SUNDAY,10,0,0,0,0,0,0,Business Entity Type 1,,0.1867968747754524,,0.0082,0.0,0.9578,0.422,0.0103,0.0,0.069,0.0417,0.0833,0.027000000000000003,0.0067,0.0096,0.0,0.0,0.0084,0.0,0.9578,0.4446,0.0104,0.0,0.069,0.0417,0.0833,0.0276,0.0073,0.01,0.0,0.0,0.0083,0.0,0.9578,0.4297,0.0104,0.0,0.069,0.0417,0.0833,0.0275,0.0068,0.0098,0.0,0.0,not specified,block of flats,0.0076,Wooden,Yes,0.0,0.0,0.0,0.0,-139.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1625232,454670,Consumer loans,8194.275,65254.5,70996.5,0.0,65254.5,WEDNESDAY,12,Y,1,0.0,,,XAP,Approved,-337,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,35,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-307.0,-37.0,-37.0,-32.0,1.0,0,Cash loans,F,N,Y,2,81000.0,247500.0,15268.5,247500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00963,-15186,-934,-3069.0,-3597,,1,1,1,1,0,0,Sales staff,4.0,2,2,THURSDAY,17,0,0,0,0,0,0,Government,0.4542408939382054,0.45191110204326296,0.4489622731076524,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-511.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,2.0 +1074960,117571,Consumer loans,8868.78,73350.0,47376.0,28350.0,73350.0,WEDNESDAY,10,Y,1,0.4077295416729689,,,XAP,Approved,-1069,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Stone,10,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1031.0,-881.0,-881.0,-876.0,0.0,0,Cash loans,F,N,N,0,144000.0,472500.0,44860.5,454500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018029,-15335,-8582,-5047.0,-5998,,1,1,1,1,0,0,Core staff,2.0,3,3,SATURDAY,11,0,0,0,0,0,0,Industry: type 9,,0.4514615863524215,0.7267112092725122,0.0619,0.1062,0.9911,0.8776,0.0499,0.0,0.2069,0.1667,0.2083,0.0,0.0504,0.0797,0.0,0.1255,0.063,0.1102,0.9911,0.8824,0.0503,0.0,0.2069,0.1667,0.2083,0.0,0.0551,0.0831,0.0,0.1328,0.0625,0.1062,0.9911,0.8792,0.0502,0.0,0.2069,0.1667,0.2083,0.0,0.0513,0.0812,0.0,0.1281,reg oper account,block of flats,0.09,"Stone, brick",No,10.0,0.0,10.0,0.0,-2082.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2045309,247245,Cash loans,16276.23,135000.0,143910.0,,135000.0,FRIDAY,9,Y,1,,,,XNA,Approved,-388,XNA,XAP,,Repeater,XNA,Cash,x-sell,Regional / Local,80,Consumer electronics,12.0,high,Cash X-Sell: high,365243.0,-358.0,-28.0,-28.0,-22.0,1.0,0,Cash loans,M,Y,Y,1,90000.0,173092.5,14008.5,157500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018209,-14164,-393,-4830.0,-4969,10.0,1,1,1,1,0,0,Drivers,3.0,3,3,MONDAY,8,0,0,0,0,1,1,Business Entity Type 3,,0.2991470047686535,0.29859498978739724,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1577.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1458824,387410,Cash loans,27486.765,495000.0,606906.0,,495000.0,SUNDAY,9,Y,1,,,,XNA,Refused,-613,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,225000.0,1001884.5,51156.0,895500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.02461,-16599,-3100,-5053.0,-105,,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,17,0,0,0,0,0,0,Self-employed,0.4223124931515959,0.660373024379269,0.25946765482111994,0.1845,0.1305,0.9841,,,0.2,0.1724,0.3333,,0.0,,0.1864,,0.0044,0.188,0.1354,0.9841,,,0.2014,0.1724,0.3333,,0.0,,0.1942,,0.0047,0.1863,0.1305,0.9841,,,0.2,0.1724,0.3333,,0.0,,0.1898,,0.0045,reg oper account,block of flats,0.2108,Panel,No,3.0,0.0,3.0,0.0,-1316.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1317668,388685,Cash loans,40932.0,1350000.0,1350000.0,,1350000.0,FRIDAY,11,Y,1,,,,XNA,Refused,-948,XNA,LIMIT,Family,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),4,XNA,48.0,low_action,Cash Street: low,,,,,,,0,Cash loans,M,N,Y,1,135000.0,135000.0,6988.5,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018209,-8601,-1186,-619.0,-1273,,1,1,1,1,1,0,Sales staff,3.0,3,3,MONDAY,12,0,0,0,0,0,0,Trade: type 2,0.1878324095394809,0.620331763088265,0.3506958432829587,0.1649,0.0855,0.9871,0.8232,0.0569,0.12,0.1034,0.3333,0.0417,0.0341,0.1345,0.1042,0.0,0.0,0.1681,0.0887,0.9871,0.8301,0.0574,0.1208,0.1034,0.3333,0.0417,0.0348,0.1469,0.1086,0.0,0.0,0.1665,0.0855,0.9871,0.8256,0.0572,0.12,0.1034,0.3333,0.0417,0.0347,0.1368,0.1061,0.0,0.0,reg oper spec account,block of flats,0.1131,Panel,No,2.0,0.0,2.0,0.0,-1055.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,1.0,3.0 +1666964,244040,Consumer loans,2888.595,16339.5,15430.5,1638.0,16339.5,MONDAY,11,Y,1,0.10451597440260764,,,XAP,Approved,-2174,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Regional / Local,108,Consumer electronics,6.0,middle,POS household with interest,365243.0,-2143.0,-1993.0,-1993.0,-1986.0,0.0,0,Cash loans,M,Y,Y,0,112500.0,127350.0,12726.0,112500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020713,-24488,365243,-4423.0,-3502,14.0,1,0,0,1,0,0,,2.0,3,3,FRIDAY,11,0,0,0,0,0,0,XNA,,0.37852909393731904,0.7407990879702335,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1249776,330281,Revolving loans,13500.0,270000.0,270000.0,,270000.0,THURSDAY,10,Y,1,,,,XAP,Refused,-390,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,Y,Y,0,144000.0,585000.0,46350.0,585000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-21655,-14147,-1777.0,-4759,6.0,1,1,0,1,0,0,Managers,2.0,2,2,TUESDAY,16,0,0,0,0,0,0,Other,,0.6863212245006346,0.7001838506835805,0.099,,0.9975,,,0.08,0.0345,0.625,,,,0.0667,,0.2323,0.1008,,0.9975,,,0.0806,0.0345,0.625,,,,0.0695,,0.2459,0.0999,,0.9975,,,0.08,0.0345,0.625,,,,0.0679,,0.2371,,block of flats,0.103,Panel,No,10.0,0.0,10.0,0.0,-1972.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1449104,216400,Consumer loans,6695.595,69039.0,76329.0,0.0,69039.0,SUNDAY,8,Y,1,0.0,,,XAP,Approved,-883,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,140,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-852.0,-522.0,-522.0,-519.0,0.0,0,Cash loans,F,N,N,0,202500.0,121500.0,13707.0,121500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.0038179999999999998,-16814,-178,-4702.0,-362,,1,1,1,1,0,0,Security staff,1.0,2,2,FRIDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.4164042499714589,0.18439067530095185,0.7001838506835805,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-883.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1708439,218878,Cash loans,,0.0,0.0,,,SUNDAY,8,Y,1,,,,XNA,Refused,-201,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Revolving loans,M,N,Y,2,180000.0,270000.0,13500.0,270000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.025164,-12224,-243,-2719.0,-1331,,1,1,0,1,0,0,Drivers,4.0,2,2,FRIDAY,13,0,0,0,0,0,0,Self-employed,,0.4245703332751571,0.722392890081304,0.0928,0.1154,0.9851,0.7959999999999999,0.0147,0.0,0.2069,0.1667,0.2083,0.0963,0.0756,0.0712,0.0,0.0355,0.0945,0.1197,0.9851,0.804,0.0148,0.0,0.2069,0.1667,0.2083,0.0985,0.0826,0.0742,0.0,0.0376,0.0937,0.1154,0.9851,0.7987,0.0148,0.0,0.2069,0.1667,0.2083,0.098,0.077,0.0725,0.0,0.0362,reg oper account,block of flats,0.0758,Panel,No,2.0,0.0,2.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,7.0 +1969452,440555,Consumer loans,2641.095,21721.5,21721.5,0.0,21721.5,TUESDAY,16,Y,1,0.0,,,XAP,Approved,-600,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,39,Connectivity,12.0,high,POS mobile with interest,365243.0,-561.0,-231.0,-231.0,-224.0,0.0,0,Cash loans,F,N,Y,0,112500.0,225000.0,15165.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Rented apartment,0.015221,-11658,-291,-1891.0,-4036,,1,1,0,1,0,0,Sales staff,1.0,2,2,SUNDAY,11,0,0,0,1,1,0,Business Entity Type 3,,0.7519630471189234,0.10145935699146924,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-185.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +2734971,161098,Cash loans,,0.0,0.0,,,WEDNESDAY,13,Y,1,,,,XNA,Refused,-366,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,N,Y,0,432000.0,1336500.0,56623.5,1336500.0,Unaccompanied,Pensioner,Higher education,Single / not married,House / apartment,0.072508,-22480,365243,-9550.0,-435,,1,0,0,1,0,0,,1.0,1,1,FRIDAY,13,0,0,0,0,0,0,XNA,0.6071037019848392,0.6924319315981583,0.2314393514998941,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-113.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,8.0 +2168806,135228,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SATURDAY,15,Y,1,,,,XAP,Approved,-263,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Regional / Local,417,Consumer electronics,0.0,XNA,Card Street,-260.0,-188.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,157500.0,127350.0,15241.5,112500.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.019101,-12762,-1897,-2668.0,-2668,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Self-employed,0.2881029349786807,0.2214179674304689,0.39449540531239935,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2211494,152805,Consumer loans,1923.345,16632.0,18760.5,0.0,16632.0,MONDAY,9,Y,1,0.0,,,XAP,Approved,-520,Cash through the bank,XAP,,New,Auto Accessories,POS,XNA,Stone,80,Auto technology,12.0,middle,POS other with interest,365243.0,-489.0,-159.0,-399.0,-395.0,0.0,1,Cash loans,M,Y,Y,0,135000.0,640080.0,31261.5,450000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.009656999999999999,-11115,-2872,-1685.0,-3689,2.0,1,1,0,1,0,0,Drivers,2.0,2,2,WEDNESDAY,12,0,0,0,0,1,1,Business Entity Type 3,,0.6005378708463385,0.02847424788475705,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-520.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2001229,166078,Consumer loans,18792.36,118165.5,99220.5,23625.0,118165.5,SUNDAY,14,Y,1,0.20944823153695272,,,XAP,Approved,-1432,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,114,Connectivity,6.0,middle,POS mobile with interest,365243.0,-1396.0,-1246.0,-1276.0,-1271.0,0.0,0,Cash loans,M,Y,N,3,180000.0,398160.0,25573.5,315000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.003069,-12496,-1337,-985.0,-4864,6.0,1,1,0,1,0,0,Laborers,5.0,3,3,THURSDAY,15,0,0,0,0,0,0,Industry: type 1,0.4927350423930283,0.35663948033499604,0.7180328113294772,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1270486,382479,Revolving loans,45000.0,0.0,900000.0,,,WEDNESDAY,15,Y,1,,,,XAP,Approved,-522,XNA,XAP,,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),600,XNA,0.0,XNA,Card X-Sell,-519.0,-481.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,135000.0,193392.0,11232.0,153000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.002042,-10812,-1832,-236.0,-2598,,1,1,1,1,0,0,Core staff,2.0,3,3,SUNDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.02196922298614027,0.524496446363472,0.1124,,0.9985,0.9796,0.0474,0.0,0.2759,0.1667,0.2083,0.1168,0.0916,0.1517,,0.1191,0.1145,,0.9985,0.9804,0.0478,0.0,0.2759,0.1667,0.2083,0.1195,0.1001,0.158,,0.1261,0.1135,,0.9985,0.9799,0.0477,0.0,0.2759,0.1667,0.2083,0.1189,0.0932,0.1544,,0.1216,reg oper account,block of flats,0.1452,"Stone, brick",No,1.0,0.0,1.0,0.0,-522.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2795301,100973,Cash loans,26472.24,225000.0,239850.0,,225000.0,SATURDAY,10,Y,1,,,,XNA,Approved,-824,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-794.0,-464.0,-584.0,-578.0,1.0,0,Cash loans,F,N,Y,0,202500.0,970380.0,28503.0,810000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.009175,-17825,-2640,-5697.0,-1356,,1,1,1,1,0,0,Security staff,2.0,2,2,THURSDAY,16,0,0,0,0,1,1,Other,,0.4180181059878525,0.5867400085415683,0.0784,0.0,0.9757,,,0.0,0.1379,0.1667,,0.0709,,0.0577,,0.0061,0.0798,0.0,0.9757,,,0.0,0.1379,0.1667,,0.0725,,0.0601,,0.0065,0.0791,0.0,0.9757,,,0.0,0.1379,0.1667,,0.0722,,0.0588,,0.0062,,block of flats,0.0507,"Stone, brick",No,0.0,0.0,0.0,0.0,-1063.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,7.0 +2675175,271079,Cash loans,88035.48,450000.0,461880.0,,450000.0,MONDAY,14,Y,1,,,,XNA,Approved,-292,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-262.0,-112.0,-112.0,-104.0,1.0,0,Cash loans,M,N,N,0,76500.0,463500.0,36751.5,463500.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.006296,-12023,-2629,-4663.0,-3194,,1,1,0,1,0,0,Core staff,2.0,3,3,SATURDAY,11,0,0,0,0,1,1,Security Ministries,0.3191240892300541,0.4136145549992752,0.6971469077844458,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-657.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2716753,163463,Consumer loans,5996.115,35610.75,28485.0,7125.75,35610.75,FRIDAY,14,Y,1,0.21792828136039105,,,XAP,Approved,-1319,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,40,Connectivity,5.0,low_normal,POS mobile without interest,365243.0,-1288.0,-1168.0,-1198.0,-1190.0,0.0,0,Cash loans,F,N,N,1,135000.0,900000.0,24750.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Separated,With parents,0.026392000000000002,-10368,-155,-10338.0,-3041,,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Self-employed,0.15953958357413028,0.7109069511376164,0.190705947811054,0.7381,0.6457,0.9836,,,0.0,1.0,0.1667,,0.8638,,0.6894,,0.0032,0.7521,0.67,0.9836,,,0.0,1.0,0.1667,,0.8835,,0.7183,,0.0034,0.7453,0.6457,0.9836,,,0.0,1.0,0.1667,,0.8789,,0.7018,,0.0033,,block of flats,0.6287,Panel,No,7.0,1.0,7.0,1.0,-1773.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2803017,436891,Cash loans,41692.68,1125000.0,1288350.0,,1125000.0,TUESDAY,12,Y,1,,,,Repairs,Approved,-573,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,365243.0,-540.0,1230.0,-180.0,-172.0,0.0,1,Cash loans,F,N,N,0,378900.0,2013840.0,53122.5,1800000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.025164,-9494,-615,-2946.0,-2157,,1,1,1,1,1,1,Sales staff,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.5628642743058504,0.445836047602964,0.1047946227497676,0.0814,0.0379,0.9737,0.6396,0.0,0.0,0.1379,0.1667,0.2083,0.0,0.0664,0.0586,0.0,0.0058,0.0819,0.0088,0.9737,0.6537,0.0,0.0,0.1379,0.1667,0.2083,0.0,0.0716,0.0537,0.0,0.0,0.0822,0.0379,0.9737,0.6444,0.0,0.0,0.1379,0.1667,0.2083,0.0,0.0676,0.0597,0.0,0.0059,reg oper account,block of flats,0.043,Block,No,1.0,1.0,1.0,1.0,-1224.0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,4.0,0.0,1.0 +1197555,104222,Cash loans,29967.615,135000.0,156154.5,,135000.0,TUESDAY,15,Y,1,,,,XNA,Approved,-860,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-830.0,-680.0,-680.0,-672.0,1.0,0,Cash loans,F,N,Y,0,180000.0,862560.0,25218.0,720000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018801,-13417,-3607,-6763.0,-2408,,1,1,1,1,1,0,Laborers,2.0,2,2,MONDAY,6,0,0,0,0,0,0,Self-employed,,0.6812905975537306,0.6363761710860439,0.0,0.0,0.9727,,,,0.1379,0.1667,,,,0.0612,,,0.0,0.0,0.9727,,,,0.1379,0.1667,,,,0.0638,,,0.0,0.0,0.9727,,,,0.1379,0.1667,,,,0.0623,,,,block of flats,0.0486,"Stone, brick",No,6.0,0.0,6.0,0.0,-1173.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1499624,109754,Cash loans,12446.865,270000.0,313839.0,,270000.0,THURSDAY,11,Y,1,,,,XNA,Approved,-326,Cash through the bank,XAP,Other_B,Refreshed,XNA,Cash,x-sell,AP+ (Cash loan),100,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-296.0,754.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,N,2,180000.0,643500.0,25065.0,643500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.01885,-15032,-2860,-9096.0,-3898,12.0,1,1,0,1,0,0,Laborers,4.0,2,2,MONDAY,10,0,0,0,0,0,0,Self-employed,,0.6751199692870504,0.36896873825284665,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2182.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2189338,356014,Consumer loans,14208.345,76455.0,70794.0,9000.0,76455.0,THURSDAY,20,Y,1,0.12283903779504947,,,XAP,Approved,-2450,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,82,Connectivity,6.0,high,POS mobile with interest,365243.0,-2419.0,-2269.0,-2269.0,-2265.0,1.0,0,Cash loans,F,N,N,0,157500.0,225000.0,23872.5,225000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.032561,-9657,-98,-1401.0,-2120,,1,1,0,1,1,0,,2.0,1,1,MONDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.5485204836484299,0.5656079814115492,0.1918,,0.9518,0.3404,,0.0,0.5172,0.2083,0.25,0.0645,,0.2933,,0.1751,0.1954,,0.9518,0.3662,,0.0,0.5172,0.2083,0.25,0.066,,0.3055,,0.1854,0.1936,,0.9518,0.3492,,0.0,0.5172,0.2083,0.25,0.0656,,0.2985,,0.1788,reg oper account,block of flats,0.2687,"Stone, brick",No,0.0,0.0,0.0,0.0,-674.0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2179844,257870,Consumer loans,4413.825,22126.5,23364.0,2214.0,22126.5,WEDNESDAY,14,Y,1,0.0942703601816902,,,XAP,Approved,-791,Cash through the bank,XAP,,New,Computers,POS,XNA,Regional / Local,90,Consumer electronics,6.0,middle,POS household with interest,365243.0,-760.0,-610.0,-640.0,-633.0,0.0,1,Cash loans,M,Y,N,2,180000.0,675000.0,32472.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-15008,-182,-805.0,-4365,2.0,1,1,1,1,1,0,Managers,4.0,2,2,TUESDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.6999613753422849,0.30620229831350426,0.5144,0.3182,0.9866,,,0.0,0.1724,0.1667,,0.0306,,0.2437,,0.2776,0.5242,0.3302,0.9866,,,0.0,0.1724,0.1667,,0.0313,,0.2539,,0.2939,0.5194,0.3182,0.9866,,,0.0,0.1724,0.1667,,0.0311,,0.2481,,0.2835,,block of flats,0.2874,"Stone, brick",No,0.0,0.0,0.0,0.0,-791.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2819300,403253,Consumer loans,6033.285,52726.5,52011.0,5400.0,52726.5,SATURDAY,14,Y,1,0.1024383987230828,,,XAP,Approved,-1484,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,high,POS mobile with interest,365243.0,-1453.0,-1123.0,-1123.0,-1119.0,0.0,0,Cash loans,F,N,Y,0,49500.0,47970.0,4801.5,45000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.030755,-22786,365243,-4002.0,-4082,,1,0,0,1,1,0,,1.0,2,2,SATURDAY,11,0,0,0,0,0,0,XNA,,0.6558859432053867,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1778.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1020694,122596,Cash loans,89211.42,1980000.0,2097612.0,,1980000.0,TUESDAY,15,Y,1,,,,XNA,Approved,-657,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,low_action,Cash X-Sell: low,365243.0,-627.0,243.0,365243.0,365243.0,1.0,0,Cash loans,M,N,N,0,405000.0,1260702.0,41796.0,1129500.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.008019,-22406,365243,-5274.0,-4256,,1,0,0,1,0,0,,2.0,2,2,MONDAY,11,0,0,0,0,0,0,XNA,,0.7787127756958717,0.41885428862332175,0.066,,0.9925,,,0.04,0.0345,0.3333,,,,0.0795,,,0.0672,,0.9926,,,0.0403,0.0345,0.3333,,,,0.0828,,,0.0666,,0.9925,,,0.04,0.0345,0.3333,,,,0.0809,,,,block of flats,0.0857,"Stone, brick",No,11.0,0.0,11.0,0.0,-1098.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +2214042,278970,Cash loans,52999.92,1129500.0,1260702.0,,1129500.0,MONDAY,12,Y,1,,,,XNA,Refused,-249,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,1,Cash loans,F,N,Y,0,270000.0,1078200.0,34911.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008575,-16935,-1795,-5785.0,-463,,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,9,0,0,0,0,1,1,Industry: type 3,0.58904480756234,0.5541892860863376,0.2067786544915716,0.0186,0.0416,0.9881,0.8368,0.0025,0.0,0.1034,0.0417,0.0417,0.0103,0.0151,0.0171,0.0,0.0,0.0189,0.0432,0.9881,0.8432,0.0025,0.0,0.1034,0.0417,0.0417,0.0105,0.0165,0.0178,0.0,0.0,0.0187,0.0416,0.9881,0.8390000000000001,0.0025,0.0,0.1034,0.0417,0.0417,0.0104,0.0154,0.0174,0.0,0.0,reg oper account,block of flats,0.0157,"Stone, brick",No,0.0,0.0,0.0,0.0,-1101.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1355920,446776,Cash loans,49023.09,1134000.0,1232793.0,,1134000.0,FRIDAY,13,Y,1,,,,XNA,Approved,-160,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-130.0,920.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,202500.0,769527.0,32733.0,612000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.022625,-23428,365243,-11782.0,-4066,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,XNA,,0.6814092905244531,,0.0825,0.0809,0.9717,0.6124,0.008,0.0,0.1379,0.1667,0.2083,0.0533,0.0672,0.0634,0.0,0.0,0.084,0.0839,0.9717,0.6276,0.0081,0.0,0.1379,0.1667,0.2083,0.0546,0.0735,0.066,0.0,0.0,0.0833,0.0809,0.9717,0.6176,0.0081,0.0,0.1379,0.1667,0.2083,0.0543,0.0684,0.0645,0.0,0.0,reg oper account,block of flats,0.0498,"Stone, brick",No,2.0,0.0,2.0,0.0,-160.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2763694,311413,Revolving loans,2250.0,45000.0,45000.0,,45000.0,FRIDAY,14,Y,1,,,,XAP,Approved,-431,XNA,XAP,,Repeater,XNA,Cards,walk-in,Country-wide,200,Furniture,0.0,XNA,Card Street,-425.0,-386.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,157500.0,454500.0,21865.5,454500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0228,-15571,-2559,-5338.0,-4457,,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Trade: type 7,0.3183275349633971,0.3507360357038464,0.6674577419214722,0.0923,0.0542,0.9925,0.8640000000000001,0.0233,0.1,0.0862,0.3333,0.0,0.0605,0.0967,0.0986,0.0,0.016,0.0672,0.0373,0.9901,0.8693,0.0235,0.0806,0.069,0.3333,0.0,0.044,0.1056,0.0762,0.0,0.0,0.0932,0.0542,0.9925,0.8658,0.0234,0.1,0.0862,0.3333,0.0,0.0616,0.0983,0.1003,0.0,0.0163,reg oper account,block of flats,0.0773,"Stone, brick",No,5.0,1.0,5.0,1.0,-1685.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1799045,208665,Revolving loans,38250.0,765000.0,765000.0,,765000.0,THURSDAY,11,Y,1,,,,XAP,Approved,-525,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,360000.0,906228.0,38524.5,810000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.032561,-20487,-961,-2948.0,-1388,8.0,1,1,0,1,0,0,,1.0,1,1,THURSDAY,18,0,0,0,0,0,0,Other,,0.6653721558795405,0.3740208032583212,0.0515,0.0269,0.9439,0.2316,,,0.2069,0.1667,0.2083,0.0447,,0.1767,,0.1681,0.0525,0.0279,0.9439,0.2617,,,0.2069,0.1667,0.2083,0.0457,,0.1841,,0.17800000000000002,0.052000000000000005,0.0269,0.9439,0.2419,,,0.2069,0.1667,0.2083,0.0455,,0.1798,,0.1716,reg oper account,block of flats,0.1967,"Stone, brick",No,0.0,0.0,0.0,0.0,-1094.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1897110,107658,Cash loans,12875.76,193500.0,244584.0,,193500.0,THURSDAY,14,Y,1,,,,XNA,Approved,-665,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,high,Cash X-Sell: high,365243.0,-635.0,775.0,-605.0,-599.0,1.0,0,Cash loans,F,N,Y,0,135000.0,675000.0,28728.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-22929,365243,-2127.0,-4341,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,XNA,,0.34195401537389514,0.7826078370261895,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2246.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1655082,323323,Cash loans,19684.8,180000.0,180000.0,0.0,180000.0,SATURDAY,10,Y,1,0.0,,,XNA,Refused,-2537,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,F,Y,Y,0,225000.0,835380.0,40320.0,675000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.035792000000000004,-10685,-2342,-13.0,-1438,18.0,1,1,0,1,0,0,Core staff,2.0,2,2,TUESDAY,9,0,0,0,0,1,1,Self-employed,0.2655309389422224,0.7236676332339096,0.19747451156854226,0.0186,0.0,0.9985,,,0.0,0.0345,0.25,,0.0521,,0.0281,,0.0228,0.0189,0.0,0.9985,,,0.0,0.0345,0.25,,0.0532,,0.0293,,0.0242,0.0187,0.0,0.9985,,,0.0,0.0345,0.25,,0.053,,0.0286,,0.0233,,block of flats,0.0522,"Stone, brick",No,0.0,0.0,0.0,0.0,-2202.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2385996,323540,Consumer loans,8513.28,81076.5,80671.5,8109.0,81076.5,TUESDAY,13,Y,1,0.09947497684534533,,,XAP,Approved,-308,XNA,XAP,,Refreshed,Mobile,POS,XNA,Regional / Local,46,Connectivity,12.0,middle,POS mobile with interest,365243.0,-272.0,58.0,-272.0,-268.0,0.0,0,Cash loans,F,N,N,1,139500.0,1125000.0,33025.5,1125000.0,Family,Working,Higher education,Married,Municipal apartment,0.011703,-11074,-982,-202.0,-2315,,1,1,0,1,0,0,,3.0,2,2,TUESDAY,12,0,0,0,0,0,0,Business Entity Type 2,0.19779937336157866,0.7489325755293154,0.5388627065779676,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1764.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2818849,315365,Consumer loans,8127.45,44995.5,40495.5,4500.0,44995.5,SUNDAY,11,Y,1,0.10891998290738164,,,XAP,Approved,-2633,Cash through the bank,XAP,"Spouse, partner",Repeater,Mobile,POS,XNA,Stone,76,Connectivity,6.0,high,POS mobile with interest,365243.0,-2598.0,-2448.0,-2478.0,-2472.0,0.0,0,Cash loans,M,N,Y,0,180000.0,331920.0,18135.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.007305,-12494,-978,-371.0,-753,,1,1,0,1,0,0,Laborers,1.0,3,3,MONDAY,14,0,0,0,0,0,0,Electricity,0.2020010389407647,0.2725644892306201,0.4776491548517548,0.0825,0.0411,0.997,0.9592,0.0329,0.08,0.069,0.375,0.4167,0.0804,0.0672,0.0784,0.0,0.0,0.084,0.0427,0.997,0.9608,0.0332,0.0806,0.069,0.375,0.4167,0.0822,0.0735,0.0817,0.0,0.0,0.0833,0.0411,0.997,0.9597,0.0332,0.08,0.069,0.375,0.4167,0.0818,0.0684,0.0798,0.0,0.0,reg oper account,block of flats,0.0797,Panel,No,2.0,2.0,2.0,2.0,-282.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1129808,353528,Cash loans,18894.6,225000.0,295366.5,,225000.0,TUESDAY,11,Y,1,,,,XNA,Approved,-907,Cash through the bank,XAP,Other_B,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-877.0,-187.0,-217.0,-209.0,1.0,0,Cash loans,F,N,Y,0,225000.0,264888.0,28525.5,234000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.003069,-16944,-3827,-12723.0,-254,,1,1,0,1,0,0,Cooking staff,2.0,3,3,SATURDAY,10,0,0,0,0,0,0,Restaurant,,0.4611071129688648,0.43473324875017305,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1590.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2219974,282245,Consumer loans,23498.01,87300.0,90373.5,0.0,87300.0,SUNDAY,18,Y,1,0.0,,,XAP,Approved,-614,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Regional / Local,1000,Consumer electronics,4.0,low_action,POS household with interest,,,,,,,0,Cash loans,F,Y,Y,0,184500.0,339948.0,26437.5,315000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.006670999999999999,-19180,-2756,-6286.0,-2170,1.0,1,1,0,1,0,0,Accountants,1.0,2,2,FRIDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.655460645746025,0.5897898921588054,0.7610263695502636,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1094.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,2.0,0.0,2.0 +1928992,177335,Cash loans,4989.6,49500.0,54400.5,,49500.0,MONDAY,8,Y,1,,,,Other,Refused,-410,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,,,,,,,1,Cash loans,F,N,Y,0,90000.0,252000.0,10804.5,252000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.028663,-22997,365243,-2558.0,-4064,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,12,0,0,0,0,0,0,XNA,,0.09335829663656307,0.6144143775673561,0.0608,0.0794,0.9856,0.8028,0.0485,0.0,0.0345,0.1667,0.2083,0.0425,0.0488,0.0206,0.0039,0.0169,0.062,0.0824,0.9856,0.8105,0.0489,0.0,0.0345,0.1667,0.2083,0.0434,0.0533,0.0215,0.0039,0.0179,0.0614,0.0794,0.9856,0.8054,0.0488,0.0,0.0345,0.1667,0.2083,0.0432,0.0496,0.021,0.0039,0.0172,reg oper account,block of flats,0.0417,"Stone, brick",No,7.0,0.0,7.0,0.0,-394.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1515748,295610,Cash loans,10684.08,135000.0,194571.0,0.0,135000.0,THURSDAY,12,Y,1,0.0,,,XNA,Approved,-1310,Cash through the bank,XAP,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,36.0,middle,Cash Street: middle,365243.0,-1280.0,-230.0,-500.0,-495.0,1.0,0,Cash loans,F,N,N,0,270000.0,904500.0,29308.5,904500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-11790,-2478,-2552.0,-2564,,1,1,1,1,0,1,Sales staff,2.0,2,2,FRIDAY,11,1,1,0,1,1,0,Self-employed,0.30862993783901005,0.10643483317795634,0.3876253444214701,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-919.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1694245,286607,Revolving loans,9000.0,180000.0,180000.0,,180000.0,SATURDAY,12,Y,1,,,,XAP,Refused,-268,XNA,LIMIT,,New,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,N,1,121500.0,640080.0,29970.0,450000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.020246,-12991,-212,-1025.0,-1756,,1,1,0,1,0,0,Core staff,3.0,3,3,MONDAY,8,0,0,0,0,0,0,Transport: type 4,0.18860225227133595,0.02889184928866622,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-268.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1765852,367038,Consumer loans,2272.545,18585.0,18108.0,1858.5,18585.0,THURSDAY,13,Y,1,0.10137357346282297,,,XAP,Approved,-2299,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,240,Consumer electronics,10.0,high,POS household with interest,365243.0,-2268.0,-1998.0,-1998.0,-1995.0,1.0,0,Cash loans,F,Y,N,0,135000.0,1339884.0,39307.5,1170000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-17359,-3090,-9280.0,-885,14.0,1,1,0,1,0,0,Cleaning staff,2.0,2,2,SUNDAY,10,0,0,0,0,1,1,Transport: type 4,,0.35856849883534514,0.501075160239048,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-1928.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1319838,414152,Cash loans,18501.165,292500.0,371650.5,,292500.0,THURSDAY,11,Y,1,,,,XNA,Approved,-1440,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,high,Cash X-Sell: high,365243.0,-1410.0,360.0,-810.0,-807.0,1.0,0,Cash loans,F,N,Y,0,180000.0,469147.5,24084.0,351000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009175,-17462,-4761,-9147.0,-960,,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,9,0,0,0,0,1,1,Restaurant,,0.6420081228473795,0.2851799046358216,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1343.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1219985,110353,Revolving loans,9000.0,180000.0,180000.0,,180000.0,TUESDAY,16,Y,1,,,,XAP,Approved,-211,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-207.0,-169.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,90000.0,314100.0,17167.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Municipal apartment,0.009175,-11630,-2719,-1807.0,-2735,,1,1,1,1,1,0,,1.0,2,2,WEDNESDAY,19,0,0,0,0,0,0,Government,,0.7611728875672203,0.5954562029091491,0.1021,0.0464,0.9881,,,0.0,0.0345,0.1667,,0.0659,,0.0652,,0.0564,0.104,0.0481,0.9881,,,0.0,0.0345,0.1667,,0.0674,,0.0679,,0.0597,0.1031,0.0464,0.9881,,,0.0,0.0345,0.1667,,0.0671,,0.0664,,0.0576,,block of flats,0.0513,"Stone, brick",No,2.0,0.0,2.0,0.0,-320.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2351011,365390,Cash loans,37952.505,1129500.0,1293502.5,,1129500.0,WEDNESDAY,14,Y,1,,,,XNA,Refused,-547,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,157500.0,523597.5,26865.0,468000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-20733,-13539,-8126.0,-3826,,1,1,0,1,0,0,Managers,2.0,2,2,THURSDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.6324137791449503,0.1206410299309233,0.0918,0.1129,0.9881,0.8368,0.1401,0.0,0.2069,0.1667,0.2083,0.0649,0.07400000000000001,0.0575,0.0039,0.1442,0.0935,0.1172,0.9881,0.8432,0.1414,0.0,0.2069,0.1667,0.2083,0.0664,0.0808,0.0599,0.0039,0.1527,0.0926,0.1129,0.9881,0.8390000000000001,0.141,0.0,0.2069,0.1667,0.2083,0.066,0.0752,0.0586,0.0039,0.1472,reg oper spec account,block of flats,0.0766,Panel,No,2.0,0.0,2.0,0.0,-2824.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,2.0 +2199323,114628,Consumer loans,12625.92,242779.5,279954.0,0.0,242779.5,TUESDAY,13,Y,1,0.0,,,XAP,Approved,-1697,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,2200,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1666.0,-976.0,-976.0,-971.0,0.0,1,Cash loans,F,Y,Y,2,63000.0,405000.0,21969.0,405000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008625,-12858,-1914,-589.0,-2360,12.0,1,1,0,1,0,0,,4.0,2,2,FRIDAY,11,0,0,0,0,1,1,Industry: type 11,0.3879767975996397,0.5069061334380934,0.12850437737240394,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1697.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1137324,302237,Consumer loans,67404.96,331733.25,344430.0,2.25,331733.25,SUNDAY,8,Y,1,7.114474749256337e-06,,,XAP,Approved,-1656,Cash through the bank,XAP,Family,Refreshed,Computers,POS,XNA,Country-wide,501,Consumer electronics,6.0,high,POS household with interest,365243.0,-1623.0,-1473.0,-1473.0,-1467.0,0.0,0,Cash loans,F,N,N,0,238500.0,239850.0,23364.0,225000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.020246,-20530,-10963,-10738.0,-4040,,1,1,0,1,1,0,Core staff,2.0,3,3,WEDNESDAY,11,0,0,0,0,0,0,School,,0.4642983131678301,0.6706517530862718,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1656.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2476107,332954,Cash loans,26442.0,450000.0,450000.0,,450000.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-694,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Stone,600,Consumer electronics,24.0,middle,Cash X-Sell: middle,365243.0,-664.0,26.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,N,0,112500.0,808650.0,23773.5,675000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.002042,-13684,-853,-3984.0,-4075,2.0,1,1,0,1,0,0,Private service staff,2.0,3,3,THURSDAY,13,0,0,0,0,0,0,Services,,0.4867477662007158,0.6347055309763198,0.0577,0.0636,0.9806,,,0.0,0.1379,0.1667,,0.0493,,0.0528,,0.1006,0.0588,0.066,0.9806,,,0.0,0.1379,0.1667,,0.0504,,0.055,,0.1065,0.0583,0.0636,0.9806,,,0.0,0.1379,0.1667,,0.0502,,0.0537,,0.1027,,block of flats,0.0467,"Stone, brick",No,3.0,0.0,3.0,0.0,-1542.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1693441,214224,Cash loans,10588.995,90000.0,95940.0,0.0,90000.0,SATURDAY,12,Y,1,0.0,,,XNA,Approved,-1944,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,high,Cash Street: high,365243.0,-1914.0,-1584.0,-1674.0,-1670.0,1.0,0,Cash loans,F,N,N,0,135000.0,610335.0,22050.0,463500.0,Unaccompanied,State servant,Secondary / secondary special,Married,Municipal apartment,0.031329,-18881,-4297,-11451.0,-2429,,1,1,0,1,0,0,Managers,2.0,2,2,THURSDAY,7,0,0,0,0,0,0,School,,0.5968338711234651,0.43473324875017305,0.0247,,0.9881,,,0.0,0.069,0.0833,,,,0.0239,,,0.0252,,0.9881,,,0.0,0.069,0.0833,,,,0.0249,,,0.025,,0.9881,,,0.0,0.069,0.0833,,,,0.0243,,,,block of flats,0.0188,"Stone, brick",No,5.0,0.0,5.0,0.0,-274.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2615109,386486,Cash loans,15124.095,225000.0,254700.0,0.0,225000.0,TUESDAY,17,Y,1,0.0,,,Repairs,Refused,-1803,Cash through the bank,HC,"Spouse, partner",Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,middle,Cash Street: middle,,,,,,,0,Cash loans,M,Y,Y,0,225000.0,315000.0,21181.5,315000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.026392000000000002,-19593,-7847,-11670.0,-3144,10.0,1,1,0,1,1,0,Laborers,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Government,,0.6712471231399957,0.0005272652387098817,0.1979,,0.9801,,,0.24,0.2069,0.3333,,,,0.1881,,0.1496,0.2017,,0.9801,,,0.2417,0.2069,0.3333,,,,0.196,,0.1584,0.1999,,0.9801,,,0.24,0.2069,0.3333,,,,0.1915,,0.1528,,block of flats,0.1963,Panel,No,12.0,2.0,12.0,0.0,-1697.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1181361,291363,Revolving loans,2250.0,45000.0,45000.0,,45000.0,THURSDAY,13,Y,1,,,,XAP,Approved,-285,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-285.0,-243.0,365243.0,-90.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,157500.0,770292.0,32764.5,688500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-19803,365243,-11750.0,-2944,22.0,1,0,0,1,1,0,,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,XNA,,0.7340001011089077,0.7583930617144343,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2461.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +1870908,189221,Revolving loans,3375.0,0.0,67500.0,,,MONDAY,14,Y,1,,,,XAP,Approved,-2722,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,0,XNA,0.0,XNA,Card Street,-2635.0,-2588.0,365243.0,-822.0,365243.0,0.0,0,Cash loans,F,N,N,0,112500.0,233208.0,13518.0,184500.0,Children,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.035792000000000004,-16023,-6392,-2258.0,-4051,,1,1,0,1,0,0,,1.0,2,2,SUNDAY,16,0,0,0,0,0,0,Self-employed,0.31966788846087485,0.7124012140552829,0.7801436381572275,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1536780,431522,Cash loans,16056.81,202500.0,222547.5,,202500.0,MONDAY,11,Y,1,,,,XNA,Approved,-1211,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-1181.0,-671.0,-671.0,-665.0,1.0,0,Cash loans,F,N,Y,0,225000.0,558841.5,37624.5,499500.0,Children,Working,Secondary / secondary special,Single / not married,House / apartment,0.01885,-16939,-1645,-9854.0,-468,,1,1,0,1,0,0,Sales staff,1.0,2,2,MONDAY,10,0,0,0,0,0,0,Self-employed,,0.6737755729010486,0.8193176922872417,0.0773,0.0615,0.9841,0.7824,0.0121,0.08,0.069,0.3333,,,0.063,0.0824,,0.052000000000000005,0.0788,0.0638,0.9841,0.7909,0.0122,0.0806,0.069,0.3333,,,0.0689,0.0858,,0.055,0.0781,0.0615,0.9841,0.7853,0.0122,0.08,0.069,0.3333,,,0.0641,0.0839,,0.053,,block of flats,0.0827,"Stone, brick",No,0.0,0.0,0.0,0.0,-1415.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,4.0,0.0,3.0 +2691428,436340,Cash loans,45587.295,675000.0,732915.0,,675000.0,FRIDAY,17,Y,1,,,,XNA,Approved,-725,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,high,Cash X-Sell: high,365243.0,-695.0,175.0,365243.0,365243.0,1.0,1,Cash loans,M,N,N,0,382500.0,484789.5,21483.0,418500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.007273999999999998,-19717,-802,-8295.0,-3270,,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.4673073552885441,0.5316861425197883,0.0682,0.0446,0.9916,0.8504,0.0307,0.0148,0.1207,0.2292,0.0971,0.0632,0.0579,0.0675,0.0006,0.0005,0.0788,0.0,0.9876,0.8367,0.032,0.0,0.1724,0.1667,0.0417,0.0,0.0689,0.0511,0.0,0.0,0.076,0.0675,0.9886,0.8323,0.0308,0.0,0.1552,0.1667,0.0417,0.0733,0.0641,0.0734,0.0,0.0,reg oper spec account,block of flats,0.0493,Panel,No,0.0,0.0,0.0,0.0,-409.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2539294,372088,Cash loans,24146.82,450000.0,533160.0,,450000.0,SATURDAY,12,Y,1,,,,XNA,Approved,-991,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-961.0,449.0,-871.0,-864.0,1.0,0,Cash loans,F,Y,Y,0,135000.0,284400.0,16326.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.035792000000000004,-24366,365243,-12879.0,-4045,4.0,1,0,0,1,1,0,,1.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,,0.4075182701006786,0.6363761710860439,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1576.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,7.0 +1188210,257077,Cash loans,13567.59,67500.0,69727.5,,67500.0,SATURDAY,13,Y,1,,,,XNA,Approved,-801,Non-cash from your account,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,high,Cash X-Sell: high,365243.0,-771.0,-621.0,-741.0,-728.0,1.0,0,Cash loans,M,N,Y,0,103500.0,152820.0,15111.0,135000.0,Other_B,Working,Secondary / secondary special,Separated,House / apartment,0.022625,-19632,-2208,-5787.0,-3091,,1,1,1,1,0,0,Drivers,1.0,2,2,TUESDAY,16,0,0,0,0,1,1,Self-employed,,0.7311684244579206,0.7764098512142026,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2418.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2146490,116225,Cash loans,66882.735,2025000.0,2241513.0,,2025000.0,FRIDAY,17,Y,1,,,,XNA,Refused,-488,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,54.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,180000.0,531706.5,21478.5,459000.0,Unaccompanied,State servant,Higher education,Married,Rented apartment,0.00702,-11509,-3692,-4319.0,-3611,,1,1,0,1,1,0,Core staff,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Police,0.2761576821570836,0.3993188684107746,0.2340151665320674,0.0942,0.0947,0.9816,0.7484,0.0063,0.0,0.2069,0.1667,0.125,0.0341,0.0735,0.0827,0.0058,0.033,0.084,0.0908,0.9816,0.7583,0.0,0.0,0.2069,0.1667,0.0417,0.0,0.0725,0.0787,0.0039,0.0163,0.0999,0.0875,0.9816,0.7518,0.0063,0.0,0.2069,0.1667,0.125,0.0347,0.0748,0.0843,0.0058,0.0158,reg oper spec account,block of flats,0.069,Panel,No,4.0,0.0,4.0,0.0,-1258.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1507628,245924,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,14,Y,1,,,,XAP,Refused,-171,XNA,HC,Unaccompanied,New,XNA,Cards,walk-in,Country-wide,1000,Consumer electronics,0.0,XNA,Card Street,,,,,,,0,Revolving loans,F,N,Y,0,112500.0,337500.0,16875.0,337500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-21899,365243,-7045.0,-4536,,1,0,0,1,1,0,,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,XNA,,0.6032573405426612,0.4223696523543468,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-171.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1385596,134672,Revolving loans,22500.0,0.0,450000.0,,,WEDNESDAY,11,Y,1,,,,XAP,Approved,-663,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-636.0,-614.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,2,135000.0,1051294.5,30870.0,918000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006305,-11969,-4272,-928.0,-3890,,1,1,0,1,0,0,Laborers,4.0,3,3,MONDAY,7,0,0,0,0,0,0,Transport: type 2,,0.4778754132682262,0.6738300778602003,0.0577,0.0999,0.9796,0.7212,0.0079,0.0,0.1379,0.1667,0.2083,0.0527,,0.0517,,0.0561,0.0588,0.1037,0.9796,0.7321,0.008,0.0,0.1379,0.1667,0.2083,0.0539,,0.0538,,0.0594,0.0583,0.0999,0.9796,0.7249,0.0079,0.0,0.1379,0.1667,0.2083,0.0537,,0.0526,,0.0572,reg oper account,block of flats,0.0572,"Stone, brick",No,1.0,0.0,1.0,0.0,-804.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2792993,164065,Cash loans,19755.855,184500.0,250042.5,,184500.0,WEDNESDAY,12,Y,1,,,,Urgent needs,Refused,-832,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,high,Cash Street: high,,,,,,,0,Cash loans,M,Y,Y,1,157500.0,531706.5,28975.5,459000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019101,-10838,-2099,-5229.0,-3532,2.0,1,1,0,1,1,0,Laborers,3.0,2,2,TUESDAY,11,0,0,0,0,0,0,Self-employed,0.21343432392853529,0.3818269572221824,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1309.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2024607,310403,Consumer loans,15477.435,75123.0,79087.5,0.0,75123.0,WEDNESDAY,13,Y,1,0.0,,,XAP,Approved,-985,Cash through the bank,XAP,"Spouse, partner",Refreshed,Consumer Electronics,POS,XNA,Regional / Local,390,Consumer electronics,6.0,high,POS household with interest,365243.0,-954.0,-804.0,-894.0,-890.0,0.0,0,Cash loans,F,N,Y,0,135000.0,198666.0,21523.5,175500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-14781,-1005,-4977.0,-434,,1,1,0,1,0,0,Cleaning staff,2.0,3,3,MONDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.2610374728886161,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-421.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1192704,216872,Consumer loans,,77319.0,77319.0,0.0,77319.0,SUNDAY,14,Y,1,0.0,,,XAP,Refused,-221,Cash through the bank,LIMIT,,Repeater,Mobile,XNA,XNA,Country-wide,82,Connectivity,,XNA,POS mobile with interest,,,,,,,1,Revolving loans,F,N,Y,1,67500.0,180000.0,9000.0,180000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.025164,-7806,-817,-356.0,-490,,1,1,1,1,0,0,Laborers,3.0,2,2,THURSDAY,11,0,0,0,0,1,1,Industry: type 3,0.15987767275754525,0.5595584122185745,0.2650494299443805,0.0232,0.0607,0.9906,,,0.0,0.1034,0.0833,,0.0437,,0.024,,0.0,0.0189,0.0592,0.9906,,,0.0,0.1034,0.0833,,0.0424,,0.0184,,0.0,0.0234,0.0607,0.9906,,,0.0,0.1034,0.0833,,0.0445,,0.0244,,0.0,,block of flats,0.0259,"Stone, brick",No,0.0,0.0,0.0,0.0,-486.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2001205,325092,Consumer loans,3009.915,26500.5,26500.5,0.0,26500.5,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-139,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,45,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-104.0,166.0,365243.0,365243.0,0.0,0,Revolving loans,F,Y,Y,0,180000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.030755,-13170,-1172,-736.0,-5070,2.0,1,1,0,1,0,0,Laborers,1.0,2,2,SATURDAY,10,0,0,0,1,0,1,Business Entity Type 1,0.3116179971741003,0.4805113452106405,0.34741822720026416,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-364.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1857342,188306,Consumer loans,9065.115,90049.5,98964.0,0.0,90049.5,THURSDAY,13,Y,1,0.0,,,XAP,Approved,-1082,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,1925,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-1051.0,-721.0,-721.0,-714.0,0.0,0,Cash loans,F,N,Y,0,126000.0,612612.0,24295.5,495000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-16337,-4539,-10391.0,-4002,,1,1,1,1,1,0,Laborers,2.0,3,2,MONDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.5885725082788296,0.6006575372857061,0.1031,0.0395,0.9796,0.7212,0.0124,0.0,0.2069,0.1667,0.2083,0.0743,0.0824,0.0912,0.0077,0.0078,0.105,0.0409,0.9796,0.7321,0.0125,0.0,0.2069,0.1667,0.2083,0.076,0.09,0.095,0.0078,0.0083,0.1041,0.0395,0.9796,0.7249,0.0125,0.0,0.2069,0.1667,0.2083,0.0756,0.0838,0.0928,0.0078,0.008,reg oper account,block of flats,0.0802,Panel,No,0.0,0.0,0.0,0.0,-1082.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2085112,432667,Consumer loans,14518.485,172107.0,139689.0,45000.0,172107.0,SATURDAY,10,Y,1,0.2653600967523289,,,XAP,Approved,-1335,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,1600,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1304.0,-974.0,-974.0,-963.0,0.0,0,Cash loans,F,Y,N,2,225000.0,1256400.0,36733.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009656999999999999,-16395,-1136,-4838.0,-4230,12.0,1,1,0,1,0,0,,4.0,2,2,THURSDAY,12,0,0,0,0,0,0,Other,0.7056233021713364,0.5519028218533767,0.445396241560834,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2605792,354946,Cash loans,9830.97,90000.0,95940.0,,90000.0,THURSDAY,8,Y,1,,,,XNA,Approved,-477,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-447.0,-117.0,-117.0,-110.0,1.0,0,Cash loans,F,N,Y,0,112500.0,634482.0,20596.5,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020246,-22598,365243,-8528.0,-5002,,1,0,0,1,0,0,,2.0,3,3,FRIDAY,8,0,0,0,0,0,0,XNA,,0.2752609294483028,0.6801388218428291,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1569.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1222325,160989,Consumer loans,16588.845,154516.5,149314.5,15453.0,154516.5,MONDAY,5,Y,1,0.10214224175387633,,,XAP,Refused,-1597,Cash through the bank,HC,Family,Repeater,Computers,POS,XNA,Regional / Local,356,Consumer electronics,10.0,low_normal,POS household with interest,,,,,,,0,Cash loans,F,N,Y,2,135000.0,538704.0,23859.0,481500.0,Unaccompanied,State servant,Secondary / secondary special,Separated,House / apartment,0.008068,-17558,-5139,-9535.0,-1068,,1,1,0,1,0,0,Medicine staff,3.0,3,3,TUESDAY,7,0,0,0,0,0,0,Medicine,,0.2111228637053228,0.6363761710860439,0.1402,,0.9786,,,0.0,0.0345,0.1667,,0.0167,,0.0459,,0.0,0.1429,,0.9786,,,0.0,0.0345,0.1667,,0.0171,,0.0478,,0.0,0.1416,,0.9786,,,0.0,0.0345,0.1667,,0.017,,0.0467,,0.0,,block of flats,0.0529,"Stone, brick",No,1.0,1.0,1.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1820749,101676,Consumer loans,8793.495,63540.0,72252.0,6354.0,63540.0,SATURDAY,9,Y,1,0.0880350563107604,,,XAP,Approved,-1765,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,25,Connectivity,12.0,high,POS mobile with interest,365243.0,-1734.0,-1404.0,-1404.0,-1393.0,0.0,0,Cash loans,M,Y,Y,0,202500.0,254700.0,16713.0,225000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.018801,-9142,-746,-4016.0,-1805,9.0,1,1,0,1,0,0,High skill tech staff,2.0,2,2,SUNDAY,10,0,0,0,0,1,1,Business Entity Type 3,0.3345541477900524,0.4029014286477971,0.3201633668633456,0.1268,0.0659,0.9901,0.8640000000000001,0.0021,0.08,0.069,0.375,0.4167,0.0495,0.0992,0.121,0.0193,0.0058,0.1292,0.0684,0.9901,0.8693,0.0021,0.0806,0.069,0.375,0.4167,0.0506,0.1084,0.1261,0.0195,0.0062,0.128,0.0659,0.9901,0.8658,0.0021,0.08,0.069,0.375,0.4167,0.0504,0.1009,0.1232,0.0194,0.0059,reg oper spec account,block of flats,0.1209,"Stone, brick",No,0.0,0.0,0.0,0.0,-1393.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2472426,395418,Cash loans,,0.0,0.0,,,SUNDAY,14,Y,1,,,,XNA,Refused,-491,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,Y,Y,1,360000.0,540000.0,26109.0,540000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-15570,-505,-951.0,-4553,7.0,1,1,0,1,0,0,Core staff,3.0,1,1,MONDAY,11,0,0,0,0,0,0,Trade: type 2,,0.5260171878547558,0.20092608771597092,0.2423,0.0,0.998,0.9728,0.0845,0.32,0.1379,0.6667,0.7083,0.2319,0.1975,0.3135,0.0,0.0,0.2468,0.0,0.998,0.9739,0.0853,0.3222,0.1379,0.6667,0.7083,0.2372,0.2158,0.3266,0.0,0.0,0.2446,0.0,0.998,0.9732,0.085,0.32,0.1379,0.6667,0.7083,0.236,0.2009,0.3191,0.0,0.0,not specified,block of flats,0.331,Others,No,1.0,0.0,1.0,0.0,-402.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,5.0 +2254060,333833,Consumer loans,6933.285,54211.5,58981.5,0.0,54211.5,FRIDAY,10,Y,1,0.0,,,XAP,Approved,-291,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,1500,Consumer electronics,10.0,middle,POS household with interest,365243.0,-260.0,10.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,N,0,171000.0,441000.0,20556.0,441000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.007120000000000001,-13089,-779,-1526.0,-1757,10.0,1,1,0,1,0,0,Sales staff,2.0,2,2,SATURDAY,8,0,0,0,0,0,0,Other,0.32519089446384364,0.5459685708587976,0.7194907850918436,0.0196,,0.9712,0.6056,,0.0,0.1034,0.0417,0.0417,0.056,,0.017,,0.0092,0.02,,0.9712,0.621,,0.0,0.1034,0.0417,0.0417,0.0572,,0.0178,,0.0097,0.0198,,0.9712,0.6109,,0.0,0.1034,0.0417,0.0417,0.0569,,0.0174,,0.0094,not specified,block of flats,0.0209,Block,No,1.0,0.0,1.0,0.0,-910.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1441088,273308,Cash loans,16906.59,157500.0,167895.0,,157500.0,MONDAY,15,Y,1,,,,XNA,Approved,-996,XNA,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-966.0,-636.0,-636.0,-633.0,1.0,0,Cash loans,F,N,Y,0,135000.0,247275.0,17338.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.02461,-24478,365243,-11578.0,-5534,,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,XNA,0.8467292530227745,0.6697929788660762,0.2807895743848605,0.0825,0.0625,0.9737,,,0.0,0.1379,0.1667,,0.0516,,0.064,,0.0031,0.084,0.0649,0.9737,,,0.0,0.1379,0.1667,,0.0527,,0.0667,,0.0033,0.0833,0.0625,0.9737,,,0.0,0.1379,0.1667,,0.0525,,0.0651,,0.0031,,block of flats,0.0547,"Stone, brick",No,8.0,5.0,8.0,5.0,-1908.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +1253321,101719,Revolving loans,22500.0,450000.0,450000.0,,450000.0,FRIDAY,15,Y,1,,,,XAP,Refused,-20,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,1,139500.0,640080.0,24129.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.02461,-13960,-2319,-986.0,-1885,,1,1,0,1,1,0,Laborers,3.0,2,2,THURSDAY,15,0,0,0,0,0,0,Self-employed,0.5042589413188299,0.5315204163638905,0.3108182544189319,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-2130.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1519255,183192,Consumer loans,9856.395,84798.0,83844.0,8505.0,84798.0,TUESDAY,14,Y,1,0.10030122883645932,,,XAP,Approved,-1477,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,1655,Consumer electronics,12.0,high,POS household with interest,365243.0,-1446.0,-1116.0,-1266.0,-1262.0,0.0,1,Cash loans,F,N,Y,0,78750.0,675000.0,20538.0,675000.0,Unaccompanied,Pensioner,Higher education,Civil marriage,House / apartment,0.018634,-22443,365243,-4276.0,-4288,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,XNA,0.7623308165660788,0.6076191698066932,0.3441550073724169,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1477.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2353845,302565,Consumer loans,28986.03,279216.0,211716.0,67500.0,279216.0,WEDNESDAY,13,Y,1,0.2632859018238079,,,XAP,Approved,-89,Cash through the bank,XAP,Unaccompanied,Repeater,Weapon,POS,XNA,Stone,247,Auto technology,8.0,low_normal,POS other with interest,365243.0,-57.0,153.0,365243.0,365243.0,0.0,0,Revolving loans,M,Y,N,0,225000.0,180000.0,9000.0,180000.0,Family,State servant,Higher education,Civil marriage,House / apartment,0.019688999999999998,-12735,-6040,-1480.0,-3716,2.0,1,1,1,1,0,0,Managers,2.0,2,2,MONDAY,16,0,0,0,0,0,0,Police,0.2618752375685824,0.6126387348739214,0.7421816117614419,0.0557,0.0573,0.9876,,,0.04,0.0345,0.3333,,0.0931,,0.0479,,0.0,0.0567,0.0594,0.9876,,,0.0403,0.0345,0.3333,,0.0952,,0.0499,,0.0,0.0562,0.0573,0.9876,,,0.04,0.0345,0.3333,,0.0947,,0.0488,,0.0,,block of flats,0.0431,"Stone, brick",No,21.0,0.0,20.0,0.0,-536.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2687849,321397,Consumer loans,5862.555,62590.5,62590.5,0.0,62590.5,SUNDAY,10,Y,1,0.0,,,XAP,Approved,-307,Cash through the bank,XAP,,New,Furniture,POS,XNA,Country-wide,100,Furniture,12.0,low_action,POS industry without interest,365243.0,-276.0,54.0,-6.0,365243.0,0.0,0,Cash loans,M,N,Y,0,157500.0,229500.0,18130.5,229500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010147,-10388,-1000,-4979.0,-1564,,1,1,1,1,0,0,Sales staff,2.0,2,2,SATURDAY,13,1,1,0,1,1,1,Trade: type 2,,0.7050705923742754,0.2822484337007223,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-307.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2605695,234683,Revolving loans,6750.0,0.0,135000.0,,,WEDNESDAY,10,Y,1,,,,XAP,Approved,-1183,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,47,Connectivity,0.0,XNA,Card X-Sell,-1182.0,-1143.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,90000.0,709866.0,23026.5,508500.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.035792000000000004,-23025,365243,-11193.0,-4477,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,XNA,,0.3246723337221858,0.6785676886853644,0.0979,,0.9846,,,0.0,0.2759,0.1667,,0.0498,,0.1023,,0.2735,0.0998,,0.9846,,,0.0,0.2759,0.1667,,0.051,,0.1065,,0.2896,0.0989,,0.9846,,,0.0,0.2759,0.1667,,0.0507,,0.1041,,0.2793,,block of flats,0.0804,"Stone, brick",No,3.0,1.0,3.0,1.0,-2400.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2723487,376300,Consumer loans,,141390.0,141390.0,0.0,141390.0,SUNDAY,18,Y,1,0.0,,,XAP,Refused,-890,Cash through the bank,HC,,Repeater,Mobile,XNA,XNA,Country-wide,30,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,M,Y,Y,0,175500.0,260640.0,31059.0,225000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.011703,-19791,-2166,-521.0,-2120,14.0,1,1,0,1,0,0,,2.0,2,2,MONDAY,17,0,0,0,0,0,0,Self-employed,0.4108772030119637,0.7725672743303069,0.3539876078507373,0.0557,0.0238,0.9786,0.7076,0.0097,0.04,0.0345,0.3333,0.375,0.0348,0.0454,0.0468,0.0,0.0,0.0567,0.0247,0.9786,0.7190000000000001,0.0098,0.0403,0.0345,0.3333,0.375,0.0355,0.0496,0.0488,0.0,0.0,0.0562,0.0238,0.9786,0.7115,0.0098,0.04,0.0345,0.3333,0.375,0.0354,0.0462,0.0476,0.0,0.0,,block of flats,0.0443,"Stone, brick",No,0.0,0.0,0.0,0.0,-1808.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,4.0 +1143462,189312,Consumer loans,10238.85,80055.0,87102.0,0.0,80055.0,TUESDAY,14,Y,1,0.0,,,XAP,Approved,-240,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,701,Consumer electronics,10.0,middle,POS household with interest,365243.0,-206.0,64.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,202500.0,874152.0,46701.0,810000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.00496,-23041,365243,-1268.0,-2184,,1,0,0,1,1,0,,1.0,2,2,THURSDAY,13,0,0,0,0,0,0,XNA,0.7775319740926353,0.7801751312035942,0.6848276586890367,0.0165,0.0347,0.9846,0.7892,0.0104,0.0,0.069,0.0417,0.0833,0.0976,0.0134,0.0122,0.0,0.0,0.0168,0.036000000000000004,0.9846,0.7975,0.0105,0.0,0.069,0.0417,0.0833,0.0998,0.0147,0.0127,0.0,0.0,0.0167,0.0347,0.9846,0.792,0.0105,0.0,0.069,0.0417,0.0833,0.0993,0.0137,0.0125,0.0,0.0,reg oper spec account,block of flats,0.0153,"Stone, brick",No,1.0,0.0,1.0,0.0,-776.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2737771,308105,Cash loans,40671.0,900000.0,900000.0,,900000.0,THURSDAY,11,Y,1,,,,XNA,Approved,-539,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,AP+ (Cash loan),-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-509.0,541.0,-359.0,-354.0,0.0,0,Cash loans,F,N,N,1,157500.0,873000.0,41998.5,873000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.028663,-15349,-446,-360.0,-4718,,1,1,0,1,1,0,Core staff,3.0,2,2,THURSDAY,12,0,0,0,0,0,0,Trade: type 7,0.29454850061043497,0.5339264294701103,0.6041125998015721,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,0.0,8.0,0.0,-2452.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +1895453,248383,Consumer loans,17481.42,162000.0,145800.0,16200.0,162000.0,FRIDAY,10,Y,1,0.1089090909090909,,,XAP,Approved,-816,Cash through the bank,XAP,Unaccompanied,New,Vehicles,POS,XNA,Stone,70,Industry,12.0,high,POS other with interest,365243.0,-781.0,-451.0,-511.0,-506.0,0.0,0,Cash loans,M,N,N,0,90000.0,1062000.0,31050.0,1062000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-21672,365243,-7782.0,-4082,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,XNA,,0.26525634018619443,0.5919766183185521,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,14.0,1.0,14.0,0.0,-816.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1324671,244276,Revolving loans,3375.0,0.0,90000.0,,,WEDNESDAY,17,N,0,,,,XAP,Refused,-2541,XNA,XNA,,Repeater,XNA,Cards,x-sell,Country-wide,2200,Consumer electronics,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,N,0,67500.0,101880.0,9922.5,90000.0,Unaccompanied,Working,Higher education,Married,Municipal apartment,0.009549,-20046,-6030,-6469.0,-3533,,1,1,0,1,0,0,Core staff,2.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,Government,,0.5304530206024286,0.5989262182569273,0.0701,0.1033,0.9786,0.7076,0.0086,0.0,0.1379,0.1667,0.2083,0.0419,0.0546,0.0614,0.0116,0.0194,0.0714,0.1072,0.9786,0.7190000000000001,0.0086,0.0,0.1379,0.1667,0.2083,0.0428,0.0597,0.064,0.0117,0.0205,0.0708,0.1033,0.9786,0.7115,0.0086,0.0,0.1379,0.1667,0.2083,0.0426,0.0556,0.0625,0.0116,0.0198,reg oper account,block of flats,0.0572,"Stone, brick",No,0.0,0.0,0.0,0.0,-600.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1041950,325302,Consumer loans,7237.89,26775.0,27837.0,0.0,26775.0,WEDNESDAY,11,Y,1,0.0,,,XAP,Approved,-511,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Regional / Local,145,Consumer electronics,4.0,low_action,POS household with interest,365243.0,-474.0,-384.0,-444.0,-437.0,0.0,0,Cash loans,F,N,N,1,76500.0,157500.0,17091.0,157500.0,Unaccompanied,Working,Higher education,Married,Municipal apartment,0.010966,-12229,-4567,-523.0,-1672,,1,1,1,1,1,0,Core staff,3.0,2,2,TUESDAY,17,0,0,0,1,1,0,School,0.6961019583881654,0.41434135081405055,0.4489622731076524,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-949.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1457888,437098,Consumer loans,25632.765,449775.0,449775.0,0.0,449775.0,MONDAY,13,Y,1,0.0,,,XAP,Refused,-1085,Cash through the bank,SCO,Family,Repeater,Consumer Electronics,POS,XNA,Regional / Local,80,Consumer electronics,24.0,middle,POS household with interest,,,,,,,0,Cash loans,M,Y,Y,0,202500.0,1656382.5,45679.5,1480500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.020246,-21669,-10651,-12320.0,-5178,4.0,1,1,1,1,1,0,,2.0,3,3,MONDAY,7,0,0,0,0,0,0,Other,,0.3850425402086464,0.8050196619153701,0.0711,,0.9826,0.762,0.0927,,0.1379,0.1667,0.2083,,0.053,0.0567,0.0232,0.0282,0.0725,,0.9826,0.7713,0.0936,,0.1379,0.1667,0.2083,,0.0579,0.059,0.0233,0.0298,0.0718,,0.9826,0.7652,0.0933,,0.1379,0.1667,0.2083,,0.0539,0.0577,0.0233,0.0288,reg oper spec account,block of flats,0.0507,"Stone, brick",No,0.0,0.0,0.0,0.0,-1670.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1706923,427337,Consumer loans,2733.66,16740.0,16740.0,0.0,16740.0,THURSDAY,14,Y,1,0.0,,,XAP,Refused,-2119,Cash through the bank,LIMIT,Family,Repeater,Audio/Video,POS,XNA,Stone,411,Consumer electronics,8.0,high,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,135000.0,781920.0,25969.5,675000.0,Family,Working,Higher education,Single / not married,House / apartment,0.028663,-19485,-1966,-4701.0,-3018,,1,1,0,1,0,0,Sales staff,1.0,2,2,TUESDAY,15,0,0,0,0,0,0,Self-employed,,0.6446474098613313,0.6956219298394389,0.0804,0.0,0.9757,0.6668,,0.0,0.1034,0.1667,0.2083,0.0433,0.0647,0.059,0.0039,0.0142,0.0819,0.0,0.9757,0.6798,,0.0,0.1034,0.1667,0.2083,0.0443,0.0707,0.0615,0.0039,0.015,0.0812,0.0,0.9757,0.6713,,0.0,0.1034,0.1667,0.2083,0.044,0.0658,0.0601,0.0039,0.0145,reg oper spec account,block of flats,0.0538,"Stone, brick",No,10.0,0.0,10.0,0.0,-2121.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1280013,197642,Consumer loans,5798.79,50760.0,49702.5,5076.0,50760.0,FRIDAY,13,Y,1,0.10091962091962092,,,XAP,Approved,-545,Cash through the bank,XAP,,New,Computers,POS,XNA,Regional / Local,34,Consumer electronics,10.0,middle,POS household with interest,365243.0,-514.0,-244.0,-244.0,-242.0,0.0,1,Revolving loans,F,N,N,1,36000.0,135000.0,6750.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.0228,-8018,-328,-1247.0,-567,,1,1,0,1,0,0,Waiters/barmen staff,3.0,2,2,THURSDAY,10,0,0,0,0,0,0,Restaurant,0.1954271541206483,0.5341876229904245,,0.1351,0.2136,0.9871,,,0.0,0.2759,0.1667,,0.0295,,0.1359,,0.0092,0.1376,0.2217,0.9871,,,0.0,0.2759,0.1667,,0.0302,,0.1416,,0.0097,0.1364,0.2136,0.9871,,,0.0,0.2759,0.1667,,0.03,,0.1384,,0.0094,,block of flats,0.1185,"Stone, brick",No,1.0,0.0,1.0,0.0,-545.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2065168,351594,Consumer loans,5466.645,53995.5,44505.0,13500.0,53995.5,SATURDAY,18,Y,1,0.2534734466464489,,,XAP,Refused,-1853,Cash through the bank,HC,Other_B,Repeater,Consumer Electronics,POS,XNA,Country-wide,1500,Consumer electronics,12.0,high,POS household with interest,,,,,,,0,Cash loans,M,Y,N,0,157500.0,50940.0,5616.0,45000.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.016612000000000002,-15607,-1928,-15525.0,-1631,24.0,1,1,0,1,0,0,Managers,1.0,2,2,THURSDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.451279817767344,0.1698542589574682,,0.0928,0.0905,0.9776,0.6940000000000001,0.042,0.0,0.2069,0.1667,0.2083,0.0721,0.0756,0.0777,0.0,0.0,0.0945,0.094,0.9777,0.706,0.0423,0.0,0.2069,0.1667,0.2083,0.0737,0.0826,0.081,0.0,0.0,0.0937,0.0905,0.9776,0.6981,0.0422,0.0,0.2069,0.1667,0.2083,0.0734,0.077,0.0791,0.0,0.0,reg oper account,block of flats,0.0841,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2226283,338236,Cash loans,17542.44,166500.0,211405.5,,166500.0,FRIDAY,14,Y,1,,,,XNA,Approved,-549,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-519.0,-9.0,-9.0,365243.0,1.0,0,Cash loans,M,Y,Y,0,90000.0,388512.0,30195.0,360000.0,"Spouse, partner",Working,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-10542,-286,-10542.0,-3125,11.0,1,1,0,1,0,0,Drivers,2.0,2,2,MONDAY,8,0,0,0,0,1,1,Agriculture,0.2187331931547437,0.22439901654732125,0.2314393514998941,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,2.0,7.0,1.0,-1772.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2777705,330349,Consumer loans,8442.09,124560.0,79560.0,45000.0,124560.0,SATURDAY,13,Y,1,0.3934576983709929,,,XAP,Approved,-168,Cash through the bank,XAP,,New,Vehicles,POS,XNA,Country-wide,20,Jewelry,12.0,middle,POS other with interest,365243.0,-125.0,205.0,365243.0,365243.0,0.0,1,Cash loans,F,N,N,0,247500.0,396000.0,18589.5,396000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018209,-21039,365243,-1986.0,-1976,,1,0,0,1,0,0,,2.0,3,3,SATURDAY,12,0,0,0,1,0,0,XNA,,0.5418892224760101,0.248535557339522,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,0.0 +2012398,190189,Revolving loans,6750.0,0.0,45000.0,,,WEDNESDAY,12,Y,1,,,,XAP,Refused,-523,XNA,HC,,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),50,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,N,0,135000.0,1660500.0,53563.5,1660500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.0105,-21857,365243,-6691.0,-3792,,1,0,0,1,1,0,,1.0,3,3,MONDAY,10,0,0,0,0,0,0,XNA,,0.2516340010636208,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1341.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1129727,393290,Consumer loans,6970.455,151830.0,151830.0,0.0,151830.0,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-602,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Regional / Local,145,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-571.0,119.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,225000.0,1339884.0,39307.5,1170000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-15616,-680,-654.0,-4041,,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,15,0,0,0,1,1,1,Self-employed,,0.08363718314357882,0.22888341670067305,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-17.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1388749,117223,Consumer loans,7164.9,138586.5,138586.5,0.0,138586.5,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-1366,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,1,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-1335.0,-645.0,-885.0,-882.0,0.0,0,Cash loans,M,N,Y,2,72000.0,472500.0,18436.5,472500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-10310,-1087,-4476.0,-1742,,1,1,1,1,1,1,,4.0,2,2,MONDAY,8,0,0,0,0,0,0,Trade: type 7,0.16585605437474168,0.5469657914743143,0.2910973802776635,0.0021,0.0,0.9697,,,0.0,0.0345,0.0417,,,,0.0163,,0.0,0.0021,0.0,0.9697,,,0.0,0.0345,0.0417,,,,0.0169,,0.0,0.0021,0.0,0.9697,,,0.0,0.0345,0.0417,,,,0.0166,,0.0,,block of flats,0.0132,"Stone, brick",Yes,2.0,0.0,2.0,0.0,-637.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,0.0 +1393753,261306,Consumer loans,6472.935,67950.0,67950.0,0.0,67950.0,FRIDAY,12,Y,1,0.0,,,XAP,Approved,-569,Cash through the bank,XAP,,Repeater,Clothing and Accessories,POS,XNA,Stone,56,Clothing,12.0,low_normal,POS industry with interest,365243.0,-538.0,-208.0,-538.0,-532.0,0.0,0,Cash loans,F,N,Y,0,180000.0,824823.0,24246.0,688500.0,Family,Working,Secondary / secondary special,Separated,House / apartment,0.00733,-17327,-1227,-1265.0,-877,,1,1,0,1,0,0,Private service staff,1.0,2,2,SUNDAY,17,0,0,0,0,0,0,Trade: type 3,0.2774582926025993,0.5488237287829323,0.2807895743848605,0.1505,0.13699999999999998,0.9687,,,0.0,0.4138,0.1667,,0.0,,0.1327,,0.0,0.1534,0.1421,0.9687,,,0.0,0.4138,0.1667,,0.0,,0.1383,,0.0,0.152,0.13699999999999998,0.9687,,,0.0,0.4138,0.1667,,0.0,,0.1351,,0.0,,block of flats,0.1589,"Stone, brick",No,3.0,0.0,3.0,0.0,-1073.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1644733,293334,Consumer loans,3453.525,30051.0,29070.0,3600.0,30051.0,TUESDAY,17,Y,1,0.12001001753067865,,,XAP,Approved,-1979,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,5,Connectivity,12.0,high,POS mobile with interest,365243.0,-1948.0,-1618.0,-1618.0,-1610.0,0.0,0,Revolving loans,F,N,N,0,54000.0,135000.0,6750.0,135000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.015221,-23154,365243,-9609.0,-4082,,1,0,0,1,0,0,,1.0,2,2,SUNDAY,10,0,0,0,0,0,0,XNA,,0.2622583692422573,0.4471785780453068,0.0124,0.0,0.9662,,,0.0,0.069,0.0417,,0.02,,0.0114,,0.0,0.0126,0.0,0.9662,,,0.0,0.069,0.0417,,0.0204,,0.0119,,0.0,0.0125,0.0,0.9662,,,0.0,0.069,0.0417,,0.0203,,0.0116,,0.0,,block of flats,0.0097,"Stone, brick",No,3.0,0.0,3.0,0.0,-1979.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1765377,405078,Consumer loans,2985.66,26181.0,23472.0,4500.0,26181.0,TUESDAY,10,Y,1,0.17520767520767516,,,XAP,Approved,-1160,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,40,Connectivity,10.0,high,POS mobile with interest,365243.0,-1122.0,-852.0,-852.0,-847.0,0.0,0,Cash loans,F,N,N,0,76500.0,450000.0,17095.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-14712,-5568,-3358.0,-3461,,1,1,0,1,0,0,Core staff,2.0,2,2,MONDAY,19,0,0,0,0,0,0,Kindergarten,,0.6404284538726918,0.5280927512030451,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-225.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2471804,196469,Cash loans,19372.68,90000.0,103797.0,,90000.0,TUESDAY,16,Y,1,,,,XNA,Approved,-791,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-761.0,-611.0,-731.0,-722.0,1.0,0,Cash loans,F,N,Y,0,225000.0,765000.0,40887.0,765000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.005084,-20705,-443,-3158.0,-3101,,1,1,0,1,0,0,Cleaning staff,2.0,2,2,TUESDAY,11,0,1,1,0,1,1,Business Entity Type 3,,0.5694604582214926,0.4686596550493113,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-55.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2054805,192406,Cash loans,43848.0,630000.0,630000.0,,630000.0,MONDAY,9,Y,1,,,,XNA,Refused,-1032,Cash through the bank,HC,Other_A,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,N,2,81000.0,243000.0,13311.0,243000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-11785,-2288,-588.0,-3977,12.0,1,1,0,1,0,0,Laborers,4.0,2,2,THURSDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.3534065539701773,0.2896672452463978,0.5549467685334323,0.0041,,0.9712,,,,,0.0,,,,,,,0.0042,,0.9712,,,,,0.0,,,,,,,0.0042,,0.9712,,,,,0.0,,,,,,,,block of flats,0.002,Wooden,No,0.0,0.0,0.0,0.0,-1645.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2246880,175992,Cash loans,5693.085,45000.0,47970.0,,45000.0,WEDNESDAY,14,Y,1,,,,Urgent needs,Approved,-717,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-687.0,-357.0,-417.0,-412.0,1.0,0,Cash loans,F,Y,Y,0,52200.0,592560.0,30384.0,450000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-21191,365243,-9081.0,-4233,17.0,1,0,0,1,0,0,,2.0,2,2,SATURDAY,15,0,0,0,0,0,0,XNA,,0.2488277805265089,0.4956658291397297,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,0.0,-1085.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2659414,266803,Consumer loans,6604.335,64215.0,34015.5,32107.5,64215.0,WEDNESDAY,15,Y,1,0.5288324238712151,,,XAP,Approved,-242,Cash through the bank,XAP,Unaccompanied,Refreshed,Computers,POS,XNA,Regional / Local,116,Consumer electronics,6.0,middle,POS household with interest,365243.0,-212.0,-62.0,-182.0,-175.0,1.0,0,Cash loans,M,Y,Y,1,225000.0,825588.0,78516.0,765000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-16338,-6019,-2595.0,-4152,14.0,1,1,0,1,0,0,Laborers,3.0,3,1,SUNDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.6428975242445126,0.5540920357389999,,0.2216,0.2262,0.9732,,,0.0,0.3793,0.1667,,0.1152,,0.1757,,0.012,0.2258,0.2347,0.9732,,,0.0,0.3793,0.1667,,0.1179,,0.183,,0.0127,0.2238,0.2262,0.9732,,,0.0,0.3793,0.1667,,0.1172,,0.1788,,0.0122,,block of flats,0.1408,"Stone, brick",No,1.0,0.0,1.0,0.0,-2133.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2753212,190839,Consumer loans,17980.92,315099.0,397017.0,0.0,315099.0,THURSDAY,12,Y,1,0.0,,,XAP,Refused,-552,Cash through the bank,LIMIT,,Repeater,Audio/Video,POS,XNA,Country-wide,500,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,1,Cash loans,F,N,Y,0,157500.0,431280.0,23526.0,360000.0,Children,Working,Secondary / secondary special,Single / not married,House / apartment,0.006852,-13208,-1513,-3715.0,-4051,,1,1,0,1,0,0,,1.0,3,3,WEDNESDAY,13,0,0,0,0,0,0,Industry: type 11,,0.5507993389495457,0.5478104658520093,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-792.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2071594,129001,Cash loans,,0.0,0.0,,,FRIDAY,11,Y,1,,,,XNA,Refused,-157,XNA,HC,,Repeater,XNA,XNA,XNA,AP+ (Cash loan),5,XNA,,XNA,Cash,,,,,,,1,Cash loans,F,N,N,1,76500.0,263686.5,17298.0,238500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,Municipal apartment,0.005144,-18031,365243,-7217.0,-1327,,1,0,0,1,0,0,,2.0,2,2,MONDAY,9,0,0,0,0,0,0,XNA,0.5646143147079749,,0.6940926425266661,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-157.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2492963,150360,Cash loans,33621.975,810000.0,1066608.0,,810000.0,TUESDAY,11,Y,1,,,,Other,Refused,-281,Cash through the bank,SCOFR,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,48.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,Y,N,2,148500.0,114682.5,12478.5,99000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-12938,-540,-6607.0,-2416,8.0,1,1,0,1,0,1,,4.0,2,2,WEDNESDAY,12,0,0,0,0,1,1,Military,0.3558321839920106,0.6222457752555098,0.30162489168411943,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-488.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2153260,109259,Revolving loans,27000.0,540000.0,540000.0,,540000.0,FRIDAY,16,Y,1,,,,XAP,Approved,-642,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-641.0,-589.0,365243.0,-193.0,-188.0,0.0,1,Cash loans,F,N,Y,1,162000.0,1024740.0,52452.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-15945,-6313,-3820.0,-4650,,1,1,0,1,0,1,,3.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Industry: type 7,0.3293556245443854,0.3123512575779123,0.3001077565791181,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +1851147,359318,Consumer loans,2875.275,52992.0,63486.0,0.0,52992.0,SUNDAY,18,Y,1,0.0,,,XAP,Approved,-1113,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,3000,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1082.0,-392.0,-392.0,-385.0,0.0,0,Cash loans,F,Y,Y,0,135000.0,253737.0,16956.0,229500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.02461,-11973,-1830,-5946.0,-1202,6.0,1,1,0,1,0,0,,2.0,2,2,SUNDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.7338122002361422,,0.2686,0.1858,0.9916,0.8844,0.174,0.28,0.2414,0.3542,0.3958,0.2382,0.219,0.2859,0.0232,0.1403,0.0914,0.0,0.9851,0.804,0.0252,0.0806,0.069,0.3333,0.375,0.2437,0.0799,0.0982,0.0195,0.087,0.2712,0.1858,0.9916,0.8859,0.1752,0.28,0.2414,0.3542,0.3958,0.2424,0.2227,0.29100000000000004,0.0233,0.1432,reg oper account,block of flats,0.5961,"Stone, brick",No,0.0,0.0,0.0,0.0,-1113.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1505107,158830,Cash loans,,0.0,0.0,,,THURSDAY,11,Y,1,,,,XNA,Refused,-291,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,N,N,1,99000.0,545040.0,36553.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,With parents,0.006670999999999999,-13123,-1903,-6956.0,-3490,,1,1,0,1,0,0,,3.0,2,2,MONDAY,11,0,0,0,0,1,1,Self-employed,0.3334333701171889,0.1388041859416024,0.7032033049040319,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-291.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,4.0,0.0,1.0 +1925132,129446,Revolving loans,11250.0,0.0,225000.0,,,MONDAY,15,Y,1,,,,XAP,Approved,-1168,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,180000.0,781920.0,47965.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.032561,-11609,-3878,-4692.0,-4141,3.0,1,1,0,1,0,1,Sales staff,2.0,1,1,SUNDAY,10,0,0,0,0,0,0,Self-employed,,0.3221554299572505,0.6986675550534175,0.1227,0.0815,0.9866,0.8164,0.0224,0.12,0.1034,0.375,0.0417,0.1164,0.1,0.0881,0.0,0.0,0.125,0.0846,0.9866,0.8236,0.0226,0.1208,0.1034,0.375,0.0417,0.119,0.1093,0.0918,0.0,0.0,0.1239,0.0815,0.9866,0.8189,0.0225,0.12,0.1034,0.375,0.0417,0.1184,0.1018,0.0897,0.0,0.0,reg oper account,block of flats,0.1057,Panel,No,0.0,0.0,0.0,0.0,-54.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +2174559,441255,Cash loans,26651.25,463500.0,500211.0,,463500.0,TUESDAY,10,Y,1,,,,XNA,Approved,-321,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-291.0,399.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,112500.0,1002870.0,39901.5,922500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.0038130000000000004,-20736,365243,-7223.0,-4289,,1,0,0,1,0,0,,2.0,2,2,MONDAY,9,0,0,0,0,0,0,XNA,0.7297424038150186,0.4871629674427618,0.7121551551910698,0.1165,0.0594,0.9866,,,0.0,0.2759,0.1667,,0.1065,,0.1055,,0.0172,0.1187,0.0616,0.9866,,,0.0,0.2759,0.1667,,0.1089,,0.11,,0.0182,0.1176,0.0594,0.9866,,,0.0,0.2759,0.1667,,0.1084,,0.1074,,0.0175,,block of flats,0.0867,"Stone, brick",No,2.0,0.0,2.0,0.0,-1558.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,3.0 +1023591,299855,Cash loans,22624.02,450000.0,501975.0,,450000.0,MONDAY,20,Y,1,,,,XNA,Approved,-855,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,30.0,low_normal,Cash X-Sell: low,365243.0,-820.0,50.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,180000.0,601470.0,29065.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-17010,-3672,-6852.0,-490,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,11,0,0,0,0,1,1,Hotel,0.7797214327292956,0.4145430100400084,0.4561097392782771,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2257.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1684606,178612,Cash loans,43490.7,1170000.0,1170000.0,,1170000.0,TUESDAY,15,Y,1,,,,XNA,Approved,-867,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,90000.0,153000.0,8050.5,153000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-19944,-5973,-7018.0,-3358,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,15,0,0,0,0,0,0,Medicine,,0.7066641705968951,0.5867400085415683,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1712.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2121525,222268,Cash loans,12743.19,54000.0,62842.5,,54000.0,WEDNESDAY,10,Y,1,,,,Other,Refused,-363,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,2,103500.0,203760.0,16096.5,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-13322,-1187,-1568.0,-5045,,1,1,1,1,1,0,,4.0,2,2,TUESDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.5916079723295952,0.48754540532637103,0.3876253444214701,0.234,0.156,0.997,0.9524,0.0596,0.24,0.2069,0.375,0.4167,0.1593,0.1908,0.2486,0.0,0.0,0.2384,0.1619,0.997,0.9543,0.0601,0.2417,0.2069,0.375,0.4167,0.163,0.2084,0.259,0.0,0.0,0.2363,0.156,0.997,0.953,0.0599,0.24,0.2069,0.375,0.4167,0.1621,0.1941,0.2531,0.0,0.0,reg oper account,block of flats,0.229,Panel,No,0.0,0.0,0.0,0.0,-2614.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +2520832,241602,Cash loans,26823.42,351000.0,375322.5,,351000.0,MONDAY,12,Y,1,,,,XNA,Refused,-148,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,,,,,,,1,Cash loans,F,N,Y,0,66600.0,808650.0,31464.0,675000.0,Family,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.072508,-20513,365243,-13619.0,-3088,,1,0,0,1,0,0,,2.0,1,1,TUESDAY,16,0,0,0,0,0,0,XNA,,0.7113741223506164,,0.0691,0.0714,0.9752,0.66,0.0019,0.0,0.1207,0.1667,0.2083,0.0,0.0555,0.0576,0.0039,0.0126,0.0567,0.0622,0.9752,0.6733,0.0,0.0,0.1034,0.1667,0.2083,0.0,0.0478,0.0458,0.0,0.0,0.0697,0.0714,0.9752,0.6645,0.0019,0.0,0.1207,0.1667,0.2083,0.0,0.0564,0.0586,0.0039,0.0129,reg oper account,block of flats,0.0421,Panel,No,1.0,0.0,1.0,0.0,-401.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1798213,249406,Consumer loans,15748.245,80892.0,85162.5,0.0,80892.0,MONDAY,13,Y,1,0.0,,,XAP,Approved,-443,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,150,Consumer electronics,6.0,middle,POS household with interest,365243.0,-412.0,-262.0,-262.0,-255.0,0.0,1,Cash loans,F,N,Y,1,67500.0,177903.0,9081.0,148500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.02461,-13961,-239,-404.0,-4520,,1,1,0,1,0,1,Sales staff,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Self-employed,,0.33580074417971945,0.04599224175530276,0.1474,0.0954,0.9811,,,0.16,0.1379,0.3333,,0.0374,,0.1515,,0.0942,0.1502,0.099,0.9811,,,0.1611,0.1379,0.3333,,0.0383,,0.1579,,0.0997,0.1489,0.0954,0.9811,,,0.16,0.1379,0.3333,,0.038,,0.1543,,0.0962,,block of flats,0.1396,Panel,No,3.0,0.0,3.0,0.0,-1083.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,4.0,3.0 +2318695,315018,Revolving loans,0.0,0.0,0.0,,0.0,THURSDAY,15,Y,1,,,,XAP,Approved,-74,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),4,XNA,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,90000.0,225000.0,17905.5,225000.0,"Spouse, partner",Working,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-14302,-1195,-2421.0,-3562,,1,1,1,1,0,0,,3.0,2,2,MONDAY,9,0,0,0,0,1,1,Self-employed,0.5537026371734305,0.6731552256262288,,0.0124,0.0,0.9737,0.6396,0.0,0.0,0.069,0.0417,0.0833,0.0053,0.0101,0.0057,0.0,0.0,0.0126,0.0,0.9737,0.6537,0.0,0.0,0.069,0.0417,0.0833,0.0054,0.011,0.006,0.0,0.0,0.0125,0.0,0.9737,0.6444,0.0,0.0,0.069,0.0417,0.0833,0.0054,0.0103,0.0058,0.0,0.0,reg oper account,block of flats,0.006999999999999999,Block,No,0.0,0.0,0.0,0.0,-2475.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2446813,311258,Consumer loans,2911.14,56308.5,56308.5,0.0,56308.5,MONDAY,11,Y,1,0.0,,,XAP,Approved,-1459,XNA,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Regional / Local,145,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-1428.0,-738.0,-798.0,-780.0,0.0,0,Cash loans,F,N,N,0,157500.0,288000.0,14004.0,288000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010966,-19910,-1443,-11908.0,-3311,,1,1,0,1,1,0,Cleaning staff,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Self-employed,,0.4486039010683053,0.3723336657058204,0.0577,,0.9821,,,,0.1379,0.125,,,,0.0458,,,0.0588,,0.9821,,,,0.1379,0.125,,,,0.0477,,,0.0583,,0.9821,,,,0.1379,0.125,,,,0.0466,,,,,0.0423,,No,0.0,0.0,0.0,0.0,-975.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1303746,303199,Consumer loans,9786.6,50818.5,47997.0,5085.0,50818.5,SATURDAY,14,Y,1,0.10432966490952247,,,XAP,Refused,-1684,Cash through the bank,LIMIT,,Repeater,Mobile,POS,XNA,Stone,3,Connectivity,6.0,high,POS mobile with interest,,,,,,,0,Cash loans,M,N,Y,0,49500.0,314100.0,13437.0,225000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.018634,-22046,365243,-1423.0,-2056,,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,,0.14780597096023387,0.6528965519806539,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1684.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1285569,120974,Cash loans,13782.105,225000.0,269550.0,,225000.0,TUESDAY,14,Y,1,,,,XNA,Approved,-636,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),6,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-606.0,444.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,270000.0,1724220.0,50544.0,1350000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.04622,-23071,365243,-5295.0,-5452,,1,0,0,1,0,0,,2.0,1,1,MONDAY,10,0,0,0,0,0,0,XNA,,0.7025817144962446,,0.0588,0.0608,0.9752,,0.0091,0.0,0.1379,0.1667,,,,,,,0.0599,0.0631,0.9752,,0.0092,0.0,0.1379,0.1667,,,,,,,0.0593,0.0608,0.9752,,0.0092,0.0,0.1379,0.1667,,,,,,,,block of flats,0.0427,Panel,No,2.0,1.0,2.0,0.0,-20.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1727573,348319,Cash loans,11745.9,238500.0,277222.5,,238500.0,MONDAY,9,Y,1,,,,XNA,Approved,-323,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-293.0,757.0,-263.0,-261.0,1.0,0,Cash loans,M,Y,Y,1,135000.0,755190.0,36459.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.022625,-15319,-1659,-644.0,-1826,6.0,1,1,0,1,0,0,Laborers,3.0,2,2,TUESDAY,14,0,0,0,0,1,1,Transport: type 4,,0.07214538810131121,0.20559813854932085,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-1538.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1139544,454172,Consumer loans,6022.215,43506.0,30006.0,13500.0,43506.0,WEDNESDAY,10,Y,1,0.3379471170120735,,,XAP,Approved,-2791,XNA,XAP,Family,New,Mobile,POS,XNA,Country-wide,5,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2760.0,-2610.0,-2610.0,-2598.0,0.0,0,Cash loans,F,N,Y,0,112500.0,343800.0,13090.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-16691,-1739,-4903.0,-237,,1,1,1,1,1,0,Sales staff,2.0,2,2,MONDAY,9,0,0,0,0,0,0,Trade: type 7,,0.3920664361186628,0.5262949398096192,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-585.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2535370,371752,Consumer loans,22170.105,134955.0,115803.0,26991.0,134955.0,TUESDAY,20,Y,1,0.20586055945818968,,,XAP,Approved,-317,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,59,Connectivity,6.0,middle,POS mobile with interest,365243.0,-287.0,-137.0,-197.0,-193.0,1.0,0,Cash loans,M,N,Y,0,495000.0,1024740.0,49428.0,900000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.04622,-15770,-3163,-555.0,-561,,1,1,0,1,0,0,Managers,2.0,1,1,THURSDAY,14,0,1,1,0,0,0,Business Entity Type 3,0.3939500885238267,0.8035324642228827,0.6127042441012546,0.16699999999999998,,0.997,,,0.16,0.069,0.75,,,,0.2277,,0.0881,0.1702,,0.997,,,0.1611,0.069,0.75,,,,0.2373,,0.0932,0.1686,,0.997,,,0.16,0.069,0.75,,,,0.2318,,0.0899,,block of flats,0.198,Monolithic,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1297731,149159,Cash loans,42330.24,1147500.0,1280794.5,,1147500.0,SATURDAY,11,Y,1,,,,XNA,Refused,-336,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,157500.0,1256400.0,36864.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.032561,-18144,-11063,-7438.0,-1684,,1,1,0,1,0,0,,2.0,1,1,SATURDAY,12,0,0,0,0,0,0,Other,,0.5976386723272163,0.6658549219640212,0.0515,,0.9776,,,,0.1724,0.1667,,,,0.0357,,0.0459,0.0525,,0.9777,,,,0.1724,0.1667,,,,0.0372,,0.0486,0.052000000000000005,,0.9776,,,,0.1724,0.1667,,,,0.0363,,0.0469,,block of flats,0.038,Panel,No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,1.0,5.0 +2183483,435320,Cash loans,28474.065,472500.0,509922.0,,472500.0,TUESDAY,8,Y,1,,,,XNA,Approved,-476,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-446.0,244.0,-416.0,-401.0,1.0,0,Revolving loans,F,N,Y,0,112500.0,225000.0,11250.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.025164,-17556,-7973,-11746.0,-1084,,1,1,0,1,0,1,Accountants,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Bank,0.5265361753193437,0.3717475753910495,0.622922000268356,0.0247,0.0212,0.9752,0.66,0.0061,0.0,0.1034,0.125,0.1667,0.0269,0.0202,0.0245,0.0,0.0,0.0252,0.022,0.9752,0.6733,0.0062,0.0,0.1034,0.125,0.1667,0.0275,0.022,0.0256,0.0,0.0,0.025,0.0212,0.9752,0.6645,0.0062,0.0,0.1034,0.125,0.1667,0.0273,0.0205,0.025,0.0,0.0,reg oper account,block of flats,0.0227,Panel,No,0.0,0.0,0.0,0.0,-476.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,3.0 +2305607,182240,Consumer loans,3903.84,62163.0,83758.5,0.0,62163.0,SATURDAY,17,Y,1,0.0,,,XAP,Approved,-803,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Regional / Local,80,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-772.0,-82.0,-82.0,-74.0,0.0,0,Cash loans,M,Y,Y,0,382500.0,620878.5,23535.0,436500.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.032561,-16984,-1136,-7199.0,-518,7.0,1,1,0,1,0,0,Cleaning staff,2.0,1,1,THURSDAY,10,0,0,0,0,0,0,Industry: type 11,,0.699488131798368,0.5762088360175724,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-803.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2363031,418877,Cash loans,5090.085,45000.0,47970.0,,45000.0,MONDAY,8,Y,1,,,,Urgent needs,Approved,-254,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,AP+ (Cash loan),4,XNA,12.0,middle,Cash Street: middle,365243.0,-224.0,106.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,3,112500.0,281493.0,19170.0,243000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.020713,-17984,-908,-658.0,-1519,,1,1,0,1,0,0,,5.0,3,3,WEDNESDAY,7,0,0,0,0,1,1,Business Entity Type 1,0.6215678835144521,0.4213680622092317,0.324891229465852,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-254.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2168525,207823,Revolving loans,9000.0,180000.0,180000.0,,180000.0,MONDAY,12,Y,1,,,,XAP,Approved,-609,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,157500.0,364896.0,28368.0,315000.0,Other_B,Working,Secondary / secondary special,Separated,House / apartment,0.009334,-22134,-331,-194.0,-2753,,1,1,0,1,0,0,Cleaning staff,1.0,2,2,MONDAY,13,0,0,0,0,0,0,Construction,,0.5666918404715741,0.6195277080511546,0.1407,0.1109,0.9821,,,0.12,0.1552,0.25,,0.1053,,0.1481,,0.0,0.0609,0.0675,0.9796,,,0.0,0.1034,0.1667,,0.0628,,0.0675,,0.0,0.1421,0.1109,0.9821,,,0.12,0.1552,0.25,,0.1072,,0.1508,,0.0,,block of flats,0.2104,"Stone, brick",No,1.0,0.0,1.0,0.0,-859.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,4.0,0.0,4.0 +1307200,286619,Consumer loans,18693.72,133920.0,167656.5,0.0,133920.0,SUNDAY,19,Y,1,0.0,,,XAP,Approved,-1776,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,1695,Consumer electronics,12.0,high,POS household with interest,365243.0,-1745.0,-1415.0,-1565.0,-1559.0,0.0,0,Cash loans,F,N,Y,2,166500.0,817731.0,27153.0,621000.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.025164,-16100,-152,-2823.0,-4433,,1,1,0,1,1,0,Core staff,4.0,2,2,FRIDAY,16,0,0,0,0,0,0,School,,0.5231649253174038,0.39449540531239935,0.0,0.0909,0.9796,0.7212,0.0,0.0,0.3448,0.1667,0.2083,0.0,0.116,0.1368,0.0,0.0056,0.0,0.0943,0.9796,0.7321,0.0,0.0,0.3448,0.1667,0.2083,0.0,0.1267,0.1426,0.0,0.0059,0.0,0.0909,0.9796,0.7249,0.0,0.0,0.3448,0.1667,0.2083,0.0,0.118,0.1393,0.0,0.0057,reg oper account,block of flats,0.1088,Panel,No,0.0,0.0,0.0,0.0,-1410.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2507754,398898,Consumer loans,6703.965,37057.5,39015.0,0.0,37057.5,SUNDAY,15,Y,1,0.0,,,XAP,Approved,-729,Cash through the bank,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Country-wide,533,Consumer electronics,6.0,low_action,POS household without interest,365243.0,-698.0,-548.0,-578.0,-574.0,0.0,0,Cash loans,F,N,Y,0,135000.0,143910.0,14017.5,135000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.007114,-18910,365243,-6541.0,-2403,,1,0,0,1,1,0,,2.0,2,2,MONDAY,14,0,0,0,0,0,0,XNA,,0.2650475600360688,0.7194907850918436,0.1103,0.0914,0.9896,,,0.12,0.1034,0.3333,,,,0.126,,0.0086,0.1124,0.0948,0.9896,,,0.1208,0.1034,0.3333,,,,0.1313,,0.0091,0.1114,0.0914,0.9896,,,0.12,0.1034,0.3333,,,,0.1283,,0.0088,,block of flats,0.101,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2119104,162171,Consumer loans,8985.24,43200.0,50463.0,0.0,43200.0,FRIDAY,11,Y,1,0.0,,,XAP,Approved,-642,Cash through the bank,XAP,,New,Furniture,POS,XNA,Regional / Local,130,Furniture,6.0,low_action,POS industry with interest,365243.0,-610.0,-460.0,-490.0,-485.0,0.0,0,Cash loans,F,N,N,2,180000.0,494550.0,39649.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00702,-12881,-919,-11184.0,-1853,,1,1,0,1,0,0,Private service staff,4.0,2,2,TUESDAY,19,0,0,0,0,0,0,Services,0.35799092337756394,0.7000394425502234,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-642.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,1.0,3.0 +2447003,420025,Consumer loans,13697.01,114165.0,128556.0,11416.5,114165.0,WEDNESDAY,15,Y,1,0.08882892256433485,,,XAP,Refused,-421,Cash through the bank,SCOFR,,New,Computers,POS,XNA,Country-wide,70,Consumer electronics,12.0,middle,POS mobile with interest,,,,,,,0,Cash loans,M,N,Y,0,180000.0,269550.0,21739.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.010276,-11383,-387,-3759.0,-3762,,1,1,0,1,0,0,Laborers,1.0,2,2,THURSDAY,12,1,1,0,0,0,0,Business Entity Type 3,0.14410117917988913,0.482329305681843,0.2032521136204725,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1474275,398821,Consumer loans,8988.615,63900.0,47092.5,19170.0,63900.0,TUESDAY,11,Y,1,0.3150782528167925,,,XAP,Approved,-351,Cash through the bank,XAP,,New,Construction Materials,POS,XNA,Stone,50,Construction,6.0,middle,POS industry with interest,365243.0,-320.0,-170.0,-230.0,-227.0,0.0,0,Cash loans,F,N,Y,0,90000.0,382500.0,37260.0,382500.0,Other_A,Working,Secondary / secondary special,Widow,House / apartment,0.026392000000000002,-22669,-732,-11768.0,-4066,,1,1,0,1,0,0,Cleaning staff,1.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Other,,0.5502582325854152,0.6127042441012546,0.1124,0.0959,0.9796,,,0.0,0.2759,0.1667,,0.156,,0.0664,,0.2887,0.1145,0.0995,0.9796,,,0.0,0.2759,0.1667,,0.1596,,0.0692,,0.3056,0.1135,0.0959,0.9796,,,0.0,0.2759,0.1667,,0.1587,,0.0676,,0.2947,,block of flats,0.115,Panel,No,5.0,1.0,5.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1365718,343258,Consumer loans,6555.96,56799.0,56178.0,5683.5,56799.0,THURSDAY,16,Y,1,0.10005978163830782,,,XAP,Approved,-2283,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,12.0,high,POS mobile with interest,365243.0,-2252.0,-1922.0,-1922.0,-1916.0,1.0,0,Cash loans,M,Y,N,0,247500.0,808650.0,26217.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.00702,-16003,-904,-4734.0,-4522,20.0,1,1,0,1,0,0,,1.0,2,2,FRIDAY,11,0,1,1,0,1,1,Business Entity Type 2,0.4161400570718325,0.5782570165386955,0.6769925032909132,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-494.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2522676,427259,Cash loans,87577.65,463500.0,481855.5,,463500.0,FRIDAY,15,Y,1,,,,XNA,Approved,-146,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,low_normal,Cash X-Sell: low,365243.0,-116.0,34.0,365243.0,365243.0,1.0,0,Revolving loans,M,Y,N,0,157500.0,180000.0,9000.0,180000.0,Family,Commercial associate,Incomplete higher,Married,House / apartment,0.019101,-9844,-1947,-4678.0,-2339,7.0,1,1,0,1,1,0,Waiters/barmen staff,2.0,2,2,THURSDAY,15,0,1,1,0,1,1,Restaurant,,0.43866220744574735,0.5460231970049609,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,0.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2057056,341176,Consumer loans,18701.01,87120.0,69696.0,17424.0,87120.0,SATURDAY,17,Y,1,0.2178181818181818,,,XAP,Approved,-1257,XNA,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,4.0,middle,POS mobile without interest,365243.0,-1226.0,-1136.0,-1136.0,-1116.0,0.0,0,Cash loans,F,Y,N,0,202500.0,450000.0,36211.5,450000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.028663,-10097,-2014,-271.0,-2735,4.0,1,1,0,1,0,0,Accountants,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Self-employed,0.3652143507402297,0.5736212474363416,0.4471785780453068,,,0.9717,,,,,,,,,0.008,,,,,0.9717,,,,,,,,,0.0084,,,,,0.9717,,,,,,,,,0.0082,,,,block of flats,0.0063,,No,0.0,0.0,0.0,0.0,-1471.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1633597,391533,Revolving loans,22500.0,450000.0,450000.0,,450000.0,WEDNESDAY,5,Y,1,,,,XAP,Refused,-1146,XNA,HC,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,1,Cash loans,M,N,N,0,225000.0,514777.5,40801.5,477000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,Rented apartment,0.008068,-10597,-1350,-2010.0,-726,,1,1,1,1,1,0,Laborers,1.0,3,3,MONDAY,8,0,0,0,1,1,0,Transport: type 4,0.138377636685182,0.1830134306439544,,0.0639,0.0941,0.9866,0.8164,0.1388,0.0,0.1379,0.1667,0.0417,0.0947,0.0488,0.0667,0.0154,0.0712,0.0651,0.0976,0.9866,0.8236,0.1401,0.0,0.1379,0.1667,0.0417,0.0968,0.0533,0.0695,0.0156,0.0754,0.0645,0.0941,0.9866,0.8189,0.1397,0.0,0.1379,0.1667,0.0417,0.0963,0.0496,0.0679,0.0155,0.0727,,block of flats,0.1438,"Stone, brick",No,0.0,0.0,0.0,0.0,-1472.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1344814,455325,Cash loans,18562.5,675000.0,675000.0,,675000.0,MONDAY,18,Y,1,,,,Other,Refused,-77,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,162000.0,450000.0,14373.0,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.0105,-22968,-485,-2933.0,-4919,,1,1,0,1,0,0,HR staff,2.0,3,3,MONDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.5427685120266126,0.4418358231994413,0.0639,0.0467,0.9771,0.6872,0.0059,0.02,0.0862,0.25,0.2917,0.0348,0.0521,0.0363,0.0,0.0,0.0567,0.0225,0.9772,0.6994,0.004,0.0,0.0345,0.1667,0.2083,0.0152,0.0496,0.0276,0.0,0.0,0.0645,0.0467,0.9771,0.6914,0.0059,0.02,0.0862,0.25,0.2917,0.0354,0.053,0.037000000000000005,0.0,0.0,reg oper account,block of flats,0.035,"Stone, brick",No,3.0,0.0,3.0,0.0,-639.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +2282128,315934,Cash loans,49398.525,675000.0,709749.0,,675000.0,TUESDAY,14,Y,1,,,,XNA,Approved,-399,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-369.0,141.0,-189.0,-184.0,1.0,0,Cash loans,F,N,Y,0,144000.0,1546020.0,42642.0,1350000.0,Unaccompanied,State servant,Secondary / secondary special,Civil marriage,House / apartment,0.00496,-21359,-4728,-11403.0,-4270,,1,1,0,1,0,0,Accountants,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Other,0.7919751537691074,0.6123325128068677,,0.0722,,0.9791,,,,0.1379,0.1667,,,,0.0417,,,0.0735,,0.9791,,,,0.1379,0.1667,,,,0.0435,,,0.0729,,0.9791,,,,0.1379,0.1667,,,,0.0425,,,,,0.0465,,No,3.0,0.0,3.0,0.0,-1754.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1237317,409523,Consumer loans,5869.755,49095.0,53415.0,0.0,49095.0,SATURDAY,18,Y,1,0.0,,,XAP,Approved,-397,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,35,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-350.0,-80.0,-290.0,-284.0,0.0,0,Cash loans,F,N,Y,0,180000.0,835380.0,40320.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.022625,-21269,-181,-8962.0,-1085,,1,1,0,1,1,0,,1.0,2,2,THURSDAY,9,0,0,0,0,0,0,Government,,0.7158253679169382,0.12850437737240394,0.3,0.2532,0.9781,0.7008,0.1267,0.0,0.6897,0.1667,0.2083,0.2825,0.2446,0.2851,0.0,0.0,0.3057,0.2627,0.9782,0.7125,0.1278,0.0,0.6897,0.1667,0.2083,0.2889,0.2672,0.297,0.0,0.0,0.3029,0.2532,0.9781,0.7048,0.1275,0.0,0.6897,0.1667,0.2083,0.2874,0.2488,0.2902,0.0,0.0,reg oper account,block of flats,0.2934,Panel,No,0.0,0.0,0.0,0.0,-397.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1270792,295435,Cash loans,25182.72,324000.0,359068.5,,324000.0,FRIDAY,8,Y,1,,,,XNA,Approved,-972,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-942.0,-252.0,-762.0,-759.0,1.0,0,Cash loans,F,N,Y,0,135000.0,540000.0,27702.0,540000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-9494,-480,-2322.0,-846,,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.20428957320219693,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1653118,352673,Cash loans,34848.0,450000.0,481185.0,,450000.0,THURSDAY,10,Y,1,,,,XNA,Approved,-1240,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-1210.0,-700.0,-880.0,-873.0,1.0,0,Cash loans,M,Y,Y,0,166500.0,679500.0,27076.5,679500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.025164,-15651,-2457,-2998.0,-4057,11.0,1,1,0,1,0,1,,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,Transport: type 2,,0.2653117484731741,0.6479768603302221,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2774483,200075,Consumer loans,5410.26,21105.0,18990.0,2115.0,21105.0,THURSDAY,14,Y,1,0.10914130645473924,,,XAP,Approved,-2468,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,24,Connectivity,4.0,low_normal,POS mobile with interest,365243.0,-2437.0,-2347.0,-2347.0,-1520.0,0.0,0,Cash loans,F,N,Y,1,112500.0,500211.0,29916.0,463500.0,Family,Working,Higher education,Married,House / apartment,0.016612000000000002,-11096,-457,-3873.0,-3443,,1,1,1,1,1,0,Sales staff,3.0,2,2,MONDAY,15,0,0,0,0,0,0,Self-employed,0.3696253251462876,0.7353981489934153,0.7726311345553628,0.1031,0.0923,0.9896,0.8572,0.0548,0.0,0.2759,0.1667,0.0417,0.1255,0.0815,0.1011,0.0116,0.017,0.105,0.0958,0.9896,0.8628,0.0553,0.0,0.2759,0.1667,0.0417,0.1284,0.0891,0.1054,0.0117,0.018000000000000002,0.1041,0.0923,0.9896,0.8591,0.0552,0.0,0.2759,0.1667,0.0417,0.1277,0.0829,0.103,0.0116,0.0174,reg oper account,block of flats,0.1132,"Stone, brick",No,1.0,0.0,1.0,0.0,-1020.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1227332,432448,Consumer loans,25628.985,355707.0,390924.0,0.0,355707.0,WEDNESDAY,16,Y,1,0.0,,,XAP,Approved,-710,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Regional / Local,90,Consumer electronics,18.0,low_normal,POS household with interest,365243.0,-679.0,-169.0,-169.0,-167.0,0.0,0,Cash loans,M,N,Y,0,144000.0,824823.0,24246.0,688500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.035792000000000004,-11148,-1442,-5671.0,-3508,,1,1,0,1,0,0,Laborers,1.0,2,2,SATURDAY,10,0,0,0,0,0,0,Self-employed,0.09742519836828607,0.3467033202848788,0.4884551844437485,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-710.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1714649,118218,Cash loans,25112.79,360000.0,401580.0,,360000.0,WEDNESDAY,13,Y,1,,,,XNA,Approved,-326,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),148,XNA,30.0,high,Cash X-Sell: high,365243.0,-296.0,574.0,-236.0,-231.0,1.0,0,Cash loans,F,N,N,0,157500.0,900000.0,26446.5,900000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.00702,-19941,365243,-11725.0,-1635,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,XNA,0.6598767045785365,0.2956333093538863,0.3046721837533529,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-719.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +1915558,121821,Cash loans,14509.98,135000.0,143910.0,,135000.0,FRIDAY,10,Y,1,,,,XNA,Approved,-462,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-432.0,-102.0,-222.0,-215.0,1.0,0,Cash loans,F,N,Y,0,112500.0,254700.0,24808.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-24515,365243,-11069.0,-4203,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,XNA,0.8601844292117612,0.5215827014540525,0.7309873696832169,,0.0003,0.9821,,,0.16,0.1379,0.3333,,,,0.1499,,0.0,,0.0003,0.9821,,,0.1611,0.1379,0.3333,,,,0.1561,,0.0,,0.0003,0.9821,,,0.16,0.1379,0.3333,,,,0.1526,,0.0,,,0.1609,Panel,No,1.0,0.0,1.0,0.0,-1558.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1174923,201352,Cash loans,37692.0,675000.0,675000.0,,675000.0,SATURDAY,20,Y,1,,,,XNA,Approved,-359,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-329.0,361.0,-119.0,-114.0,0.0,0,Cash loans,F,N,N,0,157500.0,562491.0,26194.5,454500.0,Family,Working,Secondary / secondary special,Married,Municipal apartment,0.007114,-13108,-1860,-5069.0,-1734,,1,1,0,1,1,0,,2.0,2,2,TUESDAY,14,0,0,0,1,1,0,Business Entity Type 3,0.6047143640586813,0.6665493875024545,0.19633396621345675,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1289.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,4.0 +1420221,116517,Consumer loans,8774.955,88182.0,87741.0,8820.0,88182.0,THURSDAY,13,Y,1,0.0994788974656623,,,XAP,Approved,-469,Cash through the bank,XAP,,Refreshed,Audio/Video,POS,XNA,Regional / Local,477,Consumer electronics,12.0,middle,POS household with interest,365243.0,-438.0,-108.0,-108.0,-102.0,0.0,0,Cash loans,F,N,Y,0,90000.0,239850.0,22540.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.007114,-19506,365243,-11958.0,-2423,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,XNA,0.7646420907626809,0.6525766030364993,0.3962195720630885,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-469.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2749631,167063,Consumer loans,6574.41,55436.4,54832.5,5544.9,55436.4,THURSDAY,14,Y,1,0.10001921549815294,,,XAP,Approved,-2255,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,38,Connectivity,12.0,high,POS mobile with interest,365243.0,-2223.0,-1893.0,-2103.0,-2098.0,0.0,0,Cash loans,M,N,N,0,112500.0,148500.0,12834.0,148500.0,Family,Commercial associate,Higher education,Single / not married,With parents,0.018209,-20976,-898,-3500.0,-548,,1,1,0,1,0,0,Drivers,1.0,3,3,FRIDAY,13,0,0,0,0,0,0,Telecom,0.5241358021496058,0.4897856769381742,0.5971924268337128,0.1082,0.115,0.9776,0.6940000000000001,0.0,0.0,0.2069,0.1667,0.0417,0.085,0.0883,0.0903,0.0,0.0,0.1103,0.1193,0.9777,0.706,0.0,0.0,0.2069,0.1667,0.0417,0.087,0.0964,0.0941,0.0,0.0,0.1093,0.115,0.9776,0.6981,0.0,0.0,0.2069,0.1667,0.0417,0.0865,0.0898,0.0919,0.0,0.0,reg oper account,block of flats,0.071,Panel,No,2.0,0.0,2.0,0.0,-1535.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1925264,289036,Cash loans,6397.335,81000.0,91692.0,,81000.0,TUESDAY,10,Y,1,,,,XNA,Approved,-761,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,47,Connectivity,24.0,high,Cash X-Sell: high,365243.0,-731.0,-41.0,-611.0,-607.0,1.0,0,Cash loans,F,N,Y,0,450000.0,948582.0,27864.0,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.006629,-17862,-3133,-8551.0,-1244,,1,1,0,1,0,0,Laborers,2.0,2,2,SUNDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.46407695990856995,0.14038003017663814,0.4812493411434029,0.0742,0.0882,0.9846,0.7892,0.0142,0.0,0.2069,0.125,0.0417,0.0347,0.0605,0.0721,0.0,0.0,0.0756,0.0915,0.9846,0.7975,0.0143,0.0,0.2069,0.125,0.0417,0.0355,0.0661,0.0751,0.0,0.0,0.0749,0.0882,0.9846,0.792,0.0143,0.0,0.2069,0.125,0.0417,0.0353,0.0616,0.0734,0.0,0.0,reg oper account,block of flats,0.0645,Panel,No,4.0,0.0,4.0,0.0,-988.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2556327,189648,Consumer loans,4747.41,24660.0,23283.0,2475.0,24660.0,SUNDAY,15,Y,1,0.10464709993011877,,,XAP,Approved,-1776,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,55,Connectivity,6.0,high,POS mobile with interest,365243.0,-1735.0,-1585.0,-1645.0,-1636.0,0.0,0,Cash loans,M,N,Y,0,67500.0,144486.0,7078.5,103500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.018029,-20392,365243,-5149.0,-3094,,1,0,0,1,1,0,,1.0,3,3,FRIDAY,5,0,0,0,0,0,0,XNA,,0.6877036420972454,0.5814837058057234,0.1103,0.0918,0.9821,0.7552,0.0316,0.12,0.1034,0.3333,0.0417,,,0.1214,,0.0,0.1124,0.0953,0.9821,0.7648,0.0319,0.1208,0.1034,0.3333,0.0417,,,0.1265,,0.0,0.1114,0.0918,0.9821,0.7585,0.0318,0.12,0.1034,0.3333,0.0417,,,0.1236,,0.0,,block of flats,0.1128,Panel,No,2.0,1.0,2.0,0.0,-1184.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2352523,201509,Cash loans,40914.495,1350000.0,1546020.0,,1350000.0,WEDNESDAY,13,Y,1,,,,XNA,Refused,-1330,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,60.0,low_action,Cash Street: low,,,,,,,0,Cash loans,M,Y,Y,0,315000.0,513531.0,26347.5,459000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.016612000000000002,-13804,-267,-1150.0,-4271,9.0,1,1,0,1,0,1,Managers,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.8191219291714542,0.7537045785403975,0.07801576652252579,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1412.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,1.0 +1580757,124652,Cash loans,22599.765,540000.0,625536.0,,540000.0,WEDNESDAY,14,Y,1,,,,XNA,Refused,-205,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Stone,30,Consumer electronics,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,112500.0,193392.0,14143.5,153000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.010147,-23287,365243,-519.0,-546,14.0,1,0,0,1,0,0,,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,XNA,,0.6331150189669675,0.5136937663039473,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1060.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2647720,227475,Cash loans,10760.22,90000.0,115893.0,,90000.0,WEDNESDAY,16,Y,1,,,,XNA,Approved,-1008,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,18.0,high,Cash Street: high,365243.0,-978.0,-468.0,-618.0,-612.0,1.0,0,Cash loans,F,N,Y,0,157500.0,481495.5,33642.0,454500.0,Family,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.016612000000000002,-16338,-4312,-7457.0,-4177,,1,1,0,1,1,0,Laborers,2.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,Business Entity Type 2,0.5600152308518903,0.2937153294712576,,0.0234,,0.9722,,,0.0,0.0803,0.0554,,0.0275,,0.0185,,0.0,0.0168,,0.9722,,,0.0,0.069,0.0417,,0.0253,,0.0132,,0.0,0.0167,,0.9722,,,0.0,0.069,0.0417,,0.0252,,0.0134,,0.0,,block of flats,0.0255,"Stone, brick",No,1.0,0.0,1.0,0.0,-2286.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,7.0 +2382527,420600,Consumer loans,7525.215,44815.5,37588.5,9000.0,44815.5,MONDAY,13,Y,1,0.21039136657797905,,,XAP,Approved,-1261,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,80,Connectivity,6.0,high,POS mobile with interest,365243.0,-1230.0,-1080.0,-1080.0,-1073.0,0.0,0,Cash loans,F,N,Y,0,157500.0,256500.0,15691.5,256500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.00963,-16697,-3289,-2315.0,-222,,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Industry: type 3,,0.5620844413887529,0.8327850252992314,0.1701,0.0758,0.9811,,,0.0,0.069,0.1667,,0.0325,,0.0495,,0.021,0.1733,0.0787,0.9811,,,0.0,0.069,0.1667,,0.0333,,0.0516,,0.0222,0.1718,0.0758,0.9811,,,0.0,0.069,0.1667,,0.0331,,0.0504,,0.0214,,specific housing,0.0757,"Stone, brick",No,0.0,0.0,0.0,0.0,-1674.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2580080,191146,Cash loans,25196.4,135000.0,135000.0,,135000.0,WEDNESDAY,19,Y,1,,,,XNA,Approved,-487,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,2700,Consumer electronics,6.0,middle,Cash X-Sell: middle,365243.0,-457.0,-307.0,-337.0,-329.0,0.0,1,Revolving loans,F,N,Y,0,112500.0,270000.0,13500.0,270000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.022625,-22915,365243,-7880.0,-4422,,1,0,0,1,1,0,,1.0,2,2,SUNDAY,10,0,0,0,0,0,0,XNA,,0.3003128200313168,0.5531646987710016,0.2186,0.1381,0.9841,0.7824,0.0798,0.24,0.2069,0.3333,0.375,0.1313,0.1782,0.1394,0.0,0.3292,0.2227,0.1433,0.9841,0.7909,0.0805,0.2417,0.2069,0.3333,0.375,0.1343,0.1947,0.1453,0.0,0.3485,0.2207,0.1381,0.9841,0.7853,0.0803,0.24,0.2069,0.3333,0.375,0.1336,0.1813,0.1419,0.0,0.3361,reg oper account,block of flats,0.1812,Panel,No,0.0,0.0,0.0,0.0,-1092.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2036534,236363,Cash loans,22627.89,387000.0,387000.0,,387000.0,WEDNESDAY,8,Y,1,,,,XNA,Refused,-1358,XNA,LIMIT,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,Y,Y,0,157500.0,495000.0,20970.0,495000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.020713,-21738,-4413,-5082.0,-5083,12.0,1,1,1,1,1,0,Laborers,1.0,3,3,WEDNESDAY,8,0,0,0,0,0,0,Postal,,0.501740349304867,0.5867400085415683,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1618.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1428911,278234,Cash loans,19918.125,292500.0,292500.0,,292500.0,TUESDAY,14,Y,1,,,,XNA,Refused,-1093,Cash through the bank,HC,Family,Repeater,XNA,Cash,walk-in,Regional / Local,271,Consumer electronics,36.0,high,Cash Street: high,,,,,,,0,Cash loans,M,Y,Y,0,157500.0,225000.0,17775.0,225000.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.00733,-8603,-1231,-8521.0,-1287,12.0,1,1,1,1,1,0,Security staff,2.0,2,2,WEDNESDAY,14,0,0,0,0,1,1,Security,,0.5500904654009298,0.511891801533151,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,0.0,-1128.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1450428,303653,Consumer loans,6005.475,34330.5,32427.0,3433.5,34330.5,MONDAY,11,Y,1,0.10427611540172707,,,XAP,Approved,-1232,Cash through the bank,XAP,Family,Refreshed,Consumer Electronics,POS,XNA,Regional / Local,130,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1201.0,-1051.0,-1051.0,-1044.0,0.0,0,Cash loans,M,Y,Y,2,202500.0,814041.0,23931.0,679500.0,Other_A,Commercial associate,Secondary / secondary special,Married,With parents,0.035792000000000004,-12250,-641,-6261.0,-4429,20.0,1,1,0,1,0,0,,4.0,2,2,MONDAY,11,0,0,0,0,1,1,Business Entity Type 2,,0.5566353679295818,0.4902575124990026,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1232.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1735016,283135,Cash loans,20927.34,472500.0,566055.0,,472500.0,MONDAY,17,Y,1,,,,XNA,Refused,-187,Cash through the bank,XNA,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,135000.0,422235.0,21685.5,364500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-19406,-5505,-7333.0,-2969,,1,1,0,1,0,0,,2.0,2,2,SATURDAY,11,0,0,0,0,1,1,Medicine,,0.11646377761927976,0.33125086459090186,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,3.0,7.0,2.0,-2115.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1036647,136673,Cash loans,40783.995,1350000.0,1546020.0,,1350000.0,MONDAY,10,Y,1,,,,XNA,Refused,-236,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,180000.0,1040985.0,30568.5,909000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-20711,365243,-320.0,-4226,13.0,1,0,0,1,0,0,,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,XNA,,0.3573422337147276,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-181.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2560452,111552,Consumer loans,3744.36,16416.0,13563.0,3285.0,16416.0,MONDAY,11,Y,1,0.21234945609945605,,,XAP,Approved,-1372,Cash through the bank,XAP,Children,New,Mobile,POS,XNA,Country-wide,50,Connectivity,4.0,middle,POS mobile without interest,365243.0,-1341.0,-1251.0,-1251.0,-1247.0,0.0,0,Cash loans,F,N,Y,0,90000.0,314100.0,14683.5,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.006207,-17789,-1813,-3841.0,-1340,,1,1,0,1,0,0,Sales staff,1.0,2,2,MONDAY,16,0,0,0,0,0,0,Self-employed,0.4969134493904381,0.6848599821485614,0.6956219298394389,0.0753,0.0527,0.9851,0.7959999999999999,,0.08,0.069,0.3333,0.375,0.0401,0.0614,0.0748,0.0,0.0,0.0767,0.0547,0.9851,0.804,,0.0806,0.069,0.3333,0.375,0.041,0.067,0.0779,0.0,0.0,0.076,0.0527,0.9851,0.7987,,0.08,0.069,0.3333,0.375,0.0408,0.0624,0.0762,0.0,0.0,reg oper account,block of flats,0.0651,Panel,No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2065927,388188,Consumer loans,7415.415,53055.0,27463.5,26527.5,53055.0,FRIDAY,9,Y,1,0.5351050932731213,,,XAP,Approved,-646,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Stone,10,XNA,4.0,middle,POS household with interest,365243.0,-614.0,-524.0,-554.0,-546.0,0.0,0,Cash loans,F,Y,Y,0,112500.0,1078200.0,31653.0,900000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-23347,365243,-1860.0,-4402,4.0,1,0,0,1,0,0,,2.0,2,2,SUNDAY,10,0,0,0,0,0,0,XNA,,0.7107766022723544,0.6910212267577837,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-1384.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2011369,360764,Cash loans,15493.77,270000.0,299223.0,,270000.0,WEDNESDAY,17,Y,1,,,,Other,Approved,-467,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),4,XNA,24.0,low_normal,Cash Street: low,365243.0,-437.0,253.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,1,112500.0,439074.0,22549.5,328500.0,Children,Working,Secondary / secondary special,Married,With parents,0.019101,-15197,-583,-4154.0,-1350,20.0,1,1,0,1,0,0,Cooking staff,3.0,2,2,TUESDAY,16,0,0,0,1,1,0,Other,,0.5096005720773105,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-715.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1537218,212074,Consumer loans,11653.335,116545.5,104890.5,11655.0,116545.5,MONDAY,15,Y,1,0.10891329605565672,,,XAP,Approved,-2363,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,1098,Consumer electronics,10.0,low_normal,POS household without interest,,,,,,,0,Cash loans,F,Y,Y,0,225000.0,1095579.0,37642.5,994500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.019101,-19966,-1588,-6323.0,-3520,4.0,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,12,0,0,0,0,1,1,Self-employed,,0.7344694831347198,0.5726825047161584,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,0.0,-2916.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2526709,394963,Consumer loans,9167.49,47475.0,50454.0,0.0,47475.0,MONDAY,12,Y,1,0.0,,,XAP,Approved,-1106,Cash through the bank,XAP,Family,Refreshed,Furniture,POS,XNA,Stone,50,Furniture,6.0,middle,POS industry with interest,365243.0,-1075.0,-925.0,-1075.0,-1072.0,0.0,0,Cash loans,F,N,N,0,67500.0,112500.0,7402.5,112500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.015221,-21964,365243,-3517.0,-3969,,1,0,0,1,1,0,,1.0,2,2,SATURDAY,10,0,0,0,0,0,0,XNA,0.7537220845672566,0.5449872492466714,,0.0928,0.0849,0.9826,0.762,0.012,0.0,0.2069,0.1667,0.2083,0.0,0.0756,0.079,0.0,0.0,0.0945,0.0881,0.9826,0.7713,0.0121,0.0,0.2069,0.1667,0.2083,0.0,0.0826,0.0823,0.0,0.0,0.0937,0.0849,0.9826,0.7652,0.012,0.0,0.2069,0.1667,0.2083,0.0,0.077,0.0804,0.0,0.0,reg oper account,block of flats,0.0687,Panel,No,0.0,0.0,0.0,0.0,-2571.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2659805,390205,Consumer loans,42166.485,877027.5,890527.5,0.0,877027.5,FRIDAY,16,Y,1,0.0,,,XAP,Approved,-588,Cash through the bank,XAP,,New,Furniture,POS,XNA,Country-wide,1000,Furniture,24.0,low_action,POS industry without interest,365243.0,-557.0,133.0,365243.0,365243.0,0.0,0,Revolving loans,F,Y,Y,0,1125000.0,900000.0,45000.0,900000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.072508,-13545,-2987,-6404.0,-4396,3.0,1,1,0,1,0,0,,1.0,1,1,FRIDAY,18,0,0,0,0,0,0,Industry: type 11,,0.2533095843359461,0.5902333386185574,0.2216,0.2057,0.9906,0.8708,0.0023,0.48,0.2069,0.4583,0.0417,0.0,0.1774,0.2041,0.0154,0.1234,0.2258,0.2135,0.9906,0.8759,0.0023,0.4834,0.2069,0.4583,0.0417,0.0,0.1938,0.2126,0.0156,0.1307,0.2238,0.2057,0.9906,0.8725,0.0023,0.48,0.2069,0.4583,0.0417,0.0,0.1804,0.2078,0.0155,0.126,reg oper account,block of flats,0.1886,Panel,No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1943789,226580,Cash loans,,0.0,0.0,,,MONDAY,16,Y,1,,,,XNA,Refused,-347,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,N,0,202500.0,1278045.0,37498.5,1116000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-17103,-6967,-11978.0,-637,,1,1,1,1,1,0,Laborers,2.0,1,1,FRIDAY,11,0,0,0,0,0,0,Business Entity Type 1,,0.7036908976707683,,0.1124,,0.9776,,,0.04,0.1207,0.3542,,0.0,,0.0941,,0.0,0.1029,,0.9752,,,0.0,0.0345,0.1667,,0.0,,0.0889,,0.0,0.1135,,0.9776,,,0.04,0.1207,0.3542,,0.0,,0.0958,,0.0,,block of flats,0.0671,Block,No,0.0,0.0,0.0,0.0,-501.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2736260,444105,Cash loans,17079.255,135000.0,143910.0,,135000.0,TUESDAY,15,Y,1,,,,Repairs,Approved,-496,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-466.0,-136.0,-436.0,-428.0,1.0,0,Cash loans,M,Y,Y,0,90000.0,450000.0,22018.5,450000.0,Family,Working,Higher education,Married,House / apartment,0.025164,-9978,-2687,-4765.0,-2623,1.0,1,1,0,1,0,1,,2.0,2,2,MONDAY,16,0,0,0,0,1,1,Business Entity Type 3,0.26059407323385314,0.35588721458307504,,0.0639,0.076,0.9826,0.762,0.0094,0.0,0.1379,0.1667,0.2083,0.076,0.0504,0.0633,0.0077,0.0039,0.0651,0.0789,0.9826,0.7713,0.0095,0.0,0.1379,0.1667,0.2083,0.0778,0.0551,0.0659,0.0078,0.0041,0.0645,0.076,0.9826,0.7652,0.0095,0.0,0.1379,0.1667,0.2083,0.0774,0.0513,0.0644,0.0078,0.004,org spec account,block of flats,0.0558,Panel,No,3.0,0.0,3.0,0.0,-347.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1640396,108312,Consumer loans,9382.86,84730.5,95170.5,0.0,84730.5,MONDAY,9,Y,1,0.0,,,XAP,Approved,-438,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,44,Connectivity,14.0,high,POS mobile with interest,365243.0,-403.0,-13.0,-13.0,-5.0,0.0,0,Cash loans,F,N,Y,1,54000.0,282690.0,12451.5,202500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0105,-14253,-3527,-2299.0,-4880,,1,1,0,1,1,0,Security staff,3.0,3,3,FRIDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.3602960025202832,0.5569861286376784,0.6430255641096323,0.0371,0.0,0.9876,0.83,0.0678,0.04,0.0345,0.3333,0.375,0.0065,0.0303,0.0431,0.0,0.0,0.0378,0.0,0.9876,0.8367,0.0684,0.0403,0.0345,0.3333,0.375,0.0067,0.0331,0.0449,0.0,0.0,0.0375,0.0,0.9876,0.8323,0.0682,0.04,0.0345,0.3333,0.375,0.0066,0.0308,0.0438,0.0,0.0,reg oper spec account,block of flats,0.0358,Block,No,0.0,0.0,0.0,0.0,-1086.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2253350,363305,Consumer loans,7343.82,176175.0,75321.0,107640.0,176175.0,FRIDAY,11,Y,1,0.6407362522862546,,,XAP,Approved,-2405,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Stone,342,Consumer electronics,12.0,middle,POS household with interest,365243.0,-2374.0,-2044.0,-2104.0,-2102.0,1.0,0,Revolving loans,F,N,N,0,90000.0,247500.0,12375.0,247500.0,Family,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.007305,-15838,-3183,-4873.0,-5123,,1,1,0,1,0,0,Sales staff,2.0,3,3,TUESDAY,8,0,0,0,0,0,0,Business Entity Type 3,,0.6509834409492751,0.6347055309763198,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2147.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1155845,218548,Revolving loans,13500.0,0.0,270000.0,,,SUNDAY,13,Y,1,,,,XAP,Approved,-1139,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-1138.0,-1105.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,M,Y,N,0,211500.0,405000.0,21969.0,405000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.008473999999999999,-13223,-791,-1240.0,-4526,24.0,1,1,1,1,1,1,Security staff,2.0,2,2,WEDNESDAY,15,0,1,1,0,1,1,Business Entity Type 3,0.01992542323849961,0.18656446242243369,0.1624419982223248,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2278.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +1744326,119828,Cash loans,7184.295,121500.0,121500.0,,121500.0,FRIDAY,11,Y,1,,,,XNA,Approved,-782,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,23,Connectivity,30.0,middle,Cash X-Sell: middle,365243.0,-752.0,118.0,-422.0,-416.0,0.0,0,Cash loans,F,N,N,0,81000.0,1006920.0,48442.5,900000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-19522,365243,-6319.0,-3044,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,21,0,0,0,0,0,0,XNA,,0.4568825002487147,0.2103502286944494,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,0.0,-1904.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,4.0 +2618147,251721,Consumer loans,9382.815,71545.5,46750.5,27000.0,71545.5,SATURDAY,12,Y,1,0.3987153245802339,,,XAP,Approved,-2527,Cash through the bank,XAP,Children,New,Mobile,POS,XNA,Country-wide,212,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2496.0,-2346.0,-2346.0,-2337.0,1.0,0,Cash loans,F,N,Y,1,135000.0,787131.0,26145.0,679500.0,Children,Working,Incomplete higher,Married,House / apartment,0.031329,-19714,-2823,-9671.0,-3231,,1,1,0,1,1,0,Laborers,3.0,2,2,SATURDAY,13,0,0,0,0,0,0,Business Entity Type 1,,0.08634602709278201,0.13426542355494275,0.1474,0.0959,0.9871,0.8232,0.0842,0.16,0.1379,0.3333,,0.1236,0.1202,0.1636,0.0,0.0,0.1502,0.0995,0.9871,0.8301,0.085,0.1611,0.1379,0.3333,,0.1264,0.1313,0.1705,0.0,0.0,0.1489,0.0959,0.9871,0.8256,0.0848,0.16,0.1379,0.3333,,0.1257,0.1223,0.1665,0.0,0.0,reg oper account,block of flats,0.1287,Panel,No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,2.0 +1749850,312823,Cash loans,17900.91,225000.0,254700.0,,225000.0,WEDNESDAY,16,Y,1,,,,XNA,Approved,-728,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,30,Connectivity,24.0,high,Cash X-Sell: high,365243.0,-698.0,-8.0,-338.0,-332.0,1.0,1,Cash loans,M,N,N,1,135000.0,81549.0,9805.5,76500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.00496,-14397,-2901,-323.0,-471,,1,1,1,1,1,0,Laborers,3.0,2,2,WEDNESDAY,13,0,0,0,0,1,1,Business Entity Type 3,,0.4012191465139245,0.4740512892789932,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1023079,454978,Cash loans,,0.0,0.0,,,WEDNESDAY,15,Y,1,,,,XNA,Refused,-362,XNA,SCOFR,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,1,Cash loans,M,Y,N,2,292500.0,718749.0,52429.5,666000.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-16183,-5972,-3146.0,-2581,9.0,1,1,0,1,0,0,Drivers,4.0,2,2,MONDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.5913866989491036,0.33285056416487313,0.1522,0.059,0.9886,0.8640000000000001,0.0029,0.1464,0.0803,0.5417,0.5417,0.1202,0.1038,0.1777,0.0232,0.0332,0.0998,0.0472,0.9866,0.8236,0.0029,0.1611,0.069,0.625,0.4167,0.0965,0.0817,0.1665,0.0233,0.0,0.1645,0.059,0.9866,0.8658,0.0029,0.16,0.069,0.625,0.5417,0.1152,0.1056,0.1709,0.0233,0.0339,org spec account,block of flats,0.1615,Panel,No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,5.0 +1312613,230220,Cash loans,14223.915,135000.0,171414.0,,135000.0,SUNDAY,11,Y,1,,,,XNA,Approved,-561,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-531.0,-21.0,-201.0,-197.0,1.0,1,Cash loans,M,N,Y,0,67500.0,348826.5,17095.5,288000.0,"Spouse, partner",State servant,Secondary / secondary special,Married,House / apartment,0.025164,-20262,-709,-3793.0,-3195,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Government,,0.5577306318120088,0.2392262794694045,0.0186,0.075,0.9598,0.4492,0.0057,0.0,0.1379,0.125,0.1667,0.0286,0.0134,0.0247,0.0077,0.1096,0.0189,0.0778,0.9598,0.4708,0.0057,0.0,0.1379,0.125,0.1667,0.0292,0.0147,0.0258,0.0078,0.116,0.0187,0.075,0.9598,0.4566,0.0057,0.0,0.1379,0.125,0.1667,0.0291,0.0137,0.0252,0.0078,0.1119,reg oper account,block of flats,0.0464,"Stone, brick",No,0.0,0.0,0.0,0.0,-705.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1081811,369670,Consumer loans,2827.26,23841.0,23580.0,2385.0,23841.0,TUESDAY,17,Y,1,0.10003781314006614,,,XAP,Approved,-2144,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,4500,Consumer electronics,12.0,high,POS household with interest,365243.0,-2113.0,-1783.0,-1783.0,-1775.0,0.0,0,Cash loans,F,N,Y,0,292500.0,203760.0,19980.0,180000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.072508,-14939,-4026,-1683.0,-3018,,1,1,0,1,1,0,,2.0,1,1,THURSDAY,12,0,0,0,0,0,0,Other,0.8535528043643709,0.7615026793743473,0.4311917977993083,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1937.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2452475,330135,Revolving loans,11250.0,0.0,225000.0,,,WEDNESDAY,12,Y,1,,,,XAP,Approved,-1400,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-1370.0,-1323.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,2,292500.0,967500.0,31338.0,967500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.030755,-15498,-2341,-2427.0,-3268,,1,1,0,1,0,0,Core staff,4.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,Self-employed,,0.6501681824249661,0.09081470898933673,0.0082,0.0,0.9752,0.66,0.0,0.0,0.0345,0.0417,0.0833,0.0119,0.0067,0.0073,0.0,0.0,0.0084,0.0,0.9752,0.6733,0.0,0.0,0.0345,0.0417,0.0833,0.0122,0.0073,0.0076,0.0,0.0,0.0083,0.0,0.9752,0.6645,0.0,0.0,0.0345,0.0417,0.0833,0.0121,0.0068,0.0074,0.0,0.0,reg oper account,block of flats,0.0062,"Stone, brick",No,0.0,0.0,0.0,0.0,-1705.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2804703,166016,Consumer loans,20648.79,229500.0,206550.0,22950.0,229500.0,FRIDAY,13,Y,1,0.1089090909090909,,,XAP,Approved,-899,XNA,XAP,,Repeater,Vehicles,POS,XNA,Stone,50,Industry,12.0,middle,POS other with interest,365243.0,-862.0,-532.0,-622.0,-616.0,0.0,0,Cash loans,F,Y,Y,0,166500.0,351000.0,34321.5,351000.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.015221,-14164,-3110,-8147.0,-4513,1.0,1,1,0,1,1,0,Sales staff,1.0,2,2,MONDAY,15,0,0,0,0,0,0,Self-employed,0.7269826542050141,0.20576515607438625,0.4418358231994413,0.0577,0.0835,0.9811,,,,0.1379,0.1667,,0.0393,,0.053,,0.0906,0.0588,0.0866,0.9811,,,,0.1379,0.1667,,0.0401,,0.0552,,0.0959,0.0583,0.0835,0.9811,,,,0.1379,0.1667,,0.0399,,0.0539,,0.0925,,block of flats,0.0709,"Stone, brick",No,0.0,0.0,0.0,0.0,-1361.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1205794,384851,Consumer loans,13879.35,67500.0,67500.0,0.0,67500.0,MONDAY,12,Y,1,0.0,,,XAP,Approved,-618,Cash through the bank,XAP,,Repeater,Jewelry,POS,XNA,Stone,20,Industry,6.0,high,POS other with interest,365243.0,-578.0,-428.0,-428.0,-423.0,0.0,0,Revolving loans,M,Y,Y,1,180000.0,270000.0,13500.0,270000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-10975,-199,-4887.0,-3542,4.0,1,1,0,1,0,0,Managers,3.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Self-employed,0.16969437468153675,0.5783050125743845,0.5334816299804352,0.1289,0.153,0.9816,,,0.0,0.2759,0.1667,,0.078,,0.1102,,0.0405,0.1313,0.1588,0.9816,,,0.0,0.2759,0.1667,,0.0798,,0.1149,,0.0429,0.1301,0.153,0.9816,,,0.0,0.2759,0.1667,,0.0794,,0.1122,,0.0413,,block of flats,0.0955,"Stone, brick",No,5.0,1.0,5.0,0.0,-1832.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1553546,235469,Revolving loans,5625.0,0.0,112500.0,,0.0,THURSDAY,10,Y,1,,,,XAP,Refused,-1288,XNA,HC,,Repeater,XNA,Cards,walk-in,Credit and cash offices,0,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,Y,Y,0,189000.0,341109.0,35082.0,324000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.030755,-22920,-11511,-4845.0,-4843,5.0,1,1,0,1,1,0,Managers,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,School,,0.5650963740376727,0.5797274227921155,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1379.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2118630,415820,Consumer loans,19525.725,109125.0,109125.0,0.0,109125.0,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-177,Cash through the bank,XAP,Unaccompanied,Repeater,Construction Materials,POS,XNA,Stone,350,Construction,6.0,low_normal,POS industry with interest,365243.0,-147.0,3.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,Y,0,180000.0,540000.0,27000.0,540000.0,Family,Pensioner,Higher education,Married,House / apartment,0.002042,-21762,365243,-5060.0,-4329,,1,0,0,1,0,0,,2.0,3,3,MONDAY,10,0,0,0,0,0,0,XNA,,0.14455544825106795,0.7281412993111438,0.0412,0.04,0.9856,,,,0.1379,0.1667,,0.044,,0.05,,0.0321,0.042,0.0415,0.9856,,,,0.1379,0.1667,,0.045,,0.0521,,0.0339,0.0416,0.04,0.9856,,,,0.1379,0.1667,,0.0447,,0.0509,,0.0327,,block of flats,0.0439,Panel,No,1.0,0.0,1.0,0.0,-464.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +1769074,318495,Consumer loans,13907.205,70690.5,69466.5,4500.0,70690.5,FRIDAY,12,Y,1,0.06625849662900223,,,XAP,Approved,-1385,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,10,Connectivity,6.0,high,POS mobile with interest,365243.0,-1354.0,-1204.0,-1204.0,-1201.0,0.0,0,Cash loans,F,N,N,0,225000.0,852088.5,33921.0,688500.0,Children,Working,Secondary / secondary special,Married,House / apartment,0.018801,-19837,-1731,-6505.0,-3211,,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.5012319325500654,0.266456808245056,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-380.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2243423,179782,Consumer loans,15372.225,78210.0,82341.0,0.0,78210.0,SUNDAY,18,Y,1,0.0,,,XAP,Approved,-758,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,64,Consumer electronics,6.0,middle,POS mobile with interest,365243.0,-727.0,-577.0,-577.0,-569.0,0.0,1,Cash loans,F,N,N,1,157500.0,679500.0,28786.5,679500.0,Unaccompanied,Working,Secondary / secondary special,Separated,Municipal apartment,0.04622,-19983,-360,-8659.0,-3443,,1,1,1,1,1,0,,2.0,1,1,TUESDAY,11,0,1,1,0,1,1,Other,0.7995980048268319,0.6865000912733634,0.6279908192952864,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-758.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,11.0,0.0,2.0 +1607789,120330,Cash loans,22900.905,180000.0,191880.0,0.0,180000.0,WEDNESDAY,12,Y,1,0.0,,,Buying a used car,Refused,-1756,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,M,N,N,0,157500.0,640080.0,31261.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-11646,-2895,-3476.0,-3478,,1,1,0,1,1,0,Low-skill Laborers,2.0,2,2,TUESDAY,15,0,0,0,0,1,1,Business Entity Type 3,,0.5381738531748272,0.3001077565791181,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-116.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1570467,194863,Cash loans,42442.155,904500.0,1009566.0,,904500.0,MONDAY,14,Y,1,,,,Other,Approved,-743,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,middle,Cash Street: middle,365243.0,-713.0,697.0,-683.0,-673.0,1.0,0,Cash loans,F,Y,Y,0,202500.0,983299.5,39127.5,904500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-16177,-2998,-70.0,-5243,14.0,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,16,0,0,0,1,1,0,Self-employed,,0.5510536174923151,0.4992720153045617,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,0.0,9.0,0.0,-743.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1655981,150306,Consumer loans,8555.625,79047.0,77008.5,7906.5,79047.0,WEDNESDAY,16,Y,1,0.1014060798766681,,,XAP,Approved,-2888,Cash through the bank,XAP,Other_B,New,Consumer Electronics,POS,XNA,Country-wide,200,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2857.0,-2587.0,-2587.0,-2583.0,1.0,0,Cash loans,F,N,Y,2,225000.0,954022.5,31657.5,724500.0,Family,Commercial associate,Higher education,Married,House / apartment,0.025164,-13439,-105,-5373.0,-4212,,1,1,0,1,0,1,Core staff,4.0,2,2,SUNDAY,13,0,0,0,0,0,0,Other,0.7742349681446549,0.6772363274326764,0.2225807646753351,0.0608,0.1068,0.9702,0.5920000000000001,0.0133,0.0,0.1379,0.1667,0.2083,0.0215,0.0454,0.0729,0.0193,0.1034,0.062,0.1108,0.9702,0.608,0.0134,0.0,0.1379,0.1667,0.2083,0.022,0.0496,0.0759,0.0195,0.1095,0.0614,0.1068,0.9702,0.5975,0.0134,0.0,0.1379,0.1667,0.2083,0.0218,0.0462,0.0742,0.0194,0.1056,reg oper account,block of flats,0.087,"Stone, brick",No,6.0,1.0,6.0,1.0,-1823.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,1.0 +2843525,182462,Revolving loans,15750.0,315000.0,315000.0,,315000.0,WEDNESDAY,17,Y,1,,,,XAP,Refused,-590,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,N,Y,1,202500.0,402214.5,31905.0,328500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.022625,-13567,-2368,-6401.0,-4389,,1,1,0,1,0,0,Sales staff,3.0,2,2,FRIDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.4646991827424165,0.5016091452833743,0.1895952597360396,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1624.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1722859,245020,Consumer loans,6305.94,46908.0,51862.5,0.0,46908.0,TUESDAY,18,Y,1,0.0,,,XAP,Approved,-532,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,89,Connectivity,12.0,high,POS mobile with interest,365243.0,-501.0,-171.0,-171.0,-163.0,0.0,0,Cash loans,F,N,Y,2,112500.0,227520.0,16618.5,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007114,-10285,-186,-600.0,-566,,1,1,0,1,0,1,Core staff,4.0,2,2,TUESDAY,17,0,0,0,0,0,0,Insurance,0.3289515883405236,0.26476225524216984,0.34578480246959553,0.0443,,0.9925,,,,0.1724,0.0833,,,,0.0485,,,0.0452,,0.9926,,,,0.1724,0.0833,,,,0.0505,,,0.0448,,0.9925,,,,0.1724,0.0833,,,,0.0494,,,,block of flats,0.042,"Stone, brick",No,0.0,0.0,0.0,0.0,-532.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1782145,373549,Revolving loans,6750.0,0.0,135000.0,,,TUESDAY,22,Y,1,,,,XAP,Approved,-2328,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-2302.0,-2251.0,365243.0,-1064.0,365243.0,0.0,0,Cash loans,M,N,Y,2,315000.0,224136.0,17707.5,198000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.007114,-10578,-577,-2171.0,-3181,,1,1,0,1,1,0,Drivers,4.0,2,2,SATURDAY,13,0,0,0,0,1,1,Other,,0.5401190023948771,0.5989262182569273,0.1155,0.1558,,0.7416,,,0.2759,0.1667,0.2083,0.0888,,0.1066,,0.114,0.1176,0.1617,,0.7517,,,0.2759,0.1667,0.2083,0.0908,,0.1111,,0.1207,0.1166,0.1558,,0.7451,,,0.2759,0.1667,0.2083,0.0904,,0.1085,,0.1164,,block of flats,0.1086,"Stone, brick",No,3.0,1.0,3.0,0.0,-2540.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2671291,322610,Revolving loans,5625.0,0.0,112500.0,,,WEDNESDAY,12,Y,1,,,,XAP,Approved,-2310,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-2309.0,-2258.0,365243.0,-736.0,365243.0,0.0,0,Cash loans,F,N,Y,0,112500.0,454500.0,13419.0,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.018209,-22786,365243,-14551.0,-4439,,1,0,0,1,0,0,,1.0,3,3,WEDNESDAY,7,0,0,0,0,0,0,XNA,,0.2607802453858663,,0.0495,0.0383,0.9742,0.6464,0.0293,0.0,0.1034,0.125,0.1667,0.0447,0.0395,0.0391,0.0039,0.0029,0.0504,0.0397,0.9742,0.6602,0.0295,0.0,0.1034,0.125,0.1667,0.0457,0.0432,0.0407,0.0039,0.0031,0.05,0.0383,0.9742,0.6511,0.0294,0.0,0.1034,0.125,0.1667,0.0455,0.0402,0.0398,0.0039,0.003,reg oper account,block of flats,0.0474,"Stone, brick",No,1.0,0.0,1.0,0.0,-57.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1547994,377177,Consumer loans,4760.73,24705.0,23337.0,2470.5,24705.0,WEDNESDAY,12,Y,1,0.10425647935325352,,,XAP,Approved,-1801,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,34,Connectivity,6.0,high,POS mobile without interest,365243.0,-1757.0,-1607.0,-1667.0,-1664.0,0.0,0,Cash loans,F,N,Y,0,337500.0,1467612.0,58203.0,1350000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.006207,-20048,365243,-4098.0,-3088,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,XNA,,0.38252400477734105,0.746300213050371,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,5.0,1.0,5.0,1.0,-263.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1662830,358259,Cash loans,21762.585,360000.0,447421.5,,360000.0,WEDNESDAY,10,Y,1,,,,Building a house or an annex,Refused,-566,Cash through the bank,LIMIT,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,middle,Cash Street: middle,,,,,,,0,Cash loans,M,Y,Y,1,135000.0,254700.0,17149.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010966,-18479,-1184,-740.0,-2015,12.0,1,1,0,1,0,0,,3.0,2,2,TUESDAY,12,0,0,0,0,1,1,Business Entity Type 3,,0.20357246321933267,0.3344541255096772,0.0701,0.0682,0.9861,0.8096,0.0292,0.0,0.1379,0.1667,0.2083,0.0,0.0555,0.0625,0.0077,0.0145,0.0714,0.0708,0.9861,0.8171,0.0295,0.0,0.1379,0.1667,0.2083,0.0,0.0606,0.0651,0.0078,0.0154,0.0708,0.0682,0.9861,0.8121,0.0294,0.0,0.1379,0.1667,0.2083,0.0,0.0564,0.0636,0.0078,0.0148,org spec account,block of flats,0.0523,Panel,No,0.0,0.0,0.0,0.0,-1838.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1738645,455641,Consumer loans,6908.22,29776.5,33597.0,0.0,29776.5,TUESDAY,15,Y,1,0.0,,,XAP,Approved,-276,XNA,XAP,,New,Mobile,POS,XNA,Country-wide,12,Connectivity,6.0,high,POS mobile with interest,365243.0,-245.0,-95.0,-95.0,-89.0,0.0,0,Cash loans,F,N,Y,2,112500.0,207396.0,16515.0,157500.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.010966,-11614,-299,-1443.0,-4235,,1,1,0,1,0,1,Secretaries,4.0,2,2,FRIDAY,12,0,0,0,1,1,0,Security Ministries,0.26854309182682384,0.7014472437869358,0.5762088360175724,0.066,0.0,0.9856,,,0.0,0.1379,0.1667,,0.0162,,0.064,,0.0073,0.0672,0.0,0.9856,,,0.0,0.1379,0.1667,,0.0165,,0.0666,,0.0077,0.0666,0.0,0.9856,,,0.0,0.1379,0.1667,,0.0164,,0.0651,,0.0074,,block of flats,0.0503,Panel,No,3.0,0.0,3.0,0.0,-276.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1034212,180538,Consumer loans,4542.255,39735.0,43929.0,0.0,39735.0,FRIDAY,9,Y,1,0.0,,,XAP,Approved,-494,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Regional / Local,53,Consumer electronics,12.0,middle,POS mobile with interest,365243.0,-463.0,-133.0,-223.0,-219.0,0.0,1,Cash loans,F,N,Y,0,225000.0,634360.5,30649.5,567000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.019101,-17107,-130,-7318.0,-628,,1,1,0,1,0,0,,1.0,2,2,TUESDAY,10,0,0,0,0,1,1,Self-employed,,0.4225361396704995,0.21155076420525776,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-494.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1675689,295680,Consumer loans,10768.455,95760.0,105871.5,0.0,95760.0,SATURDAY,15,Y,1,0.0,,,XAP,Approved,-865,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Country-wide,500,Consumer electronics,12.0,middle,POS household with interest,365243.0,-833.0,-503.0,-713.0,-709.0,0.0,0,Cash loans,F,N,Y,0,157500.0,405000.0,28800.0,405000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-13838,-2344,-1982.0,-4663,,1,1,0,1,0,0,Cooking staff,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.7471479653346755,0.6144143775673561,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1375.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1111761,429324,Cash loans,6199.65,54000.0,57564.0,,54000.0,TUESDAY,16,Y,1,,,,XNA,Approved,-736,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Regional / Local,250,Consumer electronics,12.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,202500.0,130824.0,7641.0,103500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-16014,-1703,-8830.0,-4206,,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Self-employed,0.4156998426930964,0.5517838431829023,0.5046813193144684,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1407.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1249634,200987,Consumer loans,5538.105,30793.5,27594.0,4500.0,30793.5,SATURDAY,11,Y,1,0.15270483862744091,,,XAP,Approved,-2450,XNA,XAP,,New,Mobile,POS,XNA,Stone,17,Connectivity,6.0,high,POS mobile with interest,365243.0,-2414.0,-2264.0,-2264.0,-2260.0,1.0,0,Cash loans,F,N,Y,0,103500.0,354276.0,13356.0,292500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.022625,-19823,-3085,-7036.0,-3369,,1,1,0,1,1,0,,1.0,2,2,SATURDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.6928309489473443,0.7388641852198745,0.4956658291397297,0.1495,0.073,0.9846,0.7892,0.0586,0.04,0.0345,0.3333,0.375,0.0447,0.1202,0.0985,0.0077,0.0203,0.1523,0.0758,0.9846,0.7975,0.0591,0.0403,0.0345,0.3333,0.375,0.0457,0.1313,0.1026,0.0078,0.0215,0.1509,0.073,0.9846,0.792,0.059,0.04,0.0345,0.3333,0.375,0.0455,0.1223,0.1003,0.0078,0.0208,reg oper account,block of flats,0.1139,"Stone, brick",No,0.0,0.0,0.0,0.0,-1862.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2335876,384178,Consumer loans,2150.775,18351.0,14661.0,3690.0,18351.0,SUNDAY,16,Y,1,0.21899326764456725,,,XAP,Approved,-1958,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,50,Connectivity,10.0,high,POS mobile with interest,365243.0,-1927.0,-1657.0,-1807.0,-1804.0,0.0,0,Cash loans,F,N,Y,2,117000.0,74628.0,7834.5,67500.0,Family,Working,Higher education,Married,House / apartment,0.018634,-11093,-3464,-562.0,-3712,,1,1,1,1,1,0,Sales staff,4.0,2,2,FRIDAY,15,0,0,0,0,0,0,Trade: type 2,0.6518505476005779,0.5924061679297055,0.28371188263500075,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1934.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2046047,296746,Consumer loans,6419.97,55624.5,55012.5,5566.5,55624.5,THURSDAY,18,Y,1,0.10007468834834753,,,XAP,Approved,-2683,Cash through the bank,XAP,,New,Mobile,POS,XNA,Stone,60,Connectivity,12.0,high,POS mobile with interest,365243.0,-2643.0,-2313.0,-2313.0,-2309.0,1.0,1,Cash loans,F,N,Y,0,225000.0,708939.0,31356.0,612000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.011656999999999999,-16404,-1881,-7960.0,-1003,,1,1,0,1,0,0,Laborers,2.0,1,1,SATURDAY,16,0,0,0,0,1,1,Business Entity Type 3,,0.6738957249694666,0.39277386060313396,0.0619,0.0677,0.9836,0.7756,0.0799,0.0,0.1379,0.1667,0.2083,0.0485,0.0504,0.0555,0.0,0.0,0.063,0.0702,0.9836,0.7844,0.0806,0.0,0.1379,0.1667,0.2083,0.0496,0.0551,0.0578,0.0,0.0,0.0625,0.0677,0.9836,0.7786,0.0804,0.0,0.1379,0.1667,0.2083,0.0493,0.0513,0.0565,0.0,0.0,reg oper account,block of flats,0.0437,"Stone, brick",No,4.0,0.0,4.0,0.0,-1609.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2522094,446714,Consumer loans,14775.165,91543.5,77098.5,18310.5,91543.5,SATURDAY,15,Y,1,0.20901381516323506,,,XAP,Approved,-633,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,2100,Consumer electronics,6.0,middle,POS household with interest,365243.0,-602.0,-452.0,-482.0,-478.0,0.0,0,Revolving loans,F,N,Y,0,90000.0,180000.0,9000.0,180000.0,Family,Working,Secondary / secondary special,Single / not married,With parents,0.009656999999999999,-9663,-1748,-413.0,-2332,,1,1,0,1,1,0,Laborers,1.0,2,2,TUESDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.4876601395553607,,0.3526,0.2324,0.9841,0.7824,0.1212,0.32,0.2759,0.3333,0.375,0.2115,0.2875,0.3161,0.0,0.0015,0.3592,0.2411,0.9841,0.7909,0.1223,0.3222,0.2759,0.3333,0.375,0.2163,0.314,0.3293,0.0,0.0016,0.35600000000000004,0.2324,0.9841,0.7853,0.1219,0.32,0.2759,0.3333,0.375,0.2152,0.2924,0.3217,0.0,0.0016,reg oper account,block of flats,0.3152,Panel,No,0.0,0.0,0.0,0.0,-633.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2286774,326363,Consumer loans,13498.11,267705.0,239328.0,28377.0,267705.0,WEDNESDAY,8,Y,1,0.11544473479117953,,,XAP,Refused,-2754,XNA,SCO,Unaccompanied,Repeater,XNA,POS,XNA,Country-wide,2000,Consumer electronics,30.0,middle,POS household without interest,,,,,,,0,Cash loans,M,N,Y,0,202500.0,773680.5,34209.0,679500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-18742,365243,-109.0,-2297,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,9,0,0,0,0,0,0,XNA,0.09930669147923887,0.2498838039970644,0.6246146584503397,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-10.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,0.0,0.0,3.0 +2386718,106255,Consumer loans,9907.56,58900.5,56070.0,5890.5,58900.5,THURSDAY,16,Y,1,0.1035383833248602,,,XAP,Approved,-2415,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,35,Connectivity,7.0,high,POS mobile with interest,365243.0,-2384.0,-2204.0,-2204.0,-2202.0,1.0,0,Cash loans,F,Y,Y,0,112500.0,675000.0,24376.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.026392000000000002,-17017,-1655,-3712.0,-545,2.0,1,1,0,1,0,0,Cooking staff,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.5881736350464664,0.2504827212832373,0.0005272652387098817,0.1428,0.3237,0.4913,0.762,0.0754,0.0,0.1379,0.125,0.0417,0.0,,0.2277,,0.3085,0.0,0.3359,0.0005,0.7713,0.0761,0.0,0.1379,0.125,0.0417,0.0,,0.2373,,0.3266,0.1442,0.3237,0.4913,0.7652,0.0759,0.0,0.1379,0.125,0.0417,0.0,,0.2318,,0.315,reg oper spec account,block of flats,0.0,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2349888,101668,Cash loans,16172.64,135000.0,161856.0,,135000.0,MONDAY,15,Y,1,,,,XNA,Approved,-525,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-495.0,-165.0,-165.0,-162.0,1.0,0,Cash loans,F,Y,N,0,72000.0,327024.0,21982.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009656999999999999,-15873,-183,-9329.0,-4808,10.0,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,11,0,0,0,0,0,0,Self-employed,,0.657837755832061,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-983.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1343369,211713,Cash loans,12940.2,315000.0,315000.0,0.0,315000.0,SATURDAY,10,Y,1,0.0,,,XNA,Refused,-2337,Cash through the bank,LIMIT,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,60.0,middle,Cash Street: middle,,,,,,,0,Cash loans,M,Y,Y,0,225000.0,1892241.0,50044.5,1579500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-21196,-2652,-415.0,-4576,18.0,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,Business Entity Type 2,0.7224257113784653,0.3551256437854799,0.6006575372857061,0.132,0.0593,0.998,,,0.16,0.069,0.625,,,,0.1939,,,0.1345,0.0615,0.998,,,0.1611,0.069,0.625,,,,0.2021,,,0.1332,0.0593,0.998,,,0.16,0.069,0.625,,,,0.1974,,,,block of flats,0.202,"Stone, brick",No,9.0,0.0,9.0,0.0,-2238.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2010345,244831,Cash loans,28375.335,283500.0,298845.0,,283500.0,TUESDAY,10,Y,1,,,,XNA,Refused,-324,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,99000.0,163008.0,18522.0,144000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-14685,-1618,-7065.0,-4685,,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.3638710708199104,0.5210970340714117,0.2692857999073816,,,0.9906,,,,,,,,,0.0816,,,,,0.9906,,,,,,,,,0.0851,,,,,0.9906,,,,,,,,,0.0831,,,,,0.1048,,No,2.0,1.0,2.0,1.0,-1234.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,3.0 +2690072,172245,Cash loans,27796.095,450000.0,512370.0,,450000.0,TUESDAY,15,Y,1,,,,Repairs,Refused,-540,Cash through the bank,LIMIT,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,middle,Cash Street: middle,,,,,,,1,Cash loans,M,Y,Y,0,360000.0,295254.0,16146.0,211500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.032561,-18819,-515,-4667.0,-2346,2.0,1,1,0,1,1,0,Drivers,2.0,1,1,WEDNESDAY,18,0,0,0,0,0,0,Business Entity Type 3,,0.302227774796958,0.2636468134452008,0.2443,0.1613,0.9906,0.8164,0.044,0.24,0.1552,0.5,0.0417,0.0726,0.2093,0.2198,0.0,0.0305,0.2363,0.1674,0.9866,0.8236,0.0444,0.2417,0.1034,0.375,0.0417,0.0267,0.2287,0.1723,0.0,0.0,0.2467,0.1613,0.9906,0.8189,0.0443,0.24,0.1552,0.5,0.0417,0.0738,0.2129,0.2237,0.0,0.0311,reg oper account,block of flats,0.205,Panel,No,0.0,0.0,0.0,0.0,-2244.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +1666748,310229,Consumer loans,2168.28,24003.0,21483.0,4801.5,24003.0,SATURDAY,10,Y,1,0.1989488101352508,,,XAP,Approved,-317,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,34,Connectivity,12.0,middle,POS mobile with interest,365243.0,-287.0,43.0,-197.0,-190.0,1.0,0,Cash loans,F,N,Y,1,112500.0,697500.0,35743.5,697500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-13434,-3601,-7194.0,-888,,1,1,0,1,0,0,Sales staff,3.0,2,2,MONDAY,8,0,0,0,0,1,1,Trade: type 7,0.3017249918913903,0.11823270705374447,0.6801388218428291,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-632.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1390068,227785,Consumer loans,77579.415,969624.0,678735.0,290889.0,969624.0,THURSDAY,14,Y,1,0.3267292945044115,,,XAP,Approved,-1294,Cash through the bank,XAP,,New,Furniture,POS,XNA,Country-wide,150,Furniture,10.0,middle,POS industry with interest,365243.0,-1260.0,-990.0,-990.0,-983.0,0.0,0,Cash loans,M,Y,Y,1,540000.0,962370.0,74605.5,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-16418,-4343,-1358.0,-4515,5.0,1,1,0,1,1,1,Managers,3.0,1,1,WEDNESDAY,10,0,0,0,0,0,0,University,0.6189674477194236,0.7407793613135434,0.3910549766342248,0.1351,0.2172,0.9712,,,0.0,0.2414,0.2083,,0.1296,,0.1681,,0.0,0.1376,0.2254,0.9712,,,0.0,0.2414,0.2083,,0.1326,,0.1752,,0.0,0.1364,0.2172,0.9712,,,0.0,0.2414,0.2083,,0.1319,,0.1711,,0.0,,block of flats,0.1654,"Stone, brick",No,1.0,0.0,1.0,0.0,-1294.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2476223,367737,Cash loans,7790.085,90000.0,98910.0,,90000.0,THURSDAY,9,Y,1,,,,XNA,Approved,-1517,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-1487.0,-977.0,-1067.0,-1058.0,1.0,0,Revolving loans,F,N,N,0,135000.0,135000.0,6750.0,135000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.022625,-22857,365243,-10385.0,-4205,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,,0.5805271924927612,0.1455428133497032,0.1843,0.0759,0.9836,0.7756,0.0356,0.13,0.2672,0.2083,0.25,0.0804,0.1502,0.1844,0.0,0.0397,0.0945,0.0459,0.9831,0.7779,0.0137,0.0,0.2069,0.1667,0.2083,0.0521,0.0826,0.0846,0.0,0.0,0.0937,0.0442,0.9836,0.7786,0.0138,0.0,0.2069,0.1667,0.2083,0.0641,0.077,0.0837,0.0,0.0,reg oper account,block of flats,0.5294,Panel,No,,,,,-1699.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2728419,395251,Consumer loans,9400.05,85455.0,85455.0,0.0,85455.0,SATURDAY,15,Y,1,0.0,,,XAP,Approved,-642,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Regional / Local,100,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-611.0,-341.0,-431.0,-424.0,0.0,0,Cash loans,F,N,N,0,675000.0,1800000.0,70564.5,1800000.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.026392000000000002,-14383,-2588,-7197.0,-3005,,1,1,1,1,1,0,Core staff,1.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Trade: type 7,,0.5847970942349758,0.41184855592423975,0.4351,0.2793,0.9916,0.7959999999999999,0.3901,0.46,0.4138,0.3542,0.375,0.3719,0.6438,0.488,0.1081,0.0785,0.0525,0.0282,0.9851,0.804,0.3937,0.0,0.0345,0.3333,0.375,0.0474,0.7034,0.0548,0.1089,0.0227,0.4393,0.2793,0.9916,0.7987,0.3926,0.46,0.4138,0.3542,0.375,0.3783,0.655,0.4967,0.1087,0.0801,reg oper account,block of flats,0.0603,"Stone, brick",No,4.0,1.0,3.0,1.0,-344.0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,7.0 +2490629,169223,Revolving loans,2250.0,45000.0,45000.0,,45000.0,THURSDAY,15,Y,1,,,,XAP,Approved,-230,XNA,XAP,Family,New,XNA,Cards,walk-in,Country-wide,10000,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,112500.0,396171.0,21622.5,342000.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.008575,-18482,-692,-11312.0,-2018,,1,1,0,1,1,0,Laborers,2.0,2,2,WEDNESDAY,16,0,0,0,0,1,1,Services,,0.5969864553311046,0.8555235867964663,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2399325,450812,Cash loans,42353.1,1260000.0,1260000.0,,1260000.0,MONDAY,13,Y,1,,,,XNA,Approved,-206,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,Y,Y,0,157500.0,337500.0,26793.0,337500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-14699,-1288,-2009.0,-4599,6.0,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Self-employed,,0.6275253242335762,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-1964.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1634798,115508,Cash loans,9960.525,90000.0,95940.0,,90000.0,THURSDAY,8,Y,1,,,,XNA,Approved,-1063,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,N,0,85500.0,916470.0,26928.0,765000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-21920,365243,-13442.0,-4167,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,XNA,0.8698497746359374,0.16219210595922867,0.4902575124990026,0.0433,0.0542,0.9836,0.7756,0.0182,0.0,0.0862,0.1875,0.2292,0.035,0.0332,0.0576,0.0097,0.0401,0.041,0.0282,0.9722,0.6341,0.0179,0.0,0.069,0.1667,0.2083,0.0156,0.034,0.0533,0.0078,0.0095,0.0437,0.0542,0.9836,0.7786,0.0183,0.0,0.0862,0.1875,0.2292,0.0356,0.0338,0.0586,0.0097,0.0409,reg oper account,block of flats,0.051,Block,No,0.0,0.0,0.0,0.0,-1366.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1207073,378076,Consumer loans,5356.845,48010.5,47322.0,4950.0,48010.5,TUESDAY,16,Y,1,0.10313360881542696,,,XAP,Approved,-1405,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,-1,Connectivity,12.0,high,POS mobile with interest,365243.0,-1374.0,-1044.0,-1164.0,-1154.0,0.0,0,Cash loans,F,N,N,3,135000.0,665892.0,21609.0,477000.0,"Spouse, partner",State servant,Secondary / secondary special,Married,Municipal apartment,0.04622,-11891,-1467,-5535.0,-1055,,1,1,0,1,0,0,Medicine staff,5.0,1,1,SUNDAY,12,0,0,0,0,1,1,Medicine,0.5780078301100018,0.050576416305710664,,0.0495,,0.9767,,,,0.1034,0.125,,,,0.0396,,,0.0504,,0.9767,,,,0.1034,0.125,,,,0.0413,,,0.05,,0.9767,,,,0.1034,0.125,,,,0.0403,,,,block of flats,0.0312,"Stone, brick",No,0.0,0.0,0.0,0.0,-1405.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1773026,205313,Consumer loans,6898.725,153135.0,153135.0,0.0,153135.0,MONDAY,17,Y,1,0.0,,,XAP,Approved,-397,XNA,XAP,Family,Refreshed,Audio/Video,POS,XNA,Country-wide,2441,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-367.0,323.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,211500.0,179865.0,11623.5,148500.0,Unaccompanied,State servant,Higher education,Single / not married,House / apartment,0.010643000000000001,-18019,-6830,-6184.0,-1415,,1,1,0,1,1,0,Core staff,1.0,2,2,SATURDAY,12,0,0,0,0,0,0,Police,0.715877313010707,0.6533595261300145,0.7352209993926424,0.1165,0.06,0.9826,0.762,0.0498,0.0,0.0345,0.1667,0.0417,0.1301,0.095,0.0581,0.0,0.0009,0.1187,0.0623,0.9826,0.7713,0.0503,0.0,0.0345,0.1667,0.0417,0.1331,0.1038,0.0606,0.0,0.0009,0.1176,0.06,0.9826,0.7652,0.0501,0.0,0.0345,0.1667,0.0417,0.1324,0.0966,0.0592,0.0,0.0009,reg oper account,block of flats,0.0731,"Stone, brick",No,13.0,1.0,13.0,1.0,-1367.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1747625,429861,Cash loans,8060.04,76500.0,97132.5,,76500.0,SATURDAY,12,Y,1,,,,XNA,Approved,-678,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-648.0,-138.0,-138.0,-131.0,1.0,0,Cash loans,M,N,Y,0,90000.0,90000.0,6961.5,90000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,With parents,0.016612000000000002,-9302,-139,-4357.0,-1954,,1,1,0,1,1,1,IT staff,1.0,2,2,FRIDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.15529321819940806,0.5533355033427086,0.12530787842823918,0.3289,,0.994,,,0.32,0.2759,0.375,,,,0.3405,,0.0,0.3351,,0.994,,,0.3222,0.2759,0.375,,,,0.3547,,0.0,0.3321,,0.994,,,0.32,0.2759,0.375,,,,0.3466,,0.0,,block of flats,0.2823,Panel,No,4.0,1.0,4.0,1.0,-1295.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,2.0,0.0,2.0,3.0 +2113877,117358,Consumer loans,15086.52,74641.5,78583.5,0.0,74641.5,MONDAY,10,Y,1,0.0,,,XAP,Approved,-222,Cash through the bank,XAP,Other_B,Repeater,Consumer Electronics,POS,XNA,Country-wide,1524,Consumer electronics,6.0,middle,POS household with interest,365243.0,-192.0,-42.0,-42.0,-34.0,1.0,0,Cash loans,M,Y,N,2,90000.0,679500.0,19867.5,679500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.019101,-10709,-181,-1782.0,-3385,14.0,1,1,0,1,0,0,Drivers,4.0,2,2,FRIDAY,16,0,0,0,0,1,1,Agriculture,,0.2359715226018988,0.6674577419214722,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-3190.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1544995,115720,Consumer loans,6279.255,60255.0,54225.0,6030.0,60255.0,FRIDAY,10,Y,1,0.10899042704867944,,,XAP,Approved,-2202,XNA,XAP,,New,Consumer Electronics,POS,XNA,Stone,162,Consumer electronics,10.0,middle,POS household with interest,365243.0,-2167.0,-1897.0,-1897.0,-1885.0,0.0,1,Cash loans,M,N,N,1,180000.0,808650.0,26086.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-15686,-2832,-9814.0,-4729,,1,1,1,1,0,0,Laborers,3.0,2,2,MONDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.5298102697760758,0.5814837058057234,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,2.0,3.0,2.0,-2202.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1933039,232765,Cash loans,30379.005,720000.0,794133.0,,720000.0,TUESDAY,11,Y,1,,,,XNA,Refused,-329,Cash through the bank,LIMIT,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,N,Y,0,112500.0,233208.0,18553.5,184500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-21969,365243,-5386.0,-4777,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,,0.3959719291244688,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-591.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1370140,402578,Cash loans,11913.84,180000.0,203760.0,,180000.0,FRIDAY,9,Y,1,,,,XNA,Approved,-797,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-767.0,-77.0,-77.0,-74.0,1.0,0,Cash loans,F,Y,Y,0,49500.0,161730.0,7254.0,135000.0,Family,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.028663,-23300,365243,-6345.0,-4074,1.0,1,0,0,1,1,0,,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,XNA,,0.5191539748529008,0.29708661164720285,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-217.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2086991,424867,Cash loans,8064.0,67500.0,71955.0,0.0,67500.0,TUESDAY,10,Y,1,0.0,,,Other,Approved,-2171,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-2141.0,-1811.0,-1811.0,-1809.0,1.0,0,Cash loans,F,N,Y,0,54000.0,562500.0,23778.0,562500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.026392000000000002,-18213,-2962,-9238.0,-1757,,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Advertising,0.7609121320159685,0.614313588075395,0.6722428897082422,0.0974,,0.9871,,,0.08,0.0345,0.5417,,,,0.0911,,0.0193,0.0987,,0.9871,,,0.0806,0.0345,0.5417,,,,0.0949,,0.0049,0.0984,,0.9871,,,0.08,0.0345,0.5417,,,,0.0927,,0.0197,,block of flats,0.0726,"Stone, brick",No,0.0,0.0,0.0,0.0,-946.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2741374,219076,Consumer loans,9735.975,88281.0,87318.0,8829.0,88281.0,MONDAY,13,Y,1,0.10000919047254346,,,XAP,Approved,-1868,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,1307,Consumer electronics,12.0,high,POS household with interest,365243.0,-1837.0,-1507.0,-1507.0,-1505.0,0.0,0,Cash loans,F,N,N,0,99000.0,217602.0,14197.5,198000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.020246,-24438,365243,-16518.0,-5126,,1,0,0,1,1,0,,2.0,3,3,FRIDAY,13,0,0,0,0,0,0,XNA,,0.35202686366303554,0.7062051096536562,,,0.9742,,,,0.1379,0.1667,,,,,,,,,0.9742,,,,0.1379,0.1667,,,,,,,,,0.9742,,,,0.1379,0.1667,,,,,,,,block of flats,0.0503,"Stone, brick",No,1.0,0.0,1.0,0.0,-1868.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2615434,455812,Cash loans,7014.645,90000.0,98910.0,,90000.0,SATURDAY,10,Y,1,,,,XNA,Refused,-102,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,67500.0,181989.0,8482.5,143977.5,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.031329,-21453,365243,-10654.0,-4909,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,XNA,,0.5447866043175681,,0.1485,0.0757,0.9831,,,0.16,0.1379,0.3333,,0.0781,,0.1423,,0.0,0.1513,0.0785,0.9831,,,0.1611,0.1379,0.3333,,0.0799,,0.1482,,0.0,0.1499,0.0757,0.9831,,,0.16,0.1379,0.3333,,0.0795,,0.1448,,0.0,,block of flats,0.1139,Panel,No,2.0,0.0,2.0,0.0,-3017.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2729729,308544,Consumer loans,5951.295,23211.0,20889.0,2322.0,23211.0,SATURDAY,17,Y,1,0.10895132010292928,,,XAP,Approved,-2564,Cash through the bank,XAP,Other_B,Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,4.0,low_normal,POS mobile with interest,365243.0,-2533.0,-2443.0,-2443.0,-2437.0,0.0,0,Cash loans,F,N,Y,0,135000.0,1305000.0,38286.0,1305000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.006207,-18627,-2007,-2547.0,-2139,,1,1,0,1,0,0,Cooking staff,2.0,2,2,MONDAY,16,0,0,0,0,0,0,Military,,0.7515304605329142,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,17.0,0.0,17.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2543734,246779,Consumer loans,,25596.0,25596.0,0.0,25596.0,WEDNESDAY,13,Y,1,0.0,,,XAP,Refused,-438,Cash through the bank,HC,,Repeater,Mobile,XNA,XNA,Country-wide,36,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,F,Y,Y,0,135000.0,167895.0,16483.5,157500.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.019101,-24731,365243,-4040.0,-4390,1.0,1,0,0,1,1,0,,1.0,2,2,SUNDAY,12,0,0,0,0,0,0,XNA,,0.5338992207394611,0.1455428133497032,0.1031,0.0749,0.9757,0.6668,0.0118,0.0,0.2069,0.1667,0.1042,0.0597,0.0841,0.0947,0.0019,0.0116,0.105,0.0,0.9762,0.6798,0.0108,0.0,0.2069,0.1667,0.0,0.0188,0.0918,0.0946,0.0,0.0,0.1041,0.1111,0.9762,0.6713,0.0118,0.0,0.2069,0.1667,0.1042,0.0729,0.0855,0.0962,0.0019,0.0176,reg oper account,block of flats,0.0781,Panel,No,0.0,0.0,0.0,0.0,-1068.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,3.0 +2516881,186876,Cash loans,16412.805,139500.0,148707.0,,139500.0,THURSDAY,3,Y,1,,,,XNA,Approved,-1166,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,high,Cash X-Sell: high,365243.0,-1136.0,-806.0,-1016.0,-1009.0,1.0,0,Cash loans,M,N,N,0,225000.0,412794.0,26820.0,382500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.014464,-14186,-626,-2471.0,-5033,,1,1,0,1,0,0,Drivers,2.0,2,2,THURSDAY,6,0,0,0,0,0,0,Government,,0.7388768426714745,0.5531646987710016,0.0371,0.0333,0.9608,0.4628,0.0061,0.0,0.2069,0.0833,0.125,0.034,0.0303,0.0258,0.0,0.0,0.0378,0.0346,0.9608,0.4838,0.0062,0.0,0.2069,0.0833,0.125,0.0348,0.0331,0.0268,0.0,0.0,0.0375,0.0333,0.9608,0.47,0.0062,0.0,0.2069,0.0833,0.125,0.0346,0.0308,0.0262,0.0,0.0,reg oper account,block of flats,0.0241,Block,No,0.0,0.0,0.0,0.0,-1830.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,3.0 +2727558,165836,Consumer loans,3682.17,36450.0,36450.0,0.0,36450.0,WEDNESDAY,13,Y,1,0.0,,,XAP,Approved,-488,Cash through the bank,XAP,,Repeater,Construction Materials,POS,XNA,Stone,50,Industry,12.0,middle,POS industry with interest,365243.0,-448.0,-118.0,-178.0,-176.0,0.0,0,Revolving loans,F,Y,Y,0,157500.0,225000.0,11250.0,225000.0,"Spouse, partner",Working,Higher education,Single / not married,House / apartment,0.019101,-10988,-257,-2789.0,-1237,13.0,1,1,0,1,0,0,Accountants,1.0,2,2,MONDAY,17,0,0,0,0,0,0,Self-employed,,0.5916139029259924,0.6413682574954046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-488.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2813893,302530,Cash loans,26643.285,238500.0,251091.0,,238500.0,WEDNESDAY,16,Y,1,,,,XNA,Approved,-129,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-99.0,231.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,157500.0,509922.0,28602.0,472500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.0060079999999999995,-19258,-3845,-6801.0,-2753,,1,1,0,1,0,0,Laborers,1.0,2,2,SATURDAY,17,0,0,0,0,0,0,Business Entity Type 3,,0.040609918311902166,0.7180328113294772,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,2.0,5.0,1.0,-645.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2287742,386555,Revolving loans,3375.0,0.0,67500.0,,,SATURDAY,16,Y,1,,,,XAP,Approved,-2678,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,80,Connectivity,0.0,XNA,Card Street,-2649.0,-2594.0,365243.0,-402.0,365243.0,0.0,0,Cash loans,M,N,N,0,112500.0,113211.0,8181.0,94500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-14835,-1588,-8797.0,-3968,,1,1,0,1,1,0,Drivers,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Self-employed,,0.6446273721560554,0.6956219298394389,0.0803,0.0523,0.9871,0.83,0.0227,0.086,0.0783,0.3333,0.3633,0.0417,0.0666,0.0738,0.0025,0.0332,0.0756,0.0481,0.9871,0.8367,0.0072,0.0806,0.069,0.3333,0.375,0.0828,0.0661,0.0389,0.0,0.0,0.0749,0.0464,0.9876,0.8323,0.0184,0.08,0.069,0.3333,0.375,0.0314,0.0616,0.0786,0.0,0.0,reg oper account,block of flats,0.0301,Panel,No,4.0,0.0,4.0,0.0,-2285.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1158131,271326,Consumer loans,4586.085,34317.0,37714.5,0.0,34317.0,FRIDAY,17,Y,1,0.0,,,XAP,Approved,-1568,Cash through the bank,XAP,Unaccompanied,New,Photo / Cinema Equipment,POS,XNA,Country-wide,35,Connectivity,12.0,high,POS mobile with interest,365243.0,-1537.0,-1207.0,-1207.0,-1202.0,0.0,0,Cash loans,F,Y,Y,0,211500.0,269550.0,18364.5,225000.0,Unaccompanied,Working,Incomplete higher,Single / not married,House / apartment,0.025164,-16722,-2752,-2894.0,-101,3.0,1,1,0,1,0,0,Accountants,1.0,2,2,FRIDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.7279167787222419,0.5065235197841653,0.2735646775174348,0.0345,0.0524,0.9821,0.7552,0.0128,0.04,0.069,0.3333,0.375,0.0121,0.053,0.0523,0.0154,0.0709,0.0,0.0544,0.9821,0.7648,0.0129,0.0,0.069,0.3333,0.375,0.0123,0.0579,0.0388,0.0156,0.0751,0.0349,0.0524,0.9821,0.7585,0.0129,0.04,0.069,0.3333,0.375,0.0123,0.0539,0.0532,0.0155,0.0724,reg oper account,block of flats,0.053,Panel,No,2.0,1.0,2.0,1.0,-1231.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,8.0,0.0,1.0 +2572097,224136,Revolving loans,27000.0,540000.0,540000.0,,540000.0,TUESDAY,16,Y,1,,,,XAP,Approved,-90,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,-48.0,0.0,0,Cash loans,M,Y,Y,1,180000.0,508495.5,24592.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.02461,-15783,-1547,-124.0,-4770,9.0,1,1,0,1,0,0,Drivers,3.0,2,2,MONDAY,10,0,0,0,0,1,1,Transport: type 3,,0.3329438210249792,0.520897599048938,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1469.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +2167921,215401,Consumer loans,14480.46,140670.0,139972.5,14067.0,140670.0,TUESDAY,11,Y,1,0.09945657976156644,,,XAP,Approved,-424,Cash through the bank,XAP,,Repeater,Construction Materials,POS,XNA,Stone,250,Construction,12.0,middle,POS industry with interest,365243.0,-387.0,-57.0,-117.0,-111.0,0.0,0,Cash loans,F,N,Y,2,126000.0,729396.0,48942.0,688500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006296,-14264,-259,-1755.0,-3417,,1,1,1,1,0,0,Sales staff,4.0,3,3,SATURDAY,10,0,0,0,1,1,1,Self-employed,,0.24691170105388804,0.7503751495159068,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-228.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +2600441,351650,Cash loans,34160.715,922500.0,1029658.5,,922500.0,TUESDAY,8,Y,1,,,,XNA,Refused,-261,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,Y,N,0,157500.0,405000.0,29601.0,405000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-19980,-9839,-3486.0,-3500,3.0,1,1,1,1,1,0,High skill tech staff,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Medicine,,0.33309439329725404,0.4812493411434029,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,1.0,-1064.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,5.0 +2820036,154390,Cash loans,52899.435,900000.0,1109002.5,,900000.0,MONDAY,11,Y,1,,,,XNA,Approved,-529,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,30.0,low_normal,Cash X-Sell: low,365243.0,-499.0,371.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,0,202500.0,938304.0,50121.0,810000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.035792000000000004,-14780,-1656,-7856.0,-4351,8.0,1,1,0,1,0,0,,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,School,0.6750622931805768,0.20604046949431404,0.6195277080511546,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1250.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2380221,453915,Revolving loans,13500.0,270000.0,270000.0,,270000.0,TUESDAY,10,Y,1,,,,XAP,Refused,-136,XNA,HC,Children,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,1,180000.0,269550.0,18364.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.031329,-10394,-1691,-742.0,-3080,,1,1,0,1,0,0,Cooking staff,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,Other,0.2654999095542216,0.6159081451222813,0.39277386060313396,0.1351,0.0788,0.9881,0.8368,0.0463,0.16,0.069,0.4583,0.5,,0.1093,0.1311,0.0039,0.0035,0.1376,0.0818,0.9881,0.8432,0.0467,0.1611,0.069,0.4583,0.5,,0.1194,0.1366,0.0039,0.0037,0.1364,0.0788,0.9881,0.8390000000000001,0.0466,0.16,0.069,0.4583,0.5,,0.1112,0.1335,0.0039,0.0036,reg oper account,block of flats,0.1292,Panel,No,0.0,0.0,0.0,0.0,-2857.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,7.0 +1127957,261559,Consumer loans,16312.68,175473.0,170428.5,17550.0,175473.0,TUESDAY,9,Y,1,0.10167942320289533,,,XAP,Approved,-10,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,300,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,365243.0,350.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,117000.0,388512.0,25249.5,360000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.014464,-24725,365243,-37.0,-37,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,4,0,0,0,0,0,0,XNA,,0.21934029412559,0.8317782304090495,0.066,0.0847,0.9752,0.66,0.0326,0.0,0.1034,0.125,0.1667,0.0527,0.053,0.0327,0.0039,0.003,0.0672,0.0879,0.9752,0.6733,0.0329,0.0,0.1034,0.125,0.1667,0.0539,0.0579,0.0341,0.0039,0.0032,0.0666,0.0847,0.9752,0.6645,0.0328,0.0,0.1034,0.125,0.1667,0.0536,0.0539,0.0333,0.0039,0.0031,reg oper account,block of flats,0.0382,"Stone, brick",No,0.0,0.0,0.0,0.0,-641.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1959813,346786,Cash loans,12048.705,90000.0,109156.5,,90000.0,THURSDAY,16,Y,1,,,,XNA,Approved,-867,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-837.0,-507.0,-597.0,-591.0,1.0,0,Cash loans,F,Y,Y,1,157500.0,135000.0,15268.5,135000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.022625,-11029,-2417,-3239.0,-3528,3.0,1,1,0,1,1,0,,3.0,2,2,WEDNESDAY,9,0,0,0,0,1,1,Other,,0.5561711977922478,0.4436153084085652,0.0165,,0.9752,,,0.0,0.069,0.0417,,,,0.0086,,0.0156,0.0168,,0.9752,,,0.0,0.069,0.0417,,,,0.009000000000000001,,0.0166,0.0167,,0.9752,,,0.0,0.069,0.0417,,,,0.0088,,0.016,,block of flats,0.0102,Panel,No,0.0,0.0,0.0,0.0,-1189.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +2487261,357815,Consumer loans,12071.88,99778.5,108558.0,0.0,99778.5,THURSDAY,17,Y,1,0.0,,,XAP,Approved,-1042,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Regional / Local,860,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1011.0,-741.0,-741.0,-729.0,0.0,0,Cash loans,F,N,Y,1,315000.0,1724688.0,52420.5,1575000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.011656999999999999,-15285,-383,-8118.0,-4096,,1,1,0,1,0,0,High skill tech staff,3.0,1,1,WEDNESDAY,14,1,1,0,1,0,0,Business Entity Type 3,,0.7016761677121486,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1664.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1334625,174191,Cash loans,16075.08,135000.0,173839.5,,135000.0,MONDAY,11,Y,1,,,,XNA,Approved,-819,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-789.0,-279.0,-279.0,-274.0,1.0,1,Cash loans,F,Y,N,1,225000.0,448056.0,21919.5,315000.0,Family,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.025164,-14005,-3643,-7756.0,-4758,14.0,1,1,0,1,0,0,Sales staff,3.0,2,2,MONDAY,13,0,0,0,0,0,0,Self-employed,,0.6798358922906379,,0.4464,0.2198,0.9836,0.7756,0.0774,0.48,0.4138,0.3333,0.375,0.2562,0.3631,0.4701,0.0039,0.0012,0.4548,0.228,0.9836,0.7844,0.0781,0.4834,0.4138,0.3333,0.375,0.262,0.3967,0.4897,0.0039,0.0013,0.4507,0.2198,0.9836,0.7786,0.0779,0.48,0.4138,0.3333,0.375,0.2606,0.3694,0.4785,0.0039,0.0012,not specified,block of flats,0.4136,Panel,No,0.0,0.0,0.0,0.0,-1146.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +2486243,156606,Consumer loans,15265.08,137790.0,143865.0,6885.0,137790.0,FRIDAY,11,Y,1,0.049740569877883285,,,XAP,Approved,-1819,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,1300,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1788.0,-1458.0,-1458.0,-1453.0,0.0,0,Cash loans,F,N,Y,0,180000.0,585000.0,31167.0,585000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0060079999999999995,-16112,-349,-8123.0,-4599,,1,1,0,1,1,0,Sales staff,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Other,0.7431567504057564,0.6068629363597443,0.5460231970049609,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1819.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1731594,165355,Consumer loans,10132.965,101340.0,91206.0,10134.0,101340.0,WEDNESDAY,9,Y,1,0.1089090909090909,,,XAP,Refused,-2424,Cash through the bank,HC,Family,Repeater,Audio/Video,POS,XNA,Stone,290,Consumer electronics,10.0,low_normal,POS household with interest,,,,,,,0,Cash loans,F,N,N,0,135000.0,468733.5,22927.5,387000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-17809,-5256,-4948.0,-1347,,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,16,0,0,0,0,0,0,Other,,0.7661573946043185,0.3893387918468769,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2424.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2200801,210417,Consumer loans,6633.63,35545.5,33052.5,4050.0,35545.5,TUESDAY,8,Y,1,0.1188819670323612,,,XAP,Approved,-2583,Cash through the bank,XAP,Other_B,New,Mobile,POS,XNA,Country-wide,-1,Consumer electronics,6.0,high,POS household with interest,365243.0,-2552.0,-2402.0,-2402.0,-2389.0,1.0,0,Cash loans,M,N,Y,1,112500.0,95940.0,10332.0,90000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.018029,-12810,-2275,-9372.0,-2300,,1,1,1,1,1,0,Laborers,2.0,3,3,TUESDAY,8,0,0,0,0,0,0,Business Entity Type 1,,0.3847629710122323,,0.0464,0.0418,0.9871,0.8232,0.0389,0.0,0.1034,0.1667,0.2083,0.0351,0.0378,0.0447,0.0,0.0,0.0473,0.0433,0.9871,0.8301,0.0393,0.0,0.1034,0.1667,0.2083,0.0359,0.0413,0.0466,0.0,0.0,0.0468,0.0418,0.9871,0.8256,0.0392,0.0,0.1034,0.1667,0.2083,0.0357,0.0385,0.0455,0.0,0.0,reg oper account,block of flats,0.0565,Panel,No,1.0,1.0,1.0,1.0,-1743.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2199873,122206,Cash loans,25526.52,873000.0,873000.0,,873000.0,SUNDAY,15,Y,1,,,,XNA,Approved,-244,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-214.0,1556.0,-34.0,-27.0,0.0,0,Cash loans,F,N,Y,2,270000.0,1724688.0,57127.5,1575000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.005084,-13358,-323,-6613.0,-5099,,1,1,0,1,0,0,Managers,4.0,2,2,SATURDAY,12,0,0,0,0,0,0,Kindergarten,0.4966195479302078,0.6115743617577987,0.8083935912119442,0.0825,,0.9747,,,,0.1379,0.1667,,,,0.0628,,0.0,0.084,,0.9747,,,,0.1379,0.1667,,,,0.0654,,0.0,0.0833,,0.9747,,,,0.1379,0.1667,,,,0.0639,,0.0,,block of flats,0.0494,"Stone, brick",No,0.0,0.0,0.0,0.0,-1475.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1471658,148801,Consumer loans,2453.895,18000.0,20466.0,1800.0,18000.0,MONDAY,8,Y,1,0.08804291908576467,,,XAP,Approved,-1783,Cash through the bank,XAP,,New,Mobile,POS,XNA,Stone,15,Connectivity,12.0,high,POS mobile with interest,365243.0,-1748.0,-1418.0,-1418.0,-1413.0,0.0,0,Cash loans,F,N,Y,1,45000.0,101880.0,11101.5,90000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-11224,-139,-6287.0,-1912,,1,1,1,1,0,0,,3.0,2,2,SATURDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.2846183700823485,0.6303831365109536,0.6594055320683344,0.101,0.1061,0.9861,0.8096,0.0168,0.0,0.2759,0.1667,0.0,0.0527,0.0824,0.1059,0.0,0.0,0.1029,0.1101,0.9861,0.8171,0.017,0.0,0.2759,0.1667,0.0,0.0539,0.09,0.1103,0.0,0.0,0.102,0.1061,0.9861,0.8121,0.0169,0.0,0.2759,0.1667,0.0,0.0536,0.0838,0.1078,0.0,0.0,reg oper account,block of flats,0.0916,"Stone, brick",No,3.0,0.0,3.0,0.0,-1783.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1511435,102865,Cash loans,20587.365,337500.0,368685.0,,337500.0,THURSDAY,11,Y,1,,,,XNA,Refused,-879,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,1,108000.0,601677.0,28179.0,423000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-17925,-1471,-4989.0,-430,,1,1,0,1,1,0,Laborers,3.0,3,2,MONDAY,11,0,0,0,0,0,0,Self-employed,0.6604954191063399,0.3047979563915484,0.4632753280912678,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1401.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2626170,357810,Cash loans,,0.0,0.0,,,WEDNESDAY,10,Y,1,,,,XNA,Refused,-257,XNA,SCOFR,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,1,Cash loans,F,Y,Y,5,112500.0,254700.0,17149.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010966,-10947,-2747,-1407.0,-1559,3.0,1,1,0,1,0,0,Laborers,7.0,2,2,MONDAY,12,0,0,0,0,1,1,Industry: type 3,,0.691579019689208,0.5902333386185574,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-354.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2001120,293167,Cash loans,18235.08,553500.0,663093.0,,553500.0,MONDAY,17,Y,1,,,,Repairs,Approved,-256,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,365243.0,-225.0,1545.0,365243.0,365243.0,0.0,1,Cash loans,F,N,Y,0,202500.0,715500.0,21051.0,715500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010276,-13504,-721,-1156.0,-512,,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.3550686913326087,0.5338720118071142,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-524.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1598504,235800,Consumer loans,11865.195,42475.5,44158.5,0.0,42475.5,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-20,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Regional / Local,191,Consumer electronics,4.0,low_normal,POS household with interest,365243.0,365243.0,100.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,3,360000.0,1205451.0,39969.0,1080000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00702,-13039,-2171,-2503.0,-1219,,1,1,0,1,0,0,Sales staff,5.0,2,2,FRIDAY,11,0,0,0,1,1,0,Self-employed,0.3850612120639811,0.2837908524172176,0.5424451438613613,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-1.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2366290,140240,Consumer loans,9452.88,156150.0,182947.5,0.0,156150.0,SATURDAY,14,Y,1,0.0,,,XAP,Approved,-300,Cash through the bank,XAP,,New,Computers,POS,XNA,Regional / Local,150,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-269.0,421.0,365243.0,365243.0,0.0,0,Revolving loans,M,N,Y,0,67500.0,180000.0,9000.0,180000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-8586,-1597,-8085.0,-1252,,1,1,0,1,0,0,,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.1988182335860706,0.5803993848756491,,,,0.9891,,,,,,,,,0.1604,,,,,0.9891,,,,,,,,,0.1671,,,,,0.9891,,,,,,,,,0.1633,,,,,0.1882,,No,2.0,0.0,2.0,0.0,-300.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2134476,194766,Cash loans,61047.36,900000.0,952272.0,,900000.0,THURSDAY,10,Y,1,,,,XNA,Approved,-727,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-697.0,-7.0,-457.0,-451.0,1.0,0,Cash loans,F,N,Y,0,157500.0,971280.0,54364.5,900000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.00702,-22593,365243,-6998.0,-5018,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,XNA,,0.5919784042163033,0.7209441499436497,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-2118.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1876850,248224,Cash loans,5260.725,99000.0,125136.0,,99000.0,MONDAY,14,Y,1,,,,XNA,Approved,-576,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-546.0,864.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,90000.0,343800.0,12348.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-23728,365243,-267.0,-4366,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,XNA,,0.7392479513936095,0.5406544504453575,0.0918,0.0816,0.9831,0.7688,0.0133,0.0,0.2069,0.1667,0.2083,0.0579,0.0748,0.0766,0.0,0.0,0.0935,0.0847,0.9831,0.7779,0.0134,0.0,0.2069,0.1667,0.2083,0.0593,0.0817,0.0799,0.0,0.0,0.0926,0.0816,0.9831,0.7719,0.0134,0.0,0.2069,0.1667,0.2083,0.059,0.0761,0.078,0.0,0.0,reg oper account,block of flats,0.0701,Panel,No,0.0,0.0,0.0,0.0,-244.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1763210,275591,Cash loans,13764.285,315000.0,383193.0,,315000.0,WEDNESDAY,15,Y,1,,,,XNA,Refused,-214,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,99000.0,450000.0,21888.0,450000.0,Family,Working,Secondary / secondary special,Married,With parents,0.022625,-9595,-2991,-1395.0,-2201,,1,1,0,1,0,0,Accountants,2.0,2,2,SUNDAY,9,0,0,0,0,0,0,Transport: type 2,0.6507102435051982,0.6265434362086529,0.3962195720630885,0.0835,0.0643,0.9732,0.6328,0.0313,0.0,0.1034,0.125,0.1667,0.0201,0.0672,0.0654,0.0039,0.0,0.0851,0.0667,0.9732,0.6472,0.0315,0.0,0.1034,0.125,0.1667,0.0205,0.0735,0.0682,0.0039,0.0,0.0843,0.0643,0.9732,0.6377,0.0315,0.0,0.1034,0.125,0.1667,0.0204,0.0684,0.0666,0.0039,0.0,reg oper account,block of flats,0.0685,Block,No,4.0,0.0,4.0,0.0,-415.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2284226,164460,Cash loans,6233.04,90000.0,101880.0,,90000.0,THURSDAY,6,Y,1,,,,XNA,Approved,-931,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-901.0,-211.0,-691.0,-682.0,1.0,0,Cash loans,F,N,Y,1,99000.0,314055.0,13963.5,238500.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.020713,-15716,-7920,-8500.0,-4601,,1,1,0,1,0,0,,2.0,3,3,THURSDAY,9,0,0,0,0,0,0,Medicine,0.5179018047965349,0.6164563473808461,0.1293142889822697,0.0907,0.0866,0.9886,0.8436,0.0784,0.0,0.2069,0.1667,0.2083,0.1045,0.07400000000000001,0.0837,0.0,0.0,0.0924,0.0899,0.9886,0.8497,0.0792,0.0,0.2069,0.1667,0.2083,0.1069,0.0808,0.0872,0.0,0.0,0.0916,0.0866,0.9886,0.8457,0.0789,0.0,0.2069,0.1667,0.2083,0.1063,0.0752,0.0852,0.0,0.0,reg oper account,block of flats,0.0658,Panel,No,0.0,0.0,0.0,0.0,-1419.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1574285,356435,Consumer loans,4202.82,23125.5,19548.0,4500.0,23125.5,WEDNESDAY,10,Y,1,0.20379695155144248,,,XAP,Approved,-2032,Cash through the bank,XAP,Family,Repeater,Photo / Cinema Equipment,POS,XNA,Regional / Local,150,Consumer electronics,6.0,high,POS household with interest,365243.0,-2001.0,-1851.0,-1851.0,-1846.0,0.0,0,Cash loans,F,N,Y,1,112500.0,553806.0,23593.5,495000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014464,-14848,-5985,-7711.0,-4991,,1,1,0,1,0,0,Security staff,3.0,2,2,FRIDAY,3,0,0,0,0,1,1,Industry: type 9,,0.6288175603998265,0.524496446363472,0.1237,0.142,0.9861,,,0.0,0.2759,0.1667,,,,0.1104,,0.0,0.1261,0.1474,0.9861,,,0.0,0.2759,0.1667,,,,0.115,,0.0,0.1249,0.142,0.9861,,,0.0,0.2759,0.1667,,,,0.1123,,0.0,,block of flats,0.0962,"Stone, brick",No,0.0,0.0,0.0,0.0,-2032.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2339764,253890,Cash loans,42209.1,810000.0,810000.0,,810000.0,MONDAY,16,Y,1,,,,XNA,Approved,-798,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,48.0,high,Cash X-Sell: high,365243.0,-765.0,645.0,-525.0,-500.0,0.0,0,Cash loans,F,Y,Y,1,112500.0,171000.0,13639.5,171000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-12970,-686,-2125.0,-4323,14.0,1,1,0,1,0,1,,3.0,2,2,MONDAY,9,0,0,0,0,0,0,Medicine,,0.6439658438075141,0.43473324875017305,0.1928,0.1465,0.9851,0.7959999999999999,0.0486,0.2,0.1724,0.3333,0.375,0.0859,0.1547,0.2089,0.0116,0.0095,0.1964,0.152,0.9851,0.804,0.049,0.2014,0.1724,0.3333,0.375,0.0879,0.16899999999999998,0.2176,0.0117,0.01,0.1947,0.1465,0.9851,0.7987,0.0489,0.2,0.1724,0.3333,0.375,0.0874,0.1573,0.2126,0.0116,0.0097,reg oper account,block of flats,0.1663,Panel,No,0.0,0.0,0.0,0.0,-1463.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1423709,299629,Cash loans,19151.1,450000.0,533160.0,,450000.0,TUESDAY,15,Y,1,,,,XNA,Approved,-386,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-356.0,1054.0,365243.0,365243.0,1.0,0,Cash loans,M,N,N,0,270000.0,849415.5,43501.5,697500.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.019101,-17609,-2309,-8897.0,-1160,,1,1,1,1,1,0,Drivers,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Self-employed,0.6268407620147269,0.6328051199390397,0.501075160239048,0.0825,0.1047,0.9861,0.8096,0.0437,0.0,0.1034,0.1667,0.0417,0.0857,0.0672,0.0821,0.0,0.0,0.084,0.1087,0.9861,0.8171,0.0441,0.0,0.1034,0.1667,0.0417,0.0877,0.0735,0.0855,0.0,0.0,0.0833,0.1047,0.9861,0.8121,0.044,0.0,0.1034,0.1667,0.0417,0.0872,0.0684,0.0835,0.0,0.0,reg oper spec account,block of flats,0.0664,"Stone, brick",No,0.0,0.0,0.0,0.0,-1709.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2111771,236850,Cash loans,13570.425,225000.0,254700.0,,225000.0,WEDNESDAY,11,Y,1,,,,XNA,Refused,-199,Cash through the bank,HC,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,67500.0,153504.0,16659.0,144000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-24572,365243,-3382.0,-2684,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,XNA,,0.6665931289244241,0.2340151665320674,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1504.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2108526,357496,Revolving loans,24750.0,495000.0,495000.0,,495000.0,THURSDAY,13,Y,1,,,,XAP,Refused,-47,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,Y,N,1,180000.0,497520.0,33376.5,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.035792000000000004,-16432,-3375,-4494.0,-4504,11.0,1,1,0,1,1,0,Core staff,3.0,2,2,TUESDAY,9,0,0,0,0,0,0,Police,0.3893167701374096,0.7117645842048377,0.6413682574954046,0.0082,,0.9762,,,0.0,0.0345,0.0417,,,,0.0053,,0.0017,0.0084,,0.9762,,,0.0,0.0345,0.0417,,,,0.0056,,0.0018,0.0083,,0.9762,,,0.0,0.0345,0.0417,,,,0.0054,,0.0017,,block of flats,0.0057,"Stone, brick",No,0.0,0.0,0.0,0.0,-47.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,0.0 +1229801,394168,Consumer loans,16262.19,166230.0,180490.5,0.0,166230.0,SATURDAY,14,Y,1,0.0,,,XAP,Approved,-389,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Country-wide,380,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-358.0,-28.0,-118.0,-115.0,0.0,0,Cash loans,F,N,Y,0,117000.0,417915.0,44473.5,378000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.00733,-15702,-848,-3989.0,-4909,,1,1,0,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.3416397630390312,0.609848340896533,0.656158373001177,0.0928,0.0991,0.9771,,0.0443,0.0,0.2069,0.1667,,0.0,,0.0925,,0.0,0.0945,0.1028,0.9772,,0.0447,0.0,0.2069,0.1667,,0.0,,0.0964,,0.0,0.0937,0.0991,0.9771,,0.0445,0.0,0.2069,0.1667,,0.0,,0.0942,,0.0,,block of flats,0.1112,Panel,No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1523738,185673,Consumer loans,2451.6,21109.23,22063.5,1034.73,21109.23,TUESDAY,12,Y,1,0.04878793900500758,,,XAP,Approved,-1953,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,150,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1922.0,-1592.0,-1832.0,-1829.0,0.0,0,Cash loans,F,N,Y,1,202500.0,484789.5,24880.5,418500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00733,-14296,-1887,-6.0,-2680,,1,1,0,1,0,1,Sales staff,3.0,2,2,TUESDAY,16,0,0,0,0,1,1,Self-employed,,0.5082178875131894,0.7062051096536562,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1953.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,0.0 +1955884,247224,Cash loans,11433.105,229500.0,266760.0,,229500.0,TUESDAY,7,Y,1,,,,XNA,Approved,-790,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-760.0,290.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,202500.0,667237.5,22180.5,576000.0,Unaccompanied,Pensioner,Lower secondary,Married,House / apartment,0.025164,-22461,365243,-98.0,-4942,,1,0,0,1,0,0,,2.0,2,2,MONDAY,8,0,0,0,0,0,0,XNA,0.6960682983129219,0.2658235586137088,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2961.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1830099,227666,Consumer loans,16119.945,164173.5,160429.5,16420.5,164173.5,SUNDAY,11,Y,1,0.10112195234790652,,,XAP,Approved,-694,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,946,Consumer electronics,12.0,middle,POS household with interest,365243.0,-663.0,-333.0,-453.0,-449.0,0.0,0,Cash loans,F,N,N,0,157500.0,450000.0,23431.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.010006000000000001,-9648,-2344,-8907.0,-1971,,1,1,0,1,0,0,Core staff,2.0,2,2,MONDAY,9,0,0,0,0,0,0,Trade: type 2,,0.6304646552216192,0.6925590674998008,0.0794,0.0517,0.9906,0.8708,0.0757,0.08,0.069,0.375,0.4167,0.0674,0.0647,0.0943,,0.0151,0.0809,0.0537,0.9906,0.8759,0.0764,0.0806,0.069,0.375,0.4167,0.0689,0.0707,0.0983,,0.016,0.0802,0.0517,0.9906,0.8725,0.0761,0.08,0.069,0.375,0.4167,0.0686,0.0658,0.096,,0.0155,reg oper account,block of flats,0.1186,Panel,No,0.0,0.0,0.0,0.0,-727.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +2561151,366839,Cash loans,4948.695,63000.0,69237.0,,63000.0,FRIDAY,15,Y,1,,,,XNA,Approved,-1038,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-1008.0,-498.0,-588.0,-581.0,1.0,0,Revolving loans,F,N,Y,0,94500.0,157500.0,7875.0,157500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.005002,-21599,365243,-12746.0,-3925,,1,0,0,1,0,0,,2.0,3,3,SUNDAY,13,0,0,0,0,0,0,XNA,,0.5843722588644182,0.6263042766749393,0.0082,,0.9747,,,0.0,0.0345,0.0417,,,,0.0067,,0.0,0.0084,,0.9747,,,0.0,0.0345,0.0417,,,,0.006999999999999999,,0.0,0.0083,,0.9747,,,0.0,0.0345,0.0417,,,,0.0068,,0.0,,block of flats,0.0053,Wooden,No,4.0,0.0,4.0,0.0,-1982.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +2028371,415035,Consumer loans,18982.26,186345.0,177903.0,22500.0,186345.0,THURSDAY,10,Y,1,0.1222763404467271,,,XAP,Approved,-1087,XNA,XAP,"Spouse, partner",New,Audio/Video,POS,XNA,Regional / Local,40,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1053.0,-723.0,-783.0,-775.0,0.0,0,Cash loans,F,N,Y,0,180000.0,1006920.0,51543.0,900000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.001276,-10269,-157,-271.0,-620,,1,1,0,1,0,0,Accountants,2.0,2,2,SATURDAY,5,0,0,0,0,0,0,Business Entity Type 3,0.5259543750589587,0.6783919948619097,0.6430255641096323,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1087.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2377914,443696,Revolving loans,4500.0,0.0,90000.0,,,TUESDAY,13,Y,1,,,,XAP,Approved,-630,XNA,XAP,,Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-629.0,-584.0,365243.0,-309.0,365243.0,0.0,0,Cash loans,F,N,Y,2,270000.0,288873.0,16713.0,238500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.018029,-12193,-1874,-230.0,-3254,,1,1,0,1,0,0,,3.0,3,3,TUESDAY,11,0,0,0,0,0,0,Other,,0.6282253002044904,0.221335206354466,0.0804,,0.9732,,,0.0,0.1724,0.125,,,,0.0609,,0.0093,0.0819,,0.9732,,,0.0,0.1724,0.125,,,,0.0634,,0.0098,0.0812,,0.9732,,,0.0,0.1724,0.125,,,,0.062,,0.0095,,block of flats,0.0499,"Stone, brick",No,5.0,0.0,5.0,0.0,-630.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1999749,420226,Cash loans,53891.64,1170000.0,1271929.5,,1170000.0,TUESDAY,11,Y,1,,,,XNA,Approved,-764,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-734.0,316.0,-434.0,-430.0,1.0,0,Cash loans,F,N,Y,0,180000.0,103558.5,6462.0,85500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-23365,365243,-5265.0,-4501,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,XNA,0.3118076470690011,0.2486520670709361,0.3996756156233169,0.0464,0.0109,0.9747,0.6532,0.0075,0.0,0.1034,0.125,0.1667,0.0329,0.0353,0.0351,0.0116,0.0189,0.0473,0.0114,0.9747,0.6668,0.0076,0.0,0.1034,0.125,0.1667,0.0337,0.0386,0.0365,0.0117,0.02,0.0468,0.0109,0.9747,0.6578,0.0076,0.0,0.1034,0.125,0.1667,0.0335,0.0359,0.0357,0.0116,0.0193,reg oper spec account,,0.0317,"Stone, brick",No,6.0,0.0,5.0,0.0,-2034.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,12.0 +2776310,185302,Cash loans,31938.93,274500.0,289354.5,,274500.0,THURSDAY,7,Y,1,,,,XNA,Approved,-293,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-263.0,67.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,225000.0,206280.0,10161.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Separated,Municipal apartment,0.020713,-16483,-1218,-5201.0,-7,,1,1,0,1,0,0,Laborers,1.0,3,1,WEDNESDAY,9,0,0,0,0,0,0,Trade: type 7,,0.5549347337214212,0.7281412993111438,0.1227,0.1115,0.9762,,0.0118,0.0,0.2069,0.1667,0.2083,0.0484,0.0992,0.0954,0.0039,0.0034,0.125,0.1158,0.9762,,0.0119,0.0,0.2069,0.1667,0.2083,0.0496,0.1084,0.0994,0.0039,0.0036,0.1239,0.1115,0.9762,,0.0119,0.0,0.2069,0.1667,0.2083,0.0493,0.1009,0.0971,0.0039,0.0035,reg oper account,block of flats,0.0822,Panel,No,0.0,0.0,0.0,0.0,-1057.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1481564,249456,Cash loans,47360.7,810000.0,810000.0,,810000.0,SATURDAY,10,Y,1,,,,XNA,Approved,-912,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,Y,N,1,180000.0,728460.0,44694.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-14347,-5568,-3470.0,-4695,12.0,1,1,0,1,0,0,Managers,3.0,2,2,MONDAY,13,0,0,0,0,1,1,Other,0.5341144471620558,0.7455251156123585,0.5709165417729987,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,2.0,5.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2319926,430773,Consumer loans,18233.505,179910.0,195345.0,0.0,179910.0,FRIDAY,10,Y,1,0.0,,,XAP,Approved,-356,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Stone,100,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-325.0,5.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,54000.0,254700.0,25321.5,225000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.020713,-23133,365243,-10510.0,-4720,9.0,1,0,0,1,1,0,,2.0,3,3,THURSDAY,11,0,0,0,0,0,0,XNA,0.5539822214336143,0.08387884023075191,0.7281412993111438,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1581.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1974445,418526,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SUNDAY,9,Y,1,,,,XAP,Approved,-256,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,N,N,0,67500.0,202500.0,14674.5,202500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.007120000000000001,-17395,-424,-1570.0,-940,,1,1,1,1,1,0,Drivers,2.0,2,2,WEDNESDAY,7,0,0,0,0,0,0,Industry: type 9,,0.21238942385534412,0.42589289800515295,0.1082,0.0489,0.9781,,,0.0,0.0345,0.1667,,0.0261,,0.0403,,0.0105,0.1103,0.0508,0.9782,,,0.0,0.0345,0.1667,,0.0267,,0.042,,0.0111,0.1093,0.0489,0.9781,,,0.0,0.0345,0.1667,,0.0266,,0.041,,0.0107,,block of flats,0.034,"Stone, brick",No,3.0,0.0,3.0,0.0,-328.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1545930,399276,Revolving loans,4500.0,90000.0,90000.0,,90000.0,SATURDAY,14,Y,1,,,,XAP,Refused,-221,XNA,SCOFR,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,N,Y,1,180000.0,450000.0,22018.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-11505,-2124,-5570.0,-3627,,1,1,0,1,0,0,Laborers,3.0,2,2,WEDNESDAY,9,0,0,0,1,1,0,Business Entity Type 3,,0.2858978721410488,0.06337536230998861,0.5567,,0.9861,,,0.64,0.5517,0.3333,,0.4584,,0.3903,,,0.5672,,0.9861,,,0.6445,0.5517,0.3333,,0.4689,,0.4067,,,0.5621,,0.9861,,,0.64,0.5517,0.3333,,0.4664,,0.3974,,,,block of flats,0.5177,Panel,No,0.0,0.0,0.0,0.0,-240.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2527831,190567,Consumer loans,6786.675,38781.0,34902.0,3879.0,38781.0,SATURDAY,9,Y,1,0.10893436570391776,,,XAP,Approved,-697,Cash through the bank,XAP,,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,25,Connectivity,6.0,high,POS mobile with interest,365243.0,-663.0,-513.0,-513.0,-507.0,0.0,0,Cash loans,F,N,Y,0,90000.0,495351.0,25893.0,459000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.008068,-22071,365243,-2.0,-4565,,1,0,0,1,0,0,,1.0,3,3,WEDNESDAY,5,0,0,0,0,0,0,XNA,0.7317008814287661,0.6941152425565781,,0.0722,0.0745,0.9767,0.6804,0.006999999999999999,0.0,0.1379,0.1667,0.0,0.0063,0.0588,0.0664,0.0,0.0,0.0735,0.0774,0.9767,0.6929,0.0071,0.0,0.1379,0.1667,0.0,0.0065,0.0643,0.0692,0.0,0.0,0.0729,0.0745,0.9767,0.6847,0.0071,0.0,0.1379,0.1667,0.0,0.0064,0.0599,0.0676,0.0,0.0,reg oper account,block of flats,0.0523,Panel,No,1.0,0.0,1.0,0.0,-1574.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2224104,241374,Cash loans,,0.0,0.0,,,THURSDAY,11,Y,1,,,,XNA,Refused,-94,XNA,HC,,Repeater,XNA,XNA,XNA,Contact center,-1,XNA,,XNA,Cash,,,,,,,0,Revolving loans,M,Y,N,0,112500.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.015221,-13144,-2702,-6423.0,-4162,8.0,1,1,0,1,0,0,Laborers,2.0,2,2,SUNDAY,8,0,0,0,0,0,0,Business Entity Type 3,,0.5479897180790001,0.6658549219640212,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,0.0,-842.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2449789,390826,Revolving loans,6750.0,135000.0,135000.0,,135000.0,THURSDAY,7,Y,1,,,,XAP,Approved,-323,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,225000.0,269550.0,14751.0,225000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.018801,-19829,-809,-171.0,-2102,,1,1,0,1,0,0,Sales staff,2.0,2,2,FRIDAY,16,0,0,0,0,0,0,Trade: type 7,,0.5808999029485331,0.31547215492577346,0.2866,0.127,0.9985,,,0.16,0.1379,0.375,,0.1166,,0.2345,,0.0,0.292,0.1318,0.9985,,,0.1611,0.1379,0.375,,0.1192,,0.2444,,0.0,0.2894,0.127,0.9985,,,0.16,0.1379,0.375,,0.1186,,0.2388,,0.0,,block of flats,0.2476,Panel,No,8.0,0.0,8.0,0.0,-1204.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +2407012,233348,Cash loans,84116.25,1125000.0,1125000.0,,1125000.0,WEDNESDAY,15,Y,1,,,,Urgent needs,Refused,-618,Cash through the bank,SCO,,Repeater,XNA,Cash,walk-in,Contact center,-1,XNA,18.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,Y,N,0,157500.0,900000.0,46084.5,900000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.028663,-15823,-4197,-3859.0,-4759,4.0,1,1,0,1,0,0,Core staff,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,Trade: type 7,0.7547641666134005,0.6881355515669798,,0.0619,0.0604,0.9801,,,0.04,0.1034,0.25,,,,0.0563,,0.0,0.063,0.0605,0.9796,,,0.0,0.069,0.1667,,,,0.0378,,0.0,0.0625,0.0604,0.9801,,,0.04,0.1034,0.25,,,,0.0573,,0.0,,,0.0564,Mixed,No,0.0,0.0,0.0,0.0,-2099.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2055420,210920,Consumer loans,5605.38,48051.0,42273.0,9000.0,48051.0,WEDNESDAY,8,Y,1,0.19116919590853235,,,XAP,Approved,-2305,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,43,Connectivity,10.0,high,POS mobile with interest,365243.0,-2274.0,-2004.0,-2004.0,-1993.0,1.0,0,Cash loans,F,Y,Y,2,121500.0,547344.0,23139.0,472500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.031329,-14364,-3747,-7925.0,-4650,1.0,1,1,0,1,0,0,Laborers,4.0,2,2,FRIDAY,10,0,0,0,0,1,1,Industry: type 3,0.46162874923067493,0.44471255600462506,0.6769925032909132,0.0041,,0.9762,,,,,0.0,,,,,,,0.0042,,0.9762,,,,,0.0,,,,,,,0.0042,,0.9762,,,,,0.0,,,,,,,,,0.0017,,No,0.0,0.0,0.0,0.0,-2305.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,2.0 +2818303,390772,Consumer loans,28747.845,317250.0,304371.0,31725.0,317250.0,SATURDAY,16,Y,1,0.10280220261743396,,,XAP,Approved,-370,Cash through the bank,XAP,,Refreshed,Furniture,POS,XNA,Stone,150,Furniture,12.0,low_normal,POS industry with interest,365243.0,-328.0,2.0,-28.0,-26.0,0.0,0,Cash loans,F,N,Y,1,292500.0,1671210.0,44086.5,1395000.0,Unaccompanied,State servant,Secondary / secondary special,Married,Municipal apartment,0.072508,-17339,-4820,-5166.0,-882,,1,1,1,1,1,0,Core staff,3.0,1,1,FRIDAY,17,0,0,0,0,0,0,School,0.8276609027411348,0.7358446995330913,0.7091891096653581,0.2959,0.1857,0.9791,0.7144,0.0944,0.32,0.2759,0.3333,0.375,0.0351,0.2412,0.2855,0.0,0.0,0.3015,0.1927,0.9791,0.7256,0.0952,0.3222,0.2759,0.3333,0.375,0.0359,0.2635,0.2975,0.0,0.0,0.2987,0.1857,0.9791,0.7182,0.095,0.32,0.2759,0.3333,0.375,0.0357,0.2454,0.2906,0.0,0.0,reg oper account,block of flats,0.2246,Panel,No,0.0,0.0,0.0,0.0,-2041.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2037456,145013,Consumer loans,9871.245,72895.5,53550.0,21870.0,72895.5,TUESDAY,15,Y,1,0.3158103710132349,,,XAP,Approved,-1414,Cash through the bank,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Country-wide,684,Consumer electronics,6.0,middle,POS household without interest,365243.0,-1383.0,-1233.0,-1233.0,-1226.0,0.0,0,Cash loans,F,Y,Y,1,112500.0,697500.0,27661.5,697500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.01885,-13950,-4777,-4543.0,-4714,7.0,1,1,1,1,0,0,Managers,3.0,2,2,TUESDAY,15,0,0,0,0,0,0,Self-employed,,0.2813614993815712,0.7295666907060153,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1414.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2615700,391280,Revolving loans,11250.0,225000.0,225000.0,,225000.0,WEDNESDAY,11,Y,1,,,,XAP,Refused,-874,XNA,LIMIT,,Refreshed,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,Y,N,0,450000.0,1528200.0,53118.0,1350000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010006000000000001,-18801,-4152,-2646.0,-2355,9.0,1,1,0,1,1,0,High skill tech staff,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Industry: type 11,0.7155499761339341,0.7597428373663095,0.3556387169923543,0.032,0.0435,0.996,0.9456,,0.0,0.069,0.125,0.1667,0.0544,0.0261,0.0169,0.0,0.0,0.0326,0.0451,0.996,0.9477,,0.0,0.069,0.125,0.1667,0.0556,0.0285,0.0176,0.0,0.0,0.0323,0.0435,0.996,0.9463,,0.0,0.069,0.125,0.1667,0.0553,0.0265,0.0172,0.0,0.0,reg oper account,block of flats,0.0253,Panel,No,0.0,0.0,0.0,0.0,-2426.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1867863,359208,Cash loans,26297.55,540000.0,625536.0,,540000.0,FRIDAY,8,Y,1,,,,Business development,Refused,-390,XNA,LIMIT,,Repeater,XNA,Cash,walk-in,Contact center,-1,Furniture,48.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,N,1,135000.0,1255680.0,41629.5,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.006629,-14647,-2409,-8279.0,-4585,,1,1,1,1,1,0,Sales staff,3.0,2,2,SUNDAY,15,0,0,0,0,0,0,Self-employed,,0.6269015375036314,0.6690566947824041,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-498.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1020887,175813,Cash loans,37822.005,1129500.0,1293502.5,,1129500.0,SATURDAY,9,Y,1,,,,XNA,Approved,-776,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-746.0,1024.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,0,270000.0,536917.5,19413.0,463500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009175,-21823,-1498,-3254.0,-4104,,1,1,0,1,0,1,,2.0,2,2,FRIDAY,18,0,1,1,0,0,0,School,0.7146098716793337,0.7095162706305912,,0.267,0.0249,0.9846,,,0.28,0.2414,0.3333,,0.0848,,0.1748,,,0.2721,0.0258,0.9846,,,0.282,0.2414,0.3333,,0.0867,,0.1821,,,0.2696,0.0249,0.9846,,,0.28,0.2414,0.3333,,0.0863,,0.1779,,,,block of flats,0.2157,Panel,No,3.0,1.0,3.0,0.0,-2124.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1260563,313190,Cash loans,24303.78,472500.0,628816.5,,472500.0,FRIDAY,19,Y,1,,,,XNA,Approved,-423,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,42.0,low_normal,Cash X-Sell: low,365243.0,-393.0,837.0,-273.0,-267.0,1.0,0,Revolving loans,F,N,Y,0,90000.0,247500.0,12375.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.02461,-15678,-3038,-7801.0,-2839,,1,1,0,1,1,0,Sales staff,2.0,2,2,MONDAY,16,0,0,0,0,0,0,Self-employed,,0.593609489916567,0.8027454758994178,0.1247,0.0774,0.9841,0.7824,0.0315,0.0,0.069,0.3333,0.375,0.0772,0.1,0.1013,0.0077,0.0125,0.1271,0.0803,0.9841,0.7909,0.0318,0.0,0.069,0.3333,0.375,0.0789,0.1093,0.1055,0.0078,0.0132,0.126,0.0774,0.9841,0.7853,0.0317,0.0,0.069,0.3333,0.375,0.0785,0.1018,0.1031,0.0078,0.0128,,block of flats,0.0833,"Stone, brick",No,4.0,0.0,4.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1841144,254504,Revolving loans,4500.0,90000.0,90000.0,,90000.0,FRIDAY,15,Y,1,,,,XAP,Refused,-246,XNA,HC,Unaccompanied,Repeater,XNA,Cards,walk-in,Channel of corporate sales,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,Y,Y,0,112500.0,305955.0,29934.0,283500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-20852,365243,-8016.0,-3970,2.0,1,0,0,1,0,0,,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,XNA,,0.6660534511073483,0.4048783643353997,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-901.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2656336,404229,Cash loans,65145.33,1575000.0,1687266.0,,1575000.0,TUESDAY,12,Y,1,,,,XNA,Refused,-293,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,112500.0,738000.0,21577.5,738000.0,Family,Working,Secondary / secondary special,Widow,House / apartment,0.014464,-21718,-511,-16209.0,-4961,,1,1,1,1,1,0,Cleaning staff,1.0,2,2,FRIDAY,7,0,0,0,0,0,0,Self-employed,,0.2859559140656612,0.3031463744186309,0.0876,0.057,0.9771,0.66,0.0249,0.0,0.1379,0.1667,0.0417,0.0068,0.0672,0.0498,0.0193,0.0232,0.0893,0.0591,0.9752,0.6733,0.0251,0.0,0.1379,0.1667,0.0417,0.006999999999999999,0.0735,0.0459,0.0195,0.0246,0.0885,0.057,0.9771,0.6645,0.0251,0.0,0.1379,0.1667,0.0417,0.0069,0.0684,0.0507,0.0194,0.0237,reg oper account,block of flats,0.0392,"Stone, brick",No,0.0,0.0,0.0,0.0,-1047.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1357965,406372,Cash loans,21231.225,270000.0,313839.0,,270000.0,TUESDAY,5,Y,1,,,,Repairs,Refused,-487,XNA,HC,,Repeater,XNA,Cash,walk-in,Contact center,-1,XNA,36.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,135000.0,593010.0,19260.0,495000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.018801,-15069,-4110,-2685.0,-4233,,1,1,1,1,0,0,Core staff,1.0,2,2,SATURDAY,11,0,0,0,0,0,0,Kindergarten,0.6502882143547672,0.5278214831656336,0.7826078370261895,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1044.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1935908,103646,Cash loans,27712.62,315000.0,349096.5,,315000.0,MONDAY,11,Y,1,,,,XNA,Refused,-1073,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,1,180000.0,704844.0,34038.0,630000.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.072508,-10119,-914,-4675.0,-1685,,1,1,0,1,0,0,Core staff,2.0,1,1,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.5000620193855205,0.4614823912998385,0.261,0.1722,0.9781,0.7008,0.1666,0.28800000000000003,0.2414,0.375,0.4167,0.0,0.2083,0.243,0.0208,0.1039,0.0987,0.0478,0.9782,0.7125,0.0651,0.4028,0.3448,0.3333,0.375,0.0,0.0799,0.0846,0.0117,0.0037,0.2977,0.1868,0.9781,0.7048,0.1695,0.32,0.2759,0.3333,0.375,0.0,0.2437,0.2821,0.0116,0.0597,reg oper account,block of flats,0.1839,Panel,No,0.0,0.0,0.0,0.0,-150.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2212886,191522,Cash loans,39558.87,1125000.0,1255680.0,,1125000.0,MONDAY,7,Y,1,,,,Repairs,Refused,-208,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,Y,N,0,135000.0,1215000.0,35523.0,1215000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-14051,-603,-988.0,-4837,25.0,1,1,0,1,0,0,Managers,2.0,2,2,FRIDAY,14,0,0,0,0,1,1,Self-employed,,0.5585557559249622,0.622922000268356,0.0825,0.0727,0.9767,,,0.0,0.1379,0.1667,,0.0153,,0.0776,,0.0,0.084,0.0754,0.9767,,,0.0,0.1379,0.1667,,0.0156,,0.0808,,0.0,0.0833,0.0727,0.9767,,,0.0,0.1379,0.1667,,0.0155,,0.0789,,0.0,,block of flats,0.061,Panel,No,1.0,0.0,1.0,0.0,-2350.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1231173,411814,Cash loans,11059.11,135000.0,158508.0,,135000.0,WEDNESDAY,13,Y,1,,,,XNA,Approved,-512,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-482.0,208.0,-452.0,-440.0,1.0,0,Cash loans,M,Y,Y,0,67500.0,172692.0,20623.5,162000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.020246,-14279,-443,-297.0,-2213,15.0,1,1,0,1,0,0,Laborers,2.0,3,3,THURSDAY,14,0,0,0,0,1,1,Other,,0.3834800030927242,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-960.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1383448,253703,Consumer loans,34724.43,207292.5,194566.5,20731.5,207292.5,TUESDAY,6,Y,1,0.10487086820043927,,,XAP,Approved,-1192,Cash through the bank,XAP,Unaccompanied,New,Auto Accessories,POS,XNA,Regional / Local,130,Industry,6.0,low_normal,POS other with interest,365243.0,-1161.0,-1011.0,-1011.0,-1005.0,0.0,0,Cash loans,M,Y,Y,2,126000.0,592560.0,35937.0,450000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.0038179999999999998,-16039,-1861,-623.0,-4461,9.0,1,1,0,1,0,0,Laborers,4.0,2,2,THURSDAY,6,0,0,0,0,1,1,Other,0.7965238245297614,0.6156649799483481,0.511891801533151,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,0.0,0.0,-1192.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2818416,399068,Consumer loans,10228.68,83475.0,91737.0,0.0,83475.0,SATURDAY,9,Y,1,0.0,,,XAP,Approved,-1738,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Stone,70,Furniture,12.0,high,POS industry with interest,365243.0,-1707.0,-1377.0,-1377.0,-1373.0,0.0,0,Cash loans,F,N,N,0,144000.0,1056447.0,31014.0,922500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.020713,-18566,-7152,-265.0,-2099,,1,1,0,1,0,0,Medicine staff,1.0,3,2,MONDAY,12,0,0,0,0,0,0,Other,,0.7755959941101965,0.6658549219640212,0.2732,0.1792,0.999,0.9864,0.0799,0.28,0.2414,0.375,0.4167,0.1262,0.2227,0.3142,0.0,0.1107,0.2784,0.18600000000000005,0.999,0.9869,0.0806,0.282,0.2414,0.375,0.4167,0.1291,0.2433,0.3274,0.0,0.1172,0.2758,0.1792,0.999,0.9866,0.0804,0.28,0.2414,0.375,0.4167,0.1284,0.2266,0.3198,0.0,0.113,reg oper account,block of flats,0.2712,Panel,No,4.0,0.0,4.0,0.0,-1605.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2056919,451416,Consumer loans,11008.395,101250.0,111942.0,0.0,101250.0,TUESDAY,10,Y,1,0.0,,,XAP,Approved,-395,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Stone,100,Consumer electronics,12.0,middle,POS household with interest,365243.0,-364.0,-34.0,-34.0,-26.0,0.0,0,Cash loans,M,N,N,0,180000.0,1078200.0,31522.5,900000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-20624,365243,-6622.0,-3952,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,XNA,,0.6063724143666755,0.4668640059537032,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1873.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1827350,390392,Revolving loans,11250.0,225000.0,225000.0,,225000.0,SATURDAY,15,Y,1,,,,XAP,Refused,-683,XNA,LIMIT,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,81000.0,152820.0,15241.5,135000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.035792000000000004,-15658,-530,-1636.0,-4381,,1,1,0,1,0,0,Managers,1.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Other,0.6238689243588376,0.71642994695213,0.6263042766749393,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-683.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1265661,395428,Consumer loans,17452.935,322843.5,322843.5,0.0,322843.5,TUESDAY,17,Y,1,0.0,,,XAP,Approved,-295,Cash through the bank,XAP,,Refreshed,Furniture,POS,XNA,Country-wide,126,Furniture,20.0,low_action,POS industry without interest,365243.0,-263.0,307.0,365243.0,365243.0,0.0,0,Revolving loans,F,Y,Y,0,337500.0,360000.0,18000.0,585000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.026392000000000002,-22181,-3398,-10178.0,-1519,2.0,1,1,1,1,0,0,High skill tech staff,2.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.8893832291723781,0.7413668058944151,0.4066174366275036,0.0247,0.0422,0.9861,,,0.0,0.1379,0.125,,0.0233,,0.0242,,0.0,0.0252,0.0438,0.9861,,,0.0,0.1379,0.125,,0.0238,,0.0252,,0.0,0.025,0.0422,0.9861,,,0.0,0.1379,0.125,,0.0237,,0.0247,,0.0,,block of flats,0.0191,"Stone, brick",No,4.0,0.0,4.0,0.0,-1868.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,4.0,0.0,4.0 +1724238,324875,Consumer loans,12347.775,112365.0,112365.0,0.0,112365.0,FRIDAY,16,Y,1,0.0,,,XAP,Approved,-727,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-690.0,-420.0,-420.0,-416.0,0.0,0,Cash loans,M,Y,Y,0,247500.0,971676.0,41296.5,868500.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.031329,-14493,-1033,-6756.0,-4502,65.0,1,1,0,1,1,0,High skill tech staff,1.0,2,2,THURSDAY,15,0,0,0,0,0,0,Industry: type 7,0.28258358067270184,0.2632411250133655,0.4206109640437848,0.0175,0.0794,0.9692,0.5784,0.0049,0.0,0.1034,0.0833,0.125,0.0148,0.0134,0.0359,0.0039,0.0246,0.0179,0.0824,0.9692,0.5949,0.005,0.0,0.1034,0.0833,0.125,0.0151,0.0147,0.0374,0.0039,0.026,0.0177,0.0794,0.9692,0.584,0.0049,0.0,0.1034,0.0833,0.125,0.015,0.0137,0.0365,0.0039,0.0251,reg oper account,block of flats,0.0362,Block,No,0.0,0.0,0.0,0.0,-946.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2621169,429074,Consumer loans,7128.0,64800.0,64800.0,0.0,64800.0,THURSDAY,9,Y,1,0.0,,,XAP,Refused,-1023,Cash through the bank,HC,Unaccompanied,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,1800,Consumer electronics,10.0,low_normal,POS household with interest,,,,,,,0,Cash loans,M,Y,Y,1,247500.0,515529.0,21127.5,391500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.0228,-11208,-2722,-5168.0,-3810,9.0,1,1,1,1,0,0,Sales staff,3.0,2,2,FRIDAY,15,0,0,0,1,1,0,Trade: type 2,0.6767237199335847,0.6401615202885793,0.41885428862332175,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,0.0,-1548.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1100954,130534,Consumer loans,16342.29,121410.0,103041.0,24750.0,121410.0,FRIDAY,13,Y,1,0.21093034720754986,,,XAP,Approved,-2447,Cash through the bank,XAP,Other_B,New,Mobile,POS,XNA,Country-wide,61,Connectivity,8.0,low_normal,POS mobile with interest,365243.0,-2416.0,-2206.0,-2206.0,-2200.0,1.0,0,Revolving loans,M,Y,Y,2,675000.0,810000.0,40500.0,810000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.009175,-14512,-3728,-8596.0,-5046,6.0,1,1,0,1,1,0,Laborers,4.0,2,2,TUESDAY,11,0,1,1,0,1,1,Industry: type 9,0.2383546141223638,0.5647040144941721,0.5656079814115492,0.1258,0.1163,0.9757,0.6668,0.0107,0.0,0.2069,0.1667,0.2083,0.0868,0.1017,0.1018,0.0039,0.0074,0.1282,0.1207,0.9757,0.6798,0.0108,0.0,0.2069,0.1667,0.2083,0.0888,0.1111,0.106,0.0039,0.0078,0.127,0.1163,0.9757,0.6713,0.0108,0.0,0.2069,0.1667,0.2083,0.0883,0.1035,0.1036,0.0039,0.0075,reg oper account,block of flats,0.0875,Panel,No,0.0,0.0,0.0,0.0,0.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,1.0,3.0 +2645896,448890,Cash loans,49630.5,1800000.0,1800000.0,,1800000.0,MONDAY,14,Y,1,,,,Repairs,Refused,-170,XNA,VERIF,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,Y,Y,0,382500.0,805536.0,36531.0,720000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.010276,-19642,-653,-2585.0,-1212,6.0,1,1,0,1,0,0,,2.0,2,2,THURSDAY,15,0,0,0,0,1,1,Business Entity Type 3,0.6711216804821559,0.6247303486315581,0.6263042766749393,0.0897,0.1105,0.9836,0.7756,0.0119,0.0,0.2069,0.1667,0.1667,0.0225,0.0731,0.0901,0.0,0.3261,0.0914,0.1146,0.9836,0.7844,0.012,0.0,0.2069,0.1667,0.1667,0.023,0.0799,0.0939,0.0,0.3452,0.0906,0.1105,0.9836,0.7786,0.012,0.0,0.2069,0.1667,0.1667,0.0229,0.0744,0.0918,0.0,0.3329,reg oper account,block of flats,0.0774,Panel,No,0.0,0.0,0.0,0.0,-171.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1444072,369515,Cash loans,17521.47,202500.0,281695.5,,202500.0,THURSDAY,16,Y,1,,,,XNA,Refused,-1370,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,N,0,216000.0,271957.5,20461.5,252000.0,Unaccompanied,Commercial associate,Higher education,Married,With parents,0.016612000000000002,-12292,-494,-3535.0,-3983,,1,1,0,1,0,1,Sales staff,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Trade: type 7,0.2686021309809391,0.40614623033181385,0.3185955240537633,0.066,0.0,0.9722,0.6192,0.0073,0.0,0.1379,0.1667,0.2083,0.0073,0.0496,0.0631,0.0193,0.0239,0.0672,0.0,0.9722,0.6341,0.0074,0.0,0.1379,0.1667,0.2083,0.0074,0.0542,0.0657,0.0195,0.0253,0.0666,0.0,0.9722,0.6243,0.0074,0.0,0.1379,0.1667,0.2083,0.0074,0.0504,0.0642,0.0194,0.0244,reg oper account,block of flats,0.0536,"Stone, brick",No,0.0,0.0,0.0,0.0,-1370.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2099966,134797,Consumer loans,7205.985,37674.0,39663.0,0.0,37674.0,FRIDAY,13,Y,1,0.0,,,XAP,Approved,-689,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Regional / Local,20,Consumer electronics,6.0,middle,POS household with interest,365243.0,-658.0,-508.0,-508.0,-505.0,0.0,0,Cash loans,M,Y,Y,3,157500.0,720000.0,23796.0,720000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.015221,-13732,-791,-3372.0,-655,28.0,1,1,1,1,1,0,Laborers,5.0,2,2,MONDAY,9,0,0,0,0,1,1,Business Entity Type 3,0.589919698906854,0.4102349160312975,0.36896873825284665,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-577.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2628238,102373,Consumer loans,7992.495,44955.0,48118.5,0.0,44955.0,FRIDAY,11,Y,1,0.0,,,XAP,Approved,-362,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,60,Connectivity,8.0,high,POS mobile with interest,365243.0,-319.0,-109.0,-199.0,-192.0,0.0,0,Cash loans,M,Y,Y,2,202500.0,640080.0,29970.0,450000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.010276,-10505,-796,-4651.0,-3178,3.0,1,1,0,1,0,0,Managers,4.0,2,2,WEDNESDAY,17,0,0,0,0,1,1,Police,,0.4037592228178608,0.5406544504453575,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2360133,155331,Consumer loans,4462.065,28822.5,36697.5,0.0,28822.5,WEDNESDAY,12,Y,1,0.0,,,XAP,Approved,-623,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,42,Connectivity,12.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,N,0,135000.0,743031.0,39717.0,688500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-15799,-1044,-6872.0,-4837,,1,1,0,1,0,0,Cooking staff,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,School,0.6213536980028763,0.010240793836069744,0.6610235391308081,0.0804,0.0821,0.9886,0.8436,0.0395,0.0,0.1724,0.1667,0.2083,0.0965,0.0656,0.0762,0.0,0.0,0.0819,0.0852,0.9886,0.8497,0.0399,0.0,0.1724,0.1667,0.2083,0.0988,0.0716,0.0794,0.0,0.0,0.0812,0.0821,0.9886,0.8457,0.0398,0.0,0.1724,0.1667,0.2083,0.0982,0.0667,0.0776,0.0,0.0,reg oper account,block of flats,0.0816,"Stone, brick",No,2.0,1.0,2.0,1.0,-1338.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2641988,215032,Cash loans,21357.72,315000.0,349096.5,,315000.0,MONDAY,7,Y,1,,,,XNA,Approved,-329,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),40,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-299.0,391.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,0,135000.0,1200744.0,38866.5,1048500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.020713,-21202,365243,-10287.0,-4575,27.0,1,0,0,1,0,0,,2.0,3,3,MONDAY,10,0,0,0,0,0,0,XNA,,0.5202238244803045,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,2.0,5.0,2.0,-1106.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1690345,206512,Revolving loans,2250.0,0.0,45000.0,,,TUESDAY,8,Y,1,,,,XAP,Approved,-841,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-697.0,-666.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,135000.0,1256400.0,36864.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-20559,-2078,-11832.0,-4075,,1,1,0,1,0,0,Managers,2.0,2,2,WEDNESDAY,7,0,0,0,0,1,1,Military,,0.5383042912596424,0.7421816117614419,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1169.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2363051,417032,Revolving loans,3375.0,0.0,67500.0,,,FRIDAY,9,Y,1,,,,XAP,Approved,-2138,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,25,Connectivity,0.0,XNA,Card X-Sell,-2133.0,-2081.0,365243.0,-835.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,184500.0,254700.0,27153.0,225000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.00733,-12298,-1200,-6375.0,-4604,8.0,1,1,0,1,0,0,Drivers,2.0,2,2,MONDAY,12,0,1,1,0,0,0,Construction,,0.07798498265549733,0.5884877883422673,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-822.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2333238,314145,Consumer loans,17063.415,168736.5,147352.5,31500.0,168736.5,FRIDAY,15,Y,1,0.1918137215658917,,,XAP,Approved,-2318,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Stone,93,Consumer electronics,10.0,middle,POS household with interest,365243.0,-2287.0,-2017.0,-2047.0,-2043.0,1.0,0,Cash loans,F,N,Y,1,135000.0,295254.0,14332.5,211500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.018801,-14927,-3527,-1675.0,-4201,,1,1,0,1,0,0,Core staff,3.0,2,2,SATURDAY,11,0,0,0,0,0,0,Government,0.6800543573627678,0.587216231658001,0.4206109640437848,0.1536,0.1349,0.9841,,,0.0,0.3448,0.1667,,0.139,,0.1261,,0.0,0.1565,0.14,0.9841,,,0.0,0.3448,0.1667,,0.1422,,0.1314,,0.0,0.1551,0.1349,0.9841,,,0.0,0.3448,0.1667,,0.1415,,0.1284,,0.0,,block of flats,0.1104,Panel,No,0.0,0.0,0.0,0.0,-2318.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,1.0,0.0,0.0 +2333486,352843,Consumer loans,3437.28,27778.5,25200.0,4500.0,27778.5,SATURDAY,6,Y,1,0.16501377410468313,,,XAP,Approved,-1917,Cash through the bank,XAP,,New,Mobile,POS,XNA,Stone,39,Connectivity,10.0,high,POS mobile with interest,365243.0,-1869.0,-1599.0,-1599.0,-1594.0,0.0,0,Cash loans,F,N,N,2,135000.0,1350000.0,39474.0,1350000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018029,-10520,-2789,-5218.0,-3157,,1,1,1,1,1,0,,4.0,3,3,MONDAY,6,0,0,0,0,0,0,Security Ministries,,0.6613679223106518,0.4206109640437848,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1917.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1471536,359810,Cash loans,8808.525,103500.0,113746.5,,103500.0,TUESDAY,9,Y,1,,,,XNA,Approved,-1436,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,18.0,middle,Cash X-Sell: middle,365243.0,-1406.0,-896.0,-896.0,-878.0,1.0,0,Cash loans,F,N,Y,0,103500.0,284400.0,16011.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.009334,-24068,-2693,-4333.0,-4368,,1,1,0,1,0,0,Laborers,1.0,2,2,WEDNESDAY,10,0,0,0,0,1,1,Other,0.7812963397428149,0.40843200534102897,0.622922000268356,0.0082,0.0,0.9727,0.626,0.001,0.0,0.0345,0.0417,0.0417,0.0044,0.0067,0.0075,0.0,0.0,0.0084,0.0,0.9727,0.6406,0.001,0.0,0.0345,0.0417,0.0417,0.0045,0.0073,0.0078,0.0,0.0,0.0083,0.0,0.9727,0.631,0.001,0.0,0.0345,0.0417,0.0417,0.0045,0.0068,0.0076,0.0,0.0,reg oper account,block of flats,0.0064,Block,No,6.0,0.0,6.0,0.0,-1436.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +2511791,271908,Cash loans,16978.905,180000.0,197820.0,0.0,180000.0,WEDNESDAY,7,Y,1,0.0,,,XNA,Approved,-1954,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,365243.0,-1924.0,-1414.0,-1684.0,-1677.0,1.0,0,Cash loans,F,N,N,0,270000.0,288000.0,10471.5,288000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.028663,-22116,365243,-4455.0,-4538,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,XNA,,0.4374779422100972,0.7091891096653581,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1634691,208565,Revolving loans,45000.0,0.0,900000.0,,,MONDAY,11,Y,1,,,,XAP,Approved,-410,XNA,XAP,,Refreshed,XNA,Cards,x-sell,Country-wide,400,Consumer electronics,0.0,XNA,Card X-Sell,-377.0,-332.0,365243.0,-240.0,365243.0,0.0,0,Cash loans,F,N,Y,0,175500.0,770292.0,30676.5,688500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020713,-20124,365243,-4644.0,-3372,,1,0,0,1,0,0,,2.0,3,2,FRIDAY,14,0,0,0,0,0,0,XNA,,0.6701797807308728,0.3723336657058204,0.1907,0.1309,0.9851,0.7959999999999999,0.0491,0.2,0.1724,0.3333,0.375,0.1053,0.1555,0.2029,0.0,0.0,0.1943,0.1358,0.9851,0.804,0.0495,0.2014,0.1724,0.3333,0.375,0.1077,0.1699,0.2114,0.0,0.0,0.1926,0.1309,0.9851,0.7987,0.0494,0.2,0.1724,0.3333,0.375,0.1072,0.1582,0.2065,0.0,0.0,reg oper spec account,block of flats,0.1864,Panel,No,0.0,0.0,0.0,0.0,-410.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2835957,166307,Cash loans,35198.1,360000.0,360000.0,,360000.0,THURSDAY,14,Y,1,,,,XNA,Approved,-1699,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-1669.0,-1339.0,-1339.0,-1331.0,1.0,0,Cash loans,F,Y,N,1,270000.0,999121.5,48195.0,877500.0,Family,Commercial associate,Higher education,Married,House / apartment,0.072508,-14543,-4830,-8439.0,-5306,9.0,1,1,0,1,1,0,Accountants,3.0,1,1,TUESDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.6503364581888843,0.7157853316000204,0.4830501881366946,0.3948,0.1974,0.9821,0.762,0.1506,0.48,0.2069,0.625,0.6667,0.1136,0.3219,0.4858,0.0,0.0038,0.4023,0.2044,0.9826,0.7713,0.152,0.4834,0.2069,0.625,0.6667,0.0,0.3517,0.5048,0.0,0.0,0.3987,0.1973,0.9826,0.7652,0.1515,0.48,0.2069,0.625,0.6667,0.0425,0.3275,0.4945,0.0,0.0051,org spec account,block of flats,0.3821,Panel,No,0.0,0.0,0.0,0.0,-2335.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2096441,282062,Cash loans,17079.255,135000.0,143910.0,,135000.0,FRIDAY,11,Y,1,,,,Buying a used car,Approved,-564,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Country-wide,165,Connectivity,12.0,high,Cash Street: high,365243.0,-534.0,-204.0,-204.0,-198.0,1.0,0,Cash loans,F,N,Y,2,202500.0,436032.0,34578.0,360000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.018634,-10766,-954,-3868.0,-1166,,1,1,0,1,0,0,,4.0,2,2,TUESDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.31202202739545204,0.3483594726328587,0.28961123838200553,0.0639,0.0375,0.9747,0.6532,0.0051,0.0,0.1034,0.1667,0.2083,0.0329,0.0521,0.0537,0.0,0.0,0.0651,0.0389,0.9747,0.6668,0.0052,0.0,0.1034,0.1667,0.2083,0.0336,0.0569,0.056,0.0,0.0,0.0645,0.0375,0.9747,0.6578,0.0052,0.0,0.1034,0.1667,0.2083,0.0334,0.053,0.0547,0.0,0.0,,block of flats,0.0451,"Stone, brick",No,5.0,1.0,5.0,1.0,-355.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1589034,227397,Consumer loans,5483.475,59431.5,53487.0,5944.5,59431.5,FRIDAY,19,Y,1,0.10893382985606803,,,XAP,Approved,-754,Cash through the bank,XAP,Family,Refreshed,Computers,POS,XNA,Regional / Local,304,Consumer electronics,12.0,middle,POS household with interest,365243.0,-710.0,-380.0,-680.0,-674.0,0.0,0,Cash loans,F,N,Y,0,270000.0,472500.0,17100.0,472500.0,Family,Pensioner,Higher education,Married,House / apartment,0.026392000000000002,-19038,365243,-9245.0,-1679,,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,XNA,,0.6332115224296526,0.4525335592581747,0.0371,0.0335,0.9677,,,0.0,0.1034,0.0833,,0.0332,,0.0315,,0.0009,0.0378,0.0347,0.9677,,,0.0,0.1034,0.0833,,0.0339,,0.0328,,0.001,0.0375,0.0335,0.9677,,,0.0,0.1034,0.0833,,0.0337,,0.032,,0.001,,block of flats,0.0286,"Stone, brick",No,5.0,1.0,5.0,1.0,-2216.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1058257,283894,Cash loans,15831.675,360000.0,443160.0,,360000.0,THURSDAY,8,Y,1,,,,XNA,Approved,-557,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,20,Connectivity,60.0,middle,Cash X-Sell: middle,365243.0,-527.0,1243.0,365243.0,365243.0,1.0,1,Cash loans,F,N,Y,0,90000.0,107820.0,4878.0,90000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-20696,365243,-8216.0,-938,,1,0,0,1,0,0,,2.0,2,2,MONDAY,8,0,0,0,0,0,0,XNA,,0.06654823565037847,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-186.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1044122,219288,Cash loans,49811.13,1350000.0,1811313.0,,1350000.0,MONDAY,7,Y,1,,,,Urgent needs,Refused,-228,Cash through the bank,HC,"Spouse, partner",Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,N,1,135000.0,599472.0,24196.5,517500.0,Unaccompanied,Working,Higher education,Married,Municipal apartment,0.010032,-15502,-2104,-9405.0,-5204,,1,1,0,1,0,0,Core staff,3.0,2,2,FRIDAY,9,0,0,0,0,0,0,Transport: type 1,,0.6710154519449951,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1732.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2171851,217702,Cash loans,28028.565,360000.0,399915.0,0.0,360000.0,THURSDAY,11,Y,1,0.0,,,XNA,Refused,-1955,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,Y,0,225000.0,360000.0,28570.5,360000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.028663,-22100,-14247,-10496.0,-4345,,1,1,0,1,0,0,Medicine staff,1.0,2,2,SATURDAY,14,0,0,0,0,1,1,Medicine,,0.4073546045527177,0.14734591802757252,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2249683,151157,Consumer loans,13211.055,116428.5,130180.5,0.0,116428.5,SATURDAY,18,Y,1,0.0,,,XAP,Approved,-1118,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,951,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1087.0,-757.0,-1057.0,-1053.0,0.0,0,Cash loans,M,Y,Y,0,247500.0,573408.0,32148.0,495000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.009334,-19568,-5005,-6057.0,-3011,3.0,1,1,0,1,0,0,Managers,2.0,2,2,THURSDAY,18,0,0,0,0,0,0,Trade: type 7,0.4763218131767635,0.6409872217922984,0.2458512138252296,0.1227,0.0,0.9806,0.7348,0.0163,0.0,0.2759,0.1667,0.2083,0.024,0.1,0.114,0.0,0.0,0.125,0.0,0.9806,0.7452,0.0164,0.0,0.2759,0.1667,0.2083,0.0245,0.1093,0.1188,0.0,0.0,0.1239,0.0,0.9806,0.7383,0.0164,0.0,0.2759,0.1667,0.2083,0.0244,0.1018,0.1161,0.0,0.0,org spec account,block of flats,0.0986,Panel,No,0.0,0.0,0.0,0.0,-1575.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1984374,314237,Consumer loans,4875.12,39321.0,38326.5,3915.0,39321.0,WEDNESDAY,18,Y,1,0.10093843516662307,,,XAP,Approved,-1134,Cash through the bank,XAP,,New,Photo / Cinema Equipment,POS,XNA,Country-wide,30,Connectivity,10.0,high,POS mobile with interest,365243.0,-1097.0,-827.0,-827.0,-822.0,0.0,0,Cash loans,M,Y,Y,0,108000.0,1185282.0,34654.5,1035000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00733,-14856,-1089,-8494.0,-2948,16.0,1,1,0,1,0,0,Drivers,2.0,2,2,WEDNESDAY,16,0,0,0,0,1,1,Business Entity Type 1,,0.2706911563784457,0.520897599048938,0.0216,0.077,0.9851,0.7959999999999999,0.1059,0.0,0.1379,0.0833,0.0417,0.0485,0.0177,0.0369,0.0,0.0,0.0221,0.0799,0.9851,0.804,0.1069,0.0,0.1379,0.0833,0.0417,0.0497,0.0193,0.0384,0.0,0.0,0.0219,0.077,0.9851,0.7987,0.1066,0.0,0.1379,0.0833,0.0417,0.0494,0.018000000000000002,0.0376,0.0,0.0,reg oper spec account,block of flats,0.0579,"Stone, brick",No,0.0,0.0,0.0,0.0,-1134.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1618891,406507,Consumer loans,5274.585,29160.0,27630.0,2916.0,29160.0,FRIDAY,15,Y,1,0.10396742915305084,,,XAP,Approved,-1085,Cash through the bank,XAP,Family,Refreshed,Furniture,POS,XNA,Country-wide,1663,Furniture,6.0,middle,POS industry with interest,365243.0,-1054.0,-904.0,-904.0,-901.0,0.0,0,Cash loans,M,Y,Y,1,427500.0,1762110.0,48456.0,1575000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-14823,-2084,-8805.0,-5399,6.0,1,1,1,1,1,0,,3.0,1,1,FRIDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.753111431089402,0.511891801533151,0.0423,0.0,0.9732,0.6328,0.005,0.0,0.1034,0.125,0.1667,0.0332,0.0345,0.0409,0.0,0.0,0.0431,0.0,0.9732,0.6472,0.0051,0.0,0.1034,0.125,0.1667,0.034,0.0376,0.0426,0.0,0.0,0.0427,0.0,0.9732,0.6377,0.005,0.0,0.1034,0.125,0.1667,0.0338,0.0351,0.0416,0.0,0.0,reg oper account,block of flats,0.0344,"Stone, brick",No,0.0,0.0,0.0,0.0,-1085.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1463355,392794,Consumer loans,8362.305,71716.5,73872.0,4500.0,71716.5,SUNDAY,10,Y,1,0.06253392909341463,,,XAP,Approved,-2005,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Stone,142,Consumer electronics,12.0,high,POS household with interest,365243.0,-1974.0,-1644.0,-1644.0,-1641.0,0.0,1,Cash loans,M,N,Y,0,112500.0,665892.0,19597.5,477000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-19537,365243,-7012.0,-3101,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,XNA,,0.13794641331924326,0.6706517530862718,0.0175,,0.9593,,,,0.069,0.0417,,0.0178,,0.0095,,,0.0179,,0.9593,,,,0.069,0.0417,,0.0182,,0.0099,,,0.0177,,0.9593,,,,0.069,0.0417,,0.0181,,0.0097,,,,block of flats,0.0079,,No,6.0,0.0,6.0,0.0,-2005.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,3.0 +1912335,449664,Consumer loans,11888.955,125574.75,113013.0,12561.75,125574.75,SATURDAY,14,Y,1,0.108946167340749,,,XAP,Refused,-2310,Cash through the bank,SCO,Children,Repeater,Computers,POS,XNA,Regional / Local,260,Consumer electronics,12.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,157500.0,584775.0,55651.5,562500.0,Children,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.032561,-15808,-3934,-9892.0,-4376,,1,1,0,1,0,0,Sales staff,1.0,1,1,SATURDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.6837640071130214,0.8825303127941461,0.1969,,0.9801,,,0.2132,0.1838,0.3333,,0.1398,,0.2005,,0.0049,0.188,,0.9801,,,0.2014,0.1724,0.3333,,0.1276,,0.1936,,0.0029,0.1863,,0.9801,,,0.2,0.1724,0.3333,,0.1371,,0.1893,,0.0032,,block of flats,0.1939,Panel,No,0.0,0.0,0.0,0.0,-1812.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,13.0,0.0,0.0 +2100681,273530,Consumer loans,6432.705,57555.0,56826.0,5850.0,57555.0,TUESDAY,14,Y,1,0.10165265521382692,,,XAP,Approved,-1556,Cash through the bank,XAP,Unaccompanied,Refreshed,Consumer Electronics,POS,XNA,Country-wide,160,Consumer electronics,12.0,high,POS household with interest,365243.0,-1525.0,-1195.0,-1225.0,-1221.0,0.0,0,Cash loans,M,Y,N,0,202500.0,225000.0,24363.0,225000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-12793,-3881,-6758.0,-3948,17.0,1,1,1,1,1,0,Laborers,2.0,2,2,THURSDAY,17,0,0,0,0,1,1,Industry: type 2,,0.6720139387554306,0.8016009030071296,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1556.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2807491,410584,Consumer loans,3480.75,18360.0,17343.0,1836.0,18360.0,MONDAY,5,Y,1,0.10425835075295416,,,XAP,Approved,-2364,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,94,Connectivity,6.0,high,POS mobile with interest,365243.0,-2333.0,-2183.0,-2183.0,-2176.0,1.0,0,Cash loans,F,N,N,2,360000.0,1247121.0,36463.5,1089000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.008068,-17923,-1362,-5457.0,-1464,,1,1,0,1,0,0,Sales staff,3.0,3,3,FRIDAY,13,0,0,0,0,0,0,Self-employed,,0.31478468788234193,0.4014074137749511,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1849.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1926573,346029,Cash loans,27942.03,283500.0,298845.0,,283500.0,THURSDAY,16,Y,1,,,,XNA,Approved,-432,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-402.0,-72.0,-252.0,-247.0,1.0,0,Cash loans,F,N,Y,2,315000.0,732915.0,83020.5,675000.0,Family,State servant,Higher education,Married,House / apartment,0.003069,-14050,-1175,-2982.0,-3021,,1,1,0,1,0,0,Managers,4.0,3,3,TUESDAY,11,0,0,0,0,1,1,Kindergarten,0.5466586259487576,0.7126072663643852,0.5334816299804352,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1446.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +1747956,404906,Consumer loans,23140.08,252621.0,252621.0,0.0,252621.0,WEDNESDAY,7,Y,1,0.0,,,XAP,Approved,-1401,XNA,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Regional / Local,142,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-1370.0,-1040.0,-1040.0,-1033.0,0.0,0,Cash loans,F,N,Y,0,225000.0,1236816.0,36292.5,1080000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.020713,-13778,-2720,-5391.0,-4306,,1,1,0,1,0,0,Sales staff,2.0,3,1,THURSDAY,11,0,0,0,0,0,0,Self-employed,,0.06682452298161075,0.28371188263500075,0.3588,0.1065,0.9816,0.7484,0.0533,0.08,0.069,0.3333,0.0417,0.0451,0.2917,0.1317,0.0039,0.0024,0.3655,0.1106,0.9816,0.7583,0.0538,0.0806,0.069,0.3333,0.0417,0.0461,0.3186,0.1372,0.0039,0.0025,0.3622,0.1065,0.9816,0.7518,0.0537,0.08,0.069,0.3333,0.0417,0.0459,0.2967,0.134,0.0039,0.0024,reg oper account,block of flats,0.1041,Panel,No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1280448,393492,Consumer loans,5034.24,46210.5,24885.0,22500.0,46210.5,FRIDAY,17,Y,1,0.5171371838038504,,,XAP,Approved,-2300,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,26,Connectivity,6.0,high,POS mobile with interest,365243.0,-2269.0,-2119.0,-2119.0,-2116.0,0.0,0,Cash loans,F,N,Y,1,288000.0,799299.0,33993.0,702000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.016612000000000002,-13384,-1533,-515.0,-4497,,1,1,0,1,0,1,Accountants,3.0,2,2,TUESDAY,10,0,0,0,0,0,0,Self-employed,0.6506138004930104,0.6377249192237145,0.6263042766749393,0.1278,0.06,0.9796,0.7212,0.0778,0.08,0.069,0.3333,0.375,0.0619,0.1034,0.1259,0.0039,0.0031,0.1303,0.0623,0.9796,0.7321,0.0785,0.0806,0.069,0.3333,0.375,0.0633,0.1129,0.1312,0.0039,0.0033,0.1291,0.06,0.9796,0.7249,0.0783,0.08,0.069,0.3333,0.375,0.063,0.1052,0.1282,0.0039,0.0032,reg oper account,block of flats,0.1423,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2222429,132824,Cash loans,28820.655,225000.0,271611.0,,225000.0,SATURDAY,11,Y,1,,,,Building a house or an annex,Refused,-446,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,middle,Cash Street: middle,,,,,,,1,Cash loans,M,Y,Y,0,450000.0,710640.0,76531.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.019101,-11039,-1507,-5153.0,-3688,2.0,1,1,0,1,1,0,Managers,1.0,2,2,THURSDAY,10,0,0,0,0,1,1,Self-employed,0.2748291374983458,0.5044791512009201,0.5585066276769286,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1697.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1077106,219143,Cash loans,48241.845,450000.0,470790.0,,450000.0,MONDAY,13,Y,1,,,,XNA,Approved,-912,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Country-wide,19,Consumer electronics,12.0,middle,Cash Street: middle,365243.0,-881.0,-551.0,-551.0,-542.0,0.0,1,Cash loans,M,Y,N,0,270000.0,406597.5,24700.5,351000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.025164,-20597,-2221,-971.0,-2049,9.0,1,1,0,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,9,0,0,0,1,1,0,Other,,0.5919995316273521,0.3201633668633456,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1744.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1488439,170322,Cash loans,63398.79,778500.0,818577.0,,778500.0,SATURDAY,10,Y,1,,,,XNA,Approved,-360,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-330.0,180.0,365243.0,365243.0,1.0,0,Revolving loans,M,N,Y,0,203850.0,675000.0,33750.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0228,-15564,-846,-831.0,-831,,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Self-employed,0.4499055663210975,0.5076986640501407,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2351.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1744309,145104,Consumer loans,7485.975,64341.0,71136.0,0.0,64341.0,THURSDAY,15,Y,1,0.0,,,XAP,Approved,-620,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,2170,Consumer electronics,12.0,middle,POS household with interest,365243.0,-588.0,-258.0,-348.0,-337.0,0.0,0,Cash loans,F,N,Y,1,180000.0,1828170.0,63675.0,1669500.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.010276,-13857,-1273,-4534.0,-4556,,1,1,0,1,0,1,Accountants,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Self-employed,0.6136288331850286,0.5316075381117786,0.5814837058057234,0.0825,0.1182,0.9901,,,0.0,0.1379,0.1667,,0.0,,0.0908,,0.1248,0.084,0.1226,0.9901,,,0.0,0.1379,0.1667,,0.0,,0.0946,,0.1321,0.0833,0.1182,0.9901,,,0.0,0.1379,0.1667,,0.0,,0.0924,,0.1274,,block of flats,0.0985,Panel,No,0.0,0.0,0.0,0.0,-620.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1634992,256578,Cash loans,35613.0,1350000.0,1350000.0,,1350000.0,TUESDAY,15,Y,1,,,,XNA,Approved,-685,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),3,XNA,60.0,low_action,Cash X-Sell: low,365243.0,-655.0,1115.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,85500.0,684657.0,22216.5,571500.0,Family,Working,Secondary / secondary special,Married,Office apartment,0.031329,-21904,-3586,-8581.0,-2146,3.0,1,1,0,1,0,0,Core staff,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Medicine,,0.5761277191235533,0.5406544504453575,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-2192.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1646487,361596,Cash loans,11385.18,90000.0,95940.0,,90000.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-876,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-846.0,-516.0,-576.0,-571.0,1.0,0,Cash loans,F,N,N,2,90000.0,225000.0,22837.5,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.009175,-12094,-553,-3900.0,-2920,,1,1,0,1,0,0,Sales staff,4.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.4901966378694064,0.6019638880948592,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-23.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +1087740,375754,Consumer loans,4466.925,37669.5,37255.5,3771.0,37669.5,FRIDAY,11,Y,1,0.10010509836768476,,,XAP,Approved,-2159,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,34,Connectivity,12.0,high,POS mobile with interest,365243.0,-2128.0,-1798.0,-1798.0,-1793.0,0.0,0,Cash loans,F,N,N,0,112500.0,219870.0,9814.5,157500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.002134,-18915,-7705,-10919.0,-2417,,1,1,0,1,0,0,Core staff,2.0,3,3,MONDAY,13,0,0,0,0,0,0,Kindergarten,,0.007939974371904343,0.5064842396679806,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-1723.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2544306,295972,Cash loans,11251.215,135000.0,152820.0,0.0,135000.0,TUESDAY,11,Y,1,0.0,,,XNA,Refused,-1623,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,high,Cash X-Sell: high,,,,,,,1,Cash loans,F,N,Y,0,135000.0,545040.0,20677.5,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.008473999999999999,-21848,365243,-1175.0,-4655,,1,0,0,1,0,0,,2.0,2,2,MONDAY,10,0,0,0,0,0,0,XNA,,0.08115241883639923,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1623.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1543982,133817,Consumer loans,2661.93,23017.5,25965.0,0.0,23017.5,MONDAY,15,Y,1,0.0,,,XAP,Approved,-584,Cash through the bank,XAP,,New,Computers,POS,XNA,Regional / Local,16,Connectivity,12.0,middle,POS household with interest,365243.0,-553.0,-223.0,-373.0,-368.0,0.0,0,Cash loans,F,N,Y,3,112500.0,900000.0,26446.5,900000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.005084,-9949,-1497,-1527.0,-2598,,1,1,0,1,0,0,Core staff,5.0,2,2,THURSDAY,12,0,0,0,0,0,0,Kindergarten,,0.6326170948766096,0.17560597946937906,0.1649,,0.9752,,,,0.1034,0.1667,,,,0.0588,,0.0394,0.1681,,0.9752,,,,0.1034,0.1667,,,,0.0612,,0.0417,0.1665,,0.9752,,,,0.1034,0.1667,,,,0.0598,,0.0402,,block of flats,0.0465,"Stone, brick",No,0.0,0.0,0.0,0.0,-584.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2424802,281688,Cash loans,12113.415,112500.0,119925.0,,112500.0,FRIDAY,10,Y,1,,,,XNA,Approved,-798,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),100,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-768.0,-438.0,-588.0,-578.0,1.0,0,Cash loans,F,N,Y,0,72000.0,314100.0,13437.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-16246,-1567,-8207.0,-4230,,1,1,1,1,1,0,Laborers,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,Industry: type 3,0.7216681936182743,0.667069238633848,0.6109913280868294,0.0206,0.0409,0.9781,0.7008,0.0129,0.0,0.069,0.0417,0.0833,0.0132,0.0168,0.009000000000000001,0.0,0.0093,0.021,0.0425,0.9782,0.7125,0.013,0.0,0.069,0.0417,0.0833,0.0135,0.0184,0.0094,0.0,0.0098,0.0208,0.0409,0.9781,0.7048,0.013,0.0,0.069,0.0417,0.0833,0.0134,0.0171,0.0092,0.0,0.0095,reg oper account,block of flats,0.0108,"Stone, brick",No,0.0,0.0,0.0,0.0,-1922.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1469386,323111,Cash loans,5424.93,45000.0,47970.0,0.0,45000.0,SATURDAY,14,Y,1,0.0,,,XNA,Approved,-2143,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,high,Cash Street: high,365243.0,-2113.0,-1783.0,-1843.0,-1841.0,1.0,0,Cash loans,M,N,Y,0,450000.0,568197.0,45022.5,490500.0,Unaccompanied,State servant,Secondary / secondary special,Married,Office apartment,0.006233,-12392,-4466,-1247.0,-3684,,1,1,0,1,0,0,Laborers,2.0,2,2,SUNDAY,10,0,0,0,0,0,0,Military,,0.769587386227396,0.2458512138252296,0.0732,0.0,0.9836,,,0.08,0.069,0.3333,,0.0233,,0.0668,,0.0383,0.0746,0.0,0.9836,,,0.0806,0.069,0.3333,,0.0238,,0.0696,,0.0405,0.0739,0.0,0.9836,,,0.08,0.069,0.3333,,0.0237,,0.068,,0.0391,,block of flats,0.0625,Panel,No,6.0,0.0,6.0,0.0,-1814.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2102330,371395,Consumer loans,20728.08,186520.5,203017.5,0.0,186520.5,SATURDAY,3,Y,1,0.0,,,XAP,Approved,-2152,XNA,XAP,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Regional / Local,1150,Consumer electronics,12.0,middle,POS household with interest,365243.0,-2121.0,-1791.0,-1971.0,-1969.0,0.0,0,Cash loans,M,N,N,0,144000.0,781920.0,41400.0,675000.0,Unaccompanied,Pensioner,Higher education,Married,Municipal apartment,0.010032,-22716,365243,-5474.0,-5486,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,3,0,0,0,0,0,0,XNA,,0.28149858818063617,,0.0371,0.0,0.9732,0.6328,0.003,0.0,0.1034,0.0833,0.125,0.0035,0.0303,0.0306,0.0,0.0,0.0378,0.0,0.9732,0.6472,0.003,0.0,0.1034,0.0833,0.125,0.0036,0.0331,0.0319,0.0,0.0,0.0375,0.0,0.9732,0.6377,0.003,0.0,0.1034,0.0833,0.125,0.0036,0.0308,0.0311,0.0,0.0,not specified,block of flats,0.0258,"Stone, brick",No,0.0,0.0,0.0,0.0,-1685.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1168802,412316,Revolving loans,11250.0,225000.0,225000.0,0.0,225000.0,WEDNESDAY,21,Y,1,0.0,,,XAP,Refused,-463,XNA,SCOFR,,Repeater,XNA,Cards,walk-in,Country-wide,78,Connectivity,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,Y,Y,0,225000.0,545040.0,35617.5,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.032561,-11008,-601,-5838.0,-3227,17.0,1,1,0,1,1,1,Managers,2.0,1,1,THURSDAY,20,0,0,0,0,0,0,Trade: type 1,,0.7215812841261416,0.10278201441992896,0.3763,0.2405,0.9851,0.7959999999999999,,0.48,0.2069,0.4583,,0.096,,0.4185,,,0.3834,0.2495,0.9851,0.804,,0.4834,0.2069,0.4583,,0.0982,,0.4349,,,0.3799,0.2405,0.9851,0.7987,,0.48,0.2069,0.4583,,0.0977,,0.426,,,reg oper account,block of flats,0.33,Panel,No,1.0,0.0,1.0,0.0,-1543.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2688925,124373,Consumer loans,2020.05,21105.0,27778.5,0.0,21105.0,TUESDAY,14,Y,1,0.0,,,XAP,Refused,-1007,Cash through the bank,HC,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,150,Consumer electronics,18.0,middle,POS household with interest,,,,,,,0,Cash loans,M,N,Y,0,180000.0,808650.0,26217.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.025164,-16138,-5261,-7195.0,-4095,,1,1,0,1,0,0,,1.0,2,2,MONDAY,10,0,0,0,0,0,0,Business Entity Type 2,,0.16219210595922867,0.5136937663039473,0.0,,0.0,,,0.0,,,,,,,,,0.0,,0.0005,,,0.0,,,,,,,,,0.0,,0.0,,,0.0,,,,,,,,,,block of flats,0.0,,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2817756,398938,Consumer loans,8909.1,89100.0,80190.0,8910.0,89100.0,TUESDAY,15,Y,1,0.1089090909090909,,,XAP,Approved,-2808,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Stone,444,Furniture,10.0,low_normal,POS industry without interest,365243.0,-2774.0,-2504.0,-2504.0,-2502.0,0.0,0,Cash loans,F,N,Y,0,180000.0,733315.5,41076.0,679500.0,Family,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.018801,-19316,-1749,-5448.0,-2857,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.3693147164240583,0.7801436381572275,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-3314.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1797391,307417,Consumer loans,3145.815,62433.0,66933.0,0.0,62433.0,SUNDAY,16,Y,1,0.0,,,XAP,Approved,-226,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,1329,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-196.0,494.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,157500.0,272520.0,17545.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-22390,365243,-9373.0,-4746,,1,0,0,1,0,1,,2.0,2,2,TUESDAY,16,0,0,0,0,0,0,XNA,0.533192703325423,0.4668718984385903,0.5762088360175724,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-226.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2804023,230855,Consumer loans,6408.81,40050.0,36045.0,4005.0,40050.0,MONDAY,13,Y,1,0.1089090909090909,,,XAP,Approved,-1374,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,110,Furniture,6.0,low_normal,POS industry with interest,365243.0,-1342.0,-1192.0,-1192.0,-1185.0,0.0,0,Cash loans,F,N,Y,0,90000.0,203760.0,11506.5,180000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.011656999999999999,-23890,365243,-16015.0,-4278,,1,0,0,1,0,0,,1.0,1,1,WEDNESDAY,11,0,0,0,0,0,0,XNA,,0.584181041990212,0.4014074137749511,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,0.0,8.0,0.0,-2199.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1542882,415877,Consumer loans,4833.27,44955.0,44464.5,4495.5,44955.0,FRIDAY,14,Y,1,0.10000016711229943,,,XAP,Approved,-2447,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Stone,883,Consumer electronics,12.0,high,POS household with interest,365243.0,-2416.0,-2086.0,-2086.0,-2081.0,1.0,0,Cash loans,F,N,N,0,112500.0,225000.0,13045.5,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.030755,-22020,-2822,-4080.0,-4788,,1,1,0,1,0,0,,1.0,2,2,TUESDAY,14,0,0,0,0,0,0,Self-employed,0.8509852790912549,0.7067956083195205,0.7910749129911773,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1725.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1382336,165400,Consumer loans,5687.235,42615.0,22009.5,21307.5,42615.0,TUESDAY,15,Y,1,0.5357204918497253,,,XAP,Approved,-2445,Cash through the bank,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Stone,198,Consumer electronics,4.0,low_action,POS household with interest,365243.0,-2414.0,-2324.0,-2324.0,-2314.0,1.0,0,Cash loans,F,N,Y,0,99000.0,284400.0,10345.5,225000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.019688999999999998,-15951,-300,-2352.0,-4496,,1,1,0,1,0,1,High skill tech staff,2.0,2,2,THURSDAY,12,0,0,0,0,1,1,Industry: type 11,0.5861637744204574,0.5893348243463759,0.475849908720221,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2445.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,3.0 +2073802,268483,Consumer loans,18898.11,189000.0,170100.0,18900.0,189000.0,SUNDAY,12,Y,1,0.1089090909090909,,,XAP,Approved,-1586,Cash through the bank,XAP,Family,Repeater,Gardening,POS,XNA,Stone,27,Construction,10.0,low_normal,POS industry with interest,365243.0,-1545.0,-1275.0,-1275.0,-1271.0,0.0,0,Cash loans,M,Y,Y,0,112500.0,824823.0,24246.0,688500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-18816,-928,-4192.0,-2357,3.0,1,1,0,1,0,0,,2.0,2,2,THURSDAY,10,0,0,0,0,1,1,Business Entity Type 3,,0.3439447348697373,0.7281412993111438,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1887.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +1926745,165677,Consumer loans,12682.89,120177.0,118867.5,12019.5,120177.0,WEDNESDAY,9,Y,1,0.10001243959918234,,,XAP,Approved,-1748,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,36,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1716.0,-1386.0,-1386.0,-1380.0,0.0,0,Cash loans,F,N,Y,0,54000.0,188460.0,8113.5,135000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.00733,-22495,365243,-8777.0,-4795,,1,0,0,1,0,0,,1.0,2,2,MONDAY,12,0,0,0,0,0,0,XNA,0.8381386316521103,0.3345581697783551,0.8193176922872417,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1914.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2661087,409845,Consumer loans,7215.795,63530.595,63530.595,0.0,63530.595,MONDAY,11,Y,1,0.0,,,XAP,Approved,-283,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,25,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-243.0,27.0,365243.0,365243.0,0.0,0,Revolving loans,F,Y,Y,0,171000.0,405000.0,20250.0,405000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.035792000000000004,-15939,-8334,-8934.0,-4174,15.0,1,1,0,1,0,0,Managers,2.0,2,2,THURSDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.7542467749355296,0.5116114817194436,0.6144143775673561,0.0814,0.1045,0.9876,0.83,0.0425,0.0,0.2069,0.1667,0.2083,0.0392,0.0656,0.0832,0.0039,0.0034,0.083,0.1085,0.9876,0.8367,0.0429,0.0,0.2069,0.1667,0.2083,0.0401,0.0716,0.0867,0.0039,0.0036,0.0822,0.1045,0.9876,0.8323,0.0427,0.0,0.2069,0.1667,0.2083,0.0399,0.0667,0.0847,0.0039,0.0035,reg oper account,block of flats,0.0662,"Stone, brick",No,3.0,0.0,3.0,0.0,-283.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1522998,152551,Consumer loans,5988.195,66240.0,68265.0,0.0,66240.0,SATURDAY,15,Y,1,0.0,,,XAP,Approved,-340,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,1600,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-306.0,24.0,-276.0,-269.0,0.0,0,Cash loans,F,N,Y,0,202500.0,901813.5,29934.0,778500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-15293,-2203,-5321.0,-5951,,1,1,0,1,0,0,Security staff,2.0,1,1,WEDNESDAY,10,0,0,0,0,0,0,Security,0.6190821034384302,0.6521004993616054,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2503356,366138,Consumer loans,10908.0,75916.35,67500.0,8416.35,75916.35,SATURDAY,15,Y,1,0.12074039746019495,,,XAP,Approved,-1913,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,1600,Consumer electronics,8.0,high,POS household with interest,365243.0,-1882.0,-1672.0,-1672.0,-1667.0,0.0,0,Cash loans,F,N,Y,0,315000.0,675000.0,34465.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.04622,-19862,-1396,-865.0,-2810,,1,1,0,1,1,0,,2.0,1,1,MONDAY,9,0,0,0,0,0,0,Industry: type 11,0.5021397583552482,0.5643277031764917,0.6161216908872079,0.0619,0.0506,0.9757,0.6668,0.0059,0.0,0.1034,0.1667,0.2083,,0.0504,0.0505,0.0039,0.0021,0.063,0.0525,0.9757,0.6798,0.006,0.0,0.1034,0.1667,0.2083,,0.0551,0.0526,0.0039,0.0023,0.0625,0.0506,0.9757,0.6713,0.006,0.0,0.1034,0.1667,0.2083,,0.0513,0.0514,0.0039,0.0022,reg oper account,block of flats,0.0402,Panel,No,0.0,0.0,0.0,0.0,-1913.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,9.0 +2319173,404373,Cash loans,19151.1,450000.0,533160.0,,450000.0,SUNDAY,12,Y,1,,,,XNA,Refused,-1023,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),3,XNA,48.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,N,Y,1,171000.0,95940.0,10822.5,90000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-8973,-1246,-1193.0,-1641,,1,1,0,1,0,0,Laborers,3.0,3,3,MONDAY,11,0,0,0,0,0,0,Industry: type 9,0.15491442542674724,0.2160556252632609,0.5262949398096192,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1171.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2741168,315659,Consumer loans,7201.755,58441.5,62127.0,2250.0,58441.5,THURSDAY,15,Y,1,0.03806413075251325,,,XAP,Approved,-439,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,high,POS mobile with interest,365243.0,-407.0,-77.0,-77.0,-72.0,0.0,0,Cash loans,M,Y,N,1,166500.0,640080.0,31131.0,450000.0,Group of people,Working,Higher education,Married,Municipal apartment,0.009334,-8081,-610,-4615.0,-768,64.0,1,1,0,1,1,0,Laborers,3.0,2,2,TUESDAY,12,0,0,0,1,1,0,Transport: type 2,,0.3563485201446573,0.3572932680336494,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-227.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2162314,431448,Cash loans,55989.0,900000.0,900000.0,,900000.0,THURSDAY,18,Y,1,,,,XNA,Approved,-754,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,1110,Consumer electronics,30.0,high,Cash X-Sell: high,365243.0,-717.0,153.0,-567.0,-555.0,0.0,0,Cash loans,F,N,N,1,202500.0,302341.5,23886.0,261000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.009656999999999999,-11047,-986,-2541.0,-2008,,1,1,0,1,0,0,Accountants,3.0,2,2,TUESDAY,15,0,0,0,0,0,0,Self-employed,,0.5974125393013211,0.5902333386185574,0.1113,0.091,0.9896,0.8572,0.0197,0.12,0.1034,0.3333,0.375,0.0672,0.0908,0.1246,0.0,0.0496,0.1134,0.0944,0.9896,0.8628,0.0199,0.1208,0.1034,0.3333,0.375,0.0687,0.0992,0.1298,0.0,0.0525,0.1124,0.091,0.9896,0.8591,0.0199,0.12,0.1034,0.3333,0.375,0.0684,0.0923,0.1268,0.0,0.0506,reg oper spec account,block of flats,0.1245,Panel,No,7.0,1.0,7.0,0.0,-83.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +2286269,299237,Consumer loans,4702.365,104265.0,104265.0,0.0,104265.0,FRIDAY,11,Y,1,0.0,,,XAP,Approved,-1602,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,1600,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1571.0,-881.0,-881.0,-871.0,0.0,0,Cash loans,F,N,Y,0,270000.0,495801.0,34506.0,468000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.04622,-21815,365243,-10666.0,-4440,,1,0,0,1,0,0,,1.0,1,1,THURSDAY,15,0,0,0,0,0,0,XNA,,0.7052206303194024,,0.1856,0.1035,0.9856,0.8028,0.031,0.2,0.1724,0.3333,0.375,,0.1513,0.19,0.0,0.0,0.1891,0.1074,0.9856,0.8105,0.0313,0.2014,0.1724,0.3333,0.375,,0.1653,0.198,0.0,0.0,0.1874,0.1035,0.9856,0.8054,0.0312,0.2,0.1724,0.3333,0.375,,0.1539,0.1934,0.0,0.0,reg oper account,block of flats,0.1495,Panel,No,4.0,0.0,4.0,0.0,-1602.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1825256,346339,Revolving loans,9000.0,0.0,180000.0,,,SUNDAY,3,Y,1,,,,XAP,Approved,-1340,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-1335.0,-1296.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,472500.0,1258650.0,53455.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014464,-20050,-1095,-764.0,-1087,15.0,1,1,0,1,0,0,Security staff,2.0,2,2,WEDNESDAY,9,0,0,0,0,1,1,Security,0.2625335997565256,0.212404056273856,0.4776491548517548,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1891.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,1.0 +2565284,204658,Consumer loans,7960.86,104832.0,126972.0,0.0,104832.0,FRIDAY,13,Y,1,0.0,,,XAP,Approved,-344,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,3446,Consumer electronics,24.0,middle,POS household with interest,365243.0,-312.0,378.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,0,202500.0,1264500.0,36972.0,1264500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-19318,-918,-829.0,-2881,16.0,1,1,1,1,1,0,Laborers,2.0,2,2,FRIDAY,11,0,0,0,0,1,1,Construction,0.3209784751555614,0.5875236298660909,0.38079968264891495,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2671.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1921685,236716,Consumer loans,5403.465,29650.5,26500.5,3150.0,29650.5,TUESDAY,15,Y,1,0.11570247933884292,,,XAP,Approved,-1235,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,6.0,high,POS mobile with interest,,,,,,,0,Cash loans,M,Y,Y,0,202500.0,1078200.0,38200.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.032561,-11447,-1321,-5229.0,-4015,17.0,1,1,1,1,1,0,Drivers,2.0,1,1,FRIDAY,17,0,0,0,0,0,0,Business Entity Type 3,,0.5351723704327171,,0.0113,0.0228,0.9449,,,0.0,0.1724,0.1458,,,,0.0243,,0.0195,0.0,0.0236,0.9449,,,0.0,0.1724,0.125,,,,0.0,,0.0075,0.0115,0.0228,0.9449,,,0.0,0.1724,0.1458,,,,0.0247,,0.0199,,block of flats,0.0452,"Stone, brick",No,0.0,0.0,0.0,0.0,-1676.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +2088591,345741,Consumer loans,10094.895,98415.0,108805.5,0.0,98415.0,SUNDAY,11,Y,1,0.0,,,XAP,Approved,-251,Cash through the bank,XAP,Children,Repeater,Audio/Video,POS,XNA,Country-wide,1400,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-221.0,109.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,N,1,157500.0,697500.0,20524.5,697500.0,Unaccompanied,Working,Higher education,Married,Rented apartment,0.010643000000000001,-12575,-3536,-81.0,-3211,9.0,1,1,0,1,0,0,,3.0,2,2,SATURDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.5339481963092996,0.5954562029091491,0.1722,0.0976,0.9995,0.9932,,0.16,0.1379,0.375,0.4167,0.104,0.1286,0.1561,0.0541,0.1038,0.1754,0.1013,0.9995,0.9935,,0.1611,0.1379,0.375,0.4167,0.1063,0.1405,0.1627,0.0545,0.1099,0.1738,0.0976,0.9995,0.9933,,0.16,0.1379,0.375,0.4167,0.1058,0.1308,0.1589,0.0543,0.106,reg oper account,block of flats,0.1454,Mixed,No,0.0,0.0,0.0,0.0,-1613.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2721391,212888,Revolving loans,13500.0,270000.0,270000.0,,270000.0,THURSDAY,13,Y,1,,,,XAP,Approved,-36,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,1,157500.0,536917.5,30109.5,463500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-15249,-3223,-3884.0,-3901,0.0,1,1,0,1,0,0,Sales staff,3.0,2,2,FRIDAY,13,0,0,0,0,0,0,Self-employed,,0.6965149672860044,0.5797274227921155,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-121.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +2142883,392075,Consumer loans,2558.835,25830.0,25951.5,2565.0,25830.0,TUESDAY,17,Y,1,0.09796146728449076,,,XAP,Approved,-1410,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,52,Connectivity,14.0,high,POS mobile with interest,365243.0,-1372.0,-982.0,-982.0,-978.0,0.0,0,Cash loans,M,N,Y,0,120600.0,263844.0,14440.5,189000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Municipal apartment,0.019688999999999998,-8639,-1307,-5695.0,-1242,,1,1,1,1,0,0,Sales staff,1.0,2,2,FRIDAY,11,0,0,0,0,0,0,Construction,0.1807832066840923,0.5386357977472965,0.0969483170508572,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-769.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1075852,343332,Cash loans,17014.455,90000.0,92970.0,,90000.0,FRIDAY,14,Y,1,,,,XNA,Approved,-271,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Regional / Local,350,Consumer electronics,6.0,middle,Cash X-Sell: middle,365243.0,-241.0,-91.0,-121.0,-115.0,1.0,0,Cash loans,F,N,Y,0,90000.0,45000.0,4725.0,45000.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.009175,-14405,-7254,-6202.0,-4953,,1,1,1,1,1,0,Laborers,1.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Other,,0.7468710762376753,0.6528965519806539,0.0928,0.0244,0.9771,,,0.0,0.0345,0.1667,,0.0358,,0.0365,,0.0039,0.0945,0.0254,0.9772,,,0.0,0.0345,0.1667,,0.0366,,0.0381,,0.0042,0.0937,0.0244,0.9771,,,0.0,0.0345,0.1667,,0.0364,,0.0372,,0.004,,block of flats,0.0296,"Stone, brick",No,0.0,0.0,0.0,0.0,-1010.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,1.0,0.0,0.0,0.0,1.0 +1024353,366949,Revolving loans,22500.0,0.0,450000.0,,,THURSDAY,6,Y,1,,,,XAP,Approved,-988,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-849.0,-824.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,306000.0,1428003.0,51291.0,1179000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.002506,-18441,-3638,-6645.0,-1949,14.0,1,1,0,1,0,0,Drivers,2.0,2,2,FRIDAY,5,0,0,0,0,1,1,Other,,0.7014564026810571,,0.1856,,0.9821,0.7552,0.0,0.0,0.4138,0.1667,0.0417,0.0,0.1513,0.1734,0.0,0.0034,0.1891,,0.9821,0.7648,0.0,0.0,0.4138,0.1667,0.0417,0.0,0.1653,0.1807,0.0,0.0036,0.1874,,0.9821,0.7585,0.0,0.0,0.4138,0.1667,0.0417,0.0,0.1539,0.1765,0.0,0.0034,reg oper account,block of flats,0.1371,,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1390816,423190,Cash loans,37339.155,675000.0,767664.0,,675000.0,MONDAY,10,Y,1,,,,Hobby,Approved,-504,Cash through the bank,XAP,,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,middle,Cash Street: middle,365243.0,-474.0,936.0,-324.0,-316.0,1.0,0,Revolving loans,M,N,Y,0,180000.0,180000.0,9000.0,180000.0,Family,Working,Secondary / secondary special,Separated,House / apartment,0.008575,-18923,-1020,-7234.0,-2470,,1,1,0,1,1,0,Laborers,1.0,2,2,MONDAY,9,0,0,0,1,1,0,Self-employed,,0.4850106817363013,0.4382813743111921,0.1237,,0.9851,0.7959999999999999,,0.0,0.069,0.1667,,,0.1009,,0.0,,0.1261,,0.9851,0.804,,0.0,0.069,0.1667,,,0.1102,,0.0,,0.1249,,0.9851,0.7987,,0.0,0.069,0.1667,,,0.1026,,0.0,,reg oper account,block of flats,0.0505,Panel,No,0.0,0.0,0.0,0.0,-504.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1389855,412304,Cash loans,34454.925,540000.0,587043.0,,540000.0,TUESDAY,14,Y,1,,,,XNA,Approved,-1347,XNA,XAP,Children,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-1317.0,-627.0,-658.0,-656.0,1.0,1,Cash loans,F,N,Y,0,270000.0,1711764.0,47200.5,1530000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.011703,-19278,-4882,-360.0,-2673,,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,Housing,0.6486037917082589,0.7304758324002422,0.3910549766342248,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,1.0,9.0,1.0,-692.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2180691,376566,Consumer loans,5977.53,106029.0,128421.0,0.0,106029.0,SUNDAY,16,Y,1,0.0,,,XAP,Approved,-230,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,875,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-200.0,490.0,365243.0,365243.0,1.0,0,Revolving loans,M,Y,N,0,180000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.028663,-8684,-89,-74.0,-1367,1.0,1,1,0,1,0,0,High skill tech staff,1.0,2,2,SATURDAY,15,0,0,0,0,1,1,Industry: type 9,0.2909266633606077,0.5752249785331207,0.5495965024956946,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-874.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2167297,183608,Cash loans,13608.045,135000.0,148365.0,,135000.0,THURSDAY,14,Y,1,,,,Other,Approved,-671,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),4,XNA,18.0,high,Cash Street: high,365243.0,-641.0,-131.0,-131.0,-122.0,1.0,0,Cash loans,F,N,N,0,180000.0,1006920.0,42790.5,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,With parents,0.019101,-17431,-1109,-2552.0,-975,,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,17,0,0,0,1,1,0,Trade: type 7,,0.6701362770081362,0.5495965024956946,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1480.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2375251,126225,Cash loans,38524.5,900000.0,900000.0,,900000.0,MONDAY,18,Y,1,,,,XNA,Refused,-943,XNA,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,30.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,Y,N,0,270000.0,1546020.0,49873.5,1350000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.005002,-14470,-1887,-313.0,-3860,9.0,1,1,0,1,0,1,Managers,2.0,3,3,FRIDAY,12,0,0,0,0,0,0,Other,,0.5846696568294435,0.2910973802776635,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,2.0,1.0,2.0,0.0,-1352.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2121260,238309,Cash loans,20179.35,270000.0,342891.0,,270000.0,WEDNESDAY,13,Y,1,,,,XNA,Approved,-862,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-832.0,-142.0,-142.0,-137.0,1.0,0,Cash loans,F,N,N,0,126000.0,381528.0,27778.5,315000.0,Unaccompanied,State servant,Secondary / secondary special,Married,Municipal apartment,0.009334,-17444,-1993,-5893.0,-996,,1,1,0,1,0,0,Medicine staff,2.0,2,2,THURSDAY,16,0,0,0,0,0,0,Other,,0.3624907782768768,0.7394117535524816,0.0082,,0.9588,,,,0.069,0.0417,,0.0059,,0.0117,,,0.0084,,0.9588,,,,0.069,0.0417,,0.0061,,0.0122,,,0.0083,,0.9588,,,,0.069,0.0417,,0.006,,0.0119,,,,block of flats,0.0092,Wooden,No,0.0,0.0,0.0,0.0,-482.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2225706,388405,Consumer loans,3435.885,17671.5,16510.5,3690.0,17671.5,MONDAY,12,Y,1,0.1989428704510013,,,XAP,Approved,-1479,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Regional / Local,800,Consumer electronics,6.0,high,POS household with interest,365243.0,-1448.0,-1298.0,-1328.0,-1319.0,0.0,0,Cash loans,F,N,Y,0,157500.0,819432.0,24088.5,684000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00702,-14659,-1171,-8649.0,-4113,,1,1,0,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Self-employed,0.5455302116835888,0.5130975683576032,0.6642482627052363,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-64.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,0.0 +1368487,168200,Cash loans,26433.18,229500.0,271332.0,,229500.0,MONDAY,11,Y,1,,,,XNA,Approved,-828,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,202500.0,770292.0,30676.5,688500.0,Family,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-17779,-3926,-1293.0,-1293,,1,1,0,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Trade: type 7,,0.7111316086807091,0.7726311345553628,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1808.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,2.0,0.0,3.0 +1148117,343935,Consumer loans,4641.255,122850.0,122850.0,0.0,122850.0,THURSDAY,14,Y,1,0.0,,,XAP,Refused,-837,Cash through the bank,LIMIT,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,366,Furniture,36.0,low_normal,POS industry with interest,,,,,,,0,Cash loans,F,Y,Y,0,202500.0,331834.5,17505.0,252000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010276,-17304,-709,-487.0,-847,24.0,1,1,0,1,1,0,Sales staff,2.0,2,2,MONDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.404333168549618,0.28371188263500075,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-901.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +2257442,440437,Revolving loans,22500.0,0.0,450000.0,,,THURSDAY,11,Y,1,,,,XAP,Approved,-565,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-543.0,-494.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,112500.0,675000.0,20538.0,675000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.01885,-13571,-1674,-7615.0,-4033,,1,1,0,1,1,0,Laborers,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.7190649435247872,0.6678361261103292,0.5937175866150576,0.0041,,0.9662,,,,,0.0,,,,0.0013,,,0.0042,,0.9662,,,,,0.0,,,,0.0013,,,0.0042,,0.9662,,,,,0.0,,,,0.0013,,,,block of flats,0.0016,Wooden,No,1.0,0.0,1.0,0.0,-1452.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2330978,284170,Cash loans,8571.06,144000.0,163008.0,,144000.0,MONDAY,10,Y,1,,,,XNA,Approved,-134,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-104.0,586.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,67500.0,168102.0,9778.5,148500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.028663,-23980,365243,-9237.0,-4458,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,11,0,0,0,0,0,0,XNA,,0.7606596987136782,0.622922000268356,0.0161,0.0178,0.9747,0.6532,0.0187,0.0,0.0759,0.0417,0.0833,0.0109,0.0129,0.0087,0.0008,0.0005,0.0168,0.0,0.9732,0.6472,0.0115,0.0,0.069,0.0417,0.0833,0.005,0.0147,0.0083,0.0,0.0,0.0167,0.0,0.9732,0.6377,0.0139,0.0,0.069,0.0417,0.0833,0.0065,0.0137,0.0081,0.0,0.0,reg oper account,block of flats,0.0099,"Stone, brick",No,2.0,0.0,2.0,0.0,-134.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2253694,427573,Cash loans,35847.27,315000.0,331632.0,,315000.0,TUESDAY,12,Y,1,,,,XNA,Approved,-118,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-107.0,242.0,-107.0,-99.0,1.0,0,Revolving loans,F,N,Y,0,135000.0,292500.0,14625.0,292500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.009175,-21909,365243,-5234.0,-5259,,1,0,0,1,0,0,,2.0,2,2,MONDAY,19,0,0,0,0,0,0,XNA,,0.547274636996912,0.1168672659157136,0.4825,0.3636,0.9851,,,0.52,0.4483,0.3333,,,,,,,0.4916,0.3774,0.9851,,,0.5236,0.4483,0.3333,,,,,,,0.4871,0.3636,0.9851,,,0.52,0.4483,0.3333,,,,,,,,block of flats,0.3951,Panel,No,0.0,0.0,0.0,0.0,-118.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +2345828,180052,Cash loans,5875.92,67500.0,74182.5,,67500.0,FRIDAY,16,Y,1,,,,XNA,Approved,-580,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-550.0,-40.0,-481.0,-473.0,1.0,0,Cash loans,F,N,Y,0,180000.0,260640.0,18270.0,225000.0,Unaccompanied,Pensioner,Higher education,Single / not married,House / apartment,0.04622,-22134,365243,-860.0,-5182,,1,0,0,1,0,0,,1.0,1,1,THURSDAY,13,0,0,0,0,0,0,XNA,,0.7513752594065886,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-580.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2434943,126166,Cash loans,49874.625,1350000.0,1546020.0,,1350000.0,WEDNESDAY,9,Y,1,,,,XNA,Approved,-271,XNA,XAP,Family,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-241.0,1529.0,-61.0,-58.0,1.0,0,Revolving loans,F,N,Y,0,292500.0,337500.0,16875.0,337500.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.028663,-18014,-482,-32.0,-1534,,1,1,0,1,0,0,Managers,1.0,2,2,TUESDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.7566522577336215,0.6299754314688756,0.10211878786358386,0.4515,,0.999,,,0.32,0.2759,0.4583,,,,0.1554,,0.211,0.4601,,0.999,,,0.3222,0.2759,0.4583,,,,0.1619,,0.2234,0.4559,,0.999,,,0.32,0.2759,0.4583,,,,0.1581,,0.2155,,block of flats,0.2147,Monolithic,No,1.0,0.0,1.0,0.0,-946.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2203946,334833,Cash loans,10662.255,135000.0,152820.0,,135000.0,SATURDAY,13,Y,1,,,,XNA,Approved,-742,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-712.0,-22.0,-562.0,-559.0,1.0,0,Cash loans,F,N,Y,0,90000.0,755190.0,32125.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.006296,-22581,365243,-10426.0,-4075,,1,0,0,1,0,0,,2.0,3,3,SATURDAY,10,0,0,0,0,0,0,XNA,,0.5661440566542182,0.40314167665875134,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1167.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1496522,391291,Revolving loans,9000.0,180000.0,180000.0,,180000.0,SATURDAY,7,Y,1,,,,XAP,Approved,-234,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-222.0,-191.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,M,Y,Y,0,157500.0,910890.0,29515.5,652500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.020713,-19302,-1744,-7524.0,-2847,13.0,1,1,1,1,1,0,Drivers,2.0,3,2,TUESDAY,7,0,0,0,0,0,0,Industry: type 5,,0.7345974045953443,0.501075160239048,0.0629,0.0302,0.9811,0.7416,0.0303,0.08,0.0345,0.4583,0.5,0.0193,0.0488,0.0527,0.0116,0.0074,0.0641,0.0314,0.9811,0.7517,0.0306,0.0806,0.0345,0.4583,0.5,0.0197,0.0533,0.0549,0.0117,0.0078,0.0635,0.0302,0.9811,0.7451,0.0305,0.08,0.0345,0.4583,0.5,0.0196,0.0496,0.0536,0.0116,0.0076,reg oper account,block of flats,0.043,Panel,No,0.0,0.0,0.0,0.0,-829.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2080797,133757,Consumer loans,16801.92,100818.0,94765.5,6052.5,100818.0,THURSDAY,14,Y,1,0.06538239924688771,,,XAP,Approved,-2654,Cash through the bank,XAP,Family,Repeater,Other,POS,XNA,Stone,30,Construction,6.0,low_normal,POS industry without interest,365243.0,-2619.0,-2469.0,-2499.0,-2497.0,0.0,0,Cash loans,M,N,Y,0,157500.0,231813.0,10341.0,193500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-20639,-7229,-6750.0,-4166,,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Industry: type 7,,0.7194367382827109,0.7394117535524816,0.0557,0.032,0.9896,0.8572,0.0131,0.02,0.0862,0.25,0.2917,0.03,0.0454,0.043,0.0,0.0,0.0567,0.033,0.9886,0.8497,0.0129,0.0,0.0345,0.1667,0.2083,0.0238,0.0496,0.0441,0.0,0.0,0.0562,0.032,0.9896,0.8591,0.0132,0.02,0.0862,0.25,0.2917,0.0305,0.0462,0.0438,0.0,0.0,reg oper spec account,block of flats,0.0403,Block,No,0.0,0.0,0.0,0.0,-501.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1141394,287885,Revolving loans,11250.0,225000.0,225000.0,,225000.0,THURSDAY,13,Y,1,,,,XAP,Approved,-655,XNA,XAP,,Repeater,XNA,Cards,walk-in,Credit and cash offices,0,XNA,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,-279.0,0.0,0,Cash loans,F,N,Y,0,180000.0,436671.0,18630.0,364500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.035792000000000004,-18900,-6572,-9407.0,-2190,,1,1,0,1,0,0,Cooking staff,1.0,2,2,MONDAY,17,0,0,0,0,0,0,Industry: type 3,,0.5057145405919586,0.6642482627052363,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1712.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1474034,125186,Cash loans,39629.205,495000.0,619497.0,,495000.0,TUESDAY,14,Y,1,,,,XNA,Approved,-751,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-721.0,-31.0,-91.0,-81.0,1.0,1,Cash loans,F,N,Y,0,405000.0,1800000.0,62568.0,1800000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.035792000000000004,-17134,-397,-2399.0,-678,,1,1,1,1,0,0,Managers,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.7125593491404602,0.5913708460505145,0.3859146722745145,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-1194.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1845992,345810,Cash loans,13740.48,279000.0,324297.0,,279000.0,WEDNESDAY,16,Y,1,,,,XNA,Approved,-307,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),10,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-277.0,773.0,-37.0,-30.0,1.0,0,Cash loans,F,N,Y,0,135000.0,675000.0,21775.5,675000.0,"Spouse, partner",Working,Secondary / secondary special,Single / not married,House / apartment,0.006670999999999999,-8613,-1280,-6195.0,-1254,,1,1,1,1,1,0,Security staff,1.0,2,2,TUESDAY,13,0,0,0,0,1,1,Business Entity Type 3,0.2257983332353429,0.5008656521732415,0.2851799046358216,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-525.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2456042,362669,Cash loans,30680.28,688500.0,770292.0,,688500.0,TUESDAY,13,Y,1,,,,XNA,Refused,-143,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,270000.0,707287.5,30096.0,571500.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.072508,-19579,365243,-10586.0,-2908,,1,0,0,1,0,0,,1.0,1,1,FRIDAY,14,0,0,0,0,0,0,XNA,,0.6912570899775685,0.5954562029091491,0.1784,0.0,0.9856,0.8028,0.0,0.24,0.069,0.875,0.9167,0.1653,0.1454,0.2223,0.0,0.0087,0.1817,0.0,0.9856,0.8105,0.0,0.2417,0.069,0.875,0.9167,0.1691,0.1589,0.2316,0.0,0.0092,0.1801,0.0,0.9856,0.8054,0.0,0.24,0.069,0.875,0.9167,0.1682,0.1479,0.2263,0.0,0.0089,reg oper account,block of flats,0.1767,Panel,No,2.0,1.0,2.0,1.0,-143.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +2696447,405187,Consumer loans,3986.775,20880.0,19552.5,2250.0,20880.0,SUNDAY,14,Y,1,0.11239328267192043,,,XAP,Approved,-1362,Cash through the bank,XAP,Other_B,Refreshed,Mobile,POS,XNA,Regional / Local,28,Connectivity,6.0,high,POS mobile with interest,365243.0,-1329.0,-1179.0,-1179.0,-1172.0,0.0,0,Cash loans,F,N,Y,0,112500.0,1223010.0,48631.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.010556,-21781,-4021,-4797.0,-4809,,1,1,0,1,0,0,Core staff,1.0,3,3,THURSDAY,16,0,0,0,0,0,0,Postal,,0.6023829769391104,0.8106180215523969,0.0619,0.0624,0.9816,0.7484,0.0276,0.0,0.1379,0.1667,0.2083,0.0113,0.0504,0.0535,0.0,0.0,0.063,0.0647,0.9816,0.7583,0.0279,0.0,0.1379,0.1667,0.2083,0.0115,0.0551,0.0557,0.0,0.0,0.0625,0.0624,0.9816,0.7518,0.0278,0.0,0.1379,0.1667,0.2083,0.0115,0.0513,0.0544,0.0,0.0,reg oper account,block of flats,0.0572,Panel,No,0.0,0.0,0.0,0.0,-1362.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2256226,158079,Revolving loans,9000.0,0.0,180000.0,,,SATURDAY,7,Y,1,,,,XAP,Approved,-2806,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,0,XNA,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,2,180000.0,1152000.0,30519.0,1152000.0,Family,State servant,Higher education,Married,House / apartment,0.025164,-12431,-2237,-2803.0,-4768,,1,1,0,1,0,0,Managers,4.0,2,2,MONDAY,14,0,0,0,0,0,0,Housing,,0.5990418679244583,0.4776491548517548,0.0918,0.0178,0.996,0.9456,0.014,0.08,0.069,0.3333,0.375,0.0831,0.0681,0.0924,0.0309,0.0262,0.0935,0.0185,0.996,0.9477,0.0141,0.0806,0.069,0.3333,0.375,0.085,0.0744,0.0963,0.0311,0.0278,0.0926,0.0178,0.996,0.9463,0.0141,0.08,0.069,0.3333,0.375,0.0846,0.0693,0.0941,0.0311,0.0268,reg oper account,block of flats,0.0784,"Stone, brick",No,1.0,1.0,1.0,0.0,-1720.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1276803,116259,Consumer loans,7941.285,66690.0,72193.5,0.0,66690.0,THURSDAY,14,Y,1,0.0,,,XAP,Approved,-1372,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Stone,61,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1338.0,-1068.0,-1098.0,-1095.0,0.0,0,Cash loans,M,N,Y,0,216000.0,450000.0,19822.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.028663,-14763,-4605,-8903.0,-4418,,1,1,1,1,1,0,,1.0,2,2,THURSDAY,15,0,0,0,0,1,1,Government,0.3182105404456885,0.3689684307481655,0.7165702448010511,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-533.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2795379,232402,Cash loans,19315.53,382500.0,503676.0,,382500.0,SATURDAY,10,Y,1,,,,Education,Refused,-206,Cash through the bank,HC,Unaccompanied,Refreshed,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,low_normal,Cash Street: low,,,,,,,1,Cash loans,F,N,Y,1,112500.0,521280.0,26743.5,450000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.01885,-14522,-451,-4079.0,-4690,,1,1,0,1,0,0,Sales staff,3.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Self-employed,0.34632728674098817,0.4861577749817941,0.17352743046491467,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2055.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2438778,397792,Cash loans,38133.0,900000.0,900000.0,,900000.0,FRIDAY,7,Y,1,,,,XNA,Approved,-1065,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-1035.0,15.0,-45.0,-41.0,0.0,0,Cash loans,F,N,Y,0,126000.0,1288350.0,37800.0,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0228,-20939,-3026,-4908.0,-4256,,1,1,1,1,1,0,Sales staff,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.13742455785501698,0.3490552510751822,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1796.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1640155,391895,Revolving loans,2250.0,0.0,45000.0,,,MONDAY,9,Y,1,,,,XAP,Approved,-2416,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,0,XNA,0.0,XNA,Card X-Sell,-2406.0,-2370.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,1,121500.0,621900.0,49266.0,562500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-11080,-635,-3896.0,-3722,18.0,1,1,0,1,1,0,Drivers,3.0,2,2,TUESDAY,12,0,0,0,0,1,1,Industry: type 11,0.5526604510925485,0.4206431226034096,0.4241303111942548,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-2416.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2040081,137474,Cash loans,75473.19,2250000.0,2576700.0,,2250000.0,TUESDAY,14,Y,1,,,,XNA,Approved,-1336,Cash through the bank,XAP,"Spouse, partner",New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,365243.0,-1306.0,464.0,-886.0,-883.0,1.0,0,Revolving loans,F,Y,N,0,405000.0,900000.0,45000.0,900000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.035792000000000004,-15032,-2397,-888.0,-1343,9.0,1,1,0,1,0,0,Managers,2.0,2,2,MONDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.7026045613111895,0.3910549766342248,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1336.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1791276,406012,Cash loans,,0.0,0.0,,,WEDNESDAY,15,Y,1,,,,XNA,Refused,-199,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,0,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,450000.0,900000.0,55192.5,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.026392000000000002,-19597,-3476,-228.0,-3052,,1,1,0,1,0,1,,1.0,2,2,SATURDAY,14,0,0,0,1,1,0,Construction,0.7851816568706019,0.7497294254698542,0.36896873825284665,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1507.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +1202223,285904,Cash loans,15479.1,270000.0,270000.0,0.0,270000.0,WEDNESDAY,12,Y,1,0.0,,,XNA,Approved,-2319,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,30.0,middle,Cash Street: middle,365243.0,-2289.0,-1419.0,-1779.0,-1776.0,0.0,0,Cash loans,M,N,Y,0,225000.0,2156400.0,59431.5,1800000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010006000000000001,-19670,-225,-6281.0,-3227,,1,1,0,1,0,0,Sales staff,2.0,2,2,FRIDAY,7,0,0,0,1,1,0,Trade: type 7,,0.4899933340244462,0.7295666907060153,0.2206,0.1912,0.9856,0.8028,0.0404,0.24,0.2069,0.3333,0.0417,,0.1799,0.2607,0.0,0.0,0.2248,0.1984,0.9856,0.8105,0.0408,0.2417,0.2069,0.3333,0.0417,,0.1965,0.2717,0.0,0.0,0.2228,0.1912,0.9856,0.8054,0.0407,0.24,0.2069,0.3333,0.0417,,0.183,0.2654,0.0,0.0,reg oper account,block of flats,0.2051,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2219945,173957,Cash loans,19587.78,270000.0,291919.5,,270000.0,THURSDAY,10,Y,1,,,,Urgent needs,Approved,-879,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-849.0,-339.0,-339.0,-330.0,1.0,0,Cash loans,F,N,Y,0,247500.0,1125000.0,46426.5,1125000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-20108,365243,-6729.0,-502,,1,0,0,1,0,0,,2.0,2,2,MONDAY,11,0,0,0,0,0,0,XNA,0.817175515396505,0.6037701335623444,0.248535557339522,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,0.0,8.0,0.0,-879.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1244127,211140,Cash loans,12381.165,90000.0,109480.5,0.0,90000.0,THURSDAY,9,Y,1,0.0,,,XNA,Approved,-2168,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-2138.0,-1808.0,-1808.0,-1801.0,1.0,0,Cash loans,F,Y,Y,0,112500.0,773680.5,32778.0,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-16853,-3185,-5618.0,-341,4.0,1,1,1,1,0,0,Cleaning staff,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Transport: type 4,,0.5619929349506644,0.7862666146611379,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1817.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2748706,129172,Revolving loans,33750.0,675000.0,675000.0,,675000.0,TUESDAY,9,Y,1,,,,XAP,Approved,-237,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-210.0,-162.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,157500.0,238500.0,9121.5,238500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018209,-19335,-6657,-10744.0,-2855,,1,1,0,1,0,0,Accountants,2.0,3,3,MONDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.5842660303999457,,0.2216,0.1711,0.9856,0.8028,0.1104,0.24,0.2069,0.3333,0.375,0.1061,0.179,0.2317,0.0077,0.0,0.2258,0.1775,0.9856,0.8105,0.1114,0.2417,0.2069,0.3333,0.375,0.1086,0.1956,0.2414,0.0078,0.0,0.2238,0.1711,0.9856,0.8054,0.1111,0.24,0.2069,0.3333,0.375,0.108,0.1821,0.2359,0.0078,0.0,reg oper account,block of flats,0.2426,Panel,No,0.0,0.0,0.0,0.0,-453.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2807733,384571,Cash loans,23005.575,157500.0,192762.0,,157500.0,TUESDAY,19,Y,1,,,,XNA,Approved,-1320,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-1290.0,-960.0,-1110.0,-1105.0,1.0,0,Cash loans,F,N,Y,0,252000.0,228915.0,16654.5,189000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.072508,-12173,-1151,-6303.0,-2693,,1,1,0,1,1,1,,2.0,1,1,SATURDAY,10,0,0,0,0,0,0,Government,0.6221872986082024,0.636278775432291,,0.2784,0.1304,0.9841,0.7824,0.0,0.32,0.1379,0.6667,0.7083,0.1255,0.0008,0.3441,0.0039,0.0075,0.2836,0.1353,0.9841,0.7909,0.0,0.3222,0.1379,0.6667,0.7083,0.1283,0.0009,0.3585,0.0039,0.008,0.281,0.1304,0.9841,0.7853,0.0,0.32,0.1379,0.6667,0.7083,0.1277,0.0009,0.3503,0.0039,0.0077,,block of flats,0.2723,Panel,No,0.0,0.0,0.0,0.0,-1320.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2227768,351448,Consumer loans,16710.885,148410.0,148410.0,0.0,148410.0,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-179,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,100,Furniture,10.0,low_normal,POS industry with interest,365243.0,-149.0,121.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,112500.0,253737.0,26775.0,229500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.010556,-9979,-1396,-1685.0,-2654,,1,1,0,1,0,0,Sales staff,1.0,3,3,WEDNESDAY,15,0,0,0,0,0,0,Trade: type 2,0.5168732474049993,0.4919006527923214,0.5919766183185521,0.0696,0.0638,0.9836,,0.1978,0.0,0.3448,0.1667,0.2083,0.1945,0.1118,0.0698,0.0,0.0,0.0021,0.0662,0.9836,,0.1996,0.0,0.3448,0.1667,0.2083,0.199,0.1221,0.0022,0.0,0.0,0.0703,0.0638,0.9836,,0.199,0.0,0.3448,0.1667,0.2083,0.1979,0.1137,0.071,0.0,0.0,,block of flats,0.0024,"Stone, brick",Yes,0.0,0.0,0.0,0.0,-484.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2706312,287751,Revolving loans,2250.0,45000.0,45000.0,,45000.0,THURSDAY,15,Y,1,,,,XAP,Approved,-285,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),1,XNA,0.0,XNA,Card Street,-211.0,-178.0,365243.0,-55.0,-18.0,0.0,1,Cash loans,F,N,Y,0,171000.0,122256.0,8298.0,108000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-18001,-535,-3658.0,-1559,,1,1,1,1,0,0,Laborers,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.4336037162906278,0.5805538177205133,0.19182160241360605,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-742.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1948153,438385,Cash loans,17495.55,270000.0,299223.0,,270000.0,FRIDAY,9,Y,1,,,,XNA,Approved,-732,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-702.0,-12.0,-12.0,-9.0,1.0,0,Cash loans,F,N,Y,0,81000.0,513531.0,20362.5,459000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.007120000000000001,-18350,-9666,-7897.0,-1018,,1,1,1,1,1,0,Medicine staff,1.0,2,2,TUESDAY,14,0,0,0,0,0,0,Medicine,,0.26651977539251576,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-732.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1597588,399190,Consumer loans,4732.875,26856.0,28984.5,0.0,26856.0,TUESDAY,15,Y,1,0.0,,,XAP,Approved,-346,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,24,Connectivity,8.0,high,POS mobile with interest,365243.0,-315.0,-105.0,-105.0,-103.0,0.0,1,Cash loans,F,N,N,1,36000.0,71955.0,7879.5,67500.0,Unaccompanied,Working,Secondary / secondary special,Separated,Rented apartment,0.006296,-12035,-157,-3423.0,-3429,,1,1,1,1,0,0,Sales staff,2.0,3,3,FRIDAY,11,0,0,0,1,1,0,Self-employed,,0.2684349790688554,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-346.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1831517,214190,Consumer loans,11616.075,125896.5,113305.5,12591.0,125896.5,MONDAY,9,Y,1,0.10892076933325097,,,XAP,Approved,-441,Non-cash from your account,XAP,,New,Furniture,POS,XNA,Stone,500,Furniture,12.0,middle,POS industry with interest,365243.0,-408.0,-78.0,-108.0,-106.0,0.0,1,Cash loans,F,N,Y,0,112500.0,193392.0,13054.5,153000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-14163,-1689,-2635.0,-4492,,1,1,0,1,0,0,,2.0,3,3,MONDAY,5,0,0,0,0,1,1,Transport: type 3,,0.02712491086546406,0.2866524828090694,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-441.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2591155,190839,Revolving loans,2250.0,45000.0,45000.0,,45000.0,TUESDAY,10,Y,1,,,,XAP,Refused,-281,XNA,HC,Family,Repeater,XNA,Cards,walk-in,Country-wide,850,Furniture,0.0,XNA,Card Street,,,,,,,1,Cash loans,F,N,Y,0,157500.0,431280.0,23526.0,360000.0,Children,Working,Secondary / secondary special,Single / not married,House / apartment,0.006852,-13208,-1513,-3715.0,-4051,,1,1,0,1,0,0,,1.0,3,3,WEDNESDAY,13,0,0,0,0,0,0,Industry: type 11,,0.5507993389495457,0.5478104658520093,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-792.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1619515,133970,Cash loans,45994.86,450000.0,470790.0,,450000.0,MONDAY,9,Y,1,,,,XNA,Approved,-838,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-808.0,-478.0,-658.0,-649.0,1.0,0,Cash loans,M,N,N,0,315000.0,225000.0,12564.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-23950,365243,-176.0,-4439,,1,0,0,1,0,1,,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,XNA,0.7530059810376853,0.5896523296898613,0.8357765157975799,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,2.0,3.0,1.0,-1166.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,0.0,0.0,5.0 +2479233,363787,Cash loans,4741.56,45000.0,57141.0,,45000.0,TUESDAY,13,Y,1,,,,XNA,Refused,-605,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,M,Y,Y,0,90000.0,85500.0,4158.0,85500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.01885,-16351,-1695,-1894.0,-1689,10.0,1,1,0,1,1,1,Drivers,1.0,2,2,FRIDAY,9,0,0,0,0,0,0,Self-employed,0.20987244141347275,0.13694829541909834,0.19294222771695085,0.0629,0.0551,0.9826,0.762,0.0259,0.0,0.1379,0.1667,0.0417,0.0417,0.0504,0.0548,0.0039,0.0192,0.0641,0.0572,0.9826,0.7713,0.0261,0.0,0.1379,0.1667,0.0417,0.0427,0.0551,0.0571,0.0039,0.0204,0.0635,0.0551,0.9826,0.7652,0.0261,0.0,0.1379,0.1667,0.0417,0.0425,0.0513,0.0558,0.0039,0.0196,reg oper account,block of flats,0.0614,"Stone, brick",No,2.0,0.0,2.0,0.0,-844.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +2728968,419552,Consumer loans,9321.39,43065.0,45337.5,0.0,43065.0,SUNDAY,9,Y,1,0.0,,,XAP,Approved,-1028,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Stone,664,Furniture,6.0,high,POS industry with interest,365243.0,-989.0,-839.0,-989.0,-986.0,0.0,0,Cash loans,F,N,Y,0,112500.0,276277.5,17784.0,238500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,Municipal apartment,0.025164,-24064,365243,-1552.0,-4408,,1,0,0,1,0,0,,1.0,2,2,SATURDAY,14,0,0,0,0,0,0,XNA,,0.6281537944313881,0.7136313997323308,0.0495,0.0,0.9627,0.49,0.0083,0.0,0.2069,0.125,0.1667,0.0805,0.0403,0.0669,0.0,0.0,0.0504,0.0,0.9628,0.51,0.0084,0.0,0.2069,0.125,0.1667,0.0823,0.0441,0.0697,0.0,0.0,0.05,0.0,0.9627,0.4968,0.0083,0.0,0.2069,0.125,0.1667,0.0819,0.041,0.0681,0.0,0.0,not specified,block of flats,0.0571,"Stone, brick",No,12.0,0.0,12.0,0.0,-1603.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2342126,431659,Consumer loans,2120.94,19530.0,20925.0,900.0,19530.0,MONDAY,11,Y,1,0.04491096532333645,,,XAP,Approved,-420,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,105,Connectivity,14.0,high,POS mobile with interest,365243.0,-382.0,8.0,-202.0,-197.0,0.0,0,Cash loans,M,Y,N,1,117000.0,506232.0,14638.5,400500.0,Family,Commercial associate,Higher education,Single / not married,House / apartment,0.007114,-15543,-7682,-6816.0,-4632,24.0,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,Telecom,0.4757287228386427,0.666816651386731,0.36896873825284665,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1461.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1052522,245914,Cash loans,16046.595,270000.0,313839.0,,270000.0,TUESDAY,7,Y,1,,,,XNA,Approved,-468,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-438.0,612.0,365243.0,365243.0,1.0,1,Cash loans,F,N,Y,0,157500.0,724500.0,44451.0,724500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018209,-11984,-209,-180.0,-4305,,1,1,0,1,1,0,Core staff,2.0,3,3,MONDAY,13,0,0,0,0,0,0,Medicine,,0.3325262829877359,,0.0041,0.0,0.9682,0.5648,0.0,0.0,0.0172,0.0,0.0417,0.0156,0.0034,0.0015,0.0,0.0036,0.0042,0.0,0.9672,0.5688,0.0,0.0,0.0,0.0,0.0417,0.0147,0.0037,0.0015,0.0,0.0031,0.0042,0.0,0.9682,0.5706,0.0,0.0,0.0172,0.0,0.0417,0.0159,0.0034,0.0015,0.0,0.0037,not specified,block of flats,0.0016,Wooden,No,0.0,0.0,0.0,0.0,-462.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1111647,441255,Consumer loans,3798.675,32926.5,31239.0,4500.0,32926.5,FRIDAY,8,Y,1,0.1371305601977976,,,XAP,Approved,-1998,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,60,Connectivity,12.0,high,POS mobile with interest,365243.0,-1967.0,-1637.0,-1637.0,-1632.0,0.0,0,Cash loans,F,N,Y,0,112500.0,1002870.0,39901.5,922500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.0038130000000000004,-20736,365243,-7223.0,-4289,,1,0,0,1,0,0,,2.0,2,2,MONDAY,9,0,0,0,0,0,0,XNA,0.7297424038150186,0.4871629674427618,0.7121551551910698,0.1165,0.0594,0.9866,,,0.0,0.2759,0.1667,,0.1065,,0.1055,,0.0172,0.1187,0.0616,0.9866,,,0.0,0.2759,0.1667,,0.1089,,0.11,,0.0182,0.1176,0.0594,0.9866,,,0.0,0.2759,0.1667,,0.1084,,0.1074,,0.0175,,block of flats,0.0867,"Stone, brick",No,2.0,0.0,2.0,0.0,-1558.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,3.0 +2407816,308595,Cash loans,16174.575,229500.0,248130.0,,229500.0,MONDAY,13,Y,1,,,,XNA,Approved,-255,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,18.0,low_action,Cash X-Sell: low,365243.0,-225.0,285.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,126000.0,572076.0,38236.5,540000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.00702,-22925,365243,-13400.0,-4675,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,XNA,,0.684321698820802,0.7675231046555077,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,5.0,0.0,5.0,0.0,-2285.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1452761,448044,Consumer loans,2342.205,19755.0,19534.5,1980.0,19755.0,SATURDAY,17,Y,1,0.1002300773896674,,,XAP,Approved,-1771,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,42,Connectivity,12.0,high,POS mobile with interest,365243.0,-1738.0,-1408.0,-1408.0,-1399.0,0.0,0,Cash loans,F,N,Y,0,225000.0,220500.0,8050.5,220500.0,Unaccompanied,Pensioner,Higher education,Widow,House / apartment,0.02461,-20508,365243,-3224.0,-3216,,1,0,0,1,1,0,,1.0,2,2,SATURDAY,12,0,0,0,0,0,0,XNA,,0.6198938932767464,0.032748039848638465,0.0722,0.0291,0.9771,,,0.0,0.1724,0.1667,,0.0529,,0.0672,,0.0,0.0735,0.0302,0.9772,,,0.0,0.1724,0.1667,,0.0542,,0.07,,0.0,0.0729,0.0291,0.9771,,,0.0,0.1724,0.1667,,0.0539,,0.0684,,0.0,,block of flats,0.0528,"Stone, brick",No,1.0,0.0,1.0,0.0,-1863.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2603279,246236,Cash loans,26770.5,675000.0,675000.0,,675000.0,FRIDAY,12,Y,1,,,,Urgent needs,Refused,-350,XNA,SCO,,Repeater,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,36.0,low_normal,Cash Street: low,,,,,,,0,Revolving loans,F,N,N,0,144000.0,135000.0,6750.0,135000.0,Unaccompanied,Working,Incomplete higher,Single / not married,Rented apartment,0.020713,-12058,-1248,-5316.0,-4048,,1,1,1,1,0,0,,1.0,3,3,FRIDAY,12,0,0,0,1,1,0,Business Entity Type 3,0.3060106138827297,0.4199664657738689,,0.0928,0.1151,0.9891,0.8504,0.0868,0.0,0.2069,0.1667,0.2083,,0.0756,0.0993,0.0,0.0,0.0945,0.1195,0.9891,0.8563,0.0876,0.0,0.2069,0.1667,0.2083,,0.0826,0.1034,0.0,0.0,0.0937,0.1151,0.9891,0.8524,0.0873,0.0,0.2069,0.1667,0.2083,,0.077,0.1011,0.0,0.0,reg oper spec account,block of flats,0.0781,Panel,No,3.0,0.0,3.0,0.0,-528.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,,,,,, +1959745,128803,Consumer loans,21891.42,124398.0,117499.5,12442.5,124398.0,SUNDAY,15,Y,1,0.10428509362918552,,,XAP,Approved,-1657,Cash through the bank,XAP,"Spouse, partner",Refreshed,Computers,POS,XNA,Stone,160,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1626.0,-1476.0,-1476.0,-1468.0,0.0,0,Cash loans,F,Y,Y,0,292500.0,1125000.0,62950.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-18483,-3542,-6604.0,-1892,7.0,1,1,0,1,0,0,Managers,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,Other,0.7538024766588982,0.7799387691030333,0.6296742509538716,0.0247,0.0264,0.9911,0.8776,0.0222,0.04,0.0345,0.2083,0.25,0.0225,0.0202,0.0255,0.0,0.0,0.0252,0.0274,0.9911,0.8824,0.0225,0.0403,0.0345,0.2083,0.25,0.0231,0.022,0.0266,0.0,0.0,0.025,0.0264,0.9911,0.8792,0.0224,0.04,0.0345,0.2083,0.25,0.0229,0.0205,0.0259,0.0,0.0,reg oper account,block of flats,0.0322,Panel,No,7.0,0.0,7.0,0.0,-3280.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2598409,381332,Consumer loans,9670.455,104171.67,104170.5,1.17,104171.67,THURSDAY,12,Y,1,1.2232081559567625e-05,,,XAP,Approved,-583,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Regional / Local,1000,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-552.0,-222.0,-222.0,-209.0,0.0,1,Cash loans,M,Y,N,0,171000.0,254700.0,20250.0,225000.0,Family,Commercial associate,Higher education,Civil marriage,House / apartment,0.035792000000000004,-12610,-1396,-3634.0,-3629,21.0,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.012460190922329828,0.30620229831350426,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1868734,180818,Consumer loans,18355.635,152982.0,130459.5,30600.0,152982.0,SUNDAY,12,Y,1,0.206918448264038,,,XAP,Approved,-2143,Cash through the bank,XAP,Other_B,New,Computers,POS,XNA,Country-wide,2256,Consumer electronics,8.0,middle,POS household with interest,365243.0,-2112.0,-1902.0,-1932.0,-1926.0,0.0,0,Cash loans,M,N,Y,0,135000.0,1113840.0,57001.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-17960,-7443,-150.0,-1514,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,11,0,0,0,0,0,0,Transport: type 4,0.5816924783800878,0.6232218981683426,0.7267112092725122,0.2412,0.1463,0.9881,0.8368,0.0899,0.28,0.2414,0.3333,0.375,0.1667,0.1967,0.2597,0.0,0.0025,0.2458,0.1519,0.9881,0.8432,0.0907,0.282,0.2414,0.3333,0.375,0.1705,0.2149,0.2706,0.0,0.0027,0.2436,0.1463,0.9881,0.8390000000000001,0.0905,0.28,0.2414,0.3333,0.375,0.1696,0.2001,0.2644,0.0,0.0026,not specified,block of flats,0.254,Panel,No,0.0,0.0,0.0,0.0,-2046.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2365503,383033,Revolving loans,3375.0,67500.0,67500.0,,67500.0,WEDNESDAY,11,Y,1,,,,XAP,Refused,-551,XNA,HC,,Repeater,XNA,Cards,walk-in,Country-wide,44,Connectivity,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,N,Y,0,202500.0,983299.5,41791.5,904500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.025164,-20743,-3887,-2476.0,-798,,1,1,0,1,0,0,Drivers,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Self-employed,,0.2934205527885729,0.060443691326567524,0.0515,0.0139,0.9752,0.66,0.005,0.0,0.1034,0.1667,0.2083,0.0273,0.0412,0.0412,0.0039,0.0252,0.0525,0.0144,0.9752,0.6733,0.005,0.0,0.1034,0.1667,0.2083,0.0279,0.045,0.0429,0.0039,0.0266,0.052000000000000005,0.0139,0.9752,0.6645,0.005,0.0,0.1034,0.1667,0.2083,0.0278,0.0419,0.0419,0.0039,0.0257,reg oper account,block of flats,0.0375,"Stone, brick",No,0.0,0.0,0.0,0.0,-1464.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +1040482,264892,Cash loans,91570.5,1800000.0,1800000.0,,1800000.0,THURSDAY,16,Y,1,,,,XNA,Refused,-873,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,low_action,Cash Street: low,,,,,,,0,Cash loans,M,Y,Y,0,315000.0,900000.0,85455.0,900000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.032561,-12065,-1262,-6054.0,-4389,9.0,1,1,0,1,1,1,Drivers,1.0,1,1,TUESDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.4545433196879887,0.6362534711905751,0.5388627065779676,0.1381,0.1447,0.9786,0.7076,0.0197,0.0,0.3103,0.1667,0.2083,0.0478,0.1126,0.1244,0.0,0.0,0.1408,0.1501,0.9786,0.7190000000000001,0.0199,0.0,0.3103,0.1667,0.2083,0.0489,0.123,0.1296,0.0,0.0,0.1395,0.1447,0.9786,0.7115,0.0199,0.0,0.3103,0.1667,0.2083,0.0487,0.1146,0.1267,0.0,0.0,reg oper account,block of flats,0.1087,Panel,No,2.0,0.0,2.0,0.0,-663.0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,10.0,0.0,2.0 +2538472,372949,Consumer loans,6037.515,133308.0,133308.0,0.0,133308.0,WEDNESDAY,17,Y,1,0.0,,,XAP,Approved,-803,Cash through the bank,XAP,"Spouse, partner",Repeater,Computers,POS,XNA,Country-wide,1700,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-772.0,-82.0,-172.0,-169.0,0.0,0,Cash loans,F,Y,Y,0,157500.0,501435.0,19030.5,414000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.008473999999999999,-21291,365243,-2942.0,-3595,6.0,1,0,0,1,0,0,,2.0,2,2,MONDAY,14,0,0,0,0,0,0,XNA,,0.6386842693875221,0.6910212267577837,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-375.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,7.0 +1332479,302274,Consumer loans,16312.905,87705.0,92335.5,0.0,87705.0,TUESDAY,16,Y,1,0.0,,,XAP,Approved,-668,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Stone,50,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-637.0,-487.0,-547.0,-544.0,0.0,0,Revolving loans,F,N,N,1,157500.0,202500.0,10125.0,202500.0,Family,Commercial associate,Higher education,Married,House / apartment,0.026392000000000002,-15232,-4814,-4860.0,-4734,,1,1,0,1,0,0,Accountants,3.0,2,2,FRIDAY,18,0,0,0,0,0,0,Security,,0.6177171204412978,0.6144143775673561,0.1794,,0.993,,,0.2,0.1724,0.3333,,,,0.1893,,0.0,0.1828,,0.993,,,0.2014,0.1724,0.3333,,,,0.1973,,0.0,0.1811,,0.993,,,0.2,0.1724,0.3333,,,,0.1927,,0.0,,block of flats,0.1489,Panel,No,2.0,0.0,2.0,0.0,-1477.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1829182,417192,Cash loans,24985.8,270000.0,270000.0,,270000.0,MONDAY,14,Y,1,,,,Repairs,Refused,-342,Cash through the bank,VERIF,Unaccompanied,Repeater,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,12.0,low_action,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,1,126000.0,292500.0,12555.0,292500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.018801,-14223,-1660,-6846.0,-4402,,1,1,1,1,0,0,,3.0,2,2,MONDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.3623543473912628,0.4668640059537032,0.0959,0.0829,0.9811,0.7416,0.0161,0.0,0.2069,0.1667,0.0417,0.0772,0.0782,0.0784,0.0,0.0,0.0977,0.086,0.9811,0.7517,0.0163,0.0,0.2069,0.1667,0.0417,0.079,0.0854,0.0817,0.0,0.0,0.0968,0.0829,0.9811,0.7451,0.0162,0.0,0.2069,0.1667,0.0417,0.0786,0.0795,0.0798,0.0,0.0,reg oper spec account,block of flats,0.0705,Panel,No,0.0,0.0,0.0,0.0,-1108.0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1384863,367631,Cash loans,51192.0,2025000.0,2025000.0,,2025000.0,MONDAY,11,Y,1,,,,Repairs,Approved,-174,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,60.0,low_action,Cash Street: low,365243.0,-144.0,1626.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,137821.5,239850.0,22423.5,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.030755,-16353,-3893,-3562.0,-5305,,1,1,1,1,1,0,,2.0,2,2,MONDAY,18,0,0,0,0,1,1,Trade: type 3,0.8190315441724985,0.7699478069244955,0.6496203111237195,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-234.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1486601,385846,Cash loans,15044.355,315000.0,383193.0,,315000.0,SUNDAY,14,Y,1,,,,XNA,Approved,-1005,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,Y,Y,0,162000.0,1035832.5,30415.5,904500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.009175,-18251,-3019,-9977.0,-1806,3.0,1,1,0,1,1,0,Managers,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Trade: type 7,,0.7526924005314164,,0.0371,0.0636,0.9866,,,0.04,0.0345,0.3333,,0.0111,,0.0385,,0.0066,0.0378,0.066,0.9866,,,0.0403,0.0345,0.3333,,0.0114,,0.0401,,0.006999999999999999,0.0375,0.0636,0.9866,,,0.04,0.0345,0.3333,,0.0113,,0.0392,,0.0068,,block of flats,0.0317,Panel,No,4.0,0.0,4.0,0.0,-1654.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1026090,437660,Revolving loans,11250.0,225000.0,225000.0,,225000.0,WEDNESDAY,13,Y,1,,,,XAP,Approved,-707,XNA,XAP,,Repeater,XNA,Cards,walk-in,Country-wide,1295,Consumer electronics,0.0,XNA,Card Street,-707.0,-664.0,365243.0,-391.0,365243.0,0.0,0,Cash loans,F,Y,Y,3,405000.0,508495.5,35518.5,454500.0,Family,Commercial associate,Higher education,Married,House / apartment,0.006629,-16558,-2148,-874.0,-89,14.0,1,1,1,1,1,1,Accountants,5.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Housing,0.7398256442370907,0.7187962751939667,0.5549467685334323,0.0735,0.0,0.9806,0.762,0.0,0.0,0.1034,0.0971,0.0,0.0176,0.06,0.0432,0.0,0.0,0.0672,0.0,0.9782,0.7452,0.0,0.0,0.069,0.0417,0.0,0.01,0.0588,0.0105,0.0,0.0,0.0729,0.0,0.9796,0.7652,0.0,0.0,0.1034,0.0833,0.0,0.0197,0.0599,0.0413,0.0,0.0,reg oper account,block of flats,0.0534,Wooden,No,0.0,0.0,0.0,0.0,-1830.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2303599,124945,Consumer loans,24627.915,225432.0,220878.0,22500.0,225432.0,TUESDAY,9,Y,1,0.10068512952914994,,,XAP,Approved,-1393,XNA,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,1295,Consumer electronics,12.0,high,POS household with interest,365243.0,-1360.0,-1030.0,-1030.0,-1010.0,0.0,0,Cash loans,M,N,Y,0,315000.0,1506816.0,54252.0,1350000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.006629,-20949,365243,-3836.0,-1,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,5,0,0,0,0,0,0,XNA,,0.5793232449149389,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1393.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2791807,432895,Cash loans,21149.505,229500.0,282861.0,,229500.0,TUESDAY,8,Y,1,,,,XNA,Approved,-428,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-398.0,112.0,-278.0,-276.0,1.0,0,Cash loans,F,N,Y,0,270000.0,518562.0,22099.5,463500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018801,-17005,-2285,-512.0,-562,,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Government,,0.5677600857125874,0.5154953751603267,0.3093,0.2266,0.9891,0.8504,0.1325,0.36,0.3103,0.375,0.4167,0.14400000000000002,0.2522,0.3722,0.0,0.0,0.3151,0.2352,0.9891,0.8563,0.1337,0.3625,0.3103,0.375,0.4167,0.1473,0.2755,0.3878,0.0,0.0,0.3123,0.2266,0.9891,0.8524,0.1333,0.36,0.3103,0.375,0.4167,0.1465,0.2565,0.3789,0.0,0.0,reg oper spec account,block of flats,0.5472,Panel,No,0.0,0.0,0.0,0.0,-2448.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,4.0 +1151937,378511,Consumer loans,7617.51,39555.0,37359.0,3960.0,39555.0,THURSDAY,15,Y,1,0.10437813112611627,,,XAP,Approved,-1796,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,43,Connectivity,6.0,high,POS mobile with interest,365243.0,-1759.0,-1609.0,-1609.0,-1604.0,0.0,0,Cash loans,F,N,Y,2,67500.0,284400.0,13963.5,225000.0,Unaccompanied,Working,Lower secondary,Civil marriage,House / apartment,0.005144,-15095,-2550,-675.0,-4053,,1,1,1,1,0,0,Laborers,4.0,2,2,MONDAY,12,0,0,0,0,0,0,Self-employed,0.3985538209202586,0.09663866846621776,0.07801576652252579,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1796.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2278285,302055,Cash loans,27388.935,135000.0,143910.0,,135000.0,MONDAY,10,Y,1,,,,Other,Refused,-137,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,middle,Cash Street: middle,,,,,,,0,Cash loans,M,Y,Y,0,315000.0,497520.0,53712.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.030755,-17826,-1764,-1683.0,-1353,7.0,1,1,0,1,1,0,Drivers,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.6399398491481402,0.3740208032583212,0.2227,0.087,0.9866,0.8164,0.0901,0.24,0.2069,0.3333,0.375,0.0808,0.1807,0.2361,0.0039,0.0176,0.2269,0.0902,0.9866,0.8236,0.0909,0.2417,0.2069,0.3333,0.375,0.0826,0.1974,0.246,0.0039,0.0186,0.2248,0.087,0.9866,0.8189,0.0906,0.24,0.2069,0.3333,0.375,0.0822,0.1838,0.2404,0.0039,0.0179,reg oper account,block of flats,0.2388,Panel,No,0.0,0.0,0.0,0.0,-1781.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1486840,119907,Consumer loans,4488.66,23683.5,22365.0,2371.5,23683.5,FRIDAY,14,Y,1,0.10441166255974334,,,XAP,Approved,-2818,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,31,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2787.0,-2637.0,-2637.0,-2634.0,1.0,0,Cash loans,M,N,Y,3,119250.0,729792.0,37390.5,630000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.031329,-15270,-685,-5165.0,-5174,,1,1,0,1,0,0,Laborers,5.0,2,2,TUESDAY,9,0,0,0,1,1,0,Business Entity Type 3,,0.5201528707009438,0.6263042766749393,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2818.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2342511,342623,Cash loans,42879.375,229500.0,235557.0,,229500.0,SATURDAY,18,Y,1,,,,XNA,Approved,-103,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,low_normal,Cash X-Sell: low,365243.0,-73.0,77.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,292500.0,490495.5,46701.0,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.04622,-23436,365243,-12399.0,-4062,,1,0,0,1,1,0,,1.0,1,1,THURSDAY,14,0,0,0,0,0,0,XNA,,0.4494370506711652,0.6512602186973006,0.1474,0.0745,0.9831,0.7688,0.0197,0.16,0.1379,0.3333,0.375,0.0828,0.1185,0.1433,0.0077,0.0077,0.1502,0.0773,0.9831,0.7779,0.0199,0.1611,0.1379,0.3333,0.375,0.0847,0.1295,0.1493,0.0078,0.0081,0.1489,0.0745,0.9831,0.7719,0.0198,0.16,0.1379,0.3333,0.375,0.0843,0.1206,0.1459,0.0078,0.0078,reg oper account,block of flats,0.1252,Others,No,0.0,0.0,0.0,0.0,-3037.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2727792,120568,Consumer loans,4089.6,36252.0,35316.0,3627.0,36252.0,FRIDAY,9,Y,1,0.10143370380486164,,,XAP,Approved,-2212,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,129,Consumer electronics,10.0,middle,POS household with interest,365243.0,-2149.0,-1879.0,-1879.0,-1874.0,1.0,0,Cash loans,F,N,Y,0,85500.0,599472.0,21663.0,517500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.01885,-12791,-4738,-1059.0,-4543,,1,1,1,1,1,0,High skill tech staff,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,School,,0.5998242208881726,0.7001838506835805,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-353.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2379813,377072,Cash loans,10326.195,135000.0,148365.0,,135000.0,TUESDAY,9,Y,1,,,,XNA,Approved,-368,Cash through the bank,XAP,Other_B,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),6,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-338.0,172.0,-98.0,-90.0,1.0,0,Cash loans,M,Y,Y,0,112500.0,180000.0,14220.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.014519999999999996,-16789,-941,-9384.0,-331,23.0,1,1,1,1,1,0,Drivers,1.0,2,2,SATURDAY,12,0,0,0,0,1,1,Self-employed,,0.5792006661066271,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-702.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1575825,183214,Consumer loans,6696.225,56205.0,49455.0,6750.0,56205.0,FRIDAY,11,Y,1,0.13079554552733094,,,XAP,Approved,-1604,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,86,Connectivity,10.0,high,POS mobile with interest,365243.0,-1566.0,-1296.0,-1296.0,-1286.0,0.0,0,Cash loans,F,N,Y,1,58500.0,123637.5,9373.5,112500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.030755,-15538,-548,-1950.0,-4628,,1,1,1,1,1,0,Sales staff,3.0,2,2,SATURDAY,10,0,0,0,0,0,0,Self-employed,0.6637050564963363,0.6950476702437424,0.8128226070575616,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1604.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2739349,359608,Cash loans,,0.0,0.0,,,MONDAY,9,Y,1,,,,XNA,Refused,-268,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,0,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,N,0,135000.0,258709.5,25717.5,234000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,Municipal apartment,0.022625,-17515,-195,-10249.0,-1064,,1,1,0,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.8173326167845517,0.7758166640064295,,0.0038,,0.9752,,,0.0,0.0345,0.0275,,,,,,,0.0042,,0.9871,,,0.0,0.0345,0.0417,,,,,,,0.0042,,0.9871,,,0.0,0.0345,0.0417,,,,,,,,block of flats,0.0019,"Stone, brick",No,0.0,0.0,0.0,0.0,-2855.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1793227,367737,Cash loans,7381.8,67500.0,67500.0,0.0,67500.0,TUESDAY,14,Y,1,0.0,,,XNA,Approved,-2884,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,high,Cash Street: high,365243.0,-2854.0,-2524.0,-2524.0,-2515.0,0.0,0,Revolving loans,F,N,N,0,135000.0,135000.0,6750.0,135000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.022625,-22857,365243,-10385.0,-4205,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,,0.5805271924927612,0.1455428133497032,0.1843,0.0759,0.9836,0.7756,0.0356,0.13,0.2672,0.2083,0.25,0.0804,0.1502,0.1844,0.0,0.0397,0.0945,0.0459,0.9831,0.7779,0.0137,0.0,0.2069,0.1667,0.2083,0.0521,0.0826,0.0846,0.0,0.0,0.0937,0.0442,0.9836,0.7786,0.0138,0.0,0.2069,0.1667,0.2083,0.0641,0.077,0.0837,0.0,0.0,reg oper account,block of flats,0.5294,Panel,No,,,,,-1699.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1310667,429410,Revolving loans,3375.0,0.0,67500.0,,,SUNDAY,11,Y,1,,,,XAP,Approved,-2748,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,2000,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,81000.0,382500.0,18531.0,382500.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-20745,365243,-7.0,-4264,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,8,0,0,0,0,0,0,XNA,,0.3747042921111194,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1731237,442051,Consumer loans,13450.41,96354.0,120631.5,0.0,96354.0,SUNDAY,11,Y,1,0.0,,,XAP,Approved,-1404,Cash through the bank,XAP,Unaccompanied,Refreshed,Furniture,POS,XNA,Stone,6,Furniture,12.0,high,POS industry with interest,365243.0,-1370.0,-1040.0,-1190.0,-1186.0,0.0,0,Cash loans,F,N,Y,0,112500.0,436032.0,24475.5,360000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-21760,-2513,-10674.0,-4999,,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,8,0,0,0,0,0,0,Industry: type 3,0.9003421454724356,0.35334483952154805,,0.068,0.0,0.9747,0.6532,0.0067,0.0,0.1379,0.1667,0.2083,0.0272,0.0538,0.0508,0.0077,0.0386,0.0693,0.0,0.9747,0.6668,0.0067,0.0,0.1379,0.1667,0.2083,0.0279,0.0588,0.0529,0.0078,0.0408,0.0687,0.0,0.9747,0.6578,0.0067,0.0,0.1379,0.1667,0.2083,0.0277,0.0547,0.0517,0.0078,0.0394,not specified,block of flats,0.052000000000000005,Panel,No,0.0,0.0,0.0,0.0,-3273.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1333678,360858,Consumer loans,3369.915,17730.0,16749.0,1773.0,17730.0,THURSDAY,7,Y,1,0.10425214241540767,,,XAP,Approved,-2279,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,21,Connectivity,6.0,high,POS mobile with interest,365243.0,-2248.0,-2098.0,-2098.0,-2094.0,1.0,0,Cash loans,F,N,N,0,58500.0,95940.0,9616.5,90000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008068,-15958,-7900,-8804.0,-5213,,1,1,1,1,0,0,Core staff,2.0,3,3,MONDAY,7,0,0,0,0,0,0,Government,,0.1940714208986448,0.7366226976503176,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2279.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1335936,347355,Cash loans,28781.28,1138500.0,1138500.0,,1138500.0,TUESDAY,11,Y,1,,,,XNA,Approved,-177,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_action,Cash X-Sell: low,365243.0,-147.0,1623.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,121500.0,754740.0,22198.5,630000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010556,-20473,365243,-9933.0,-3101,,1,0,0,1,0,0,,2.0,3,3,THURSDAY,12,0,0,0,0,0,0,XNA,,0.579008784023478,0.5370699579791587,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-858.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1520646,191780,Cash loans,41585.625,900000.0,978408.0,,900000.0,WEDNESDAY,14,Y,1,,,,XNA,Approved,-569,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-539.0,511.0,-299.0,-292.0,1.0,0,Cash loans,F,N,Y,0,135000.0,711612.0,23085.0,594000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.011703,-22942,-2457,-11525.0,-4346,,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,Housing,,0.7375287137585147,0.5902333386185574,0.2577,0.0,0.9841,0.7824,0.0603,0.28,0.2414,0.3333,0.375,0.1182,0.2093,0.2747,0.0039,0.0054,0.2626,0.0,0.9841,0.7909,0.0608,0.282,0.2414,0.3333,0.375,0.1209,0.2287,0.2862,0.0039,0.0057,0.2602,0.0,0.9841,0.7853,0.0606,0.28,0.2414,0.3333,0.375,0.1203,0.2129,0.2797,0.0039,0.0055,org spec account,block of flats,0.2502,Panel,No,1.0,1.0,1.0,1.0,-1558.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,4.0,3.0,5.0 +2174571,288120,Cash loans,19899.135,99000.0,102267.0,,99000.0,SATURDAY,7,Y,1,,,,XNA,Approved,-1614,Cash through the bank,XAP,Children,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,high,Cash X-Sell: high,365243.0,-1584.0,-1434.0,-1434.0,-1431.0,1.0,0,Cash loans,F,N,Y,0,315000.0,896157.0,38097.0,801000.0,Unaccompanied,Pensioner,Lower secondary,Single / not married,House / apartment,0.0038130000000000004,-23633,365243,-7246.0,-5074,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,XNA,,0.6291849756571763,0.633031641417419,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1614.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1157452,226083,Consumer loans,17503.425,158580.0,152140.5,15858.0,158580.0,THURSDAY,9,Y,1,0.1028033204841926,,,XAP,Approved,-184,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Regional / Local,70,Consumer electronics,10.0,low_normal,POS mobile with interest,365243.0,-154.0,116.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,220500.0,1485000.0,40837.5,1485000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.018029,-22688,365243,-3104.0,-4302,,1,0,0,1,0,0,,2.0,3,3,THURSDAY,17,0,0,0,0,0,0,XNA,,0.6260162635296216,0.5406544504453575,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-184.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2527503,409588,Consumer loans,6593.04,143293.5,143293.5,0.0,143293.5,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-1256,Cash through the bank,XAP,Family,Refreshed,Audio/Video,POS,XNA,Country-wide,1108,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1225.0,-535.0,-805.0,-801.0,0.0,0,Cash loans,F,Y,Y,1,225000.0,946764.0,40243.5,765000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.035792000000000004,-16393,-1070,-382.0,-4398,6.0,1,1,0,1,0,0,Core staff,3.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,University,,0.6278983708841968,0.5954562029091491,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1256.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2537083,226389,Consumer loans,11517.75,94495.5,75595.5,18900.0,94495.5,MONDAY,14,Y,1,0.2178285546064964,,,XAP,Approved,-407,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,50,Connectivity,8.0,high,POS mobile with interest,365243.0,-367.0,-157.0,-157.0,-149.0,0.0,0,Cash loans,M,Y,Y,1,157500.0,254700.0,24939.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.018634,-17841,-4026,-8607.0,-1368,6.0,1,1,0,1,0,0,Drivers,3.0,2,2,TUESDAY,11,0,0,0,0,0,0,Bank,,0.6006060650905742,0.2608559142068693,0.2227,0.1573,0.9811,,,0.24,0.2069,0.3333,,,,0.2239,,0.0,0.2269,0.1632,0.9811,,,0.2417,0.2069,0.3333,,,,0.2333,,0.0,0.2248,0.1573,0.9811,,,0.24,0.2069,0.3333,,,,0.2279,,0.0,,block of flats,0.1964,Panel,No,3.0,0.0,3.0,0.0,-1511.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1063552,296106,Cash loans,42646.05,1350000.0,1546020.0,,1350000.0,THURSDAY,12,Y,1,,,,XNA,Refused,-225,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,225000.0,1350000.0,39474.0,1350000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.035792000000000004,-21837,365243,-233.0,-4090,,1,0,0,1,1,0,,1.0,2,2,FRIDAY,8,0,0,0,0,0,0,XNA,,0.6457436988327211,0.4543210601605785,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1023.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1598028,280042,Cash loans,8232.075,118863.765,134555.265,,118863.765,SATURDAY,11,Y,1,,,,XNA,Approved,-898,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash Street: middle,365243.0,-868.0,-178.0,-538.0,-533.0,1.0,0,Cash loans,M,N,Y,0,135000.0,284400.0,16456.5,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.005084,-21838,-2668,-5871.0,-4301,,1,1,1,1,1,0,High skill tech staff,2.0,2,2,MONDAY,9,0,0,0,0,0,0,Electricity,,0.6311521726579918,0.475849908720221,0.0856,0.0366,0.9916,,,0.08,0.069,0.4583,,,,0.0961,,0.0326,0.0872,0.038,0.9916,,,0.0806,0.069,0.4583,,,,0.1001,,0.0345,0.0864,0.0366,0.9916,,,0.08,0.069,0.4583,,,,0.0978,,0.0333,,block of flats,0.0826,"Stone, brick",No,0.0,0.0,0.0,0.0,-1074.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1114527,423669,Cash loans,27748.665,810000.0,948996.0,,810000.0,WEDNESDAY,10,Y,1,,,,XNA,Refused,-209,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Revolving loans,M,Y,Y,0,225000.0,540000.0,27000.0,540000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.00823,-18358,-3846,-4624.0,-1879,6.0,1,1,0,1,0,0,High skill tech staff,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.5405698004600661,0.21396685226179807,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1148.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1067908,238319,Consumer loans,7501.365,45000.0,37899.0,9000.0,45000.0,SUNDAY,11,Y,1,0.20899844734041625,,,XAP,Approved,-706,Cash through the bank,XAP,Children,New,Photo / Cinema Equipment,POS,XNA,Stone,5,Consumer electronics,6.0,high,POS household with interest,365243.0,-675.0,-525.0,-525.0,-517.0,0.0,0,Cash loans,F,N,N,0,81000.0,118692.0,8568.0,108000.0,Unaccompanied,Pensioner,Lower secondary,Single / not married,Municipal apartment,0.031329,-23212,365243,-12090.0,-4917,,1,0,0,1,0,0,,1.0,2,2,SATURDAY,8,0,0,0,0,0,0,XNA,,0.6644074319348852,0.622922000268356,0.0021,,0.9767,,,,,0.0,,,,0.0022,,,0.0021,,0.9767,,,,,0.0,,,,0.0023,,,0.0021,,0.9767,,,,,0.0,,,,0.0022,,,,block of flats,0.0017,Wooden,No,5.0,0.0,5.0,0.0,-706.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2543206,316268,Consumer loans,5528.475,40950.0,20475.0,20475.0,40950.0,SATURDAY,10,Y,1,0.5445454545454544,,,XAP,Approved,-851,XNA,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Stone,83,Consumer electronics,4.0,middle,POS household with interest,365243.0,-817.0,-727.0,-727.0,-723.0,0.0,0,Cash loans,F,N,Y,0,81000.0,540000.0,23008.5,540000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-20021,-5049,-5544.0,-2254,,1,1,1,1,1,0,Secretaries,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Medicine,,0.7253436773266533,0.5867400085415683,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-851.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2552329,180842,Consumer loans,7161.93,59904.0,65173.5,0.0,59904.0,WEDNESDAY,18,Y,1,0.0,,,XAP,Approved,-520,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,10.0,low_normal,POS mobile without interest,,,,,,,1,Cash loans,F,Y,N,0,180000.0,1530000.0,42075.0,1530000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.031329,-9601,-578,-9422.0,-555,2.0,1,1,1,1,1,1,,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,Medicine,0.6600314344484011,0.6463687496015791,0.10411991642915908,0.1227,0.1504,0.9871,0.8232,0.109,0.0,0.069,0.1667,0.0,0.1352,0.0983,0.1127,0.0077,0.0023,0.125,0.1561,0.9871,0.8301,0.11,0.0,0.069,0.1667,0.0,0.1383,0.1074,0.1174,0.0078,0.0025,0.1239,0.1504,0.9871,0.8256,0.1097,0.0,0.069,0.1667,0.0,0.1375,0.1,0.1147,0.0078,0.0024,reg oper account,block of flats,0.0892,"Stone, brick",No,1.0,1.0,1.0,1.0,-1946.0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0.0,0.0,0.0,0.0,1.0,2.0 +2240533,247593,Cash loans,5692.59,45000.0,47970.0,,45000.0,THURSDAY,12,Y,1,,,,XNA,Approved,-803,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-773.0,-443.0,-443.0,-436.0,1.0,0,Cash loans,F,N,Y,0,112500.0,959598.0,28188.0,801000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-19009,-392,-10303.0,-2542,,1,1,0,1,0,1,Sales staff,2.0,2,2,TUESDAY,8,0,0,0,0,1,1,Trade: type 7,,0.6107013003820766,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1221.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2712394,361703,Cash loans,7941.69,67500.0,71955.0,,67500.0,WEDNESDAY,9,Y,1,,,,XNA,Approved,-1238,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,high,Cash X-Sell: high,365243.0,-1208.0,-878.0,-878.0,-870.0,1.0,1,Revolving loans,F,N,Y,1,126000.0,382500.0,19125.0,382500.0,Family,Working,Secondary / secondary special,Separated,House / apartment,0.008019,-15978,-2763,-6824.0,-4255,,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,15,0,0,0,0,1,1,Industry: type 11,0.6798312128366453,0.5355857742633934,0.6212263380626669,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1524.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2560480,212859,Consumer loans,20558.7,560610.0,448488.0,112122.0,560610.0,FRIDAY,13,Y,1,0.2178181818181818,,,XAP,Approved,-634,XNA,XAP,,New,Consumer Electronics,POS,XNA,Regional / Local,10,Furniture,30.0,low_normal,POS industry with interest,365243.0,-599.0,271.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,202500.0,675000.0,35757.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.010966,-23135,365243,-3365.0,-4997,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,15,0,0,0,0,0,0,XNA,,0.23867882264748724,,0.133,0.1637,0.9781,0.7008,0.0167,0.0,0.2759,0.1667,0.2083,0.0291,0.1067,0.1234,0.0077,0.0074,0.1355,0.1698,0.9782,0.7125,0.0168,0.0,0.2759,0.1667,0.2083,0.0297,0.1166,0.1286,0.0078,0.0078,0.1343,0.1637,0.9781,0.7048,0.0168,0.0,0.2759,0.1667,0.2083,0.0296,0.1086,0.1256,0.0078,0.0076,org spec account,block of flats,0.1078,"Stone, brick",No,0.0,0.0,0.0,0.0,-634.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1159988,397671,Cash loans,23473.215,724500.0,848826.0,,724500.0,MONDAY,12,Y,1,,,,XNA,Approved,-172,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-142.0,1628.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,112500.0,49455.0,3645.0,45000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-20944,365243,-6299.0,-4353,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,XNA,,0.4640535657534999,0.5298898341969072,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-606.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2826884,312633,Consumer loans,13508.01,124155.0,136444.5,0.0,124155.0,SATURDAY,10,Y,1,0.0,,,XAP,Approved,-2660,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Country-wide,500,Furniture,12.0,middle,POS industry with interest,365243.0,-2629.0,-2299.0,-2299.0,-2295.0,1.0,0,Cash loans,M,Y,Y,2,193500.0,288873.0,22950.0,238500.0,Unaccompanied,State servant,Secondary / secondary special,Married,Office apartment,0.008068,-11398,-3576,-95.0,-1169,14.0,1,1,0,1,0,0,Managers,4.0,3,3,SATURDAY,10,0,0,0,1,1,0,Military,0.3629242682289232,0.36907026548479416,0.5406544504453575,0.1485,0.121,0.9871,0.8232,0.0353,0.2,0.1724,0.3333,0.375,0.0918,0.121,0.1823,0.0,0.0,0.1513,0.1256,0.9871,0.8301,0.0356,0.2014,0.1724,0.3333,0.375,0.0938,0.1322,0.1899,0.0,0.0,0.1499,0.121,0.9871,0.8256,0.0355,0.2,0.1724,0.3333,0.375,0.0934,0.1231,0.1855,0.0,0.0,reg oper account,block of flats,0.1626,Panel,No,0.0,0.0,0.0,0.0,-1105.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1624157,163271,Cash loans,77063.58,675000.0,698166.0,,675000.0,TUESDAY,11,Y,1,,,,XNA,Approved,-638,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-608.0,-278.0,-308.0,-304.0,1.0,0,Cash loans,M,Y,Y,0,270000.0,808650.0,31464.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.020713,-10084,-713,-7474.0,-2198,21.0,1,1,0,1,0,0,Laborers,1.0,3,3,WEDNESDAY,13,0,0,0,0,0,0,Self-employed,,0.36655330311103695,0.33285056416487313,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1062.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1481168,125827,Cash loans,56094.885,1215000.0,1320849.0,,1215000.0,SATURDAY,15,Y,1,,,,XNA,Approved,-566,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-536.0,514.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,N,0,247500.0,769500.0,32602.5,769500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018634,-18659,-724,-3752.0,-2205,12.0,1,1,1,1,0,0,Security staff,2.0,2,2,THURSDAY,17,1,1,1,1,1,1,Security,0.7424356379693042,0.544656448475864,0.5549467685334323,0.0691,0.0878,0.9796,0.7212,0.0833,0.0,0.069,0.1667,0.2083,0.0373,0.0538,0.0504,0.0116,0.0635,0.0704,0.0911,0.9796,0.7321,0.084,0.0,0.069,0.1667,0.2083,0.0382,0.0588,0.0525,0.0117,0.0672,0.0697,0.0878,0.9796,0.7249,0.0838,0.0,0.069,0.1667,0.2083,0.0379,0.0547,0.0513,0.0116,0.0648,reg oper account,block of flats,0.099,"Stone, brick",No,2.0,0.0,2.0,0.0,-566.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1599457,146958,Cash loans,15967.98,261000.0,261000.0,,261000.0,THURSDAY,7,Y,1,,,,XNA,Approved,-600,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-570.0,120.0,-390.0,-387.0,0.0,0,Revolving loans,F,N,Y,0,135000.0,270000.0,13500.0,270000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020713,-18597,365243,-845.0,-2145,,1,0,0,1,0,1,,2.0,3,3,TUESDAY,7,0,0,0,0,0,0,XNA,,0.3724679752696178,0.3774042489507649,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1747.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2229247,218226,Consumer loans,3274.56,33300.0,16650.0,16650.0,33300.0,THURSDAY,11,Y,1,0.5445454545454544,,,XAP,Approved,-565,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Stone,331,Consumer electronics,6.0,high,POS household with interest,365243.0,-530.0,-380.0,-380.0,-373.0,0.0,0,Revolving loans,F,N,Y,0,99000.0,247500.0,12375.0,247500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-19358,365243,-9072.0,-2688,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,XNA,,0.298308676824203,0.4686596550493113,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2448292,127315,Cash loans,16013.835,135000.0,143910.0,,135000.0,FRIDAY,4,Y,1,,,,XNA,Approved,-967,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-937.0,-607.0,-607.0,-601.0,1.0,0,Cash loans,F,Y,Y,0,135000.0,91008.0,6723.0,72000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010032,-11728,-605,-5799.0,-2276,10.0,1,1,0,1,0,0,Medicine staff,2.0,2,2,SATURDAY,3,0,0,0,0,0,0,Medicine,0.5941064814790885,0.6377047105485267,,0.1068,0.0727,0.9886,,,0.104,0.0897,0.375,,,,0.1142,,0.0703,0.084,0.0608,0.9886,,,0.0806,0.069,0.375,,,,0.0911,,0.0559,0.0833,0.0601,0.9886,,,0.08,0.069,0.375,,,,0.0921,,0.0553,,block of flats,0.1604,Panel,No,1.0,0.0,1.0,0.0,-1265.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2591754,435939,Cash loans,59670.045,1215000.0,1338493.5,,1215000.0,SATURDAY,7,Y,1,,,,XNA,Refused,-562,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,42.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,Y,N,1,112500.0,279000.0,16857.0,279000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006305,-13402,-2704,-3527.0,-4360,12.0,1,1,0,1,0,0,Sales staff,3.0,3,3,FRIDAY,13,0,0,0,0,1,1,Self-employed,0.4386991550768463,0.3848509753397497,0.6178261467332483,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2223.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1481171,386425,Consumer loans,5562.495,30865.5,27715.5,3150.0,30865.5,MONDAY,14,Y,1,0.1111479277392676,,,XAP,Approved,-2782,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Stone,16,Connectivity,6.0,high,POS mobile with interest,365243.0,-2742.0,-2592.0,-2592.0,-2587.0,0.0,0,Cash loans,F,N,N,2,135000.0,945000.0,38997.0,945000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.028663,-16953,-1599,-7653.0,-482,,1,1,0,1,0,0,Private service staff,4.0,2,2,THURSDAY,14,0,0,0,0,0,0,Self-employed,0.7149882989440229,0.7125087305985149,,0.0969,0.049,0.9801,0.728,0.0132,0.0,0.2069,0.1667,0.0417,0.0302,0.079,0.0872,0.0,0.0,0.0987,0.0509,0.9801,0.7387,0.0133,0.0,0.2069,0.1667,0.0417,0.0309,0.0863,0.0909,0.0,0.0,0.0978,0.049,0.9801,0.7316,0.0132,0.0,0.2069,0.1667,0.0417,0.0308,0.0804,0.0888,0.0,0.0,reg oper account,block of flats,0.0696,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2469742,331601,Cash loans,8935.38,135000.0,152820.0,,135000.0,FRIDAY,10,Y,1,,,,XNA,Approved,-682,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,40,Connectivity,24.0,middle,Cash X-Sell: middle,365243.0,-652.0,38.0,-532.0,-526.0,1.0,1,Cash loans,F,N,N,1,72000.0,232344.0,11992.5,157500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-16457,-4570,-3422.0,-12,,1,1,0,1,0,0,Security staff,3.0,2,2,MONDAY,11,0,0,0,0,1,1,Agriculture,,0.3005242290932967,0.41885428862332175,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1827.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,7.0 +1719810,387865,Cash loans,19281.6,450000.0,533160.0,,450000.0,WEDNESDAY,13,Y,1,,,,XNA,Approved,-261,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-231.0,1179.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,0,225000.0,277969.5,20272.5,229500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.00496,-11969,-1424,-5669.0,-2841,,1,1,0,1,1,0,,2.0,2,2,FRIDAY,10,0,0,0,0,1,1,School,0.3448798969196136,0.5494571772361223,0.34090642641523844,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-1554.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2327323,317474,Revolving loans,2250.0,45000.0,45000.0,,45000.0,MONDAY,9,Y,1,,,,XAP,Approved,-357,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,225000.0,522814.5,55030.5,481500.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.020713,-13717,-1100,-948.0,-1927,,1,1,0,1,0,0,Accountants,2.0,3,2,MONDAY,8,0,0,0,0,1,1,Self-employed,0.6282642775434802,0.4967217931520932,0.722392890081304,0.1567,0.1238,0.9975,0.966,0.0532,0.16,0.1379,0.375,0.0417,0.0,0.1252,0.1844,0.0116,0.0911,0.1597,0.1285,0.9975,0.9673,0.0537,0.1611,0.1379,0.375,0.0417,0.0,0.1368,0.1921,0.0117,0.0965,0.1582,0.1238,0.9975,0.9665,0.0536,0.16,0.1379,0.375,0.0417,0.0,0.1274,0.1877,0.0116,0.093,reg oper account,block of flats,0.1641,Panel,No,0.0,0.0,0.0,0.0,-725.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2437876,213799,Consumer loans,4085.145,31851.0,35005.5,0.0,31851.0,SUNDAY,8,Y,1,0.0,,,XAP,Approved,-2467,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,47,Connectivity,12.0,high,POS mobile with interest,365243.0,-2436.0,-2106.0,-2106.0,-2103.0,1.0,1,Cash loans,M,N,N,1,90000.0,256500.0,23656.5,256500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-13981,-733,-180.0,-4639,,1,1,0,1,0,0,Laborers,3.0,2,2,WEDNESDAY,16,0,0,0,0,1,1,Business Entity Type 3,,0.29167812092551443,0.1245194708919845,0.0381,0.0745,0.9836,,,,1.0,0.0417,,,,0.0248,,,0.0389,0.0773,0.9836,,,,1.0,0.0417,,,,0.0259,,,0.0385,0.0745,0.9836,,,,1.0,0.0417,,,,0.0253,,,,block of flats,0.0195,"Stone, brick",No,3.0,1.0,3.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1738100,304983,Consumer loans,2884.14,33714.0,24714.0,9000.0,33714.0,MONDAY,15,Y,1,0.2907343590739211,,,XAP,Refused,-2578,Cash through the bank,HC,Group of people,Repeater,XNA,POS,XNA,Country-wide,30,Connectivity,12.0,low_normal,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,0,180000.0,675000.0,26284.5,675000.0,Unaccompanied,Working,Lower secondary,Separated,House / apartment,0.026392000000000002,-19717,-504,-8883.0,-3191,,1,1,0,1,0,0,Cleaning staff,1.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,Cleaning,,0.6769351154801003,,0.0454,0.0582,0.9757,0.6668,0.0331,0.0,0.1034,0.125,0.1667,0.0226,0.037000000000000005,0.0201,0.0,0.1022,0.0462,0.0604,0.9757,0.6798,0.0334,0.0,0.1034,0.125,0.1667,0.0231,0.0404,0.0209,0.0,0.1082,0.0458,0.0582,0.9757,0.6713,0.0334,0.0,0.1034,0.125,0.1667,0.023,0.0376,0.0205,0.0,0.1043,reg oper account,block of flats,0.038,"Stone, brick",No,2.0,1.0,2.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1436399,233884,Consumer loans,3930.48,27085.5,18981.0,9000.0,27085.5,MONDAY,12,Y,1,0.3503026404280825,,,XAP,Approved,-1712,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,10,Connectivity,6.0,high,POS mobile with interest,365243.0,-1681.0,-1531.0,-1531.0,-1524.0,0.0,0,Cash loans,F,N,Y,0,67500.0,104256.0,10813.5,90000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.009334,-21180,365243,-8483.0,-4391,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,11,0,0,0,0,0,0,XNA,,0.5471825289725264,0.8406665596573005,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2117.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2000807,450987,Consumer loans,3489.435,18121.5,17113.5,1813.5,18121.5,FRIDAY,19,Y,1,0.10435179181256213,,,XAP,Approved,-1180,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,25,Connectivity,6.0,high,POS mobile with interest,365243.0,-1135.0,-985.0,-1015.0,-1010.0,0.0,0,Cash loans,F,Y,Y,1,130500.0,670500.0,21757.5,670500.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.026392000000000002,-22578,-10021,-12438.0,-4255,12.0,1,1,0,1,1,0,Managers,2.0,2,2,TUESDAY,16,0,0,0,0,0,0,Government,,0.6463337599571843,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-488.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2337427,235995,Revolving loans,6750.0,135000.0,135000.0,,135000.0,FRIDAY,13,Y,1,,,,XAP,Refused,-417,XNA,HC,,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,Y,Y,2,90000.0,1288350.0,37669.5,1125000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.035792000000000004,-13562,-3998,-2155.0,-4372,7.0,1,1,1,1,1,0,,4.0,2,2,TUESDAY,13,0,0,0,0,0,0,Other,0.3727572722475801,0.6412136404856044,0.470456116119975,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2732.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2344248,249733,Cash loans,35174.25,675000.0,675000.0,,675000.0,THURSDAY,6,Y,1,,,,XNA,Approved,-786,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,48.0,high,Cash X-Sell: high,365243.0,-756.0,654.0,-666.0,-664.0,0.0,0,Cash loans,M,N,N,0,112500.0,547344.0,29290.5,472500.0,Family,Working,Secondary / secondary special,Married,Office apartment,0.008068,-16356,-982,-6511.0,-3813,,1,1,0,1,0,0,Laborers,2.0,3,3,SATURDAY,6,0,0,0,0,0,0,Transport: type 2,0.466652303867313,0.5292273508504991,0.5709165417729987,0.1402,,0.9791,,,0.0,0.0345,0.1667,,0.0167,,0.0459,,0.0,0.1429,,0.9791,,,0.0,0.0345,0.1667,,0.0171,,0.0478,,0.0,0.1416,,0.9791,,,0.0,0.0345,0.1667,,0.017,,0.0467,,0.0,,block of flats,0.0529,"Stone, brick",No,0.0,0.0,0.0,0.0,-937.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +2174289,361287,Cash loans,17367.3,360000.0,409896.0,,360000.0,SATURDAY,11,Y,1,,,,XNA,Approved,-930,Cash through the bank,XAP,Children,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-900.0,150.0,-30.0,-26.0,1.0,0,Cash loans,F,N,N,2,171000.0,226422.0,13810.5,189000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.009656999999999999,-22974,365243,-7350.0,-2398,,1,0,0,1,1,0,,3.0,2,2,FRIDAY,12,0,0,0,0,0,0,XNA,,0.3463022354697229,0.2707073872651806,0.0031,0.0,0.9801,0.728,0.0,0.0,0.0345,0.0,0.0417,0.0,0.0025,0.0033,0.0,0.0004,0.0032,0.0,0.9801,0.7387,0.0,0.0,0.0345,0.0,0.0417,0.0,0.0028,0.0035,0.0,0.0005,0.0031,0.0,0.9801,0.7316,0.0,0.0,0.0345,0.0,0.0417,0.0,0.0026,0.0034,0.0,0.0004,reg oper spec account,block of flats,0.0027,"Stone, brick",No,0.0,0.0,0.0,0.0,-1218.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1045628,265064,Cash loans,14846.22,225000.0,262125.0,,225000.0,THURSDAY,9,Y,1,,,,XNA,Approved,-1038,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,365243.0,-1008.0,-138.0,-738.0,-734.0,1.0,0,Cash loans,F,N,Y,0,99000.0,728460.0,43506.0,675000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.025164,-10392,-2527,-1151.0,-2423,,1,1,0,1,0,0,Core staff,2.0,2,2,SATURDAY,9,0,0,0,0,0,0,Kindergarten,,0.27101937661220554,0.8050196619153701,0.0175,0.0294,0.9791,0.6328,0.0029,0.0,0.0517,0.0625,0.1667,0.0135,0.0269,0.0136,0.0,0.0,0.0021,0.0305,0.9732,0.6472,0.0029,0.0,0.0345,0.0,0.1667,0.0074,0.0294,0.002,0.0,0.0,0.0177,0.0294,0.9791,0.6377,0.0029,0.0,0.0517,0.0625,0.1667,0.0137,0.0274,0.0138,0.0,0.0,reg oper account,terraced house,0.0213,Wooden,No,5.0,1.0,5.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2168604,174778,Consumer loans,10896.885,56241.0,59026.5,0.0,56241.0,THURSDAY,11,Y,1,0.0,,,XAP,Approved,-1139,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,2000,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1108.0,-958.0,-958.0,-954.0,0.0,0,Cash loans,F,N,Y,0,202500.0,824823.0,24246.0,688500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-14436,-4160,-1413.0,-2244,,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,9,0,0,0,1,1,0,Self-employed,0.4481975735495119,0.6196310776518962,0.5902333386185574,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1894.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2241459,359663,Consumer loans,6893.415,60300.0,66667.5,0.0,60300.0,THURSDAY,12,Y,1,0.0,,,XAP,Approved,-435,Cash through the bank,XAP,,Refreshed,Construction Materials,POS,XNA,Regional / Local,90,Construction,12.0,middle,POS industry with interest,365243.0,-400.0,-70.0,-70.0,-68.0,0.0,0,Cash loans,M,N,Y,0,247500.0,1006920.0,39933.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.030755,-14292,-1144,-3593.0,-4924,,1,1,1,1,0,0,Laborers,1.0,2,2,FRIDAY,11,0,0,0,0,1,1,Military,,0.628383614434824,0.7165702448010511,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2203.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1681619,156682,Consumer loans,5613.3,51030.0,51030.0,0.0,51030.0,WEDNESDAY,11,Y,1,0.0,,,XAP,Approved,-499,Cash through the bank,XAP,,Refreshed,Furniture,POS,XNA,Stone,19,Furniture,10.0,low_normal,POS industry with interest,365243.0,-468.0,-198.0,-468.0,-460.0,0.0,0,Cash loans,F,Y,Y,0,135000.0,900000.0,38263.5,900000.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.028663,-16499,-3872,-4375.0,-58,4.0,1,1,0,1,0,0,Private service staff,1.0,2,2,FRIDAY,14,0,0,0,0,0,0,Services,0.4910581871980794,0.6962468006796975,0.6690566947824041,,0.1301,0.9796,,,0.16,0.1379,0.3333,,,,0.2132,,0.0208,,0.135,0.9796,,,0.1611,0.1379,0.3333,,,,0.2221,,0.022,,0.1301,0.9796,,,0.16,0.1379,0.3333,,,,0.217,,0.0212,,,0.2178,Mixed,No,1.0,1.0,1.0,1.0,-1660.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1864523,161208,Consumer loans,4332.195,21069.0,21069.0,0.0,21069.0,MONDAY,14,Y,1,0.0,,,XAP,Approved,-378,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,31,Connectivity,6.0,high,POS mobile with interest,365243.0,-338.0,-188.0,-188.0,-183.0,0.0,0,Cash loans,F,N,N,0,58500.0,95940.0,10332.0,90000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.005144,-18654,-721,-8603.0,-2195,,1,1,1,1,0,0,Security staff,2.0,2,2,THURSDAY,18,0,1,1,0,1,1,Business Entity Type 3,,0.4859993579150891,0.11538666200733562,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-378.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1279773,143257,Consumer loans,6394.05,71995.5,62995.5,9000.0,71995.5,SATURDAY,17,Y,1,0.13614487269090678,,,XAP,Refused,-2286,Cash through the bank,LIMIT,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Regional / Local,38,Consumer electronics,12.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,N,1,180000.0,598486.5,25290.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.007114,-11577,-929,-4639.0,-4194,,1,1,0,1,1,0,Sales staff,3.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Self-employed,0.37246177314734,0.2629358786975408,0.2822484337007223,0.1103,,0.9866,0.8164,0.0784,0.12,0.1034,0.3333,0.375,0.1124,0.0899,0.1249,0.0,0.0,0.1124,,0.9866,0.8236,0.0791,0.1208,0.1034,0.3333,0.375,0.115,0.0983,0.1302,0.0,0.0,0.1114,,0.9866,0.8189,0.0789,0.12,0.1034,0.3333,0.375,0.1143,0.0915,0.1272,0.0,0.0,reg oper account,block of flats,0.0983,Panel,No,0.0,0.0,0.0,0.0,-609.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2399254,359398,Cash loans,19950.12,225000.0,257620.5,,225000.0,THURSDAY,11,Y,1,,,,XNA,Approved,-1292,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-1262.0,-752.0,-1142.0,-1135.0,1.0,0,Cash loans,F,N,Y,0,202500.0,365359.5,39478.5,328500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-20072,365243,-3836.0,-2142,,1,0,0,1,0,0,,2.0,2,2,MONDAY,11,0,0,0,0,0,0,XNA,,0.33906656579441496,0.6246146584503397,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1466.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1462623,244318,Consumer loans,11231.55,63981.0,69493.5,6750.0,63981.0,SATURDAY,9,Y,1,0.09641954574965254,,,XAP,Approved,-546,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,80,Connectivity,8.0,high,POS mobile with interest,365243.0,-515.0,-305.0,-515.0,-510.0,0.0,0,Cash loans,F,N,N,1,225000.0,1082214.0,31770.0,945000.0,Family,Working,Secondary / secondary special,Separated,House / apartment,0.010276,-14176,-2638,-8271.0,-3755,,1,1,0,1,0,0,Sales staff,2.0,2,2,SATURDAY,10,0,0,0,0,1,1,Trade: type 7,0.36802643235691934,0.6460287838829192,0.4561097392782771,0.068,0.0716,0.9821,,,0.0,0.1379,0.1667,,,,0.0423,,0.0828,0.0693,0.0743,0.9821,,,0.0,0.1379,0.1667,,,,0.0441,,0.0876,0.0687,0.0716,0.9821,,,0.0,0.1379,0.1667,,,,0.0431,,0.0845,,block of flats,0.0513,"Stone, brick",No,7.0,2.0,7.0,2.0,-1857.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2750319,376380,Revolving loans,6750.0,135000.0,135000.0,0.0,135000.0,SATURDAY,18,Y,1,0.0,,,XAP,Refused,-458,XNA,HC,,Repeater,XNA,Cards,walk-in,Country-wide,50,Connectivity,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,N,Y,0,193500.0,269982.0,30663.0,238500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-16430,-1003,-3361.0,-4751,,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,10,0,0,0,0,1,1,Business Entity Type 3,,0.33789143271965344,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-179.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,6.0 +2149408,167479,Consumer loans,13739.895,49275.0,51007.5,0.0,49275.0,SATURDAY,10,Y,1,0.0,,,XAP,Approved,-204,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Stone,54,Consumer electronics,4.0,middle,POS household with interest,365243.0,-164.0,-74.0,-74.0,-70.0,0.0,0,Cash loans,F,Y,Y,0,121500.0,654498.0,26086.5,585000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-21150,365243,-11086.0,-4055,19.0,1,0,0,1,0,0,,2.0,2,2,SUNDAY,10,0,0,0,0,0,0,XNA,,0.4828480309371998,0.5549467685334323,0.0247,0.0545,0.9841,0.7824,0.0035,0.0,0.1034,0.0833,0.125,0.0315,0.0202,0.0251,0.0,0.0,0.0252,0.0566,0.9841,0.7909,0.0036,0.0,0.1034,0.0833,0.125,0.0322,0.022,0.0262,0.0,0.0,0.025,0.0545,0.9841,0.7853,0.0036,0.0,0.1034,0.0833,0.125,0.032,0.0205,0.0256,0.0,0.0,reg oper spec account,block of flats,0.0217,"Stone, brick",No,0.0,0.0,0.0,0.0,-1794.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1838846,117061,Consumer loans,8063.28,72963.0,80667.0,0.0,72963.0,SATURDAY,4,Y,1,0.0,,,XAP,Approved,-310,Cash through the bank,XAP,Unaccompanied,Repeater,Auto Accessories,POS,XNA,Stone,150,Auto technology,12.0,middle,POS other with interest,365243.0,-280.0,50.0,-10.0,-8.0,1.0,0,Cash loans,M,Y,N,2,180000.0,1350000.0,39604.5,1350000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0038179999999999998,-13039,-1326,-654.0,-4413,23.0,1,1,0,1,0,0,,4.0,2,2,MONDAY,5,0,0,0,0,1,1,Military,,0.6699042079616193,0.2940831009471255,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,0.0,9.0,0.0,-1668.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1943145,394947,Cash loans,19130.49,495000.0,593010.0,,495000.0,THURSDAY,15,Y,1,,,,Repairs,Refused,-491,Cash through the bank,LIMIT,,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),5,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,N,0,90000.0,1078200.0,31522.5,900000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.007114,-17659,-666,-7017.0,-1212,,1,1,1,1,0,0,Cooking staff,2.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,Medicine,,0.5761330592782226,0.4650692149562261,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-607.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2334251,373343,Cash loans,19300.905,225000.0,269550.0,,225000.0,THURSDAY,8,Y,1,,,,XNA,Approved,-12,XNA,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,AP+ (Cash loan),5,XNA,18.0,middle,Cash X-Sell: middle,365243.0,365243.0,528.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,1,90000.0,67500.0,6804.0,67500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018029,-16380,-491,-1987.0,-4409,,1,1,1,1,1,0,Sales staff,3.0,3,3,TUESDAY,9,0,0,0,0,0,0,Trade: type 3,,0.06163172755310721,,0.3526,0.2921,0.9901,0.8572,0.2427,0.36,0.3103,0.3333,0.375,0.2105,0.2866,0.3875,0.0039,0.0972,0.3592,0.3031,0.9901,0.8628,0.2449,0.3625,0.3103,0.3333,0.375,0.2153,0.3131,0.4037,0.0039,0.1029,0.35600000000000004,0.2921,0.9901,0.8591,0.2442,0.36,0.3103,0.3333,0.375,0.2141,0.2916,0.3945,0.0039,0.0992,reg oper account,block of flats,0.3259,"Stone, brick",No,1.0,0.0,1.0,0.0,-1695.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1084059,158233,Consumer loans,7578.945,39915.0,37170.0,4500.0,39915.0,MONDAY,15,Y,1,0.117612409189083,,,XAP,Approved,-1834,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,23,Connectivity,6.0,high,POS mobile with interest,365243.0,-1795.0,-1645.0,-1645.0,-1639.0,0.0,0,Cash loans,M,Y,N,0,202500.0,369720.0,10593.0,292500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.007273999999999998,-21135,-3391,-5219.0,-4577,10.0,1,1,0,1,0,0,Core staff,2.0,2,2,FRIDAY,17,0,0,0,0,0,0,Insurance,,0.5733698549821041,0.6195277080511546,0.0505,0.0,1.0,1.0,0.0042,0.0,0.1379,0.125,0.1667,0.0,0.0412,0.0516,0.0,0.0,0.0515,0.0,1.0,1.0,0.0042,0.0,0.1379,0.125,0.1667,0.0,0.045,0.0538,0.0,0.0,0.051,0.0,1.0,1.0,0.0042,0.0,0.1379,0.125,0.1667,0.0,0.0419,0.0525,0.0,0.0,reg oper account,block of flats,0.0429,"Stone, brick",No,0.0,0.0,0.0,0.0,-1834.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2191381,358785,Cash loans,50286.015,405000.0,423711.0,,405000.0,MONDAY,10,Y,1,,,,XNA,Approved,-763,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-733.0,-403.0,-403.0,-400.0,1.0,0,Revolving loans,M,Y,Y,0,270000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.011656999999999999,-16680,-2378,-18.0,-159,23.0,1,1,0,1,0,1,Managers,2.0,1,1,MONDAY,10,0,1,1,0,0,0,Business Entity Type 3,0.5020911419117463,0.7065735038151468,0.5226973172821112,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-893.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2438227,258876,Consumer loans,13654.125,62995.5,73962.0,0.0,62995.5,FRIDAY,12,Y,1,0.0,,,XAP,Approved,-871,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,1402,Consumer electronics,6.0,middle,POS household with interest,365243.0,-840.0,-690.0,-690.0,-687.0,0.0,0,Cash loans,M,N,Y,1,405000.0,500211.0,39649.5,463500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-8596,-1051,-6478.0,-1278,,1,1,0,1,0,0,Drivers,3.0,3,2,MONDAY,8,0,0,0,0,0,0,Industry: type 4,,0.5508480326449053,0.3979463219016906,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-1330.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1530697,186336,Consumer loans,2917.44,22455.0,21870.0,2250.0,22455.0,FRIDAY,13,Y,1,0.10159430122116693,,,XAP,Approved,-2690,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,40,Connectivity,10.0,low_normal,POS mobile with interest,365243.0,-2659.0,-2389.0,-2509.0,-2506.0,1.0,0,Cash loans,F,Y,N,2,45000.0,95940.0,11515.5,90000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-9898,-1728,-4241.0,-927,11.0,1,1,1,1,0,0,Laborers,4.0,2,2,SUNDAY,11,0,0,0,1,0,1,Business Entity Type 3,,0.08230448033946745,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2683669,140785,Consumer loans,14515.02,130270.5,144027.0,0.0,130270.5,SUNDAY,9,Y,1,0.0,,,XAP,Approved,-388,Cash through the bank,XAP,,Refreshed,Computers,POS,XNA,Country-wide,1200,Consumer electronics,12.0,middle,POS household with interest,365243.0,-357.0,-27.0,-297.0,-290.0,0.0,1,Revolving loans,F,N,N,0,180000.0,405000.0,20250.0,405000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018801,-13075,-1692,-2613.0,-2897,,1,1,0,1,1,0,Laborers,2.0,2,2,WEDNESDAY,11,0,0,0,1,1,0,Business Entity Type 3,,0.05669613220623136,0.2032521136204725,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-16.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1514813,397134,Consumer loans,12989.16,136800.0,136800.0,0.0,136800.0,SATURDAY,7,Y,1,0.0,,,XAP,Approved,-220,Cash through the bank,XAP,,Repeater,Construction Materials,POS,XNA,Stone,5,Construction,12.0,low_normal,POS industry with interest,365243.0,-186.0,144.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,2,121500.0,508495.5,21541.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-14366,-985,-1762.0,-1923,,1,1,1,1,1,0,Laborers,4.0,2,2,THURSDAY,19,0,0,0,0,0,0,Agriculture,0.3385053888809734,0.21495392493223808,0.4884551844437485,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1129.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2113567,317850,Consumer loans,45800.64,259200.0,259200.0,0.0,259200.0,THURSDAY,12,Y,1,0.0,,,XAP,Approved,-1685,Cash through the bank,XAP,Other_B,New,Furniture,POS,XNA,Stone,20,Furniture,6.0,low_normal,POS industry with interest,365243.0,-1654.0,-1504.0,-1504.0,-1500.0,0.0,0,Cash loans,M,N,Y,0,292500.0,1647000.0,57379.5,1647000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.015221,-18771,-2905,-2696.0,-2324,,1,1,0,1,1,0,Drivers,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.3808725340313856,0.15663982703141147,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1685.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +1561109,439529,Consumer loans,6850.89,74250.0,66825.0,7425.0,74250.0,FRIDAY,15,Y,1,0.1089090909090909,,,XAP,Approved,-488,XNA,XAP,,New,Furniture,POS,XNA,Stone,120,Furniture,12.0,middle,POS industry with interest,365243.0,-454.0,-124.0,-364.0,-359.0,0.0,0,Cash loans,F,N,N,0,135000.0,755190.0,28116.0,675000.0,Family,Pensioner,Higher education,Married,House / apartment,0.018634,-24139,365243,-6867.0,-4078,,1,0,0,1,0,0,,2.0,2,2,MONDAY,13,0,0,0,0,0,0,XNA,,0.6983192870582853,0.4812493411434029,0.1649,0.0742,0.9866,0.8164,0.053,0.08,0.069,0.3333,0.375,0.1176,0.1345,0.1032,0.0,0.0,0.1681,0.077,0.9866,0.8236,0.0535,0.0806,0.069,0.3333,0.375,0.1203,0.1469,0.1076,0.0,0.0,0.1665,0.0742,0.9866,0.8189,0.0533,0.08,0.069,0.3333,0.375,0.1197,0.1368,0.1051,0.0,0.0,reg oper account,block of flats,0.1102,Panel,No,3.0,0.0,3.0,0.0,-488.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2504021,301469,Cash loans,19790.505,180000.0,191880.0,,180000.0,SATURDAY,14,Y,1,,,,XNA,Approved,-1263,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1233.0,-903.0,-1143.0,-1136.0,1.0,0,Cash loans,F,Y,Y,0,202500.0,1258650.0,53455.5,1125000.0,Unaccompanied,Pensioner,Higher education,Separated,House / apartment,0.00733,-21992,365243,-9065.0,-5125,11.0,1,0,0,1,0,1,,1.0,2,2,TUESDAY,12,0,0,0,0,0,0,XNA,0.8203510613279185,0.6062001589082111,0.6879328378491735,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-214.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1113009,254010,Consumer loans,8543.7,62955.0,69187.5,0.0,62955.0,TUESDAY,10,Y,1,0.0,,,XAP,Approved,-1847,XNA,XAP,Family,New,Consumer Electronics,POS,XNA,Stone,625,Consumer electronics,12.0,high,POS household with interest,365243.0,-1816.0,-1486.0,-1486.0,-1478.0,0.0,0,Cash loans,M,Y,Y,0,270000.0,659610.0,21406.5,472500.0,Unaccompanied,Working,Lower secondary,Married,House / apartment,0.030755,-12969,-801,-5473.0,-3973,27.0,1,1,0,1,0,0,Drivers,2.0,2,2,MONDAY,10,0,1,1,1,1,1,Business Entity Type 3,,0.6359953248794864,0.7700870700124128,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1847.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1310331,393285,Revolving loans,2250.0,0.0,45000.0,,,FRIDAY,16,Y,1,,,,XAP,Approved,-1270,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-1267.0,-1219.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,103500.0,127350.0,13842.0,112500.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.003069,-15801,-784,-5718.0,-5058,,1,1,0,1,0,0,Core staff,1.0,3,3,MONDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.5905909902821062,0.6487144522739315,0.7557400501752248,0.0371,0.0325,0.9876,,,0.04,0.0345,0.3333,,0.0339,,0.0216,,0.0,0.0378,0.0337,0.9876,,,0.0403,0.0345,0.3333,,0.0347,,0.0225,,0.0,0.0375,0.0325,0.9876,,,0.04,0.0345,0.3333,,0.0345,,0.022,,0.0,,block of flats,0.0335,"Stone, brick",No,0.0,0.0,0.0,0.0,-1381.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2297503,297383,Cash loans,,0.0,0.0,,,FRIDAY,8,Y,1,,,,XNA,Refused,-320,XNA,HC,,Repeater,XNA,XNA,XNA,AP+ (Cash loan),4,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,112500.0,781920.0,32998.5,675000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.028663,-12275,-1568,-1829.0,-1839,,1,1,1,1,1,0,Core staff,2.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,Kindergarten,,0.12770691175301727,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-320.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1940939,195315,Consumer loans,2901.825,24700.5,24426.0,2475.0,24700.5,SUNDAY,11,Y,1,0.1002007360321178,,,XAP,Approved,-2284,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,212,Connectivity,12.0,high,POS mobile with interest,365243.0,-2253.0,-1923.0,-2013.0,-2004.0,0.0,0,Cash loans,F,N,Y,0,112500.0,119925.0,11988.0,112500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-24738,365243,-7918.0,-4095,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,8,0,0,0,0,0,0,XNA,,0.2632411250133655,0.7700870700124128,0.1227,0.1178,0.9781,0.7008,0.0554,0.0,0.2759,0.1667,0.2083,,0.1,0.1032,0.0,0.0,0.125,0.1223,0.9782,0.7125,0.0559,0.0,0.2759,0.1667,0.2083,,0.1093,0.1075,0.0,0.0,0.1239,0.1178,0.9781,0.7048,0.0557,0.0,0.2759,0.1667,0.2083,,0.1018,0.105,0.0,0.0,reg oper spec account,block of flats,0.0812,"Stone, brick",No,6.0,1.0,6.0,1.0,-152.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,5.0 +1336585,327324,Consumer loans,5666.175,62554.5,62554.5,0.0,62554.5,WEDNESDAY,11,Y,1,0.0,,,XAP,Approved,-106,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,150,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-76.0,254.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,2,450000.0,1590849.0,63220.5,1485000.0,Children,Commercial associate,Incomplete higher,Married,House / apartment,0.031329,-13872,-3349,-7057.0,-1906,16.0,1,1,0,1,0,0,Managers,4.0,2,2,THURSDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.4627431049262138,0.4974688893052743,0.1289,0.1157,0.9816,,,0.0,0.2759,0.1667,,0.1361,,0.1229,,0.0,0.1313,0.1201,0.9816,,,0.0,0.2759,0.1667,,0.1392,,0.128,,0.0,0.1301,0.1157,0.9816,,,0.0,0.2759,0.1667,,0.1384,,0.1251,,0.0,,block of flats,0.105,Block,No,0.0,0.0,0.0,0.0,-106.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2688668,111080,Consumer loans,,34195.5,34195.5,0.0,34195.5,TUESDAY,11,Y,1,0.0,,,XAP,Refused,-1886,XNA,HC,Unaccompanied,Repeater,Mobile,XNA,XNA,Regional / Local,10,Consumer electronics,,XNA,POS household with interest,,,,,,,0,Cash loans,M,Y,N,0,270000.0,640080.0,29970.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.010032,-9465,-553,-4007.0,-730,17.0,1,1,0,1,0,0,Sales staff,1.0,2,2,FRIDAY,12,0,0,0,0,0,0,Self-employed,0.3268204567049886,0.5136493297455712,0.5814837058057234,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1857.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2242478,343162,Consumer loans,5776.47,42075.0,40968.0,4230.0,42075.0,FRIDAY,15,Y,1,0.101926070743275,,,XAP,Approved,-1589,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,33,Connectivity,10.0,high,POS mobile with interest,365243.0,-1553.0,-1283.0,-1463.0,-1461.0,0.0,1,Cash loans,M,Y,Y,0,180000.0,254700.0,30357.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.02461,-11256,-1715,-571.0,-3283,17.0,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.012733533246900365,0.3296550543128238,0.0186,0.0,0.9657,,,0.0,0.1034,0.0833,,0.0119,,0.0169,,0.0076,0.0189,0.0,0.9593,,,0.0,0.1034,0.0833,,0.0122,,0.0176,,0.0081,0.0187,0.0,0.9657,,,0.0,0.1034,0.0833,,0.0121,,0.0172,,0.0078,,terraced house,0.0016,"Stone, brick",No,2.0,2.0,2.0,2.0,-1589.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1131120,111635,Cash loans,17499.51,157500.0,178290.0,,157500.0,TUESDAY,12,Y,1,,,,XNA,Approved,-261,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-231.0,99.0,-81.0,-74.0,1.0,0,Cash loans,F,N,Y,0,270000.0,799299.0,37170.0,702000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-21737,365243,-5171.0,-5168,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,XNA,0.8284650974126241,0.1693491779471231,0.4507472818545589,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-261.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2773022,390893,Consumer loans,4911.39,19656.0,18310.5,1966.5,19656.0,THURSDAY,10,Y,1,0.10562199895089368,,,XAP,Approved,-803,Cash through the bank,XAP,Unaccompanied,Repeater,Gardening,POS,XNA,Stone,141,Construction,4.0,low_normal,POS industry with interest,365243.0,-772.0,-682.0,-682.0,-665.0,0.0,0,Cash loans,M,Y,N,1,180000.0,239850.0,25447.5,225000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.018634,-11926,-1618,-244.0,-4463,6.0,1,1,1,1,1,0,Sales staff,3.0,2,2,MONDAY,16,0,0,0,0,1,1,Industry: type 3,0.4835186836641632,0.4920044969010475,0.7662336700704004,,,0.9841,,,,,,,,,0.1352,,,,,0.9841,,,,,,,,,0.1408,,,,,0.9841,,,,,,,,,0.1376,,,,,0.1063,,No,3.0,0.0,3.0,0.0,-1762.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +1787326,198234,Cash loans,26017.875,270000.0,334246.5,,270000.0,WEDNESDAY,12,Y,1,,,,XNA,Approved,-862,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-832.0,-322.0,-802.0,-795.0,1.0,0,Cash loans,M,Y,Y,0,225000.0,1237554.0,36315.0,886500.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.030755,-19054,-7538,-6396.0,-2596,8.0,1,1,0,1,0,0,High skill tech staff,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,Other,0.7733158550086888,0.7192159894797415,0.5298898341969072,0.0495,0.0284,0.9871,0.8232,0.0,0.04,0.0345,0.3333,0.375,0.0152,,0.0259,,0.0134,0.0504,0.0295,0.9871,0.8301,0.0,0.0403,0.0345,0.3333,0.375,0.0155,,0.027000000000000003,,0.0142,0.05,0.0284,0.9871,0.8256,0.0,0.04,0.0345,0.3333,0.375,0.0154,,0.0264,,0.0137,reg oper account,block of flats,0.0399,"Stone, brick",No,0.0,0.0,0.0,0.0,-1490.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2723097,195555,Cash loans,23364.765,301500.0,334930.5,0.0,301500.0,MONDAY,12,Y,1,0.0,,,XNA,Approved,-1620,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-1590.0,-900.0,-1200.0,-1194.0,1.0,0,Cash loans,F,N,Y,0,157500.0,359725.5,24169.5,297000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.016612000000000002,-17830,-770,-660.0,-1252,,1,1,0,1,0,0,Cooking staff,2.0,2,2,THURSDAY,16,0,0,0,0,0,0,Restaurant,,0.6053019159965644,0.7490217048463391,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1065.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2023901,255578,Consumer loans,16601.805,157036.5,134536.5,22500.0,157036.5,SUNDAY,10,Y,1,0.15604362969465976,,,XAP,Approved,-2155,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,3500,Consumer electronics,10.0,middle,POS household with interest,365243.0,-2124.0,-1854.0,-1884.0,-1882.0,0.0,0,Cash loans,M,Y,Y,0,360000.0,1355067.0,57541.5,1233000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.020713,-18283,-1660,-4736.0,-1814,20.0,1,1,0,1,0,0,Laborers,2.0,3,2,SATURDAY,6,0,0,0,0,0,0,Business Entity Type 3,0.4803185621403957,0.4699429079184395,0.6894791426446275,0.1866,0.1333,0.9806,0.7348,0.0419,0.08,0.3103,0.3333,0.2083,0.0788,0.1521,0.2027,0.0,0.0,0.1901,0.1383,0.9806,0.7452,0.0423,0.0806,0.3103,0.3333,0.2083,0.0806,0.1662,0.2112,0.0,0.0,0.1884,0.1333,0.9806,0.7383,0.0422,0.08,0.3103,0.3333,0.2083,0.0802,0.1548,0.2063,0.0,0.0,reg oper account,block of flats,0.1824,Panel,No,5.0,0.0,5.0,0.0,-3033.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1057301,179331,Consumer loans,3654.45,20745.0,17419.5,4149.0,20745.0,SATURDAY,15,Y,1,0.20950173548546167,,,XAP,Approved,-1502,XNA,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,67,Connectivity,6.0,high,POS mobile with interest,365243.0,-1471.0,-1321.0,-1321.0,-1311.0,0.0,0,Cash loans,F,Y,Y,0,144000.0,469152.0,23953.5,405000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.010147,-15671,-5267,-19.0,-4459,35.0,1,1,0,1,0,1,Laborers,1.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Postal,0.4189089265865562,0.101755222235782,0.3441550073724169,0.033,0.0,0.9722,0.6192,0.0179,0.0,0.069,0.125,0.1667,0.0291,0.0269,0.0252,0.0,0.0,0.0336,0.0,0.9722,0.6341,0.0181,0.0,0.069,0.125,0.1667,0.0298,0.0294,0.0263,0.0,0.0,0.0333,0.0,0.9722,0.6243,0.018000000000000002,0.0,0.069,0.125,0.1667,0.0296,0.0274,0.0257,0.0,0.0,reg oper spec account,block of flats,0.0296,"Stone, brick",No,0.0,0.0,0.0,0.0,-2.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2417812,131284,Cash loans,,0.0,0.0,,,THURSDAY,11,Y,1,,,,XNA,Refused,-165,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,135000.0,640080.0,24259.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.007273999999999998,-22843,-4233,-5568.0,-4879,,1,1,0,1,0,0,Laborers,1.0,2,2,MONDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.3763504074800427,0.2940831009471255,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-801.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2376970,375765,Cash loans,29921.805,450000.0,619362.0,0.0,450000.0,WEDNESDAY,18,Y,1,0.0,,,Other,Refused,-1750,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,36.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,Y,Y,0,405000.0,900000.0,46084.5,900000.0,Family,State servant,Higher education,Single / not married,House / apartment,0.030755,-15917,-2701,-5476.0,-582,4.0,1,1,0,1,0,0,,1.0,2,2,WEDNESDAY,17,0,0,0,1,1,0,Transport: type 4,0.4795838561074312,0.7397787169188661,0.1940678276718812,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-2105.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1034556,331201,Revolving loans,6750.0,135000.0,135000.0,,135000.0,WEDNESDAY,12,Y,1,,,,XAP,Approved,-404,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-365.0,-343.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,0,180000.0,254700.0,16276.5,225000.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,House / apartment,0.04622,-8864,-1037,-8864.0,-1286,14.0,1,1,1,1,0,0,Drivers,1.0,1,1,MONDAY,11,0,0,0,0,0,0,Police,0.16460877713429214,0.2825834598300594,0.7001838506835805,0.134,0.1336,0.9791,0.7144,0.0152,0.0,0.2759,0.1667,0.2083,0.0,0.1084,0.1204,0.0039,0.0073,0.1366,0.1386,0.9791,0.7256,0.0154,0.0,0.2759,0.1667,0.2083,0.0,0.1185,0.1254,0.0039,0.0077,0.1353,0.1336,0.9791,0.7182,0.0153,0.0,0.2759,0.1667,0.2083,0.0,0.1103,0.1225,0.0039,0.0074,reg oper account,block of flats,0.1046,"Stone, brick",No,0.0,0.0,0.0,0.0,-48.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2714673,451043,Consumer loans,9912.87,54796.5,52245.0,5481.0,54796.5,TUESDAY,13,Y,1,0.10340760268730334,,,XAP,Approved,-149,Cash through the bank,XAP,Unaccompanied,Repeater,Jewelry,POS,XNA,Country-wide,50,Jewelry,6.0,middle,POS industry without interest,365243.0,-117.0,33.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,135000.0,188460.0,9751.5,135000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.005084,-16950,-1267,-9000.0,-493,,1,1,1,1,0,0,Laborers,2.0,2,2,THURSDAY,12,0,0,0,0,1,1,Business Entity Type 3,,0.07921230385089195,0.33285056416487313,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1881.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2451032,222455,Consumer loans,5602.32,55800.0,44640.0,11160.0,55800.0,WEDNESDAY,12,Y,1,0.2178181818181818,,,XAP,Approved,-2697,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Stone,311,Consumer electronics,10.0,high,POS household with interest,365243.0,-2661.0,-2391.0,-2421.0,-2413.0,0.0,1,Cash loans,F,Y,N,0,225000.0,407520.0,29785.5,360000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-18932,-716,-72.0,-2465,9.0,1,1,0,1,0,1,Security staff,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,Housing,,0.5019863561849582,0.2366108235287817,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2101.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1706651,230715,Revolving loans,7875.0,0.0,157500.0,,0.0,SATURDAY,14,Y,1,,,,XAP,Refused,-1281,XNA,LIMIT,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,Y,Y,0,193500.0,1506816.0,49927.5,1350000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-21688,-1522,-199.0,-4764,7.0,1,1,0,1,0,0,,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,Construction,0.8813883290827661,0.6065655178275249,0.6479768603302221,0.1381,0.0,0.9568,0.4084,0.0848,0.04,0.6207,0.25,0.2083,0.1907,0.1042,0.1736,0.0386,0.1625,0.1408,0.0,0.9568,0.4316,0.0856,0.0403,0.6207,0.25,0.2083,0.195,0.1139,0.1809,0.0389,0.172,0.1395,0.0,0.9568,0.4163,0.0853,0.04,0.6207,0.25,0.2083,0.194,0.106,0.1768,0.0388,0.1659,not specified,block of flats,0.2183,"Stone, brick",No,0.0,0.0,0.0,0.0,-1573.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,3.0 +1568083,229936,Consumer loans,5072.49,87750.0,48217.5,43875.0,87750.0,THURSDAY,16,Y,1,0.5188681340648111,,,XAP,Approved,-1786,Cash through the bank,XAP,"Spouse, partner",Repeater,Furniture,POS,XNA,Stone,396,Furniture,12.0,middle,POS industry with interest,365243.0,-1755.0,-1425.0,-1425.0,-1405.0,0.0,0,Cash loans,F,N,Y,0,202500.0,765522.0,24822.0,639000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.01885,-21090,365243,-8291.0,-4123,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,XNA,0.7122550898747869,0.5365157532517386,0.5867400085415683,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1037.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1309057,158213,Consumer loans,6592.275,120177.0,145557.0,0.0,120177.0,FRIDAY,15,Y,1,0.0,,,XAP,Approved,-403,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,1775,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-371.0,319.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,135000.0,675000.0,26284.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-16155,-2213,-9547.0,-4555,,1,1,1,1,1,0,Cooking staff,2.0,2,2,MONDAY,13,0,0,0,0,0,0,Self-employed,0.5738995014328733,0.6486048124391643,0.5867400085415683,0.0371,0.0626,0.9762,0.6736,0.0227,0.0,0.1034,0.0833,0.125,0.0497,0.0303,0.0299,0.0,0.0,0.0378,0.065,0.9762,0.6864,0.0229,0.0,0.1034,0.0833,0.125,0.0508,0.0331,0.0312,0.0,0.0,0.0375,0.0626,0.9762,0.6779999999999999,0.0228,0.0,0.1034,0.0833,0.125,0.0506,0.0308,0.0305,0.0,0.0,reg oper account,block of flats,0.0245,"Stone, brick",No,0.0,0.0,0.0,0.0,-723.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2640990,448924,Revolving loans,3375.0,0.0,67500.0,,,WEDNESDAY,9,Y,1,,,,XAP,Approved,-2659,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card Street,-2123.0,-2064.0,365243.0,-1699.0,365243.0,0.0,0,Cash loans,F,N,Y,2,67500.0,152820.0,8901.0,135000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.018209,-12313,-329,-1118.0,-1678,,1,1,1,1,0,0,,4.0,3,3,TUESDAY,15,0,0,0,0,0,0,School,,0.6381996827967074,0.3774042489507649,0.2227,0.0918,0.9866,0.8164,0.1836,0.08,0.069,0.3333,0.375,0.0448,0.1816,0.1276,0.0,0.0,0.2269,0.0953,0.9866,0.8236,0.1853,0.0806,0.069,0.3333,0.375,0.0458,0.1983,0.133,0.0,0.0,0.2248,0.0918,0.9866,0.8189,0.1848,0.08,0.069,0.3333,0.375,0.0456,0.1847,0.1299,0.0,0.0,reg oper account,block of flats,0.1004,Panel,No,0.0,0.0,0.0,0.0,-2123.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2683320,107779,Cash loans,49314.465,225000.0,259875.0,,225000.0,WEDNESDAY,14,Y,1,,,,XNA,Approved,-827,Cash through the bank,XAP,Other_A,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-797.0,-647.0,-647.0,-613.0,1.0,1,Cash loans,M,N,Y,0,216000.0,662733.0,32013.0,535500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.00963,-13962,-4887,-8066.0,-4076,,1,1,0,1,0,0,,1.0,2,2,THURSDAY,12,0,0,0,0,0,0,Business Entity Type 2,,0.10199131379744128,0.4014074137749511,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1917.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2275112,419105,Revolving loans,11250.0,0.0,225000.0,,,WEDNESDAY,14,N,1,,,,XAP,Refused,-1121,XNA,HC,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,225000.0,573408.0,20727.0,495000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0105,-19549,-4678,-7884.0,-3033,,1,1,0,1,0,0,Laborers,2.0,3,3,THURSDAY,10,0,0,0,0,0,0,Construction,,0.4637762062877736,0.30162489168411943,0.1304,0.1311,0.9911,0.8504,0.0461,0.12,0.1207,0.2708,0.375,0.0974,0.195,0.1509,0.0193,0.0533,0.0168,0.0108,0.9891,0.8563,0.0465,0.0,0.0345,0.1667,0.375,0.0997,0.213,0.0284,0.0195,0.0565,0.1317,0.1311,0.9911,0.8524,0.0464,0.12,0.1207,0.2708,0.375,0.0991,0.1984,0.1536,0.0194,0.0545,reg oper account,block of flats,0.2162,"Stone, brick",No,4.0,0.0,4.0,0.0,-1291.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1837255,318129,Cash loans,16639.875,202500.0,222547.5,,202500.0,MONDAY,9,Y,1,,,,XNA,Approved,-466,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-436.0,74.0,-136.0,-131.0,1.0,0,Cash loans,F,N,Y,0,81000.0,182983.5,13810.5,166500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010556,-24464,365243,-11586.0,-4539,,1,0,0,1,0,0,,2.0,3,3,FRIDAY,12,0,0,0,0,0,0,XNA,,0.5060589072600693,0.5460231970049609,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-466.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +1876745,104129,Consumer loans,5856.75,34875.0,32940.0,3487.5,34875.0,THURSDAY,17,Y,1,0.10426750519400306,,,XAP,Approved,-1384,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Regional / Local,186,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-1353.0,-1203.0,-1203.0,-1198.0,0.0,0,Cash loans,M,Y,Y,1,270000.0,450000.0,35554.5,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.019101,-10148,-2579,-491.0,-2806,3.0,1,1,0,1,0,0,Managers,3.0,2,2,TUESDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.6561350626248301,0.2858978721410488,0.2512394458905693,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1218.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1384495,156457,Cash loans,5693.085,45000.0,47970.0,,45000.0,THURSDAY,10,Y,1,,,,XNA,Approved,-1092,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Country-wide,33,Connectivity,12.0,high,Cash Street: high,365243.0,-1062.0,-732.0,-732.0,-716.0,1.0,0,Cash loans,F,N,Y,1,45000.0,265851.0,14418.0,229500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.015221,-16692,-3657,-8303.0,-29,,1,1,1,1,1,0,Cooking staff,3.0,2,2,THURSDAY,9,0,0,0,0,0,0,Kindergarten,,0.527499923477912,0.10015182033723906,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1535.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2396158,183524,Cash loans,12915.945,112500.0,119925.0,,112500.0,TUESDAY,12,Y,1,,,,XNA,Approved,-699,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,,,,,,,0,Revolving loans,M,Y,Y,1,180000.0,360000.0,18000.0,360000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-13800,-2791,-4716.0,-787,10.0,1,1,1,1,1,0,High skill tech staff,3.0,2,2,MONDAY,7,0,0,0,0,0,0,Business Entity Type 3,0.17187629186603345,0.6050876946871511,0.39449540531239935,0.0856,0.0064,0.9737,0.6396,,0.0,0.1379,0.1667,0.2083,0.0154,0.0672,0.0692,0.0116,0.0177,0.0872,0.0066,0.9737,0.6537,,0.0,0.1379,0.1667,0.2083,0.0157,0.0735,0.0721,0.0117,0.0187,0.0864,0.0064,0.9737,0.6444,,0.0,0.1379,0.1667,0.2083,0.0156,0.0684,0.0705,0.0116,0.0181,reg oper account,block of flats,0.0583,Panel,No,0.0,0.0,0.0,0.0,-1789.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1237738,447791,Cash loans,36522.72,1132137.045,1132137.045,,1132137.045,MONDAY,14,Y,1,,,,XNA,Approved,-788,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,365243.0,-758.0,1012.0,-68.0,-61.0,0.0,0,Cash loans,F,N,Y,0,135000.0,184500.0,11146.5,184500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.008625,-19919,-1424,-8386.0,-3441,,1,1,0,1,0,0,Sales staff,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,Self-employed,0.8225227847739346,0.6717295039196346,0.28812959991785075,0.0742,0.0466,0.9861,0.8096,0.0463,0.08,0.069,0.3333,0.375,0.0137,0.0605,0.0737,0.0,0.0,0.0756,0.0484,0.9861,0.8171,0.0467,0.0806,0.069,0.3333,0.375,0.0141,0.0661,0.0768,0.0,0.0,0.0749,0.0466,0.9861,0.8121,0.0466,0.08,0.069,0.3333,0.375,0.014,0.0616,0.075,0.0,0.0,reg oper account,block of flats,0.0802,Panel,No,2.0,0.0,2.0,0.0,-3234.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1820898,350244,Consumer loans,10734.84,113382.0,102042.0,11340.0,113382.0,SUNDAY,15,Y,1,0.10892638081080687,,,XAP,Approved,-2339,Cash through the bank,XAP,"Spouse, partner",New,Photo / Cinema Equipment,POS,XNA,Country-wide,2194,Consumer electronics,12.0,middle,POS household with interest,365243.0,-2307.0,-1977.0,-1977.0,-1975.0,0.0,0,Cash loans,M,Y,N,0,292500.0,536917.5,21685.5,463500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.025164,-13033,-5215,-388.0,-3709,8.0,1,1,0,1,0,0,,2.0,2,2,MONDAY,15,0,0,0,0,0,0,Business Entity Type 2,,0.16475181635590855,0.6528965519806539,0.0928,0.0551,0.999,,,0.08,0.0345,0.625,,0.0,,0.1297,,0.1065,0.0945,0.0572,0.999,,,0.0806,0.0345,0.625,,0.0,,0.1351,,0.1128,0.0937,0.0551,0.999,,,0.08,0.0345,0.625,,0.0,,0.132,,0.1088,,block of flats,0.1422,"Stone, brick",No,0.0,0.0,0.0,0.0,-1481.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1378650,359428,Consumer loans,4429.485,17275.5,15547.5,1728.0,17275.5,FRIDAY,13,Y,1,0.10893746003930944,,,XAP,Refused,-2503,Cash through the bank,SCO,Family,Repeater,XNA,POS,XNA,Country-wide,74,Connectivity,4.0,low_normal,POS mobile with interest,,,,,,,0,Revolving loans,F,N,N,0,90000.0,292500.0,14625.0,292500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-21724,365243,-10695.0,-4402,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,XNA,,0.6973878926274749,0.6178261467332483,0.0619,0.0701,0.9851,0.7959999999999999,0.0087,0.0,0.1379,0.1667,0.2083,0.0431,0.0504,0.0608,0.0,0.0,0.063,0.0727,0.9851,0.804,0.0087,0.0,0.1379,0.1667,0.2083,0.0441,0.0551,0.0634,0.0,0.0,0.0625,0.0701,0.9851,0.7987,0.0087,0.0,0.1379,0.1667,0.2083,0.0438,0.0513,0.0619,0.0,0.0,reg oper spec account,block of flats,0.0526,Panel,No,0.0,0.0,0.0,0.0,-1513.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1815079,435067,Consumer loans,11606.67,59391.0,62766.0,5940.0,59391.0,SATURDAY,9,Y,1,0.09415771548336388,,,XAP,Approved,-431,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Country-wide,300,Consumer electronics,6.0,middle,POS household with interest,365243.0,-400.0,-250.0,-250.0,-248.0,0.0,0,Cash loans,M,Y,N,0,270000.0,1762110.0,48456.0,1575000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.04622,-16435,-6032,-2416.0,-4752,2.0,1,1,1,1,0,0,Laborers,2.0,1,1,TUESDAY,7,0,0,0,0,1,1,Industry: type 3,0.4438577395226707,0.7541954320920409,0.5849900404894085,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-854.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2099533,242056,Cash loans,34599.87,990000.0,1119375.0,,990000.0,TUESDAY,16,Y,1,,,,XNA,Approved,-781,XNA,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,54.0,low_normal,Cash X-Sell: low,365243.0,-751.0,839.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,247500.0,1139845.5,45333.0,1048500.0,Family,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.031329,-22755,-2713,-8221.0,-4362,,1,1,0,1,1,0,Sales staff,1.0,2,2,SATURDAY,8,0,0,0,0,0,0,Business Entity Type 3,,0.7075518371328813,0.7047064232963289,0.1196,0.1379,0.9841,,,0.0,0.2759,0.1667,,1.0,,0.1048,,0.0,0.1218,0.1431,0.9841,,,0.0,0.2759,0.1667,,1.0,,0.1092,,0.0,0.1207,0.1379,0.9841,,,0.0,0.2759,0.1667,,1.0,,0.1067,,0.0,,block of flats,0.0824,"Stone, brick",No,0.0,0.0,0.0,0.0,-716.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2088612,348933,Consumer loans,3747.96,31570.02,31185.0,3193.02,31570.02,TUESDAY,16,Y,1,0.1011544310738505,,,XAP,Approved,-1822,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Stone,62,Connectivity,12.0,high,POS mobile with interest,365243.0,-1791.0,-1461.0,-1461.0,-1453.0,0.0,0,Cash loans,F,N,Y,1,225000.0,526491.0,21267.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.009175,-14621,-4386,-7212.0,-4384,,1,1,0,1,0,0,,2.0,2,2,THURSDAY,15,0,1,1,0,0,0,Other,0.7168166912223035,0.7148813874751786,0.7688075728291359,0.0082,,0.9727,,,0.0,0.0345,0.0417,,,,0.0088,,,0.0084,,0.9727,,,0.0,0.0345,0.0417,,,,0.0092,,,0.0083,,0.9727,,,0.0,0.0345,0.0417,,,,0.009000000000000001,,,,block of flats,0.0069,"Stone, brick",Yes,0.0,0.0,0.0,0.0,-1406.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,2.0 +1818581,185289,Consumer loans,5800.05,27535.5,28899.0,0.0,27535.5,FRIDAY,10,Y,1,0.0,,,XAP,Approved,-2384,Non-cash from your account,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,6.0,high,POS mobile with interest,365243.0,-2353.0,-2203.0,-2203.0,-2200.0,1.0,0,Revolving loans,F,Y,N,2,81000.0,135000.0,6750.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.02461,-11257,-2039,-831.0,-917,8.0,1,1,0,1,0,0,Laborers,4.0,2,2,TUESDAY,15,0,0,0,0,0,0,Business Entity Type 1,0.32907257751215857,0.5104312065718004,0.7165702448010511,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1706.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2247531,209472,Revolving loans,11250.0,225000.0,225000.0,,225000.0,TUESDAY,12,Y,1,,,,XAP,Refused,-1011,XNA,HC,,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,N,1,180000.0,573628.5,27724.5,463500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-14128,-6349,-3256.0,-5442,,1,1,0,1,0,0,Core staff,3.0,2,2,FRIDAY,17,0,0,0,0,0,0,Medicine,,0.6350278467719062,0.1206410299309233,0.0938,0.0819,0.9796,0.7212,0.0381,0.0,0.2069,0.1667,0.0417,0.0624,0.0756,0.0768,0.0039,0.0026,0.0956,0.085,0.9796,0.7321,0.0385,0.0,0.2069,0.1667,0.0417,0.0638,0.0826,0.08,0.0039,0.0028,0.0947,0.0819,0.9796,0.7249,0.0384,0.0,0.2069,0.1667,0.0417,0.0634,0.077,0.0782,0.0039,0.0027,reg oper account,block of flats,0.0677,Panel,No,1.0,0.0,1.0,0.0,-732.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1116849,152960,Cash loans,16164.0,450000.0,450000.0,,450000.0,FRIDAY,15,Y,1,,,,XNA,Refused,-214,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,300,Consumer electronics,48.0,low_normal,Cash X-Sell: low,,,,,,,1,Cash loans,F,Y,N,0,450000.0,485640.0,38938.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-14450,-2634,-5620.0,-3602,14.0,1,1,0,1,1,0,Managers,2.0,2,2,MONDAY,13,0,0,0,0,0,0,Transport: type 4,,0.09316967320465223,0.06423703753438333,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-611.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +2558778,194527,Revolving loans,10125.0,202500.0,202500.0,,202500.0,THURSDAY,16,Y,1,,,,XAP,Approved,-285,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-232.0,-206.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,202500.0,848745.0,39460.5,675000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.019101,-13821,-3465,-7756.0,-4746,,1,1,0,1,0,0,Waiters/barmen staff,1.0,2,2,TUESDAY,17,0,0,0,0,0,0,Hotel,0.6127314690070493,0.7390877417880367,0.5814837058057234,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1873.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1434276,185289,Consumer loans,11705.85,118350.0,117058.5,11835.0,118350.0,WEDNESDAY,16,Y,1,0.10000031738676428,,,XAP,Approved,-1469,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Stone,10,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1438.0,-1108.0,-1108.0,-1101.0,0.0,0,Revolving loans,F,Y,N,2,81000.0,135000.0,6750.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.02461,-11257,-2039,-831.0,-917,8.0,1,1,0,1,0,0,Laborers,4.0,2,2,TUESDAY,15,0,0,0,0,0,0,Business Entity Type 1,0.32907257751215857,0.5104312065718004,0.7165702448010511,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1706.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2813342,230550,Cash loans,6079.905,67500.0,81756.0,,67500.0,TUESDAY,10,Y,1,,,,XNA,Approved,-6,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,Y,0,180000.0,272520.0,19957.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.00702,-15386,-1641,-2251.0,-4786,,1,1,0,1,0,0,,1.0,2,2,MONDAY,13,0,0,0,0,0,0,Self-employed,0.3637912777512181,0.3910713662979061,0.5814837058057234,0.0557,0.0379,0.9965,0.9524,0.0,0.12,0.1034,0.3333,0.375,0.027000000000000003,0.0454,0.0693,0.0,0.049,0.0567,0.0393,0.9965,0.9543,0.0,0.1208,0.1034,0.3333,0.375,0.0277,0.0496,0.0722,0.0,0.0519,0.0562,0.0379,0.9965,0.953,0.0,0.12,0.1034,0.3333,0.375,0.0275,0.0462,0.0705,0.0,0.0501,reg oper account,block of flats,0.0651,Panel,No,3.0,0.0,3.0,0.0,-6.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,3.0 +1318370,341913,Cash loans,5530.5,45000.0,45000.0,0.0,45000.0,SATURDAY,9,Y,1,0.0,,,XNA,Approved,-2896,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,10.0,middle,Cash Street: middle,365243.0,-2826.0,-2596.0,-2586.0,-2573.0,0.0,0,Cash loans,M,Y,Y,1,225000.0,772686.0,20511.0,553500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.035792000000000004,-14162,-1175,-8206.0,-4952,0.0,1,1,0,1,0,0,Managers,3.0,2,2,THURSDAY,9,0,0,0,0,0,0,Self-employed,,0.7265487694460562,0.7016957740576931,0.0876,0.0407,0.9791,0.7144,0.0183,0.08,0.0345,0.4583,0.5,0.0387,0.0706,0.0737,0.0039,0.0026,0.0893,0.0423,0.9791,0.7256,0.0185,0.0806,0.0345,0.4583,0.5,0.0396,0.0771,0.0768,0.0039,0.0028,0.0885,0.0407,0.9791,0.7182,0.0184,0.08,0.0345,0.4583,0.5,0.0394,0.0718,0.075,0.0039,0.0027,reg oper account,block of flats,0.0585,"Stone, brick",No,3.0,0.0,3.0,0.0,-3190.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +2630557,329103,Cash loans,62480.52,1057500.0,1118920.5,,1057500.0,FRIDAY,9,Y,1,,,,XNA,Approved,-984,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),10,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-954.0,-264.0,-264.0,-261.0,1.0,0,Cash loans,F,Y,Y,0,270000.0,1228500.0,39627.0,1228500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.025164,-16560,-5351,-1240.0,-105,8.0,1,1,1,1,1,0,Accountants,2.0,2,2,TUESDAY,8,0,0,0,0,1,1,Business Entity Type 3,,0.022538256679297455,0.6109913280868294,0.0165,0.0,0.9727,0.626,0.0013,0.0,0.069,0.0417,0.0833,0.0196,0.0134,0.0124,0.0,0.0,0.0168,0.0,0.9727,0.6406,0.0014,0.0,0.069,0.0417,0.0833,0.02,0.0147,0.0129,0.0,0.0,0.0167,0.0,0.9727,0.631,0.0014,0.0,0.069,0.0417,0.0833,0.0199,0.0137,0.0126,0.0,0.0,reg oper spec account,block of flats,0.0098,"Stone, brick",No,4.0,0.0,4.0,0.0,-230.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,3.0 +2011629,271441,Revolving loans,5625.0,0.0,112500.0,,,TUESDAY,10,Y,1,,,,XAP,Approved,-2675,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,519,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,180000.0,656811.0,35761.5,567000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,Municipal apartment,0.018801,-16761,-4534,-3135.0,-288,,1,1,0,1,0,0,Sales staff,1.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Self-employed,0.6547436408566211,0.34726322224519784,0.4632753280912678,0.1237,0.1084,0.9796,0.7212,0.0197,0.0,0.2759,0.1667,0.2083,0.0309,0.0992,0.1031,0.0077,0.0223,0.1261,0.1125,0.9796,0.7321,0.0198,0.0,0.2759,0.1667,0.2083,0.0316,0.1084,0.1074,0.0078,0.0236,0.1249,0.1084,0.9796,0.7249,0.0198,0.0,0.2759,0.1667,0.2083,0.0315,0.1009,0.1049,0.0078,0.0228,reg oper account,block of flats,0.0963,Panel,No,1.0,1.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2438702,366862,Cash loans,62469.315,1057500.0,1118920.5,,1057500.0,SUNDAY,13,Y,1,,,,XNA,Approved,-1074,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-1044.0,-354.0,-714.0,-708.0,1.0,0,Cash loans,F,Y,Y,0,112500.0,315000.0,11443.5,315000.0,Family,Pensioner,Higher education,Married,House / apartment,0.009549,-20815,365243,-1650.0,-4048,8.0,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,XNA,,0.72731708123329,0.816092360478441,0.1165,0.1427,0.9906,0.8708,0.0428,0.0,0.2759,0.2083,0.25,0.1051,0.095,0.1134,0.0,0.0217,0.1187,0.1481,0.9906,0.8759,0.0432,0.0,0.2759,0.2083,0.25,0.1075,0.1038,0.1181,0.0,0.0229,0.1176,0.1427,0.9906,0.8725,0.0431,0.0,0.2759,0.2083,0.25,0.107,0.0966,0.1154,0.0,0.0221,org spec account,block of flats,0.0945,"Stone, brick",No,3.0,1.0,3.0,1.0,-288.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +1189357,298950,Cash loans,14753.655,157500.0,197320.5,,157500.0,WEDNESDAY,14,Y,1,,,,XNA,Approved,-990,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-960.0,-450.0,-450.0,-440.0,1.0,0,Cash loans,M,Y,Y,0,157500.0,276277.5,22279.5,238500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-15476,-2141,-4820.0,-4763,6.0,1,1,0,1,1,0,Drivers,2.0,2,2,SATURDAY,9,0,0,0,0,1,1,Transport: type 4,,0.7327001517115781,0.0005272652387098817,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1995.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2268278,420494,Consumer loans,,94401.0,94401.0,0.0,94401.0,SUNDAY,12,Y,1,0.0,,,XAP,Refused,-599,Cash through the bank,HC,,New,Mobile,XNA,XNA,Country-wide,20,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,M,N,Y,1,157500.0,264888.0,28656.0,234000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.04622,-14781,-2733,-1619.0,-2954,,1,1,0,1,0,0,,3.0,1,1,THURSDAY,12,0,1,1,0,0,0,Business Entity Type 3,,0.7361761099034186,0.4992720153045617,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-599.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +2118434,179196,Cash loans,9775.89,135000.0,152820.0,,135000.0,THURSDAY,15,Y,1,,,,XNA,Approved,-1188,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-1158.0,-468.0,-858.0,-856.0,1.0,0,Cash loans,F,N,Y,2,108000.0,679500.0,19998.0,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0228,-13353,-2678,-966.0,-5346,,1,1,0,1,1,0,Core staff,4.0,2,2,TUESDAY,16,0,0,0,0,0,0,Kindergarten,0.13667909734402106,0.5925276062046148,0.6594055320683344,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-414.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1645008,244692,Consumer loans,10034.01,92700.0,90315.0,9270.0,92700.0,SATURDAY,12,Y,1,0.10137945199852108,,,XAP,Approved,-1763,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Stone,60,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1720.0,-1450.0,-1480.0,-1475.0,0.0,0,Cash loans,F,N,N,0,135000.0,103500.0,10867.5,103500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,Municipal apartment,0.011656999999999999,-18997,-6146,-5586.0,-2543,,1,1,1,1,1,0,Laborers,2.0,1,1,FRIDAY,12,0,0,0,0,0,0,Self-employed,,0.6872009021720008,,0.0371,0.0707,0.9856,0.8028,0.0446,0.0,0.0345,0.0833,0.125,0.0517,0.0303,0.0285,0.0,0.0,0.0378,0.0734,0.9856,0.8105,0.045,0.0,0.0345,0.0833,0.125,0.0529,0.0331,0.0297,0.0,0.0,0.0375,0.0707,0.9856,0.8054,0.0449,0.0,0.0345,0.0833,0.125,0.0526,0.0308,0.029,0.0,0.0,reg oper account,block of flats,0.0468,"Stone, brick",No,1.0,0.0,1.0,0.0,-1763.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2631747,322937,Consumer loans,6591.6,47151.0,45585.0,4716.0,47151.0,FRIDAY,17,Y,1,0.10210836220498057,,,XAP,Approved,-2309,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,1500,Consumer electronics,9.0,low_normal,POS household with interest,365243.0,-2278.0,-2038.0,-2038.0,-2034.0,1.0,0,Cash loans,F,N,Y,1,180000.0,927571.5,51795.0,859500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.030755,-11833,-2539,-3480.0,-3909,,1,1,0,1,0,0,Secretaries,3.0,2,2,THURSDAY,13,0,0,0,0,0,0,Construction,0.4094593485563624,0.5351669305852306,0.646329897706246,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2309.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2203468,229656,Cash loans,11218.455,90000.0,108207.0,,90000.0,FRIDAY,10,Y,1,,,,XNA,Approved,-808,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-778.0,-448.0,-448.0,-442.0,1.0,0,Cash loans,F,Y,Y,0,81000.0,225000.0,10039.5,225000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.015221,-17131,-3331,-3917.0,-683,17.0,1,1,0,1,1,0,High skill tech staff,2.0,2,2,MONDAY,9,0,0,0,0,1,1,Business Entity Type 3,0.8070357488338864,0.3984222725612148,0.5100895276257282,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-808.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1260201,321587,Consumer loans,6457.455,43605.0,43605.0,0.0,43605.0,SUNDAY,9,Y,1,0.0,,,XAP,Approved,-205,XNA,XAP,,Repeater,Auto Accessories,POS,XNA,Stone,44,Auto technology,8.0,middle,POS other with interest,365243.0,-172.0,38.0,-22.0,-16.0,0.0,0,Cash loans,M,Y,N,0,139500.0,382500.0,18733.5,382500.0,Unaccompanied,State servant,Secondary / secondary special,Married,Municipal apartment,0.031329,-9786,-893,-728.0,-2471,12.0,1,1,1,1,0,0,,2.0,2,2,MONDAY,11,0,0,0,0,0,0,Other,,0.5957231269564922,0.16146308000577247,0.0082,0.0,0.9707,0.5988,0.0,0.0,0.0345,0.0417,0.0833,,0.0067,0.0064,0.0,0.0,0.0084,0.0,0.9707,0.6145,0.0,0.0,0.0345,0.0417,0.0833,,0.0073,0.0066,0.0,0.0,0.0083,0.0,0.9707,0.6042,0.0,0.0,0.0345,0.0417,0.0833,,0.0068,0.0065,0.0,0.0,reg oper account,block of flats,0.005,Wooden,No,0.0,0.0,0.0,0.0,-1431.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2001305,157407,Consumer loans,9663.705,95193.0,105246.0,0.0,95193.0,FRIDAY,10,Y,1,0.0,,,XAP,Approved,-152,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Regional / Local,100,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-122.0,208.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,225000.0,1741077.0,60646.5,1503000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-21984,-3878,-11016.0,-4436,,1,1,1,1,1,0,Cleaning staff,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 2,0.6310202409931737,0.506966257716816,0.7610263695502636,0.2505,0.2663,0.9841,0.7824,0.2045,0.28,0.2414,0.3333,0.375,0.1265,0.2017,0.2733,0.0116,0.0402,0.2553,0.2764,0.9841,0.7909,0.2064,0.282,0.2414,0.3333,0.375,0.1294,0.2204,0.2847,0.0117,0.0426,0.2529,0.2663,0.9841,0.7853,0.2058,0.28,0.2414,0.3333,0.375,0.1287,0.2052,0.2782,0.0116,0.0411,reg oper spec account,block of flats,0.3178,Panel,No,0.0,0.0,0.0,0.0,0.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1834778,232536,Consumer loans,,130815.0,130815.0,0.0,130815.0,SATURDAY,10,Y,1,0.0,,,XAP,Refused,-782,Cash through the bank,SCO,,Repeater,Mobile,XNA,XNA,Country-wide,25,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,M,N,N,0,202500.0,450000.0,24412.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006629,-9516,-1527,-4160.0,-2107,,1,1,0,1,0,0,,2.0,2,2,THURSDAY,8,0,0,0,1,1,0,Business Entity Type 3,,0.7183717550957728,0.41885428862332175,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1229.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1425197,264240,Consumer loans,10936.53,62955.0,59544.0,6750.0,62955.0,SUNDAY,12,Y,1,0.1108903314985313,,,XAP,Approved,-133,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,5000,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-103.0,47.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,0,225000.0,1164667.5,37570.5,1017000.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.026392000000000002,-15978,-2373,-260.0,-4686,,1,1,1,1,0,0,Drivers,2.0,2,2,SUNDAY,12,1,1,0,1,1,0,Business Entity Type 3,0.2005019469962072,0.6275457690834277,,0.2485,0.2723,0.9811,,,0.0,0.5517,0.1667,,0.2476,,0.2263,,0.0117,0.2532,0.2826,0.9811,,,0.0,0.5517,0.1667,,0.2533,,0.2358,,0.0123,0.2509,0.2723,0.9811,,,0.0,0.5517,0.1667,,0.2519,,0.2304,,0.0119,,block of flats,0.1806,Panel,No,0.0,0.0,0.0,0.0,-996.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1062271,304638,Cash loans,35024.4,180000.0,180000.0,0.0,180000.0,THURSDAY,10,Y,1,0.0,,,XNA,Approved,-2070,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Country-wide,1524,Consumer electronics,6.0,high,Cash Street: high,365243.0,-2040.0,-1890.0,-1890.0,-1745.0,0.0,0,Cash loans,F,N,Y,0,112500.0,635962.5,22972.5,549000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.019101,-16352,-1925,-3310.0,-4722,,1,1,0,1,0,0,Laborers,1.0,2,2,TUESDAY,13,0,0,0,0,1,1,Business Entity Type 3,,0.7062968689563387,0.4578995512067301,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,6.0 +2086565,317252,Cash loans,,0.0,0.0,,,TUESDAY,5,Y,1,,,,XNA,Refused,-183,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,1,Cash loans,F,N,Y,0,225000.0,338832.0,18508.5,292500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.020713,-17684,-4605,-4335.0,-1219,,1,1,0,1,0,0,Security staff,1.0,3,3,WEDNESDAY,6,0,0,0,0,0,0,Government,,0.18749544977185506,0.4578995512067301,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1626.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2200113,100973,Revolving loans,6750.0,135000.0,135000.0,,135000.0,THURSDAY,17,Y,1,,,,XAP,Approved,-266,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,202500.0,970380.0,28503.0,810000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.009175,-17825,-2640,-5697.0,-1356,,1,1,1,1,0,0,Security staff,2.0,2,2,THURSDAY,16,0,0,0,0,1,1,Other,,0.4180181059878525,0.5867400085415683,0.0784,0.0,0.9757,,,0.0,0.1379,0.1667,,0.0709,,0.0577,,0.0061,0.0798,0.0,0.9757,,,0.0,0.1379,0.1667,,0.0725,,0.0601,,0.0065,0.0791,0.0,0.9757,,,0.0,0.1379,0.1667,,0.0722,,0.0588,,0.0062,,block of flats,0.0507,"Stone, brick",No,0.0,0.0,0.0,0.0,-1063.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,7.0 +1005269,105018,Cash loans,82201.05,720000.0,744709.5,,720000.0,WEDNESDAY,4,Y,1,,,,XNA,Approved,-532,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,Y,Y,0,225000.0,313438.5,33754.5,283500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.0038179999999999998,-13436,-2629,-3500.0,-4303,6.0,1,1,0,1,0,0,Core staff,2.0,2,2,WEDNESDAY,5,0,0,0,0,0,0,Self-employed,,0.7168340471956267,0.6848276586890367,0.0165,,0.9732,,,,0.069,0.125,,,,0.0134,,,0.0168,,0.9732,,,,0.069,0.125,,,,0.0114,,,0.0167,,0.9732,,,,0.069,0.125,,,,0.0137,,,,block of flats,0.0215,Block,No,0.0,0.0,0.0,0.0,-900.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1644078,439890,Consumer loans,9118.215,161010.0,130558.5,48303.0,161010.0,TUESDAY,7,Y,1,0.2941178407975902,,,XAP,Approved,-670,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,432,Consumer electronics,18.0,middle,POS household with interest,365243.0,-638.0,-128.0,-128.0,-126.0,0.0,0,Cash loans,F,N,Y,1,45000.0,555273.0,16366.5,463500.0,"Spouse, partner",Working,Secondary / secondary special,Civil marriage,House / apartment,0.025164,-16843,-1335,-2140.0,-389,,1,1,0,1,0,0,,3.0,2,2,SUNDAY,8,0,0,0,0,0,0,Self-employed,0.6050418245534895,0.1942664499695638,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2746087,173426,Consumer loans,16353.72,74727.0,79564.5,7474.5,74727.0,SATURDAY,17,Y,1,0.0935260055837038,,,XAP,Approved,-1551,Cash through the bank,XAP,Other_A,Refreshed,Mobile,POS,XNA,Country-wide,40,Connectivity,6.0,high,POS mobile with interest,365243.0,-1520.0,-1370.0,-1370.0,-1361.0,0.0,0,Cash loans,M,Y,Y,1,225000.0,1350000.0,37255.5,1350000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-12733,-1060,-250.0,-232,11.0,1,1,1,1,0,0,Managers,3.0,2,2,WEDNESDAY,15,0,0,0,0,1,1,Business Entity Type 3,,0.4919334455936811,0.4014074137749511,,,0.9836,,,,,,,,,0.0074,,,,,0.9836,,,,,,,,,0.0077,,,,,0.9836,,,,,,,,,0.0075,,,,,0.0058,,No,3.0,1.0,3.0,1.0,-809.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1779265,346513,Consumer loans,15425.955,141561.0,135792.0,18000.0,141561.0,FRIDAY,11,Y,1,0.12746850527749398,,,XAP,Approved,-2383,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Regional / Local,92,Consumer electronics,12.0,high,POS household with interest,365243.0,-2352.0,-2022.0,-2022.0,-2017.0,1.0,0,Revolving loans,M,Y,Y,2,450000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-11086,-2621,-545.0,-3573,8.0,1,1,0,1,0,0,Laborers,4.0,2,2,MONDAY,9,0,0,0,0,1,1,Industry: type 9,0.22958950103380224,0.4165239650462137,0.30162489168411943,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2105.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2786524,143795,Cash loans,23337.81,450000.0,588447.0,,450000.0,WEDNESDAY,17,Y,1,,,,XNA,Refused,-885,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,N,0,166500.0,225000.0,17775.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.02461,-12938,-1657,-6651.0,-4120,,1,1,0,1,1,1,,1.0,2,2,SATURDAY,8,0,0,0,0,0,0,Business Entity Type 3,0.5301949523630267,0.690238758469794,0.25396280933631177,0.0206,0.0,0.9776,0.6940000000000001,,,0.0345,0.125,0.0417,0.0091,0.0168,0.0145,0.0,0.0,0.021,0.0,0.9777,0.706,,,0.0345,0.125,0.0417,0.0093,0.0184,0.0152,0.0,0.0,0.0208,0.0,0.9776,0.6981,,,0.0345,0.125,0.0417,0.0092,0.0171,0.0148,0.0,0.0,reg oper account,block of flats,0.0181,"Stone, brick",No,1.0,1.0,1.0,0.0,-1531.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2820424,389403,Consumer loans,27598.77,229918.5,247522.5,0.0,229918.5,THURSDAY,19,Y,1,0.0,,,XAP,Approved,-1427,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,2105,Consumer electronics,12.0,high,POS household with interest,365243.0,-1395.0,-1065.0,-1065.0,-1060.0,0.0,0,Cash loans,F,Y,Y,0,180000.0,970380.0,28503.0,810000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.018634,-13439,-1553,-483.0,-5487,4.0,1,1,1,1,0,0,Core staff,2.0,2,2,WEDNESDAY,18,0,0,0,0,0,0,Medicine,0.3481585834265955,0.7127057819753382,0.6296742509538716,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1092.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1706255,413995,Consumer loans,37724.22,137169.0,137169.0,0.0,137169.0,THURSDAY,14,Y,1,0.0,,,XAP,Refused,-85,Cash through the bank,SCO,,Repeater,Mobile,POS,XNA,Country-wide,44,Connectivity,4.0,middle,POS mobile with interest,,,,,,,0,Cash loans,M,N,Y,1,180000.0,269550.0,17559.0,225000.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.006629,-12641,-2320,-2237.0,-514,,1,1,0,1,0,0,Cooking staff,3.0,2,2,FRIDAY,6,0,0,0,0,0,0,Business Entity Type 3,0.4439821179601821,0.6044866148543914,0.6347055309763198,0.033,,0.9771,,,,0.0345,0.125,,,,0.0248,,,0.0336,,0.9772,,,,0.0345,0.125,,,,0.0259,,,0.0333,,0.9771,,,,0.0345,0.125,,,,0.0253,,,,block of flats,0.0195,"Stone, brick",No,0.0,0.0,0.0,0.0,-15.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2559027,449840,Consumer loans,13397.4,134640.0,133974.0,13464.0,134640.0,SATURDAY,7,Y,1,0.09945549993895733,,,XAP,Approved,-725,XNA,XAP,Unaccompanied,New,Auto Accessories,POS,XNA,Regional / Local,180,Industry,12.0,middle,POS other with interest,365243.0,-681.0,-351.0,-351.0,-346.0,0.0,0,Cash loans,M,Y,N,0,405000.0,263686.5,28525.5,238500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.010032,-11466,-2536,-790.0,-1479,15.0,1,1,0,1,0,0,Core staff,1.0,2,2,WEDNESDAY,9,0,0,0,1,1,0,Telecom,0.5206798923827944,0.24176796739236364,0.6041125998015721,0.0742,,0.9861,0.8096,,0.0,0.1724,0.1667,0.0,,0.0588,0.0659,0.0077,0.0107,0.0756,,0.9861,0.8171,,0.0,0.1724,0.1667,0.0,,0.0643,0.0687,0.0078,0.0113,0.0749,,0.9861,0.8121,,0.0,0.1724,0.1667,0.0,,0.0599,0.0671,0.0078,0.0109,reg oper account,block of flats,0.067,"Stone, brick",No,1.0,0.0,1.0,0.0,-1790.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2447120,164575,Consumer loans,31066.155,292860.045,287118.0,29286.045,292860.045,FRIDAY,11,Y,1,0.10080517577683704,,,XAP,Refused,-1851,Cash through the bank,LIMIT,Unaccompanied,Refreshed,Furniture,POS,XNA,Country-wide,800,Furniture,14.0,high,POS industry with interest,,,,,,,0,Cash loans,F,N,Y,0,180000.0,225000.0,21919.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.072508,-24671,365243,-10533.0,-4284,,1,0,0,1,1,0,,1.0,1,1,MONDAY,9,0,0,0,0,0,0,XNA,0.9160012914725686,0.7222924292673434,0.7136313997323308,0.0979,0.0572,0.9841,0.7824,0.1579,0.24,0.069,0.3333,0.375,0.0,0.0799,0.1098,0.0,0.0012,0.0998,0.0593,0.9841,0.7909,0.1594,0.2417,0.069,0.3333,0.375,0.0,0.0872,0.1144,0.0,0.0012,0.0989,0.0572,0.9841,0.7853,0.1589,0.24,0.069,0.3333,0.375,0.0,0.0812,0.1118,0.0,0.0012,reg oper account,block of flats,0.1716,Panel,No,3.0,0.0,3.0,0.0,-1614.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2416816,256454,Consumer loans,6784.155,74079.0,74079.0,0.0,74079.0,FRIDAY,18,Y,1,0.0,,,XAP,Approved,-537,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Regional / Local,148,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-506.0,-176.0,-176.0,-171.0,0.0,0,Cash loans,F,N,N,2,225000.0,1389339.0,55228.5,1278000.0,Family,Working,Higher education,Married,House / apartment,0.006296,-11010,-1814,-2468.0,-2589,,1,1,0,1,0,0,Accountants,4.0,3,3,WEDNESDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.3977764383528842,0.593910145513799,0.7435593141311444,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-537.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1505823,245569,Consumer loans,15565.41,358650.0,358650.0,0.0,358650.0,THURSDAY,14,Y,1,0.0,,,XAP,Refused,-1175,Cash through the bank,LIMIT,Unaccompanied,Refreshed,Furniture,POS,XNA,Stone,207,Furniture,30.0,low_normal,POS industry with interest,,,,,,,0,Cash loans,F,Y,Y,2,157500.0,625356.0,20173.5,522000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-11700,-2226,-2123.0,-3513,12.0,1,1,0,1,0,0,High skill tech staff,4.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Other,0.5043230230578871,0.5770246147539441,0.6801388218428291,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2212.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,1.0 +1142172,141241,Revolving loans,6750.0,135000.0,135000.0,0.0,135000.0,MONDAY,17,Y,1,0.0,,,XAP,Refused,-434,XNA,HC,,Repeater,XNA,Cards,walk-in,Country-wide,25,Connectivity,0.0,XNA,Card Street,,,,,,,1,Cash loans,M,Y,N,1,180000.0,238716.0,13077.0,171000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.072508,-12461,-1586,-6571.0,-4408,7.0,1,1,0,1,0,0,Sales staff,3.0,1,1,MONDAY,10,0,0,0,0,0,0,Trade: type 2,0.5144491868150728,0.3058461719071837,0.1595195404777181,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,1.0,-2415.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1277370,176116,Revolving loans,2250.0,45000.0,45000.0,,45000.0,FRIDAY,16,Y,1,,,,XAP,Approved,-236,XNA,XAP,Unaccompanied,Refreshed,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,N,0,270000.0,1035000.0,34335.0,1035000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-21427,365243,-8141.0,-4019,3.0,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,XNA,,0.75265169253183,0.8038850611746273,0.1237,0.069,0.9891,,,0.12,0.1034,0.375,,,,0.1402,,0.0,0.1261,0.0717,0.9891,,,0.1208,0.1034,0.375,,,,0.1461,,0.0,0.1249,0.069,0.9891,,,0.12,0.1034,0.375,,,,0.1428,,0.0,,block of flats,0.1103,"Stone, brick",No,1.0,0.0,1.0,0.0,-1561.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2239913,381043,Consumer loans,20599.875,129744.0,116766.0,12978.0,129744.0,SATURDAY,15,Y,1,0.1089393098577338,,,XAP,Approved,-432,Cash through the bank,XAP,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Regional / Local,12,Consumer electronics,6.0,low_action,POS household without interest,365243.0,-401.0,-251.0,-251.0,-249.0,0.0,1,Cash loans,F,N,N,0,225000.0,728460.0,57555.0,675000.0,Unaccompanied,State servant,Secondary / secondary special,Married,Rented apartment,0.01885,-15323,-1114,-8442.0,-2655,,1,1,1,1,0,0,Core staff,2.0,2,2,THURSDAY,15,1,1,0,1,1,0,Medicine,0.272842902940046,0.7767319323016902,0.6041125998015721,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1190.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1509803,357132,Cash loans,13201.605,90000.0,110146.5,,90000.0,THURSDAY,11,Y,1,,,,XNA,Approved,-1341,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-1311.0,-981.0,-981.0,-966.0,1.0,0,Cash loans,F,N,Y,2,121500.0,528633.0,36922.5,472500.0,Unaccompanied,Working,Incomplete higher,Married,With parents,0.031329,-12429,-4397,-6221.0,-3141,,1,1,0,1,0,0,Core staff,4.0,2,2,MONDAY,8,0,0,0,0,0,0,School,0.6029486926503878,0.5196943806533078,0.7136313997323308,0.1124,0.0354,0.9886,0.8436,0.0714,0.12,0.1034,0.375,0.4167,0.1119,0.0916,0.1256,0.0,0.0,0.1145,0.0367,0.9886,0.8497,0.0721,0.1208,0.1034,0.375,0.4167,0.1144,0.1001,0.1309,0.0,0.0,0.1135,0.0354,0.9886,0.8457,0.0719,0.12,0.1034,0.375,0.4167,0.1138,0.0932,0.1279,0.0,0.0,reg oper account,block of flats,0.0988,Panel,No,1.0,0.0,1.0,0.0,-1341.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2452619,182780,Consumer loans,6681.6,36462.96,32769.0,3693.96,36462.96,THURSDAY,10,Y,1,0.11033273915626857,,,XAP,Approved,-1310,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Stone,26,Connectivity,6.0,high,POS mobile with interest,365243.0,-1275.0,-1125.0,-1125.0,-1118.0,0.0,0,Cash loans,F,Y,Y,1,202500.0,254700.0,27558.0,225000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,Rented apartment,0.00733,-12629,-1800,-2635.0,-5018,7.0,1,1,0,1,0,0,Laborers,3.0,2,2,FRIDAY,17,0,1,1,0,0,0,Business Entity Type 3,0.36038157588128256,0.7266747434747208,0.6363761710860439,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1288136,358259,Consumer loans,8876.61,120645.0,136444.5,6750.0,120645.0,FRIDAY,15,Y,1,0.051338310035396836,,,XAP,Approved,-1838,XNA,XAP,Family,New,Furniture,POS,XNA,Stone,200,Furniture,24.0,middle,POS industry with interest,365243.0,-1807.0,-1117.0,-1417.0,-1409.0,0.0,0,Cash loans,M,Y,Y,1,135000.0,254700.0,17149.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010966,-18479,-1184,-740.0,-2015,12.0,1,1,0,1,0,0,,3.0,2,2,TUESDAY,12,0,0,0,0,1,1,Business Entity Type 3,,0.20357246321933267,0.3344541255096772,0.0701,0.0682,0.9861,0.8096,0.0292,0.0,0.1379,0.1667,0.2083,0.0,0.0555,0.0625,0.0077,0.0145,0.0714,0.0708,0.9861,0.8171,0.0295,0.0,0.1379,0.1667,0.2083,0.0,0.0606,0.0651,0.0078,0.0154,0.0708,0.0682,0.9861,0.8121,0.0294,0.0,0.1379,0.1667,0.2083,0.0,0.0564,0.0636,0.0078,0.0148,org spec account,block of flats,0.0523,Panel,No,0.0,0.0,0.0,0.0,-1838.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2379530,329884,Revolving loans,21375.0,0.0,427500.0,,,MONDAY,17,Y,1,,,,XAP,Approved,-1290,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-1239.0,-1200.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,112500.0,178290.0,19332.0,157500.0,Other_B,Working,Secondary / secondary special,Married,House / apartment,0.0060079999999999995,-11493,-1284,-2953.0,-2939,,1,1,0,1,1,0,,2.0,2,2,WEDNESDAY,18,0,0,0,0,1,1,Business Entity Type 3,0.3053202293456231,0.5240758591557275,0.5531646987710016,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1770.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2492037,140589,Cash loans,20468.97,634500.0,634500.0,,634500.0,SATURDAY,10,Y,1,,,,XNA,Approved,-822,XNA,XAP,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-790.0,980.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,135000.0,308133.0,15862.5,234000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.020246,-19809,365243,-2440.0,-3322,,1,0,0,1,0,0,,2.0,3,3,TUESDAY,6,0,0,0,0,0,0,XNA,0.7396997163319189,0.07273606373648435,0.4614823912998385,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1048.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1324513,190781,Cash loans,10121.4,126000.0,138474.0,,126000.0,FRIDAY,11,Y,1,,,,XNA,Approved,-1440,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-1409.0,-899.0,-1079.0,-1074.0,0.0,0,Cash loans,F,N,Y,0,135000.0,239850.0,23850.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.02461,-25028,365243,-5782.0,-4502,,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,,0.6533446682142288,0.2580842039460289,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-511.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1678901,284690,Cash loans,51435.81,630000.0,662431.5,,630000.0,FRIDAY,10,Y,1,,,,XNA,Approved,-978,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-948.0,-438.0,-798.0,-794.0,1.0,0,Cash loans,M,N,Y,0,202500.0,900000.0,38263.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-16643,-96,-226.0,-194,,1,1,0,1,0,0,Drivers,2.0,2,2,WEDNESDAY,7,0,1,1,0,1,1,Business Entity Type 3,,0.6430227180141985,,0.0889,0.0743,0.9846,,,0.096,0.0828,0.3333,,,,0.0903,,0.001,0.0756,0.0454,0.9846,,,0.0806,0.069,0.3333,,,,0.0785,,0.0,0.0749,0.0619,0.9846,,,0.08,0.069,0.3333,,,,0.0779,,0.0,,,0.07,Mixed,No,9.0,0.0,9.0,0.0,-1751.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1794221,328039,Cash loans,61368.3,630000.0,630000.0,,630000.0,THURSDAY,11,Y,1,,,,XNA,Approved,-1181,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-1151.0,-821.0,-851.0,-849.0,0.0,0,Cash loans,F,N,N,0,85500.0,1339884.0,36846.0,1170000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.028663,-22145,365243,-4936.0,-1223,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,XNA,,0.28701082530043426,0.4311917977993083,0.0165,0.0,0.9727,,,0.0,0.069,0.0417,,0.0211,,0.01,,0.0,0.0168,0.0,0.9727,,,0.0,0.069,0.0417,,0.0215,,0.0105,,0.0,0.0167,0.0,0.9727,,,0.0,0.069,0.0417,,0.0214,,0.0102,,0.0,,block of flats,0.0086,Mixed,No,1.0,0.0,1.0,0.0,-1594.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1580472,150904,Consumer loans,16713.855,171008.19,90004.5,81003.69,171008.19,TUESDAY,16,Y,1,0.5158839607729793,,,XAP,Refused,-2090,Cash through the bank,HC,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,3000,Consumer electronics,6.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,94500.0,797557.5,26487.0,688500.0,Children,Pensioner,Secondary / secondary special,Widow,House / apartment,0.008575,-21320,365243,-9579.0,-4225,,1,0,0,1,0,0,,1.0,2,2,SATURDAY,11,0,0,0,0,0,0,XNA,0.6828118025671244,0.6562609442704903,0.6479768603302221,0.2351,0.1893,0.9866,0.8164,0.0453,0.2532,0.2183,0.3333,0.375,0.1349,0.2269,0.2577,0.0,0.0,0.1513,0.1231,0.9866,0.8236,0.0457,0.1611,0.1379,0.3333,0.375,0.13699999999999998,0.2314,0.1586,0.0,0.0,0.2623,0.2076,0.9866,0.8189,0.0456,0.28,0.2414,0.3333,0.375,0.1372,0.2309,0.2703,0.0,0.0,reg oper account,block of flats,0.2089,Panel,No,8.0,0.0,8.0,0.0,-2396.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2725900,448413,Consumer loans,5151.06,38205.0,39654.0,3825.0,38205.0,WEDNESDAY,12,Y,1,0.09581114393782576,,,XAP,Approved,-1291,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Regional / Local,782,Consumer electronics,10.0,high,POS household with interest,,,,,,,0,Cash loans,M,Y,N,0,202500.0,1546020.0,45333.0,1350000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.010032,-9420,-1334,-4001.0,-2102,20.0,1,1,0,1,0,0,Drivers,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Transport: type 4,0.26202733568326525,0.6041310449783458,0.6925590674998008,0.0948,0.0882,0.9921,0.8912,0.0,0.0,0.2069,0.2083,0.25,0.0,0.0773,0.0986,0.0,0.0,0.0966,0.0915,0.9921,0.8955,0.0,0.0,0.2069,0.2083,0.25,0.0,0.0845,0.1028,0.0,0.0,0.0958,0.0882,0.9921,0.8927,0.0,0.0,0.2069,0.2083,0.25,0.0,0.0787,0.1004,0.0,0.0,org spec account,block of flats,0.1006,"Stone, brick",No,0.0,0.0,0.0,0.0,-1443.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2195432,115921,Cash loans,9072.045,90000.0,98910.0,,90000.0,SATURDAY,9,Y,1,,,,Repairs,Refused,-786,Cash through the bank,LIMIT,,Repeater,XNA,Cash,walk-in,Country-wide,40,Connectivity,18.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,N,0,225000.0,450000.0,22977.0,450000.0,Family,Working,Incomplete higher,Married,House / apartment,0.031329,-11149,-2361,-1227.0,-2078,,1,1,0,1,1,0,High skill tech staff,2.0,2,2,SUNDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.4918405328377154,0.6212263380626669,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,19.0,0.0,19.0,0.0,-536.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1777557,284536,Cash loans,16187.31,202500.0,222547.5,,202500.0,MONDAY,13,Y,1,,,,XNA,Approved,-816,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-786.0,-276.0,-636.0,-628.0,1.0,0,Cash loans,F,N,Y,0,130500.0,144000.0,11673.0,144000.0,Other_B,Working,Secondary / secondary special,Single / not married,House / apartment,0.022625,-24185,-3031,-11868.0,-4398,,1,1,1,1,1,0,,1.0,2,2,FRIDAY,9,0,0,0,0,0,0,School,,0.7520690761477241,0.4992720153045617,0.1196,0.0924,0.9826,0.762,0.0489,0.0,0.2759,0.1667,0.0417,0.1046,0.0958,0.0675,0.0077,0.1547,0.1218,0.0959,0.9826,0.7713,0.0493,0.0,0.2759,0.1667,0.0417,0.1069,0.1047,0.0703,0.0078,0.1638,0.1207,0.0924,0.9826,0.7652,0.0492,0.0,0.2759,0.1667,0.0417,0.1064,0.0975,0.0687,0.0078,0.1579,not specified,block of flats,0.0827,Panel,No,0.0,0.0,0.0,0.0,-1919.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1267843,442562,Cash loans,34137.0,360000.0,440761.5,,360000.0,THURSDAY,6,Y,1,,,,XNA,Approved,-618,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-588.0,-78.0,-78.0,-76.0,1.0,0,Cash loans,F,N,Y,0,157500.0,1661418.0,45819.0,1485000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.006852,-16359,-1661,-4615.0,-12,,1,1,0,1,0,0,Sales staff,2.0,3,3,SATURDAY,7,0,0,0,0,0,0,Self-employed,,0.6296593324807865,0.7700870700124128,0.0113,,0.9841,,,,0.069,0.0417,,,,0.012,,,0.0116,,0.9841,,,,0.069,0.0417,,,,0.0125,,,0.0115,,0.9841,,,,0.069,0.0417,,,,0.0122,,,,block of flats,0.0094,"Stone, brick",No,0.0,0.0,0.0,0.0,-1790.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,1.0,1.0 +1322085,164495,Consumer loans,11567.97,72179.595,60597.0,14440.095,72179.595,THURSDAY,14,Y,1,0.20958402228803089,,,XAP,Refused,-1767,Cash through the bank,SCO,"Spouse, partner",New,Consumer Electronics,POS,XNA,Country-wide,2800,Consumer electronics,6.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,N,0,153000.0,314100.0,16573.5,225000.0,Family,State servant,Secondary / secondary special,Married,House / apartment,0.018209,-9520,-1432,-1843.0,-1833,,1,1,0,1,0,0,Medicine staff,2.0,3,3,SUNDAY,9,0,0,0,0,0,0,Medicine,0.1559518153638365,0.6816323695725598,0.6910212267577837,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1177934,423109,Cash loans,28462.995,225000.0,239850.0,,225000.0,WEDNESDAY,12,Y,1,,,,Repairs,Refused,-1574,Cash through the bank,HC,"Spouse, partner",Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,N,0,135000.0,675000.0,53329.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,With parents,0.035792000000000004,-12512,-525,-49.0,-2157,,1,1,1,1,0,0,Sales staff,2.0,2,2,TUESDAY,18,0,0,0,0,0,0,Trade: type 3,0.37626083234017216,0.2924467559411109,0.2807895743848605,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-372.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,11.0 +1701393,409593,Consumer loans,2411.64,21910.5,19719.0,2191.5,21910.5,SATURDAY,15,Y,1,0.10893145876510008,,,XAP,Approved,-1353,Cash through the bank,XAP,"Spouse, partner",Repeater,Photo / Cinema Equipment,POS,XNA,Stone,32,Connectivity,10.0,middle,POS mobile with interest,365243.0,-1318.0,-1048.0,-1168.0,-1163.0,0.0,0,Cash loans,M,Y,Y,0,99000.0,454500.0,44406.0,454500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-20835,365243,-2609.0,-4335,6.0,1,0,0,1,0,0,,2.0,2,2,MONDAY,15,0,0,0,1,0,0,XNA,0.6377612483215768,0.7740661071772286,0.6430255641096323,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1949.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1491372,114783,Consumer loans,6558.75,61465.5,54715.5,6750.0,61465.5,SATURDAY,17,Y,1,0.11960146157378747,,,XAP,Approved,-117,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,41,Connectivity,12.0,high,POS mobile with interest,,,,,,,0,Revolving loans,M,N,Y,0,180000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0105,-11703,-2519,-2970.0,-4052,,1,1,1,1,1,0,Laborers,2.0,3,3,THURSDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.26753413471078186,0.5814837058057234,0.0134,0.0102,0.9563,0.4016,0.0,0.0,0.069,0.0417,0.0833,0.0113,0.0109,0.0083,0.0,0.0,0.0137,0.0105,0.9563,0.425,0.0,0.0,0.069,0.0417,0.0833,0.0116,0.0119,0.0087,0.0,0.0,0.0135,0.0102,0.9563,0.4096,0.0,0.0,0.069,0.0417,0.0833,0.0115,0.0111,0.0085,0.0,0.0,reg oper account,block of flats,0.0066,Wooden,No,5.0,0.0,5.0,0.0,-117.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1479482,248759,Cash loans,31451.805,270000.0,284967.0,,270000.0,TUESDAY,12,Y,1,,,,XNA,Refused,-1671,XNA,HC,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,Y,0,202500.0,770292.0,39460.5,688500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-21515,-6438,-4587.0,-4832,,1,1,0,1,0,0,Cooking staff,2.0,1,1,SUNDAY,14,0,0,0,0,1,1,Bank,,0.6822015552113555,0.33125086459090186,0.1474,0.0982,0.9786,,,0.16,0.1379,0.3333,,0.047,,0.1458,,0.0629,0.1502,0.1019,0.9786,,,0.1611,0.1379,0.3333,,0.0481,,0.1519,,0.0666,0.1489,0.0982,0.9786,,,0.16,0.1379,0.3333,,0.0478,,0.1484,,0.0643,,block of flats,0.1284,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2396880,396975,Cash loans,11913.84,180000.0,203760.0,,180000.0,TUESDAY,13,Y,1,,,,XNA,Approved,-780,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-741.0,-51.0,-51.0,-47.0,0.0,0,Cash loans,F,N,Y,0,225000.0,254700.0,24808.5,225000.0,Family,Pensioner,Higher education,Single / not married,House / apartment,0.072508,-24831,365243,-11371.0,-4333,,1,0,0,1,1,0,,1.0,1,1,FRIDAY,11,0,0,0,0,0,0,XNA,0.9111555015223508,0.5979593944418736,,0.132,0.0492,0.9841,0.7824,0.0345,0.08,0.0345,0.625,0.6667,0.0,0.1067,0.1156,0.0039,0.0024,0.1345,0.051,0.9841,0.7909,0.0348,0.0806,0.0345,0.625,0.6667,0.0,0.1166,0.1205,0.0039,0.0025,0.1332,0.0492,0.9841,0.7853,0.0347,0.08,0.0345,0.625,0.6667,0.0,0.1086,0.1177,0.0039,0.0024,,block of flats,0.0915,Panel,No,0.0,0.0,0.0,0.0,-1376.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +1387268,141873,Cash loans,17626.05,270000.0,299223.0,,270000.0,THURSDAY,11,Y,1,,,,XNA,Approved,-911,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,Y,Y,0,112500.0,1260000.0,34780.5,1260000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-21467,365243,-7217.0,-4392,3.0,1,0,0,1,0,0,,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,XNA,,0.5874282377144102,0.7252764347002191,0.1227,,0.9901,,,0.12,0.1034,0.375,,,,0.1268,,0.0,0.125,,0.9901,,,0.1208,0.1034,0.375,,,,0.1321,,0.0,0.1239,,0.9901,,,0.12,0.1034,0.375,,,,0.1291,,0.0,,block of flats,0.0998,Panel,No,2.0,0.0,2.0,0.0,-52.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,11.0,1.0,3.0 +2753708,108936,Cash loans,,0.0,0.0,,,SATURDAY,12,Y,1,,,,XNA,Refused,-162,XNA,HC,,Repeater,XNA,XNA,XNA,Country-wide,20,Connectivity,,XNA,Cash,,,,,,,0,Cash loans,F,Y,Y,1,243000.0,299772.0,20160.0,247500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.009334,-11160,-1391,-935.0,-2557,64.0,1,1,0,1,0,0,Sales staff,3.0,2,2,SUNDAY,12,0,0,0,0,0,0,Business Entity Type 2,,0.4995317306501328,0.09569272423026376,0.0082,0.0,0.9717,0.626,0.0009,0.0,0.0393,0.0417,0.0833,,0.0067,0.0081,0.0,0.0,0.0084,0.0,0.9727,0.6406,0.0008,0.0,0.0345,0.0417,0.0833,,0.0073,0.006999999999999999,0.0,0.0,0.0083,0.0,0.9727,0.631,0.0009,0.0,0.0345,0.0417,0.0833,,0.0068,0.0082,0.0,0.0,reg oper account,block of flats,0.0057,Wooden,No,3.0,0.0,3.0,0.0,-1127.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2151302,322044,Revolving loans,5625.0,112500.0,112500.0,,112500.0,TUESDAY,10,Y,1,,,,XAP,Refused,-619,XNA,SCOFR,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,1,Cash loans,F,N,Y,3,202500.0,622413.0,33894.0,495000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010966,-11884,-3000,-850.0,-165,,1,1,0,1,0,1,Cooking staff,5.0,2,2,FRIDAY,16,0,0,0,0,0,0,Kindergarten,0.2086598593560484,0.10458774486018292,0.4578995512067301,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1394.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +1225724,336781,Cash loans,34425.9,1305000.0,1305000.0,,1305000.0,SATURDAY,16,Y,1,,,,XNA,Refused,-24,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,60.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,M,Y,Y,0,225000.0,1102500.0,29214.0,1102500.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.026392000000000002,-19869,-446,-2146.0,-2831,6.0,1,1,0,1,1,0,,1.0,2,2,TUESDAY,18,0,0,0,0,0,0,Other,,0.4968037931483961,0.3723336657058204,0.2928,0.2074,0.9846,,,0.32,0.2759,0.3333,,0.1601,,0.3039,,0.0008,0.2983,0.2152,0.9846,,,0.3222,0.2759,0.3333,,0.1637,,0.3166,,0.0008,0.2956,0.2074,0.9846,,,0.32,0.2759,0.3333,,0.1629,,0.3094,,0.0008,,block of flats,0.2392,Panel,No,1.0,0.0,1.0,0.0,-691.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +2438462,259738,Cash loans,5674.5,45000.0,54103.5,,45000.0,WEDNESDAY,18,Y,1,,,,XNA,Approved,-839,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-809.0,-479.0,-479.0,-478.0,1.0,0,Cash loans,F,N,Y,0,202500.0,900000.0,46084.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-16809,-5226,-8775.0,-334,,1,1,0,1,1,0,Cleaning staff,2.0,2,2,TUESDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.6686311956814324,0.6577838002083306,0.1082,,0.9856,,,0.12,0.1034,0.3333,,0.0707,,0.1136,,0.0118,0.1103,,0.9856,,,0.1208,0.1034,0.3333,,0.0723,,0.1184,,0.0125,0.1093,,0.9856,,,0.12,0.1034,0.3333,,0.0719,,0.1157,,0.0121,,block of flats,0.0919,Panel,No,4.0,0.0,4.0,0.0,-987.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2652260,334329,Cash loans,66972.51,360000.0,368316.0,,360000.0,SATURDAY,12,Y,1,,,,XNA,Approved,-629,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,low_normal,Cash X-Sell: low,365243.0,-599.0,-449.0,-509.0,-502.0,1.0,0,Cash loans,F,N,Y,0,180000.0,1350000.0,37125.0,1350000.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.00702,-20747,-3256,-12418.0,-3958,,1,1,0,1,1,0,,1.0,2,2,FRIDAY,13,0,0,0,0,0,0,Construction,0.7399889513006712,0.5245667155493058,0.7151031019926098,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-731.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,7.0 +1617803,439621,Consumer loans,2866.23,28665.0,25798.5,2866.5,28665.0,THURSDAY,10,Y,1,0.1089090909090909,,,XAP,Approved,-2566,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,20,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2529.0,-2259.0,-2259.0,-2255.0,0.0,0,Cash loans,M,N,N,1,90000.0,454500.0,19237.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-12994,-643,-7103.0,-4094,,1,1,1,1,0,0,Low-skill Laborers,3.0,2,2,MONDAY,11,0,0,0,0,0,0,Self-employed,,0.5124365053743444,0.7076993447402619,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,1.0,6.0,1.0,-2291.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,1.0,0.0,0.0,0.0 +2542168,195471,Revolving loans,2250.0,45000.0,45000.0,,45000.0,FRIDAY,12,Y,1,,,,XAP,Refused,-232,XNA,LIMIT,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,Y,Y,0,67500.0,117000.0,9508.5,117000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.00702,-8711,-361,-422.0,-1373,17.0,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,16,0,0,0,0,1,1,Transport: type 4,0.16738913058676058,0.3807487842109138,0.29708661164720285,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,2.0,5.0,2.0,-379.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,7.0 +1565012,164086,Consumer loans,13102.155,108409.95,106150.5,10845.45,108409.95,SUNDAY,14,Y,1,0.1009580331626864,,,XAP,Approved,-703,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Regional / Local,1140,Consumer electronics,10.0,middle,POS household with interest,365243.0,-672.0,-402.0,-402.0,-388.0,0.0,0,Cash loans,M,Y,Y,1,247500.0,1078200.0,31653.0,900000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.008625,-16189,-8664,-2274.0,-4606,1.0,1,1,0,1,1,0,Laborers,3.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Electricity,,0.30216782775525736,0.6313545365850379,0.1845,0.1079,0.9866,0.8164,0.1061,0.2,0.1724,0.3333,0.375,0.0407,0.1505,0.1848,0.0,0.0,0.188,0.112,0.9866,0.8236,0.1071,0.2014,0.1724,0.3333,0.375,0.0416,0.1644,0.1925,0.0,0.0,0.1863,0.1079,0.9866,0.8189,0.1068,0.2,0.1724,0.3333,0.375,0.0414,0.1531,0.1881,0.0,0.0,reg oper account,block of flats,0.2006,Panel,No,0.0,0.0,0.0,0.0,-2907.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,4.0,0.0,2.0 +1781439,183888,Cash loans,26065.845,454500.0,562491.0,,454500.0,MONDAY,11,Y,1,,,,XNA,Approved,-204,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-174.0,876.0,-54.0,-51.0,1.0,0,Cash loans,M,Y,N,0,135000.0,1379376.0,40329.0,1080000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.02461,-18398,-2687,-8957.0,-1862,4.0,1,1,0,1,0,0,Drivers,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Government,,0.2100286923463192,0.4812493411434029,0.1264,0.1119,0.9821,,,0.128,0.1103,0.3333,,,,0.1282,0.0093,0.0271,0.0756,0.059,0.9826,,,0.1611,0.1379,0.3333,,,,0.0743,0.0,0.0,0.1489,0.1047,0.9826,,,0.16,0.1379,0.3333,,,,0.149,0.0039,0.009000000000000001,,block of flats,0.1706,Panel,No,0.0,0.0,0.0,0.0,-27.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,10.0,0.0,4.0 +1009491,186003,Cash loans,25887.375,270000.0,334246.5,,270000.0,SATURDAY,13,Y,1,,,,XNA,Approved,-500,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-470.0,40.0,-20.0,-16.0,1.0,0,Cash loans,M,N,N,0,157500.0,868797.0,34587.0,702000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,With parents,0.019688999999999998,-11585,-1766,-6003.0,-3785,,1,1,0,1,0,0,Sales staff,1.0,2,2,TUESDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.4572425034354068,0.6871068831929256,0.6161216908872079,0.0722,0.0174,0.9767,0.6804,0.0136,0.0,0.1379,0.1667,0.2083,0.0608,0.0588,0.0632,0.0,0.0,0.0735,0.0181,0.9767,0.6929,0.0137,0.0,0.1379,0.1667,0.2083,0.0622,0.0643,0.0658,0.0,0.0,0.0729,0.0174,0.9767,0.6847,0.0136,0.0,0.1379,0.1667,0.2083,0.0619,0.0599,0.0643,0.0,0.0,org spec account,block of flats,0.0571,"Stone, brick",No,5.0,1.0,5.0,1.0,-1583.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1261006,399079,Cash loans,7373.25,67500.0,71955.0,,67500.0,THURSDAY,10,Y,1,,,,XNA,Approved,-978,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-948.0,-618.0,-888.0,-884.0,1.0,0,Cash loans,F,N,N,0,157500.0,675000.0,19476.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.0228,-22551,365243,-2817.0,-4563,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,8,0,0,0,0,0,0,XNA,0.8142789488854446,0.11669349173426286,0.6894791426446275,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1475.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1159644,374730,Cash loans,5177.475,67500.0,67500.0,,67500.0,TUESDAY,10,Y,1,,,,XNA,Approved,-634,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-604.0,-94.0,-604.0,-601.0,0.0,0,Cash loans,F,N,Y,0,135000.0,238500.0,14539.5,238500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.0060079999999999995,-16059,365243,-10126.0,-4603,,1,0,0,1,0,0,,1.0,2,2,SATURDAY,10,0,0,0,0,0,0,XNA,,0.6012039088066361,,0.0825,0.03,0.9776,0.6940000000000001,0.0091,0.0,0.1379,0.1667,0.2083,0.0121,0.0672,0.0702,0.0,0.0,0.084,0.0311,0.9777,0.706,0.0092,0.0,0.1379,0.1667,0.2083,0.0124,0.0735,0.0732,0.0,0.0,0.0833,0.03,0.9776,0.6981,0.0091,0.0,0.1379,0.1667,0.2083,0.0124,0.0684,0.0715,0.0,0.0,reg oper account,block of flats,0.0602,Panel,No,0.0,0.0,0.0,0.0,-634.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1857713,352331,Cash loans,,0.0,0.0,,,SATURDAY,14,Y,1,,,,XNA,Refused,-87,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,1,Cash loans,F,N,Y,1,121500.0,284400.0,22599.0,225000.0,Unaccompanied,Working,Incomplete higher,Married,Municipal apartment,0.032561,-11038,-1022,-510.0,-2993,,1,1,0,1,0,0,Accountants,3.0,1,1,TUESDAY,17,0,0,0,0,0,0,Trade: type 2,0.3206837793539747,0.6453884480222756,0.2622489709189549,0.0041,,0.9727,,,,0.069,0.0833,,,,0.0256,,0.0017,0.0042,,0.9727,,,,0.069,0.0833,,,,0.0266,,0.0018,0.0042,,0.9727,,,,0.069,0.0833,,,,0.026,,0.0017,,,0.0219,"Stone, brick",No,0.0,0.0,0.0,0.0,-115.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1292664,393158,Cash loans,23284.485,450000.0,512370.0,,450000.0,FRIDAY,13,Y,1,,,,XNA,Approved,-1232,Cash through the bank,XAP,Family,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-1201.0,-151.0,-151.0,-145.0,0.0,0,Cash loans,F,N,Y,0,81000.0,755190.0,36459.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-22122,365243,-9958.0,-5210,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,XNA,,0.6133909359834588,0.8327850252992314,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1232.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2546838,282439,Cash loans,55071.54,810000.0,986238.0,,810000.0,FRIDAY,10,Y,1,,,,XNA,Approved,-724,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-694.0,-4.0,-4.0,365243.0,1.0,0,Cash loans,F,Y,N,1,270000.0,1013818.5,48901.5,832500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.010276,-15002,-4440,-3666.0,-4819,3.0,1,1,0,1,1,0,Managers,3.0,2,2,SATURDAY,16,0,0,0,0,0,0,Self-employed,0.4575737736308866,0.6110131898302954,0.3556387169923543,0.0124,0.0,0.9781,0.7008,0.0014,0.0,0.069,0.0417,0.0833,0.0,0.0101,0.0107,0.0,0.0,0.0126,0.0,0.9782,0.7125,0.0014,0.0,0.069,0.0417,0.0833,0.0,0.011,0.0112,0.0,0.0,0.0125,0.0,0.9781,0.7048,0.0014,0.0,0.069,0.0417,0.0833,0.0,0.0103,0.0109,0.0,0.0,reg oper account,block of flats,0.0092,"Stone, brick",No,4.0,0.0,4.0,0.0,-2040.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,1.0 +1386057,252129,Cash loans,12664.53,315000.0,383193.0,,315000.0,TUESDAY,8,Y,1,,,,XNA,Approved,-694,Cash through the bank,XAP,Family,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-664.0,746.0,-274.0,-269.0,1.0,0,Cash loans,F,N,Y,0,90000.0,472500.0,13945.5,472500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018209,-22640,365243,-7562.0,-4053,,1,0,0,1,0,0,,2.0,3,3,WEDNESDAY,11,0,0,0,0,0,0,XNA,,0.5756149816675348,0.5884877883422673,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1810.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +1210873,230561,Consumer loans,11665.08,103819.5,102685.5,10386.0,103819.5,THURSDAY,10,Y,1,0.10003668636056108,,,XAP,Approved,-2467,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Stone,80,Consumer electronics,12.0,high,POS household with interest,365243.0,-2436.0,-2106.0,-2106.0,-2100.0,1.0,0,Cash loans,F,N,N,0,45000.0,67500.0,7087.5,67500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-22590,365243,-12919.0,-4198,,1,0,0,1,1,0,,2.0,2,2,SATURDAY,19,0,0,0,0,0,0,XNA,,0.655130417751193,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-280.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2201789,192142,Cash loans,35071.2,360000.0,360000.0,,360000.0,MONDAY,9,Y,1,,,,XNA,Refused,-403,XNA,HC,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,12.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,135000.0,225000.0,22383.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-15253,-3890,-6048.0,-6042,,1,1,0,1,0,0,Managers,2.0,3,3,FRIDAY,14,0,0,0,0,0,0,Trade: type 7,0.7323199396834581,0.6160426371474671,0.6642482627052363,0.0722,0.0673,0.9811,0.7416,0.0076,0.0,0.1379,0.1667,0.2083,0.0,0.0588,0.0667,0.0,0.0,0.0735,0.0698,0.9811,0.7517,0.0076,0.0,0.1379,0.1667,0.2083,0.0,0.0643,0.0695,0.0,0.0,0.0729,0.0673,0.9811,0.7451,0.0076,0.0,0.1379,0.1667,0.2083,0.0,0.0599,0.0679,0.0,0.0,reg oper account,block of flats,0.0566,Panel,No,6.0,0.0,6.0,0.0,-3381.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +1940255,132075,Consumer loans,6821.64,74488.5,74488.5,0.0,74488.5,MONDAY,16,Y,1,0.0,,,XAP,Approved,-359,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,250,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-329.0,1.0,-149.0,-143.0,0.0,0,Cash loans,M,N,N,0,315000.0,1800000.0,73444.5,1800000.0,Family,Working,Secondary / secondary special,Single / not married,House / apartment,0.028663,-8946,-867,-497.0,-1618,,1,1,0,1,0,0,Managers,1.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Trade: type 2,,0.4987116990251024,0.6195277080511546,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-464.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1583451,229210,Consumer loans,,139162.5,139162.5,0.0,139162.5,SUNDAY,8,Y,1,0.0,,,XAP,Refused,-103,Cash through the bank,VERIF,,Repeater,Mobile,XNA,XNA,Country-wide,67,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,F,Y,Y,2,157500.0,119893.5,12717.0,103500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.020713,-10482,-1553,-2635.0,-825,1.0,1,1,0,1,0,0,Laborers,4.0,3,1,FRIDAY,11,0,0,0,0,0,0,Industry: type 11,0.4936077811297108,0.4890206554849536,,0.0784,,0.9771,,,0.0,0.1379,0.1667,,0.0344,,0.0609,,0.0101,0.0798,,0.9772,,,0.0,0.1379,0.1667,,0.0352,,0.0634,,0.0106,0.0791,,0.9771,,,0.0,0.1379,0.1667,,0.035,,0.0619,,0.0103,,block of flats,0.05,"Stone, brick",No,1.0,1.0,1.0,1.0,-794.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2813834,300495,Cash loans,18111.6,184500.0,232164.0,,184500.0,FRIDAY,12,Y,1,,,,XNA,Approved,-682,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-652.0,-142.0,-292.0,-288.0,1.0,0,Cash loans,F,N,Y,1,225000.0,667237.5,24097.5,576000.0,Family,State servant,Higher education,Married,House / apartment,0.010276,-14089,-4776,-3864.0,-4742,,1,1,0,1,0,0,,3.0,2,2,MONDAY,12,0,0,0,0,0,0,School,,0.7057249772115598,0.6925590674998008,0.2,0.1571,0.9821,0.7552,0.0436,0.22,0.1897,0.3333,0.0417,0.1137,0.1757,0.2015,0.0039,0.0048,0.187,0.1363,0.9821,0.7648,0.044,0.2014,0.1724,0.3333,0.0417,0.06,0.1919,0.1848,0.0039,0.0029,0.2019,0.1571,0.9821,0.7585,0.0439,0.22,0.1897,0.3333,0.0417,0.1157,0.1787,0.2051,0.0039,0.0049,org spec account,block of flats,0.1672,Panel,No,0.0,0.0,0.0,0.0,-2049.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2587253,272877,Consumer loans,27071.775,598500.0,609039.0,59850.0,598500.0,TUESDAY,18,Y,1,0.09744829248065212,,,XAP,Refused,-653,Cash through the bank,LIMIT,Children,Repeater,Clothing and Accessories,POS,XNA,Stone,50,Clothing,36.0,middle,POS industry with interest,,,,,,,0,Revolving loans,F,N,Y,2,81000.0,247500.0,12375.0,,,Working,Secondary / secondary special,Married,House / apartment,0.018634,-13277,-1589,-2847.0,-4253,,1,1,1,1,0,0,Sales staff,4.0,2,2,THURSDAY,16,0,0,0,0,0,0,Self-employed,,0.06691184891282285,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-653.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1016743,152659,Consumer loans,7030.305,70312.5,63279.0,7033.5,70312.5,SATURDAY,14,Y,1,0.10894394181818184,,,XAP,Approved,-2806,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Stone,1057,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-2775.0,-2505.0,-2505.0,-2497.0,0.0,0,Cash loans,M,Y,Y,0,180000.0,225000.0,12694.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-24578,-7111,-14501.0,-4042,4.0,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,17,0,1,1,0,1,1,Business Entity Type 3,0.8526144384298656,0.6287869357279319,0.6363761710860439,0.4433,0.2761,0.9801,,,0.36,0.4138,0.3333,,0.2183,,0.4268,,,0.4517,0.2865,0.9801,,,0.3625,0.4138,0.3333,,0.2233,,0.4447,,,0.4476,0.2761,0.9801,,,0.36,0.4138,0.3333,,0.2221,,0.4345,,,,block of flats,0.3705,Panel,No,0.0,0.0,0.0,0.0,-2806.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1557145,422699,Cash loans,34666.425,1147500.0,1314117.0,,1147500.0,SUNDAY,14,Y,1,,,,XNA,Approved,-375,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_action,Cash X-Sell: low,365243.0,-345.0,1425.0,-105.0,-102.0,1.0,0,Cash loans,F,N,Y,2,180000.0,720000.0,21051.0,720000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.019688999999999998,-12998,-3952,-7083.0,-4091,,1,1,0,1,0,0,IT staff,4.0,2,2,THURSDAY,14,0,0,0,0,0,0,Industry: type 9,,0.6093018854779413,,0.1485,0.6885,0.9811,0.7416,,0.16,0.1379,0.3333,0.375,0.0803,0.121,0.1505,,,0.1513,0.7145,0.9811,0.7517,,0.1611,0.1379,0.3333,0.375,0.0821,0.1322,0.1568,,,0.1499,0.6885,0.9811,0.7451,,0.16,0.1379,0.3333,0.375,0.0817,0.1231,0.1532,,,org spec account,block of flats,0.1351,Panel,No,0.0,0.0,0.0,0.0,-2595.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,7.0,0.0,3.0 +2166629,338292,Cash loans,12088.8,135000.0,148365.0,0.0,135000.0,MONDAY,18,Y,1,0.0,,,XNA,Approved,-2248,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,365243.0,-2218.0,-1708.0,-1708.0,-1703.0,1.0,0,Cash loans,F,N,Y,0,135000.0,544491.0,16047.0,454500.0,Unaccompanied,Commercial associate,Higher education,Married,Municipal apartment,0.02461,-20291,-6088,-14333.0,-3821,,1,1,0,1,0,0,Cleaning staff,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.2476361968046723,0.7180328113294772,0.1227,0.1146,0.9791,,,0.0,0.2759,0.1667,,0.1289,,0.1138,,0.0,0.125,0.1189,0.9791,,,0.0,0.2759,0.1667,,0.1319,,0.1185,,0.0,0.1239,0.1146,0.9791,,,0.0,0.2759,0.1667,,0.1312,,0.1158,,0.0,,block of flats,0.0984,Panel,No,0.0,0.0,0.0,0.0,-1502.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,10.0,0.0,1.0 +1456491,138769,Cash loans,64948.5,1350000.0,1350000.0,,1350000.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-608,XNA,XAP,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,36.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,1,202500.0,846756.0,80527.5,814500.0,Unaccompanied,State servant,Secondary / secondary special,Civil marriage,House / apartment,0.030755,-15975,-8760,-8761.0,-1699,,1,1,0,1,0,0,Private service staff,3.0,2,2,TUESDAY,12,0,0,0,0,0,0,Other,0.8483795986915875,0.7183186626956156,0.7180328113294772,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-2859.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,6.0 +2004578,131745,Cash loans,27449.82,450000.0,491580.0,,450000.0,TUESDAY,12,Y,1,,,,XNA,Approved,-574,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-544.0,146.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,N,0,67500.0,254700.0,15709.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.02461,-24021,365243,-13342.0,-4099,17.0,1,0,0,1,1,0,,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,XNA,,0.3675236406863314,0.13595104417329515,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,2.0,7.0,1.0,-574.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1211986,401101,Cash loans,4215.24,45000.0,56376.0,,45000.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-499,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-469.0,41.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,1,90000.0,82512.0,4009.5,54000.0,Unaccompanied,Working,Secondary / secondary special,Separated,Rented apartment,0.02461,-17396,-5193,-5726.0,-947,,1,1,0,1,1,0,Laborers,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,Industry: type 9,0.5859450437759111,0.5490565531268946,0.7764098512142026,0.1485,0.1107,0.9771,0.6872,0.0349,0.08,0.1379,0.3333,,0.0919,,0.1506,,0.0,0.1513,0.1149,0.9772,0.6994,0.0352,0.0806,0.1379,0.3333,,0.094,,0.1569,,0.0,0.1499,0.1107,0.9771,0.6914,0.0351,0.08,0.1379,0.3333,,0.0935,,0.1533,,0.0,,block of flats,0.1404,Panel,No,1.0,0.0,1.0,0.0,-351.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1763821,154308,Cash loans,21888.0,450000.0,450000.0,,450000.0,MONDAY,13,Y,1,,,,XNA,Refused,-186,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,N,0,135000.0,270000.0,18040.5,270000.0,Family,Working,Incomplete higher,Single / not married,With parents,0.02461,-9035,-450,-8998.0,-1338,,1,1,1,1,1,0,Accountants,1.0,2,2,THURSDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.5866489566508815,0.6263042766749393,0.1237,0.1141,0.9786,0.7076,0.0477,0.0,0.2069,0.1667,0.2083,0.1059,0.1009,0.101,,0.0,0.1261,0.1184,0.9786,0.7190000000000001,0.0481,0.0,0.2069,0.1667,0.2083,0.1084,0.1102,0.1052,,0.0,0.1249,0.1141,0.9786,0.7115,0.048,0.0,0.2069,0.1667,0.2083,0.1078,0.1026,0.1028,,0.0,reg oper account,block of flats,0.1055,Panel,No,1.0,0.0,1.0,0.0,-679.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2389158,102107,Consumer loans,8589.15,58455.0,42457.5,18000.0,58455.0,SUNDAY,15,Y,1,0.3242548296511824,,,XAP,Refused,-2056,Non-cash from your account,LIMIT,,Repeater,Mobile,POS,XNA,Country-wide,76,Connectivity,6.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,Y,Y,0,225000.0,781920.0,42417.0,675000.0,Family,Working,Secondary / secondary special,Civil marriage,Municipal apartment,0.011656999999999999,-15264,-1013,-7358.0,-4909,8.0,1,1,1,1,1,0,Private service staff,2.0,1,1,FRIDAY,10,0,0,0,0,0,0,Services,0.6439987189281439,0.7027827317236908,0.5919766183185521,0.0474,0.0305,0.9801,0.728,0.0081,0.04,0.0345,0.3333,0.375,0.0,0.0378,0.0385,0.0039,0.0012,0.0483,0.0317,0.9801,0.7387,0.0082,0.0403,0.0345,0.3333,0.375,0.0,0.0413,0.0402,0.0039,0.0012,0.0479,0.0305,0.9801,0.7316,0.0082,0.04,0.0345,0.3333,0.375,0.0,0.0385,0.0392,0.0039,0.0012,reg oper account,block of flats,0.0352,"Stone, brick",No,0.0,0.0,0.0,0.0,-794.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1085494,350790,Cash loans,27990.0,450000.0,450000.0,0.0,450000.0,THURSDAY,13,Y,1,0.0,,,XNA,Approved,-1843,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,high,Cash X-Sell: high,365243.0,-1807.0,-937.0,-1627.0,-1623.0,0.0,0,Cash loans,F,N,Y,0,157500.0,1726866.0,45684.0,1543500.0,"Spouse, partner",State servant,Secondary / secondary special,Married,House / apartment,0.031329,-20930,-5776,-7738.0,-3971,,1,1,0,1,0,0,,2.0,2,2,SATURDAY,9,0,0,0,0,0,0,Other,0.8990474727998153,0.6045284393481609,0.6594055320683344,0.0732,,0.9776,,,0.0,0.1379,0.1667,,0.0776,,0.0363,,0.0338,0.0746,,0.9777,,,0.0,0.1379,0.1667,,0.0793,,0.0378,,0.0358,0.0739,,0.9776,,,0.0,0.1379,0.1667,,0.0789,,0.037000000000000005,,0.0345,,block of flats,0.0451,Mixed,No,5.0,0.0,5.0,0.0,-747.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1868421,198868,Cash loans,58437.63,1980000.0,2215224.0,,1980000.0,WEDNESDAY,16,Y,1,,,,XNA,Refused,-284,XNA,HC,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,135000.0,691020.0,22419.0,495000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.04622,-15435,-1079,-7205.0,-3972,,1,1,0,1,0,0,Medicine staff,2.0,1,1,SUNDAY,10,0,1,1,0,0,0,Medicine,,0.3929059097283487,0.4294236843421945,0.0742,0.028,0.9518,0.3404,0.0184,0.0,0.0345,0.1667,0.2083,0.0195,0.0605,0.0298,0.0,0.0,0.0756,0.0291,0.9518,0.3662,0.0186,0.0,0.0345,0.1667,0.2083,0.0199,0.0661,0.031,0.0,0.0,0.0749,0.028,0.9518,0.3492,0.0185,0.0,0.0345,0.1667,0.2083,0.0198,0.0616,0.0303,0.0,0.0,,block of flats,0.0335,"Stone, brick",No,1.0,0.0,1.0,0.0,-1515.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2465386,328073,Consumer loans,5516.865,38610.0,37606.5,3870.0,38610.0,FRIDAY,19,Y,1,0.10161855070176648,,,XAP,Approved,-2294,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,42,Connectivity,10.0,high,POS mobile with interest,365243.0,-2263.0,-1993.0,-1993.0,-1984.0,0.0,1,Cash loans,F,Y,Y,0,126000.0,284427.0,20826.0,216000.0,"Spouse, partner",State servant,Higher education,Civil marriage,House / apartment,0.035792000000000004,-11299,-2298,-1421.0,-1846,2.0,1,1,0,1,1,0,,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.4852053772585774,0.5933984616217352,0.41184855592423975,0.0211,0.038,0.9975,0.966,0.015,0.0,0.069,0.0833,0.125,0.029,0.0172,0.0221,0.0,0.0,0.021,0.0394,0.9975,0.9673,0.0149,0.0,0.069,0.0833,0.125,0.0264,0.0184,0.0229,0.0,0.0,0.0213,0.038,0.9975,0.9665,0.0151,0.0,0.069,0.0833,0.125,0.0295,0.0175,0.0225,0.0,0.0,reg oper account,block of flats,0.0256,"Stone, brick",No,3.0,0.0,3.0,0.0,-1743.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2101145,194162,Revolving loans,7875.0,0.0,157500.0,,,THURSDAY,7,Y,1,,,,XAP,Approved,-2752,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,57,Connectivity,0.0,XNA,Card Street,-2752.0,-2708.0,365243.0,-1398.0,365243.0,1.0,0,Cash loans,F,N,N,2,292500.0,808650.0,23773.5,675000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.028663,-17367,-4046,-1122.0,-928,,1,1,0,1,0,0,Laborers,4.0,2,2,FRIDAY,13,0,1,1,0,1,1,Business Entity Type 3,,0.32857767807834976,0.5989262182569273,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2422725,318893,Cash loans,,0.0,0.0,,,FRIDAY,18,Y,1,,,,XNA,Refused,-390,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,Y,Y,0,157500.0,58500.0,6142.5,58500.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.0105,-15508,-7732,-3178.0,-4859,10.0,1,1,0,1,0,0,Laborers,2.0,3,3,WEDNESDAY,15,0,0,0,0,0,0,Trade: type 6,0.8278625457741825,0.764909228667112,0.324891229465852,0.0845,0.1002,0.9886,0.8436,0.0158,0.0,0.2414,0.1667,0.2083,0.1508,0.0681,0.0716,0.0039,0.0791,0.0861,0.104,0.9886,0.8497,0.0159,0.0,0.2414,0.1667,0.2083,0.1543,0.0744,0.0569,0.0039,0.0184,0.0854,0.1002,0.9886,0.8457,0.0159,0.0,0.2414,0.1667,0.2083,0.1534,0.0693,0.0729,0.0039,0.0807,reg oper account,block of flats,0.0735,"Stone, brick",No,0.0,0.0,0.0,0.0,-434.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1008358,303875,Consumer loans,2662.83,17509.095,16789.5,1759.095,17509.095,FRIDAY,8,Y,1,0.10328622586925162,,,XAP,Approved,-2703,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,2641,Consumer electronics,8.0,high,POS household with interest,365243.0,-2671.0,-2461.0,-2461.0,-2456.0,1.0,0,Cash loans,F,N,Y,2,112500.0,571486.5,25303.5,454500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.020246,-13907,-2695,-1947.0,-6274,,1,1,0,1,0,0,Core staff,4.0,3,3,SATURDAY,9,0,0,0,0,0,0,Security Ministries,0.44410868568259904,0.404333168549618,0.3556387169923543,0.0021,0.0,0.9717,,,0.0,,0.0,,0.0,,0.0011,,0.0,0.0021,0.0,0.9717,,,0.0,,0.0,,0.0,,0.0012,,0.0,0.0021,0.0,0.9717,,,0.0,,0.0,,0.0,,0.0011,,0.0,,block of flats,0.0009,"Stone, brick",No,1.0,0.0,1.0,0.0,-1292.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1611015,448088,Consumer loans,14370.705,148950.0,134055.0,14895.0,148950.0,MONDAY,17,Y,1,0.1089090909090909,,,XAP,Approved,-2046,XNA,XAP,,Repeater,Furniture,POS,XNA,Stone,1385,Furniture,12.0,middle,POS industry with interest,365243.0,-2013.0,-1683.0,-1683.0,-1445.0,0.0,0,Cash loans,F,N,Y,0,135000.0,161730.0,12222.0,135000.0,Family,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.035792000000000004,-17940,-5527,-11931.0,-1477,,1,1,0,1,0,0,Sales staff,1.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.589960327998962,0.521348058205651,0.7252764347002191,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-926.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2404586,403128,Consumer loans,9509.805,84231.0,80856.0,6750.0,84231.0,TUESDAY,9,Y,1,0.08391392868483477,,,XAP,Approved,-1064,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,12.0,high,POS mobile with interest,365243.0,-1033.0,-703.0,-703.0,-694.0,0.0,0,Cash loans,F,N,N,0,112500.0,277969.5,15651.0,229500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006207,-20905,-13922,-8439.0,-4152,,1,1,1,1,1,0,Medicine staff,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Medicine,,0.6548685166420565,0.8224987619370829,0.0825,0.0394,0.9886,0.8436,0.0223,0.08,0.069,0.375,0.4167,0.0235,0.0672,0.0835,0.0,0.0,0.084,0.0408,0.9886,0.8497,0.0225,0.0806,0.069,0.375,0.4167,0.024,0.0735,0.087,0.0,0.0,0.0833,0.0394,0.9886,0.8457,0.0225,0.08,0.069,0.375,0.4167,0.0239,0.0684,0.085,0.0,0.0,org spec account,block of flats,0.0657,Panel,No,0.0,0.0,0.0,0.0,-1529.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1149859,429312,Cash loans,19130.49,495000.0,593010.0,,495000.0,SUNDAY,15,Y,1,,,,XNA,Approved,-670,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-639.0,1131.0,-279.0,-271.0,0.0,0,Cash loans,F,N,Y,0,202500.0,652311.0,25407.0,544500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.008625,-20315,365243,-7443.0,-3035,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,XNA,,0.6168078685889427,0.4614823912998385,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,7.0 +2262440,414852,Consumer loans,5936.625,51255.0,50697.0,5125.5,51255.0,FRIDAY,9,Y,1,0.09999794804147888,,,XAP,Approved,-2154,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,2339,Consumer electronics,12.0,high,POS household with interest,365243.0,-2123.0,-1793.0,-1823.0,-1816.0,0.0,0,Cash loans,M,Y,Y,0,157500.0,474048.0,21010.5,360000.0,Family,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.010006000000000001,-14583,-125,-3283.0,-3975,4.0,1,1,0,1,0,1,Laborers,2.0,2,1,WEDNESDAY,11,0,0,0,0,1,1,Industry: type 4,0.201783117196362,0.6906967696501873,0.7407990879702335,0.1732,0.1239,0.993,0.9048,0.0385,0.2,0.1724,0.3333,0.375,0.1061,0.1395,0.1968,0.0077,0.0707,0.1765,0.1286,0.993,0.9085,0.0389,0.2014,0.1724,0.3333,0.375,0.1086,0.1524,0.2051,0.0078,0.0748,0.1749,0.1239,0.993,0.9061,0.0387,0.2,0.1724,0.3333,0.375,0.108,0.1419,0.2004,0.0078,0.0722,reg oper account,block of flats,0.1948,"Stone, brick",No,0.0,0.0,0.0,0.0,-2154.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2255616,270064,Cash loans,24577.425,225000.0,239850.0,,225000.0,WEDNESDAY,16,Y,1,,,,XNA,Refused,-268,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),3,XNA,12.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,76500.0,239850.0,23850.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.019101,-24990,365243,-6575.0,-4841,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,13,0,0,0,0,0,0,XNA,,0.41583855422726135,0.7958031328748403,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,0.0,-1382.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2568166,279665,Consumer loans,5180.49,26910.0,25407.0,2700.0,26910.0,SATURDAY,9,Y,1,0.10461968387040432,,,XAP,Approved,-1406,XNA,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,24,Connectivity,6.0,high,POS mobile with interest,365243.0,-1375.0,-1225.0,-1255.0,-1251.0,0.0,0,Cash loans,F,N,Y,0,51750.0,103500.0,10363.5,103500.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.020713,-21621,365243,-13300.0,-5009,,1,0,0,1,0,0,,1.0,3,3,FRIDAY,12,0,0,0,0,0,0,XNA,0.8194909630901951,0.6605642726244286,0.7016957740576931,0.1485,0.0932,0.9816,0.7484,0.0369,0.16,0.1379,0.3333,0.375,0.1054,0.121,0.1578,0.0,0.0,0.1513,0.0967,0.9816,0.7583,0.0372,0.1611,0.1379,0.3333,0.375,0.1079,0.1322,0.1644,0.0,0.0,0.1499,0.0932,0.9816,0.7518,0.0371,0.16,0.1379,0.3333,0.375,0.1073,0.1231,0.1607,0.0,0.0,reg oper account,block of flats,0.1443,Panel,No,0.0,0.0,0.0,0.0,-1406.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2736001,258075,Cash loans,,0.0,0.0,,,THURSDAY,11,Y,1,,,,XNA,Refused,-264,XNA,SCOFR,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,Y,Y,2,225000.0,1078200.0,38331.0,900000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.008575,-13271,-495,-1609.0,-4403,9.0,1,1,0,1,0,0,Laborers,4.0,2,2,TUESDAY,13,0,0,0,0,1,1,Construction,,0.2917955998764865,0.3791004853998145,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-609.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2249697,147017,Consumer loans,5574.24,120703.5,120703.5,0.0,120703.5,SUNDAY,15,Y,1,0.0,,,XAP,Approved,-942,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,1892,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-911.0,-221.0,-221.0,-214.0,0.0,0,Cash loans,F,Y,N,0,135000.0,1078200.0,31653.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010147,-15496,-1761,-124.0,-2967,16.0,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.5999816802069401,0.6658549219640212,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1502.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2184662,103399,Consumer loans,5608.62,84150.0,42075.0,42075.0,84150.0,SUNDAY,10,Y,1,0.5445454545454544,,,XAP,Approved,-968,Cash through the bank,XAP,"Spouse, partner",Refreshed,Consumer Electronics,POS,XNA,Regional / Local,146,Consumer electronics,9.0,middle,POS household with interest,365243.0,-937.0,-697.0,-727.0,-722.0,0.0,0,Cash loans,F,Y,N,0,90000.0,163008.0,16006.5,144000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.035792000000000004,-23811,365243,-13221.0,-4876,24.0,1,0,0,1,1,0,,1.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,,0.1024649539368505,0.8357765157975799,0.0165,,0.9816,,,0.0,0.069,0.0417,,0.0084,,0.0092,,0.0185,0.0168,,0.9816,,,0.0,0.069,0.0417,,0.0086,,0.0096,,0.0195,0.0167,,0.9816,,,0.0,0.069,0.0417,,0.0086,,0.0094,,0.0188,,block of flats,0.0113,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2075354,185673,Cash loans,66716.64,1125000.0,1249740.0,,1125000.0,MONDAY,10,Y,1,,,,XNA,Approved,-106,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-76.0,614.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,1,202500.0,484789.5,24880.5,418500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00733,-14296,-1887,-6.0,-2680,,1,1,0,1,0,1,Sales staff,3.0,2,2,TUESDAY,16,0,0,0,0,1,1,Self-employed,,0.5082178875131894,0.7062051096536562,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1953.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,0.0 +1490916,148696,Cash loans,48723.075,675000.0,895716.0,,675000.0,THURSDAY,16,Y,1,,,,Repairs,Approved,-436,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,middle,Cash Street: middle,,,,,,,0,Cash loans,M,N,Y,0,225000.0,265851.0,16195.5,229500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00733,-17651,-10622,-9535.0,-1193,,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,14,0,0,0,0,0,0,Industry: type 3,,0.4608680339662634,0.4776491548517548,0.1289,0.0,0.9811,,,0.0,0.2759,0.1667,,0.0623,,0.1163,,0.0468,0.1313,0.0,0.9811,,,0.0,0.2759,0.1667,,0.0637,,0.1212,,0.0496,0.1301,0.0,0.9811,,,0.0,0.2759,0.1667,,0.0633,,0.1184,,0.0478,,block of flats,0.1126,"Stone, brick",No,0.0,0.0,0.0,0.0,-603.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +1597631,409734,Consumer loans,4971.195,90625.5,109764.0,0.0,90625.5,SATURDAY,14,Y,1,0.0,,,XAP,Approved,-346,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,1100,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-316.0,374.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,1,135000.0,781920.0,47835.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008625,-16263,-339,-4694.0,-4331,,1,1,0,1,0,0,Security staff,3.0,2,2,TUESDAY,14,0,1,1,0,0,0,Security,,0.5557069295782121,0.7789040389824382,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1130.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2362187,163350,Consumer loans,4766.58,31450.5,23562.0,9000.0,31450.5,FRIDAY,16,Y,1,0.3010201517664204,,,XAP,Approved,-2061,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,37,Connectivity,6.0,high,POS mobile with interest,365243.0,-2025.0,-1875.0,-1935.0,-1933.0,0.0,0,Cash loans,F,N,Y,0,180000.0,363190.5,24399.0,328500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.035792000000000004,-17715,-2026,-185.0,-1245,,1,1,0,1,0,0,Private service staff,1.0,2,2,MONDAY,11,0,0,0,0,0,0,Services,,0.686283561278054,0.5937175866150576,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1687708,378506,Consumer loans,13942.53,128245.5,128245.5,0.0,128245.5,SATURDAY,8,Y,1,0.0,,,XAP,Approved,-35,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Stone,70,Consumer electronics,12.0,middle,POS household with interest,365243.0,-5.0,325.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,0,238500.0,305640.0,30357.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-17506,-2640,-368.0,-1060,14.0,1,1,1,1,1,0,Core staff,2.0,3,3,FRIDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.4012669866273799,0.7014289255145361,,0.1649,,0.9771,,,0.0,0.0345,0.1667,0.2083,,,0.0595,,0.1318,0.1681,,0.9772,,,0.0,0.0345,0.1667,0.2083,,,0.0619,,0.1396,0.1665,,0.9771,,,0.0,0.0345,0.1667,0.2083,,,0.0605,,0.1346,reg oper account,block of flats,0.0754,"Stone, brick",No,0.0,0.0,0.0,0.0,-1090.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1701815,405589,Consumer loans,6482.7,51750.0,55885.5,900.0,51750.0,SATURDAY,11,Y,1,0.017261128601171388,,,XAP,Approved,-2340,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Stone,400,Furniture,12.0,high,POS industry with interest,365243.0,-2309.0,-1979.0,-1979.0,-1975.0,0.0,0,Cash loans,F,N,Y,0,90000.0,114682.5,9972.0,99000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.00702,-16716,-166,-5493.0,-269,,1,1,0,1,0,0,Laborers,1.0,2,2,MONDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.438936841959117,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1566.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1216829,364515,Consumer loans,5879.295,62955.0,55813.5,13500.0,62955.0,SATURDAY,14,Y,1,0.21211924477522087,,,XAP,Approved,-1550,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Stone,150,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1519.0,-1189.0,-1189.0,-1185.0,0.0,0,Cash loans,F,N,Y,0,135000.0,254700.0,20250.0,225000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.030755,-12988,-1422,-327.0,-745,,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,14,0,0,0,0,1,1,Trade: type 3,,0.14137516985950382,0.6512602186973006,0.1763,0.0641,0.9846,0.7892,0.0,0.04,0.0345,0.3333,0.375,0.0301,0.1437,0.0504,0.0,0.0,0.1796,0.0666,0.9846,0.7975,0.0,0.0403,0.0345,0.3333,0.375,0.0308,0.157,0.0525,0.0,0.0,0.17800000000000002,0.0641,0.9846,0.792,0.0,0.04,0.0345,0.3333,0.375,0.0307,0.1462,0.0513,0.0,0.0,reg oper account,block of flats,0.0684,Panel,No,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1035996,108894,Consumer loans,5710.815,29650.5,28008.0,2965.5,29650.5,TUESDAY,12,Y,1,0.10427297822038484,,,XAP,Approved,-1176,Cash through the bank,XAP,Children,New,Mobile,POS,XNA,Country-wide,54,Connectivity,6.0,high,POS mobile with interest,365243.0,-1145.0,-995.0,-995.0,-989.0,0.0,0,Cash loans,F,N,Y,0,117000.0,604413.0,21838.5,459000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-17499,-3176,-7905.0,-1034,,1,1,0,1,0,1,Sales staff,2.0,3,2,TUESDAY,14,0,0,0,0,0,0,Self-employed,,0.35386465630454905,0.4206109640437848,0.233,0.1336,0.9896,0.8572,0.0503,0.28,0.2414,0.375,0.4167,0.1682,0.1874,0.2924,0.0116,0.1157,0.2374,0.1387,0.9896,0.8628,0.0507,0.282,0.2414,0.375,0.4167,0.172,0.2048,0.3046,0.0117,0.1225,0.2352,0.1336,0.9896,0.8591,0.0506,0.28,0.2414,0.375,0.4167,0.1711,0.1907,0.2976,0.0116,0.1181,reg oper spec account,block of flats,0.2551,Panel,No,0.0,0.0,0.0,0.0,-1176.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2027721,166358,Consumer loans,5041.395,32935.5,25119.0,9000.0,32935.5,THURSDAY,18,Y,1,0.2872832785784514,,,XAP,Approved,-2552,Cash through the bank,XAP,Children,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,2421,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-2521.0,-2371.0,-2371.0,-2360.0,1.0,0,Cash loans,F,N,Y,1,157500.0,797557.5,42624.0,688500.0,Family,Commercial associate,Higher education,Married,House / apartment,0.019688999999999998,-13293,-4531,-7333.0,-4423,,1,1,0,1,0,0,Core staff,3.0,2,2,MONDAY,14,0,0,0,0,0,0,Advertising,0.7270423016502616,0.6362939576153718,0.40314167665875134,0.0742,0.0511,0.9851,0.7959999999999999,0.0143,0.08,0.069,0.3333,0.375,0.0646,0.0605,0.0843,0.0,0.0,0.0756,0.053,0.9851,0.804,0.0145,0.0806,0.069,0.3333,0.375,0.0661,0.0661,0.0879,0.0,0.0,0.0749,0.0511,0.9851,0.7987,0.0144,0.08,0.069,0.3333,0.375,0.0657,0.0616,0.0858,0.0,0.0,reg oper spec account,block of flats,0.0663,Panel,No,2.0,0.0,2.0,0.0,-2342.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1367191,414473,Consumer loans,5450.22,48820.5,46984.5,6070.5,48820.5,MONDAY,12,Y,1,0.12461269180353145,,,XAP,Approved,-2334,Cash through the bank,XAP,"Spouse, partner",New,Mobile,POS,XNA,Country-wide,31,Connectivity,12.0,high,POS mobile with interest,365243.0,-2303.0,-1973.0,-1973.0,-1971.0,1.0,0,Cash loans,M,Y,Y,2,135000.0,720000.0,33493.5,720000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.015221,-12296,-4314,-2295.0,-4852,7.0,1,1,0,1,0,0,,4.0,2,2,THURSDAY,10,0,0,0,0,0,0,Restaurant,,0.6717246819032971,0.7557400501752248,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2334.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1924203,165253,Cash loans,37579.275,900000.0,1042560.0,,900000.0,FRIDAY,12,Y,1,,,,XNA,Approved,-335,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-305.0,1105.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,157500.0,284427.0,20826.0,216000.0,Family,State servant,Higher education,Married,Co-op apartment,0.00496,-11850,-1634,-5529.0,-3892,,1,1,0,1,0,0,,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Military,0.6333038735412811,0.7240391769846333,0.6195277080511546,0.0784,,0.9752,0.6464,0.0129,0.0,0.1207,0.1804,0.2083,0.0088,0.0496,0.0547,0.0039,0.0216,0.0945,,0.9742,0.6602,0.013,0.0,0.0345,0.1667,0.2083,0.009000000000000001,0.0542,0.0356,0.0039,0.0228,0.0802,,0.9752,0.6511,0.0129,0.0,0.1207,0.1667,0.2083,0.009000000000000001,0.0504,0.0557,0.0039,0.022,not specified,block of flats,0.034,,No,0.0,0.0,0.0,0.0,-511.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2686071,152189,Consumer loans,6119.055,112144.5,135828.0,0.0,112144.5,THURSDAY,15,Y,1,0.0,,,XAP,Refused,-827,Cash through the bank,LIMIT,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,2500,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,0,Cash loans,F,N,Y,1,135000.0,675000.0,21906.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-15677,-1740,-8654.0,-4615,,1,1,0,1,0,0,,3.0,2,2,FRIDAY,12,0,0,0,0,0,0,School,0.4303307615075189,0.6386640839057068,0.5154953751603267,,,0.9791,,,,,0.0,,,,0.0021,,,,,0.9791,,,,,0.0,,,,0.0022,,,,,0.9791,,,,,0.0,,,,0.0021,,,,,0.0016,,No,0.0,0.0,0.0,0.0,-914.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2760331,371992,Consumer loans,2060.325,17955.0,17761.5,1795.5,17955.0,TUESDAY,9,Y,1,0.09998786763167804,,,XAP,Approved,-2191,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,18,Connectivity,12.0,high,POS mobile with interest,365243.0,-2160.0,-1830.0,-1830.0,-1801.0,1.0,0,Cash loans,F,N,Y,0,135000.0,288873.0,16713.0,238500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-21420,365243,-1743.0,-4344,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,XNA,,0.6131160560379634,0.6956219298394389,0.0247,0.0419,0.9732,0.6328,0.0166,0.0,0.069,0.0833,0.125,0.0,0.0202,0.0193,0.0,0.0,0.0252,0.0435,0.9732,0.6472,0.0168,0.0,0.069,0.0833,0.125,0.0,0.022,0.0201,0.0,0.0,0.025,0.0419,0.9732,0.6377,0.0167,0.0,0.069,0.0833,0.125,0.0,0.0205,0.0197,0.0,0.0,reg oper spec account,block of flats,0.0243,"Stone, brick",No,4.0,1.0,4.0,1.0,-2191.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1960313,441846,Cash loans,21410.82,351000.0,383431.5,,351000.0,MONDAY,12,Y,1,,,,XNA,Approved,-267,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-237.0,453.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,0,112500.0,323388.0,21609.0,292500.0,Unaccompanied,Working,Incomplete higher,Single / not married,House / apartment,0.006852,-8977,-989,-461.0,-1261,,1,1,0,1,0,0,Laborers,1.0,3,3,TUESDAY,6,0,0,0,1,0,1,Business Entity Type 3,0.1488483970158357,0.09214932123952298,,0.0165,0.0,0.9747,,,0.0,0.069,0.0417,,0.0267,,0.0066,,0.0,0.0168,0.0,0.9747,,,0.0,0.069,0.0417,,0.0274,,0.0069,,0.0,0.0167,0.0,0.9747,,,0.0,0.069,0.0417,,0.0272,,0.0068,,0.0,,block of flats,0.0075,Wooden,No,4.0,0.0,4.0,0.0,-915.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1552991,202325,Consumer loans,21333.6,206410.545,183910.5,22500.045,206410.545,WEDNESDAY,12,Y,1,0.1187177450824344,,,XAP,Refused,-2217,Cash through the bank,LIMIT,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,90,Consumer electronics,12.0,high,POS household with interest,,,,,,,0,Cash loans,M,Y,Y,2,540000.0,1350000.0,39604.5,1350000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.0228,-12517,-4428,-6221.0,-4458,6.0,1,1,0,1,1,1,Laborers,4.0,2,2,MONDAY,12,0,1,1,0,1,1,Other,0.6199072320487959,0.5944954305692777,0.646329897706246,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1941.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,5.0 +2226487,353200,Consumer loans,10523.07,39730.5,36936.0,3973.5,39730.5,SUNDAY,19,Y,1,0.10578234217657816,,,XAP,Approved,-2515,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Stone,150,Consumer electronics,4.0,low_normal,POS household with interest,365243.0,-2480.0,-2390.0,-2390.0,-2382.0,1.0,0,Cash loans,F,N,N,0,112500.0,566055.0,15061.5,472500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.031329,-21817,-14719,-5139.0,-5139,,1,1,1,1,1,0,Core staff,1.0,2,2,SATURDAY,12,0,0,0,0,0,0,Kindergarten,,0.5827195252003187,0.2512394458905693,0.0722,0.0825,0.9886,0.8436,0.0068,0.0,0.1379,0.1667,0.2083,0.021,0.0588,0.0641,0.0,0.0,0.0735,0.0856,0.9886,0.8497,0.0069,0.0,0.1379,0.1667,0.2083,0.0214,0.0643,0.0667,0.0,0.0,0.0729,0.0825,0.9886,0.8457,0.0068,0.0,0.1379,0.1667,0.2083,0.0213,0.0599,0.0652,0.0,0.0,reg oper account,block of flats,0.0504,Block,No,0.0,0.0,0.0,0.0,-4.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2475643,212036,Consumer loans,19328.445,103815.0,108954.0,0.0,103815.0,THURSDAY,12,Y,1,0.0,,,XAP,Approved,-1404,Cash through the bank,XAP,Other_B,Repeater,Computers,POS,XNA,Country-wide,80,Consumer electronics,6.0,low_normal,POS household without interest,365243.0,-1373.0,-1223.0,-1223.0,-1218.0,0.0,0,Cash loans,F,N,N,1,135000.0,143910.0,15268.5,135000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.020713,-9495,-1553,-9495.0,-2174,,1,1,0,1,1,0,Sales staff,3.0,3,2,SATURDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.5616894537676761,0.2998718920956366,0.4668640059537032,0.099,0.1176,0.9821,0.7552,0.2321,0.16,0.1379,0.3333,0.375,0.1232,0.0765,0.1239,0.0193,0.1354,0.1008,0.122,0.9821,0.7648,0.2342,0.1611,0.1379,0.3333,0.375,0.126,0.0836,0.1291,0.0195,0.1434,0.0999,0.1176,0.9821,0.7585,0.2336,0.16,0.1379,0.3333,0.375,0.1254,0.0778,0.1261,0.0194,0.1383,reg oper account,block of flats,0.1269,Panel,No,0.0,0.0,0.0,0.0,-685.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2524365,388349,Consumer loans,8818.515,85455.0,94477.5,0.0,85455.0,MONDAY,10,Y,1,0.0,,,XAP,Approved,-481,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Regional / Local,420,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-435.0,-105.0,-135.0,-132.0,0.0,0,Cash loans,M,Y,Y,2,112500.0,254700.0,20250.0,225000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.031329,-11015,-3076,-1209.0,-3530,20.0,1,1,0,1,0,0,Drivers,4.0,2,2,SATURDAY,12,0,0,0,0,0,0,Construction,0.5057062665911383,0.15967923350263774,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-481.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1799366,453784,Consumer loans,8246.52,94009.5,94009.5,0.0,94009.5,FRIDAY,15,Y,1,0.0,,,XAP,Approved,-572,Cash through the bank,XAP,,New,Mobile,POS,XNA,Regional / Local,50,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-541.0,-211.0,-331.0,-325.0,0.0,1,Cash loans,F,N,Y,1,184500.0,1129500.0,33156.0,1129500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.015221,-11033,-1439,-5790.0,-1976,,1,1,0,1,0,0,Core staff,3.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Business Entity Type 1,0.661584767536209,0.4819798700691899,0.42765737003502935,0.0067,0.0042,0.9523,,,0.0,0.1207,0.0208,,0.0391,,0.0057,,0.0,0.0021,0.0,0.9518,,,0.0,0.069,0.0,,0.04,,0.0013,,0.0,0.0068,0.0042,0.9523,,,0.0,0.1207,0.0208,,0.0398,,0.0058,,0.0,,block of flats,0.0011,"Stone, brick",No,5.0,2.0,5.0,2.0,-572.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1212678,148370,Consumer loans,2189.835,15705.0,16173.0,765.0,15705.0,FRIDAY,10,Y,1,0.04918848420442468,,,XAP,Approved,-1561,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,50,Connectivity,10.0,high,POS mobile with interest,365243.0,-1526.0,-1256.0,-1256.0,-1250.0,0.0,0,Cash loans,M,Y,Y,0,202500.0,342000.0,40716.0,342000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.018634,-9183,-729,-6961.0,-1598,1.0,1,1,0,1,0,1,Core staff,1.0,2,2,FRIDAY,11,0,0,0,0,0,0,Trade: type 2,0.16947777277333487,0.2620553359511834,0.326475210066026,0.0742,0.0549,0.9881,0.8368,0.0487,0.08,0.069,0.3333,0.375,0.0476,0.0605,0.0764,0.0,0.0,0.0756,0.057,0.9881,0.8432,0.0491,0.0806,0.069,0.3333,0.375,0.0487,0.0661,0.0796,0.0,0.0,0.0749,0.0549,0.9881,0.8390000000000001,0.049,0.08,0.069,0.3333,0.375,0.0484,0.0616,0.0777,0.0,0.0,reg oper account,block of flats,0.0867,Panel,No,0.0,0.0,0.0,0.0,-1246.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1506517,226240,Consumer loans,3443.355,24840.0,18306.0,7452.0,24840.0,SATURDAY,12,Y,1,0.31508290451686666,,,XAP,Refused,-939,Non-cash from your account,HC,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Regional / Local,800,Consumer electronics,6.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,112500.0,225000.0,21919.5,225000.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.028663,-23131,365243,-2497.0,-4434,,1,0,0,1,0,0,,1.0,2,2,SUNDAY,13,0,0,0,0,0,0,XNA,0.9111082626608028,0.3170673148103119,0.5656079814115492,0.066,,0.9776,,,0.0,0.1379,0.1667,,,,0.057,,,0.0672,,0.9777,,,0.0,0.1379,0.1667,,,,0.0594,,,0.0666,,0.9776,,,0.0,0.1379,0.1667,,,,0.058,,,,block of flats,0.0855,Mixed,No,0.0,0.0,0.0,0.0,-1838.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2271833,234815,Cash loans,6666.3,45000.0,55075.5,,45000.0,WEDNESDAY,16,Y,1,,,,XNA,Approved,-831,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-801.0,-471.0,-471.0,-463.0,1.0,0,Cash loans,F,Y,N,0,90000.0,352044.0,13401.0,247500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.005144,-9149,-1779,-8742.0,-917,19.0,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,10,0,0,0,1,1,0,Self-employed,0.19891540631559865,0.2183085935101834,0.32173528219668485,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2164478,244680,Consumer loans,8723.025,121554.0,85086.0,36468.0,121554.0,SUNDAY,14,Y,1,0.32674340023962395,,,XAP,Approved,-394,Cash through the bank,XAP,,New,Clothing and Accessories,POS,XNA,Stone,10,Clothing,12.0,middle,POS industry with interest,365243.0,-363.0,-33.0,-213.0,-205.0,0.0,0,Cash loans,F,N,Y,0,225000.0,752742.0,42160.5,697500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.009656999999999999,-13535,-3097,-6.0,-2009,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,11,0,1,1,0,1,1,Business Entity Type 3,0.4330176639514258,0.3330166743194717,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-394.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1955952,148829,Consumer loans,23728.77,238477.5,254218.5,0.0,238477.5,MONDAY,18,Y,1,0.0,,,XAP,Approved,-644,Cash through the bank,XAP,Family,Refreshed,Audio/Video,POS,XNA,Country-wide,500,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-613.0,-283.0,-283.0,-281.0,0.0,0,Cash loans,F,Y,Y,2,99000.0,188460.0,10350.0,135000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.031329,-12789,-1701,-4388.0,-1819,3.0,1,1,0,1,0,0,Security staff,4.0,2,2,MONDAY,15,0,0,0,0,0,0,Business Entity Type 2,0.6110521036337591,0.6055004264628208,0.5370699579791587,0.0227,0.0,0.9786,0.7076,0.0026,0.0,0.1034,0.0417,0.0833,0.0291,0.0185,0.0185,0.0,0.0,0.0231,0.0,0.9786,0.7190000000000001,0.0027,0.0,0.1034,0.0417,0.0833,0.0298,0.0202,0.0192,0.0,0.0,0.0229,0.0,0.9786,0.7115,0.0027,0.0,0.1034,0.0417,0.0833,0.0296,0.0188,0.0188,0.0,0.0,reg oper account,block of flats,0.0145,"Stone, brick",No,4.0,0.0,4.0,0.0,-1530.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2713315,148655,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SATURDAY,15,Y,1,,,,XAP,Approved,-322,XNA,XAP,Unaccompanied,New,XNA,Cards,walk-in,Country-wide,37,Connectivity,0.0,XNA,Card Street,-322.0,-279.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,F,N,N,0,90000.0,450000.0,27324.0,450000.0,Unaccompanied,Working,Lower secondary,Married,House / apartment,0.0105,-16782,-1439,-11680.0,-345,,1,1,1,1,0,0,Laborers,2.0,3,3,MONDAY,19,0,0,0,0,0,0,Self-employed,,0.5287805738863648,0.21518240418475384,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-424.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1787413,235317,Consumer loans,8842.14,107748.0,110623.5,10777.5,107748.0,MONDAY,9,Y,1,0.0966851778216594,,,XAP,Approved,-210,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,1,Consumer electronics,16.0,middle,POS household with interest,365243.0,-180.0,270.0,-90.0,-85.0,1.0,0,Cash loans,M,N,Y,2,225000.0,1223010.0,48631.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-14774,-1070,-1077.0,-1088,,1,1,0,1,0,0,Cleaning staff,4.0,2,2,MONDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.20878331539427247,0.0005272652387098817,0.4742,0.297,0.9781,0.7008,0.184,0.44,0.3793,0.3333,0.0417,0.0376,,0.4276,,0.1206,0.4832,0.3082,0.9782,0.7125,0.1857,0.4431,0.3793,0.3333,0.0417,0.0384,,0.4455,,0.1276,0.4788,0.297,0.9781,0.7048,0.1852,0.44,0.3793,0.3333,0.0417,0.0382,,0.4353,,0.1231,reg oper spec account,block of flats,0.4632,Panel,No,3.0,0.0,3.0,0.0,-13.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2131311,291547,Consumer loans,73980.765,620775.0,643311.0,0.0,620775.0,SATURDAY,16,Y,1,0.0,,,XAP,Approved,-283,Cash through the bank,XAP,,Repeater,Construction Materials,POS,XNA,Stone,2037,Construction,10.0,middle,POS industry with interest,365243.0,-251.0,19.0,-161.0,-156.0,0.0,0,Cash loans,F,N,Y,0,135000.0,797557.5,26487.0,688500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.00496,-23607,365243,-5114.0,-5102,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,16,0,0,0,0,0,0,XNA,,0.5796429696467185,0.8106180215523969,0.099,,0.9821,,,0.0,0.1379,0.1667,,0.0772,,1.0,,0.0584,0.0588,,0.9821,,,0.0,0.1379,0.1667,,0.0785,,0.0396,,0.0596,0.0999,,0.9821,,,0.0,0.1379,0.1667,,0.0785,,1.0,,0.0597,,block of flats,0.0408,,No,0.0,0.0,0.0,0.0,-1175.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1550798,270721,Cash loans,34073.19,292500.0,308718.0,0.0,292500.0,TUESDAY,17,Y,1,0.0,,,XNA,Approved,-2008,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,high,Cash X-Sell: high,365243.0,-1978.0,-1648.0,-1648.0,-1625.0,1.0,0,Cash loans,F,N,N,2,225000.0,178290.0,20245.5,157500.0,Unaccompanied,Working,Incomplete higher,Married,Municipal apartment,0.006670999999999999,-15866,-1243,-3048.0,-3174,,1,1,0,1,0,0,Cleaning staff,4.0,2,2,MONDAY,14,0,0,0,1,1,0,Government,0.8184648556576675,0.6026343582341862,0.18629294965553744,0.0103,0.0,0.9652,0.524,0.0011,0.0,0.069,0.0417,0.0833,0.0103,0.0084,0.0069,0.0,0.0014,0.0105,0.0,0.9652,0.5426,0.0011,0.0,0.069,0.0417,0.0833,0.0082,0.0092,0.0072,0.0,0.0,0.0104,0.0,0.9652,0.5304,0.0011,0.0,0.069,0.0417,0.0833,0.0105,0.0086,0.0071,0.0,0.0015,reg oper account,block of flats,0.0055,"Stone, brick",No,0.0,0.0,0.0,0.0,-2008.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2400937,325868,Cash loans,29971.035,450000.0,640080.0,,450000.0,THURSDAY,14,Y,1,,,,XNA,Refused,-282,Cash through the bank,SCO,Family,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),5,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,1,Cash loans,M,Y,Y,0,171000.0,539100.0,29376.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-16228,-3206,-8709.0,-4166,13.0,1,1,1,1,0,0,Low-skill Laborers,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Industry: type 1,0.27814816780428736,0.4587714428579229,0.34578480246959553,0.0959,0.0613,0.9762,0.6736,0.0124,0.0,0.2069,0.1667,0.2083,0.0979,0.0782,0.0836,0.0,0.0233,0.0977,0.0636,0.9762,0.6864,0.0125,0.0,0.2069,0.1667,0.2083,0.1001,0.0854,0.0871,0.0,0.0247,0.0968,0.0613,0.9762,0.6779999999999999,0.0124,0.0,0.2069,0.1667,0.2083,0.0996,0.0795,0.0851,0.0,0.0238,reg oper account,block of flats,0.0708,"Stone, brick",No,1.0,1.0,1.0,1.0,-463.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,2.0 +2721442,187264,Consumer loans,18469.755,180157.5,180157.5,0.0,180157.5,MONDAY,8,Y,1,0.0,,,XAP,Approved,-688,XNA,XAP,,New,Tourism,POS,XNA,Stone,15,Industry,12.0,middle,POS other with interest,365243.0,-647.0,-317.0,-497.0,-493.0,0.0,0,Cash loans,F,Y,Y,0,225000.0,1147257.0,41337.0,927000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.007305,-12138,-1520,-1153.0,-2384,10.0,1,1,0,1,0,1,Accountants,2.0,3,3,WEDNESDAY,9,0,0,0,0,0,0,Industry: type 12,0.8590890481473276,0.3744840034485191,0.3201633668633456,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-688.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1884942,272550,Consumer loans,12099.825,58050.0,60925.5,0.0,58050.0,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-2559,XNA,XAP,Unaccompanied,New,Furniture,POS,XNA,Regional / Local,209,Furniture,6.0,high,POS industry with interest,365243.0,-2526.0,-2376.0,-2376.0,-2369.0,1.0,0,Cash loans,F,N,N,0,157500.0,1096020.0,55962.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.006629,-11639,-2939,-2714.0,-3390,,1,1,0,1,1,1,Laborers,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Industry: type 9,0.6394137286824807,0.2858978721410488,0.4101025731788671,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1316.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,0.0 +2082446,259589,Consumer loans,10861.29,65115.0,52110.0,13005.0,65115.0,MONDAY,20,Y,1,0.2175171200603129,,,XAP,Approved,-675,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,10,Connectivity,6.0,high,POS mobile with interest,365243.0,-640.0,-490.0,-520.0,-496.0,0.0,0,Cash loans,F,Y,Y,1,135000.0,718425.0,31774.5,580500.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.01885,-12927,-1291,-7029.0,-97,7.0,1,1,0,1,0,0,Sales staff,3.0,2,2,THURSDAY,18,0,0,0,0,0,0,Self-employed,,0.645453505951853,,0.132,0.1093,0.9866,0.8164,0.0164,0.16,0.1379,0.3333,,0.0717,0.1076,0.0836,0.0039,0.0985,0.1345,0.1134,0.9866,0.8236,0.0166,0.1611,0.1379,0.3333,,0.0734,0.1175,0.0871,0.0039,0.1042,0.1332,0.1093,0.9866,0.8189,0.0165,0.16,0.1379,0.3333,,0.073,0.1095,0.0851,0.0039,0.1005,reg oper account,block of flats,0.1081,"Stone, brick",No,0.0,0.0,0.0,0.0,-675.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2048196,104823,Cash loans,5693.085,45000.0,47970.0,,45000.0,MONDAY,11,Y,1,,,,Medicine,Approved,-818,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,AP+ (Cash loan),3,XNA,12.0,high,Cash Street: high,365243.0,-788.0,-458.0,-608.0,-602.0,1.0,0,Cash loans,F,N,Y,0,112500.0,538704.0,26046.0,481500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.018029,-22057,365243,-4265.0,-5262,,1,0,0,1,1,0,,1.0,3,2,SUNDAY,11,0,0,0,0,0,0,XNA,,0.1604848531405259,0.2807895743848605,0.0619,0.0544,0.9786,0.7076,0.0,0.0,0.1379,0.1667,0.2083,,0.0504,0.0365,0.0,0.0,0.063,0.0564,0.9786,0.7190000000000001,0.0,0.0,0.1379,0.1667,0.2083,,0.0551,0.038,0.0,0.0,0.0625,0.0544,0.9786,0.7115,0.0,0.0,0.1379,0.1667,0.2083,,0.0513,0.0371,0.0,0.0,reg oper account,block of flats,0.0518,Panel,No,0.0,0.0,0.0,0.0,-352.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1150596,107959,Revolving loans,3375.0,0.0,67500.0,,,SATURDAY,19,Y,1,,,,XAP,Approved,-2229,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-2205.0,-2165.0,365243.0,-1770.0,365243.0,0.0,0,Cash loans,M,Y,Y,2,225000.0,327024.0,18774.0,270000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.032561,-19414,-1587,-2054.0,-2945,11.0,1,1,0,1,0,0,Managers,4.0,1,1,TUESDAY,12,0,0,0,0,0,0,Other,0.8531224589334785,0.6695317576425109,0.8599241760145402,0.2861,0.0984,0.9911,0.8028,0.0029,0.32,0.1207,0.7292,0.5,0.0284,0.2421,0.3196,0.0154,0.061,0.2805,0.1021,0.9856,0.8105,0.003,0.3222,0.1034,0.4583,0.5,0.0291,0.2645,0.2985,0.0156,0.0078,0.2889,0.0984,0.9911,0.8054,0.003,0.32,0.1207,0.7292,0.5,0.0289,0.2463,0.3254,0.0155,0.0623,org spec account,block of flats,0.227,Panel,No,0.0,0.0,0.0,0.0,-1601.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2564863,265702,Revolving loans,2250.0,45000.0,45000.0,,45000.0,FRIDAY,10,Y,1,,,,XAP,Refused,-100,XNA,SCO,Family,Repeater,XNA,Cards,walk-in,Country-wide,770,Consumer electronics,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,Y,Y,2,180000.0,418500.0,19638.0,418500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-9239,-296,-3742.0,-1774,9.0,1,1,0,1,0,0,Laborers,4.0,2,2,SUNDAY,13,0,0,0,0,1,1,Industry: type 9,0.2758326779296839,0.2515063652048317,0.22888341670067305,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-560.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2836551,339623,Consumer loans,16449.57,83025.0,87408.0,0.0,83025.0,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-937,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Stone,384,Furniture,6.0,middle,POS industry with interest,365243.0,-906.0,-756.0,-756.0,-739.0,0.0,0,Cash loans,M,Y,Y,1,315000.0,1223010.0,48631.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.004849,-11711,-2889,-1782.0,-3859,16.0,1,1,0,1,0,0,Managers,3.0,2,2,SATURDAY,10,0,0,0,0,0,0,Construction,,0.12859624715088694,0.11612491427195998,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1519.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1914048,225120,Cash loans,13443.075,225000.0,254700.0,,225000.0,SATURDAY,9,Y,1,,,,Urgent needs,Refused,-381,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,low_normal,Cash Street: low,,,,,,,1,Cash loans,F,N,Y,0,144000.0,364896.0,26680.5,315000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.020713,-14449,-4352,-1440.0,-5054,,1,1,1,1,1,0,Core staff,2.0,3,2,TUESDAY,6,0,0,0,0,0,0,Kindergarten,0.18117759174960868,0.14324083314705988,0.09322509537747448,0.1845,0.1431,0.9836,0.7756,0.0425,0.2,0.1724,0.3333,0.375,0.0753,0.1505,0.1949,0.0,0.0,0.188,0.1485,0.9836,0.7844,0.0429,0.2014,0.1724,0.3333,0.375,0.077,0.1644,0.2031,0.0,0.0,0.1863,0.1431,0.9836,0.7786,0.0427,0.2,0.1724,0.3333,0.375,0.0766,0.1531,0.1984,0.0,0.0,not specified,block of flats,0.1765,Panel,No,0.0,0.0,0.0,0.0,-381.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1878758,134525,Cash loans,33897.69,562500.0,607050.0,,562500.0,TUESDAY,11,Y,1,,,,XNA,Approved,-909,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-879.0,-189.0,-189.0,-183.0,1.0,0,Cash loans,F,N,Y,0,112500.0,675000.0,26901.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.028663,-23694,365243,-4634.0,-4637,,1,0,0,1,1,0,,1.0,2,2,MONDAY,9,0,0,0,0,0,0,XNA,0.7147684874564715,0.6674722078867837,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1765785,289269,Consumer loans,21268.395,168655.5,162724.5,17100.0,168655.5,THURSDAY,20,Y,1,0.10356461186020002,,,XAP,Approved,-1429,XNA,XAP,Unaccompanied,New,Computers,POS,XNA,Regional / Local,2000,Consumer electronics,10.0,high,POS household with interest,365243.0,-1398.0,-1128.0,-1158.0,-1153.0,0.0,0,Revolving loans,M,Y,Y,0,180000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.011656999999999999,-9026,-484,-9026.0,-396,9.0,1,1,0,1,0,0,Drivers,1.0,1,1,FRIDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.6729194308592428,0.6313545365850379,0.0794,0.0898,0.9866,0.8164,0.052000000000000005,0.04,0.1379,0.25,0.2917,0.0156,0.0647,0.0871,0.0,0.0,0.0735,0.0623,0.9856,0.8105,0.0495,0.0,0.069,0.1667,0.2083,0.0107,0.0643,0.0822,0.0,0.0,0.0802,0.0898,0.9866,0.8189,0.0523,0.04,0.1379,0.25,0.2917,0.0159,0.0658,0.0887,0.0,0.0,not specified,block of flats,0.0634,Panel,No,2.0,1.0,2.0,0.0,-1429.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1800896,343555,Consumer loans,15841.035,129285.0,148059.0,0.0,129285.0,SATURDAY,6,Y,1,0.0,,,XAP,Approved,-110,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,200,Consumer electronics,12.0,middle,POS household with interest,365243.0,-79.0,251.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,76500.0,964989.0,34317.0,805500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.008068,-16657,-2312,-3697.0,-210,,1,1,0,1,0,0,,2.0,3,3,THURSDAY,8,0,0,0,0,0,0,Kindergarten,,0.20459544675673494,0.3979463219016906,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-669.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2218798,183675,Consumer loans,25196.985,251995.5,226795.5,25200.0,251995.5,SUNDAY,12,Y,1,0.108911035749015,,,XAP,Refused,-2537,Cash through the bank,SCO,Family,Repeater,XNA,POS,XNA,Country-wide,10,Consumer electronics,10.0,low_normal,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,270000.0,1176556.5,38884.5,963000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.018801,-18011,-4126,-5109.0,-1467,,1,1,0,1,0,0,Core staff,2.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,Medicine,0.7930928366688587,0.5934617737342018,0.470456116119975,0.0258,0.08,0.9687,0.5716,0.0323,0.0,0.1034,0.0833,0.125,0.0145,0.0202,0.0364,0.0039,0.0091,0.0263,0.083,0.9687,0.5884,0.0326,0.0,0.1034,0.0833,0.125,0.0148,0.022,0.0379,0.0039,0.0096,0.026,0.08,0.9687,0.5773,0.0325,0.0,0.1034,0.0833,0.125,0.0148,0.0205,0.037000000000000005,0.0039,0.0092,reg oper account,block of flats,0.0302,"Stone, brick",No,0.0,0.0,0.0,0.0,-2312.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1451373,307316,Cash loans,5859.9,90000.0,90000.0,,90000.0,SATURDAY,11,Y,1,,,,Medicine,Approved,-215,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,middle,Cash Street: middle,365243.0,-185.0,505.0,-155.0,-151.0,0.0,0,Cash loans,M,Y,Y,0,157500.0,900000.0,26446.5,900000.0,Unaccompanied,Working,Higher education,Single / not married,With parents,0.014519999999999996,-8852,-895,-8821.0,-1526,15.0,1,1,0,1,0,0,,1.0,2,2,THURSDAY,12,0,0,0,0,0,0,Construction,0.5929037001297287,0.6669963867704308,0.23791607950711405,0.0371,0.0,0.9737,,,0.0,0.1034,0.0833,,0.0,,0.0191,,0.0357,0.0378,0.0,0.9737,,,0.0,0.1034,0.0833,,0.0,,0.0199,,0.0378,0.0375,0.0,0.9737,,,0.0,0.1034,0.0833,,0.0,,0.0194,,0.0364,,block of flats,0.0228,"Stone, brick",No,5.0,0.0,5.0,0.0,-454.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2632229,178500,Cash loans,27023.85,270000.0,284611.5,,270000.0,MONDAY,14,Y,1,,,,XNA,Approved,-226,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-196.0,134.0,365243.0,365243.0,1.0,0,Cash loans,M,N,N,0,130500.0,1467000.0,40473.0,1467000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.035792000000000004,-22583,365243,-3605.0,-4213,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,16,0,0,0,0,0,0,XNA,0.7149774909250808,0.7647007529705682,0.7922644738669378,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2850.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2307844,168504,Consumer loans,2653.47,19980.0,15975.0,4995.0,19980.0,SUNDAY,10,Y,1,0.2594186500195084,,,XAP,Approved,-1258,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,41,Connectivity,8.0,high,POS mobile with interest,365243.0,-1216.0,-1006.0,-1006.0,-999.0,0.0,0,Cash loans,M,N,Y,1,112500.0,229500.0,12577.5,229500.0,Unaccompanied,Commercial associate,Higher education,Single / not married,Co-op apartment,0.001417,-10148,-1474,-29.0,-2695,,1,1,0,1,0,0,Drivers,2.0,2,2,FRIDAY,14,0,0,0,1,1,1,Business Entity Type 3,,0.09351759816864147,0.14375805349116522,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1153875,382042,Consumer loans,14513.13,118439.37,130162.5,3.87,118439.37,MONDAY,16,Y,1,3.237995972524869e-05,,,XAP,Approved,-1696,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,2140,Consumer electronics,12.0,high,POS household with interest,365243.0,-1665.0,-1335.0,-1335.0,-1326.0,0.0,0,Cash loans,F,N,Y,0,153000.0,679266.0,19597.5,567000.0,Unaccompanied,Pensioner,Higher education,Separated,House / apartment,0.007305,-21755,365243,-2780.0,-4080,,1,0,0,1,0,0,,1.0,3,3,WEDNESDAY,11,0,0,0,0,0,0,XNA,0.6752580990493005,0.4501892931304269,0.6496203111237195,0.2062,0.0,0.9935,,,0.28,0.2414,0.3333,,0.1474,,0.2649,,0.1175,0.2101,0.0,0.9935,,,0.282,0.2414,0.3333,,0.1508,,0.276,,0.1244,0.2082,0.0,0.9935,,,0.28,0.2414,0.3333,,0.15,,0.2697,,0.12,,block of flats,0.2339,"Stone, brick",No,0.0,0.0,0.0,0.0,-1588.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1746023,200781,Cash loans,66088.71,1170000.0,1237954.5,,1170000.0,SATURDAY,11,Y,1,,,,XNA,Approved,-777,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-747.0,-57.0,-47.0,-41.0,1.0,0,Cash loans,F,N,Y,0,180000.0,331632.0,32436.0,315000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.072508,-19350,-4136,-2857.0,-2895,,1,1,0,1,1,0,,2.0,1,1,SATURDAY,13,0,0,0,0,0,0,Other,,0.6952284041617003,0.7610263695502636,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.2384,,No,0.0,0.0,0.0,0.0,-1570.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2074329,218526,Consumer loans,6785.37,137245.5,109795.5,27450.0,137245.5,THURSDAY,17,Y,1,0.2178253236320714,,,XAP,Approved,-1812,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Stone,200,Consumer electronics,24.0,middle,POS household with interest,365243.0,-1746.0,-1056.0,-1116.0,-1109.0,0.0,0,Cash loans,M,Y,Y,0,211500.0,675000.0,34596.0,675000.0,Unaccompanied,State servant,Secondary / secondary special,Married,Municipal apartment,0.006233,-15493,-3184,-2462.0,-5084,8.0,1,1,1,1,1,0,Drivers,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Other,,0.5660742294280295,0.6178261467332483,0.0619,0.0485,0.9757,0.6668,0.0209,0.0,0.1034,0.1667,0.0417,0.0341,0.0504,0.0492,0.0,0.0,0.063,0.0503,0.9757,0.6798,0.0211,0.0,0.1034,0.1667,0.0417,0.0349,0.0551,0.0513,0.0,0.0,0.0625,0.0485,0.9757,0.6713,0.0211,0.0,0.1034,0.1667,0.0417,0.0347,0.0513,0.0501,0.0,0.0,reg oper account,block of flats,0.0499,"Stone, brick",No,1.0,0.0,1.0,0.0,-1812.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2804774,392368,Cash loans,19151.1,450000.0,533160.0,,450000.0,WEDNESDAY,14,Y,1,,,,XNA,Approved,-321,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-291.0,1119.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,N,0,157500.0,225000.0,13725.0,225000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.006670999999999999,-12413,-810,-728.0,-1923,26.0,1,1,1,1,1,0,Core staff,2.0,2,2,SUNDAY,16,0,0,0,0,0,0,Government,0.2813236966499713,0.3993450948528797,0.524496446363472,0.0289,0.0607,0.9652,,,0.0,0.1034,0.125,,0.0353,,0.0379,,0.0455,0.0294,0.063,0.9652,,,0.0,0.1034,0.125,,0.0361,,0.0395,,0.0482,0.0291,0.0607,0.9652,,,0.0,0.1034,0.125,,0.036000000000000004,,0.0386,,0.0465,,block of flats,0.0397,"Stone, brick",No,0.0,0.0,0.0,0.0,-341.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2486112,120271,Revolving loans,6750.0,0.0,135000.0,,,SATURDAY,18,Y,1,,,,XAP,Approved,-2238,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,-143.0,0.0,0,Cash loans,F,N,N,0,180000.0,1125000.0,44748.0,1125000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-20141,365243,-1003.0,-2842,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,XNA,0.5906679321031238,0.31693948062993843,0.4471785780453068,0.0165,,0.9826,,,0.0,0.069,0.0417,,,,0.0129,,0.0005,0.0168,,0.9826,,,0.0,0.069,0.0417,,,,0.0135,,0.0005,0.0167,,0.9826,,,0.0,0.069,0.0417,,,,0.0132,,0.0005,,block of flats,0.0103,Panel,No,0.0,0.0,0.0,0.0,-372.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +1963911,162992,Consumer loans,3121.11,20385.0,16672.5,4500.0,20385.0,FRIDAY,16,Y,1,0.231475219785528,,,XAP,Approved,-1329,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Regional / Local,149,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1298.0,-1148.0,-1178.0,-1173.0,0.0,0,Cash loans,F,N,N,0,135000.0,940500.0,31081.5,940500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.009334,-19054,365243,-10066.0,-2564,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,XNA,,0.5731184246111048,0.3077366963789207,0.0124,,0.9796,,,,0.1034,0.0417,,,,0.0102,,,0.0126,,0.9796,,,,0.1034,0.0417,,,,0.0106,,,0.0125,,0.9796,,,,0.1034,0.0417,,,,0.0103,,,,block of flats,0.008,Wooden,No,0.0,0.0,0.0,0.0,-2018.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2556931,420090,Revolving loans,6750.0,0.0,135000.0,,,TUESDAY,8,Y,1,,,,XAP,Approved,-2437,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,100,Consumer electronics,0.0,XNA,Card X-Sell,-2436.0,-2384.0,365243.0,-2170.0,365243.0,0.0,1,Cash loans,F,N,Y,1,162000.0,975771.0,34699.5,814500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-12095,-1714,-567.0,-3934,,1,1,0,1,0,0,Laborers,3.0,2,2,WEDNESDAY,8,0,0,0,0,1,1,Business Entity Type 2,0.4226575755485535,0.06686953719396148,0.2418614865234661,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,11.0,0.0,11.0,0.0,-2403.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1298330,193958,Cash loans,23874.75,225000.0,225000.0,,225000.0,THURSDAY,11,Y,1,,,,XNA,Approved,-249,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-219.0,111.0,-69.0,-64.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,675000.0,32472.0,675000.0,Family,Working,Incomplete higher,Single / not married,House / apartment,0.00823,-12061,-696,-4074.0,-1272,7.0,1,1,0,1,0,0,,1.0,2,2,MONDAY,11,0,0,0,0,0,0,Transport: type 4,0.24262508076644906,0.7013785469371205,0.5046813193144684,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-738.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +2367397,248691,Consumer loans,7758.045,48330.0,38655.0,9675.0,48330.0,WEDNESDAY,16,Y,1,0.2180209920433384,,,XAP,Refused,-2848,Cash through the bank,SCO,Family,Repeater,XNA,POS,XNA,Country-wide,76,Connectivity,6.0,low_normal,POS mobile with interest,,,,,,,0,Cash loans,M,Y,Y,1,337500.0,1686591.0,46377.0,1507500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.018209,-15386,-595,-335.0,-4983,19.0,1,1,0,1,1,0,Sales staff,3.0,3,3,TUESDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.3573024992937501,0.5666435131410721,0.3774042489507649,0.1412,,0.9916,,,0.04,0.0345,0.4167,,,,0.0906,,,0.1439,,0.9916,,,0.0403,0.0345,0.4167,,,,0.0944,,,0.1426,,0.9916,,,0.04,0.0345,0.4167,,,,0.0922,,,,block of flats,0.0731,"Stone, brick",No,3.0,0.0,3.0,0.0,-1.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2265806,446787,Consumer loans,3454.56,15291.0,18022.5,0.0,15291.0,THURSDAY,12,Y,1,0.0,,,XAP,Approved,-432,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,550,Consumer electronics,6.0,middle,POS household with interest,365243.0,-401.0,-251.0,-401.0,-394.0,0.0,0,Cash loans,F,N,N,0,225000.0,727785.0,20142.0,607500.0,"Spouse, partner",Working,Higher education,Married,House / apartment,0.018801,-8716,-626,-456.0,-999,,1,1,0,1,0,0,Core staff,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Self-employed,,0.4661970403015694,0.8061492814355136,0.0784,0.0402,0.9811,0.7416,0.0011,0.08,0.069,0.3333,0.375,0.0576,0.0605,0.0746,0.0154,0.0,0.0798,0.0418,0.9811,0.7517,0.0011,0.0806,0.069,0.3333,0.375,0.0589,0.0661,0.0778,0.0156,0.0,0.0791,0.0402,0.9811,0.7451,0.0011,0.08,0.069,0.3333,0.375,0.0586,0.0616,0.076,0.0155,0.0,reg oper spec account,block of flats,0.0763,Panel,No,0.0,0.0,0.0,0.0,-513.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1302624,338930,Cash loans,14621.535,270000.0,306531.0,,270000.0,SATURDAY,12,Y,1,,,,XNA,Approved,-738,XNA,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,low_normal,Cash X-Sell: low,365243.0,-708.0,162.0,-288.0,-282.0,1.0,1,Cash loans,F,Y,Y,0,157500.0,440784.0,34956.0,360000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-19796,365243,-6187.0,-3331,13.0,1,0,0,1,1,0,,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,,0.07179485791885838,0.2636468134452008,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1748.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,4.0 +1912406,286456,Cash loans,34241.76,1354500.0,1354500.0,,1354500.0,MONDAY,13,Y,1,,,,XNA,Approved,-440,XNA,XAP,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_action,Cash X-Sell: low,365243.0,-410.0,1360.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,157500.0,292500.0,22000.5,292500.0,Family,State servant,Secondary / secondary special,Married,House / apartment,0.028663,-19431,-4805,-4053.0,-2953,,1,1,0,1,0,0,Managers,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Government,,0.6483755148614933,0.7338145369642702,0.0082,0.0,0.9702,,,0.0,0.0345,0.0417,,0.0056,,0.0083,,0.0026,0.0084,0.0,0.9702,,,0.0,0.0345,0.0417,,0.0057,,0.0086,,0.0027,0.0083,0.0,0.9702,,,0.0,0.0345,0.0417,,0.0057,,0.0084,,0.0026,,block of flats,0.006999999999999999,"Stone, brick",No,3.0,0.0,3.0,0.0,-882.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2319818,330354,Consumer loans,3012.525,15705.0,14134.5,1570.5,15705.0,WEDNESDAY,15,Y,1,0.1089090909090909,,,XAP,Approved,-1102,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,35,Connectivity,6.0,high,POS mobile with interest,365243.0,-1058.0,-908.0,-908.0,-902.0,0.0,0,Revolving loans,F,N,Y,0,247500.0,360000.0,18000.0,360000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010276,-21113,-1519,-10018.0,-4459,,1,1,0,1,0,0,Sales staff,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,Self-employed,,0.5952069018316639,0.2735646775174348,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2622.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2697662,109506,Consumer loans,13379.445,116343.0,116343.0,0.0,116343.0,MONDAY,14,Y,1,0.0,,,XAP,Approved,-201,Cash through the bank,XAP,Unaccompanied,New,Furniture,POS,XNA,Country-wide,25,Furniture,10.0,middle,POS industry with interest,365243.0,-169.0,101.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,Y,2,135000.0,270000.0,13500.0,270000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.04622,-14261,-653,-1089.0,-3679,,1,1,1,1,0,0,,4.0,1,1,SATURDAY,12,0,0,0,0,1,1,School,,0.6013507015431271,0.5100895276257282,0.2629,,0.9876,0.83,,0.16,0.0345,0.625,0.6667,,,0.1437,,,0.2679,,0.9876,0.8367,,0.1611,0.0345,0.625,0.6667,,,0.1497,,,0.2654,,0.9876,0.8323,,0.16,0.0345,0.625,0.6667,,,0.1463,,,reg oper account,block of flats,0.2088,Panel,No,0.0,0.0,0.0,0.0,-201.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1751082,180183,Cash loans,25672.185,540000.0,711072.0,,540000.0,WEDNESDAY,20,Y,1,,,,XNA,Refused,-195,Cash through the bank,HC,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,Y,Y,0,247500.0,481176.0,23278.5,360000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.011656999999999999,-19221,-753,-6188.0,-2736,23.0,1,1,0,1,0,0,Drivers,2.0,1,1,TUESDAY,18,1,1,0,1,0,0,Government,,0.6601375701022507,0.3092753558842053,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,1.0,7.0,0.0,-195.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1390950,370955,Consumer loans,18262.89,124200.0,133393.5,0.0,124200.0,TUESDAY,11,Y,1,0.0,,,XAP,Approved,-149,Cash through the bank,XAP,Unaccompanied,Refreshed,Furniture,POS,XNA,Stone,50,Furniture,8.0,low_normal,POS industry with interest,365243.0,-119.0,91.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,67500.0,269550.0,12001.5,225000.0,Children,Working,Secondary / secondary special,Married,House / apartment,0.009175,-19663,-811,-9015.0,-2861,,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,15,1,0,1,0,0,0,Self-employed,,0.7315980388473842,0.3740208032583212,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-149.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2362710,108399,Cash loans,8655.3,157500.0,188685.0,,157500.0,MONDAY,9,Y,1,,,,XNA,Approved,-1163,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-1133.0,-83.0,-83.0,-79.0,1.0,0,Cash loans,F,N,Y,0,81000.0,225000.0,11893.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-23677,365243,-12951.0,-4295,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,XNA,,0.7038048752258632,,0.2289,0.2026,0.9826,0.762,0.036000000000000004,0.0,0.4828,0.1667,0.2083,0.2061,0.1841,0.2053,0.0116,0.0259,0.2332,0.2103,0.9826,0.7713,0.0364,0.0,0.4828,0.1667,0.2083,0.2108,0.2011,0.2139,0.0117,0.0275,0.2311,0.2026,0.9826,0.7652,0.0363,0.0,0.4828,0.1667,0.2083,0.2097,0.1873,0.209,0.0116,0.0265,reg oper account,block of flats,0.1868,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2279341,198362,Cash loans,8576.505,225000.0,299250.0,,225000.0,TUESDAY,11,Y,1,,,,Repairs,Refused,-227,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,N,0,157500.0,1303812.0,38119.5,1138500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,Municipal apartment,0.072508,-21917,365243,-15999.0,-4900,,1,0,0,1,1,0,,2.0,1,1,FRIDAY,9,0,0,0,0,0,0,XNA,,0.7030064995147489,,0.1866,0.1153,0.9811,0.7416,0.3424,0.2,0.1552,0.4375,0.4792,0.1025,0.1484,0.1839,0.0174,0.1054,0.083,0.0471,0.9772,0.6994,0.1694,0.0806,0.0345,0.3333,0.375,0.0755,0.0716,0.095,0.0039,0.0208,0.1884,0.1153,0.9811,0.7451,0.3446,0.2,0.1552,0.4375,0.4792,0.1043,0.1509,0.1872,0.0175,0.1076,reg oper account,block of flats,0.2826,"Stone, brick",No,0.0,0.0,0.0,0.0,-1344.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1984630,326920,Consumer loans,3003.21,28300.5,26550.0,4500.0,28300.5,SUNDAY,10,Y,1,0.1578392621870882,,,XAP,Approved,-1699,Cash through the bank,XAP,Family,New,Photo / Cinema Equipment,POS,XNA,Country-wide,30,Connectivity,14.0,high,POS mobile with interest,365243.0,-1668.0,-1278.0,-1278.0,-1272.0,0.0,0,Revolving loans,F,N,Y,1,90000.0,360000.0,18000.0,360000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.011703,-11820,-4596,-11813.0,-3453,,1,1,0,1,0,0,Sales staff,3.0,2,2,FRIDAY,10,0,0,0,0,1,1,Transport: type 4,,0.44100586807924375,0.6940926425266661,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-72.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +2680864,283613,Cash loans,22137.345,508500.0,599116.5,,508500.0,FRIDAY,16,Y,1,,,,XNA,Refused,-421,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,54.0,middle,Cash X-Sell: middle,,,,,,,0,Revolving loans,F,N,Y,0,315000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.007273999999999998,-17643,-3174,-8871.0,-1188,,1,1,0,1,0,0,Medicine staff,1.0,2,2,SATURDAY,10,0,0,0,0,1,1,Medicine,,0.4288177160311384,0.3077366963789207,0.0082,,0.9747,,,,0.069,0.0417,,,,0.0047,,,0.0084,,0.9747,,,,0.069,0.0417,,,,0.0049,,,0.0083,,0.9747,,,,0.069,0.0417,,,,0.0048,,,,block of flats,0.0056,"Stone, brick",No,5.0,4.0,5.0,4.0,-1619.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,1.0 +1854831,251065,Revolving loans,5625.0,112500.0,112500.0,,112500.0,THURSDAY,15,Y,1,,,,XAP,Refused,-518,XNA,SCOFR,,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),4,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,Y,Y,0,90000.0,675000.0,21775.5,675000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.015221,-14702,-942,-13152.0,-1249,6.0,1,1,1,1,0,0,Core staff,2.0,2,2,THURSDAY,6,0,0,0,0,0,0,Government,0.4920368830267008,0.6509188489487553,0.5460231970049609,0.0907,0.0991,0.9821,0.7552,,0.0,0.2069,0.1667,0.0417,0.0725,0.07400000000000001,0.0845,0.0,0.0,0.0924,0.1029,0.9821,0.7648,,0.0,0.2069,0.1667,0.0417,0.0741,0.0808,0.0881,0.0,0.0,0.0916,0.0991,0.9821,0.7585,,0.0,0.2069,0.1667,0.0417,0.0737,0.0752,0.086,0.0,0.0,reg oper account,block of flats,0.0729,Panel,No,1.0,0.0,1.0,0.0,-1082.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,7.0 +2518859,417328,Consumer loans,10561.86,94725.0,94725.0,0.0,94725.0,SATURDAY,7,Y,1,0.0,,,XAP,Approved,-1316,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,595,Consumer electronics,12.0,high,POS household with interest,365243.0,-1281.0,-951.0,-951.0,-944.0,0.0,0,Cash loans,F,N,Y,0,81000.0,607500.0,24223.5,607500.0,Family,State servant,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-18040,-4628,-6205.0,-1598,,1,1,0,1,0,0,Medicine staff,2.0,2,2,SATURDAY,10,0,0,0,0,1,1,Medicine,,0.6586592743998916,0.6971469077844458,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1316.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2334665,441347,Cash loans,10550.7,180000.0,203760.0,,180000.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-197,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-167.0,523.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,65250.0,112500.0,6457.5,112500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-22792,365243,-2803.0,-3627,,1,0,0,1,1,1,,2.0,2,2,THURSDAY,7,0,0,0,0,0,0,XNA,,0.6238430141034935,0.5190973382084597,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-197.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1179715,389537,Consumer loans,9306.9,136705.5,114205.5,22500.0,136705.5,WEDNESDAY,12,Y,1,0.1792506186989218,,,XAP,Approved,-273,Cash through the bank,XAP,Family,Refreshed,Mobile,POS,XNA,Country-wide,78,Connectivity,24.0,high,POS mobile with interest,365243.0,-243.0,447.0,-213.0,-206.0,0.0,1,Cash loans,M,N,N,1,157500.0,334152.0,18126.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-13274,-3537,-796.0,-4743,,1,1,1,1,0,0,Low-skill Laborers,3.0,2,2,TUESDAY,8,0,0,0,0,0,0,Business Entity Type 2,0.11526783736196272,0.3202768705347069,0.09322509537747448,0.0722,0.0835,0.9771,0.6872,0.0081,0.0,0.1379,0.1667,0.2083,0.065,0.0588,0.0665,0.0,0.0,0.0735,0.0866,0.9772,0.6994,0.0082,0.0,0.1379,0.1667,0.2083,0.0664,0.0643,0.0693,0.0,0.0,0.0729,0.0835,0.9771,0.6914,0.0082,0.0,0.1379,0.1667,0.2083,0.0661,0.0599,0.0677,0.0,0.0,reg oper account,block of flats,0.0567,"Stone, brick",No,0.0,0.0,0.0,0.0,-196.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2126918,322722,Consumer loans,4873.05,16560.0,17104.5,0.0,16560.0,WEDNESDAY,14,Y,1,0.0,,,XAP,Approved,-2471,XNA,XAP,Unaccompanied,New,Office Appliances,POS,XNA,Country-wide,1200,Consumer electronics,4.0,high,POS household with interest,365243.0,-2440.0,-2350.0,-2350.0,-2348.0,1.0,0,Cash loans,M,N,N,0,112500.0,122256.0,7146.0,108000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.072508,-24074,365243,-5027.0,-5278,,1,0,0,1,0,0,,1.0,1,1,WEDNESDAY,9,0,0,0,0,0,0,XNA,,0.3527604600220212,0.34578480246959553,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-979.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,4.0 +1792955,437995,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SATURDAY,13,Y,1,,,,XAP,Approved,-258,XNA,XAP,Unaccompanied,Refreshed,XNA,Cards,walk-in,Stone,50,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,1,180000.0,1293502.5,37944.0,1129500.0,Unaccompanied,Working,Secondary / secondary special,Married,Rented apartment,0.019688999999999998,-12409,-2606,-3228.0,-4362,,1,1,0,1,0,0,Laborers,3.0,2,2,FRIDAY,11,0,0,0,1,1,0,Electricity,,0.4074179565217023,0.6263042766749393,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-258.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1686341,194271,Consumer loans,5947.425,22455.0,20875.5,2245.5,22455.0,THURSDAY,10,Y,1,0.10577196645316538,,,XAP,Approved,-2757,Cash through the bank,XAP,"Spouse, partner",New,Other,POS,XNA,Country-wide,1800,Consumer electronics,4.0,high,POS household with interest,365243.0,-2726.0,-2636.0,-2636.0,-2628.0,1.0,0,Cash loans,M,N,Y,2,135000.0,607500.0,31149.0,607500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-11220,-2981,-4342.0,-3450,,1,1,0,1,0,1,,4.0,2,2,WEDNESDAY,8,0,0,0,1,1,0,Business Entity Type 3,0.21121534216615145,0.4643853386211296,0.7121551551910698,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1522.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1058696,227801,Consumer loans,5409.135,38745.0,34105.5,6750.0,38745.0,SATURDAY,15,Y,1,0.1799357157876818,,,XAP,Approved,-2245,Cash through the bank,XAP,"Spouse, partner",Refreshed,Mobile,POS,XNA,Stone,86,Consumer electronics,8.0,high,POS household with interest,365243.0,-2214.0,-2004.0,-2034.0,-2027.0,1.0,0,Cash loans,F,N,Y,0,90000.0,398016.0,21199.5,360000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-20202,-300,-13645.0,-3608,,1,1,0,1,0,0,,2.0,1,1,THURSDAY,15,0,0,0,0,0,0,School,0.8261515033454222,0.7212428788346326,0.7662336700704004,0.168,0.1086,0.9762,0.6736,0.0915,0.2,0.1724,0.3333,0.375,0.0,0.1345,0.1384,0.0116,0.1372,0.1712,0.1127,0.9762,0.6864,0.0923,0.2014,0.1724,0.3333,0.375,0.0,0.1469,0.1442,0.0117,0.1452,0.1697,0.1086,0.9762,0.6779999999999999,0.092,0.2,0.1724,0.3333,0.375,0.0,0.1368,0.1409,0.0116,0.1401,reg oper account,block of flats,0.1387,"Stone, brick",No,0.0,0.0,0.0,0.0,-1498.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1096056,274256,Cash loans,34779.6,180000.0,180000.0,0.0,180000.0,WEDNESDAY,11,Y,1,0.0,,,XNA,Approved,-2241,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,6.0,high,Cash Street: high,365243.0,-2211.0,-2061.0,-2061.0,-2055.0,0.0,0,Cash loans,F,N,Y,0,225000.0,254700.0,24939.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.020713,-24753,365243,-8668.0,-4396,,1,0,0,1,0,0,,2.0,3,2,THURSDAY,8,0,0,0,0,0,0,XNA,0.2867921191009853,0.5874865336988295,0.22383131747015547,0.1464,0.1225,0.9881,0.8368,0.0391,0.16,0.1379,0.3333,0.375,0.0788,0.1185,0.1669,0.0039,0.0187,0.1492,0.1271,0.9881,0.8432,0.0395,0.1611,0.1379,0.3333,0.375,0.0806,0.1295,0.1739,0.0039,0.0198,0.1478,0.1225,0.9881,0.8390000000000001,0.0394,0.16,0.1379,0.3333,0.375,0.0802,0.1206,0.1699,0.0039,0.0191,not specified,block of flats,0.1567,Panel,No,0.0,0.0,0.0,0.0,-1570.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1624088,419445,Consumer loans,30965.22,115042.5,119092.5,0.0,115042.5,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-414,XNA,XAP,,Repeater,Construction Materials,POS,XNA,Stone,50,Construction,4.0,low_action,POS industry with interest,365243.0,-383.0,-293.0,-323.0,-318.0,0.0,0,Cash loans,M,Y,N,0,315000.0,1035000.0,41044.5,1035000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.015221,-17058,-5207,-4341.0,-614,12.0,1,1,1,1,1,0,Drivers,2.0,2,2,TUESDAY,19,0,0,0,0,0,0,Self-employed,,0.4500160947010737,0.6986675550534175,0.066,0.0631,0.9781,0.7008,0.12,0.0,0.1379,0.1667,0.2083,0.056,0.0538,0.0497,0.0,0.0592,0.0672,0.0655,0.9782,0.7125,0.121,0.0,0.1379,0.1667,0.2083,0.0573,0.0588,0.0518,0.0,0.0627,0.0666,0.0631,0.9781,0.7048,0.1207,0.0,0.1379,0.1667,0.2083,0.057,0.0547,0.0506,0.0,0.0604,,block of flats,0.0656,"Stone, brick",No,2.0,0.0,2.0,0.0,-1812.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,3.0 +2362104,233155,Consumer loans,3508.155,26996.4,26298.0,2700.9,26996.4,TUESDAY,16,Y,1,0.10143576605883796,,,XAP,Approved,-2428,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Stone,149,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-2391.0,-2121.0,-2121.0,-2115.0,1.0,0,Cash loans,F,N,Y,0,135000.0,835380.0,40320.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-18261,-3001,-5435.0,-1798,,1,1,0,1,0,0,,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Agriculture,,0.6969723911338784,0.6706517530862718,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1489595,229574,Cash loans,44832.015,450000.0,470790.0,,450000.0,SATURDAY,16,Y,1,,,,XNA,Approved,-793,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-763.0,-433.0,-645.0,-637.0,1.0,0,Cash loans,F,N,Y,0,180000.0,1082214.0,31770.0,945000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.072508,-22665,365243,-14951.0,-3919,,1,0,0,1,0,0,,2.0,1,1,MONDAY,12,0,0,0,0,0,0,XNA,0.7167179922810537,0.7383195396421951,0.3723336657058204,0.2048,0.0869,0.9901,0.6736,0.0,0.24,0.1034,0.5971,0.0417,0.0,0.0706,0.1336,0.0,0.0655,0.0882,0.0353,0.997,0.6864,0.0,0.0806,0.0345,0.6667,0.0417,0.0,0.0771,0.075,0.0,0.0516,0.1999,0.084,0.997,0.6779999999999999,0.0,0.24,0.1034,0.6667,0.0417,0.0,0.0718,0.1237,0.0,0.0669,org spec account,block of flats,0.1681,Panel,No,0.0,0.0,0.0,0.0,-1159.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1962100,392852,Consumer loans,11131.29,166230.0,109156.5,67500.0,166230.0,FRIDAY,12,Y,1,0.41613887042727743,,,XAP,Approved,-692,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Regional / Local,137,Consumer electronics,12.0,middle,POS household with interest,365243.0,-661.0,-331.0,-361.0,-354.0,0.0,0,Cash loans,F,N,Y,0,162000.0,693301.5,25033.5,598500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.00702,-21008,365243,-8674.0,-4186,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,18,0,0,0,0,0,0,XNA,0.7196217372532564,0.6333740304289113,0.6075573001388961,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-692.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1232338,313221,Consumer loans,14251.995,142123.5,141417.0,14215.5,142123.5,MONDAY,13,Y,1,0.09947775572699673,,,XAP,Approved,-708,Cash through the bank,XAP,,Refreshed,Audio/Video,POS,XNA,Country-wide,2000,Consumer electronics,12.0,middle,POS household with interest,365243.0,-677.0,-347.0,-467.0,-464.0,0.0,0,Cash loans,M,Y,Y,1,225000.0,755190.0,36459.0,675000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.018801,-10518,-3716,-4621.0,-3212,27.0,1,1,1,1,0,0,High skill tech staff,3.0,2,2,TUESDAY,12,0,0,0,1,1,0,Government,0.14817659178588047,0.6326526702823334,0.3859146722745145,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-682.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2064359,241085,Consumer loans,6692.625,57735.0,57735.0,0.0,57735.0,SUNDAY,19,Y,1,0.0,,,XAP,Approved,-603,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,17,Connectivity,12.0,high,POS mobile with interest,365243.0,-563.0,-233.0,-233.0,-225.0,0.0,0,Cash loans,F,N,Y,2,180000.0,285723.0,24651.0,238500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.022625,-10120,-759,-4416.0,-2802,,1,1,0,1,0,0,Laborers,3.0,2,2,MONDAY,8,0,0,0,0,0,0,Business Entity Type 1,0.11600819498915005,0.7140337674348918,0.3723336657058204,0.3093,0.0255,0.9796,0.7212,0.0471,0.24,0.2069,0.3333,0.375,0.1879,0.2505,0.2637,0.0077,0.0444,0.3151,0.0264,0.9796,0.7321,0.0476,0.2417,0.2069,0.3333,0.375,0.1921,0.2736,0.2748,0.0078,0.047,0.3123,0.0255,0.9796,0.7249,0.0474,0.24,0.2069,0.3333,0.375,0.1911,0.2548,0.2685,0.0078,0.0454,reg oper account,block of flats,0.2467,"Stone, brick",No,3.0,2.0,3.0,1.0,-956.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1759031,398436,Consumer loans,,1494000.0,1494000.0,,1494000.0,TUESDAY,11,Y,1,,,,XAP,Refused,-396,Cash through the bank,XNA,,Repeater,Vehicles,XNA,XNA,Country-wide,80,Auto technology,,XNA,POS other with interest,,,,,,,0,Cash loans,M,Y,N,0,306000.0,265851.0,14548.5,229500.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.010006000000000001,-19419,-1108,-3638.0,-2831,8.0,1,1,1,1,1,0,Drivers,2.0,2,2,SATURDAY,10,0,0,0,0,1,1,Business Entity Type 3,,0.014520750952987991,0.4135967602644276,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-623.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1815041,275316,Consumer loans,4644.945,35955.0,39514.5,0.0,35955.0,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-315,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Regional / Local,250,Consumer electronics,10.0,middle,POS household with interest,365243.0,-284.0,-14.0,-134.0,-132.0,0.0,0,Cash loans,M,Y,N,0,112500.0,335592.0,9225.0,265500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.018634,-20632,-455,-1776.0,-537,11.0,1,1,1,1,1,0,Security staff,1.0,2,2,FRIDAY,14,0,0,0,0,1,1,Industry: type 1,,0.2413633214109832,0.42765737003502935,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-997.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2125887,364671,Cash loans,20979.0,450000.0,450000.0,,450000.0,MONDAY,19,Y,1,,,,XNA,Approved,-105,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-75.0,1335.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,270000.0,310671.0,15241.5,256500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.072508,-20630,-1754,-1784.0,-1800,,1,1,0,1,0,0,Low-skill Laborers,2.0,1,1,TUESDAY,10,1,1,0,0,0,0,Services,0.6406885747037103,0.7490805719590509,,0.3381,0.2042,0.994,0.9184,0.0358,0.64,0.2759,0.6667,0.0417,0.0,0.2757,0.3963,0.0,0.0,0.3445,0.2119,0.994,0.9216,0.0362,0.6445,0.2759,0.6667,0.0417,0.0,0.3012,0.4129,0.0,0.0,0.3414,0.2042,0.994,0.9195,0.0361,0.64,0.2759,0.6667,0.0417,0.0,0.2805,0.4035,0.0,0.0,reg oper account,block of flats,0.3313,Panel,No,1.0,0.0,1.0,0.0,-410.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,2.0 +1170803,324673,Revolving loans,10125.0,202500.0,202500.0,,202500.0,FRIDAY,11,Y,1,,,,XAP,Refused,-33,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,157500.0,1256400.0,36864.0,900000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.04622,-17027,365243,-3865.0,-566,,1,0,0,1,0,0,,2.0,1,1,WEDNESDAY,14,0,0,0,0,0,0,XNA,,0.7117511252363634,0.22383131747015547,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-33.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,4.0,0.0 +2006472,145182,Cash loans,11669.355,90000.0,94950.0,,90000.0,WEDNESDAY,14,Y,1,,,,XNA,Approved,-2681,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,10.0,middle,Cash Street: middle,365243.0,-2651.0,-2381.0,-2381.0,-2362.0,1.0,0,Cash loans,F,N,N,0,135000.0,242595.0,10813.5,202500.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.01885,-20570,365243,-10416.0,-3927,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,XNA,0.7092712396885232,0.7192733943531787,0.7688075728291359,0.0619,0.0389,0.9836,0.7756,,0.0,0.0345,0.1667,0.0417,0.0443,0.0504,0.0384,0.0,0.0,0.063,0.0404,0.9836,0.7844,,0.0,0.0345,0.1667,0.0417,0.0453,0.0551,0.04,0.0,0.0,0.0625,0.0389,0.9836,0.7786,,0.0,0.0345,0.1667,0.0417,0.0451,0.0513,0.0391,0.0,0.0,reg oper account,block of flats,0.0302,Block,No,0.0,0.0,0.0,0.0,-1967.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +2210441,217640,Consumer loans,4297.365,46575.0,41917.5,4657.5,46575.0,FRIDAY,14,Y,1,0.1089090909090909,,,XAP,Approved,-741,Cash through the bank,XAP,,Repeater,Construction Materials,POS,XNA,Stone,17,Construction,12.0,middle,POS industry with interest,365243.0,-693.0,-363.0,-573.0,-552.0,0.0,0,Cash loans,F,N,Y,1,157500.0,276903.0,21559.5,247500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.00963,-17253,-2016,-2232.0,-790,,1,1,0,1,1,1,Sales staff,3.0,2,2,THURSDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.6082143137963539,0.5369126848566554,0.5762088360175724,0.1085,0.0915,0.9886,,,0.12,0.0934,0.3687,,0.0663,,0.1176,,0.0067,0.0746,0.0481,0.9851,,,0.0806,0.0345,0.3333,,0.0098,,0.0776,,0.0,0.0749,0.078,0.9866,,,0.08,0.069,0.3333,,0.069,,0.094,,0.0072,,block of flats,0.2011,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2027655,350534,Revolving loans,9000.0,0.0,180000.0,,,SUNDAY,13,Y,1,,,,XAP,Approved,-2255,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-2244.0,-2202.0,365243.0,-2018.0,365243.0,0.0,1,Cash loans,F,N,N,0,225000.0,1288350.0,37795.5,1125000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.072508,-19493,-3723,-11217.0,-3021,,1,1,1,1,1,0,Laborers,2.0,1,1,MONDAY,11,0,0,0,0,0,0,Business Entity Type 1,,0.7159454564600984,0.5814837058057234,0.3959,0.2047,0.9806,0.7348,0.1026,0.64,0.2759,0.4583,0.5,,0.3219,0.397,0.0039,0.0021,0.4034,0.2125,0.9806,0.7452,0.1035,0.6445,0.2759,0.4583,0.5,,0.3517,0.4136,0.0039,0.0022,0.3997,0.2047,0.9806,0.7383,0.1032,0.64,0.2759,0.4583,0.5,,0.3275,0.4042,0.0039,0.0021,reg oper account,block of flats,0.3215,Panel,No,0.0,0.0,0.0,0.0,-2515.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1535912,443164,Revolving loans,45000.0,0.0,900000.0,,,FRIDAY,12,Y,1,,,,XAP,Approved,-777,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-735.0,-676.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,337500.0,597024.0,33466.5,540000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.072508,-14381,-4148,-506.0,-5883,2.0,1,1,0,1,0,0,Laborers,2.0,1,1,FRIDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.7245937306468856,0.4722533429586386,0.1835,0.0001,0.9757,0.6668,0.0598,0.2,0.1724,0.3333,0.375,0.0,0.1488,0.1744,0.0039,0.0108,0.187,0.0001,0.9757,0.6798,0.0604,0.2014,0.1724,0.3333,0.375,0.0,0.1625,0.1817,0.0039,0.0114,0.1853,0.0001,0.9757,0.6713,0.0602,0.2,0.1724,0.3333,0.375,0.0,0.1513,0.1776,0.0039,0.011,reg oper account,block of flats,0.14300000000000002,Panel,No,0.0,0.0,0.0,0.0,-1682.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,4.0 +1255537,425886,Consumer loans,20214.45,102577.5,75577.5,27000.0,102577.5,SUNDAY,12,Y,1,0.28666573610640284,,,XAP,Approved,-17,Cash through the bank,XAP,Family,Repeater,Clothing and Accessories,POS,XNA,Stone,50,Clothing,4.0,low_normal,POS industry with interest,365243.0,365243.0,106.0,365243.0,365243.0,0.0,0,Revolving loans,F,Y,Y,0,225000.0,225000.0,11250.0,225000.0,Family,Working,Incomplete higher,Civil marriage,House / apartment,0.020713,-12962,-69,-2945.0,-1133,4.0,1,1,0,1,0,1,Managers,2.0,3,3,WEDNESDAY,11,0,0,0,1,1,0,Construction,0.5358648938181663,0.5558419013332787,0.11538666200733562,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-120.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +1991663,421645,Consumer loans,11532.375,85041.0,95589.0,0.0,85041.0,SUNDAY,18,Y,1,0.0,,,XAP,Approved,-991,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,2001,Consumer electronics,10.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,225000.0,1129500.0,33156.0,1129500.0,Family,State servant,Higher education,Married,House / apartment,0.030755,-11445,-2338,-1490.0,-778,,1,1,0,1,0,0,Core staff,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Government,0.7379445484923035,0.4333172292316084,0.6127042441012546,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2313520,330938,Consumer loans,15717.015,134100.0,130648.5,13410.0,134100.0,TUESDAY,18,Y,1,0.10138040511951106,,,XAP,Approved,-2086,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Stone,51,Consumer electronics,10.0,middle,POS household with interest,365243.0,-2024.0,-1754.0,-1784.0,-1780.0,0.0,0,Cash loans,F,Y,Y,0,112500.0,385749.0,16474.5,333000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.010147,-20665,-2376,-3451.0,-3574,1.0,1,1,0,1,1,0,High skill tech staff,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Business Entity Type 1,0.8799708686811285,0.5671106240998348,0.6479768603302221,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2086.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1060686,333245,Consumer loans,9374.355,90616.455,90166.5,9062.955,90616.455,SUNDAY,14,Y,1,0.09947028228664566,,,XAP,Approved,-1229,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,3000,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1198.0,-868.0,-868.0,-864.0,0.0,0,Cash loans,F,Y,N,0,67500.0,364896.0,28957.5,315000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0228,-16749,-2961,-9449.0,-280,6.0,1,1,1,1,1,0,Sales staff,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.2682913994147449,0.5292654881881145,0.3774042489507649,0.2732,0.0753,0.9801,0.728,0.0397,0.08,0.069,0.3333,0.0417,0.0747,0.2227,0.119,0.0116,0.0267,0.2784,0.0781,0.9801,0.7387,0.04,0.0806,0.069,0.3333,0.0417,0.0764,0.2433,0.1239,0.0117,0.0282,0.2758,0.0753,0.9801,0.7316,0.0399,0.08,0.069,0.3333,0.0417,0.076,0.2266,0.1211,0.0116,0.0272,reg oper account,block of flats,0.1211,"Stone, brick",No,2.0,2.0,2.0,0.0,-184.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1780595,333509,Consumer loans,6354.135,106087.5,94837.5,11250.0,106087.5,TUESDAY,8,Y,1,0.11549214306372313,,,XAP,Approved,-2670,XNA,XAP,Children,New,Computers,POS,XNA,Regional / Local,20,Consumer electronics,24.0,high,POS household with interest,365243.0,-2637.0,-1947.0,-1947.0,-1944.0,0.0,0,Cash loans,F,N,Y,3,112500.0,215640.0,16249.5,180000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.006629,-17202,-8517,-8767.0,-739,,1,1,1,1,1,0,Security staff,5.0,2,2,FRIDAY,10,0,0,0,0,0,0,Kindergarten,,0.2963350429227182,0.36227724703843145,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1619932,152217,Consumer loans,6229.035,66735.0,66735.0,0.0,66735.0,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-226,XNA,XAP,Unaccompanied,New,Computers,POS,XNA,Stone,160,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-193.0,137.0,-43.0,-36.0,0.0,0,Cash loans,F,N,Y,2,67500.0,188460.0,9994.5,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-13975,-6790,-3643.0,-4609,,1,1,1,1,0,0,,4.0,2,2,MONDAY,14,0,0,0,0,0,0,Trade: type 3,,0.5187936793419855,0.8245949709919925,0.0137,0.0,0.9767,0.6804,0.0,0.0,0.069,0.0417,0.0833,0.0259,0.0112,0.0126,0.0,0.0,0.0168,0.0,0.9782,0.7125,0.0,0.0,0.069,0.0417,0.0833,0.0126,0.0147,0.0081,0.0,0.0,0.0167,0.0,0.9781,0.7048,0.0,0.0,0.069,0.0417,0.0833,0.0295,0.0137,0.0152,0.0,0.0,reg oper spec account,block of flats,0.0061,Block,No,0.0,0.0,0.0,0.0,-226.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2033766,359584,Consumer loans,8843.67,90000.0,47376.0,45000.0,90000.0,SATURDAY,13,Y,1,0.53053921915964,,,XAP,Approved,-635,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Stone,180,Furniture,6.0,middle,POS industry with interest,365243.0,-604.0,-454.0,-454.0,-452.0,0.0,0,Cash loans,M,Y,Y,0,292500.0,454500.0,17739.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-15642,-916,-1308.0,-3640,8.0,1,1,1,1,1,0,Drivers,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,Industry: type 9,0.28855639228132035,0.6456386413751065,0.13342925446731707,0.0206,0.055,0.9871,0.8232,0.0031,0.0,0.069,0.0417,0.0833,0.0,0.0168,0.0181,0.0,0.0,0.021,0.0571,0.9871,0.8301,0.0031,0.0,0.069,0.0417,0.0833,0.0,0.0184,0.0188,0.0,0.0,0.0208,0.055,0.9871,0.8256,0.0031,0.0,0.069,0.0417,0.0833,0.0,0.0171,0.0184,0.0,0.0,reg oper account,block of flats,0.0159,Others,No,0.0,0.0,0.0,0.0,-1432.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2567455,429974,Consumer loans,16077.105,146155.5,146155.5,0.0,146155.5,FRIDAY,14,Y,1,0.0,,,XAP,Approved,-494,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Regional / Local,146,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-461.0,-191.0,-281.0,-275.0,0.0,0,Cash loans,M,N,Y,0,180000.0,808650.0,26217.0,675000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.035792000000000004,-16889,-1226,-2951.0,-441,,1,1,1,1,0,0,Laborers,2.0,2,2,TUESDAY,11,0,0,0,0,1,1,Business Entity Type 3,0.5063978569240821,0.5216154416176315,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2048.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2180305,137653,Consumer loans,5968.935,50085.0,48370.5,5400.0,50085.0,TUESDAY,9,Y,1,0.10937393011206717,,,XAP,Approved,-1951,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Regional / Local,60,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1914.0,-1644.0,-1644.0,-1596.0,0.0,0,Cash loans,F,Y,Y,2,112500.0,275040.0,12951.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,Co-op apartment,0.018029,-12360,-2573,-4791.0,-4807,13.0,1,1,0,1,0,0,Core staff,4.0,3,3,SUNDAY,5,0,0,0,0,1,1,Postal,,0.11557566412101054,0.5154953751603267,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1951.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1032783,137224,Consumer loans,14365.845,175023.0,197550.0,0.0,175023.0,MONDAY,10,Y,1,0.0,,,XAP,Approved,-869,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,1972,Consumer electronics,18.0,middle,POS household with interest,365243.0,-838.0,-328.0,-328.0,-324.0,0.0,1,Cash loans,M,N,Y,0,112500.0,417649.5,33484.5,387000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.006852,-9519,-952,-3366.0,-2190,,1,1,0,1,0,0,Drivers,2.0,3,3,TUESDAY,7,0,0,0,0,1,1,Trade: type 7,0.14288874876684932,0.14697058417430733,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1992.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2228746,345823,Consumer loans,6213.87,55800.0,54364.5,5580.0,55800.0,TUESDAY,9,Y,1,0.10137923033351298,,,XAP,Approved,-2206,Cash through the bank,XAP,Family,New,Furniture,POS,XNA,Stone,341,Furniture,10.0,middle,POS industry with interest,365243.0,-2175.0,-1905.0,-1935.0,-1928.0,1.0,0,Cash loans,F,N,N,0,90000.0,110331.0,11835.0,103500.0,Unaccompanied,State servant,Secondary / secondary special,Separated,House / apartment,0.018801,-11858,-2288,-4604.0,-3066,,1,1,0,1,0,0,,1.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,Business Entity Type 2,0.3136828700788484,0.4188216311330452,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1869956,286601,Consumer loans,9722.025,89829.45,87507.0,8991.45,89829.45,THURSDAY,15,Y,1,0.10147838078793443,,,XAP,Approved,-2751,Cash through the bank,XAP,Family,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,2160,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2720.0,-2450.0,-2450.0,-2447.0,1.0,0,Cash loans,M,Y,Y,0,247500.0,106974.0,10710.0,94500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.030755,-13891,-469,-3758.0,-4704,8.0,1,1,0,1,0,0,Drivers,2.0,2,2,THURSDAY,10,0,0,0,1,1,1,Business Entity Type 3,,0.4380269228752889,0.3859146722745145,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2258646,383776,Consumer loans,13860.135,148491.0,148491.0,0.0,148491.0,THURSDAY,12,Y,1,0.0,,,XAP,Approved,-484,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,2500,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-453.0,-123.0,-153.0,-145.0,0.0,0,Cash loans,F,Y,Y,2,135000.0,1006920.0,51543.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-12382,-879,-3250.0,-3287,7.0,1,1,0,1,0,0,Core staff,4.0,2,2,FRIDAY,18,0,0,0,0,0,0,Kindergarten,0.5460276487363656,0.3527804315501537,0.6594055320683344,0.0619,0.0,0.9806,0.7348,0.0085,0.0,0.1379,0.1667,0.0417,0.0628,0.0504,0.0539,0.0,0.0,0.063,0.0,0.9806,0.7452,0.0086,0.0,0.1379,0.1667,0.0417,0.0643,0.0551,0.0561,0.0,0.0,0.0625,0.0,0.9806,0.7383,0.0086,0.0,0.1379,0.1667,0.0417,0.0639,0.0513,0.0548,0.0,0.0,reg oper account,block of flats,0.0424,Block,No,0.0,0.0,0.0,0.0,-484.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1013924,416731,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SATURDAY,12,Y,1,,,,XAP,Refused,-318,XNA,SCOFR,Unaccompanied,New,XNA,Cards,walk-in,Stone,170,Consumer electronics,0.0,XNA,Card Street,,,,,,,1,Cash loans,M,N,Y,0,112500.0,239850.0,29844.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-20998,-1823,-5631.0,-1874,,1,1,0,1,0,0,Drivers,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Self-employed,,0.3559473697234489,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,0.0,-318.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1548712,306447,Consumer loans,,114615.0,114615.0,0.0,114615.0,WEDNESDAY,12,Y,1,0.0,,,XAP,Refused,-472,Cash through the bank,LIMIT,,Repeater,Computers,XNA,XNA,Country-wide,40,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Revolving loans,F,Y,Y,0,180000.0,180000.0,9000.0,180000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.025164,-8761,-610,-7479.0,-1429,2.0,1,1,0,1,0,1,Accountants,1.0,2,2,SATURDAY,11,0,0,0,0,0,0,Industry: type 12,0.29630379972493026,0.12732008857663496,0.3706496323299817,0.0742,0.07,0.9757,0.6668,0.0298,0.0,0.1379,0.1667,0.2083,0.0449,0.0588,0.0646,0.0077,0.0129,0.0756,0.0727,0.9757,0.6798,0.0301,0.0,0.1379,0.1667,0.2083,0.0459,0.0643,0.0673,0.0078,0.0137,0.0749,0.07,0.9757,0.6713,0.03,0.0,0.1379,0.1667,0.2083,0.0456,0.0599,0.0658,0.0078,0.0132,reg oper account,block of flats,0.0699,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2734050,123327,Consumer loans,3516.255,29655.0,29326.5,2970.0,29655.0,SUNDAY,15,Y,1,0.10015326738191446,,,XAP,Refused,-1551,Cash through the bank,LIMIT,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,32,Connectivity,12.0,high,POS mobile with interest,,,,,,,0,Cash loans,M,Y,Y,0,112500.0,562981.5,33655.5,486000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.010556,-10244,-1916,-4978.0,-2800,2.0,1,1,0,1,0,0,Drivers,2.0,3,3,THURSDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.5862193710880279,0.4776491548517548,0.0454,0.0,0.9742,,,0.0,0.1034,0.125,,0.0108,,0.0327,,0.0391,0.0462,0.0,0.9742,,,0.0,0.1034,0.125,,0.011,,0.0341,,0.0414,0.0458,0.0,0.9742,,,0.0,0.1034,0.125,,0.011,,0.0333,,0.04,,block of flats,0.0342,"Stone, brick",No,0.0,0.0,0.0,0.0,-1824.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2009835,121655,Cash loans,17770.41,225000.0,254700.0,,225000.0,FRIDAY,11,Y,1,,,,XNA,Approved,-725,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,AP+ (Cash loan),3,XNA,24.0,high,Cash X-Sell: high,365243.0,-695.0,-5.0,-5.0,-2.0,1.0,1,Cash loans,F,N,Y,0,135000.0,450000.0,30442.5,450000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.0228,-11090,-321,-391.0,-3079,,1,1,0,1,1,1,Sales staff,2.0,2,2,TUESDAY,12,0,0,0,1,1,0,Self-employed,0.15450058827519847,0.5247357773651428,0.07298315565566517,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-726.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1614280,240173,Cash loans,16164.0,450000.0,450000.0,,450000.0,SATURDAY,16,Y,1,,,,XNA,Approved,-189,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-159.0,1251.0,365243.0,365243.0,0.0,1,Cash loans,F,N,N,0,135000.0,256500.0,12474.0,256500.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.005313,-19182,-826,-1106.0,-2719,,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.6345868006863699,0.524496446363472,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-395.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2605469,440301,Consumer loans,15499.71,153434.25,153432.0,2.25,153434.25,THURSDAY,7,Y,1,1.5970714136214988e-05,,,XAP,Approved,-835,XNA,XAP,,New,Computers,POS,XNA,Stone,251,Consumer electronics,12.0,middle,POS household with interest,365243.0,-803.0,-473.0,-533.0,-517.0,0.0,0,Cash loans,M,Y,Y,1,225000.0,1963494.0,54126.0,1755000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.014464,-12371,-2715,-1395.0,-310,6.0,1,1,0,1,0,0,Laborers,3.0,2,2,SATURDAY,6,0,0,0,0,0,0,Business Entity Type 3,,0.6684809817014151,,0.0619,0.0705,0.9821,0.7552,0.0522,0.0,0.1379,0.1667,0.2083,0.0684,0.0504,0.0572,0.0,0.0,0.063,0.0731,0.9821,0.7648,0.0527,0.0,0.1379,0.1667,0.2083,0.0699,0.0551,0.0596,0.0,0.0,0.0625,0.0705,0.9821,0.7585,0.0526,0.0,0.1379,0.1667,0.2083,0.0696,0.0513,0.0583,0.0,0.0,reg oper spec account,block of flats,0.045,Panel,No,1.0,0.0,1.0,0.0,-835.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1773389,339887,Consumer loans,23696.685,114066.0,121194.0,11407.5,114066.0,THURSDAY,16,Y,1,0.09369279039418513,,,XAP,Approved,-538,Cash through the bank,XAP,,Refreshed,Computers,POS,XNA,Country-wide,30,Connectivity,6.0,high,POS mobile with interest,365243.0,-507.0,-357.0,-357.0,-353.0,0.0,0,Cash loans,M,N,Y,1,112500.0,273636.0,21748.5,247500.0,Other_B,Working,Secondary / secondary special,Married,House / apartment,0.00733,-9911,-307,-8191.0,-2603,,1,1,0,1,0,1,Core staff,3.0,2,2,WEDNESDAY,16,0,1,1,0,0,0,Police,0.13103999970937685,0.2036469268966941,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-369.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2636796,439190,Cash loans,16232.22,315000.0,451899.0,,315000.0,WEDNESDAY,12,Y,1,,,,XNA,Refused,-309,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,N,0,144000.0,675000.0,32472.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Rented apartment,0.020713,-15264,-671,-1188.0,-1213,12.0,1,1,1,1,0,0,Sales staff,2.0,3,2,TUESDAY,12,0,0,0,0,0,0,Self-employed,,0.5592134666067347,0.3723336657058204,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-886.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1988126,106613,Consumer loans,12916.845,93780.0,107757.0,9000.0,93780.0,TUESDAY,6,Y,1,0.08395058267871032,,,XAP,Refused,-360,Cash through the bank,HC,,Refreshed,Mobile,POS,XNA,Country-wide,50,Connectivity,12.0,high,POS mobile with interest,,,,,,,1,Cash loans,F,N,Y,1,157500.0,381528.0,24970.5,315000.0,Unaccompanied,Commercial associate,Lower secondary,Separated,House / apartment,0.014464,-16430,-1117,-3826.0,-4299,,1,1,0,1,0,0,Sales staff,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,Self-employed,,0.13906317415448524,,0.066,0.0562,0.9901,,,0.08,0.0345,0.625,,0.0484,,0.0915,,0.1062,0.0672,0.0583,0.9901,,,0.0806,0.0345,0.625,,0.0496,,0.0954,,0.1125,0.0666,0.0562,0.9901,,,0.08,0.0345,0.625,,0.0493,,0.0932,,0.1084,,block of flats,0.0778,Monolithic,No,0.0,0.0,0.0,0.0,-360.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1092459,339324,Consumer loans,9123.075,123660.0,123660.0,0.0,123660.0,SUNDAY,14,Y,1,0.0,,,XAP,Approved,-1161,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Stone,350,Consumer electronics,18.0,middle,POS household with interest,365243.0,-1130.0,-620.0,-1130.0,-1126.0,0.0,0,Cash loans,F,N,Y,1,225000.0,755190.0,36459.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-12635,-1418,-555.0,-801,,1,1,0,1,0,0,,3.0,2,2,SATURDAY,8,0,0,0,0,0,0,Business Entity Type 3,0.615017384420679,0.7295276148551122,0.5154953751603267,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1537.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2275877,317845,Cash loans,28931.535,864000.0,989451.0,,864000.0,SATURDAY,8,Y,1,,,,XNA,Refused,-143,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,112500.0,516069.0,22860.0,445500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020713,-20300,365243,-2426.0,-3653,,1,0,0,1,0,0,,2.0,3,3,TUESDAY,5,0,0,0,0,0,0,XNA,0.5710524149927825,0.4875672593644118,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1121.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2063748,248324,Cash loans,25618.86,202500.0,215865.0,,202500.0,TUESDAY,12,Y,1,,,,Everyday expenses,Refused,-575,Cash through the bank,LIMIT,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,180000.0,634887.0,27027.0,513000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.032561,-22316,-587,-941.0,-4787,,1,1,0,1,1,0,,1.0,1,1,WEDNESDAY,12,0,0,0,0,0,0,Other,,0.5768698295645394,0.7136313997323308,0.1,0.0487,0.9801,0.728,0.0266,0.08,0.0345,0.5833,0.0,0.0498,0.0815,0.0913,0.0,0.0,0.1019,0.0506,0.9801,0.7387,0.0268,0.0806,0.0345,0.5833,0.0,0.0509,0.0891,0.0951,0.0,0.0,0.101,0.0487,0.9801,0.7316,0.0268,0.08,0.0345,0.5833,0.0,0.0506,0.0829,0.0929,0.0,0.0,reg oper account,block of flats,0.0863,"Stone, brick",No,0.0,0.0,0.0,0.0,-622.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2629219,209132,Consumer loans,9995.49,98505.0,108909.0,0.0,98505.0,MONDAY,13,Y,1,0.0,,,XAP,Approved,-33,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,350,Consumer electronics,12.0,low_action,POS mobile without interest,365243.0,365243.0,327.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,1,225000.0,225000.0,11074.5,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-17169,-756,-5534.0,-696,10.0,1,1,0,1,0,0,Managers,3.0,2,2,SATURDAY,9,0,0,0,0,0,0,Other,0.5623074094353594,0.5539407491921164,0.7352209993926424,0.0021,,0.9891,,,0.0,,0.0,,,,0.0028,,,0.0021,,0.9891,,,0.0,,0.0,,,,0.0029,,,0.0021,,0.9891,,,0.0,,0.0,,,,0.0028,,,,block of flats,0.0022,Panel,No,0.0,0.0,0.0,0.0,-33.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +2038658,364761,Consumer loans,7629.975,39496.5,27027.0,13824.0,39496.5,SUNDAY,10,Y,1,0.3685489394940817,,,XAP,Approved,-593,XNA,XAP,,New,Construction Materials,POS,XNA,Stone,600,Construction,4.0,middle,POS industry with interest,365243.0,-493.0,-403.0,-403.0,-397.0,0.0,0,Cash loans,M,Y,N,0,180000.0,675000.0,32472.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-17896,-2069,-1396.0,-1436,15.0,1,1,1,1,1,0,Laborers,2.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,Self-employed,,0.41270791452085226,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-593.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1541060,177267,Cash loans,28446.615,495000.0,553806.0,,495000.0,TUESDAY,10,Y,1,,,,XNA,Approved,-710,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-680.0,370.0,-320.0,-313.0,1.0,0,Cash loans,M,Y,Y,0,211500.0,539959.5,42790.5,441000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00823,-19811,-221,-10467.0,-3373,24.0,1,1,0,1,0,0,Security staff,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,Trade: type 7,,0.09506384943467648,0.4650692149562261,0.0722,0.0625,0.9796,0.7212,0.0276,0.0,0.1379,0.1667,0.2083,,0.0588,0.0623,0.0,0.0,0.0735,0.0649,0.9796,0.7321,0.0279,0.0,0.1379,0.1667,0.2083,,0.0643,0.0649,0.0,0.0,0.0729,0.0625,0.9796,0.7249,0.0278,0.0,0.1379,0.1667,0.2083,,0.0599,0.0634,0.0,0.0,reg oper account,block of flats,0.049,"Stone, brick",No,0.0,0.0,0.0,0.0,-108.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1226486,445808,Consumer loans,4649.58,86058.0,103095.0,0.0,86058.0,TUESDAY,14,Y,1,0.0,,,XAP,Approved,-1583,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,2535,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1551.0,-861.0,-861.0,-857.0,0.0,0,Cash loans,F,Y,Y,0,241200.0,495351.0,47160.0,459000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.035792000000000004,-16669,-6670,-4241.0,-217,6.0,1,1,0,1,0,0,Managers,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,School,0.6654862951205514,0.6925716280966457,0.7338145369642702,0.0629,0.0613,0.9806,0.7348,0.0076,0.0,0.1379,0.1667,0.2083,0.0394,0.0479,0.0543,0.0154,0.0529,0.0641,0.0636,0.9806,0.7452,0.0077,0.0,0.1379,0.1667,0.2083,0.0403,0.0523,0.0566,0.0156,0.056,0.0635,0.0613,0.9806,0.7383,0.0077,0.0,0.1379,0.1667,0.2083,0.0401,0.0487,0.0553,0.0155,0.054000000000000006,reg oper account,block of flats,0.0542,"Stone, brick",No,0.0,0.0,0.0,0.0,-1909.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2468503,399576,Cash loans,19152.675,450000.0,655015.5,,450000.0,TUESDAY,16,Y,1,,,,XNA,Refused,-945,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,175500.0,334152.0,16074.0,270000.0,Family,Working,Secondary / secondary special,Widow,House / apartment,0.016612000000000002,-11506,-901,-3497.0,-3304,,1,1,1,1,1,0,,1.0,2,2,TUESDAY,13,0,0,0,0,0,0,Bank,0.370107407886286,0.7152600965431032,0.05842784088634019,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-2347.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2782838,280359,Consumer loans,7076.61,41760.0,35172.0,8352.0,41760.0,FRIDAY,8,Y,1,0.20899014963531087,,,XAP,Refused,-917,Cash through the bank,SCO,Family,New,Computers,POS,XNA,Country-wide,33,Connectivity,6.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,N,1,162000.0,247275.0,19953.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014464,-9013,-1201,-2353.0,-892,,1,1,1,1,0,1,Sales staff,3.0,2,2,THURSDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.317078225195782,0.0001976469211371752,0.2103502286944494,0.4082,0.1091,0.9806,,,0.08,0.069,0.3333,,0.0699,,0.037000000000000005,,0.0265,0.416,0.1132,0.9806,,,0.0806,0.069,0.3333,,0.0715,,0.0386,,0.028,0.4122,0.1091,0.9806,,,0.08,0.069,0.3333,,0.0711,,0.0377,,0.027000000000000003,,block of flats,0.1107,Panel,No,0.0,0.0,0.0,0.0,-160.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1006960,448336,Consumer loans,12204.54,129960.0,91971.0,45000.0,129960.0,FRIDAY,18,Y,1,0.35780633060349204,,,XAP,Approved,-1798,Cash through the bank,XAP,Other_A,New,Computers,POS,XNA,Stone,85,Consumer electronics,10.0,high,POS household with interest,365243.0,-1767.0,-1497.0,-1497.0,-1488.0,0.0,0,Cash loans,M,N,Y,0,135000.0,225000.0,10426.5,225000.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.01885,-10138,-440,-114.0,-2773,,1,1,0,1,1,0,Sales staff,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Bank,,0.5260608044045831,0.3910549766342248,0.1773,0.114,0.9771,0.6872,0.0276,0.12,0.1034,0.3333,0.375,0.0698,0.1395,0.147,0.0232,0.0424,0.1807,0.1183,0.9772,0.6994,0.0279,0.1208,0.1034,0.3333,0.375,0.0714,0.1524,0.1532,0.0233,0.0449,0.179,0.114,0.9771,0.6914,0.0278,0.12,0.1034,0.3333,0.375,0.071,0.1419,0.1497,0.0233,0.0433,not specified,block of flats,0.14,"Stone, brick",No,0.0,0.0,0.0,0.0,-1.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2342926,159328,Consumer loans,1734.525,38502.9,38502.0,0.9,38502.9,SATURDAY,19,Y,1,2.545735043806617e-05,,,XAP,Refused,-711,Cash through the bank,HC,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,2500,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,0,Cash loans,M,N,N,0,135000.0,582768.0,32539.5,540000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-18406,-948,-7470.0,-1950,,1,1,0,1,1,0,Laborers,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,Self-employed,,0.7310437549827437,0.2778856891082046,0.1314,0.1725,0.9925,0.8640000000000001,0.0481,0.12,0.1034,0.375,0.0417,0.0596,0.1774,0.2505,0.0309,0.0181,0.0378,0.1791,0.9901,0.8693,0.0485,0.0403,0.0345,0.375,0.0417,0.061,0.1938,0.261,0.0311,0.0,0.1327,0.1725,0.9925,0.8658,0.0484,0.12,0.1034,0.375,0.0417,0.0607,0.1804,0.255,0.0311,0.0185,reg oper account,block of flats,0.2049,"Stone, brick",No,0.0,0.0,0.0,0.0,-1550.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1665276,294271,Consumer loans,5395.905,47507.4,47507.4,0.0,47507.4,MONDAY,14,Y,1,0.0,,,XAP,Approved,-191,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-160.0,110.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,0,180000.0,450000.0,35554.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.028663,-15539,-5541,-1996.0,-5489,2.0,1,1,1,1,0,0,Laborers,1.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Other,,0.17718861138456074,0.4956658291397297,0.1928,0.111,0.9866,0.8164,0.039,0.2,0.1724,0.3333,0.375,0.1451,0.1563,0.2075,0.0039,0.0021,0.1964,0.1152,0.9866,0.8236,0.0393,0.2014,0.1724,0.3333,0.375,0.1484,0.1708,0.2162,0.0039,0.0022,0.1947,0.111,0.9866,0.8189,0.0392,0.2,0.1724,0.3333,0.375,0.1476,0.159,0.2113,0.0039,0.0021,reg oper account,block of flats,0.2041,Panel,No,3.0,0.0,3.0,0.0,-1018.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2789999,182595,Consumer loans,22728.375,86400.0,86400.0,0.0,86400.0,MONDAY,14,Y,1,0.0,,,XAP,Approved,-140,Cash through the bank,XAP,Unaccompanied,New,Furniture,POS,XNA,Stone,566,Furniture,4.0,low_normal,POS industry with interest,365243.0,-110.0,-20.0,-80.0,-78.0,0.0,0,Cash loans,F,N,N,0,105768.0,808650.0,21330.0,675000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.035792000000000004,-10328,-1329,-2568.0,-371,,1,1,1,1,1,0,Core staff,2.0,2,2,FRIDAY,12,0,0,0,1,1,0,Bank,0.6227793193613543,0.6161098765066156,0.18848953379516772,,,0.9687,,,,0.069,,,,,0.0074,,,,,0.9687,,,,0.069,,,,,0.0077,,,,,0.9687,,,,0.069,,,,,0.0075,,,,,0.0065,Mixed,No,0.0,0.0,0.0,0.0,-140.0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2077388,307720,Consumer loans,3602.25,25965.0,17806.5,9000.0,25965.0,THURSDAY,11,Y,1,0.3656508004334091,,,XAP,Approved,-1930,Cash through the bank,XAP,Unaccompanied,Refreshed,Mobile,POS,XNA,Stone,40,Connectivity,6.0,high,POS mobile with interest,365243.0,-1878.0,-1728.0,-1788.0,-1779.0,0.0,0,Cash loans,F,N,Y,0,157500.0,675000.0,21775.5,675000.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.035792000000000004,-12174,-2398,-631.0,-4359,,1,1,0,1,1,0,,1.0,2,2,TUESDAY,9,0,0,0,0,0,0,Government,0.5294132333290429,0.5874017387289988,0.4722533429586386,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-29.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1154402,280359,Consumer loans,5004.36,30330.0,27297.0,3033.0,30330.0,TUESDAY,10,Y,1,0.1089090909090909,,,XAP,Approved,-458,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,500,Consumer electronics,6.0,middle,POS household with interest,365243.0,-427.0,-277.0,-277.0,-271.0,0.0,0,Cash loans,F,N,N,1,162000.0,247275.0,19953.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014464,-9013,-1201,-2353.0,-892,,1,1,1,1,0,1,Sales staff,3.0,2,2,THURSDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.317078225195782,0.0001976469211371752,0.2103502286944494,0.4082,0.1091,0.9806,,,0.08,0.069,0.3333,,0.0699,,0.037000000000000005,,0.0265,0.416,0.1132,0.9806,,,0.0806,0.069,0.3333,,0.0715,,0.0386,,0.028,0.4122,0.1091,0.9806,,,0.08,0.069,0.3333,,0.0711,,0.0377,,0.027000000000000003,,block of flats,0.1107,Panel,No,0.0,0.0,0.0,0.0,-160.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1267902,202802,Consumer loans,2063.565,17775.0,20875.5,1800.0,17775.0,WEDNESDAY,17,Y,1,0.0864529397968572,,,XAP,Approved,-1772,Cash through the bank,XAP,Other_B,Repeater,Office Appliances,POS,XNA,Country-wide,120,Consumer electronics,16.0,high,POS household with interest,365243.0,-1741.0,-1291.0,-1291.0,-1277.0,0.0,0,Cash loans,F,N,N,0,90000.0,808650.0,26086.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-16313,-2182,-4111.0,-4906,,1,1,1,1,1,0,Core staff,2.0,2,2,TUESDAY,20,0,0,0,0,0,0,Self-employed,0.6859603015466287,0.3966049630247863,0.5884877883422673,0.0577,0.0621,0.9781,0.7008,0.034,0.0,0.1379,0.1667,0.0417,0.0499,0.0471,0.0664,0.0039,0.0484,0.0588,0.0644,0.9782,0.7125,0.0343,0.0,0.1379,0.1667,0.0417,0.0511,0.0514,0.0692,0.0039,0.0512,0.0583,0.0621,0.9781,0.7048,0.0342,0.0,0.1379,0.1667,0.0417,0.0508,0.0479,0.0676,0.0039,0.0494,reg oper spec account,block of flats,0.0708,"Stone, brick",No,0.0,0.0,0.0,0.0,-220.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1556561,432872,Consumer loans,4104.585,34645.5,29110.5,5535.0,34645.5,WEDNESDAY,19,Y,1,0.17399426135625634,,,XAP,Approved,-1848,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,51,Connectivity,10.0,high,POS mobile with interest,365243.0,-1811.0,-1541.0,-1541.0,-1536.0,0.0,0,Cash loans,F,N,Y,0,139500.0,755190.0,35122.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.009334,-22797,365243,-1056.0,-4916,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,XNA,,0.3393655625476252,0.12769879437277135,0.0124,0.0026,0.998,,,0.0,0.069,0.0833,,0.0488,,0.02,,0.0,0.0126,0.0027,0.998,,,0.0,0.069,0.0833,,0.0499,,0.0209,,0.0,0.0125,0.0026,0.998,,,0.0,0.069,0.0833,,0.0496,,0.0204,,0.0,,block of flats,0.0171,Monolithic,No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2837591,156740,Consumer loans,17108.37,83029.5,87412.5,0.0,83029.5,MONDAY,15,Y,1,0.0,,,XAP,Approved,-716,Cash through the bank,XAP,Family,Repeater,Homewares,POS,XNA,Regional / Local,3710,Construction,6.0,high,POS industry with interest,365243.0,-685.0,-535.0,-655.0,-646.0,0.0,0,Revolving loans,F,N,N,1,135000.0,180000.0,9000.0,180000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.028663,-13923,-5516,-789.0,-1113,,1,1,0,1,0,0,High skill tech staff,3.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Business Entity Type 2,0.8582415730879733,0.35034771870593145,0.4884551844437485,0.0309,0.035,0.9866,,,0.0,0.069,0.1667,,0.0064,,0.0298,,0.0,0.0315,0.0363,0.9866,,,0.0,0.069,0.1667,,0.0065,,0.031,,0.0,0.0312,0.035,0.9866,,,0.0,0.069,0.1667,,0.0065,,0.0303,,0.0,,block of flats,0.026,Panel,No,0.0,0.0,0.0,0.0,-624.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,0.0 +2386412,107276,Consumer loans,7463.745,81319.5,84051.0,8136.0,81319.5,FRIDAY,15,Y,1,0.09611814720474288,,,XAP,Approved,-2187,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,70,Connectivity,18.0,high,POS mobile with interest,365243.0,-2156.0,-1646.0,-1646.0,-1639.0,1.0,0,Cash loans,F,N,N,0,90000.0,247275.0,19822.5,225000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.025164,-9082,-2267,-3890.0,-1750,,1,1,1,1,1,0,,1.0,2,2,SUNDAY,17,0,0,0,0,0,0,Hotel,,0.16214456766623808,0.5262949398096192,0.0861,0.049,0.9762,0.6736,0.0241,0.04,0.0862,0.1875,0.2292,0.1188,0.0698,0.0584,0.0019,0.0011,0.0252,0.0475,0.9687,0.5884,0.0042,0.0,0.069,0.0417,0.0833,0.0437,0.022,0.0226,0.0,0.0,0.0869,0.049,0.9762,0.6779999999999999,0.0242,0.04,0.0862,0.1875,0.2292,0.1209,0.071,0.0595,0.0019,0.0011,not specified,block of flats,0.0195,Block,No,0.0,0.0,0.0,0.0,-79.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,6.0 +1666190,433320,Consumer loans,22718.7,249228.0,227187.0,40500.0,249228.0,SUNDAY,12,Y,1,0.16477521066836198,,,XAP,Approved,-1394,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,1500,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1363.0,-1033.0,-1153.0,-1149.0,0.0,1,Cash loans,M,Y,Y,2,234000.0,900000.0,29034.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.022625,-12292,-2915,-8097.0,-3936,1.0,1,1,0,1,0,0,Drivers,4.0,2,2,MONDAY,11,0,0,0,0,0,0,Emergency,,0.5394182343849788,0.6986675550534175,0.1495,0.1121,0.9881,0.8368,0.0713,0.16,0.1379,0.3333,0.375,0.0343,0.1202,0.16,0.0077,0.0,0.1523,0.1163,0.9881,0.8432,0.0719,0.1611,0.1379,0.3333,0.375,0.035,0.1313,0.1667,0.0078,0.0,0.1509,0.1121,0.9881,0.8390000000000001,0.0717,0.16,0.1379,0.3333,0.375,0.0349,0.1223,0.1628,0.0078,0.0,reg oper account,block of flats,0.1648,Panel,No,3.0,0.0,3.0,0.0,-1934.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1938173,208931,Consumer loans,4856.22,92340.0,125019.0,0.0,92340.0,SUNDAY,6,Y,1,0.0,,,XAP,Approved,-1258,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,356,Consumer electronics,36.0,low_normal,POS household with interest,365243.0,-1227.0,-177.0,-177.0,-173.0,0.0,0,Cash loans,M,Y,N,0,112500.0,728460.0,40806.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-21628,-2559,-6107.0,-4847,2.0,1,1,0,1,0,0,Drivers,2.0,3,3,FRIDAY,11,0,0,0,0,0,0,Transport: type 3,,0.521353515132774,0.375711009574066,0.0289,0.0,0.9831,0.7688,0.0,0.0,0.1034,0.0417,0.0417,0.0355,0.0235,0.018000000000000002,0.0,0.0,0.0294,0.0,0.9831,0.7779,0.0,0.0,0.1034,0.0417,0.0417,0.0363,0.0257,0.0187,0.0,0.0,0.0291,0.0,0.9831,0.7719,0.0,0.0,0.1034,0.0417,0.0417,0.0361,0.0239,0.0183,0.0,0.0,reg oper spec account,block of flats,0.019,"Stone, brick",No,5.0,1.0,5.0,1.0,-1258.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1861482,380456,Consumer loans,23359.185,233618.04,210253.5,23364.54,233618.04,SATURDAY,10,Y,1,0.10892184571487246,,,XAP,Refused,-1220,Cash through the bank,LIMIT,"Spouse, partner",Refreshed,Construction Materials,POS,XNA,Country-wide,1296,Construction,12.0,high,POS industry with interest,,,,,,,0,Cash loans,M,Y,Y,0,225000.0,900000.0,29745.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-15670,-360,-678.0,-4721,5.0,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,8,0,0,0,0,1,1,Industry: type 9,,0.6109716098142771,0.3859146722745145,0.1495,0.0709,0.998,,,0.16,0.1379,0.3333,,0.08199999999999999,,0.1496,,0.0818,0.1292,0.0736,0.998,,,0.1611,0.1379,0.3333,,0.0839,,0.1491,,0.0652,0.1509,0.0709,0.998,,,0.16,0.1379,0.3333,,0.0834,,0.1523,,0.0836,,block of flats,0.1748,"Stone, brick",No,2.0,0.0,2.0,0.0,-77.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2554160,415418,Consumer loans,7593.12,72400.5,82912.5,0.0,72400.5,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-260,Cash through the bank,XAP,Children,Repeater,Audio/Video,POS,XNA,Regional / Local,12000,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-230.0,100.0,365243.0,365243.0,1.0,1,Cash loans,F,N,Y,1,112500.0,711454.5,56340.0,643500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.019101,-15097,-5783,-5432.0,-3393,,1,1,0,1,0,0,Sales staff,3.0,2,2,WEDNESDAY,10,0,0,0,0,1,1,Self-employed,0.7142870693443155,0.6483156868401896,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-324.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2407772,366361,Consumer loans,12031.56,98950.5,97870.5,9895.5,98950.5,TUESDAY,16,Y,1,0.10000463124648858,,,XAP,Approved,-2054,Cash through the bank,XAP,Children,New,Audio/Video,POS,XNA,Country-wide,4782,Consumer electronics,12.0,high,POS household with interest,365243.0,-2023.0,-1693.0,-1693.0,-1685.0,0.0,0,Cash loans,F,Y,Y,0,225000.0,677664.0,36760.5,585000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.032561,-16037,-6887,-4543.0,-4890,9.0,1,1,0,1,1,0,Core staff,2.0,1,1,FRIDAY,16,0,0,0,0,0,0,Other,,0.7328072075895825,0.6178261467332483,0.1521,0.1205,0.9767,0.6804,,0.096,0.2069,0.2333,,0.066,,0.1647,,0.0104,0.0945,0.0975,0.9767,0.6929,,0.0,0.2069,0.1667,,0.0464,,0.08800000000000001,,0.011,0.0937,0.0939,0.9767,0.6847,,0.0,0.2069,0.1667,,0.0684,,0.0867,,0.0106,reg oper account,block of flats,0.2248,Panel,No,0.0,0.0,0.0,0.0,-2054.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2714229,173774,Consumer loans,8711.91,44325.0,46665.0,0.0,44325.0,TUESDAY,14,Y,1,0.0,,,XAP,Approved,-725,Cash through the bank,XAP,Family,Refreshed,Furniture,POS,XNA,Stone,700,Furniture,6.0,middle,POS industry with interest,365243.0,-693.0,-543.0,-543.0,-538.0,0.0,0,Cash loans,M,N,N,0,85500.0,396171.0,14679.0,342000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.018801,-22861,365243,-9191.0,-4142,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,7,0,0,0,0,0,0,XNA,,0.4467546976468288,0.7165702448010511,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-2.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1169654,207859,Cash loans,10629.72,90000.0,115893.0,,90000.0,MONDAY,11,Y,1,,,,Purchase of electronic equipment,Refused,-334,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,N,1,90000.0,216144.0,10075.5,171000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-10996,-4398,-302.0,-2335,,1,1,0,1,0,0,Managers,3.0,3,3,SATURDAY,9,0,0,0,0,0,0,Postal,0.3225371405409664,0.005572909255250751,0.3001077565791181,0.1557,0.0934,0.999,0.9864,0.0338,0.12,0.1034,0.375,0.4167,0.0,0.1261,0.1475,0.0039,0.0257,0.1586,0.0969,0.999,0.9869,0.0341,0.1208,0.1034,0.375,0.4167,0.0,0.1377,0.1537,0.0039,0.0272,0.1572,0.0934,0.999,0.9866,0.034,0.12,0.1034,0.375,0.4167,0.0,0.1283,0.1502,0.0039,0.0262,reg oper account,block of flats,0.1401,Panel,No,5.0,0.0,5.0,0.0,-2827.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,8.0 +1021211,245480,Cash loans,10629.72,90000.0,115893.0,,90000.0,MONDAY,11,Y,1,,,,Purchase of electronic equipment,Refused,-547,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,1,67500.0,284031.0,14629.5,229500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.020246,-11209,-4611,-515.0,-2548,,1,1,0,1,0,0,Managers,3.0,3,3,TUESDAY,14,0,0,0,0,0,0,Postal,0.06761820385958796,0.31672648507040885,0.23272477626794336,0.1557,0.0934,0.9985,0.9796,0.0338,0.12,0.1034,0.375,0.4167,0.0,0.1261,0.1475,0.0039,0.0257,0.1586,0.0969,0.9985,0.9804,0.0341,0.1208,0.1034,0.375,0.4167,0.0,0.1377,0.1537,0.0039,0.0272,0.1572,0.0934,0.9985,0.9799,0.034,0.12,0.1034,0.375,0.4167,0.0,0.1283,0.1502,0.0039,0.0262,reg oper account,block of flats,0.1401,Panel,No,6.0,0.0,6.0,0.0,-3040.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,1.0,0.0,11.0 +2719028,407201,Revolving loans,,0.0,0.0,,,THURSDAY,9,Y,1,,,,XAP,Refused,-75,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,0,XNA,,XNA,Card Street,,,,,,,0,Cash loans,F,N,N,0,180000.0,310671.0,18292.5,256500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.019688999999999998,-20955,-4588,-2834.0,-3700,,1,1,0,1,0,0,,2.0,2,2,FRIDAY,15,0,0,0,0,1,1,Other,,0.5664448208062506,0.17249546677733105,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,0.0,-1366.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2311745,145047,Cash loans,28547.46,1287000.0,1287000.0,,1287000.0,FRIDAY,16,Y,1,,,,XNA,Refused,-5,Cash through the bank,VERIF,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,84.0,low_action,Cash X-Sell: low,,,,,,,1,Cash loans,F,N,Y,0,157500.0,1305000.0,28813.5,1305000.0,Unaccompanied,State servant,Higher education,Civil marriage,House / apartment,0.019688999999999998,-17801,-3046,-8766.0,-1345,,1,1,0,1,0,0,Managers,2.0,2,2,WEDNESDAY,12,0,0,0,0,1,1,Government,0.5578098855968285,0.7102773588710077,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2593.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2710168,233261,Cash loans,18111.465,427500.0,427500.0,0.0,427500.0,MONDAY,13,Y,1,0.0,,,Other,Approved,-1834,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,low_normal,Cash Street: low,365243.0,-1804.0,-754.0,-754.0,-749.0,0.0,0,Cash loans,M,Y,Y,1,180000.0,495216.0,25416.0,427500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-11845,-3547,-5554.0,-3763,10.0,1,1,0,1,0,0,Laborers,3.0,2,2,MONDAY,14,0,0,0,0,0,0,Transport: type 2,0.3485037080641885,0.2598076423985638,0.8128226070575616,0.1897,0.1305,0.9906,0.8708,0.0681,0.0,0.3448,0.2083,0.25,0.1243,0.1547,0.1783,0.0,0.0,0.1933,0.1355,0.9906,0.8759,0.0688,0.0,0.3448,0.2083,0.25,0.1272,0.16899999999999998,0.1857,0.0,0.0,0.1915,0.1305,0.9906,0.8725,0.0686,0.0,0.3448,0.2083,0.25,0.1265,0.1573,0.1815,0.0,0.0,reg oper spec account,block of flats,0.1775,"Stone, brick",No,0.0,0.0,0.0,0.0,-1834.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1946818,350149,Consumer loans,6061.32,49855.5,49846.5,4500.0,49855.5,TUESDAY,17,Y,1,0.09017892763856164,,,XAP,Approved,-1807,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,48,Connectivity,12.0,high,POS mobile with interest,365243.0,-1770.0,-1440.0,-1620.0,-1613.0,0.0,0,Cash loans,F,Y,Y,1,139500.0,697500.0,22203.0,697500.0,Unaccompanied,State servant,Higher education,Single / not married,House / apartment,0.026392000000000002,-12052,-4020,-2758.0,-1749,6.0,1,1,0,1,0,0,Core staff,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Government,,0.632988024463403,0.4668640059537032,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1807.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1589056,146706,Consumer loans,10330.695,121455.0,145503.0,0.0,121455.0,FRIDAY,9,Y,1,0.0,,,XAP,Approved,-1338,XNA,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Stone,100,Consumer electronics,24.0,high,POS household with interest,365243.0,-1297.0,-607.0,-817.0,-811.0,0.0,1,Cash loans,F,N,Y,1,157500.0,628114.5,22689.0,477000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.008068,-10313,-1504,-4091.0,-2391,,1,1,0,1,0,0,Core staff,3.0,3,3,SATURDAY,5,0,0,0,0,0,0,School,0.2408460219926624,0.2391161917743113,0.4329616670974407,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-369.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2560137,238816,Cash loans,20448.09,270000.0,291919.5,,270000.0,TUESDAY,12,Y,1,,,,XNA,Approved,-903,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,0,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-873.0,-363.0,-393.0,-387.0,1.0,0,Cash loans,M,N,Y,0,112500.0,349258.5,14926.5,301500.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.01885,-22706,365243,-4396.0,-4394,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,17,0,0,0,0,0,0,XNA,,0.7204596261408941,0.6722428897082422,0.1433,0.1178,0.9856,0.8028,0.0173,0.0,0.2759,0.1667,0.2083,0.0385,0.1168,0.102,0.0,0.0,0.146,0.1222,0.9856,0.8105,0.0175,0.0,0.2759,0.1667,0.2083,0.0394,0.1276,0.1063,0.0,0.0,0.1447,0.1178,0.9856,0.8054,0.0174,0.0,0.2759,0.1667,0.2083,0.0392,0.1189,0.1038,0.0,0.0,reg oper account,block of flats,0.0897,Panel,No,0.0,0.0,0.0,0.0,-2419.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1520158,388437,Cash loans,11405.205,157500.0,178290.0,,157500.0,MONDAY,13,Y,1,,,,XNA,Approved,-364,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-334.0,356.0,-214.0,-204.0,1.0,0,Cash loans,F,N,Y,0,270000.0,463941.0,22450.5,400500.0,Unaccompanied,Pensioner,Incomplete higher,Widow,House / apartment,0.018634,-22123,365243,-1130.0,-2044,,1,0,0,1,0,0,,1.0,2,2,MONDAY,13,0,0,0,0,0,0,XNA,0.43747189597274977,0.6868059190736177,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1819.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2446304,194819,Cash loans,34341.3,1170000.0,1170000.0,,1170000.0,TUESDAY,9,Y,1,,,,XNA,Approved,-1456,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,315000.0,1006920.0,42790.5,900000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.025164,-15979,-4346,-3752.0,-4358,,1,1,0,1,0,0,High skill tech staff,2.0,2,2,FRIDAY,8,0,0,0,0,0,0,Transport: type 2,0.7369090427068983,0.5092508151125877,0.8027454758994178,0.6139,0.1773,0.9851,0.7959999999999999,0.1243,0.34,0.2931,0.3333,0.375,0.076,0.5001,0.3343,0.0097,0.0126,0.3015,0.1778,0.9846,0.7975,0.1183,0.3222,0.2759,0.3333,0.375,0.0626,0.2626,0.3247,0.0039,0.0084,0.6199,0.1773,0.9851,0.7987,0.1251,0.34,0.2931,0.3333,0.375,0.0773,0.5088,0.3403,0.0097,0.0128,reg oper account,block of flats,0.2468,Panel,No,0.0,0.0,0.0,0.0,-683.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2394273,228002,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,13,Y,1,,,,XAP,Approved,-217,XNA,XAP,Family,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-217.0,-167.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,112500.0,247275.0,22810.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.01885,-14450,-1176,-2973.0,-4676,,1,1,0,1,0,0,Laborers,1.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.5790887377955997,0.38079968264891495,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-219.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,4.0,2.0 +2281255,144284,Consumer loans,15770.43,87462.0,82611.0,8748.0,87462.0,SATURDAY,17,Y,1,0.10428493386231537,,,XAP,Approved,-2252,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,482,Consumer electronics,6.0,middle,POS household with interest,365243.0,-2221.0,-2071.0,-2071.0,-2069.0,0.0,0,Cash loans,F,N,N,0,103500.0,1006920.0,42790.5,900000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.009334,-22193,365243,-10515.0,-4250,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,XNA,,0.3954803910817751,0.4722533429586386,0.0082,,0.9722,,,0.0,0.0345,0.0417,,0.005,,0.0084,,,0.0084,,0.9722,,,0.0,0.0345,0.0417,,0.0052,,0.0087,,,0.0083,,0.9722,,,0.0,0.0345,0.0417,,0.0051,,0.0085,,,,block of flats,0.0072,Wooden,No,5.0,0.0,5.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1474387,275285,Cash loans,7189.74,67500.0,71955.0,,67500.0,WEDNESDAY,12,Y,1,,,,XNA,Approved,-590,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-560.0,-230.0,-260.0,-257.0,1.0,0,Cash loans,F,N,Y,0,157500.0,733500.0,21577.5,733500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.011656999999999999,-22237,365243,-6240.0,-3996,,1,0,0,1,0,0,,1.0,1,1,FRIDAY,10,0,0,0,0,0,0,XNA,,0.3625261528645065,0.5082869913916046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-590.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2253960,255123,Revolving loans,22500.0,0.0,450000.0,,,SATURDAY,13,Y,1,,,,XAP,Approved,-1342,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-1328.0,-1292.0,365243.0,-438.0,365243.0,0.0,0,Cash loans,F,Y,N,0,144000.0,755190.0,33394.5,675000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.018634,-18746,-9319,-9331.0,-2281,14.0,1,1,1,1,0,0,Medicine staff,2.0,2,2,WEDNESDAY,16,0,0,0,0,1,1,Medicine,0.3983652532035868,0.2927862371433989,0.2650494299443805,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1672.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2790777,423262,Consumer loans,3078.36,36756.0,35343.0,5535.0,36756.0,THURSDAY,10,Y,1,0.1474660742164044,,,XAP,Approved,-1911,Cash through the bank,XAP,Other_B,Repeater,Computers,POS,XNA,Country-wide,1882,Consumer electronics,16.0,middle,POS household with interest,365243.0,-1880.0,-1430.0,-1430.0,-1425.0,0.0,1,Cash loans,M,Y,N,1,180000.0,675000.0,21906.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0228,-15452,-686,-8329.0,-4228,13.0,1,1,0,1,0,0,Drivers,3.0,2,2,THURSDAY,9,0,0,0,0,0,0,Transport: type 4,,0.397688724133538,0.4578995512067301,0.1742,0.1101,0.9876,0.83,0.109,0.16,0.1207,0.4792,0.5208,0.0735,0.1404,0.1723,0.0077,0.0089,0.1292,0.0595,0.9861,0.8171,0.0696,0.0806,0.0345,0.3333,0.375,0.0594,0.1102,0.1186,0.0039,0.0038,0.1759,0.1101,0.9876,0.8323,0.1097,0.16,0.1207,0.4792,0.5208,0.0748,0.1428,0.1754,0.0078,0.0091,reg oper account,block of flats,0.2637,Panel,No,1.0,1.0,1.0,1.0,-107.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2350028,357132,Consumer loans,8083.125,78844.5,78844.5,0.0,78844.5,THURSDAY,11,Y,1,0.0,,,XAP,Approved,-536,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Stone,150,Furniture,12.0,middle,POS industry with interest,365243.0,-504.0,-174.0,-174.0,-169.0,0.0,0,Cash loans,F,N,Y,2,121500.0,528633.0,36922.5,472500.0,Unaccompanied,Working,Incomplete higher,Married,With parents,0.031329,-12429,-4397,-6221.0,-3141,,1,1,0,1,0,0,Core staff,4.0,2,2,MONDAY,8,0,0,0,0,0,0,School,0.6029486926503878,0.5196943806533078,0.7136313997323308,0.1124,0.0354,0.9886,0.8436,0.0714,0.12,0.1034,0.375,0.4167,0.1119,0.0916,0.1256,0.0,0.0,0.1145,0.0367,0.9886,0.8497,0.0721,0.1208,0.1034,0.375,0.4167,0.1144,0.1001,0.1309,0.0,0.0,0.1135,0.0354,0.9886,0.8457,0.0719,0.12,0.1034,0.375,0.4167,0.1138,0.0932,0.1279,0.0,0.0,reg oper account,block of flats,0.0988,Panel,No,1.0,0.0,1.0,0.0,-1341.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1451089,173461,Consumer loans,25543.44,233100.0,251563.5,0.0,233100.0,THURSDAY,15,Y,1,0.0,,,XAP,Approved,-102,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,3214,Furniture,12.0,middle,POS industry with interest,365243.0,-72.0,258.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,174600.0,278613.0,30136.5,252000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.003069,-16293,-3903,-10344.0,-4325,,1,1,0,1,0,0,Core staff,2.0,3,3,MONDAY,13,0,0,0,0,0,0,Restaurant,,0.4548863468955212,0.2735646775174348,0.0619,0.0579,0.9806,,,0.0,0.1034,0.1667,,0.1141,,0.0347,,0.003,0.063,0.0601,0.9806,,,0.0,0.1034,0.1667,,0.1167,,0.0362,,0.0032,0.0625,0.0579,0.9806,,,0.0,0.1034,0.1667,,0.1161,,0.0354,,0.0031,,block of flats,0.0403,Panel,No,0.0,0.0,0.0,0.0,-1938.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2559817,446879,Cash loans,14265.765,270000.0,315684.0,,270000.0,TUESDAY,13,Y,1,,,,XNA,Approved,-745,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-715.0,335.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,0,112500.0,355500.0,18742.5,355500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006670999999999999,-18146,-1305,-2541.0,-1674,13.0,1,1,0,1,0,1,,2.0,2,2,FRIDAY,17,0,0,0,0,1,1,Other,0.6646770430302863,0.7308244200398258,0.6127042441012546,0.0082,0.0199,0.9851,0.7959999999999999,0.001,0.0,0.0345,0.0417,0.0833,0.0495,0.0067,0.0084,0.0,0.0,0.0084,0.0207,0.9851,0.804,0.001,0.0,0.0345,0.0417,0.0833,0.0507,0.0073,0.0088,0.0,0.0,0.0083,0.0199,0.9851,0.7987,0.001,0.0,0.0345,0.0417,0.0833,0.0504,0.0068,0.0086,0.0,0.0,reg oper account,block of flats,0.0066,Block,No,0.0,0.0,0.0,0.0,-1928.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2117485,341716,Revolving loans,11250.0,225000.0,225000.0,,225000.0,TUESDAY,3,Y,1,,,,XAP,Refused,-214,XNA,XNA,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,N,Y,0,360000.0,601474.5,32760.0,486000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.001276,-14088,-1733,-8179.0,-2306,,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,4,0,0,0,0,0,0,Self-employed,,0.026408327566123584,0.6910212267577837,0.1797,0.1646,0.9796,0.7212,0.0247,0.0,0.3331,0.1667,0.2083,0.1121,0.1451,0.1554,0.0064,0.0346,0.1134,0.0792,0.9796,0.7321,0.0128,0.0,0.1724,0.1667,0.2083,0.0544,0.0992,0.0949,0.0,0.0,0.1135,0.1106,0.9796,0.7249,0.0134,0.0,0.1724,0.1667,0.2083,0.061,0.0932,0.0951,0.0,0.0,reg oper account,block of flats,0.3008,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1800938,341416,Consumer loans,6363.585,30213.0,31707.0,0.0,30213.0,TUESDAY,11,Y,1,0.0,,,XAP,Approved,-2606,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,39,Connectivity,6.0,high,POS mobile with interest,365243.0,-2575.0,-2425.0,-2425.0,-2419.0,1.0,0,Cash loans,F,N,Y,0,135000.0,66222.0,6678.0,58500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018029,-18631,-2683,-9445.0,-2161,,1,1,0,1,0,0,,2.0,3,3,THURSDAY,4,0,0,0,0,0,0,Government,,0.2339197520961423,,0.0103,,0.9762,,,,0.0345,0.0417,,0.0186,,0.0091,,,0.0084,,0.9722,,,,0.0345,0.0417,,0.0187,,0.0086,,,0.0104,,0.9762,,,,0.0345,0.0417,,0.0189,,0.0093,,,,block of flats,0.0071,Wooden,No,1.0,0.0,1.0,0.0,-1798.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1439182,280504,Consumer loans,5847.975,44397.0,49288.5,4050.0,44397.0,FRIDAY,14,Y,1,0.08269482984744936,,,XAP,Approved,-1349,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,12.0,high,POS mobile with interest,365243.0,-1318.0,-988.0,-1198.0,-1193.0,0.0,0,Revolving loans,F,N,Y,0,96750.0,157500.0,7875.0,,,Pensioner,Secondary / secondary special,Separated,House / apartment,0.019688999999999998,-23710,365243,-14806.0,-4297,,1,0,0,1,1,0,,1.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,XNA,,0.2837419636457094,0.5370699579791587,0.0186,,0.9702,,,0.0,0.1034,0.0417,,,,0.0259,,,0.0189,,0.9702,,,0.0,0.1034,0.0417,,,,0.0269,,,0.0187,,0.9702,,,0.0,0.1034,0.0417,,,,0.0263,,,,block of flats,0.0239,"Stone, brick",No,0.0,0.0,0.0,0.0,-2183.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2712969,345763,Consumer loans,10229.85,85455.0,89217.0,4275.0,85455.0,FRIDAY,11,Y,1,0.04979959393706024,,,XAP,Approved,-1950,Cash through the bank,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Regional / Local,108,Consumer electronics,12.0,high,POS household with interest,365243.0,-1919.0,-1589.0,-1589.0,-1584.0,0.0,0,Cash loans,M,Y,Y,0,180000.0,547272.0,36702.0,495000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.020713,-17808,-1656,-5041.0,-1322,13.0,1,1,0,1,0,0,,2.0,3,3,TUESDAY,8,0,0,0,0,0,0,Self-employed,,0.18746546967001468,0.633031641417419,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-1950.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +2207487,176576,Consumer loans,22423.095,292455.0,233964.0,58491.0,292455.0,FRIDAY,19,Y,1,0.2178181818181818,,,XAP,Approved,-718,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Regional / Local,1000,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-687.0,-357.0,-387.0,-380.0,0.0,0,Cash loans,M,Y,Y,0,184500.0,239850.0,27189.0,225000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.016612000000000002,-12842,-2590,-3108.0,-4431,5.0,1,1,0,1,0,1,,2.0,2,2,TUESDAY,18,0,0,0,0,1,1,Business Entity Type 3,0.85284311634684,0.7671197934743972,,0.1113,,0.9916,,,0.16,0.1379,0.3333,,0.0177,,0.1402,,0.0,0.1134,,0.9916,,,0.1611,0.1379,0.3333,,0.0181,,0.146,,0.0,0.1124,,0.9916,,,0.16,0.1379,0.3333,,0.018000000000000002,,0.1427,,0.0,,block of flats,0.1353,Panel,No,0.0,0.0,0.0,0.0,-1084.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2839451,125696,Consumer loans,1820.835,18211.5,16389.0,1822.5,18211.5,FRIDAY,16,Y,1,0.10898982411213694,,,XAP,Refused,-2565,Cash through the bank,SCO,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,1940,Consumer electronics,10.0,low_normal,POS household without interest,,,,,,,0,Cash loans,M,N,N,1,382500.0,666000.0,27126.0,666000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018634,-10876,-3940,-9197.0,-3328,,1,1,0,1,0,0,Managers,3.0,2,2,MONDAY,17,0,0,0,0,0,0,Trade: type 2,0.4475134048574536,0.4732069830769692,0.5352762504724826,0.1474,0.0611,0.9851,0.7959999999999999,0.0275,0.04,0.0345,0.3333,0.375,0.038,0.1202,0.0983,0.0,0.0,0.1502,0.0634,0.9851,0.804,0.0277,0.0403,0.0345,0.3333,0.375,0.0389,0.1313,0.1024,0.0,0.0,0.1489,0.0611,0.9851,0.7987,0.0277,0.04,0.0345,0.3333,0.375,0.0387,0.1223,0.1001,0.0,0.0,,block of flats,0.0923,"Stone, brick",No,0.0,0.0,0.0,0.0,-1600.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2149290,255679,Consumer loans,9797.49,142105.32,146889.0,14210.82,142105.32,WEDNESDAY,12,Y,1,0.09607009413621488,,,XAP,Approved,-1597,Cash through the bank,XAP,,New,Computers,POS,XNA,Country-wide,1100,Consumer electronics,18.0,low_normal,POS household with interest,365243.0,-1559.0,-1049.0,-1049.0,-1047.0,0.0,0,Cash loans,F,N,Y,0,211500.0,1065681.0,45148.5,904500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018801,-21630,365243,-15619.0,-1085,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,XNA,0.8289168528752019,0.5661977681184036,0.375711009574066,0.2278,0.1377,0.9781,0.7008,0.0023,0.24,0.2069,0.3333,0.375,0.0028,0.1816,0.2217,0.0193,0.0,0.2321,0.1429,0.9782,0.7125,0.0023,0.2417,0.2069,0.3333,0.375,0.0028,0.1983,0.2309,0.0195,0.0,0.23,0.1377,0.9781,0.7048,0.0023,0.24,0.2069,0.3333,0.375,0.0028,0.1847,0.2256,0.0194,0.0,reg oper account,block of flats,0.2308,Panel,No,1.0,0.0,1.0,0.0,-1597.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1434439,135599,Cash loans,17707.5,90000.0,90000.0,0.0,90000.0,WEDNESDAY,9,Y,1,0.0,,,XNA,Approved,-486,XNA,XAP,,New,XNA,Cash,walk-in,Country-wide,30,Connectivity,6.0,high,Cash Street: high,365243.0,-456.0,-306.0,-306.0,-293.0,0.0,0,Cash loans,F,N,N,2,90000.0,272520.0,18342.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-10720,-651,-752.0,-3215,,1,1,1,1,0,0,Cleaning staff,4.0,3,3,THURSDAY,5,0,0,0,0,0,0,Industry: type 11,0.3866028808874858,0.3884499966853536,,0.0082,0.0,0.9707,0.5988,0.0103,0.0,0.0345,0.0417,0.0833,0.0,0.0067,0.0067,0.0039,0.0017,0.0084,0.0,0.9707,0.6145,0.0104,0.0,0.0345,0.0417,0.0833,0.0,0.0073,0.006999999999999999,0.0039,0.0018,0.0083,0.0,0.9707,0.6042,0.0104,0.0,0.0345,0.0417,0.0833,0.0,0.0068,0.0068,0.0039,0.0018,reg oper spec account,block of flats,0.0056,Wooden,No,0.0,0.0,0.0,0.0,-486.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1595200,182469,Consumer loans,4971.735,45531.0,40387.5,9000.0,45531.0,SATURDAY,12,Y,1,0.19846759163387864,,,XAP,Approved,-449,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,40,Connectivity,12.0,high,POS mobile with interest,365243.0,-418.0,-88.0,-88.0,-84.0,0.0,0,Cash loans,F,N,N,0,112500.0,1288350.0,37800.0,1125000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.022625,-9473,-906,-362.0,-2146,,1,1,0,1,1,0,Core staff,2.0,2,2,SUNDAY,12,0,0,0,0,0,0,Self-employed,,0.5497603096433156,0.4543210601605785,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1147.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2345438,341930,Cash loans,27564.615,360000.0,393264.0,,360000.0,SATURDAY,15,Y,1,,,,XNA,Approved,-1210,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-1180.0,-490.0,-880.0,-865.0,1.0,0,Cash loans,F,N,Y,0,157500.0,1258650.0,53325.0,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-21978,-1553,-2656.0,-2656,,1,1,1,1,1,0,Core staff,2.0,2,2,FRIDAY,16,0,0,0,0,0,0,School,0.7552301704093828,0.7378206949588759,0.3556387169923543,0.0787,0.0905,0.9796,0.7212,0.0,0.0,0.1838,0.1667,0.2083,0.0,0.0642,0.0778,0.0,0.0,0.0578,0.067,0.9796,0.7321,0.0,0.0,0.2069,0.1667,0.2083,0.0,0.0505,0.0579,0.0,0.0,0.0874,0.0963,0.9796,0.7249,0.0,0.0,0.2069,0.1667,0.2083,0.0,0.0718,0.0853,0.0,0.0,reg oper account,block of flats,0.0437,Panel,No,0.0,0.0,0.0,0.0,-1886.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,8.0 +2336653,337290,Cash loans,7381.8,67500.0,67500.0,0.0,67500.0,SATURDAY,11,Y,1,0.0,,,XNA,Refused,-2715,Cash through the bank,SCO,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,112500.0,254700.0,15579.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.008625,-24333,365243,-11903.0,-4454,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,XNA,,0.30888148597012555,0.4135967602644276,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,2.0,0.0,-2461.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2405045,383291,Consumer loans,14166.18,251937.0,139270.5,125968.5,251937.0,SATURDAY,10,Y,1,0.5172359576903025,,,XAP,Approved,-328,Cash through the bank,XAP,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Country-wide,1590,Consumer electronics,12.0,middle,POS household with interest,365243.0,-297.0,33.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,Y,2,67500.0,405000.0,20250.0,405000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.007120000000000001,-12524,-1239,-1380.0,-3551,,1,1,0,1,1,0,Core staff,4.0,2,2,FRIDAY,11,0,0,0,0,1,1,Other,0.7809305961540154,0.1883831940483178,0.6971469077844458,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1946.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2660990,377482,Cash loans,12054.87,229500.0,266760.0,,229500.0,WEDNESDAY,7,Y,1,,,,XNA,Approved,-613,XNA,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-583.0,467.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,153000.0,1084909.5,35986.5,972000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.018029,-23770,365243,-2711.0,-4631,,1,0,0,1,0,0,,1.0,3,3,SUNDAY,10,0,0,0,0,0,0,XNA,,0.7625297766325988,0.6127042441012546,0.2021,0.1458,0.9896,0.8572,0.0507,0.2,0.1724,0.3333,0.0417,,,0.2349,,0.0,0.2059,0.1513,0.9896,0.8628,0.0512,0.2014,0.1724,0.3333,0.0417,,,0.2447,,0.0,0.204,0.1458,0.9896,0.8591,0.051,0.2,0.1724,0.3333,0.0417,,,0.2391,,0.0,,block of flats,0.2125,Panel,No,0.0,0.0,0.0,0.0,-870.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1742252,317785,Cash loans,20633.67,495000.0,701203.5,,495000.0,MONDAY,16,Y,1,,,,Other,Refused,-633,Cash through the bank,LIMIT,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,Y,Y,0,90000.0,521280.0,19984.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009549,-18459,-4720,-6273.0,-2008,7.0,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,Industry: type 12,,0.464630109319505,0.7530673920730478,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-723.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1374416,441851,Revolving loans,22500.0,0.0,450000.0,,,FRIDAY,11,Y,1,,,,XAP,Approved,-878,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,90000.0,536917.5,17577.0,463500.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.008575,-20910,365243,-8041.0,-4071,,1,0,0,1,0,0,,2.0,2,2,MONDAY,10,0,0,0,0,0,0,XNA,,0.557347622511613,0.7958031328748403,0.1639,0.1273,0.9881,0.8368,0.0275,0.0,0.1034,0.1667,0.2083,0.0687,,0.0587,,0.0,0.16699999999999998,0.1321,0.9881,0.8432,0.0277,0.0,0.1034,0.1667,0.2083,0.0703,,0.0611,,0.0,0.1655,0.1273,0.9881,0.8390000000000001,0.0277,0.0,0.1034,0.1667,0.2083,0.0699,,0.0597,,0.0,reg oper spec account,block of flats,0.0796,"Stone, brick",No,0.0,0.0,0.0,0.0,-724.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1174759,263272,Cash loans,39227.355,900000.0,1004544.0,,900000.0,FRIDAY,17,Y,1,,,,XNA,Refused,-636,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,225000.0,1016190.0,36630.0,787500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.01885,-21943,365243,-216.0,-4460,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,16,0,0,0,0,0,0,XNA,0.6491556135557021,0.7197853055199916,0.7688075728291359,0.1856,0.0712,0.9995,0.9932,0.0223,0.12,0.1034,0.375,0.4167,0.0818,0.1513,0.1483,0.0,0.0,0.1891,0.0739,0.9995,0.9935,0.0225,0.1208,0.1034,0.375,0.4167,0.0836,0.1653,0.1545,0.0,0.0,0.1874,0.0712,0.9995,0.9933,0.0225,0.12,0.1034,0.375,0.4167,0.0832,0.1539,0.151,0.0,0.0,reg oper account,block of flats,0.1167,Others,No,5.0,1.0,5.0,1.0,-1750.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2642898,284264,Cash loans,29291.265,450000.0,580945.5,,450000.0,MONDAY,17,Y,1,,,,XNA,Approved,-914,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,365243.0,-884.0,-14.0,-14.0,-12.0,1.0,0,Cash loans,F,N,Y,0,198000.0,331920.0,16096.5,225000.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.010147,-20401,365243,-7841.0,-3803,,1,0,0,1,0,1,,1.0,2,2,FRIDAY,12,0,0,0,0,0,0,XNA,,0.3414572007746684,0.375711009574066,0.0247,0.0543,0.9737,0.6396,,,0.1034,0.125,,,,0.0477,,,0.0252,0.0563,0.9737,0.6537,,,0.1034,0.125,,,,0.0497,,,0.025,0.0543,0.9737,0.6444,,,0.1034,0.125,,,,0.0485,,,,block of flats,0.0375,"Stone, brick",No,3.0,0.0,3.0,0.0,-914.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2414236,335700,Cash loans,48263.895,697500.0,733405.5,,697500.0,MONDAY,12,Y,1,,,,XNA,Approved,-201,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-171.0,339.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,2,202500.0,780363.0,31077.0,697500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.003069,-17641,-2689,-3840.0,-842,,1,1,0,1,0,0,Security staff,4.0,3,3,SATURDAY,12,0,0,0,0,0,0,School,,0.6519169198292165,0.722392890081304,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1319.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1591151,339664,Cash loans,19418.49,225000.0,247275.0,,225000.0,TUESDAY,8,Y,1,,,,XNA,Approved,-290,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-260.0,250.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,2,112500.0,616500.0,29659.5,616500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.020713,-11443,-593,-73.0,-2009,18.0,1,1,1,1,0,0,Laborers,4.0,3,3,FRIDAY,11,0,0,0,0,0,0,Industry: type 9,0.3709011417003792,0.5618368260015718,0.2940831009471255,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-589.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,2.0 +1175010,337132,Cash loans,7304.22,135000.0,170640.0,,135000.0,MONDAY,9,Y,1,,,,XNA,Refused,-1067,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,N,Y,0,135000.0,652500.0,31518.0,652500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.028663,-19530,-7018,-10366.0,-2816,,1,1,0,1,0,0,Managers,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.6397332382121628,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1196.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1723888,451758,Cash loans,19721.655,472500.0,528633.0,,472500.0,MONDAY,9,Y,1,,,,XNA,Approved,-122,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_action,Cash X-Sell: low,365243.0,-92.0,958.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,112500.0,263686.5,14854.5,238500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-21393,365243,-7969.0,-4843,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,XNA,0.8895674578052198,0.6009312454742669,0.8406665596573005,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1247.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2721239,112808,Cash loans,42031.98,337500.0,353092.5,,337500.0,MONDAY,14,Y,1,,,,XNA,Approved,-1142,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,2,112500.0,199080.0,15858.0,157500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.031329,-11838,-2108,-1357.0,-3619,,1,1,0,1,0,1,Core staff,4.0,2,2,TUESDAY,11,0,0,0,0,0,0,Government,0.42336307219097824,0.7116299776946479,0.520897599048938,0.0804,0.0603,0.9727,0.626,0.0074,0.0,0.1379,0.1667,0.2083,0.0543,0.0622,0.0576,0.0154,0.0173,0.0819,0.0625,0.9727,0.6406,0.0075,0.0,0.1379,0.1667,0.2083,0.0555,0.068,0.06,0.0156,0.0183,0.0812,0.0603,0.9727,0.631,0.0075,0.0,0.1379,0.1667,0.2083,0.0552,0.0633,0.0587,0.0155,0.0177,reg oper account,block of flats,0.0491,"Stone, brick",No,15.0,0.0,15.0,0.0,-1836.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1624407,274547,Consumer loans,5553.9,44257.5,48640.5,0.0,44257.5,SATURDAY,10,Y,1,0.0,,,XAP,Approved,-1636,XNA,XAP,Family,Repeater,Sport and Leisure,POS,XNA,Stone,79,Consumer electronics,12.0,high,POS household with interest,365243.0,-1588.0,-1258.0,-1288.0,-1285.0,0.0,0,Cash loans,M,N,Y,0,135000.0,646920.0,20997.0,540000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-22870,365243,-12925.0,-4024,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,8,0,0,0,0,0,0,XNA,,0.108593923811504,0.7726311345553628,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,2.0,4.0,2.0,-1636.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1171876,272141,Cash loans,20869.65,540000.0,646920.0,,540000.0,TUESDAY,13,Y,1,,,,XNA,Refused,-559,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,112500.0,675000.0,29862.0,675000.0,Family,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.028663,-23091,365243,-9638.0,-4506,,1,0,0,1,0,0,,2.0,2,2,MONDAY,10,0,0,0,0,0,0,XNA,,0.008350639634183284,0.3506958432829587,0.066,0.0528,0.9871,0.8232,0.0407,0.0,0.0345,0.1667,0.2083,0.0566,0.053,0.0338,0.0039,0.0074,0.0609,0.0449,0.9861,0.8171,0.0283,0.0,0.0345,0.1667,0.2083,0.0558,0.0523,0.0299,0.0039,0.0007,0.0666,0.0528,0.9871,0.8256,0.041,0.0,0.0345,0.1667,0.2083,0.0576,0.0539,0.0345,0.0039,0.0076,reg oper account,block of flats,0.0417,"Stone, brick",No,1.0,0.0,1.0,0.0,-559.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2345824,445509,Cash loans,9987.75,130500.0,147726.0,0.0,130500.0,FRIDAY,10,Y,1,0.0,,,XNA,Approved,-2245,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,24.0,high,Cash Street: high,365243.0,-2215.0,-1525.0,-1525.0,-1522.0,1.0,0,Revolving loans,F,N,Y,0,67500.0,225000.0,11250.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.004849,-23348,-5983,-5913.0,-4002,,1,1,0,1,0,0,Security staff,1.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.3495169890032225,0.2067786544915716,0.1351,,0.9831,,,,,,,,,,,,0.1376,,0.9831,,,,,,,,,,,,0.1364,,0.9831,,,,,,,,,,,,,block of flats,0.0798,"Stone, brick",No,1.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1680552,302742,Cash loans,9072.045,90000.0,98910.0,,90000.0,SATURDAY,13,Y,1,,,,Everyday expenses,Refused,-764,Cash through the bank,LIMIT,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,,,,,,,1,Cash loans,F,N,Y,0,180000.0,539100.0,29245.5,450000.0,Unaccompanied,State servant,Secondary / secondary special,Widow,House / apartment,0.006233,-22595,-202,-4393.0,-4448,,1,1,0,1,0,0,,1.0,2,2,SUNDAY,15,0,0,0,0,1,1,Government,,0.7225029240955226,0.4812493411434029,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-879.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2490117,193724,Cash loans,22678.785,202500.0,215865.0,,202500.0,MONDAY,18,Y,1,,,,XNA,Approved,-683,XNA,XAP,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-653.0,-323.0,-323.0,-320.0,1.0,0,Cash loans,F,Y,Y,1,135000.0,1024740.0,43546.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.072508,-16112,-1713,-3614.0,-3249,4.0,1,1,0,1,0,0,Secretaries,3.0,1,1,FRIDAY,17,0,0,0,0,0,0,Legal Services,,0.7406113607796692,,0.0082,0.0,0.9697,0.5852,0.0071,0.0,0.0345,0.0417,0.0833,0.0168,0.0067,0.0055,0.0,0.0091,0.0084,0.0,0.9697,0.6014,0.0072,0.0,0.0345,0.0417,0.0833,0.0172,0.0073,0.0057,0.0,0.0096,0.0083,0.0,0.9697,0.5907,0.0072,0.0,0.0345,0.0417,0.0833,0.0171,0.0068,0.0056,0.0,0.0093,reg oper account,block of flats,0.0063,Wooden,No,0.0,0.0,0.0,0.0,-1006.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1503818,311145,Cash loans,14937.795,351000.0,415863.0,,351000.0,TUESDAY,9,Y,1,,,,XNA,Refused,-426,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,144000.0,625536.0,30222.0,540000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-19984,-4662,-718.0,-3527,,1,1,0,1,1,0,,2.0,3,2,SUNDAY,17,0,0,0,0,0,0,Business Entity Type 3,,0.44783592763600144,0.221335206354466,0.1186,0.1271,0.9771,0.6872,0.04,0.0,0.2759,0.1667,0.2083,0.1328,0.0967,0.1106,0.0,0.0,0.1208,0.1319,0.9772,0.6994,0.0403,0.0,0.2759,0.1667,0.2083,0.1359,0.1056,0.1153,0.0,0.0,0.1197,0.1271,0.9771,0.6914,0.0402,0.0,0.2759,0.1667,0.2083,0.1351,0.0983,0.1126,0.0,0.0,reg oper spec account,block of flats,0.0956,Panel,No,4.0,1.0,4.0,0.0,-2604.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,5.0 +1436494,112873,Revolving loans,2250.0,45000.0,45000.0,,45000.0,TUESDAY,14,Y,1,,,,XAP,Approved,-347,XNA,XAP,Family,New,XNA,Cards,walk-in,Regional / Local,1400,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,0,157500.0,101880.0,12087.0,90000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.019101,-11313,-477,-926.0,-3886,,1,1,1,1,1,0,Drivers,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,Self-employed,0.4574531079418377,0.5632413621704713,0.25670557243930026,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-1607.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1944247,207793,Consumer loans,7593.93,79416.0,79020.0,7942.5,79416.0,MONDAY,14,Y,1,0.09946936375396916,,,XAP,Approved,-815,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,402,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-784.0,-454.0,-454.0,-452.0,0.0,0,Cash loans,F,N,Y,0,90000.0,1056447.0,31018.5,922500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00733,-19663,-12272,-681.0,-3138,,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.5856463863065492,0.4507472818545589,0.0928,0.0933,0.9831,,,0.0,0.2069,0.1667,,,,0.0879,,,0.0945,0.0969,0.9831,,,0.0,0.2069,0.1667,,,,0.0916,,,0.0937,0.0933,0.9831,,,0.0,0.2069,0.1667,,,,0.0895,,,,block of flats,0.0789,Panel,No,0.0,0.0,0.0,0.0,-1552.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1709324,409478,Cash loans,38581.425,450000.0,481185.0,,450000.0,MONDAY,16,Y,1,,,,Repairs,Approved,-628,Cash through the bank,XAP,Family,New,XNA,Cash,walk-in,Contact center,-1,XNA,18.0,middle,Cash Street: middle,365243.0,-597.0,-87.0,-207.0,-202.0,0.0,0,Cash loans,F,N,N,0,211500.0,545040.0,25407.0,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.035792000000000004,-12015,-2060,-3501.0,-3860,,1,1,1,1,0,0,,2.0,2,2,FRIDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.6652455535661644,0.25946765482111994,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-628.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1315082,448432,Cash loans,9704.97,112500.0,123637.5,,112500.0,MONDAY,16,Y,1,,,,XNA,Approved,-1393,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,,,,,,,1,Cash loans,F,N,Y,0,135000.0,1507869.0,52542.0,1377000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-12921,-1198,-216.0,-5091,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.3906310623548957,0.3860682754819344,0.4507472818545589,0.1278,0.0416,0.9811,0.7416,0.0757,0.08,0.0345,0.625,0.6667,0.0953,0.1042,0.117,0.0154,0.0187,0.1303,0.0432,0.9811,0.7517,0.0764,0.0806,0.0345,0.625,0.6667,0.0975,0.1139,0.1219,0.0156,0.0198,0.1291,0.0416,0.9811,0.7451,0.0762,0.08,0.0345,0.625,0.6667,0.097,0.106,0.1191,0.0155,0.0191,reg oper account,block of flats,0.1344,Panel,No,0.0,0.0,0.0,0.0,-646.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1626577,238532,Consumer loans,5215.455,39820.5,38236.5,4500.0,39820.5,FRIDAY,14,Y,1,0.1146773622292207,,,XAP,Approved,-1788,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Regional / Local,36,Connectivity,10.0,high,POS mobile with interest,365243.0,-1751.0,-1481.0,-1541.0,-1534.0,0.0,0,Cash loans,M,Y,Y,2,180000.0,533668.5,29079.0,477000.0,Family,State servant,Secondary / secondary special,Married,House / apartment,0.025164,-13719,-6057,-4235.0,-4396,4.0,1,1,0,1,0,1,Core staff,4.0,2,2,MONDAY,12,0,0,0,0,0,0,Police,0.4591758025071689,0.5521407613562346,0.3376727217405312,0.1072,0.0629,0.9791,0.7144,0.0127,0.0,0.2069,0.1667,0.2083,0.0388,0.0841,0.0917,0.0154,0.0275,0.1092,0.0653,0.9791,0.7256,0.0128,0.0,0.2069,0.1667,0.2083,0.0397,0.0918,0.0956,0.0156,0.0291,0.1083,0.0629,0.9791,0.7182,0.0128,0.0,0.2069,0.1667,0.2083,0.0395,0.0855,0.0934,0.0155,0.0281,reg oper account,block of flats,0.0781,"Stone, brick",No,1.0,0.0,1.0,0.0,-189.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1678017,262860,Consumer loans,9642.555,89086.5,86791.5,8910.0,89086.5,SUNDAY,12,Y,1,0.10139652983495556,,,XAP,Approved,-2433,Cash through the bank,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Country-wide,2200,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2402.0,-2132.0,-2132.0,-2125.0,1.0,0,Cash loans,M,Y,Y,0,202500.0,450000.0,24412.5,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.008625,-11041,-2727,-2487.0,-2487,64.0,1,1,1,1,1,0,Drivers,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Business Entity Type 1,,0.4658977475205362,0.3672910183026313,0.0928,0.1002,0.9786,0.7076,,0.0,0.2069,0.1667,0.2083,0.034,0.0756,0.0603,,,0.0945,0.104,0.9786,0.7190000000000001,,0.0,0.2069,0.1667,0.2083,0.0347,0.0826,0.0628,,,0.0937,0.1002,0.9786,0.7115,,0.0,0.2069,0.1667,0.2083,0.0345,0.077,0.0614,,,,block of flats,0.0683,Panel,No,1.0,1.0,1.0,1.0,-1345.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2050325,101170,Revolving loans,10125.0,0.0,202500.0,,,WEDNESDAY,11,Y,1,,,,XAP,Approved,-1214,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,337500.0,1102171.5,43839.0,945000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.032561,-19380,-2632,-3261.0,-2909,,1,1,0,1,1,0,Sales staff,3.0,1,1,SATURDAY,13,0,0,0,0,1,1,Industry: type 7,,0.7785318489879773,0.15380258630671767,,,0.994,,,0.56,0.6897,0.1667,,,,,,,,,0.994,,,0.5639,0.6897,0.1667,,,,,,,,,0.994,,,0.56,0.6897,0.1667,,,,,,,,block of flats,0.3031,,No,2.0,0.0,2.0,0.0,-1511.0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2610347,159185,Cash loans,125741.61,652500.0,663696.0,,652500.0,MONDAY,9,Y,1,,,,XNA,Approved,-568,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-538.0,-388.0,-388.0,-380.0,1.0,0,Cash loans,M,Y,Y,0,450000.0,1077061.5,31491.0,940500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.072508,-11399,-1789,-2177.0,-2678,6.0,1,1,0,1,0,1,Core staff,2.0,1,1,TUESDAY,17,0,0,0,0,0,0,Self-employed,,0.029351839453628445,0.16048893062734468,0.0412,0.0562,0.9632,0.4968,0.0602,0.08,0.069,0.2083,0.25,0.0,0.0252,0.0419,0.0386,0.0593,0.042,0.0583,0.9633,0.5165,0.0608,0.0806,0.069,0.2083,0.25,0.0,0.0275,0.0436,0.0389,0.0628,0.0416,0.0562,0.9632,0.5035,0.0606,0.08,0.069,0.2083,0.25,0.0,0.0257,0.0426,0.0388,0.0605,not specified,block of flats,0.0458,"Stone, brick",No,0.0,0.0,0.0,0.0,-1651.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,2.0 +2014811,170573,Cash loans,40181.625,337500.0,337500.0,,337500.0,THURSDAY,9,Y,1,,,,XNA,Approved,-1205,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,12.0,high,Cash Street: high,365243.0,-1175.0,-845.0,-875.0,-873.0,0.0,0,Cash loans,F,N,Y,0,148500.0,1255680.0,45234.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-17623,-4705,-3510.0,-1158,,1,1,0,1,0,0,,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.7470031451140018,0.432136285295136,0.4776491548517548,,,0.9826,,,,,,,,,0.1137,,,,,0.9826,,,,,,,,,0.1184,,,,,0.9826,,,,,,,,,0.1157,,,,,0.1061,,No,3.0,0.0,3.0,0.0,-297.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1940656,364304,Consumer loans,16568.28,78660.0,82552.5,0.0,78660.0,TUESDAY,18,Y,1,0.0,,,XAP,Approved,-2760,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Country-wide,1371,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-2729.0,-2579.0,-2579.0,-2573.0,1.0,0,Cash loans,F,N,Y,0,180000.0,1006920.0,40063.5,900000.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.018634,-23083,365243,-1343.0,-4395,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,XNA,,0.7525987654073149,0.5691487713619409,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2474978,431344,Consumer loans,6351.93,46800.0,40050.0,6750.0,46800.0,SUNDAY,13,Y,1,0.1570804195804196,,,XAP,Refused,-2575,Cash through the bank,SCO,Family,Repeater,XNA,POS,XNA,Stone,140,Furniture,8.0,low_normal,POS industry with interest,,,,,,,0,Cash loans,F,Y,Y,0,103500.0,986553.0,28975.5,823500.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.031329,-13344,-407,-6619.0,-3704,22.0,1,1,0,1,0,0,Sales staff,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Industry: type 3,0.5927906152994452,0.4330004466260385,0.6430255641096323,0.0124,0.0132,0.9692,,,,0.069,0.0417,,,,0.0115,,0.0105,0.0126,0.0137,0.9692,,,,0.069,0.0417,,,,0.012,,0.0111,0.0125,0.0132,0.9692,,,,0.069,0.0417,,,,0.0117,,0.0107,,block of flats,0.0119,"Stone, brick",No,1.0,0.0,1.0,0.0,-2575.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,1.0,3.0 +1468302,109602,Cash loans,27301.635,540000.0,604152.0,,540000.0,FRIDAY,7,Y,1,,,,XNA,Approved,-694,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-664.0,386.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,1,243000.0,1046142.0,33876.0,913500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.031329,-18362,-3141,-8964.0,-1921,,1,1,0,1,0,0,High skill tech staff,3.0,2,2,SATURDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.6985633930078686,0.5726825047161584,0.1639,,,,,0.0,0.4138,0.1667,,,,0.1549,,0.0302,0.16699999999999998,,,,,0.0,0.4138,0.1667,,,,0.1614,,0.0319,0.1655,,,,,0.0,0.4138,0.1667,,,,0.1576,,0.0308,,,0.1284,,No,0.0,0.0,0.0,0.0,-1897.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1693775,173993,Cash loans,23402.295,675000.0,767664.0,0.0,675000.0,WEDNESDAY,17,Y,1,0.0,,,XNA,Approved,-1222,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,low_action,Cash Street: low,365243.0,-1192.0,218.0,365243.0,365243.0,1.0,0,Revolving loans,M,Y,Y,0,202500.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.018634,-11273,-1167,-4616.0,-3891,64.0,1,1,0,1,0,0,High skill tech staff,1.0,2,2,MONDAY,18,0,0,0,0,0,0,Business Entity Type 3,0.3817782451501063,0.3666751710968704,0.2721336844147212,,,0.9811,,,,,,,,,0.0915,,,,,0.9811,,,,,,,,,0.0954,,,,,0.9811,,,,,,,,,0.0932,,,,,0.1133,,No,0.0,0.0,0.0,0.0,-280.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2100950,190577,Cash loans,12382.2,135000.0,135000.0,,135000.0,MONDAY,11,Y,1,,,,XNA,Approved,-1093,Cash through the bank,XAP,Family,New,XNA,Cash,walk-in,Country-wide,30,Connectivity,18.0,high,Cash Street: high,365243.0,-1063.0,-553.0,-973.0,-968.0,0.0,0,Cash loans,F,Y,Y,2,112500.0,45000.0,4774.5,45000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-11171,-1199,-3948.0,-3790,5.0,1,1,0,1,1,0,Core staff,4.0,2,2,TUESDAY,14,0,0,0,0,0,0,Bank,,0.5588846370966238,0.2940831009471255,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-1093.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1121944,115451,Consumer loans,9561.735,181161.0,212247.0,0.0,181161.0,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-535,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Country-wide,1370,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-503.0,187.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,270000.0,1350000.0,48622.5,1350000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-9071,-230,-315.0,-1679,6.0,1,1,0,1,0,0,Drivers,2.0,3,1,WEDNESDAY,7,0,0,0,0,0,0,Transport: type 4,,0.5764320795264051,0.5046813193144684,0.2144,0.2414,0.9747,0.6532,0.021,0.0,0.4138,0.1667,0.0,0.0776,0.1731,0.1669,0.0077,0.0946,0.2185,0.2505,0.9747,0.6668,0.0212,0.0,0.4138,0.1667,0.0,0.0794,0.1892,0.1739,0.0078,0.1001,0.2165,0.2414,0.9747,0.6578,0.0212,0.0,0.4138,0.1667,0.0,0.0789,0.1761,0.1699,0.0078,0.0965,reg oper account,block of flats,0.1633,"Stone, brick",No,1.0,0.0,1.0,0.0,-535.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1458702,363798,Cash loans,,0.0,0.0,,,MONDAY,18,Y,1,,,,XNA,Refused,-260,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,N,0,121500.0,502497.0,33709.5,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-21437,365243,-7938.0,-4281,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,15,0,0,0,1,0,0,XNA,,0.4158916752471998,0.2458512138252296,,0.0151,0.9866,0.8164,,0.0,0.2759,0.1667,0.2083,,,0.122,,0.0229,,0.0157,0.9866,0.8236,,0.0,0.2759,0.1667,0.2083,,,0.1271,,0.0243,,0.0151,0.9866,0.8189,,0.0,0.2759,0.1667,0.2083,,,0.1242,,0.0234,,block of flats,0.0959,"Stone, brick",No,0.0,0.0,0.0,0.0,-374.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1693451,316257,Cash loans,22978.89,454500.0,508495.5,,454500.0,FRIDAY,10,Y,1,,,,XNA,Approved,-393,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-363.0,687.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,180000.0,450000.0,30073.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-22913,-370,-11028.0,-4116,,1,1,1,1,0,0,Cooking staff,2.0,2,2,SATURDAY,14,0,0,0,0,0,0,Industry: type 1,,0.5486179592396098,0.5549467685334323,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-611.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2776495,325825,Cash loans,28479.825,207000.0,251811.0,,207000.0,SUNDAY,11,Y,1,,,,XNA,Approved,-402,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-372.0,-42.0,-42.0,-38.0,1.0,0,Cash loans,M,Y,Y,1,180000.0,779688.0,37638.0,630000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.018029,-16995,-3479,-6670.0,-534,23.0,1,1,0,1,0,0,Laborers,2.0,3,3,WEDNESDAY,13,0,0,0,1,1,0,Other,,0.36481347801709857,0.40314167665875134,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-458.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2050333,276064,Revolving loans,9000.0,0.0,180000.0,,,TUESDAY,14,Y,1,,,,XAP,Approved,-896,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,-340.0,0.0,1,Cash loans,M,N,Y,0,117000.0,427500.0,25830.0,427500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.01885,-9576,-155,-941.0,-1846,,1,1,1,1,0,1,Drivers,1.0,2,2,TUESDAY,8,0,0,0,0,0,0,Industry: type 3,0.4347568263303413,0.3831388404322195,0.05882590047568205,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-896.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1103411,112068,Revolving loans,4500.0,0.0,90000.0,,,SUNDAY,10,Y,1,,,,XAP,Approved,-2369,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,0,XNA,0.0,XNA,Card X-Sell,-2368.0,-2315.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,225000.0,256500.0,27063.0,256500.0,"Spouse, partner",State servant,Secondary / secondary special,Married,House / apartment,0.018209,-13965,-3928,-8101.0,-4723,,1,1,0,1,0,0,High skill tech staff,2.0,3,3,WEDNESDAY,7,0,0,0,0,0,0,Military,0.4617276095742132,0.4697958377583393,0.6801388218428291,0.1113,0.0636,0.9856,0.8028,0.1922,0.08,0.069,0.3333,0.0417,0.0166,0.0908,0.1092,0.0,0.0883,0.1134,0.066,0.9856,0.8105,0.1939,0.0806,0.069,0.3333,0.0417,0.017,0.0992,0.1138,0.0,0.0935,0.1124,0.0636,0.9856,0.8054,0.1934,0.08,0.069,0.3333,0.0417,0.0169,0.0923,0.1112,0.0,0.0901,reg oper account,block of flats,0.1051,"Stone, brick",No,0.0,0.0,0.0,0.0,-1962.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1766469,157637,Revolving loans,9000.0,0.0,180000.0,,,SUNDAY,12,Y,1,,,,XAP,Approved,-2688,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,0,XNA,0.0,XNA,Card Street,-2686.0,-2644.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,157500.0,1035832.5,30285.0,904500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.006670999999999999,-16579,-2216,-5395.0,-126,,1,1,0,1,1,0,Accountants,2.0,2,2,SUNDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.6891429088757282,0.6707015979527954,0.5460231970049609,0.0722,0.0818,0.9816,0.7484,0.0399,0.0,0.0345,0.1667,,0.0391,0.0588,0.0466,0.3282,0.0061,0.0735,0.0849,0.9816,0.7583,0.0403,0.0,0.0345,0.1667,,0.04,0.0643,0.0485,0.3307,0.0064,0.0729,0.0818,0.9816,0.7518,0.0401,0.0,0.0345,0.1667,,0.0397,0.0599,0.0474,0.33,0.0062,reg oper account,block of flats,0.0366,"Stone, brick",No,0.0,0.0,0.0,0.0,-2157.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1677630,177717,Consumer loans,16590.555,84775.5,84775.5,0.0,84775.5,THURSDAY,13,Y,1,0.0,,,XAP,Refused,-1381,Cash through the bank,HC,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,1782,Consumer electronics,6.0,high,POS household with interest,,,,,,,0,Cash loans,F,Y,Y,0,157500.0,1334731.5,39154.5,1165500.0,Family,Working,Higher education,Single / not married,House / apartment,0.018029,-16956,-3035,-10348.0,-509,17.0,1,1,0,1,0,0,,1.0,3,2,SATURDAY,8,0,0,0,0,0,0,Business Entity Type 3,0.3424892315820124,0.4654842197589984,0.5797274227921155,0.3897,0.2952,0.9861,0.8096,0.17600000000000002,0.28,0.4483,0.3333,0.2083,0.2783,0.3177,0.3902,0.0,0.0,0.3971,0.3064,0.9861,0.8171,0.1776,0.282,0.4483,0.3333,0.2083,0.2847,0.3471,0.4065,0.0,0.0,0.3935,0.2952,0.9861,0.8121,0.1771,0.28,0.4483,0.3333,0.2083,0.2832,0.3232,0.3972,0.0,0.0,reg oper account,block of flats,0.4031,Panel,No,5.0,0.0,5.0,0.0,-1798.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2125613,170272,Cash loans,,0.0,0.0,,,MONDAY,13,Y,1,,,,XNA,Refused,-9,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,0,XNA,,XNA,Cash,,,,,,,1,Cash loans,M,Y,N,0,135000.0,225000.0,10944.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-17655,-3256,-4018.0,-1203,17.0,1,1,0,1,1,0,,2.0,2,2,WEDNESDAY,18,0,0,0,0,0,0,Transport: type 4,,0.4128934362384039,0.07446068789567313,0.0619,,0.9752,,,0.0,0.1034,0.1667,,,,0.0507,,0.0,0.063,,0.9752,,,0.0,0.1034,0.1667,,,,0.0528,,0.0,0.0625,,0.9752,,,0.0,0.1034,0.1667,,,,0.0516,,0.0,,block of flats,0.0398,"Stone, brick",No,7.0,0.0,7.0,0.0,0.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2690188,150609,Cash loans,30867.795,405000.0,442422.0,,405000.0,FRIDAY,13,Y,1,,,,XNA,Approved,-602,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-572.0,118.0,-362.0,-355.0,1.0,0,Cash loans,M,Y,Y,0,270000.0,184500.0,11920.5,184500.0,Unaccompanied,Pensioner,Incomplete higher,Married,House / apartment,0.018209,-22181,365243,-875.0,-4294,4.0,1,0,0,1,1,0,,2.0,3,3,FRIDAY,12,0,0,0,0,0,0,XNA,0.3735284965546281,0.4721550224546355,0.6610235391308081,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1695.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2718021,168266,Consumer loans,4223.115,22275.0,21042.0,2227.5,22275.0,TUESDAY,10,Y,1,0.1042544962289692,,,XAP,Approved,-2490,Cash through the bank,XAP,Other_B,New,Mobile,POS,XNA,Country-wide,25,Connectivity,6.0,high,POS mobile with interest,365243.0,-2459.0,-2309.0,-2309.0,-2303.0,1.0,0,Cash loans,F,N,Y,0,247500.0,1319269.5,38704.5,1152000.0,"Spouse, partner",State servant,Higher education,Married,House / apartment,0.04622,-18307,-4573,-3124.0,-1831,,1,1,0,1,1,0,Core staff,2.0,1,1,SUNDAY,12,0,0,0,0,0,0,Government,,0.5273582119495329,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-822.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2537333,147078,Consumer loans,5946.165,22455.0,20871.0,2250.0,22455.0,THURSDAY,14,Y,1,0.10598393432180894,,,XAP,Approved,-2539,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,42,Connectivity,4.0,low_normal,POS mobile with interest,365243.0,-2508.0,-2418.0,-2418.0,-2410.0,1.0,0,Cash loans,F,N,N,0,202500.0,1546020.0,45198.0,1350000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.018801,-20530,-8060,-6342.0,-3779,,1,1,0,1,0,0,Core staff,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,School,0.7997367811453349,0.6500488025140119,0.0005272652387098817,,,0.9911,0.8776,,0.32,0.2414,0.4583,0.375,0.1627,0.179,0.3145,,0.1985,,,0.9911,0.8824,,0.3222,0.2414,0.4583,0.375,0.1664,0.1956,0.3277,,0.2101,,,0.9911,0.8792,,0.32,0.2414,0.4583,0.375,0.1655,0.1821,0.3202,,0.2026,,block of flats,0.3502,Mixed,No,0.0,0.0,0.0,0.0,-2711.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2451221,295811,Cash loans,19720.08,360000.0,409896.0,,360000.0,FRIDAY,9,Y,1,,,,XNA,Approved,-551,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-521.0,529.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,94500.0,174411.0,13909.5,144000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.020713,-20833,365243,-8876.0,-4306,,1,0,0,1,1,0,,1.0,3,2,WEDNESDAY,8,0,0,0,0,0,0,XNA,0.6019536578222544,0.5203930186564854,,0.0289,0.0,0.9697,0.5852,0.0012,0.0,0.069,0.0417,0.0833,0.0115,0.0235,0.0147,0.0,0.0,0.0294,0.0,0.9697,0.6014,0.0012,0.0,0.069,0.0417,0.0833,0.0118,0.0257,0.0154,0.0,0.0,0.0291,0.0,0.9697,0.5907,0.0012,0.0,0.069,0.0417,0.0833,0.0117,0.0239,0.015,0.0,0.0,reg oper account,block of flats,0.0122,"Stone, brick",No,0.0,0.0,0.0,0.0,-1762.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +1152164,369588,Revolving loans,3375.0,0.0,67500.0,,,FRIDAY,0,Y,1,,,,XAP,Approved,-2870,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,0,XNA,0.0,XNA,Card Street,-2867.0,-2834.0,365243.0,-1129.0,-269.0,0.0,0,Cash loans,F,N,Y,0,157500.0,341280.0,21960.0,270000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.019101,-22796,365243,-1753.0,-3618,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,15,0,0,0,0,0,0,XNA,0.3773048950216799,0.3694420611927866,0.3910549766342248,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1059359,199960,Consumer loans,9470.925,68170.5,65497.5,7200.0,68170.5,SUNDAY,15,Y,1,0.10786415688922653,,,XAP,Approved,-2735,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Country-wide,70,Connectivity,9.0,low_normal,POS mobile with interest,365243.0,-2703.0,-2463.0,-2463.0,-2434.0,1.0,0,Cash loans,F,N,Y,0,171000.0,848070.0,24795.0,607500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.007114,-20100,-42,-8841.0,-3264,,1,1,0,1,1,0,Security staff,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,Government,,0.7518121072724717,0.42589289800515295,0.068,0.0786,0.9762,,,,0.1379,0.1667,,0.0903,,0.0623,,0.0286,0.0693,0.0816,0.9762,,,,0.1379,0.1667,,0.0923,,0.0649,,0.0303,0.0687,0.0786,0.9762,,,,0.1379,0.1667,,0.0919,,0.0634,,0.0292,,block of flats,0.0552,Panel,No,11.0,0.0,11.0,0.0,-2735.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1267464,254277,Cash loans,13542.975,157500.0,186106.5,0.0,157500.0,THURSDAY,10,Y,1,0.0,,,XNA,Approved,-1611,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-1581.0,-891.0,-1281.0,-1279.0,1.0,0,Cash loans,F,N,Y,0,112500.0,284400.0,15880.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.020246,-24787,365243,-6555.0,-4204,,1,0,0,1,0,0,,1.0,3,3,FRIDAY,12,1,0,0,1,0,0,XNA,0.7814171499692394,0.6230010733527698,0.722392890081304,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1611.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1598863,214756,Cash loans,15074.64,270000.0,270000.0,0.0,270000.0,FRIDAY,10,Y,1,0.0,,,XNA,Refused,-2355,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,Y,Y,2,135000.0,256500.0,20565.0,256500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.028663,-14402,-3374,-4548.0,-4632,17.0,1,1,0,1,0,0,Laborers,4.0,2,2,MONDAY,10,0,0,0,0,0,0,Housing,,0.6035294631312292,0.5100895276257282,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2355.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2670251,414916,Consumer loans,3921.345,29146.5,28395.0,2916.0,29146.5,THURSDAY,10,Y,1,0.10142726488802943,,,XAP,Refused,-1886,Cash through the bank,LIMIT,,Repeater,Consumer Electronics,POS,XNA,Stone,68,Consumer electronics,10.0,high,POS household with interest,,,,,,,0,Cash loans,F,Y,Y,0,112500.0,808650.0,26086.5,675000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.006852,-17664,-327,-11383.0,-1182,22.0,1,1,0,1,0,0,,2.0,3,3,SUNDAY,7,0,0,0,1,1,0,Trade: type 7,,0.20447092230111027,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2531486,156677,Cash loans,19608.84,504000.0,603792.0,,504000.0,WEDNESDAY,7,Y,1,,,,XNA,Refused,-215,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,135000.0,508495.5,24592.5,454500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.020246,-19099,365243,-6031.0,-2653,,1,0,0,1,1,0,,2.0,3,3,SATURDAY,17,0,0,0,0,0,0,XNA,,0.3200198546613139,0.17982176508970435,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1603.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +2473712,396152,Revolving loans,11250.0,225000.0,225000.0,,225000.0,TUESDAY,15,Y,1,,,,XAP,Refused,-240,XNA,HC,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,1,135000.0,814041.0,23931.0,679500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.004849,-11197,-2393,-5496.0,-3533,,1,1,0,1,0,0,Sales staff,3.0,2,2,THURSDAY,10,0,0,0,1,1,0,Trade: type 3,,0.4556835531168513,0.7662336700704004,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1821.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2218249,109305,Revolving loans,4500.0,0.0,90000.0,,,TUESDAY,17,Y,1,,,,XAP,Refused,-1446,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,N,Y,2,270000.0,790830.0,57676.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-12967,-894,-5583.0,-4641,,1,1,0,1,1,1,Laborers,4.0,1,1,SATURDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.6854543498982757,0.18629294965553744,0.1325,0.1622,0.9906,0.8708,0.1566,0.3,0.2586,0.2292,0.2708,0.0,0.1063,0.1718,0.0077,0.0175,0.0788,0.0958,0.9906,0.8759,0.0981,0.2014,0.1724,0.2083,0.25,0.0,0.067,0.106,0.0078,0.0077,0.1338,0.1622,0.9906,0.8725,0.1576,0.3,0.2586,0.2292,0.2708,0.0,0.1082,0.1749,0.0078,0.0178,reg oper account,block of flats,0.1962,Panel,No,0.0,0.0,0.0,0.0,-822.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1422682,210071,Cash loans,29007.09,405000.0,596362.5,,405000.0,MONDAY,5,Y,1,,,,Other,Refused,-551,Cash through the bank,LIMIT,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,Y,Y,2,171000.0,474363.0,25861.5,409500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010032,-12229,-1666,-3918.0,-4421,24.0,1,1,0,1,0,0,Laborers,4.0,2,2,SATURDAY,6,0,0,0,0,0,0,Business Entity Type 3,,0.571635826695548,0.4329616670974407,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,2.0,3.0,0.0,-1246.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2464813,395130,Cash loans,47131.155,225000.0,232425.0,,225000.0,THURSDAY,12,Y,1,,,,Business development,Approved,-437,Cash through the bank,XAP,,New,XNA,Cash,walk-in,Country-wide,15,Connectivity,6.0,high,Cash Street: high,365243.0,-407.0,-257.0,-287.0,-280.0,1.0,0,Cash loans,M,Y,Y,0,211500.0,220662.0,23413.5,207000.0,"Spouse, partner",Working,Higher education,Married,House / apartment,0.04622,-18259,-1081,-2619.0,-1809,2.0,1,1,1,1,1,0,Managers,2.0,1,1,SUNDAY,12,0,0,0,1,1,1,Mobile,,0.6850440179149142,,0.134,0.0739,0.996,0.9456,0.0423,0.16,0.069,0.5417,0.5833,,0.1059,0.1624,0.0154,0.0446,0.1366,0.0767,0.996,0.9477,0.0426,0.1611,0.069,0.5417,0.5833,,0.1157,0.1692,0.0156,0.0472,0.1353,0.0739,0.996,0.9463,0.0425,0.16,0.069,0.5417,0.5833,,0.1077,0.1653,0.0155,0.0455,reg oper spec account,block of flats,0.1605,Mixed,No,1.0,0.0,1.0,0.0,-437.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2251705,261119,Cash loans,16772.04,441000.0,534141.0,,441000.0,THURSDAY,10,Y,1,,,,Repairs,Refused,-36,XNA,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,48.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,N,0,196650.0,1179369.0,32431.5,1029838.5,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.020713,-13306,-778,-44.0,-2535,,1,1,1,1,0,0,,2.0,3,2,MONDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.7022889994792277,0.3592729306626163,,0.1649,0.0275,0.9831,0.7688,0.0447,0.2,0.1724,0.3333,0.375,0.24,0.1303,0.1672,0.0193,0.097,0.1681,0.0286,0.9831,0.7779,0.0451,0.2014,0.1724,0.3333,0.375,0.2454,0.1423,0.1742,0.0195,0.1026,0.1665,0.0275,0.9831,0.7719,0.045,0.2,0.1724,0.3333,0.375,0.2441,0.1325,0.1702,0.0194,0.099,reg oper spec account,block of flats,0.1526,Panel,No,6.0,0.0,6.0,0.0,-522.0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,,,,,, +2396209,125685,Revolving loans,38250.0,765000.0,765000.0,,765000.0,TUESDAY,14,Y,1,,,,XAP,Approved,-283,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-244.0,-211.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,225000.0,1155226.5,38308.5,1035000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.005144,-13820,-3107,-7140.0,-5114,,1,1,0,1,0,0,High skill tech staff,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,Self-employed,0.7471701660763241,0.5992676996505624,0.6832688314232291,0.1856,0.1288,0.9861,0.8096,0.0379,0.2,0.1724,0.3333,0.375,0.0447,0.1496,0.1854,0.0077,0.0685,0.1891,0.1336,0.9861,0.8171,0.0382,0.2014,0.1724,0.3333,0.375,0.0457,0.1635,0.1932,0.0078,0.0725,0.1874,0.1288,0.9861,0.8121,0.0381,0.2,0.1724,0.3333,0.375,0.0455,0.1522,0.1888,0.0078,0.0699,reg oper account,block of flats,0.1814,Panel,No,4.0,2.0,4.0,1.0,-1078.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2173984,156856,Consumer loans,18925.695,193459.14,174109.5,19349.64,193459.14,SUNDAY,15,Y,1,0.108930066670315,,,XAP,Approved,-2720,XNA,XAP,"Spouse, partner",Repeater,Computers,POS,XNA,Country-wide,2000,Consumer electronics,12.0,high,POS household with interest,365243.0,-2689.0,-2359.0,-2359.0,-2342.0,0.0,0,Cash loans,F,N,Y,0,450000.0,553581.0,35379.0,472500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.032561,-15975,-953,-12244.0,-2526,,1,1,1,1,1,0,Managers,2.0,1,1,THURSDAY,17,0,0,0,0,0,0,Trade: type 7,0.7940933611670371,0.6561820128474227,0.5638350489514956,0.0825,0.0,0.9722,,,0.0,0.1379,0.1667,,0.0511,,0.0715,,0.0,0.084,0.0,0.9722,,,0.0,0.1379,0.1667,,0.0523,,0.0745,,0.0,0.0833,0.0,0.9722,,,0.0,0.1379,0.1667,,0.052000000000000005,,0.0728,,0.0,,block of flats,0.0562,Panel,No,1.0,1.0,1.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2079192,156845,Consumer loans,6466.14,42745.5,40770.0,4500.0,42745.5,FRIDAY,14,Y,1,0.10825953370684976,,,XAP,Approved,-2650,Cash through the bank,XAP,Unaccompanied,Refreshed,Mobile,POS,XNA,Country-wide,600,Consumer electronics,8.0,high,POS household with interest,365243.0,-2619.0,-2409.0,-2409.0,-2403.0,1.0,0,Cash loans,M,N,Y,0,225000.0,521280.0,28278.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.008625,-12762,-5449,-6845.0,-4533,,1,1,1,1,1,0,Laborers,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.2934549782150177,0.21786112030966787,0.4596904504249018,0.1474,0.1033,0.9886,,,0.16,0.1379,0.3333,,0.0764,,0.1526,,0.0037,0.1502,0.1072,0.9886,,,0.1611,0.1379,0.3333,,0.0782,,0.159,,0.0039,0.1489,0.1033,0.9886,,,0.16,0.1379,0.3333,,0.0777,,0.1553,,0.0038,,block of flats,0.1192,Panel,No,1.0,0.0,1.0,0.0,-2312.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1608865,392198,Revolving loans,22500.0,0.0,450000.0,,,SUNDAY,13,Y,1,,,,XAP,Refused,-1007,XNA,SCO,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,N,Y,0,171000.0,495000.0,39240.0,495000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018209,-14850,-5286,-6476.0,-4546,,1,1,0,1,1,0,Laborers,2.0,3,3,SATURDAY,7,0,0,0,0,1,1,Self-employed,0.36002915217210824,0.5437885877952655,0.6397075677637197,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1434.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2477735,420757,Consumer loans,22217.085,115600.5,121702.5,0.0,115600.5,SUNDAY,14,Y,1,0.0,,,XAP,Approved,-35,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,120,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-5.0,145.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,2,112500.0,1350000.0,37125.0,1350000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-14739,-1686,-10.0,-5343,,1,1,1,1,1,0,High skill tech staff,4.0,2,2,SUNDAY,10,0,0,0,0,0,0,Industry: type 12,,0.6543147560766495,0.7121551551910698,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-351.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1799309,216292,Cash loans,14564.25,225000.0,225000.0,0.0,225000.0,MONDAY,18,Y,1,0.0,,,XNA,Approved,-540,XNA,XAP,,Repeater,XNA,Cash,walk-in,Country-wide,20,Connectivity,30.0,high,Cash Street: high,365243.0,-510.0,360.0,-390.0,-387.0,0.0,0,Cash loans,F,N,N,0,436500.0,900000.0,57649.5,900000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.04622,-11200,-2867,-5124.0,-3115,,1,1,1,1,1,0,Core staff,2.0,1,1,SUNDAY,10,0,1,1,0,1,1,Military,0.7471050365795611,0.6956406228296316,0.5460231970049609,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0137,,Yes,1.0,0.0,1.0,0.0,-794.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2817714,132287,Consumer loans,3545.415,29250.0,33885.0,0.0,29250.0,TUESDAY,19,Y,1,0.0,,,XAP,Approved,-19,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Regional / Local,400,Consumer electronics,12.0,middle,POS household with interest,365243.0,365243.0,341.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,0,110250.0,327024.0,12325.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.018634,-12269,-1412,-4262.0,-4275,,1,1,0,1,0,0,,1.0,2,2,SUNDAY,12,0,0,0,1,1,0,Business Entity Type 2,0.4374436170484967,0.7588996070465267,0.19182160241360605,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1266.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1316164,147251,Cash loans,31275.81,450000.0,560097.0,,450000.0,THURSDAY,13,Y,1,,,,XNA,Approved,-837,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-807.0,-117.0,-387.0,-379.0,1.0,0,Cash loans,M,N,Y,1,225000.0,715095.0,53595.0,675000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.018801,-14267,-2491,-6370.0,-4346,,1,1,1,1,1,0,Laborers,3.0,2,2,MONDAY,7,0,0,0,0,0,0,Business Entity Type 3,,0.5666864708308167,0.41184855592423975,0.001,0.0795,0.9742,0.6464,0.0338,0.0,0.1379,0.1667,0.2083,0.017,0.0664,0.0698,0.3089,0.004,0.0011,0.0825,0.9742,0.6602,0.0341,0.0,0.1379,0.1667,0.2083,0.0174,0.0725,0.0728,0.3113,0.0043,0.001,0.0795,0.9742,0.6511,0.034,0.0,0.1379,0.1667,0.2083,0.0173,0.0676,0.0711,0.3106,0.0041,reg oper spec account,block of flats,0.0743,Panel,No,4.0,1.0,4.0,0.0,-970.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,8.0 +2509186,194131,Consumer loans,9843.885,89955.0,80959.5,8995.5,89955.0,FRIDAY,14,Y,1,0.1089090909090909,,,XAP,Approved,-268,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,high,POS mobile with interest,365243.0,-234.0,96.0,365243.0,365243.0,0.0,1,Cash loans,F,Y,N,0,94500.0,479578.5,26145.0,414000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00733,-8451,-159,-8440.0,-1112,0.0,1,1,0,1,0,0,Sales staff,2.0,2,2,SUNDAY,11,0,0,0,1,0,1,Business Entity Type 3,,0.3587898261095181,0.4471785780453068,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-268.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1893411,346214,Cash loans,19800.0,720000.0,720000.0,,720000.0,THURSDAY,11,Y,1,,,,XNA,Refused,-65,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,N,Y,0,225000.0,765000.0,24021.0,765000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.010643000000000001,-8532,-460,-8488.0,-935,,1,1,0,1,1,0,Core staff,1.0,2,2,SATURDAY,14,0,0,0,0,0,0,Trade: type 2,0.2124343513998383,0.6033463107356295,0.190705947811054,0.0928,0.1127,0.9841,,,0.0,0.2069,0.1667,,0.0997,,0.0955,,0.0,0.0945,0.117,0.9841,,,0.0,0.2069,0.1667,,0.102,,0.0995,,0.0,0.0937,0.1127,0.9841,,,0.0,0.2069,0.1667,,0.1014,,0.0972,,0.0,,block of flats,0.0817,Panel,No,1.0,0.0,1.0,0.0,-469.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +1989825,116768,Revolving loans,7875.0,157500.0,157500.0,,157500.0,MONDAY,11,Y,1,,,,XAP,Approved,-498,XNA,XAP,,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),3,XNA,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,112500.0,247275.0,17716.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Separated,Municipal apartment,0.031329,-14372,-1267,-7448.0,-4148,,1,1,1,1,1,0,,1.0,2,2,TUESDAY,8,0,0,0,0,0,0,Medicine,,0.41308958609526863,0.5567274263630174,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,4.0,0.0,4.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1778883,232024,Cash loans,48206.61,675000.0,721332.0,,675000.0,SUNDAY,7,Y,1,,,,Other,Refused,-540,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,Y,N,1,360000.0,1024740.0,52452.0,900000.0,Family,Commercial associate,Higher education,Single / not married,House / apartment,0.018801,-12981,-1928,-774.0,-2937,14.0,1,1,0,1,0,0,,2.0,2,2,MONDAY,17,0,0,0,0,0,0,Business Entity Type 1,0.6813358374902575,0.6022886950159204,0.06688793396721357,0.4041,0.0607,0.9821,0.7552,0.1916,0.44,0.3793,0.3333,0.0417,0.1203,0.3295,0.4022,0.0,0.0,0.4118,0.063,0.9821,0.7648,0.1933,0.4431,0.3793,0.3333,0.0417,0.123,0.36,0.419,0.0,0.0,0.408,0.0607,0.9821,0.7585,0.1928,0.44,0.3793,0.3333,0.0417,0.1224,0.3352,0.4094,0.0,0.0,reg oper spec account,block of flats,0.4211,Panel,No,0.0,0.0,0.0,0.0,-1838.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2291678,372122,Consumer loans,11574.36,56205.0,40626.0,16875.0,56205.0,FRIDAY,16,Y,1,0.31961894733846513,,,XAP,Approved,-2354,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,46,Connectivity,4.0,low_normal,POS mobile with interest,365243.0,-2318.0,-2228.0,-2228.0,-2226.0,1.0,0,Cash loans,M,N,N,1,157500.0,521280.0,27423.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010276,-11902,-4771,-5511.0,-4043,,1,1,0,1,1,0,,3.0,2,2,FRIDAY,18,0,0,0,0,0,0,Business Entity Type 2,,0.5027462375064606,0.4776491548517548,0.1013,0.0009,0.9866,0.8164,0.0271,0.11,0.069,0.4271,0.4688,0.0502,0.0826,0.1014,0.0019,0.0009,0.0746,0.0,0.9861,0.8171,0.0241,0.0806,0.0345,0.4583,0.5,0.038,0.0652,0.0734,0.0,0.0,0.0739,0.0008,0.9866,0.8189,0.0252,0.08,0.0345,0.4583,0.5,0.0481,0.0607,0.0724,0.0019,0.0005,reg oper account,block of flats,0.1708,Panel,No,0.0,0.0,0.0,0.0,-2354.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2177593,394887,Consumer loans,4532.04,43155.0,38835.0,4320.0,43155.0,SATURDAY,17,Y,1,0.10902265617594084,,,XAP,Approved,-2897,Cash through the bank,XAP,,New,Mobile,POS,XNA,Stone,57,Connectivity,12.0,high,POS household with interest,365243.0,-2864.0,-2534.0,-2534.0,-2532.0,0.0,0,Cash loans,M,Y,N,0,225000.0,1056447.0,31018.5,922500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.030755,-16418,-2693,-4609.0,-4623,29.0,1,1,0,1,0,0,Drivers,2.0,2,2,FRIDAY,16,0,0,0,0,1,1,Self-employed,,0.6564927554020505,0.6263042766749393,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1592.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1818183,122243,Consumer loans,14260.455,148500.0,133650.0,14850.0,148500.0,TUESDAY,9,Y,1,0.1089090909090909,,,XAP,Approved,-1155,Cash through the bank,XAP,"Spouse, partner",Repeater,Construction Materials,POS,XNA,Stone,5,Construction,12.0,middle,POS industry with interest,365243.0,-1124.0,-794.0,-794.0,-786.0,0.0,0,Cash loans,F,N,N,0,135000.0,585000.0,28273.5,585000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.015221,-11853,-3200,-1433.0,-3143,,1,1,0,1,1,0,Accountants,2.0,2,2,MONDAY,15,0,0,0,0,0,0,Business Entity Type 1,,0.2598076423985638,0.4329616670974407,0.0619,0.061,0.9846,0.7892,0.0271,0.0,0.1379,0.1667,0.2083,0.0485,0.0504,0.0532,0.0,0.0,0.063,0.0633,0.9846,0.7975,0.0273,0.0,0.1379,0.1667,0.2083,0.0497,0.0551,0.0554,0.0,0.0,0.0625,0.061,0.9846,0.792,0.0273,0.0,0.1379,0.1667,0.2083,0.0494,0.0513,0.0541,0.0,0.0,org spec account,block of flats,0.0462,Panel,No,1.0,1.0,1.0,1.0,-1657.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1384293,291559,Cash loans,15449.175,463500.0,463500.0,,463500.0,THURSDAY,9,Y,1,,,,XNA,Approved,-187,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-157.0,1253.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,68400.0,247500.0,8887.5,247500.0,Unaccompanied,Pensioner,Higher education,Widow,House / apartment,0.007114,-22647,365243,-10833.0,-4137,,1,0,0,1,1,0,,1.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,,0.19408168187966274,0.4848514754962666,0.0928,0.1005,0.9851,0.7959999999999999,0.0384,0.0,0.2069,0.1667,0.2083,0.0971,0.0756,0.0604,0.0,0.0965,0.0945,0.1043,0.9851,0.804,0.0387,0.0,0.2069,0.1667,0.2083,0.0993,0.0826,0.063,0.0,0.1021,0.0937,0.1005,0.9851,0.7987,0.0386,0.0,0.2069,0.1667,0.2083,0.0988,0.077,0.0615,0.0,0.0985,reg oper account,block of flats,0.0685,Panel,No,0.0,0.0,0.0,0.0,-1.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +1663941,411128,Consumer loans,16791.48,162828.0,159115.5,16285.5,162828.0,SATURDAY,6,Y,1,0.10111909282159166,,,XAP,Approved,-405,XNA,XAP,,Repeater,Consumer Electronics,POS,XNA,Country-wide,1295,Consumer electronics,12.0,middle,POS household with interest,365243.0,-373.0,-43.0,-163.0,-159.0,0.0,1,Cash loans,F,N,N,0,135000.0,263686.5,28107.0,238500.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,With parents,0.006629,-14958,-2731,-8389.0,-4491,,1,1,0,1,0,0,Managers,1.0,2,2,FRIDAY,7,0,0,0,0,0,0,Government,,0.6331962857507876,0.33285056416487313,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-749.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2465852,257591,Consumer loans,3110.445,14769.0,15498.0,0.0,14769.0,THURSDAY,18,Y,1,0.0,,,XAP,Approved,-2657,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,5,Connectivity,6.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,N,1,90000.0,193500.0,20529.0,193500.0,Unaccompanied,Working,Incomplete higher,Separated,House / apartment,0.015221,-11513,-2619,-2453.0,-2602,,1,1,0,1,1,0,Managers,2.0,2,2,WEDNESDAY,20,0,0,0,0,0,0,Business Entity Type 3,0.2875883225091015,0.6817130372355956,0.1500851762342935,0.0619,0.0614,0.9831,,,0.0,0.1379,0.1667,,0.0425,,0.0534,,0.0,0.063,0.0637,0.9831,,,0.0,0.1379,0.1667,,0.0435,,0.0557,,0.0,0.0625,0.0614,0.9831,,,0.0,0.1379,0.1667,,0.0432,,0.0544,,0.0,,block of flats,0.0463,Panel,No,0.0,0.0,0.0,0.0,-253.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1283410,186577,Consumer loans,8462.655,39172.5,36103.5,4500.0,39172.5,FRIDAY,11,Y,1,0.12070164126021382,,,XAP,Approved,-2826,Cash through the bank,XAP,Children,New,Mobile,POS,XNA,Country-wide,19,Connectivity,5.0,low_normal,POS mobile with interest,365243.0,-2795.0,-2675.0,-2675.0,-2593.0,1.0,0,Cash loans,F,N,N,0,58500.0,544491.0,17563.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-18722,-10008,-7693.0,-2231,,1,1,1,1,1,0,Cooking staff,2.0,2,2,MONDAY,15,0,0,0,0,0,0,Trade: type 3,,0.19421511211361847,0.4866531565147181,0.0732,0.0776,0.9781,0.7008,0.0077,0.0,0.1379,0.1667,0.2083,0.015,0.0588,0.0642,0.0039,0.0213,0.0746,0.0806,0.9782,0.7125,0.0078,0.0,0.1379,0.1667,0.2083,0.0153,0.0643,0.0669,0.0039,0.0226,0.0739,0.0776,0.9781,0.7048,0.0078,0.0,0.1379,0.1667,0.2083,0.0152,0.0599,0.0653,0.0039,0.0218,reg oper account,block of flats,0.0551,Block,No,0.0,0.0,0.0,0.0,-1139.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2566713,225324,Cash loans,23020.785,171000.0,207396.0,,171000.0,SATURDAY,11,Y,1,,,,XNA,Approved,-1267,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,high,Cash X-Sell: high,365243.0,-1237.0,-907.0,-967.0,-958.0,1.0,0,Cash loans,F,N,Y,0,112500.0,254700.0,14751.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.022625,-24253,365243,-6471.0,-2583,,1,0,0,1,0,0,,1.0,2,2,SATURDAY,16,0,0,0,0,0,0,XNA,0.8304146405855823,0.7530301032826656,0.7338145369642702,0.1495,0.0498,0.9886,0.8436,0.0283,0.04,0.0345,0.3333,0.375,0.0614,0.121,0.0997,0.0039,0.0092,0.1523,0.0517,0.9886,0.8497,0.0286,0.0403,0.0345,0.3333,0.375,0.0628,0.1322,0.1038,0.0039,0.0097,0.1509,0.0498,0.9886,0.8457,0.0285,0.04,0.0345,0.3333,0.375,0.0625,0.1231,0.1014,0.0039,0.0094,reg oper account,block of flats,0.0804,"Stone, brick",No,4.0,0.0,4.0,0.0,-1750.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1567334,137858,Consumer loans,8496.585,129600.0,129600.0,0.0,129600.0,FRIDAY,17,Y,1,0.0,,,XAP,Approved,-284,Cash through the bank,XAP,,New,Clothing and Accessories,POS,XNA,Stone,50,Clothing,18.0,low_normal,POS industry with interest,365243.0,-253.0,257.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,Y,0,99000.0,135000.0,6750.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.026392000000000002,-7742,-411,-6237.0,-434,,1,1,0,1,0,0,Sales staff,1.0,2,2,TUESDAY,16,0,0,0,0,0,0,Self-employed,,0.5782890140601477,,0.0649,0.0327,0.9906,0.8708,0.0431,0.08,0.0345,0.5417,0.5833,0.0795,0.053,0.0768,0.0,0.0,0.0662,0.0339,0.9906,0.8759,0.0435,0.0806,0.0345,0.5417,0.5833,0.0814,0.0579,0.0801,0.0,0.0,0.0656,0.0327,0.9906,0.8725,0.0434,0.08,0.0345,0.5417,0.5833,0.0809,0.0539,0.0782,0.0,0.0,reg oper account,block of flats,0.0772,Panel,No,,,,,-295.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1461935,117331,Consumer loans,3647.835,27855.0,26743.5,3150.0,27855.0,TUESDAY,10,Y,1,0.11476195037838866,,,XAP,Approved,-1962,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Stone,20,Connectivity,10.0,high,POS mobile with interest,365243.0,-1916.0,-1646.0,-1646.0,-1642.0,0.0,1,Cash loans,F,Y,Y,1,180000.0,562500.0,23778.0,562500.0,"Spouse, partner",Working,Higher education,Married,House / apartment,0.028663,-10105,-1346,-10093.0,-2749,7.0,1,1,0,1,1,0,Laborers,3.0,2,2,THURSDAY,9,0,0,0,0,1,1,Industry: type 11,,0.10492818129094424,0.17456426555726348,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1644168,421151,Cash loans,5824.17,54000.0,57564.0,,54000.0,THURSDAY,13,Y,1,,,,XNA,Approved,-279,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-249.0,81.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,1,202500.0,184500.0,9418.5,184500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00733,-16096,-2789,-3538.0,-4103,,1,1,0,1,0,0,Core staff,3.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Kindergarten,0.4601615814186104,0.5973283861992881,0.520897599048938,0.0979,0.0522,0.993,0.9048,,0.08,0.069,0.375,0.4167,0.0451,0.0799,0.0614,,0.0221,0.0945,0.0542,0.9921,0.8955,,0.0806,0.069,0.375,0.4167,0.0368,0.0826,0.0616,,0.0,0.0989,0.0522,0.993,0.9061,,0.08,0.069,0.375,0.4167,0.0459,0.0812,0.0625,,0.0226,not specified,block of flats,0.0765,"Stone, brick",No,2.0,0.0,2.0,0.0,-680.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +1284320,364825,Consumer loans,4542.255,83245.5,100827.0,0.0,83245.5,FRIDAY,15,Y,1,0.0,,,XAP,Approved,-616,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Regional / Local,100,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-584.0,106.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,36000.0,161730.0,6979.5,135000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-21738,365243,-9774.0,-3976,,1,0,0,1,1,0,,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,XNA,,0.6481212136153349,0.7180328113294772,0.0309,,0.9841,,,0.0,0.069,0.1667,,0.0167,,0.0148,,0.0415,0.0315,,0.9841,,,0.0,0.069,0.1667,,0.0171,,0.0154,,0.0439,0.0312,,0.9841,,,0.0,0.069,0.1667,,0.017,,0.015,,0.0424,,block of flats,0.0206,Panel,No,1.0,1.0,1.0,1.0,-616.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1113381,105538,Consumer loans,6026.805,61605.0,55444.5,6160.5,61605.0,THURSDAY,12,Y,1,0.1089090909090909,,,XAP,Approved,-2456,Cash through the bank,XAP,Other_B,New,Consumer Electronics,POS,XNA,Stone,950,Consumer electronics,12.0,high,POS household with interest,,,,,,,0,Revolving loans,F,N,Y,1,144000.0,450000.0,22500.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-15329,-4720,-3942.0,-5157,,1,1,0,1,0,0,Laborers,3.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Electricity,0.6848109344030056,0.6341810416708935,0.2910973802776635,0.0928,,0.9791,,,0.0,0.2069,0.1667,,0.0,,0.0816,,,0.0945,,0.9791,,,0.0,0.2069,0.1667,,0.0,,0.085,,,0.0937,,0.9791,,,0.0,0.2069,0.1667,,0.0,,0.0831,,,,block of flats,0.0881,Panel,No,0.0,0.0,0.0,0.0,-2456.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,0.0,1.0,2.0 +2229757,361101,Consumer loans,5145.255,28926.0,25636.5,4500.0,28926.0,SUNDAY,12,Y,1,0.16262369853530068,,,XAP,Approved,-2803,XNA,XAP,,New,Mobile,POS,XNA,Stone,15,Connectivity,6.0,high,POS mobile with interest,365243.0,-2762.0,-2612.0,-2612.0,-2579.0,1.0,0,Cash loans,M,Y,N,0,157500.0,1080000.0,35694.0,1080000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.0105,-17313,-610,-8876.0,-371,25.0,1,1,0,1,0,0,Drivers,2.0,3,3,TUESDAY,14,0,0,0,0,0,0,Transport: type 4,,0.17335445763360827,0.28371188263500075,,,0.9762,,,,,,,,,0.053,,,,,0.9762,,,,,,,,,0.0552,,,,,0.9762,,,,,,,,,0.054000000000000006,,,,,0.0417,,No,0.0,0.0,0.0,0.0,-246.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2315291,222921,Cash loans,21501.945,454500.0,517495.5,,454500.0,FRIDAY,17,Y,1,,,,XNA,Approved,-412,XNA,XAP,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,42.0,middle,Cash X-Sell: middle,365243.0,-382.0,848.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,1,225000.0,630747.0,26644.5,544500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-17405,-1313,-9709.0,-933,,1,1,0,1,1,0,Accountants,3.0,1,1,THURSDAY,17,0,0,0,0,0,0,Business Entity Type 3,,0.7498566009189069,,0.0309,0.0,0.9727,,,0.0,0.1379,0.0833,,0.0507,,0.0299,,0.0,0.0315,0.0,0.9727,,,0.0,0.1379,0.0833,,0.0519,,0.0311,,0.0,0.0312,0.0,0.9727,,,0.0,0.1379,0.0833,,0.0516,,0.0304,,0.0,,block of flats,0.0319,"Stone, brick",No,3.0,0.0,3.0,0.0,-559.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1925464,203783,Consumer loans,9730.755,188325.0,188325.0,0.0,188325.0,FRIDAY,11,Y,1,0.0,,,XAP,Approved,-606,Cash through the bank,XAP,,Repeater,Vehicles,POS,XNA,Stone,35,Industry,24.0,low_normal,POS other with interest,365243.0,-575.0,115.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,247500.0,755190.0,36459.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-12642,-1490,-5879.0,-4596,,1,1,0,1,0,0,High skill tech staff,2.0,2,2,TUESDAY,12,0,0,0,0,1,1,Industry: type 7,0.1780295935690835,0.6695753017808732,0.17982176508970435,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-844.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2313093,107176,Revolving loans,22500.0,0.0,450000.0,,,SATURDAY,10,Y,1,,,,XAP,Approved,-852,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-850.0,-804.0,365243.0,-347.0,365243.0,0.0,0,Cash loans,M,N,Y,0,315000.0,485640.0,39069.0,450000.0,Unaccompanied,Commercial associate,Higher education,Married,With parents,0.035792000000000004,-18885,-3780,-1232.0,-2422,,1,1,0,1,0,0,Managers,2.0,2,2,THURSDAY,16,0,0,0,0,1,1,Construction,,0.6706194879225166,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-999.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,10.0,0.0,2.0 +1522579,298234,Cash loans,15200.19,247500.0,336361.5,,247500.0,THURSDAY,11,Y,1,,,,XNA,Approved,-892,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-862.0,188.0,-472.0,-469.0,1.0,0,Cash loans,F,Y,Y,1,81000.0,634482.0,18679.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-15346,-1476,-2867.0,-4888,13.0,1,1,0,1,0,0,Laborers,3.0,2,2,SUNDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.7707348485050982,0.3043394183233762,0.6801388218428291,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1315.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1374324,127704,Consumer loans,5756.4,24705.0,20205.0,4500.0,24705.0,SUNDAY,17,Y,1,0.1983772147706573,,,XAP,Approved,-2571,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,14,Connectivity,4.0,low_normal,POS mobile with interest,365243.0,-2530.0,-2440.0,-2440.0,-2431.0,0.0,0,Cash loans,F,Y,Y,2,90000.0,808650.0,26217.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-13929,-1386,-192.0,-4523,28.0,1,1,0,1,0,0,Medicine staff,4.0,2,2,TUESDAY,11,0,0,0,0,0,0,Other,0.674573481039947,0.6939666492846559,0.6769925032909132,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-2276.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2391721,374380,Consumer loans,25041.555,305325.0,244260.0,61065.0,305325.0,SUNDAY,12,Y,1,0.2178181818181818,,,XAP,Approved,-500,Cash through the bank,XAP,,New,Furniture,POS,XNA,Stone,60,Furniture,12.0,middle,POS industry with interest,365243.0,-468.0,-138.0,-168.0,-164.0,0.0,0,Cash loans,M,Y,Y,0,157500.0,1078200.0,34911.0,900000.0,Unaccompanied,State servant,Higher education,Civil marriage,House / apartment,0.011703,-20131,-742,-671.0,-3235,0.0,1,1,0,1,0,0,Drivers,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Medicine,,0.7236282752084172,0.5388627065779676,0.1155,0.1255,0.9811,0.7416,,0.0,0.2759,0.1667,0.0417,0.1586,0.0941,0.0702,,0.0363,0.1176,0.1303,0.9811,0.7517,,0.0,0.2759,0.1667,0.0417,0.1622,0.1028,0.0732,,0.0384,0.1166,0.1255,0.9811,0.7451,,0.0,0.2759,0.1667,0.0417,0.1614,0.0958,0.0715,,0.037000000000000005,reg oper spec account,block of flats,0.0827,Panel,No,1.0,0.0,1.0,0.0,-500.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1485472,217899,Consumer loans,5440.68,32125.5,32755.5,5130.0,32125.5,WEDNESDAY,11,Y,1,0.14747162802751346,,,XAP,Approved,-1471,XNA,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,8.0,high,POS mobile with interest,365243.0,-1440.0,-1230.0,-1230.0,-1222.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,144000.0,14373.0,144000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-19867,-147,-10473.0,-3401,9.0,1,1,1,1,1,0,Drivers,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.6082029419541076,0.4668640059537032,0.0082,0.0093,0.9722,0.6192,,,0.069,0.0417,,,0.0059,0.0068,0.0039,0.0039,0.0084,0.0096,0.9722,0.6341,,,0.069,0.0417,,,0.0064,0.0071,0.0039,0.0041,0.0083,0.0093,0.9722,0.6243,,,0.069,0.0417,,,0.006,0.0069,0.0039,0.0039,reg oper account,block of flats,0.0062,"Stone, brick",No,0.0,0.0,0.0,0.0,-1577.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1197345,125079,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SATURDAY,11,Y,1,,,,XAP,Refused,-110,XNA,HC,Unaccompanied,Repeater,XNA,Cards,walk-in,Stone,200,Consumer electronics,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,Y,Y,0,112950.0,562491.0,27189.0,454500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0228,-16300,-3273,-7841.0,-5131,8.0,1,1,0,1,0,0,Medicine staff,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,Kindergarten,0.32176116987464903,0.3976520587459761,0.03414688565772187,0.0495,0.051,0.9771,0.6872,0.0046,0.0,0.1379,0.125,0.0417,0.0,0.0403,0.0406,0.0,0.0,0.0504,0.053,0.9772,0.6994,0.0047,0.0,0.1379,0.125,0.0417,0.0,0.0441,0.0423,0.0,0.0,0.05,0.051,0.9771,0.6914,0.0046,0.0,0.1379,0.125,0.0417,0.0,0.041,0.0413,0.0,0.0,reg oper account,block of flats,0.0344,"Stone, brick",No,3.0,0.0,3.0,0.0,-2296.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2425724,242648,Cash loans,6121.845,90000.0,127246.5,,90000.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-284,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-254.0,796.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,67500.0,71316.0,4770.0,63000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018209,-19047,-3682,-11685.0,-2594,,1,1,0,1,0,0,Cooking staff,2.0,3,3,SUNDAY,8,0,0,0,0,1,1,School,,0.3255071658240385,0.6512602186973006,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-337.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1884850,303407,Cash loans,51465.195,810000.0,893398.5,,810000.0,SUNDAY,10,Y,1,,,,XNA,Approved,-826,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash X-Sell: high,365243.0,-796.0,254.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,3,135000.0,805536.0,32076.0,720000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.011703,-13377,-2629,-7500.0,-2133,19.0,1,1,0,1,1,1,Laborers,5.0,2,2,SUNDAY,10,0,0,0,0,0,0,Industry: type 4,0.7554066048651111,0.381981814752674,0.4066174366275036,0.1485,0.0,0.9886,0.8436,,0.16,0.1379,0.3333,0.375,0.0689,0.0,0.1725,0.0,0.0019,0.1513,0.0,0.9886,0.8497,,0.1611,0.1379,0.3333,0.375,0.0705,0.0,0.1797,0.0,0.002,0.1499,0.0,0.9886,0.8457,,0.16,0.1379,0.3333,0.375,0.0701,0.0,0.1756,0.0,0.0019,reg oper account,block of flats,0.1568,Panel,No,0.0,0.0,0.0,0.0,-1561.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,3.0 +1726857,250549,Consumer loans,9400.14,77310.0,77310.0,0.0,77310.0,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-179,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,12.0,high,POS mobile with interest,365243.0,-129.0,201.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,180000.0,970380.0,31302.0,810000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.028663,-11146,-337,-3812.0,-3620,,1,1,0,1,1,0,Laborers,1.0,2,2,WEDNESDAY,15,0,1,1,0,0,0,Business Entity Type 3,,0.2349126420897769,0.3539876078507373,0.0175,0.0118,0.9722,0.6124,0.0073,0.0,0.069,0.0833,0.125,0.063,0.0118,0.0194,0.0116,0.0209,0.0179,0.0123,0.9722,0.6276,0.0073,0.0,0.069,0.0833,0.125,0.0644,0.0129,0.0203,0.0117,0.0221,0.0177,0.0118,0.9722,0.6176,0.0073,0.0,0.069,0.0833,0.125,0.0641,0.012,0.0198,0.0116,0.0213,reg oper account,block of flats,0.0238,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +2161764,394801,Revolving loans,6750.0,135000.0,135000.0,,135000.0,THURSDAY,7,Y,1,,,,XAP,Approved,-824,XNA,XAP,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,-161.0,0.0,0,Cash loans,F,N,Y,0,270000.0,2156400.0,59431.5,1800000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018029,-21368,-8158,-3042.0,-2453,,1,1,0,1,0,0,Managers,2.0,3,3,TUESDAY,10,0,0,0,0,1,1,Business Entity Type 3,,0.6364913012802964,0.6430255641096323,,,0.9906,,,,,,,,,,,,,,0.9906,,,,,,,,,,,,,,0.9906,,,,,,,,,,,,,block of flats,0.0786,"Stone, brick",No,2.0,0.0,2.0,0.0,-1500.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1972919,315819,Consumer loans,12648.24,243207.0,280449.0,0.0,243207.0,FRIDAY,15,Y,1,0.0,,,XAP,Approved,-1705,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,2600,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1674.0,-984.0,-984.0,-982.0,0.0,0,Cash loans,F,N,Y,0,171000.0,491031.0,38128.5,463500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-22696,365243,-11646.0,-4274,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,XNA,,0.5928285131871741,0.7922644738669378,0.0732,0.0428,0.9836,,,0.08,0.069,0.3333,,0.08199999999999999,,0.046,,,0.0746,0.0444,0.9836,,,0.0806,0.069,0.3333,,0.0839,,0.0479,,,0.0739,0.0428,0.9836,,,0.08,0.069,0.3333,,0.0835,,0.0468,,,,block of flats,0.0593,Panel,No,9.0,0.0,9.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,0.0 +1742278,270890,Cash loans,45636.525,1129500.0,1227901.5,,1129500.0,WEDNESDAY,10,Y,1,,,,XNA,Refused,-190,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,292500.0,1201891.5,47794.5,1030500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.072508,-22682,365243,-10961.0,-4803,,1,0,0,1,1,0,,1.0,1,1,THURSDAY,13,0,0,0,0,0,0,XNA,,0.6906220178582978,0.5406544504453575,0.4433,0.2952,0.9781,0.7008,0.0,0.48,0.4138,0.3333,0.375,0.0523,0.3614,0.4139,0.0,0.0166,0.4517,0.3063,0.9782,0.7125,0.0,0.4834,0.4138,0.3333,0.375,0.0535,0.3949,0.4313,0.0,0.0176,0.4476,0.2952,0.9781,0.7048,0.0,0.48,0.4138,0.3333,0.375,0.0532,0.3677,0.4214,0.0,0.0169,reg oper account,block of flats,0.3292,Panel,No,0.0,0.0,0.0,0.0,-314.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,9.0 +1510613,227638,Cash loans,26729.415,382500.0,417843.0,,382500.0,MONDAY,6,Y,1,,,,XNA,Approved,-900,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-870.0,-180.0,-450.0,-434.0,1.0,1,Cash loans,F,N,N,0,247500.0,585000.0,35919.0,585000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0038130000000000004,-19001,-1716,-9351.0,-2312,,1,1,0,1,1,0,Sales staff,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Self-employed,,0.2918769477534616,0.5136937663039473,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-900.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1328345,242033,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,12,Y,1,,,,XAP,Approved,-414,XNA,XAP,,New,XNA,Cards,walk-in,Country-wide,23,Connectivity,0.0,XNA,Card Street,-413.0,-372.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,45000.0,113760.0,7087.5,90000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.011703,-20401,365243,-7058.0,-3950,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,XNA,,0.5851634135399967,0.7850520263728172,0.0722,0.0828,0.9786,,,0.0,0.1379,0.1667,,,,0.0667,,0.0,0.0735,0.0859,0.9786,,,0.0,0.1379,0.1667,,,,0.0695,,0.0,0.0729,0.0828,0.9786,,,0.0,0.1379,0.1667,,,,0.0679,,0.0,,block of flats,0.0568,"Stone, brick",No,0.0,0.0,0.0,0.0,-364.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2669796,100627,Consumer loans,13425.165,204777.0,204777.0,0.0,204777.0,FRIDAY,17,Y,1,0.0,,,XAP,Approved,-596,Cash through the bank,XAP,,New,Construction Materials,POS,XNA,Regional / Local,80,Construction,18.0,low_normal,POS industry with interest,365243.0,-560.0,-50.0,-500.0,-489.0,0.0,0,Cash loans,F,N,Y,0,162000.0,874152.0,46701.0,810000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.072508,-15061,-8294,-9065.0,-3922,,1,1,0,1,1,0,Laborers,2.0,1,1,SATURDAY,9,0,0,0,0,0,0,Business Entity Type 2,,0.7299545724218648,,0.1732,0.094,0.9826,0.762,0.0591,0.24,0.1034,0.4583,0.5,0.1428,0.1412,0.1188,0.0,0.0028,0.1765,0.0976,0.9826,0.7713,0.0597,0.2417,0.1034,0.4583,0.5,0.146,0.1543,0.1238,0.0,0.003,0.1749,0.094,0.9826,0.7652,0.0595,0.24,0.1034,0.4583,0.5,0.1453,0.1437,0.1209,0.0,0.0029,reg oper account,block of flats,0.1458,Panel,No,0.0,0.0,0.0,0.0,-596.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1617282,178371,Cash loans,11391.57,157500.0,213966.0,,157500.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-821,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,365243.0,-791.0,79.0,-491.0,-488.0,1.0,0,Cash loans,F,N,Y,0,157500.0,700830.0,20619.0,585000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.019101,-18204,-3863,-3364.0,-1182,,1,1,0,1,0,0,,2.0,2,2,FRIDAY,12,0,0,0,0,1,1,Business Entity Type 3,,0.3599930843395502,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2134606,389757,Revolving loans,3375.0,67500.0,67500.0,,67500.0,MONDAY,8,Y,1,,,,XAP,Approved,-256,XNA,XAP,Unaccompanied,Refreshed,XNA,Cards,x-sell,AP+ (Cash loan),5,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,72000.0,138474.0,10845.0,126000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.007120000000000001,-19569,-5687,-7232.0,-3035,,1,1,0,1,0,0,Laborers,1.0,2,2,FRIDAY,8,0,0,0,0,0,0,Business Entity Type 3,,0.7114414657826349,0.7281412993111438,0.1309,,0.9816,,,0.0,0.2759,0.1667,,,,0.1213,,0.0079,0.1334,,0.9816,,,0.0,0.2759,0.1667,,,,0.1264,,0.0084,0.1322,,0.9816,,,0.0,0.2759,0.1667,,,,0.1235,,0.0081,,block of flats,0.0967,Block,No,0.0,0.0,0.0,0.0,-2707.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1587725,320546,Cash loans,15187.05,180000.0,262035.0,,180000.0,WEDNESDAY,17,Y,1,,,,XNA,Refused,-1433,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),-1,XNA,36.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,Y,Y,0,202500.0,555273.0,16366.5,463500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.010147,-19957,-1652,-13827.0,-2244,64.0,1,1,0,1,0,0,High skill tech staff,1.0,2,2,MONDAY,10,0,0,0,0,0,0,Business Entity Type 2,0.7140326406916321,0.5201419546626572,0.30620229831350426,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,2.0,0.0,-1714.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +2387408,210514,Revolving loans,2250.0,45000.0,45000.0,,45000.0,THURSDAY,10,Y,1,,,,XAP,Approved,-261,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-260.0,-186.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,269550.0,20988.0,225000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.005084,-16779,-574,-2453.0,-305,5.0,1,1,0,1,0,0,Drivers,2.0,2,2,SATURDAY,16,0,0,0,0,1,1,Transport: type 3,,0.12212849248232098,0.5726825047161584,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-7.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1135249,138297,Consumer loans,5389.92,25605.0,27634.5,0.0,25605.0,FRIDAY,13,Y,1,0.0,,,XAP,Approved,-122,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Regional / Local,40,Consumer electronics,6.0,middle,POS household with interest,365243.0,-92.0,58.0,365243.0,365243.0,1.0,0,Cash loans,M,N,N,0,157500.0,1062027.0,37755.0,886500.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.005084,-11522,-2801,-1029.0,-3469,,1,1,0,1,0,0,,2.0,2,2,MONDAY,15,0,0,0,1,1,0,Government,0.14170418140941332,0.6543839990713856,0.2925880073368475,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2797.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1036735,269786,Consumer loans,13784.58,67500.0,75154.5,0.0,67500.0,FRIDAY,14,Y,1,0.0,,,XAP,Refused,-251,Cash through the bank,HC,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,80,Furniture,6.0,middle,POS industry with interest,,,,,,,0,Cash loans,F,N,Y,0,288000.0,835605.0,27085.5,697500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.031329,-19797,-4403,-1024.0,-1700,,1,1,0,1,0,0,Cooking staff,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.4792232503530309,0.4578995512067301,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-742.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1883284,379149,Consumer loans,12538.935,208710.0,262431.0,0.0,208710.0,FRIDAY,7,Y,1,0.0,,,XAP,Refused,-286,Cash through the bank,HC,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,260,Consumer electronics,36.0,middle,POS household with interest,,,,,,,0,Cash loans,M,Y,Y,1,292500.0,194076.0,17928.0,162000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.0038130000000000004,-13718,-488,-11722.0,-48,25.0,1,1,0,1,0,0,Laborers,3.0,2,2,THURSDAY,12,0,1,1,0,1,1,Construction,,0.014521063879199676,0.3139166772114369,0.0897,0.0946,0.9841,,,,,0.1667,,,,0.0839,,0.0165,0.0914,0.0982,0.9841,,,,,0.1667,,,,0.0874,,0.0174,0.0906,0.0946,0.9841,,,,,0.1667,,,,0.0854,,0.0168,,block of flats,0.0696,Panel,No,3.0,0.0,3.0,0.0,-1493.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1617356,324396,Cash loans,12864.69,135000.0,148365.0,0.0,135000.0,MONDAY,13,Y,1,0.0,,,XNA,Approved,-1805,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,,,,,,,1,Cash loans,M,N,N,2,234000.0,646920.0,25065.0,540000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00702,-13829,-5412,-428.0,-36,,1,1,0,1,0,0,Core staff,4.0,2,2,SUNDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.5968286092646449,0.807273923277881,0.0825,0.0727,0.9742,0.6464,0.0095,0.0,0.1379,0.1667,0.0417,0.0359,0.0672,0.071,0.0,0.0,0.084,0.0755,0.9742,0.6602,0.0096,0.0,0.1379,0.1667,0.0417,0.0366,0.0735,0.0739,0.0,0.0,0.0833,0.0727,0.9742,0.6511,0.0096,0.0,0.1379,0.1667,0.0417,0.0365,0.0684,0.0723,0.0,0.0,reg oper account,block of flats,0.0558,Panel,No,5.0,0.0,5.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2560726,101316,Cash loans,5823.585,45000.0,47970.0,,45000.0,THURSDAY,9,Y,1,,,,Repairs,Approved,-606,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Country-wide,30,Connectivity,12.0,high,Cash Street: high,365243.0,-576.0,-246.0,-456.0,-428.0,1.0,0,Cash loans,F,N,Y,0,45000.0,254700.0,14751.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.009175,-23815,365243,-188.0,-4386,,1,0,0,1,0,0,,2.0,2,2,MONDAY,10,0,0,0,0,0,0,XNA,,0.608734322496226,0.6347055309763198,0.1433,0.0965,0.9791,,,0.0,0.069,0.1667,,0.1169,,0.0793,,0.0204,0.146,0.1001,0.9782,,,0.0,0.069,0.1667,,0.1196,,0.0821,,0.0216,0.1447,0.0965,0.9791,,,0.0,0.069,0.1667,,0.1189,,0.0807,,0.0209,,block of flats,0.062,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1854006,110592,Consumer loans,8374.185,76135.5,75307.5,7614.0,76135.5,TUESDAY,13,Y,1,0.100002269397179,,,XAP,Approved,-2516,Cash through the bank,XAP,Family,New,Photo / Cinema Equipment,POS,XNA,Country-wide,40,Connectivity,12.0,high,POS mobile with interest,365243.0,-2485.0,-2155.0,-2155.0,-2133.0,1.0,0,Cash loans,F,Y,N,1,112500.0,640080.0,29839.5,450000.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,House / apartment,0.007305,-11208,-2905,-724.0,-825,4.0,1,1,1,1,1,0,Core staff,2.0,3,3,FRIDAY,7,0,0,0,0,0,0,Government,0.6203986463639973,0.4240415146092095,,,,0.9732,,,,,,,,,0.0019,,,,,0.9732,,,,,,,,,0.002,,,,,0.9732,,,,,,,,,0.002,,,,,0.0018,,No,0.0,0.0,0.0,0.0,-2516.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1136810,336320,Revolving loans,11250.0,0.0,225000.0,,,SATURDAY,15,Y,1,,,,XAP,Approved,-860,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-820.0,-789.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,202500.0,810571.5,34470.0,724500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018634,-18527,-1441,-5641.0,-2079,,1,1,0,1,0,0,Core staff,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Construction,0.5723575646296435,0.4275273843285271,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-21.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1542483,384426,Consumer loans,10537.2,125145.0,125145.0,0.0,125145.0,MONDAY,8,Y,1,0.0,,,XAP,Approved,-1615,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,717,Consumer electronics,18.0,high,POS household with interest,365243.0,-1584.0,-1074.0,-1074.0,-1070.0,0.0,0,Cash loans,F,N,Y,0,135000.0,342000.0,11052.0,342000.0,Family,Pensioner,Secondary / secondary special,Separated,House / apartment,0.018209,-19585,365243,-10650.0,-1622,,1,0,0,1,0,0,,1.0,3,3,SATURDAY,7,0,0,0,0,0,0,XNA,0.11197416011619726,0.4080093897452581,0.13680052191177486,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1906.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2216414,196324,Cash loans,16632.405,135000.0,162315.0,,135000.0,WEDNESDAY,12,Y,1,,,,XNA,Approved,-1206,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1176.0,-846.0,-1086.0,-1083.0,1.0,1,Cash loans,F,Y,N,0,157500.0,1024740.0,52452.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,With parents,0.01885,-12901,-791,-5182.0,-5288,7.0,1,1,0,1,0,0,,2.0,2,2,FRIDAY,11,0,0,0,0,1,1,Business Entity Type 2,0.6094269088608351,0.6454284843078232,0.2418614865234661,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2019799,377994,Cash loans,17717.4,270000.0,270000.0,0.0,270000.0,WEDNESDAY,11,Y,1,0.0,,,XNA,Refused,-2660,XNA,SCO,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,24.0,middle,Cash Street: middle,,,,,,,0,Cash loans,M,N,Y,0,90000.0,271957.5,20461.5,252000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018801,-22329,365243,-2875.0,-4643,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,7,0,0,0,0,0,0,XNA,,0.5253683451589741,0.7338145369642702,0.0928,0.0821,0.9821,0.7552,0.0377,0.0,0.2069,0.1667,0.2083,0.0383,0.0756,0.078,0.0,0.0,0.0945,0.0852,0.9821,0.7648,0.0381,0.0,0.2069,0.1667,0.2083,0.0392,0.0826,0.0813,0.0,0.0,0.0937,0.0821,0.9821,0.7585,0.038,0.0,0.2069,0.1667,0.2083,0.039,0.077,0.0794,0.0,0.0,reg oper account,block of flats,0.08199999999999999,Panel,No,2.0,0.0,2.0,0.0,-415.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2317717,439870,Cash loans,45336.78,765000.0,870021.0,,765000.0,TUESDAY,6,Y,1,,,,XNA,Approved,-573,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,high,Cash X-Sell: high,365243.0,-543.0,867.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,1,135000.0,351792.0,17055.0,252000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.008068,-9284,-1429,-2979.0,-986,24.0,1,1,0,1,0,0,Core staff,3.0,3,3,MONDAY,10,0,0,0,0,0,0,Postal,0.208675915282282,0.2308537519257081,0.33928769990891394,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-890.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2784083,121212,Consumer loans,10453.41,80986.5,101097.0,0.0,80986.5,THURSDAY,9,Y,1,0.0,,,XAP,Approved,-516,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Stone,142,Consumer electronics,12.0,middle,POS household with interest,365243.0,-485.0,-155.0,-155.0,-149.0,0.0,1,Cash loans,M,N,N,0,112500.0,495000.0,19179.0,495000.0,Group of people,Working,Secondary / secondary special,Single / not married,House / apartment,0.020246,-12537,-931,-2360.0,-5070,,1,1,0,1,0,0,Laborers,1.0,3,3,MONDAY,13,0,0,0,0,0,0,Self-employed,,0.00923538527926385,0.5797274227921155,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,2.0,2.0,1.0,-516.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2832205,446109,Revolving loans,22500.0,450000.0,450000.0,,450000.0,FRIDAY,13,Y,1,,,,XAP,Approved,-208,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),3,XNA,0.0,XNA,Card X-Sell,-205.0,-131.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,N,2,67500.0,441000.0,16623.0,441000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-14916,-1300,-3641.0,-4282,20.0,1,1,1,1,1,0,Cooking staff,4.0,2,2,TUESDAY,16,0,0,0,1,1,1,Business Entity Type 3,0.3899705622208922,0.4580168062043187,0.6212263380626669,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-851.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1419796,155168,Revolving loans,6750.0,0.0,135000.0,,,SUNDAY,9,Y,1,,,,XAP,Approved,-589,XNA,XAP,,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),3,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,Y,Y,0,202500.0,1575000.0,64147.5,1575000.0,Family,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.025164,-14332,-1451,-4549.0,-5841,4.0,1,1,1,1,1,0,Laborers,1.0,2,2,MONDAY,12,0,0,0,0,0,0,Self-employed,,0.423747801525798,0.6528965519806539,0.1031,0.0962,0.9811,0.7348,0.0,0.0,0.1379,0.1667,0.2083,,0.0841,0.0884,0.0,0.0,0.105,0.0998,0.9811,0.7452,0.0,0.0,0.1379,0.1667,0.2083,,0.0918,0.0921,0.0,0.0,0.1041,0.0962,0.9811,0.7383,0.0,0.0,0.1379,0.1667,0.2083,,0.0855,0.09,0.0,0.0,reg oper spec account,block of flats,0.0695,"Stone, brick",No,1.0,1.0,1.0,1.0,-1818.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +2793356,225407,Consumer loans,6500.97,56655.0,54918.0,13005.0,56655.0,TUESDAY,10,Y,1,0.20852475998891795,,,XAP,Approved,-1836,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,80,Connectivity,12.0,high,POS mobile with interest,365243.0,-1805.0,-1475.0,-1475.0,-1467.0,0.0,0,Cash loans,F,N,N,0,135000.0,942300.0,27679.5,675000.0,Family,State servant,Secondary / secondary special,Married,House / apartment,0.010276,-18425,-338,-6435.0,-1960,,1,1,0,1,0,0,Accountants,2.0,2,2,THURSDAY,10,0,0,0,0,1,1,Self-employed,,0.21935527204912764,0.4920600938649263,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1836.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2065780,408958,Revolving loans,20250.0,405000.0,405000.0,,405000.0,MONDAY,9,Y,1,,,,XAP,Approved,-278,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-256.0,-206.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,135000.0,573408.0,31234.5,495000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.018029,-13571,-1964,-6696.0,-1948,,1,1,0,1,0,0,Waiters/barmen staff,2.0,3,3,THURSDAY,10,0,0,0,0,0,0,Restaurant,,0.2774387207675923,0.5531646987710016,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-243.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2607864,240141,Consumer loans,16691.13,164691.0,178821.0,0.0,164691.0,TUESDAY,19,Y,1,0.0,,,XAP,Approved,-415,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Country-wide,1455,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-384.0,-54.0,-204.0,-200.0,0.0,0,Cash loans,F,Y,N,0,360000.0,1090350.0,60885.0,1030500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-18157,-516,-2498.0,-1065,2.0,1,1,1,1,0,0,Sales staff,2.0,1,1,THURSDAY,19,0,0,0,0,1,1,Self-employed,,0.7409556857285919,0.5334816299804352,0.0247,0.0752,0.9588,,,,0.1379,0.0833,,0.0,,0.0277,,0.0,0.0252,0.078,0.9588,,,,0.1379,0.0833,,0.0,,0.0289,,0.0,0.025,0.0752,0.9588,,,,0.1379,0.0833,,0.0,,0.0282,,0.0,,block of flats,0.028,"Stone, brick",No,0.0,0.0,0.0,0.0,-415.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +2700528,146879,Consumer loans,3691.89,17955.0,17955.0,0.0,17955.0,SUNDAY,11,Y,1,0.0,,,XAP,Approved,-293,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,6.0,high,POS mobile with interest,365243.0,-240.0,-90.0,-180.0,-174.0,0.0,0,Cash loans,F,N,Y,0,166500.0,942300.0,30528.0,675000.0,Unaccompanied,State servant,Secondary / secondary special,Civil marriage,House / apartment,0.011703,-15361,-912,-1803.0,-4596,,1,1,0,1,0,0,Core staff,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,Kindergarten,,0.6359497615147532,0.656158373001177,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1127.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,3.0 +1352563,276799,Consumer loans,,120208.725,120208.725,0.0,120208.725,FRIDAY,15,Y,1,0.0,,,XAP,Refused,-972,Cash through the bank,SCO,,Repeater,Mobile,XNA,XNA,Country-wide,49,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,M,Y,Y,0,675000.0,1928304.0,73579.5,1800000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,Co-op apartment,0.019688999999999998,-11973,-1770,-5406.0,-3843,7.0,1,1,0,1,0,0,Managers,1.0,2,2,THURSDAY,17,0,0,0,0,0,0,Self-employed,,0.6693139933744708,0.5172965813614878,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,14.0,0.0,14.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2242833,283291,Consumer loans,6974.37,105718.5,115236.0,10575.0,105718.5,MONDAY,14,Y,1,0.09154315889418542,,,XAP,Approved,-792,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,1300,Consumer electronics,24.0,middle,POS household with interest,365243.0,-761.0,-71.0,-611.0,-604.0,0.0,0,Cash loans,M,Y,Y,2,360000.0,573408.0,35208.0,495000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.032561,-12422,-2228,-778.0,-4710,2.0,1,1,0,1,1,0,Laborers,4.0,1,1,TUESDAY,19,0,0,0,0,0,0,Business Entity Type 3,,0.5219264638699515,0.6577838002083306,0.1052,0.0745,0.9757,0.6668,0.0106,0.0,0.1724,0.1667,0.2083,0.1044,0.0841,0.0891,0.0077,0.0076,0.1071,0.0774,0.9757,0.6798,0.0107,0.0,0.1724,0.1667,0.2083,0.1068,0.0918,0.0928,0.0078,0.008,0.1062,0.0745,0.9757,0.6713,0.0107,0.0,0.1724,0.1667,0.2083,0.1062,0.0855,0.0907,0.0078,0.0077,reg oper account,block of flats,0.0717,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,3.0 +2033780,311620,Consumer loans,3276.135,27625.5,27324.0,2763.0,27625.5,FRIDAY,11,Y,1,0.10001522856443586,,,XAP,Approved,-2098,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,53,Connectivity,12.0,high,POS mobile with interest,365243.0,-2056.0,-1726.0,-1726.0,-1718.0,0.0,0,Cash loans,F,N,Y,1,157500.0,808650.0,26086.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.025164,-14863,-4766,-4581.0,-4727,,1,1,1,1,0,0,Medicine staff,2.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,Medicine,,0.453715362405236,0.5298898341969072,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2098.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1112433,286847,Cash loans,4317.975,67500.0,67500.0,,67500.0,TUESDAY,8,Y,1,,,,XNA,Approved,-758,XNA,XAP,Family,Repeater,XNA,Cash,x-sell,Country-wide,40,Connectivity,24.0,middle,Cash X-Sell: middle,365243.0,-728.0,-38.0,-458.0,-452.0,0.0,0,Revolving loans,F,N,N,2,45000.0,225000.0,11250.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.031329,-14189,-3648,-5027.0,-743,,1,1,0,1,0,0,Cleaning staff,4.0,2,2,THURSDAY,12,0,0,0,0,0,0,School,0.6295907500133159,0.6247764876834561,0.7194907850918436,0.0082,,0.9757,,,,0.069,0.0417,,,,0.0072,,0.0027,0.0084,,0.9757,,,,0.069,0.0417,,,,0.0075,,0.0029,0.0083,,0.9757,,,,0.069,0.0417,,,,0.0073,,0.0028,,block of flats,0.0062,Block,No,1.0,1.0,1.0,1.0,-922.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2415858,345152,Consumer loans,7341.885,139104.0,162972.0,0.0,139104.0,TUESDAY,15,Y,1,0.0,,,XAP,Approved,-750,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,600,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-719.0,-29.0,-29.0,-24.0,0.0,0,Cash loans,F,Y,Y,0,405000.0,1574788.5,43303.5,1233000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.072508,-21530,365243,-415.0,-4712,14.0,1,0,0,1,0,0,,2.0,1,1,WEDNESDAY,13,1,0,0,0,0,0,XNA,,0.4091454759294769,,0.1113,0.0707,0.9826,,,0.12,0.1034,0.3333,,0.0,,0.0734,,0.0,0.1134,0.0734,0.9826,,,0.1208,0.1034,0.3333,,0.0,,0.0765,,0.0,0.1124,0.0707,0.9826,,,0.12,0.1034,0.3333,,0.0,,0.0747,,0.0,,block of flats,0.0842,Panel,No,0.0,0.0,0.0,0.0,-196.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2454718,384409,Consumer loans,8321.4,58045.5,45000.0,13045.5,58045.5,THURSDAY,17,Y,1,0.2447689391002825,,,XAP,Refused,-517,Cash through the bank,LIMIT,,Repeater,Audio/Video,POS,XNA,Country-wide,85,Consumer electronics,6.0,middle,POS household with interest,,,,,,,0,Cash loans,M,Y,N,0,194121.0,1350000.0,48798.0,1350000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.030755,-14060,-948,-264.0,-4417,6.0,1,1,1,1,0,0,Managers,2.0,2,2,MONDAY,18,1,1,1,1,1,1,Trade: type 2,,0.599934444578664,0.6347055309763198,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-924.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1236752,301491,Consumer loans,5816.34,31680.0,28525.5,4500.0,31680.0,FRIDAY,20,Y,1,0.14839772572433693,,,XAP,Approved,-1506,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,31,Connectivity,6.0,high,POS mobile with interest,365243.0,-1454.0,-1304.0,-1304.0,-1294.0,0.0,0,Cash loans,F,N,N,0,117000.0,894766.5,34951.5,679500.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.006296,-12900,-103,-1661.0,-3686,,1,1,0,1,0,0,Cleaning staff,2.0,3,3,SATURDAY,10,0,0,0,0,0,0,Industry: type 9,0.03304858618500984,0.48446450161735705,0.3962195720630885,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1506.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,7.0,1.0 +1939875,348125,Consumer loans,17297.82,263686.5,263686.5,0.0,263686.5,THURSDAY,12,Y,1,0.0,,,XAP,Approved,-1356,Cash through the bank,XAP,Family,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,2000,Consumer electronics,18.0,low_normal,POS household with interest,365243.0,-1325.0,-815.0,-815.0,-807.0,0.0,0,Cash loans,F,N,N,0,225000.0,1011955.5,43006.5,904500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.007273999999999998,-18167,-2450,-418.0,-1702,,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,17,0,0,0,0,0,0,Self-employed,0.6620140950124552,0.7347125002498786,0.6785676886853644,0.0412,0.0,0.993,0.9048,0.0126,0.04,0.0345,0.2917,0.3333,,0.0336,0.0594,0.0,0.0,0.042,0.0,0.993,0.9085,0.0128,0.0403,0.0345,0.2917,0.3333,,0.0367,0.0619,0.0,0.0,0.0416,0.0,0.993,0.9061,0.0127,0.04,0.0345,0.2917,0.3333,,0.0342,0.0605,0.0,0.0,reg oper account,block of flats,0.0507,Monolithic,No,0.0,0.0,0.0,0.0,-1532.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1204187,171180,Consumer loans,4796.415,67455.0,35955.0,31500.0,67455.0,SUNDAY,14,Y,1,0.508581478561465,,,XAP,Refused,-2338,Cash through the bank,SCO,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,21,Connectivity,10.0,high,POS mobile with interest,,,,,,,0,Cash loans,M,N,N,0,202500.0,450000.0,20979.0,450000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.030755,-10187,-214,-4461.0,-2811,,1,1,0,1,0,0,,1.0,2,2,SUNDAY,10,0,0,0,0,0,0,Self-employed,,0.5288786508537544,0.5442347412142162,0.2062,0.2269,0.9757,,,0.0,0.3448,0.1667,,0.0574,,0.1857,,0.0,0.2101,0.2355,0.9757,,,0.0,0.3448,0.1667,,0.0587,,0.1934,,0.0,0.2082,0.2269,0.9757,,,0.0,0.3448,0.1667,,0.0584,,0.189,,0.0,,block of flats,0.192,"Stone, brick",No,0.0,0.0,0.0,0.0,-1174.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2464904,119783,Consumer loans,8201.565,73755.0,73755.0,0.0,73755.0,THURSDAY,12,Y,1,0.0,,,XAP,Approved,-1086,Cash through the bank,XAP,Unaccompanied,Repeater,Construction Materials,POS,XNA,Country-wide,75,Construction,10.0,low_normal,POS industry without interest,365243.0,-1054.0,-784.0,-874.0,-866.0,0.0,0,Cash loans,F,N,N,0,279000.0,643500.0,25650.0,643500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.010147,-21736,365243,-7925.0,-4950,,1,0,0,1,1,0,,1.0,2,2,FRIDAY,12,0,0,0,0,0,0,XNA,,0.6940641681709795,0.520897599048938,0.0691,0.0791,0.9752,0.66,,0.0,0.1379,0.1667,0.2083,0.0087,0.0538,0.0497,0.0116,0.0713,0.0704,0.08199999999999999,0.9752,0.6733,,0.0,0.1379,0.1667,0.2083,0.0089,0.0588,0.0518,0.0117,0.0755,0.0697,0.0791,0.9752,0.6645,,0.0,0.1379,0.1667,0.2083,0.0089,0.0547,0.0506,0.0116,0.0728,reg oper spec account,block of flats,0.0546,"Stone, brick",No,0.0,0.0,0.0,0.0,-2209.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1868812,304569,Consumer loans,2092.5,10530.0,12262.5,1053.0,10530.0,SUNDAY,14,Y,1,0.08612614826876405,,,XAP,Approved,-1133,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,50,Connectivity,8.0,high,POS mobile with interest,365243.0,-1102.0,-892.0,-922.0,-916.0,0.0,0,Cash loans,F,N,Y,0,112500.0,226422.0,10102.5,189000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.015221,-21834,365243,-13753.0,-4042,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,14,0,0,0,0,0,0,XNA,0.7443965932772242,0.6643635481428712,0.5424451438613613,0.0619,0.0643,0.9806,0.7348,0.0,0.0,0.1379,0.1667,0.2083,0.0502,0.0504,0.0543,0.0,0.0,0.063,0.0667,0.9806,0.7452,0.0,0.0,0.1379,0.1667,0.2083,0.0513,0.0551,0.0566,0.0,0.0,0.0625,0.0643,0.9806,0.7383,0.0,0.0,0.1379,0.1667,0.2083,0.051,0.0513,0.0553,0.0,0.0,reg oper account,block of flats,0.0471,Panel,No,0.0,0.0,0.0,0.0,-213.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2731081,241675,Consumer loans,24043.05,245442.78,240430.5,24546.78,245442.78,SATURDAY,12,Y,1,0.1008904421747198,,,XAP,Approved,-1431,XNA,XAP,Unaccompanied,New,Computers,POS,XNA,Regional / Local,900,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1397.0,-1067.0,-1067.0,-1059.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,526491.0,31482.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-19943,-2926,-47.0,-2951,19.0,1,1,0,1,0,0,Drivers,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Transport: type 4,,0.6124830398451773,0.8327850252992314,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1431.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1099752,182780,Consumer loans,3284.82,17055.0,16110.0,1705.5,17055.0,WEDNESDAY,13,Y,1,0.10426002893292607,,,XAP,Approved,-2137,XNA,XAP,,New,Mobile,POS,XNA,Country-wide,81,Connectivity,6.0,high,POS mobile with interest,365243.0,-2086.0,-1936.0,-1966.0,-1958.0,0.0,0,Cash loans,F,Y,Y,1,202500.0,254700.0,27558.0,225000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,Rented apartment,0.00733,-12629,-1800,-2635.0,-5018,7.0,1,1,0,1,0,0,Laborers,3.0,2,2,FRIDAY,17,0,1,1,0,0,0,Business Entity Type 3,0.36038157588128256,0.7266747434747208,0.6363761710860439,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1720457,142861,Consumer loans,11275.83,101070.0,115744.5,0.0,101070.0,SATURDAY,9,Y,1,0.0,,,XAP,Approved,-67,Cash through the bank,XAP,"Spouse, partner",Repeater,Auto Accessories,POS,XNA,Country-wide,130,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-37.0,293.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,0,202500.0,450000.0,30073.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,Rented apartment,0.014464,-10152,-223,-2547.0,-2814,7.0,1,1,0,1,1,0,Laborers,2.0,2,2,WEDNESDAY,11,0,0,0,1,1,0,Business Entity Type 3,0.10185023616217498,0.2126309529031175,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-208.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1414519,188119,Cash loans,27574.47,675000.0,767664.0,,675000.0,SUNDAY,11,Y,1,,,,XNA,Approved,-478,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-448.0,962.0,-268.0,-261.0,1.0,0,Cash loans,F,N,Y,0,135000.0,966555.0,51628.5,913500.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.02461,-22106,365243,-11568.0,-4494,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,18,0,0,0,0,0,0,XNA,,0.4513045452858517,,0.0649,0.0512,0.9841,0.7824,0.0346,0.04,0.0345,0.3333,0.375,0.0637,0.053,0.063,,0.0011,0.0662,0.0531,0.9841,0.7909,0.0349,0.0403,0.0345,0.3333,0.375,0.0651,0.0579,0.0656,,0.0012,0.0656,0.0512,0.9841,0.7853,0.0348,0.04,0.0345,0.3333,0.375,0.0648,0.0539,0.0641,,0.0011,reg oper account,block of flats,0.0687,Panel,No,0.0,0.0,0.0,0.0,-1238.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1569991,261477,Cash loans,19274.085,180000.0,243945.0,,180000.0,SATURDAY,12,Y,1,,,,XNA,Approved,-345,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-315.0,375.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,N,0,135000.0,332473.5,16299.0,274500.0,Unaccompanied,Working,Incomplete higher,Single / not married,House / apartment,0.035792000000000004,-9517,-456,-1770.0,-1761,13.0,1,1,0,1,0,0,IT staff,1.0,2,2,MONDAY,15,0,0,0,0,0,0,Hotel,,0.4868679541784362,0.7106743858828587,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-529.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +1302569,260708,Cash loans,30712.14,382500.0,409009.5,,382500.0,THURSDAY,16,Y,1,,,,XNA,Approved,-382,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-352.0,158.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,1,193500.0,1035832.5,33543.0,904500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-14120,-3318,-8118.0,-4612,11.0,1,1,0,1,0,0,,3.0,1,1,MONDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.8423929642233868,0.7698974493140622,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-382.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1837281,167046,Cash loans,16303.14,135000.0,161856.0,,135000.0,TUESDAY,9,Y,1,,,,XNA,Approved,-1278,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,N,0,202500.0,284400.0,16011.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-24379,365243,-12023.0,-4062,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,XNA,,0.5847652359463056,0.813917469762627,0.0825,,0.9757,,,0.0,0.1379,0.1667,,,,0.0639,,,0.084,,0.9757,,,0.0,0.1379,0.1667,,,,0.0666,,,0.0833,,0.9757,,,0.0,0.1379,0.1667,,,,0.0651,,,,block of flats,0.0548,"Stone, brick",No,0.0,0.0,0.0,0.0,-1278.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1443418,101208,Consumer loans,4629.42,26950.5,24250.5,2700.0,26950.5,SATURDAY,12,Y,1,0.1091091243036476,,,XAP,Approved,-1354,Cash through the bank,XAP,"Spouse, partner",New,Photo / Cinema Equipment,POS,XNA,Country-wide,210,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1323.0,-1173.0,-1173.0,-1170.0,0.0,0,Cash loans,M,N,Y,0,157500.0,284400.0,19134.0,225000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.015221,-13787,-2291,-6261.0,-4240,,1,1,1,1,1,0,Managers,2.0,2,2,TUESDAY,8,0,0,0,0,0,0,Agriculture,,0.5165441348364112,0.43473324875017305,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-144.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1687653,420788,Consumer loans,5183.145,46516.5,51430.5,0.0,46516.5,SUNDAY,17,Y,1,0.0,,,XAP,Approved,-400,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Country-wide,2500,Consumer electronics,12.0,middle,POS household with interest,365243.0,-369.0,-39.0,-249.0,-246.0,0.0,0,Cash loans,M,N,Y,0,99000.0,67765.5,7425.0,58500.0,Unaccompanied,Working,Lower secondary,Single / not married,House / apartment,0.009549,-8507,-596,-4917.0,-1091,,1,1,0,1,1,0,Laborers,1.0,2,2,MONDAY,17,0,0,0,0,1,1,Business Entity Type 3,0.13299284513785328,0.17702607496936265,,0.1113,0.0773,0.9925,0.898,0.0316,0.12,0.1034,0.3333,0.375,0.0406,0.0908,0.0925,0.0,0.0,0.1134,0.0802,0.9926,0.902,0.0319,0.1208,0.1034,0.3333,0.375,0.0416,0.0992,0.0964,0.0,0.0,0.1124,0.0773,0.9925,0.8994,0.0318,0.12,0.1034,0.3333,0.375,0.0413,0.0923,0.0942,0.0,0.0,reg oper spec account,block of flats,0.09,Panel,No,0.0,0.0,0.0,0.0,-70.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1474178,143448,Consumer loans,8505.72,86175.0,77557.5,8617.5,86175.0,SUNDAY,10,Y,1,0.1089090909090909,,,XAP,Approved,-1044,Cash through the bank,XAP,Unaccompanied,Refreshed,Consumer Electronics,POS,XNA,Stone,181,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-1009.0,-739.0,-739.0,-735.0,0.0,0,Cash loans,F,Y,Y,0,180000.0,1134000.0,33286.5,1134000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.019101,-18832,-1729,-12400.0,-2356,7.0,1,1,0,1,0,0,Sales staff,1.0,2,2,MONDAY,10,0,0,0,0,0,0,Trade: type 7,,0.6203678142359957,0.6577838002083306,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1044.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,3.0,4.0 +1848788,269713,Revolving loans,10125.0,202500.0,202500.0,,202500.0,WEDNESDAY,16,Y,1,,,,XAP,Approved,-300,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-281.0,-254.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,90000.0,149256.0,15808.5,135000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-19226,-4670,-9412.0,-2779,,1,1,0,1,0,0,Cleaning staff,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Other,0.7199070110725544,0.6314524762677924,0.7121551551910698,0.1546,,0.9826,,,0.0,0.2759,0.1667,,,,0.0845,,,0.1576,,0.9826,,,0.0,0.2759,0.1667,,,,0.0629,,,0.1561,,0.9826,,,0.0,0.2759,0.1667,,,,0.086,,,,block of flats,0.0874,Panel,No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2795612,408118,Cash loans,43195.5,1566000.0,1566000.0,,1566000.0,FRIDAY,11,Y,1,,,,XNA,Refused,-207,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,1,472500.0,900000.0,46084.5,900000.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.026392000000000002,-18073,-3147,-12051.0,-1618,3.0,1,1,0,1,0,1,Managers,3.0,2,2,TUESDAY,13,0,0,0,0,0,0,Self-employed,0.7203274661181202,0.6824669890740539,0.4471785780453068,0.0124,,0.9613,,,0.0,0.1034,0.0417,,,,0.0166,,0.0031,0.0126,,0.9613,,,0.0,0.1034,0.0417,,,,0.0173,,0.0033,0.0125,,0.9613,,,0.0,0.1034,0.0417,,,,0.0169,,0.0031,,block of flats,0.0137,"Stone, brick",No,1.0,0.0,1.0,0.0,-845.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1243127,257268,Consumer loans,13573.98,135000.0,121500.0,13500.0,135000.0,SUNDAY,10,Y,1,0.1089090909090909,,,XAP,Approved,-141,Cash through the bank,XAP,Family,Repeater,Vehicles,POS,XNA,Stone,20,Auto technology,10.0,low_normal,POS other with interest,365243.0,-111.0,159.0,-81.0,-78.0,0.0,0,Cash loans,M,N,Y,1,112500.0,101880.0,11101.5,90000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-9206,-988,-2469.0,-1886,,1,1,0,1,0,0,Laborers,3.0,2,2,MONDAY,17,0,0,0,0,0,0,Business Entity Type 3,,0.6234529391127784,0.5190973382084597,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-331.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1243035,196687,Consumer loans,7210.98,58005.0,72000.0,0.0,58005.0,SATURDAY,15,Y,1,0.0,,,XAP,Approved,-468,Cash through the bank,XAP,,Refreshed,Photo / Cinema Equipment,POS,XNA,Regional / Local,150,Consumer electronics,12.0,middle,POS household with interest,365243.0,-437.0,-107.0,-227.0,-222.0,0.0,0,Cash loans,M,Y,N,1,247500.0,1886850.0,52015.5,1575000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-11725,-903,-5714.0,-4322,16.0,1,1,0,1,0,0,Drivers,3.0,2,2,FRIDAY,14,0,0,0,0,1,1,Police,0.2606758370362797,0.7156029009057023,0.5919766183185521,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2159.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2539742,181303,Consumer loans,26551.8,405000.0,405000.0,0.0,405000.0,TUESDAY,14,Y,1,0.0,,,XAP,Approved,-350,Cash through the bank,XAP,,Repeater,Clothing and Accessories,POS,XNA,Stone,1,Clothing,18.0,low_normal,POS industry with interest,365243.0,-319.0,191.0,-229.0,-226.0,0.0,0,Cash loans,F,N,Y,0,112500.0,225000.0,21384.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.028663,-18081,-2485,-4862.0,-1624,,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,Business Entity Type 1,,0.7299761246669659,0.0005272652387098817,0.1335,0.0759,0.9811,0.8912,0.0963,0.16,0.1379,0.2708,0.5417,0.092,0.2118,0.1737,0.0386,0.0326,0.0074,0.0,0.9707,0.8955,0.0972,0.0,0.069,0.0417,0.5417,0.0,0.2314,0.0075,0.0389,0.0,0.1348,0.0759,0.9811,0.8927,0.0969,0.16,0.1379,0.2708,0.5417,0.0936,0.2155,0.1769,0.0388,0.0333,reg oper account,terraced house,0.3345,"Stone, brick",No,2.0,0.0,2.0,0.0,-1551.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +2184551,368823,Cash loans,8928.27,45000.0,46485.0,,45000.0,MONDAY,10,Y,1,,,,XNA,Approved,-1450,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-1420.0,-1270.0,-1270.0,-1262.0,1.0,0,Cash loans,F,N,N,0,121500.0,123993.0,8757.0,103500.0,Family,Pensioner,Secondary / secondary special,Married,Municipal apartment,0.00733,-23530,365243,-10416.0,-3893,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,,0.7563215513997159,0.8106180215523969,0.3711,0.2735,0.9856,,,0.4,0.3448,0.3333,,0.1181,,0.3961,,0.0403,0.3782,0.2798,0.9851,,,0.4028,0.3448,0.3333,,0.1173,,0.4099,,0.0426,0.3747,0.2735,0.9856,,,0.4,0.3448,0.3333,,0.1201,,0.4032,,0.0411,,block of flats,0.3136,Panel,No,4.0,0.0,4.0,0.0,-538.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2345037,376474,Consumer loans,8551.53,35010.0,41589.0,0.0,35010.0,SATURDAY,14,Y,1,0.0,,,XAP,Approved,-477,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,32,Connectivity,6.0,high,POS mobile with interest,365243.0,-446.0,-296.0,-446.0,-441.0,0.0,0,Cash loans,F,N,Y,0,135000.0,269550.0,18891.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.009549,-16421,-764,-153.0,-3995,,1,1,0,1,0,0,Laborers,1.0,2,2,SUNDAY,10,0,0,0,1,1,0,Business Entity Type 3,0.3018721395185038,0.5241958506061452,0.475849908720221,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1828.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1139238,163871,Revolving loans,2250.0,45000.0,45000.0,,45000.0,TUESDAY,17,Y,1,,,,XAP,Approved,-434,XNA,XAP,,New,XNA,Cards,walk-in,Channel of corporate sales,-1,XNA,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,100854.0,152820.0,7911.0,135000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.01885,-16322,-3328,-8910.0,-4582,,1,1,1,1,0,0,Laborers,2.0,2,2,TUESDAY,17,0,0,0,0,0,0,Electricity,,0.7003699513891332,,0.0825,,0.9762,0.6736,,,0.1379,0.1667,,,0.0672,0.0471,,0.0,0.084,,0.9762,0.6864,,,0.1379,0.1667,,,0.0735,0.0491,,0.0,0.0833,,0.9762,0.6779999999999999,,,0.1379,0.1667,,,0.0684,0.048,,0.0,,block of flats,0.0549,Others,No,0.0,0.0,0.0,0.0,-1119.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2422262,127915,Cash loans,9465.75,112500.0,112500.0,,112500.0,SATURDAY,11,Y,1,,,,XNA,Approved,-529,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,53,Connectivity,18.0,high,Cash X-Sell: high,365243.0,-499.0,11.0,-469.0,-465.0,0.0,0,Cash loans,F,N,N,2,76500.0,562491.0,27058.5,454500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.00702,-15379,-3512,-301.0,-4940,,1,1,1,1,1,0,,4.0,2,2,WEDNESDAY,13,0,0,0,0,1,1,Military,,0.037904100803147774,0.3046721837533529,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1268.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2390843,238274,Cash loans,,0.0,0.0,,,MONDAY,16,Y,1,,,,XNA,Refused,-211,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,351000.0,562491.0,22437.0,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.006207,-21028,365243,-273.0,-4535,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,0.6904631275078131,0.279032817994362,0.7062051096536562,0.0309,,0.9856,,,,0.069,0.1667,,,,0.024,,,0.0315,,0.9856,,,,0.069,0.1667,,,,0.025,,,0.0312,,0.9856,,,,0.069,0.1667,,,,0.0244,,,,,0.027000000000000003,,No,3.0,2.0,3.0,0.0,-1070.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2517404,179803,Consumer loans,10541.835,49455.0,39564.0,9891.0,49455.0,SATURDAY,9,Y,1,0.2178181818181818,,,XAP,Approved,-886,XNA,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,27,Connectivity,4.0,middle,POS mobile without interest,365243.0,-844.0,-754.0,-754.0,-752.0,0.0,0,Cash loans,F,N,Y,0,90000.0,604152.0,25596.0,540000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.009656999999999999,-17897,-1911,-8706.0,-1447,,1,1,1,1,0,0,,1.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.7422212432974444,0.3740208032583212,0.0082,0.0,0.9727,0.626,0.0107,0.0,0.069,0.0417,0.0833,0.012,0.0067,0.0065,0.0,0.0033,0.0084,0.0,0.9727,0.6406,0.0108,0.0,0.069,0.0417,0.0833,0.0123,0.0073,0.0068,0.0,0.0034,0.0083,0.0,0.9727,0.631,0.0107,0.0,0.069,0.0417,0.0833,0.0122,0.0068,0.0066,0.0,0.0033,reg oper account,block of flats,0.0058,"Stone, brick",No,0.0,0.0,0.0,0.0,-1550.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2173779,223110,Revolving loans,33750.0,0.0,675000.0,,,FRIDAY,9,Y,1,,,,XAP,Approved,-641,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,-252.0,0.0,0,Cash loans,M,N,Y,0,157500.0,254700.0,17149.5,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.02461,-11430,-2587,-1258.0,-1968,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,11,0,0,0,1,1,1,Business Entity Type 3,,0.35763857814701605,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-816.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2249690,327557,Consumer loans,6793.335,44955.0,33115.5,13500.0,44955.0,FRIDAY,21,Y,1,0.315404259800437,,,XAP,Approved,-991,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,55,Connectivity,6.0,high,POS mobile with interest,365243.0,-960.0,-810.0,-840.0,-835.0,0.0,0,Cash loans,F,N,Y,0,157500.0,545040.0,20677.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.011656999999999999,-8699,-839,-6123.0,-1243,,1,1,0,1,1,0,Sales staff,1.0,1,1,TUESDAY,16,1,1,0,0,0,0,Business Entity Type 3,0.34273610520423065,0.4939229948920179,0.3046721837533529,0.0918,0.1,0.9796,0.7212,0.0119,0.0,0.2069,0.1667,0.2083,0.0,0.0731,0.0841,0.0077,0.0108,0.0935,0.1038,0.9796,0.7321,0.012,0.0,0.2069,0.1667,0.2083,0.0,0.0799,0.0877,0.0078,0.0115,0.0926,0.1,0.9796,0.7249,0.012,0.0,0.2069,0.1667,0.2083,0.0,0.0744,0.0857,0.0078,0.0111,reg oper account,block of flats,0.0756,Panel,No,3.0,1.0,3.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1462676,398719,Cash loans,28568.88,270000.0,284611.5,,270000.0,TUESDAY,12,Y,1,,,,XNA,Approved,-868,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,1,270000.0,454500.0,21865.5,454500.0,Family,Working,Higher education,Married,House / apartment,0.00733,-14578,-1709,-5123.0,-5124,,1,1,0,1,0,0,Managers,3.0,2,2,TUESDAY,12,0,0,0,0,0,0,Self-employed,,0.4343162554582152,,0.1485,0.1178,0.9821,,,0.16,0.1379,0.3333,,0.0,,0.16399999999999998,,0.0,0.1513,0.1223,0.9821,,,0.1611,0.1379,0.3333,,0.0,,0.1709,,0.0,0.1499,0.1178,0.9821,,,0.16,0.1379,0.3333,,0.0,,0.16699999999999998,,0.0,,block of flats,0.173,"Stone, brick",No,0.0,0.0,0.0,0.0,-1921.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2255078,387751,Consumer loans,5441.13,45513.0,40788.0,4725.0,45513.0,SATURDAY,10,Y,1,0.11306559764143308,,,XAP,Refused,-2339,Cash through the bank,SCO,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,19,Connectivity,10.0,low_normal,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,1,157500.0,566055.0,15696.0,472500.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.018029,-14832,-7283,-201.0,-1690,,1,1,0,1,0,0,Core staff,2.0,3,2,SUNDAY,7,0,0,0,0,0,0,School,,0.5401244340890807,,0.0825,0.0577,0.9752,0.66,0.006999999999999999,0.0,0.1379,0.1667,0.2083,0.0512,0.0664,0.063,0.0039,0.002,0.084,0.0599,0.9752,0.6733,0.006999999999999999,0.0,0.1379,0.1667,0.2083,0.0524,0.0725,0.0656,0.0039,0.0022,0.0833,0.0577,0.9752,0.6645,0.006999999999999999,0.0,0.1379,0.1667,0.2083,0.0521,0.0676,0.0641,0.0039,0.0021,reg oper account,block of flats,0.0557,"Stone, brick",No,1.0,0.0,1.0,0.0,-107.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1605316,398031,Consumer loans,5619.105,55089.0,54810.0,5512.5,55089.0,WEDNESDAY,13,Y,1,0.09952527889864704,,,XAP,Approved,-950,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,50,Consumer electronics,12.0,middle,POS household with interest,365243.0,-919.0,-589.0,-739.0,-735.0,0.0,1,Cash loans,F,N,Y,0,112500.0,808650.0,23773.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-11413,-4018,-9383.0,-1250,,1,1,0,1,0,0,Drivers,2.0,2,2,MONDAY,11,0,0,0,0,0,0,Government,0.4049507461929788,0.1879122214390436,0.2103502286944494,,,0.9816,,,,,,,,,0.0563,,,,,0.9816,,,,,,,,,0.0587,,,,,0.9816,,,,,,,,,0.0573,,,,,0.0443,,No,1.0,0.0,1.0,0.0,-950.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1532133,416419,Consumer loans,15695.145,127350.0,86427.0,45000.0,127350.0,THURSDAY,10,Y,1,0.3728997155005509,,,XAP,Approved,-2399,Cash through the bank,XAP,Unaccompanied,New,Furniture,POS,XNA,Stone,192,Furniture,6.0,middle,POS industry with interest,365243.0,-2368.0,-2218.0,-2218.0,-2214.0,1.0,0,Cash loans,F,Y,Y,0,112500.0,500211.0,27931.5,463500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.008068,-20676,365243,-1905.0,-4086,1.0,1,0,0,1,1,0,,2.0,3,3,TUESDAY,9,0,0,0,0,0,0,XNA,,0.4294980740746072,0.6848276586890367,0.0716,0.1166,0.9806,,,0.0,0.1493,0.1667,,,,0.0653,,,0.062,0.121,0.9777,,,0.0,0.2069,0.1667,,,,0.0503,,,0.0723,0.1166,0.9806,,,0.0,0.2069,0.1667,,,,0.0667,,,,block of flats,0.0386,"Stone, brick",No,1.0,0.0,1.0,0.0,-1569.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,5.0 +2672977,391861,Consumer loans,18997.605,242100.0,169470.0,72630.0,242100.0,SUNDAY,11,Y,1,0.3267272727272727,,,XAP,Approved,-1061,Cash through the bank,XAP,Unaccompanied,Refreshed,Jewelry,POS,XNA,Stone,50,Industry,10.0,low_normal,POS other with interest,365243.0,-1026.0,-756.0,-906.0,-892.0,0.0,0,Cash loans,F,N,N,0,171000.0,1800000.0,62568.0,1800000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-11851,-4627,-1317.0,-4406,,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,School,0.4165911471289701,0.6047218577263525,0.646329897706246,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1715.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1004992,250624,Cash loans,55601.55,1129500.0,1244304.0,,1129500.0,MONDAY,15,Y,1,,,,XNA,Approved,-743,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,42.0,middle,Cash X-Sell: middle,365243.0,-713.0,517.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,157500.0,720000.0,25753.5,720000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-20551,365243,-672.0,-4019,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,0.7120358318904735,0.055537891269373744,,0.1113,0.08800000000000001,0.9841,0.7824,0.0207,0.12,0.1034,0.3333,0.375,0.1075,0.0908,0.1147,0.0,0.0,0.1134,0.0913,0.9841,0.7909,0.0209,0.1208,0.1034,0.3333,0.375,0.1099,0.0992,0.1195,0.0,0.0,0.1124,0.08800000000000001,0.9841,0.7853,0.0209,0.12,0.1034,0.3333,0.375,0.1093,0.0923,0.1167,0.0,0.0,reg oper account,block of flats,0.1015,"Stone, brick",No,0.0,0.0,0.0,0.0,-1016.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1240313,389138,Cash loans,10332.18,135000.0,152820.0,0.0,135000.0,THURSDAY,15,Y,1,0.0,,,XNA,Approved,-2288,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,high,Cash Street: high,365243.0,-2258.0,-1568.0,-1568.0,-1564.0,1.0,0,Cash loans,M,N,Y,0,225000.0,615109.5,29722.5,531000.0,Family,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.030755,-22470,365243,-11165.0,-2282,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,,0.6593472396280692,0.6706517530862718,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-2288.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,1.0,2.0 +1463130,360772,Consumer loans,1814.175,16492.5,16492.5,0.0,16492.5,THURSDAY,11,Y,1,0.0,,,XAP,Approved,-938,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Stone,546,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-901.0,-631.0,-631.0,-627.0,0.0,0,Cash loans,F,Y,N,0,225000.0,675000.0,66892.5,675000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-19001,-453,-1301.0,-2552,8.0,1,1,0,1,1,0,Managers,2.0,2,2,THURSDAY,16,0,0,0,0,0,0,Other,0.630314020286703,0.5863625808871824,0.4596904504249018,0.1031,,0.9781,,,0.0,0.2069,0.1667,,0.1109,,0.0904,,0.0289,0.105,,0.9782,,,0.0,0.2069,0.1667,,0.1135,,0.0941,,0.0305,0.1041,,0.9781,,,0.0,0.2069,0.1667,,0.1129,,0.092,,0.0295,,block of flats,0.0777,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1664654,256471,Consumer loans,4498.47,44959.23,41044.5,3914.73,44959.23,FRIDAY,17,Y,1,0.09483029078890927,,,XAP,Approved,-2497,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,2140,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2466.0,-2196.0,-2196.0,-2194.0,0.0,0,Cash loans,M,Y,Y,0,90000.0,227520.0,8302.5,180000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.007305,-22906,365243,-10725.0,-4744,19.0,1,0,0,1,1,0,,2.0,3,3,WEDNESDAY,11,0,0,0,0,0,0,XNA,0.5645230476597661,0.6381239407142846,0.6894791426446275,0.0588,0.0691,0.9851,0.7959999999999999,0.0076,0.0,0.1379,0.1667,0.2083,0.012,0.0479,0.0511,0.0,0.0,0.0599,0.0717,0.9851,0.804,0.0077,0.0,0.1379,0.1667,0.2083,0.0123,0.0523,0.0533,0.0,0.0,0.0593,0.0691,0.9851,0.7987,0.0077,0.0,0.1379,0.1667,0.2083,0.0122,0.0487,0.052000000000000005,0.0,0.0,reg oper account,block of flats,0.0444,"Stone, brick",No,0.0,0.0,0.0,0.0,-832.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2289488,297559,Revolving loans,4500.0,0.0,90000.0,,0.0,WEDNESDAY,17,Y,1,,,,XAP,Refused,-1261,XNA,LIMIT,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,135000.0,239850.0,25447.5,225000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.016612000000000002,-14137,-212,-1421.0,-2257,,1,1,1,1,0,0,Accountants,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Industry: type 9,,0.7504426912158406,0.2458512138252296,0.1577,0.1097,0.9881,0.8368,0.0274,0.16,0.1379,0.3333,0.375,0.1071,0.1286,0.1661,0.0,0.0,0.1607,0.1138,0.9881,0.8432,0.0276,0.1611,0.1379,0.3333,0.375,0.1096,0.1405,0.1731,0.0,0.0,0.1593,0.1097,0.9881,0.8390000000000001,0.0276,0.16,0.1379,0.3333,0.375,0.109,0.1308,0.1691,0.0,0.0,reg oper account,block of flats,0.1456,"Stone, brick",No,0.0,0.0,0.0,0.0,-1569.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1488843,295575,Cash loans,37822.005,1129500.0,1293502.5,,1129500.0,SATURDAY,8,Y,1,,,,XNA,Approved,-448,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-418.0,1352.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,0,112500.0,640764.0,20799.0,459000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-20080,-12023,-8929.0,-3614,5.0,1,1,0,1,0,0,Security staff,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,Security,0.6070973765326669,0.5706449254687117,0.4884551844437485,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1779.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1447407,391352,Cash loans,8318.7,202500.0,202500.0,0.0,202500.0,THURSDAY,14,Y,1,0.0,,,XNA,Refused,-2522,XNA,SCO,,Repeater,XNA,Cash,x-sell,Country-wide,50,Consumer electronics,60.0,middle,Cash Street: middle,,,,,,,1,Cash loans,F,N,N,1,135000.0,755190.0,36328.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.04622,-14880,-124,-8621.0,-4030,,1,1,1,1,0,0,Cooking staff,3.0,1,1,SATURDAY,17,0,0,0,0,0,0,Restaurant,,0.6424050720372854,0.7623356180684377,0.2577,0.1833,0.9841,,,0.28,0.2414,0.3333,,,,0.1487,,0.0362,0.2626,0.1902,0.9841,,,0.282,0.2414,0.3333,,,,0.155,,0.0383,0.2602,0.1833,0.9841,,,0.28,0.2414,0.3333,,,,0.1514,,0.0369,,block of flats,0.2003,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,4.0,0.0,2.0 +1414250,186832,Consumer loans,2230.515,18810.0,18603.0,1881.0,18810.0,TUESDAY,14,Y,1,0.1000087873462214,,,XAP,Approved,-2057,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,15,Connectivity,12.0,high,POS mobile with interest,365243.0,-2019.0,-1689.0,-1689.0,-1681.0,0.0,0,Cash loans,M,Y,N,1,157500.0,490536.0,28161.0,405000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.0105,-11804,-2703,-4396.0,-4388,14.0,1,1,0,1,1,0,Low-skill Laborers,3.0,3,3,SATURDAY,11,0,0,0,0,0,0,Self-employed,,0.393041536404497,0.6263042766749393,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,1.0,8.0,0.0,-1013.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1914418,358259,Revolving loans,22500.0,0.0,450000.0,,,WEDNESDAY,11,Y,1,,,,XAP,Approved,-825,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-822.0,-775.0,365243.0,-683.0,-123.0,0.0,0,Cash loans,M,Y,Y,1,135000.0,254700.0,17149.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010966,-18479,-1184,-740.0,-2015,12.0,1,1,0,1,0,0,,3.0,2,2,TUESDAY,12,0,0,0,0,1,1,Business Entity Type 3,,0.20357246321933267,0.3344541255096772,0.0701,0.0682,0.9861,0.8096,0.0292,0.0,0.1379,0.1667,0.2083,0.0,0.0555,0.0625,0.0077,0.0145,0.0714,0.0708,0.9861,0.8171,0.0295,0.0,0.1379,0.1667,0.2083,0.0,0.0606,0.0651,0.0078,0.0154,0.0708,0.0682,0.9861,0.8121,0.0294,0.0,0.1379,0.1667,0.2083,0.0,0.0564,0.0636,0.0078,0.0148,org spec account,block of flats,0.0523,Panel,No,0.0,0.0,0.0,0.0,-1838.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1017861,394651,Consumer loans,6007.95,59526.0,59526.0,0.0,59526.0,WEDNESDAY,18,Y,1,0.0,,,XAP,Refused,-208,Cash through the bank,XNA,,Repeater,Mobile,POS,XNA,Country-wide,41,Connectivity,12.0,middle,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,1,225000.0,942300.0,36513.0,675000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.022625,-12417,-654,-2525.0,-4426,,1,1,0,1,0,0,Accountants,3.0,2,2,MONDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.3167146571169797,0.7256615848253485,,0.0629,0.0,0.9737,0.6396,0.0318,0.0,0.1379,0.125,0.0417,0.1084,0.0513,0.0341,0.0,0.0784,0.0641,0.0,0.9737,0.6537,0.0321,0.0,0.1379,0.125,0.0417,0.1109,0.056,0.0355,0.0,0.083,0.0635,0.0,0.9737,0.6444,0.032,0.0,0.1379,0.125,0.0417,0.1103,0.0522,0.0347,0.0,0.08,not specified,block of flats,0.0439,"Stone, brick",No,6.0,0.0,6.0,0.0,-879.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,2.0 +1709518,429396,Revolving loans,16875.0,337500.0,337500.0,,337500.0,WEDNESDAY,12,Y,1,,,,XAP,Refused,-770,XNA,HC,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,1,Cash loans,M,Y,Y,0,292500.0,592560.0,32143.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-19088,-2585,-13081.0,-2304,25.0,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,Industry: type 3,0.1960143516177828,0.7307426781401491,0.18848953379516772,0.0691,0.0172,0.9712,0.6056,0.0607,0.04,0.1034,0.25,0.2083,0.0246,0.0546,0.0908,0.0077,0.0338,0.0704,0.0178,0.9712,0.621,0.0612,0.0403,0.1034,0.25,0.2083,0.0252,0.0597,0.0946,0.0078,0.0358,0.0697,0.0172,0.9712,0.6109,0.0611,0.04,0.1034,0.25,0.2083,0.0251,0.0556,0.0924,0.0078,0.0345,reg oper account,block of flats,0.112,"Stone, brick",No,0.0,0.0,0.0,0.0,-2252.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1730141,290192,Cash loans,16448.31,450000.0,533160.0,0.0,450000.0,MONDAY,15,Y,1,0.0,,,XNA,Approved,-1252,Cash through the bank,XAP,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,low_normal,Cash Street: low,365243.0,-1222.0,188.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,90000.0,450000.0,13819.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.028663,-15971,-6561,-950.0,-3982,,1,1,0,1,0,0,,2.0,2,2,SUNDAY,13,0,0,0,0,0,0,Security Ministries,0.4561392750996878,0.5037794364059266,0.28371188263500075,0.1182,0.0676,0.9771,0.6872,0.0376,0.0,0.2069,0.1667,0.2083,0.0739,0.0913,0.0876,0.0232,0.0792,0.0851,0.0551,0.9747,0.6668,0.0262,0.0,0.1379,0.1667,0.2083,0.0399,0.0735,0.0736,0.0039,0.0023,0.1041,0.0655,0.9781,0.7048,0.0377,0.0,0.2069,0.1667,0.2083,0.0548,0.0821,0.0773,0.0155,0.0691,reg oper account,block of flats,0.083,"Stone, brick",No,1.0,0.0,1.0,0.0,-1647.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1818308,277080,Consumer loans,12895.605,139387.5,139387.5,0.0,139387.5,MONDAY,14,Y,1,0.0,,,XAP,Approved,-197,Cash through the bank,XAP,Unaccompanied,Repeater,Clothing and Accessories,POS,XNA,Country-wide,312,Clothing,12.0,low_action,POS industry without interest,365243.0,-167.0,163.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,144000.0,450000.0,30204.0,450000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.010006000000000001,-14845,-540,-1963.0,-5016,,1,1,0,1,0,0,Drivers,2.0,2,1,TUESDAY,16,0,0,0,0,0,0,Transport: type 4,0.7471234075612637,0.6841799630172402,0.3979463219016906,0.0928,0.1145,0.9826,0.762,0.0388,0.0,0.1379,0.1667,0.2083,0.1098,0.07400000000000001,0.0921,0.0077,0.0062,0.0945,0.1188,0.9826,0.7713,0.0392,0.0,0.1379,0.1667,0.2083,0.1123,0.0808,0.0959,0.0078,0.0066,0.0937,0.1145,0.9826,0.7652,0.0391,0.0,0.1379,0.1667,0.2083,0.1117,0.0752,0.0937,0.0078,0.0063,reg oper account,block of flats,0.099,Panel,No,1.0,0.0,1.0,0.0,-197.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2785030,265671,Cash loans,9182.43,135000.0,190863.0,,135000.0,FRIDAY,17,Y,1,,,,XNA,Approved,-628,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-598.0,452.0,-238.0,-234.0,1.0,0,Cash loans,F,N,Y,0,180000.0,284400.0,16456.5,225000.0,Unaccompanied,State servant,Secondary / secondary special,Civil marriage,House / apartment,0.022625,-17881,-2524,-1127.0,-1433,,1,1,0,1,0,0,Medicine staff,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Hotel,,0.5809531397741714,0.4083588531230431,0.0392,,0.9747,,,0.0,0.069,0.1667,,0.0236,,0.029,,0.0053,0.0399,,0.9747,,,0.0,0.069,0.1667,,0.0241,,0.0302,,0.0056,0.0396,,0.9747,,,0.0,0.069,0.1667,,0.024,,0.0295,,0.0054,,block of flats,0.0258,Block,No,0.0,0.0,0.0,0.0,-710.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +1700308,404001,Consumer loans,2402.55,25087.5,20587.5,4500.0,25087.5,MONDAY,18,Y,1,0.19535262943334689,,,XAP,Refused,-2502,Cash through the bank,SCO,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,15,Connectivity,12.0,low_normal,POS mobile with interest,,,,,,,1,Cash loans,F,Y,Y,0,157500.0,423000.0,20704.5,423000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009549,-13040,-1097,-1907.0,-2953,2.0,1,1,1,1,1,0,Waiters/barmen staff,2.0,2,2,THURSDAY,13,0,0,0,0,1,1,Self-employed,0.7619943241134565,0.5725833407834949,0.11612491427195998,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1548.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1140663,333468,Cash loans,19217.88,373500.0,425268.0,,373500.0,TUESDAY,17,Y,1,,,,XNA,Refused,-496,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,,,,,,,1,Cash loans,F,N,N,0,99000.0,1125000.0,30168.0,1125000.0,Unaccompanied,Pensioner,Higher education,Separated,House / apartment,0.016612000000000002,-22871,365243,-7123.0,-4315,,1,0,0,1,1,0,,1.0,2,2,FRIDAY,14,0,0,0,0,0,0,XNA,,0.4828644123427333,0.5478104658520093,0.0897,0.0731,0.9871,0.8232,0.0475,0.04,0.0345,0.3333,0.375,0.0604,0.0714,0.0823,0.0077,0.0357,0.0914,0.0758,0.9871,0.8301,0.048,0.0403,0.0345,0.3333,0.375,0.0618,0.0781,0.0858,0.0078,0.0378,0.0906,0.0731,0.9871,0.8256,0.0478,0.04,0.0345,0.3333,0.375,0.0614,0.0727,0.0838,0.0078,0.0365,reg oper account,block of flats,0.0908,"Stone, brick",No,0.0,0.0,0.0,0.0,-728.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1748888,112177,Cash loans,6024.6,45000.0,54580.5,,45000.0,THURSDAY,16,Y,1,,,,XNA,Approved,-671,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,Y,0,157500.0,189000.0,19975.5,189000.0,Other_A,State servant,Higher education,Single / not married,House / apartment,0.014519999999999996,-8744,-177,-4086.0,-245,,1,1,0,1,0,0,,1.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Other,,0.4725092825630561,0.4365064990977374,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,1.0,0.0,-439.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1611684,372977,Consumer loans,25025.49,134545.5,141651.0,0.0,134545.5,SATURDAY,17,Y,1,0.0,,,XAP,Refused,-539,Cash through the bank,HC,,New,Computers,POS,XNA,Country-wide,300,Consumer electronics,6.0,low_normal,POS household with interest,,,,,,,0,Cash loans,M,Y,N,0,225000.0,348264.0,27513.0,315000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007114,-20930,-4427,-1263.0,-3999,1.0,1,1,1,1,0,0,Laborers,2.0,2,2,FRIDAY,12,1,1,0,1,1,1,Business Entity Type 1,0.4416724602624757,0.7531968059098835,0.4507472818545589,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-539.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2631435,271797,Consumer loans,7073.19,68060.565,67720.5,6806.565,68060.565,SATURDAY,14,Y,1,0.09946679187804272,,,XAP,Approved,-991,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Regional / Local,800,Consumer electronics,12.0,middle,POS household with interest,365243.0,-960.0,-630.0,-750.0,-744.0,0.0,0,Cash loans,F,N,Y,0,252000.0,1113840.0,47322.0,900000.0,Unaccompanied,Working,Higher education,Widow,House / apartment,0.006670999999999999,-21233,-460,-589.0,-3538,,1,1,0,1,0,0,,1.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.6978419270230402,0.7047840329839036,0.2580842039460289,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-413.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1939906,358259,Cash loans,16197.48,450000.0,553950.0,,450000.0,SATURDAY,11,Y,1,,,,Urgent needs,Approved,-715,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,Y,Y,1,135000.0,254700.0,17149.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010966,-18479,-1184,-740.0,-2015,12.0,1,1,0,1,0,0,,3.0,2,2,TUESDAY,12,0,0,0,0,1,1,Business Entity Type 3,,0.20357246321933267,0.3344541255096772,0.0701,0.0682,0.9861,0.8096,0.0292,0.0,0.1379,0.1667,0.2083,0.0,0.0555,0.0625,0.0077,0.0145,0.0714,0.0708,0.9861,0.8171,0.0295,0.0,0.1379,0.1667,0.2083,0.0,0.0606,0.0651,0.0078,0.0154,0.0708,0.0682,0.9861,0.8121,0.0294,0.0,0.1379,0.1667,0.2083,0.0,0.0564,0.0636,0.0078,0.0148,org spec account,block of flats,0.0523,Panel,No,0.0,0.0,0.0,0.0,-1838.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1808286,266308,Revolving loans,6750.0,135000.0,135000.0,,135000.0,FRIDAY,11,Y,1,,,,XAP,Refused,-163,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,2,67500.0,271066.5,14832.0,234000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.00733,-10787,-646,-673.0,-194,,1,1,0,1,0,0,Waiters/barmen staff,4.0,2,2,SUNDAY,14,0,0,0,1,1,0,Business Entity Type 3,0.14642018374650392,0.386451891438562,,0.2144,,0.9846,,,0.0,,0.1667,,,,0.081,,,0.2185,,0.9846,,,0.0,,0.1667,,,,0.0844,,,0.2165,,0.9846,,,0.0,,0.1667,,,,0.0825,,,,block of flats,0.0958,"Stone, brick",No,7.0,0.0,7.0,0.0,-498.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2252393,237188,Cash loans,17210.34,225000.0,247275.0,,225000.0,THURSDAY,10,Y,1,,,,Urgent needs,Refused,-642,Cash through the bank,SCO,,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),1,XNA,18.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,157500.0,485640.0,41674.5,450000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.035792000000000004,-9287,-1483,-6096.0,-123,,1,1,0,1,0,0,Accountants,1.0,2,2,TUESDAY,13,0,0,0,0,0,0,Self-employed,0.6309337950704464,0.4350309407792848,,0.0186,0.0023,0.9672,0.5512,0.0,0.0,0.0345,0.0417,0.0417,0.0019,0.0151,0.0185,0.0,0.0,0.0189,0.0024,0.9672,0.5688,0.0,0.0,0.0345,0.0417,0.0417,0.002,0.0165,0.0189,0.0,0.0,0.0187,0.0023,0.9672,0.5572,0.0,0.0,0.0345,0.0417,0.0417,0.002,0.0154,0.0188,0.0,0.0,reg oper spec account,block of flats,0.0143,"Stone, brick",No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2271325,170961,Consumer loans,17565.345,89986.5,94441.5,0.0,89986.5,WEDNESDAY,19,Y,1,0.0,,,XAP,Approved,-1350,Cash through the bank,XAP,"Spouse, partner",New,Computers,POS,XNA,Country-wide,1465,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1319.0,-1169.0,-1169.0,-1150.0,0.0,0,Cash loans,F,N,N,0,202500.0,490495.5,38884.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.035792000000000004,-11849,-2717,-363.0,-4029,,1,1,1,1,0,0,Sales staff,2.0,2,2,SATURDAY,9,0,0,0,0,0,0,Trade: type 7,0.16563360125742216,0.590884598360732,0.18303516721781032,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1350.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1772933,170181,Consumer loans,8881.29,44950.5,47322.0,0.0,44950.5,SATURDAY,15,Y,1,0.0,,,XAP,Approved,-713,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Country-wide,300,Consumer electronics,6.0,middle,POS household with interest,365243.0,-682.0,-532.0,-622.0,-614.0,0.0,0,Cash loans,F,Y,Y,1,900000.0,1928304.0,79708.5,1800000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.04622,-11685,-4543,-5314.0,-1611,4.0,1,1,0,1,0,1,High skill tech staff,3.0,1,1,FRIDAY,11,0,0,0,0,0,0,Business Entity Type 2,0.8266942118147291,0.5118901393925105,0.326475210066026,0.3381,0.1337,0.9881,0.8368,,0.48,0.2069,0.5417,,0.1417,,0.3779,,0.0046,0.3445,0.1387,0.9881,0.8432,,0.4834,0.2069,0.5417,,0.145,,0.3937,,0.0049,0.3414,0.1337,0.9881,0.8390000000000001,,0.48,0.2069,0.5417,,0.1442,,0.3847,,0.0047,reg oper spec account,block of flats,0.2982,"Stone, brick",No,0.0,0.0,0.0,0.0,-2726.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,3.0 +1437736,120317,Revolving loans,22500.0,0.0,450000.0,,,TUESDAY,16,Y,1,,,,XAP,Approved,-1443,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,50,Connectivity,0.0,XNA,Card X-Sell,-1347.0,-1303.0,365243.0,-480.0,365243.0,0.0,0,Cash loans,F,N,Y,0,180000.0,1272456.0,54040.5,1080000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018634,-16969,-6398,-9168.0,-523,,1,1,1,1,1,0,Core staff,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,School,0.7674398266655978,0.3541396992003885,,0.0619,0.037000000000000005,0.9871,0.8232,0.0126,0.0,0.1379,0.1667,0.2083,0.0123,0.0504,0.0555,0.0,0.0,0.063,0.0384,0.9871,0.8301,0.0127,0.0,0.1379,0.1667,0.2083,0.0126,0.0551,0.0578,0.0,0.0,0.0625,0.037000000000000005,0.9871,0.8256,0.0127,0.0,0.1379,0.1667,0.2083,0.0125,0.0513,0.0565,0.0,0.0,reg oper account,block of flats,0.0623,Panel,No,2.0,0.0,2.0,0.0,-3016.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1057246,255039,Revolving loans,2250.0,45000.0,45000.0,,45000.0,MONDAY,10,Y,1,,,,XAP,Approved,-441,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-428.0,-392.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,F,N,Y,0,72000.0,203760.0,16227.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.008625,-18673,-2008,-4276.0,-2223,,1,1,0,1,0,0,,1.0,2,2,MONDAY,10,0,0,0,0,1,1,Other,,0.7010807557325704,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-671.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2626945,397848,Cash loans,13482.0,112500.0,112500.0,,112500.0,SATURDAY,14,Y,1,,,,Other,Approved,-747,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Country-wide,50,Connectivity,12.0,high,Cash Street: high,365243.0,-717.0,-387.0,-717.0,-703.0,0.0,0,Cash loans,F,N,Y,0,247500.0,1042560.0,34587.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018634,-16118,-5309,-640.0,-2400,,1,1,1,1,0,0,Sales staff,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,Self-employed,0.5585009398405726,0.3876035836071988,0.34741822720026416,0.0186,,0.9811,,,,0.1034,0.0417,,,,0.0167,,0.0035,0.0189,,0.9811,,,,0.1034,0.0417,,,,0.0174,,0.0037,0.0187,,0.9811,,,,0.1034,0.0417,,,,0.017,,0.0035,,block of flats,0.0139,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1102509,438155,Consumer loans,17388.405,164151.0,147735.0,16416.0,164151.0,WEDNESDAY,11,Y,1,0.10891506212960238,,,XAP,Approved,-2102,Cash through the bank,XAP,Family,New,Furniture,POS,XNA,Stone,100,Furniture,10.0,middle,POS industry with interest,365243.0,-2059.0,-1789.0,-1819.0,-1811.0,0.0,0,Cash loans,F,N,Y,0,202500.0,886176.0,29416.5,765000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.04622,-15642,365243,-9725.0,-4055,,1,0,0,1,1,0,,2.0,1,1,FRIDAY,19,0,0,0,0,0,0,XNA,0.7509765972795028,0.6563546641257912,0.6075573001388961,0.0619,,0.9801,,,0.0,0.1379,0.1667,,,,0.0613,,,0.063,,0.9801,,,0.0,0.1379,0.1667,,,,0.0639,,,0.0625,,0.9801,,,0.0,0.1379,0.1667,,,,0.0624,,,,block of flats,0.0475,Panel,No,0.0,0.0,0.0,0.0,-1593.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1080428,255819,Consumer loans,4665.51,35901.0,34974.0,3591.0,35901.0,WEDNESDAY,16,Y,1,0.1014112655139493,,,XAP,Approved,-2526,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,-1,Consumer electronics,10.0,high,POS household with interest,365243.0,-2494.0,-2224.0,-2254.0,-2242.0,1.0,0,Cash loans,F,Y,Y,0,90000.0,152820.0,12204.0,135000.0,Family,Working,Higher education,Married,House / apartment,0.008575,-17502,-2345,-924.0,-1044,3.0,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Self-employed,,0.6522046730552756,,0.1227,0.1318,0.9771,0.6872,0.0153,0.0,0.2759,0.1667,0.2083,0.0823,0.1,0.1148,0.0,0.0,0.125,0.1368,0.9772,0.6994,0.0154,0.0,0.2759,0.1667,0.2083,0.0842,0.1093,0.1196,0.0,0.0,0.1239,0.1318,0.9771,0.6914,0.0154,0.0,0.2759,0.1667,0.2083,0.0838,0.1018,0.1169,0.0,0.0,reg oper account,block of flats,0.0903,Panel,No,0.0,0.0,0.0,0.0,-393.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2631226,394242,Cash loans,19372.68,90000.0,103797.0,,90000.0,TUESDAY,9,Y,1,,,,XNA,Approved,-470,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-440.0,-290.0,-350.0,-346.0,1.0,0,Cash loans,F,N,Y,0,126000.0,265851.0,11394.0,229500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.006207,-16712,-228,-8061.0,-237,,1,1,0,1,0,0,Sales staff,1.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Self-employed,,0.5080976478266322,0.6144143775673561,0.0186,,0.9826,,,0.0,0.1034,0.0417,,,,0.0169,,,0.0189,,0.9826,,,0.0,0.1034,0.0417,,,,0.0176,,,0.0187,,0.9826,,,0.0,0.1034,0.0417,,,,0.0172,,,reg oper account,block of flats,0.0133,"Stone, brick",No,4.0,0.0,4.0,0.0,-1055.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1017376,407392,Consumer loans,7044.3,70339.5,77769.0,0.0,70339.5,SATURDAY,5,Y,1,0.0,,,XAP,Approved,-379,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,174,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-349.0,-19.0,-169.0,-161.0,1.0,0,Cash loans,F,Y,Y,0,225000.0,208512.0,24876.0,180000.0,Other_A,State servant,Higher education,Single / not married,House / apartment,0.0038179999999999998,-9371,-442,-4036.0,-1156,18.0,1,1,0,1,1,1,Core staff,1.0,2,2,SUNDAY,7,0,0,0,0,0,0,Government,0.4300230783377255,0.412474722393228,0.5460231970049609,,0.0751,0.9781,,,,0.1379,0.1667,,,,,,,,0.0779,0.9782,,,,0.1379,0.1667,,,,,,,,0.0751,0.9781,,,,0.1379,0.1667,,,,,,,,block of flats,0.0618,Block,No,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,3.0 +1179303,263410,Consumer loans,4836.735,40455.0,44014.5,0.0,40455.0,SUNDAY,10,Y,1,0.0,,,XAP,Approved,-533,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,45,Connectivity,10.0,low_normal,POS mobile without interest,,,,,,,0,Cash loans,M,N,Y,0,225000.0,528633.0,25560.0,472500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.009175,-13743,-112,-6967.0,-3734,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,11,0,0,0,0,1,1,Construction,0.08890716767854141,0.7904161013178477,0.6754132910917112,0.1082,0.0076,0.9861,,,0.0,0.3103,0.1667,,0.2433,,0.1235,,0.0367,0.1103,0.0079,0.9861,,,0.0,0.3103,0.1667,,0.2489,,0.1287,,0.0389,0.1093,0.0076,0.9861,,,0.0,0.3103,0.1667,,0.2476,,0.1257,,0.0375,,block of flats,0.1093,"Stone, brick",No,0.0,0.0,0.0,0.0,-695.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1765836,152402,Cash loans,7467.3,90000.0,90000.0,,90000.0,SATURDAY,10,Y,1,,,,XNA,Approved,-1111,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Country-wide,45,Connectivity,18.0,high,Cash X-Sell: high,365243.0,-1081.0,-571.0,-571.0,-564.0,0.0,0,Cash loans,F,Y,Y,2,157500.0,536917.5,22878.0,463500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.035792000000000004,-12609,-1613,-6519.0,-5183,14.0,1,1,0,1,0,0,,3.0,2,2,THURSDAY,9,0,0,0,0,0,0,Hotel,0.5064442567064543,0.5928390700637751,0.622922000268356,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,0.0,-2621.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2120327,184084,Consumer loans,3548.655,32787.0,31941.0,3280.5,32787.0,SATURDAY,18,Y,1,0.10143698386703363,,,XAP,Approved,-2660,XNA,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,511,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2629.0,-2359.0,-2359.0,-2351.0,1.0,0,Cash loans,F,N,N,0,135000.0,521280.0,25209.0,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.006233,-23508,365243,-2955.0,-5188,,1,0,0,1,1,0,,1.0,2,2,THURSDAY,17,0,0,0,0,0,0,XNA,,0.6571581809509164,0.6894791426446275,0.2691,0.1464,0.9836,0.7756,0.0598,0.28,0.2414,0.3333,0.375,0.1384,0.2177,0.2749,0.0077,0.0222,0.2742,0.1519,0.9836,0.7844,0.0604,0.282,0.2414,0.3333,0.375,0.1416,0.2378,0.2864,0.0078,0.0235,0.2717,0.1464,0.9836,0.7786,0.0602,0.28,0.2414,0.3333,0.375,0.1408,0.2215,0.2799,0.0078,0.0226,reg oper account,block of flats,0.2538,Panel,No,1.0,1.0,1.0,1.0,-2263.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2683324,270517,Revolving loans,13500.0,0.0,270000.0,,,MONDAY,15,Y,1,,,,XAP,Approved,-848,XNA,XAP,,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),3,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,67500.0,380533.5,19557.0,328500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.022625,-21482,365243,-4151.0,-4697,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,,0.6158564126989975,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1141.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1244161,276261,Cash loans,25146.99,549000.0,614223.0,,549000.0,WEDNESDAY,14,Y,1,,,,XNA,Approved,-175,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-145.0,905.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,130500.0,54000.0,5530.5,54000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.032561,-22938,365243,-10169.0,-4745,,1,0,0,1,1,0,,1.0,1,1,WEDNESDAY,16,0,0,0,0,0,0,XNA,,0.4798017682851272,0.3962195720630885,0.301,0.2234,0.9871,0.8232,0.1074,0.18,0.1207,0.5,0.0417,0.0515,0.2421,0.1902,0.0154,0.0737,0.2731,0.2113,0.9856,0.8105,0.0751,0.1611,0.069,0.3333,0.0417,0.0,0.2332,0.1512,0.0078,0.0056,0.3039,0.2234,0.9871,0.8256,0.108,0.18,0.1207,0.5,0.0417,0.0524,0.2463,0.1936,0.0155,0.0752,reg oper account,block of flats,0.213,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1614258,150508,Revolving loans,11250.0,225000.0,225000.0,0.0,225000.0,SUNDAY,19,Y,1,0.0,,,XAP,Approved,-414,XNA,XAP,,Repeater,XNA,Cards,walk-in,Country-wide,120,Connectivity,0.0,XNA,Card Street,-412.0,-370.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,144000.0,225000.0,26703.0,225000.0,Unaccompanied,Working,Higher education,Married,With parents,0.035792000000000004,-11751,-109,-2123.0,-461,,1,1,1,1,1,0,Sales staff,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Trade: type 3,,0.30263374735443066,0.221335206354466,,0.1133,0.9841,,,,0.2069,0.1667,,,,0.0536,,,,0.1175,0.9841,,,,0.2069,0.1667,,,,0.0558,,,,0.1133,0.9841,,,,0.2069,0.1667,,,,0.0545,,,,,0.0925,Panel,No,1.0,1.0,1.0,1.0,-414.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2460101,125096,Consumer loans,12415.365,61560.0,66433.5,0.0,61560.0,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-52,XNA,XAP,,Repeater,Audio/Video,POS,XNA,Stone,455,Consumer electronics,6.0,middle,POS household with interest,365243.0,-21.0,129.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,N,1,45000.0,135000.0,6750.0,,,Working,Secondary / secondary special,Civil marriage,Municipal apartment,0.031329,-7727,-1159,-7704.0,-381,,1,1,1,1,1,0,Core staff,3.0,2,2,FRIDAY,12,0,0,0,0,1,1,Government,,0.4912229509157268,,0.0165,,0.9866,,,,0.1034,0.0417,,,,0.0152,,0.0063,0.0168,,0.9866,,,,0.1034,0.0417,,,,0.0158,,0.0066,0.0167,,0.9866,,,,0.1034,0.0417,,,,0.0154,,0.0064,,block of flats,0.0133,Panel,No,15.0,0.0,15.0,0.0,-245.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1685415,330328,Consumer loans,8010.63,80100.0,72090.0,8010.0,80100.0,SUNDAY,9,Y,1,0.1089090909090909,,,XAP,Approved,-358,XNA,XAP,,Repeater,Furniture,POS,XNA,Stone,40,Furniture,10.0,low_normal,POS industry with interest,365243.0,-327.0,-57.0,-177.0,-169.0,0.0,0,Cash loans,F,N,N,1,67500.0,422451.0,16056.0,297000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.018029,-16905,-813,-2838.0,-451,,1,1,0,1,0,0,Security staff,2.0,3,3,MONDAY,4,0,0,0,0,1,1,Transport: type 2,,0.3715382041721933,0.6479768603302221,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1290.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1503007,244020,Consumer loans,2884.185,20160.0,23278.5,0.0,20160.0,TUESDAY,14,Y,1,0.0,,,XAP,Refused,-936,Cash through the bank,LIMIT,,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,high,POS mobile with interest,,,,,,,1,Cash loans,M,N,Y,0,112500.0,243000.0,27544.5,243000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.018209,-9480,-1471,-4493.0,-2167,,1,1,0,1,0,0,Drivers,1.0,3,3,SUNDAY,9,0,0,0,0,1,1,Transport: type 4,0.16168342989745452,0.5212280045222221,0.4686596550493113,0.1485,0.0975,0.9881,0.8368,0.0379,0.16,0.1379,0.3333,0.375,0.0795,0.121,0.1498,0.0,0.0,0.1513,0.1011,0.9881,0.8432,0.0383,0.1611,0.1379,0.3333,0.375,0.0813,0.1322,0.1561,0.0,0.0,0.1499,0.0975,0.9881,0.8390000000000001,0.0382,0.16,0.1379,0.3333,0.375,0.0809,0.1231,0.1525,0.0,0.0,reg oper account,block of flats,0.1386,Panel,No,0.0,0.0,0.0,0.0,-1663.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2617063,452956,Consumer loans,13639.68,185305.5,208048.5,0.0,185305.5,THURSDAY,11,Y,1,0.0,,,XAP,Approved,-510,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Country-wide,10000,Consumer electronics,18.0,low_normal,POS household with interest,365243.0,-479.0,31.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,Y,1,112500.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.008575,-11928,-256,-1801.0,-2963,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,12,0,0,0,1,1,0,Business Entity Type 3,0.17620404699598746,0.5520380176751151,0.4170996682522097,,,,0.7552,,0.0,,0.0,0.0417,,0.0118,0.0068,,,,,,0.7648,,0.0,,0.0,0.0417,,0.0129,0.006999999999999999,,,,,,0.7585,,0.0,,0.0,0.0417,,0.012,0.0069,,,,block of flats,0.0058,"Stone, brick",No,2.0,1.0,2.0,0.0,-871.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2567184,257128,Consumer loans,5664.915,56655.0,50989.5,5665.5,56655.0,FRIDAY,12,Y,1,0.1089090909090909,,,XAP,Approved,-2600,Non-cash from your account,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Stone,200,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-2569.0,-2299.0,-2299.0,-1065.0,0.0,0,Cash loans,M,Y,Y,0,49500.0,754740.0,22198.5,630000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-23585,365243,-6984.0,-4367,31.0,1,0,0,1,0,0,,2.0,2,2,MONDAY,8,0,0,0,0,0,0,XNA,,0.4590429413301184,0.8245949709919925,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2540465,446515,Consumer loans,,33466.5,33466.5,0.0,33466.5,THURSDAY,14,Y,1,0.0,,,XAP,Refused,-563,Cash through the bank,SCO,,Refreshed,Mobile,XNA,XNA,Country-wide,72,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,0,292500.0,1350000.0,46926.0,1350000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010966,-18795,-1152,-3397.0,-1894,,1,1,0,1,0,0,,2.0,2,2,SUNDAY,15,0,0,0,1,1,1,Industry: type 4,0.6646770430302863,0.4262861698575179,0.4170996682522097,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-563.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1375108,285610,Consumer loans,22290.345,127440.0,125721.0,7650.0,127440.0,SATURDAY,19,Y,1,0.062468943432571214,,,XAP,Approved,-2569,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Country-wide,182,Furniture,6.0,low_normal,POS industry without interest,365243.0,-2538.0,-2388.0,-2388.0,-2379.0,1.0,0,Cash loans,F,Y,Y,2,270000.0,562491.0,27189.0,454500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.072508,-13276,-3760,-4062.0,-4062,4.0,1,1,0,1,1,0,Sales staff,4.0,1,1,SATURDAY,15,0,0,0,0,0,0,Government,,0.7419240747137433,0.6058362647264226,0.5753,0.2754,0.9836,0.7756,0.3115,0.96,0.4138,0.4583,0.5,0.0512,0.4631,0.4912,0.027000000000000003,0.0772,0.5861,0.2858,0.9836,0.7844,0.3144,0.9667,0.4138,0.4583,0.5,0.0524,0.506,0.5118,0.0272,0.0817,0.5808,0.2754,0.9836,0.7786,0.3135,0.96,0.4138,0.4583,0.5,0.0521,0.4712,0.5,0.0272,0.0788,reg oper account,block of flats,0.4031,Panel,No,6.0,1.0,6.0,0.0,-2569.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1513737,280185,Consumer loans,3577.365,20650.5,17131.5,6196.5,20650.5,THURSDAY,10,Y,1,0.2892897727272727,,,XAP,Approved,-1075,Cash through the bank,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Regional / Local,709,Consumer electronics,6.0,high,POS household with interest,365243.0,-1044.0,-894.0,-1044.0,-1037.0,0.0,0,Cash loans,M,Y,Y,2,135000.0,1125000.0,47664.0,1125000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.010556,-14038,-873,-826.0,-847,15.0,1,1,0,1,0,0,Laborers,4.0,3,3,MONDAY,12,0,1,1,0,1,1,Agriculture,,0.07362447061010031,0.8128226070575616,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-681.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2565960,336719,Consumer loans,3367.935,25735.5,21235.5,4500.0,25735.5,TUESDAY,12,Y,1,0.19043380120491496,,,XAP,Approved,-2668,XNA,XAP,Family,Repeater,Mobile,POS,XNA,Stone,93,Connectivity,8.0,high,POS mobile with interest,365243.0,-2631.0,-2421.0,-2421.0,-2418.0,0.0,1,Cash loans,F,N,Y,0,81000.0,646920.0,20997.0,540000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.018209,-21749,365243,-8047.0,-4594,,1,0,0,1,1,0,,2.0,3,3,WEDNESDAY,7,0,0,0,0,0,0,XNA,,0.033464701110636555,0.20559813854932085,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-759.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2044271,402401,Consumer loans,5985.585,49855.5,44869.5,4986.0,49855.5,MONDAY,15,Y,1,0.10891892113663022,,,XAP,Approved,-2600,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,3063,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-2569.0,-2299.0,-2329.0,-2321.0,0.0,0,Cash loans,F,N,Y,0,391500.0,760225.5,34483.5,679500.0,Unaccompanied,Working,Lower secondary,Separated,House / apartment,0.006207,-14791,-3207,-1569.0,-4311,,1,1,0,1,0,0,Laborers,1.0,2,2,THURSDAY,11,0,0,0,0,1,1,Agriculture,,0.6943983866589679,0.6023863442690867,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1942.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1056178,308158,Cash loans,48698.595,1129500.0,1227901.5,,1129500.0,SUNDAY,9,Y,1,,,,XNA,Approved,-631,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-601.0,449.0,-31.0,-29.0,1.0,0,Cash loans,F,N,N,0,247500.0,1546020.0,45333.0,1350000.0,Unaccompanied,State servant,Higher education,Civil marriage,House / apartment,0.0038179999999999998,-9896,-198,-858.0,-87,,1,1,0,1,0,0,Core staff,2.0,2,2,MONDAY,4,0,0,0,0,1,1,Government,0.4021677713108335,0.6155977112831174,0.7503751495159068,0.0608,,0.9851,,,0.0,0.1379,0.1667,,,,0.0648,,,0.062,,0.9851,,,0.0,0.1379,0.1667,,,,0.0675,,,0.0614,,0.9851,,,0.0,0.1379,0.1667,,,,0.066,,,,block of flats,0.051,Block,No,0.0,0.0,0.0,0.0,-1180.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1925491,388856,Cash loans,10278.765,202500.0,242595.0,,202500.0,WEDNESDAY,9,Y,1,,,,XNA,Approved,-1182,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,36.0,low_normal,Cash X-Sell: low,365243.0,-1152.0,-102.0,-102.0,-100.0,1.0,0,Cash loans,F,N,Y,0,36000.0,254700.0,24939.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-24725,365243,-4724.0,-4654,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,,0.3318083450130531,0.5620604831738043,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,3.0,5.0,3.0,-2299.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1332398,412781,Consumer loans,6094.26,46890.0,45684.0,4689.0,46890.0,FRIDAY,17,Y,1,0.10137866064612533,,,XAP,Approved,-2267,Cash through the bank,XAP,Other_B,Repeater,Mobile,POS,XNA,Country-wide,42,Connectivity,10.0,low_normal,POS mobile with interest,365243.0,-2236.0,-1966.0,-1966.0,-1964.0,1.0,0,Cash loans,M,Y,Y,2,135000.0,130500.0,12906.0,130500.0,Family,Commercial associate,Incomplete higher,Married,House / apartment,0.019101,-13005,-140,-2431.0,-4748,5.0,1,1,1,1,0,0,Drivers,4.0,2,2,THURSDAY,18,0,0,0,0,1,1,Business Entity Type 3,0.3278909798356772,0.25634082347862586,0.7281412993111438,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,0.0,-1671.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2214501,218814,Consumer loans,3283.11,60763.5,72796.5,0.0,60763.5,FRIDAY,14,Y,1,0.0,,,XAP,Approved,-1530,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,1600,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1499.0,-809.0,-1019.0,-1017.0,0.0,0,Cash loans,F,N,Y,1,90000.0,1293502.5,35698.5,1129500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.005084,-17212,-6180,-6381.0,-752,,1,1,0,1,1,0,Medicine staff,3.0,2,2,TUESDAY,9,0,0,0,0,0,0,Medicine,0.7100471215461694,0.6782536205566551,0.6626377922738201,0.0928,0.0987,0.9871,0.8232,0.0463,0.0,0.2069,0.1667,0.2083,,0.0756,0.0817,0.0,0.0,0.0945,0.1025,0.9871,0.8301,0.0467,0.0,0.2069,0.1667,0.2083,,0.0826,0.0851,0.0,0.0,0.0937,0.0987,0.9871,0.8256,0.0466,0.0,0.2069,0.1667,0.2083,,0.077,0.0831,0.0,0.0,,block of flats,0.0642,Panel,No,0.0,0.0,0.0,0.0,-1530.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2404655,306092,Revolving loans,6750.0,135000.0,135000.0,,135000.0,TUESDAY,12,Y,1,,,,XAP,Approved,-479,XNA,XAP,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-468.0,-436.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,135000.0,284400.0,22599.0,225000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.022625,-10608,-3623,-4551.0,-1604,,1,1,0,1,0,0,Laborers,3.0,2,2,FRIDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.6428118678332642,0.3139166772114369,0.2186,0.1381,0.9841,0.7824,0.0798,0.24,0.2069,0.3333,0.375,0.1313,0.1782,0.1394,0.0,0.3292,0.2227,0.1433,0.9841,0.7909,0.0805,0.2417,0.2069,0.3333,0.375,0.1343,0.1947,0.1453,0.0,0.3485,0.2207,0.1381,0.9841,0.7853,0.0803,0.24,0.2069,0.3333,0.375,0.1336,0.1813,0.1419,0.0,0.3361,reg oper account,block of flats,0.1812,Panel,No,0.0,0.0,0.0,0.0,-1122.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1291955,417293,Consumer loans,11047.86,85050.0,92065.5,0.0,85050.0,FRIDAY,8,Y,1,0.0,,,XAP,Approved,-1548,Non-cash from your account,XAP,Unaccompanied,New,Furniture,POS,XNA,Stone,68,Furniture,10.0,middle,POS industry with interest,365243.0,-1513.0,-1243.0,-1243.0,-1238.0,0.0,0,Cash loans,F,N,Y,0,112500.0,187704.0,10611.0,148500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.007120000000000001,-24456,365243,-15213.0,-4471,,1,0,0,1,0,0,,1.0,2,2,SATURDAY,9,0,0,0,0,0,0,XNA,,0.025529485624695203,0.8347841592331774,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2287590,252153,Cash loans,16056.81,202500.0,222547.5,,202500.0,FRIDAY,17,Y,1,,,,XNA,Approved,-904,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-874.0,-364.0,-604.0,-600.0,1.0,0,Cash loans,F,Y,Y,0,112500.0,178290.0,10084.5,157500.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.009549,-23988,365243,-14585.0,-4464,16.0,1,0,0,1,1,0,,1.0,2,2,SATURDAY,15,0,0,0,1,0,0,XNA,,0.18303304924171745,0.4365064990977374,,0.1494,0.9682,,,0.0,0.3448,0.125,,,,0.0741,,,,0.1551,0.9682,,,0.0,0.3448,0.125,,,,0.0772,,,,0.1494,0.9682,,,0.0,0.3448,0.125,,,,0.0755,,,,block of flats,0.094,"Stone, brick",No,2.0,1.0,2.0,1.0,-1860.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2656462,273804,Cash loans,40783.995,1350000.0,1546020.0,,1350000.0,THURSDAY,17,Y,1,,,,XNA,Refused,-292,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,M,N,Y,0,315000.0,755190.0,38740.5,675000.0,Family,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.009175,-16493,-1240,-3820.0,-6,,1,1,0,1,0,1,Laborers,2.0,2,2,TUESDAY,12,0,1,1,1,0,0,Business Entity Type 3,0.5288296023012687,0.5625472914549025,0.5046813193144684,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +2539705,416654,Consumer loans,3836.97,28710.0,31554.0,0.0,28710.0,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-1821,XNA,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,2019,Consumer electronics,12.0,high,POS household with interest,365243.0,-1789.0,-1459.0,-1699.0,-1697.0,0.0,0,Cash loans,F,N,Y,0,135000.0,604152.0,23139.0,540000.0,Family,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.019101,-23619,365243,-15899.0,-4642,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,XNA,,0.5192140221781825,0.6397075677637197,0.1495,0.0843,0.9781,0.7008,0.0245,0.0,0.069,0.1667,0.2083,0.0778,0.1177,0.0664,0.0193,0.032,0.1523,0.0875,0.9782,0.7125,0.0247,0.0,0.069,0.1667,0.2083,0.0796,0.1286,0.0692,0.0195,0.0339,0.1509,0.0843,0.9781,0.7048,0.0247,0.0,0.069,0.1667,0.2083,0.0791,0.1197,0.0676,0.0194,0.0327,reg oper account,block of flats,0.0726,Panel,No,9.0,0.0,9.0,0.0,-1821.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2759231,303997,Consumer loans,4275.315,35955.0,34569.0,4500.0,35955.0,SATURDAY,11,Y,1,0.12544239911206045,,,XAP,Approved,-1664,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,10,Connectivity,12.0,high,POS mobile with interest,365243.0,-1633.0,-1303.0,-1303.0,-1298.0,0.0,0,Cash loans,M,Y,N,0,135000.0,760225.5,32206.5,679500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.02461,-15636,-6738,-8206.0,-4882,15.0,1,1,0,1,1,0,Core staff,2.0,2,2,SATURDAY,15,0,0,0,0,0,0,Government,0.22930818914672346,0.5705109762755559,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1664.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2271275,434111,Consumer loans,6416.28,53005.5,52425.0,5301.0,53005.5,WEDNESDAY,13,Y,1,0.10001162230348386,,,XAP,Approved,-1869,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,1500,Consumer electronics,12.0,high,POS household with interest,365243.0,-1838.0,-1508.0,-1508.0,-1501.0,0.0,0,Cash loans,F,N,Y,0,180000.0,495000.0,21933.0,495000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.004849,-22955,365243,-6624.0,-4631,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,XNA,,0.06958136425368078,0.3376727217405312,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1869.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2266189,211568,Consumer loans,7487.235,74880.0,67392.0,7488.0,74880.0,SUNDAY,15,Y,1,0.1089090909090909,,,XAP,Approved,-1048,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Regional / Local,94,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1016.0,-746.0,-866.0,-859.0,0.0,0,Cash loans,M,Y,Y,1,180000.0,225000.0,24003.0,225000.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.010006000000000001,-10168,-2287,-3747.0,-2753,3.0,1,1,1,1,1,0,Laborers,2.0,2,2,FRIDAY,16,0,0,0,0,1,1,Industry: type 9,,0.4931194963404743,0.5100895276257282,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1837378,157256,Consumer loans,9894.6,87115.5,87115.5,0.0,87115.5,TUESDAY,20,Y,1,0.0,,,XAP,Approved,-226,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,25,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-193.0,77.0,365243.0,365243.0,0.0,0,Revolving loans,F,Y,Y,0,405000.0,450000.0,22500.0,450000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.04622,-15723,-2421,-9849.0,-243,2.0,1,1,0,1,1,0,Managers,1.0,1,1,THURSDAY,19,0,1,1,0,0,0,Business Entity Type 3,0.8422814405487555,0.7351001802875171,0.4902575124990026,0.0928,0.1059,0.9846,,,,0.2069,0.1667,,,,0.0914,,,0.0945,0.1099,0.9846,,,,0.2069,0.1667,,,,0.0952,,,0.0937,0.1059,0.9846,,,,0.2069,0.1667,,,,0.093,,,,block of flats,0.0816,Panel,No,0.0,0.0,0.0,0.0,-226.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1414869,342859,Consumer loans,4919.985,42745.5,41854.5,4275.0,42745.5,WEDNESDAY,10,Y,1,0.10093028618050562,,,XAP,Approved,-835,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,2105,Consumer electronics,10.0,middle,POS household with interest,365243.0,-804.0,-534.0,-534.0,-530.0,0.0,0,Cash loans,F,Y,Y,2,112500.0,225000.0,10953.0,225000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018634,-14973,-2429,-3082.0,-4512,20.0,1,1,0,1,0,1,Core staff,4.0,2,2,FRIDAY,15,0,0,0,0,0,0,Kindergarten,0.8199899234731959,0.6824432944419224,0.7530673920730478,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1680.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2197420,401651,Cash loans,4702.5,171000.0,171000.0,,171000.0,TUESDAY,10,Y,1,,,,XNA,Refused,-169,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,112500.0,436500.0,17905.5,436500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-15335,-1519,-2751.0,-1885,5.0,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,7,0,0,0,0,0,0,Self-employed,0.4751599495563321,0.6820213718957288,0.4014074137749511,,,,,,,,0.0,,,,,,,,,,,,,,0.0,,,,,,,,,,,,,,0.0,,,,,,,,block of flats,,,No,0.0,0.0,0.0,0.0,-1000.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2328945,370112,Cash loans,21709.125,450000.0,512370.0,,450000.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-659,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),3,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-629.0,421.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,76500.0,544491.0,17563.5,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-20112,365243,-2802.0,-3603,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,19,0,0,0,0,0,0,XNA,0.6297680154563786,0.6506256310069453,0.7209441499436497,0.0557,0.0792,0.9752,0.66,0.0062,0.0,0.1379,0.125,0.1667,0.0428,0.042,0.0396,0.0154,0.0401,0.0567,0.0822,0.9752,0.6733,0.0063,0.0,0.1379,0.125,0.1667,0.0438,0.0459,0.0413,0.0156,0.0424,0.0562,0.0792,0.9752,0.6645,0.0062,0.0,0.1379,0.125,0.1667,0.0435,0.0428,0.0403,0.0155,0.0409,reg oper account,block of flats,0.0433,"Stone, brick",No,0.0,0.0,0.0,0.0,-2474.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1368849,221908,Revolving loans,7875.0,0.0,157500.0,,,WEDNESDAY,19,Y,1,,,,XAP,Approved,-2492,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,65,Connectivity,0.0,XNA,Card X-Sell,-2490.0,-2449.0,365243.0,-2023.0,365243.0,0.0,0,Cash loans,F,Y,Y,1,135000.0,1024740.0,49428.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.009334,-12252,-1810,-410.0,-816,8.0,1,1,0,1,0,1,Accountants,3.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Trade: type 7,0.6470993759796411,0.19707129538690327,0.7610263695502636,0.0082,0.0,0.9617,0.4764,0.0015,0.0,0.069,0.0417,0.0833,0.0384,0.0067,0.0134,0.0,0.0,0.0084,0.0,0.9618,0.4969,0.0015,0.0,0.069,0.0417,0.0833,0.0393,0.0073,0.0139,0.0,0.0,0.0083,0.0,0.9617,0.4834,0.0015,0.0,0.069,0.0417,0.0833,0.0391,0.0068,0.0136,0.0,0.0,reg oper account,block of flats,0.0113,Wooden,Yes,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2295329,200863,Consumer loans,8864.01,80662.5,80662.5,0.0,80662.5,TUESDAY,11,Y,1,0.0,,,XAP,Approved,-548,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,36,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-509.0,-239.0,-269.0,-263.0,0.0,0,Cash loans,M,Y,N,1,189000.0,912240.0,51066.0,787500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-12611,-2877,-6733.0,-4122,35.0,1,1,0,1,0,0,,3.0,2,2,THURSDAY,16,0,0,0,0,1,1,Business Entity Type 3,,0.6066907563262073,0.6380435278721609,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-717.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1341799,450210,Consumer loans,6795.63,57420.0,56677.5,5850.0,57420.0,THURSDAY,11,Y,1,0.10189407569760213,,,XAP,Refused,-1782,Cash through the bank,LIMIT,Unaccompanied,Repeater,Mobile,POS,XNA,Stone,25,Connectivity,12.0,high,POS mobile with interest,,,,,,,0,Cash loans,M,N,N,0,112500.0,127350.0,13842.0,112500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.028663,-11217,-951,-2889.0,-2393,,1,1,1,1,1,0,Drivers,1.0,2,2,SATURDAY,12,0,0,0,0,1,1,School,,0.11203619243795264,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-558.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1464431,421267,Consumer loans,6767.595,147163.5,147163.5,0.0,147163.5,MONDAY,14,Y,1,0.0,,,XAP,Approved,-1627,Cash through the bank,XAP,Family,Refreshed,Audio/Video,POS,XNA,Country-wide,1700,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1596.0,-906.0,-1146.0,-1138.0,0.0,0,Revolving loans,F,N,N,0,112500.0,247500.0,12375.0,247500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.00963,-19349,-12557,-8121.0,-2898,,1,1,0,1,0,0,Medicine staff,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,Medicine,,0.7269569674992502,0.5406544504453575,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1627.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2596327,150306,Consumer loans,6697.98,78749.595,94338.0,4.095,78749.595,THURSDAY,9,Y,1,4.727293020922707e-05,,,XAP,Approved,-1501,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,1500,Consumer electronics,24.0,high,POS household with interest,365243.0,-1469.0,-779.0,-779.0,-770.0,0.0,0,Cash loans,F,N,Y,2,225000.0,954022.5,31657.5,724500.0,Family,Commercial associate,Higher education,Married,House / apartment,0.025164,-13439,-105,-5373.0,-4212,,1,1,0,1,0,1,Core staff,4.0,2,2,SUNDAY,13,0,0,0,0,0,0,Other,0.7742349681446549,0.6772363274326764,0.2225807646753351,0.0608,0.1068,0.9702,0.5920000000000001,0.0133,0.0,0.1379,0.1667,0.2083,0.0215,0.0454,0.0729,0.0193,0.1034,0.062,0.1108,0.9702,0.608,0.0134,0.0,0.1379,0.1667,0.2083,0.022,0.0496,0.0759,0.0195,0.1095,0.0614,0.1068,0.9702,0.5975,0.0134,0.0,0.1379,0.1667,0.2083,0.0218,0.0462,0.0742,0.0194,0.1056,reg oper account,block of flats,0.087,"Stone, brick",No,6.0,1.0,6.0,1.0,-1823.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,1.0 +1002405,336890,Consumer loans,13494.105,161491.5,190057.5,0.0,161491.5,SATURDAY,9,Y,1,0.0,,,XAP,Approved,-2202,XNA,XAP,Family,Repeater,Computers,POS,XNA,Regional / Local,140,Consumer electronics,24.0,high,POS household with interest,365243.0,-2171.0,-1481.0,-1991.0,-1984.0,0.0,0,Cash loans,F,N,Y,2,202500.0,733500.0,29218.5,733500.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.010032,-15164,-1561,-6965.0,-4620,,1,1,0,1,0,0,Core staff,3.0,2,2,WEDNESDAY,7,0,0,0,0,0,0,Kindergarten,0.6405359418468097,0.4856060588069038,0.6817058776720116,0.0629,0.0683,0.9881,0.8368,0.0338,0.0,0.1034,0.1667,0.2083,0.049,0.0504,0.065,0.0039,0.0012,0.0641,0.0709,0.9881,0.8432,0.0341,0.0,0.1034,0.1667,0.2083,0.0501,0.0551,0.0677,0.0039,0.0013,0.0635,0.0683,0.9881,0.8390000000000001,0.034,0.0,0.1034,0.1667,0.2083,0.0498,0.0513,0.0661,0.0039,0.0012,,block of flats,0.0699,"Stone, brick",No,5.0,0.0,4.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1511344,317418,Consumer loans,5184.54,51628.5,51367.5,5166.0,51628.5,TUESDAY,8,Y,1,0.09952052564167503,,,XAP,Refused,-260,Cash through the bank,HC,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,163,Connectivity,12.0,middle,POS mobile with interest,,,,,,,1,Cash loans,M,N,Y,0,157500.0,545040.0,39627.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.006629,-15178,-213,-1232.0,-2246,,1,1,0,1,0,0,Drivers,1.0,2,2,WEDNESDAY,3,0,0,0,0,0,0,Self-employed,,0.2150941829671585,0.8193176922872417,0.0165,0.0,0.9752,,,0.0,0.069,0.0417,,0.0,,0.0107,,0.0,0.0168,0.0,0.9752,,,0.0,0.069,0.0417,,0.0,,0.0111,,0.0,0.0167,0.0,0.9752,,,0.0,0.069,0.0417,,0.0,,0.0109,,0.0,,block of flats,0.0073,Wooden,No,0.0,0.0,0.0,0.0,-493.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1752430,252409,Consumer loans,4767.75,25150.5,23755.5,2515.5,25150.5,WEDNESDAY,16,Y,1,0.10428259989411066,,,XAP,Approved,-2479,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,30,Connectivity,6.0,high,POS mobile with interest,365243.0,-2440.0,-2290.0,-2290.0,-2286.0,1.0,0,Cash loans,F,N,N,0,99000.0,285723.0,26334.0,238500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.01885,-15025,-213,-2355.0,-5074,,1,1,0,1,0,1,Sales staff,1.0,2,2,THURSDAY,12,0,0,0,0,1,1,Business Entity Type 3,0.5426885070903569,0.6296899275670799,0.6178261467332483,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2479.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1719426,354087,Cash loans,5246.01,45000.0,47970.0,0.0,45000.0,SUNDAY,10,Y,1,0.0,,,XNA,Approved,-2434,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,high,Cash Street: high,365243.0,-2404.0,-2074.0,-2074.0,-2063.0,1.0,0,Cash loans,F,N,Y,0,180000.0,1800000.0,47614.5,1800000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-19466,-11880,-10492.0,-2990,,1,1,0,1,1,0,Laborers,2.0,2,2,FRIDAY,18,0,0,0,0,0,0,Business Entity Type 2,0.6731845057742522,0.6952793695170073,0.6769925032909132,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1469.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,0.0 +2334385,106753,Cash loans,50028.525,450000.0,474948.0,,450000.0,WEDNESDAY,13,Y,1,,,,XNA,Approved,-1706,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,N,0,450000.0,1800000.0,74416.5,1800000.0,Unaccompanied,Working,Incomplete higher,Single / not married,House / apartment,0.026392000000000002,-16038,-1450,-321.0,-4302,,1,1,0,1,1,0,Sales staff,1.0,2,2,MONDAY,13,0,0,0,0,0,0,Self-employed,0.5748848980533275,0.672683548697527,0.5190973382084597,0.1072,,0.9975,,,0.16,0.069,0.5417,,,,0.1268,,0.0055,0.1092,,0.9975,,,0.1611,0.069,0.5417,,,,0.1321,,0.0059,0.1083,,0.9975,,,0.16,0.069,0.5417,,,,0.1291,,0.0057,,block of flats,0.1009,"Stone, brick",No,8.0,1.0,8.0,1.0,-2231.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +1263801,193170,Consumer loans,9631.395,92155.5,97681.5,4590.0,92155.5,FRIDAY,13,Y,1,0.048878986547838565,,,XAP,Approved,-1629,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,45,Connectivity,14.0,high,POS mobile with interest,365243.0,-1592.0,-1202.0,-1232.0,-1228.0,0.0,0,Cash loans,M,Y,Y,1,157500.0,521280.0,26743.5,450000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.030755,-10924,-3434,-453.0,-3605,65.0,1,1,0,1,0,0,Laborers,3.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Transport: type 2,0.3190357442832749,0.203111948715,0.6313545365850379,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2635426,341397,Cash loans,46549.62,1260000.0,1442952.0,,1260000.0,TUESDAY,18,Y,1,,,,XNA,Approved,-791,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,60.0,low_normal,Cash Street: low,365243.0,-760.0,1010.0,-280.0,-277.0,0.0,0,Cash loans,M,Y,Y,1,315000.0,1187298.0,38430.0,850500.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.072508,-21351,-6775,-1983.0,-1148,10.0,1,1,0,1,0,1,,2.0,1,1,THURSDAY,9,0,0,0,0,0,0,Other,,0.4261685164242794,0.3606125659189888,0.532,0.2832,0.9965,0.9524,0.0466,0.72,0.3103,0.6667,0.0417,0.0,0.4304,0.5688,0.0154,0.0174,0.542,0.2939,0.9965,0.9543,0.047,0.725,0.3103,0.6667,0.0417,0.0,0.4702,0.5926,0.0156,0.0184,0.5371,0.2832,0.9965,0.953,0.0469,0.72,0.3103,0.6667,0.0417,0.0,0.4378,0.579,0.0155,0.0178,reg oper account,block of flats,0.4766,Panel,No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1926344,386605,Consumer loans,8710.515,106263.0,85009.5,21253.5,106263.0,TUESDAY,11,Y,1,0.21782740593022631,,,XAP,Approved,-112,Cash through the bank,XAP,Unaccompanied,Repeater,Construction Materials,POS,XNA,Stone,27,Construction,12.0,middle,POS industry with interest,365243.0,-82.0,248.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,112500.0,148365.0,12024.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.00963,-19660,-10506,-173.0,-607,,1,1,1,1,0,0,Core staff,1.0,2,2,TUESDAY,10,0,0,0,0,0,0,Insurance,,0.33324985848264377,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-319.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2716574,412781,Consumer loans,9346.41,39150.0,26410.5,13500.0,39150.0,SUNDAY,15,Y,1,0.3683924599473141,,,XAP,Approved,-361,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Stone,18,Consumer electronics,3.0,middle,POS household with interest,365243.0,-327.0,-267.0,-267.0,-263.0,0.0,0,Cash loans,M,Y,Y,2,135000.0,130500.0,12906.0,130500.0,Family,Commercial associate,Incomplete higher,Married,House / apartment,0.019101,-13005,-140,-2431.0,-4748,5.0,1,1,1,1,0,0,Drivers,4.0,2,2,THURSDAY,18,0,0,0,0,1,1,Business Entity Type 3,0.3278909798356772,0.25634082347862586,0.7281412993111438,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,0.0,-1671.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1164821,162678,Cash loans,,0.0,0.0,,,WEDNESDAY,10,Y,1,,,,XNA,Refused,-289,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,166500.0,1288350.0,37800.0,1125000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.00823,-20011,-4566,-3635.0,-3552,,1,1,0,1,0,0,Sales staff,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,Self-employed,0.7801295672172505,0.4120031584796083,0.5100895276257282,0.1237,,0.995,,,,,0.375,,,,0.1272,,0.0045,0.1261,,0.995,,,,,0.375,,,,0.1325,,0.0048,0.1249,,0.995,,,,,0.375,,,,0.1294,,0.0046,,,0.1,"Stone, brick",No,3.0,0.0,3.0,0.0,-289.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1358980,354087,Consumer loans,16133.94,427050.0,427050.0,0.0,427050.0,TUESDAY,21,Y,1,0.0,,,XAP,Approved,-864,Cash through the bank,XAP,,Repeater,Gardening,POS,XNA,Stone,264,Consumer electronics,36.0,low_normal,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,180000.0,1800000.0,47614.5,1800000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-19466,-11880,-10492.0,-2990,,1,1,0,1,1,0,Laborers,2.0,2,2,FRIDAY,18,0,0,0,0,0,0,Business Entity Type 2,0.6731845057742522,0.6952793695170073,0.6769925032909132,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1469.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,0.0 +1989099,164460,Cash loans,,0.0,0.0,,,FRIDAY,11,Y,1,,,,XNA,Refused,-34,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,1,99000.0,314055.0,13963.5,238500.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.020713,-15716,-7920,-8500.0,-4601,,1,1,0,1,0,0,,2.0,3,3,THURSDAY,9,0,0,0,0,0,0,Medicine,0.5179018047965349,0.6164563473808461,0.1293142889822697,0.0907,0.0866,0.9886,0.8436,0.0784,0.0,0.2069,0.1667,0.2083,0.1045,0.07400000000000001,0.0837,0.0,0.0,0.0924,0.0899,0.9886,0.8497,0.0792,0.0,0.2069,0.1667,0.2083,0.1069,0.0808,0.0872,0.0,0.0,0.0916,0.0866,0.9886,0.8457,0.0789,0.0,0.2069,0.1667,0.2083,0.1063,0.0752,0.0852,0.0,0.0,reg oper account,block of flats,0.0658,Panel,No,0.0,0.0,0.0,0.0,-1419.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1820094,125435,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,4,Y,1,,,,XAP,Approved,-443,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-443.0,-393.0,365243.0,-151.0,-163.0,0.0,0,Cash loans,M,N,Y,0,274500.0,600988.5,68098.5,553500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.010032,-10797,-1097,-8007.0,-3110,,1,1,0,1,0,1,Managers,1.0,2,2,FRIDAY,4,0,0,0,0,0,0,Business Entity Type 3,0.13168957540146925,0.0531579009117811,0.6785676886853644,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1484785,132856,Consumer loans,4598.55,45180.0,47889.0,2250.0,45180.0,WEDNESDAY,12,Y,1,0.04887322334818296,,,XAP,Approved,-1722,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,1700,Consumer electronics,14.0,middle,POS household with interest,365243.0,-1691.0,-1301.0,-1301.0,-1298.0,0.0,0,Cash loans,M,Y,Y,0,126000.0,675000.0,21906.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-19806,-9897,-2553.0,-3308,2.0,1,1,0,1,0,0,Laborers,2.0,3,3,WEDNESDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.5066219069000858,0.3280631605201915,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1722.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2303772,223292,Revolving loans,45000.0,900000.0,900000.0,,900000.0,THURSDAY,14,Y,1,,,,XAP,Approved,-316,XNA,XAP,Family,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-315.0,-273.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,238500.0,1096020.0,55962.0,900000.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.00963,-20082,-5327,-9593.0,-3601,,1,1,0,1,0,0,Managers,1.0,2,2,FRIDAY,17,0,0,0,0,0,0,Services,0.6775643544405958,0.5625741980010308,0.5352762504724826,0.2969,0.1578,0.9841,0.7824,,0.36,0.2069,0.4583,0.5,0.1259,,0.2922,,0.0034,0.3025,0.1638,0.9841,0.7909,,0.2417,0.2069,0.4583,0.5,0.1288,,0.3045,,0.0036,0.2998,0.1578,0.9841,0.7853,,0.36,0.2069,0.4583,0.5,0.1281,,0.2975,,0.0035,,block of flats,0.2306,Panel,No,0.0,0.0,0.0,0.0,-557.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1579412,288842,Cash loans,15129.45,135000.0,135000.0,0.0,135000.0,WEDNESDAY,9,Y,1,0.0,,,XNA,Refused,-2540,Cash through the bank,HC,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,N,0,112500.0,568800.0,20430.0,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.02461,-20159,365243,-4388.0,-3617,,1,0,0,1,0,0,,1.0,2,2,MONDAY,15,0,0,0,0,0,0,XNA,0.6053544085587724,0.6448778070139275,0.5726825047161584,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-2341.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1258492,259085,Cash loans,30026.52,418500.0,551079.0,,418500.0,TUESDAY,18,Y,1,,,,XNA,Approved,-6,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,Y,N,0,157500.0,418500.0,15637.5,418500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.032561,-8477,-682,-3723.0,-1109,2.0,1,1,0,1,1,0,Cooking staff,1.0,1,1,WEDNESDAY,19,0,0,0,0,0,0,Medicine,,0.6778335346646287,0.5673792367572691,0.0,0.1306,,0.7008,0.0116,0.0,0.0,0.1667,0.2083,0.0,0.0,0.0877,0.0,0.0,0.0,0.1356,,0.7125,0.0117,0.0,0.0,0.1667,0.2083,0.0,0.0,0.0914,0.0,0.0,0.0,0.1306,,0.7048,0.0116,0.0,0.0,0.1667,0.2083,0.0,0.0,0.0893,0.0,0.0,not specified,,0.0753,,No,0.0,0.0,0.0,0.0,-882.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2382555,219466,Cash loans,9255.15,45000.0,45000.0,,45000.0,WEDNESDAY,18,Y,1,,,,XNA,Approved,-1282,XNA,XAP,Unaccompanied,New,XNA,Cash,walk-in,AP+ (Cash loan),-1,XNA,6.0,high,Cash Street: high,365243.0,-1252.0,-1102.0,-1132.0,-1124.0,0.0,0,Cash loans,M,Y,Y,1,162000.0,78192.0,8419.5,67500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-11333,-2909,-4986.0,-3129,15.0,1,1,0,1,1,0,Laborers,3.0,2,2,THURSDAY,11,0,0,0,0,0,0,Self-employed,0.4602033028232586,0.3674524798952848,0.5352762504724826,0.1474,0.0902,0.9851,0.7959999999999999,0.034,0.24,0.1034,0.4583,0.5,0.0933,0.1202,0.1634,0.0,0.0,0.1502,0.0936,0.9851,0.804,0.0343,0.2417,0.1034,0.4583,0.5,0.0955,0.1313,0.1702,0.0,0.0,0.1489,0.0902,0.9851,0.7987,0.0342,0.24,0.1034,0.4583,0.5,0.095,0.1223,0.1663,0.0,0.0,reg oper account,block of flats,0.1471,Panel,No,3.0,0.0,3.0,0.0,-104.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +2295934,202768,Consumer loans,2555.82,34155.0,22360.5,13500.0,34155.0,SATURDAY,12,Y,1,0.4099978325100674,,,XAP,Approved,-2152,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Regional / Local,351,Consumer electronics,10.0,middle,POS household with interest,365243.0,-2121.0,-1851.0,-2031.0,-2025.0,0.0,0,Cash loans,F,Y,Y,2,315000.0,1143324.0,37012.5,819000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.04622,-13768,-2947,-7742.0,-5324,7.0,1,1,0,1,0,1,,4.0,1,1,TUESDAY,19,0,0,0,1,1,1,Business Entity Type 3,0.4580104055204312,0.7569899385273978,0.3201633668633456,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2152.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2786653,375610,Cash loans,41076.27,540000.0,788260.5,,540000.0,FRIDAY,9,Y,1,,,,XNA,Refused,-472,Cash through the bank,SCO,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,Y,1,180000.0,704844.0,34038.0,630000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014464,-11052,-520,-5200.0,-1879,,1,1,0,1,0,0,Sales staff,3.0,2,2,MONDAY,5,0,0,0,0,0,0,Business Entity Type 3,0.2435407508141061,0.5954597731821383,0.11911906455945008,0.4454,0.3167,0.9846,0.7892,0.2016,0.48,0.4138,0.3333,0.375,0.21600000000000005,0.3631,0.5059,0.0,0.0,0.4538,0.3286,0.9846,0.7975,0.2034,0.4834,0.4138,0.3333,0.375,0.221,0.3967,0.5271,0.0,0.0,0.4497,0.3167,0.9846,0.792,0.2028,0.48,0.4138,0.3333,0.375,0.2198,0.3694,0.515,0.0,0.0,reg oper account,block of flats,0.5205,Panel,No,0.0,0.0,0.0,0.0,-965.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1481476,131175,Consumer loans,4688.28,37485.0,37485.0,0.0,37485.0,TUESDAY,19,Y,1,0.0,,,XAP,Approved,-181,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Regional / Local,1000,Consumer electronics,12.0,high,POS household with interest,365243.0,-151.0,179.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,157500.0,526491.0,29529.0,454500.0,Other_A,Commercial associate,Higher education,Married,House / apartment,0.032561,-14100,-2381,-6727.0,-4100,,1,1,0,1,0,0,Accountants,3.0,1,1,MONDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.7465277865185493,0.6446794549585961,0.4608,0.3329,0.9816,0.7484,0.1885,0.48,0.4138,0.3333,0.375,0.2642,0.3749,0.4653,0.0039,0.0035,0.4695,0.3454,0.9816,0.7583,0.1902,0.4834,0.4138,0.3333,0.375,0.2702,0.4096,0.4848,0.0039,0.0037,0.4653,0.3329,0.9816,0.7518,0.1897,0.48,0.4138,0.3333,0.375,0.2688,0.3814,0.4737,0.0039,0.0035,org spec account,block of flats,0.4698,Panel,No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,3.0 +1211920,223840,Cash loans,17620.92,450000.0,533160.0,,450000.0,WEDNESDAY,13,Y,1,,,,XNA,Approved,-253,Cash through the bank,XAP,Children,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,139500.0,1379376.0,40459.5,1080000.0,Unaccompanied,Pensioner,Incomplete higher,Married,House / apartment,0.035792000000000004,-21841,365243,-5826.0,-4571,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,XNA,,0.7111944942125918,0.4014074137749511,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,1.0,7.0,0.0,-1626.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +1982652,213267,Consumer loans,11363.13,124078.5,124078.5,0.0,124078.5,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-498,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Regional / Local,123,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-467.0,-137.0,-137.0,-129.0,0.0,0,Cash loans,F,N,Y,1,126000.0,1350000.0,39474.0,1350000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-14286,-1560,-8286.0,-5501,,1,1,1,1,1,0,High skill tech staff,3.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Self-employed,,0.6217933396525961,0.326475210066026,0.1031,0.1023,0.9851,0.7959999999999999,0.119,0.0,0.2069,0.1667,0.2083,0.005,0.0841,0.0827,0.0,0.0,0.105,0.1061,0.9851,0.804,0.1201,0.0,0.2069,0.1667,0.2083,0.0052,0.0918,0.0862,0.0,0.0,0.1041,0.1023,0.9851,0.7987,0.1198,0.0,0.2069,0.1667,0.2083,0.0051,0.0855,0.0842,0.0,0.0,reg oper spec account,block of flats,0.0651,Panel,No,0.0,0.0,0.0,0.0,-1544.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +1713129,200791,Cash loans,34874.325,337500.0,441391.5,,337500.0,TUESDAY,15,Y,1,,,,Repairs,Refused,-458,Cash through the bank,LIMIT,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,high,Cash Street: high,,,,,,,0,Cash loans,M,N,N,0,225000.0,343800.0,16024.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010276,-10548,-1223,-632.0,-2552,,1,1,0,1,0,0,Sales staff,2.0,2,2,FRIDAY,17,0,0,0,0,1,1,Self-employed,,0.13022967227465018,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-104.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1109385,422612,Cash loans,8082.0,225000.0,225000.0,,225000.0,FRIDAY,7,Y,1,,,,XNA,Approved,-237,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-207.0,1203.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,202500.0,239850.0,24705.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.018801,-24531,365243,-296.0,-5651,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,10,0,0,0,0,0,0,XNA,,0.5367930665347463,0.5620604831738043,0.0619,0.0459,0.9871,0.8232,0.0088,0.0,0.1379,0.1667,0.2083,0.0,0.0504,0.0516,0.0,0.0221,0.063,0.0476,0.9871,0.8301,0.0089,0.0,0.1379,0.1667,0.2083,0.0,0.0551,0.0538,0.0,0.0234,0.0625,0.0459,0.9871,0.8256,0.0088,0.0,0.1379,0.1667,0.2083,0.0,0.0513,0.0525,0.0,0.0226,reg oper spec account,block of flats,0.0454,Panel,No,2.0,0.0,2.0,0.0,-981.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1408441,435256,Cash loans,28698.3,810000.0,810000.0,,810000.0,TUESDAY,9,Y,1,,,,XNA,Refused,-513,XNA,HC,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,Y,Y,0,67500.0,315000.0,19035.0,315000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.002042,-21738,365243,-7552.0,-4950,5.0,1,0,0,1,0,0,,2.0,3,3,THURSDAY,15,0,0,0,0,0,0,XNA,0.7948511293803853,0.3894634609708335,0.511891801533151,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-630.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2047261,151620,Cash loans,13201.605,90000.0,110146.5,,90000.0,FRIDAY,12,Y,1,,,,XNA,Refused,-1214,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,F,Y,N,0,157500.0,188685.0,8442.0,157500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,Municipal apartment,0.010966,-13739,-3321,-3595.0,-3972,6.0,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.3396548780581944,0.7862666146611379,0.2773,0.2095,0.9876,0.83,0.0577,0.28,0.2414,0.375,0.0417,0.1118,0.2211,0.2694,0.0232,0.0336,0.2826,0.2174,0.9876,0.8367,0.0582,0.282,0.2414,0.375,0.0417,0.1144,0.2415,0.2806,0.0233,0.0356,0.28,0.2095,0.9876,0.8323,0.058,0.28,0.2414,0.375,0.0417,0.1138,0.2249,0.2742,0.0233,0.0343,org spec account,block of flats,0.2507,Panel,No,0.0,0.0,0.0,0.0,-1227.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,0.0 +2365215,169874,Cash loans,46405.62,675000.0,954063.0,,675000.0,TUESDAY,16,Y,1,,,,Buying a used car,Refused,-630,Cash through the bank,LIMIT,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,1,243000.0,1035832.5,30285.0,904500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.031329,-15779,-1932,-4634.0,-5733,,1,1,0,1,0,0,Accountants,3.0,2,2,TUESDAY,15,0,0,0,0,1,1,Business Entity Type 3,0.5769423616317565,0.6501184430813258,0.4525335592581747,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-659.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2556891,364638,Consumer loans,6382.26,52200.0,50854.5,5220.0,52200.0,SUNDAY,12,Y,1,0.10138395430105564,,,XAP,Approved,-2550,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Regional / Local,17,Connectivity,10.0,high,POS mobile with interest,365243.0,-2518.0,-2248.0,-2248.0,-2242.0,1.0,0,Cash loans,F,Y,N,0,180000.0,450000.0,16965.0,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.010556,-18653,-1253,-8799.0,-2196,6.0,1,1,0,1,0,0,Managers,2.0,3,3,MONDAY,11,0,0,0,0,0,0,Self-employed,0.709835969951853,0.5534814253573408,0.4650692149562261,0.4753,0.3545,0.9871,0.8232,0.8138,0.52,0.4483,0.3333,,0.1687,0.3866,0.4794,0.0039,0.0063,0.4842,0.3679,0.9871,0.8301,0.8212,0.5236,0.4483,0.3333,,0.1726,0.4224,0.4995,0.0039,0.0067,0.4799,0.3545,0.9871,0.8256,0.8189,0.52,0.4483,0.3333,,0.1717,0.3933,0.488,0.0039,0.0064,reg oper account,block of flats,0.4449,Panel,No,5.0,0.0,5.0,0.0,-1898.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,5.0 +1237879,337415,Cash loans,21242.925,247500.0,247500.0,0.0,247500.0,WEDNESDAY,19,Y,1,0.0,,,XNA,Approved,-1918,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,18.0,high,Cash X-Sell: high,365243.0,-1888.0,-1378.0,-1438.0,-1431.0,0.0,0,Cash loans,F,Y,N,0,180000.0,1125000.0,32895.0,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,Municipal apartment,0.04622,-18307,-1586,-10851.0,-1855,5.0,1,1,0,1,0,0,,1.0,1,1,WEDNESDAY,20,0,1,1,0,0,0,Other,0.6476502597479429,0.2858978721410488,0.633031641417419,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2832.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1395826,312512,Consumer loans,12204.81,84150.0,66532.5,22500.0,84150.0,WEDNESDAY,11,Y,1,0.27523146552714395,,,XAP,Refused,-266,Cash through the bank,HC,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Stone,250,Consumer electronics,6.0,low_normal,POS household with interest,,,,,,,0,Revolving loans,F,Y,Y,0,135000.0,135000.0,6750.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.002042,-20206,-13378,-3317.0,-3317,0.0,1,1,0,1,0,0,Core staff,2.0,3,3,WEDNESDAY,15,0,0,0,0,0,0,School,,0.3441964304470561,0.4956658291397297,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-920.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2079096,336030,Consumer loans,5155.83,24192.0,19350.0,4842.0,24192.0,TUESDAY,8,Y,1,0.2179802489177488,,,XAP,Approved,-882,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,38,Connectivity,4.0,middle,POS mobile without interest,365243.0,-820.0,-730.0,-760.0,-751.0,0.0,0,Cash loans,F,N,N,1,135000.0,254700.0,27558.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.018029,-9523,-1146,-3478.0,-2203,,1,1,0,1,0,0,Sales staff,2.0,3,3,TUESDAY,8,0,0,0,1,1,0,Trade: type 7,0.22469076383308967,0.6990236642916405,0.6610235391308081,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-882.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2489076,113018,Cash loans,45205.605,1350000.0,1546020.0,,1350000.0,WEDNESDAY,10,Y,1,,,,XNA,Refused,-16,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,1,Cash loans,F,Y,N,0,202500.0,1006920.0,39933.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.026392000000000002,-13650,-3769,-7535.0,-3740,6.0,1,1,1,1,1,0,Managers,1.0,2,2,WEDNESDAY,20,0,0,0,0,0,0,Business Entity Type 3,0.5224952296046873,0.2816666879241211,0.39277386060313396,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-84.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1616119,280856,Cash loans,57150.0,1125000.0,1125000.0,,1125000.0,MONDAY,10,Y,1,,,,XNA,Refused,-119,XNA,LIMIT,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,24.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,198000.0,263686.5,26208.0,238500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,Municipal apartment,0.04622,-23702,365243,-11437.0,-3958,,1,0,0,1,0,0,,2.0,1,1,MONDAY,15,0,0,0,0,0,0,XNA,,0.7755845759524019,0.7047064232963289,0.0371,0.0276,0.9841,,,0.04,0.0345,0.3333,,0.0065,,0.0366,,0.0,0.0378,0.0286,0.9841,,,0.0403,0.0345,0.3333,,0.0067,,0.0381,,0.0,0.0375,0.0276,0.9841,,,0.04,0.0345,0.3333,,0.0066,,0.0372,,0.0,,block of flats,0.0333,Panel,No,0.0,0.0,0.0,0.0,-3223.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2645501,239447,Consumer loans,14331.465,116955.0,128533.5,0.0,116955.0,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-1860,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,333,Consumer electronics,12.0,high,POS household with interest,365243.0,-1829.0,-1499.0,-1739.0,-1733.0,0.0,0,Revolving loans,M,Y,Y,0,135000.0,225000.0,11250.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-12492,-3708,-6313.0,-4405,1.0,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.6355590132263156,0.2526029607343179,0.5352762504724826,0.2216,0.1435,0.9876,0.83,0.1366,0.16,0.1379,0.3333,0.375,0.0299,0.1799,0.2085,0.0039,0.0079,0.2258,0.1489,0.9876,0.8367,0.1379,0.1611,0.1379,0.3333,0.375,0.0306,0.1965,0.2172,0.0039,0.0084,0.2238,0.1435,0.9876,0.8323,0.1375,0.16,0.1379,0.3333,0.375,0.0304,0.183,0.2122,0.0039,0.0081,reg oper account,block of flats,0.2404,Block,No,3.0,1.0,3.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2664843,122510,Consumer loans,7753.95,37710.0,37710.0,0.0,37710.0,WEDNESDAY,9,Y,1,0.0,,,XAP,Refused,-477,XNA,LIMIT,,Repeater,Audio/Video,POS,XNA,Regional / Local,20,Connectivity,6.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,N,2,225000.0,640080.0,29970.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-14568,-2303,-2379.0,-2381,,1,1,0,1,0,0,Sales staff,4.0,2,2,THURSDAY,6,0,0,0,0,0,0,Trade: type 7,0.6606837010919131,0.06356795239718296,0.7435593141311444,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2133.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1984689,200579,Cash loans,10618.875,45000.0,52366.5,,45000.0,WEDNESDAY,7,Y,1,,,,Urgent needs,Approved,-755,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,365243.0,-725.0,-575.0,-575.0,-569.0,1.0,0,Cash loans,M,N,Y,1,112500.0,339241.5,16627.5,238500.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.010032,-16371,-1577,-4970.0,-1121,,1,1,0,1,0,0,Laborers,3.0,2,2,TUESDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.4763042542393578,0.5937175866150576,0.0845,0.0977,0.9767,0.6804,0.032,0.0,0.1724,0.1667,0.2083,0.0619,0.0689,0.0708,0.0116,0.0305,0.0672,0.0838,0.9767,0.6929,0.0226,0.0,0.1379,0.1667,0.2083,0.0457,0.0588,0.0529,0.0,0.0,0.0854,0.0977,0.9767,0.6847,0.0322,0.0,0.1724,0.1667,0.2083,0.063,0.0701,0.0721,0.0116,0.0311,reg oper account,block of flats,0.0654,"Stone, brick",No,5.0,0.0,5.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1508616,359720,Cash loans,18077.805,238500.0,257863.5,,238500.0,WEDNESDAY,7,Y,1,,,,XNA,Refused,-345,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,180000.0,819792.0,41985.0,720000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-22119,365243,-3174.0,-5449,,1,0,0,1,0,0,,2.0,2,1,FRIDAY,10,0,0,0,0,0,0,XNA,,0.7891417516549837,0.5460231970049609,0.2835,0.2463,0.995,0.932,0.2486,0.4,0.1724,0.4583,0.4167,0.097,0.2303,0.3361,0.0039,0.087,0.2889,0.2556,0.995,0.9347,0.2509,0.4028,0.1724,0.4583,0.4167,0.0992,0.2516,0.3502,0.0039,0.0921,0.2863,0.2463,0.995,0.9329,0.2502,0.4,0.1724,0.4583,0.4167,0.0987,0.2343,0.3422,0.0039,0.0888,reg oper account,block of flats,0.4281,Block,No,0.0,0.0,0.0,0.0,-3106.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1187618,409245,Consumer loans,4105.575,37930.5,36954.0,3793.5,37930.5,TUESDAY,10,Y,1,0.10139189799708843,,,XAP,Approved,-2723,Cash through the bank,XAP,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Country-wide,-1,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2691.0,-2421.0,-2421.0,-2410.0,1.0,0,Cash loans,F,N,N,0,112500.0,835380.0,40320.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Widow,With parents,0.035792000000000004,-16415,-5261,-8077.0,-4995,,1,1,0,1,0,0,Laborers,1.0,2,2,TUESDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.4825827724128531,0.526011735758097,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1967942,378861,Cash loans,12940.2,315000.0,315000.0,0.0,315000.0,SATURDAY,10,Y,1,0.0,,,XNA,Refused,-2714,Cash through the bank,SCO,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,60.0,middle,Cash Street: middle,,,,,,,0,Cash loans,M,N,Y,0,225000.0,358074.0,18409.5,256500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-20910,-616,-6716.0,-3618,,1,1,0,1,0,1,Laborers,2.0,2,2,THURSDAY,14,0,0,0,0,1,1,Transport: type 4,0.7133480781600278,0.122058175161593,0.11319635306222815,0.0,,0.0,,,,,,,,,,,,0.0,,0.0,,,,,,,,,,,,0.0,,0.0,,,,,,,,,,,,,block of flats,0.0,,No,0.0,0.0,0.0,0.0,-2029.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2230139,138901,Revolving loans,9000.0,0.0,180000.0,,,SATURDAY,13,Y,1,,,,XAP,Approved,-2615,XNA,XAP,,Repeater,XNA,Cards,x-sell,Stone,7035,Furniture,0.0,XNA,Card Street,-2564.0,-2532.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,180000.0,1535553.0,42354.0,1372500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010966,-21753,-4540,-8.0,-3974,3.0,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.8254495814005453,0.6516141631558101,0.3280631605201915,0.0907,0.0377,1.0,1.0,0.0394,0.08,0.0345,0.6667,0.7083,0.1314,0.0706,0.0918,0.0154,0.0286,0.0924,0.0391,1.0,1.0,0.0247,0.0806,0.0345,0.6667,0.7083,0.1344,0.0771,0.0954,0.0156,0.0302,0.0916,0.0377,1.0,1.0,0.0397,0.08,0.0345,0.6667,0.7083,0.1337,0.0718,0.0934,0.0155,0.0292,not specified,block of flats,0.1083,"Stone, brick",No,4.0,0.0,4.0,0.0,-1177.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2664458,247395,Revolving loans,2250.0,45000.0,45000.0,,45000.0,THURSDAY,14,Y,1,,,,XAP,Refused,-357,XNA,SCOFR,Unaccompanied,Repeater,XNA,Cards,walk-in,Regional / Local,91,Consumer electronics,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,N,N,0,391500.0,1223010.0,49941.0,1125000.0,Family,Working,Secondary / secondary special,Single / not married,Municipal apartment,0.020713,-9242,-508,-345.0,-1890,,1,1,0,1,0,0,Sales staff,1.0,3,1,THURSDAY,12,0,0,0,0,0,0,Trade: type 2,0.4029650067411556,0.31883614060956883,0.5388627065779676,0.099,0.0,0.9841,0.7824,0.036000000000000004,0.1064,0.0917,0.3333,0.0,0.0675,0.1194,0.096,0.0077,0.0055,0.0756,0.0,0.9841,0.7909,0.0363,0.0806,0.069,0.3333,0.0,0.069,0.1304,0.0746,0.0078,0.0043,0.0749,0.0,0.9841,0.7853,0.0362,0.08,0.069,0.3333,0.0,0.0686,0.1214,0.0736,0.0078,0.0044,reg oper account,block of flats,0.0572,Panel,No,9.0,0.0,8.0,0.0,-328.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2776651,205872,Consumer loans,13958.01,116626.5,126891.0,0.0,116626.5,WEDNESDAY,9,Y,1,0.0,,,XAP,Approved,-1197,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Regional / Local,1,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1166.0,-896.0,-926.0,-920.0,0.0,0,Cash loans,F,Y,Y,0,301500.0,450000.0,34825.5,450000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.0228,-21950,365243,-1562.0,-5012,13.0,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,0.8967100338384291,0.5597470300497044,0.8128226070575616,0.2103,0.1818,0.9945,0.9184,0.0462,0.0,0.3448,0.2083,0.25,0.1453,0.1673,0.193,0.0193,0.0185,0.2143,0.1887,0.9945,0.9216,0.0466,0.0,0.3448,0.2083,0.25,0.1486,0.1827,0.2011,0.0195,0.0196,0.2123,0.1818,0.9945,0.9195,0.0465,0.0,0.3448,0.2083,0.25,0.1478,0.1702,0.1965,0.0194,0.0189,reg oper account,block of flats,0.1811,"Stone, brick",No,0.0,0.0,0.0,0.0,-1197.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2822098,122825,Consumer loans,7598.43,115830.0,115830.0,0.0,115830.0,SUNDAY,9,Y,1,0.0,,,XAP,Approved,-1013,Cash through the bank,XAP,Unaccompanied,Repeater,Clothing and Accessories,POS,XNA,Stone,87,Clothing,18.0,low_normal,POS industry with interest,365243.0,-978.0,-468.0,-468.0,-460.0,0.0,0,Cash loans,F,N,N,2,67500.0,585000.0,17235.0,585000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.031329,-13909,-3268,-6653.0,-897,,1,1,0,1,0,0,Cooking staff,4.0,2,2,FRIDAY,12,0,0,0,0,0,0,School,0.5699261180366889,0.4682546450414948,0.2636468134452008,0.0041,,0.9732,,,,,0.0,,,,,,,0.0042,,0.9732,,,,,0.0,,,,,,,0.0042,,0.9732,,,,,0.0,,,,,,,,,0.002,,No,4.0,2.0,4.0,0.0,-1784.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1595644,152761,Cash loans,25076.34,229500.0,257404.5,,229500.0,THURSDAY,18,Y,1,,,,XNA,Approved,-755,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-725.0,-395.0,-485.0,-479.0,1.0,0,Cash loans,F,Y,Y,0,112500.0,1288350.0,37800.0,1125000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.030755,-18229,-3671,-9323.0,-1765,7.0,1,1,0,1,0,0,Medicine staff,2.0,2,2,WEDNESDAY,12,0,0,0,0,1,1,Medicine,,0.6724331292832124,0.8482442999507556,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1150.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2311832,341999,Cash loans,,0.0,0.0,,,SUNDAY,11,Y,1,,,,XNA,Refused,-113,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,135000.0,646920.0,18670.5,540000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018801,-22535,-579,-7727.0,-4081,,1,1,1,1,1,0,Laborers,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.5597847515476756,0.2418614865234661,0.0845,0.1166,0.9737,0.6396,0.0457,0.0,0.1379,0.1667,0.0417,0.062,0.0672,0.063,0.0077,0.0349,0.0861,0.121,0.9737,0.6537,0.0461,0.0,0.1379,0.1667,0.0417,0.0635,0.0735,0.0656,0.0078,0.037000000000000005,0.0854,0.1166,0.9737,0.6444,0.046,0.0,0.1379,0.1667,0.0417,0.0631,0.0684,0.0641,0.0078,0.0357,reg oper account,block of flats,0.0821,"Stone, brick",No,0.0,0.0,0.0,0.0,-1229.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,6.0,2.0,5.0 +1944763,279192,Consumer loans,8724.015,49851.0,44865.0,4986.0,49851.0,TUESDAY,13,Y,1,0.10892875313889933,,,XAP,Approved,-296,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,34,Connectivity,6.0,high,POS mobile with interest,365243.0,-244.0,-94.0,-124.0,-116.0,0.0,0,Cash loans,F,N,Y,2,112500.0,954207.0,28030.5,796500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009656999999999999,-10021,-1144,-9588.0,-1016,,1,1,0,1,0,0,Core staff,4.0,2,2,THURSDAY,10,0,0,0,0,0,0,School,0.3052583625280084,0.3636184417809957,0.31547215492577346,0.1856,0.0955,0.9871,0.8232,0.0,0.2,0.1724,0.3333,0.0417,0.1091,0.1513,0.1909,0.0,0.079,0.1891,0.0991,0.9871,0.8301,0.0,0.2014,0.1724,0.3333,0.0417,0.1116,0.1653,0.1989,0.0,0.0837,0.1874,0.0955,0.9871,0.8256,0.0,0.2,0.1724,0.3333,0.0417,0.111,0.1539,0.1943,0.0,0.0807,,block of flats,0.1724,Panel,No,5.0,4.0,5.0,3.0,-453.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1410024,290570,Consumer loans,3263.445,26874.0,29533.5,0.0,26874.0,MONDAY,14,Y,1,0.0,,,XAP,Approved,-1157,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,12.0,high,POS mobile with interest,365243.0,-1122.0,-792.0,-912.0,-906.0,0.0,0,Cash loans,F,N,Y,0,205200.0,1762110.0,48586.5,1575000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.0228,-18702,-3138,-2556.0,-2253,,1,1,0,1,0,0,Medicine staff,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Medicine,,0.3454216068856413,0.524496446363472,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,1.0,7.0,1.0,-1809.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1594253,428393,Revolving loans,2250.0,45000.0,45000.0,,45000.0,THURSDAY,13,Y,1,,,,XAP,Approved,-196,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),4,XNA,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,76500.0,382500.0,13738.5,382500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.009175,-20388,-8922,-4530.0,-2507,,1,1,1,1,0,0,Medicine staff,1.0,2,2,THURSDAY,15,0,0,0,0,0,0,Medicine,,0.6082342067460237,0.20092608771597092,0.101,0.0942,0.9796,,,0.0,0.0345,0.1667,,0.0694,,0.0653,,0.0073,0.1029,0.0977,0.9796,,,0.0,0.0345,0.1667,,0.071,,0.0681,,0.0077,0.102,0.0942,0.9796,,,0.0,0.0345,0.1667,,0.0707,,0.0665,,0.0074,,block of flats,0.053,"Stone, brick",No,4.0,0.0,4.0,0.0,-1139.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2705124,443116,Consumer loans,3419.91,54720.0,72936.0,0.0,54720.0,TUESDAY,16,Y,1,0.0,,,XAP,Approved,-1603,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,350,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1572.0,-882.0,-882.0,-877.0,0.0,0,Cash loans,M,Y,N,1,157500.0,571446.0,18562.5,477000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.016612000000000002,-17110,-2130,-7063.0,-657,14.0,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Construction,0.7143303628198348,0.6030532066517333,0.4329616670974407,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,3.0,0.0,3.0,0.0,-1181.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2057630,406354,Consumer loans,13598.865,301527.0,301527.0,0.0,301527.0,SATURDAY,18,Y,1,0.0,,,XAP,Approved,-994,Cash through the bank,XAP,Family,Refreshed,Audio/Video,POS,XNA,Country-wide,1000,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-962.0,-272.0,-272.0,-265.0,0.0,0,Cash loans,F,Y,Y,0,202500.0,2250000.0,59485.5,2250000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.026392000000000002,-21564,365243,-5603.0,-4003,17.0,1,0,0,1,0,0,,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,XNA,0.8879454348058367,0.7529853653155054,0.5298898341969072,0.0433,0.0923,0.9727,,,0.0,0.1379,0.125,,0.0556,,0.0447,,0.0342,0.0441,0.0958,0.9727,,,0.0,0.1379,0.125,,0.0568,,0.0465,,0.0363,0.0437,0.0923,0.9727,,,0.0,0.1379,0.125,,0.0565,,0.0455,,0.035,,block of flats,0.0426,"Stone, brick",No,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2379435,153301,Consumer loans,36059.895,327757.5,327757.5,0.0,327757.5,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-923,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Stone,269,Furniture,10.0,low_normal,POS industry with interest,365243.0,-889.0,-619.0,-619.0,-614.0,0.0,0,Cash loans,F,N,N,0,135000.0,486265.5,32278.5,459000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.04622,-23784,365243,-13976.0,-4063,,1,0,0,1,1,0,,2.0,1,1,FRIDAY,16,0,0,0,0,0,0,XNA,,0.643735181856704,,0.0588,0.0789,0.9841,0.7824,0.0098,0.0,0.1379,0.1667,0.2083,0.0722,0.0479,0.0541,0.0019,0.0107,0.0588,0.0762,0.9811,0.7517,0.0092,0.0,0.1379,0.1667,0.2083,0.0726,0.0514,0.056,0.0,0.0,0.0593,0.0789,0.9841,0.7853,0.0098,0.0,0.1379,0.1667,0.2083,0.0735,0.0487,0.0551,0.0019,0.0109,reg oper account,block of flats,0.0423,"Stone, brick",No,3.0,0.0,3.0,0.0,-1.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,1.0,0.0,0.0,0.0,1.0 +1445348,384278,Consumer loans,5462.01,48780.0,43875.0,4905.0,48780.0,MONDAY,0,Y,1,0.10951190875545114,,,XAP,Approved,-459,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,15,Connectivity,12.0,high,POS mobile with interest,365243.0,-421.0,-91.0,-361.0,-355.0,0.0,0,Cash loans,M,Y,N,0,157500.0,450000.0,22018.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.02461,-11368,-1439,-3393.0,-1051,1.0,1,1,1,1,1,1,Managers,2.0,2,2,THURSDAY,18,0,0,0,0,0,0,Business Entity Type 3,,0.1293602686031591,0.06210303783729682,0.1485,0.0935,0.9866,,,0.16,0.1379,0.3333,,0.0831,,0.1507,,0.0,0.1513,0.097,0.9866,,,0.1611,0.1379,0.3333,,0.085,,0.157,,0.0,0.1499,0.0935,0.9866,,,0.16,0.1379,0.3333,,0.0846,,0.1534,,0.0,,block of flats,0.1366,Panel,No,0.0,0.0,0.0,0.0,-459.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,1.0,0.0,1.0 +2538880,437932,Consumer loans,6319.485,49414.5,34587.0,14827.5,49414.5,SUNDAY,17,Y,1,0.32679669842951864,,,XAP,Approved,-984,Cash through the bank,XAP,Family,Repeater,Jewelry,POS,XNA,Stone,5,Industry,6.0,low_normal,POS other with interest,365243.0,-942.0,-792.0,-852.0,-843.0,0.0,0,Cash loans,F,N,N,0,369000.0,706410.0,67203.0,679500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.009334,-10171,-3235,-10157.0,-1202,,1,1,0,1,0,0,,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.6412967877804131,0.6022886950159204,0.4794489811780563,0.1732,,0.9851,,,0.2,0.1724,0.3333,,0.1292,,0.1918,,0.116,0.1765,,0.9851,,,0.2014,0.1724,0.3333,,0.1321,,0.1999,,0.1228,0.1749,,0.9851,,,0.2,0.1724,0.3333,,0.1314,,0.1953,,0.1184,,block of flats,0.2001,"Stone, brick",No,1.0,0.0,1.0,0.0,-1737.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2243757,450416,Consumer loans,22470.75,221720.31,240741.0,0.81,221720.31,MONDAY,8,Y,1,3.6643557525950174e-06,,,XAP,Approved,-474,Cash through the bank,XAP,,New,Construction Materials,POS,XNA,Stone,11,Construction,12.0,low_normal,POS industry with interest,365243.0,-440.0,-110.0,-200.0,-195.0,0.0,0,Cash loans,M,Y,Y,1,225000.0,835380.0,40320.0,675000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.018029,-19056,-66,-59.0,-2592,14.0,1,1,0,1,0,1,Laborers,2.0,3,3,SATURDAY,9,0,0,0,0,1,1,Business Entity Type 3,0.19355624807802346,0.5377988146285196,0.39449540531239935,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-474.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1374813,259036,Consumer loans,2501.685,21145.5,22099.5,1035.0,21145.5,SATURDAY,14,Y,1,0.04872416049229897,,,XAP,Approved,-1997,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Stone,216,Consumer electronics,12.0,high,POS household with interest,365243.0,-1966.0,-1636.0,-1636.0,-1632.0,0.0,0,Cash loans,F,N,Y,0,81000.0,226908.0,8680.5,148500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.020246,-20902,365243,-7237.0,-4410,,1,0,0,1,0,0,,1.0,3,3,MONDAY,6,0,0,0,0,0,0,XNA,0.5754810338940889,0.07764603092607869,0.5531646987710016,0.0619,0.0629,0.9801,0.728,0.0,0.0,0.1379,0.1667,0.2083,0.0446,0.0504,0.0541,0.0,0.0,0.063,0.0653,0.9801,0.7387,0.0,0.0,0.1379,0.1667,0.2083,0.0457,0.0551,0.0564,0.0,0.0,0.0625,0.0629,0.9801,0.7316,0.0,0.0,0.1379,0.1667,0.2083,0.0454,0.0513,0.0551,0.0,0.0,reg oper account,block of flats,0.0469,Panel,No,0.0,0.0,0.0,0.0,-1887.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +2704801,261295,Cash loans,38133.0,900000.0,900000.0,,900000.0,WEDNESDAY,13,Y,1,,,,XNA,Approved,-1457,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-1427.0,-377.0,-1187.0,-1179.0,1.0,1,Revolving loans,F,N,Y,0,832500.0,900000.0,45000.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.04622,-20600,-5767,-7345.0,-4151,,1,1,0,1,1,1,Security staff,1.0,1,1,THURSDAY,12,0,0,0,0,1,1,Business Entity Type 1,0.7161846586946033,0.677666375076491,0.3185955240537633,0.0825,,0.9762,,,0.0,0.1379,0.1667,,0.0101,,0.0337,,0.0,0.084,,0.9762,,,0.0,0.1379,0.1667,,0.0103,,0.0351,,0.0,0.0833,,0.9762,,,0.0,0.1379,0.1667,,0.0103,,0.0343,,0.0,,block of flats,0.0444,Panel,No,3.0,0.0,3.0,0.0,-1457.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2724388,138109,Revolving loans,6750.0,135000.0,135000.0,,135000.0,MONDAY,14,Y,1,,,,XAP,Refused,-811,XNA,LIMIT,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,Y,N,0,225000.0,733315.5,69754.5,679500.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.072508,-19501,365243,-5409.0,-3044,4.0,1,0,0,1,0,0,,2.0,1,1,SUNDAY,14,0,0,0,0,0,0,XNA,,0.7559586523110856,,0.0299,0.0539,0.9627,0.49,0.0,0.08,0.069,0.3333,0.375,0.0,0.0244,0.0467,0.0,0.2225,0.0305,0.0559,0.9628,0.51,0.0,0.0806,0.069,0.3333,0.375,0.0,0.0266,0.0486,0.0,0.2356,0.0302,0.0539,0.9627,0.4968,0.0,0.08,0.069,0.3333,0.375,0.0,0.0248,0.0475,0.0,0.2272,reg oper account,block of flats,0.0851,"Stone, brick",No,1.0,1.0,1.0,1.0,-2506.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1987346,353603,Cash loans,10476.585,94500.0,120541.5,0.0,94500.0,SATURDAY,11,Y,1,0.0,,,XNA,Approved,-1795,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-1765.0,-1255.0,-1255.0,-1248.0,1.0,0,Cash loans,M,Y,N,2,121500.0,405000.0,21969.0,405000.0,Family,State servant,Secondary / secondary special,Married,House / apartment,0.028663,-13512,-3654,-1799.0,-4247,7.0,1,1,1,1,0,0,Laborers,4.0,2,2,MONDAY,20,0,0,0,1,1,0,Other,0.14080029154125384,0.5981696585452647,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,10.0,1.0,10.0,1.0,-245.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1234199,124093,Consumer loans,8425.755,75816.0,86863.5,7582.5,75816.0,SUNDAY,11,Y,1,0.08743654382590918,,,XAP,Approved,-1927,Cash through the bank,XAP,Other_B,Repeater,Consumer Electronics,POS,XNA,Country-wide,3000,Consumer electronics,14.0,high,POS household with interest,365243.0,-1896.0,-1506.0,-1506.0,-1500.0,0.0,0,Cash loans,F,N,Y,1,157500.0,450000.0,30573.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.0228,-13751,-4544,-6706.0,-4430,,1,1,0,1,0,0,Core staff,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.3171835103055683,0.6907154560397604,0.6690566947824041,0.1309,0.1554,0.9831,0.7688,0.0146,0.0,0.2759,0.1667,0.2083,0.0363,0.1051,0.1138,0.0077,0.0177,0.1334,0.1613,0.9831,0.7779,0.0147,0.0,0.2759,0.1667,0.2083,0.0371,0.1148,0.1186,0.0078,0.0187,0.1322,0.1554,0.9831,0.7719,0.0147,0.0,0.2759,0.1667,0.2083,0.0369,0.1069,0.1159,0.0078,0.0181,reg oper account,block of flats,0.1014,"Stone, brick",No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,5.0,0.0,1.0 +1183420,373103,Consumer loans,5632.155,79528.5,52785.0,31500.0,79528.5,MONDAY,18,Y,1,0.4070281027034895,,,XAP,Approved,-2069,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Regional / Local,159,Consumer electronics,12.0,middle,POS household with interest,365243.0,-2038.0,-1708.0,-1708.0,-1685.0,0.0,0,Cash loans,M,Y,N,0,166500.0,343377.0,16137.0,283500.0,Unaccompanied,State servant,Incomplete higher,Single / not married,House / apartment,0.072508,-9968,-2250,-4767.0,-2550,7.0,1,1,0,1,0,0,Core staff,1.0,1,1,FRIDAY,14,0,0,0,0,0,0,Police,,0.7530951669682994,0.5919766183185521,0.2412,0.1486,0.9816,0.728,0.0,0.33,0.1466,0.5521,0.2708,0.0,0.166,0.16699999999999998,0.0019,0.0294,0.1166,0.0349,0.9796,0.7321,0.0,0.4834,0.2069,0.4583,0.0417,0.0,0.1019,0.142,0.0,0.0,0.281,0.1474,0.9801,0.7316,0.0,0.4,0.1724,0.5417,0.2708,0.0,0.1689,0.1766,0.0019,0.0025,reg oper spec account,block of flats,0.2237,Panel,No,0.0,0.0,0.0,0.0,-1895.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2131282,319427,Consumer loans,2821.635,24259.5,14553.0,9706.5,24259.5,SUNDAY,11,Y,1,0.435757575757576,,,XAP,Approved,-61,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,6.0,middle,POS mobile with interest,365243.0,-31.0,119.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,45000.0,157050.0,7047.0,112500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-19978,-157,-3849.0,-3480,,1,1,0,1,0,0,Security staff,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,Kindergarten,0.7785242542649362,0.6528938361461942,0.3441550073724169,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2525.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2515775,266398,Consumer loans,3647.115,36477.0,32827.5,3649.5,36477.0,FRIDAY,7,Y,1,0.10896283336697844,,,XAP,Refused,-2741,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,POS,XNA,Country-wide,530,Consumer electronics,10.0,low_normal,POS household without interest,,,,,,,0,Cash loans,F,N,Y,0,186750.0,454500.0,21996.0,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018209,-22288,365243,-3554.0,-4319,,1,0,0,1,0,0,,2.0,3,3,TUESDAY,10,0,0,0,0,0,0,XNA,,0.229091804284546,0.4992720153045617,0.0825,0.0915,0.9781,0.7008,0.0,0.0,0.2069,0.1667,0.2083,0.02,0.0672,0.0724,0.0,0.0,0.084,0.0949,0.9782,0.7125,0.0,0.0,0.2069,0.1667,0.2083,0.0204,0.0735,0.0755,0.0,0.0,0.0833,0.0915,0.9781,0.7048,0.0,0.0,0.2069,0.1667,0.2083,0.0203,0.0684,0.0737,0.0,0.0,reg oper account,block of flats,0.057,"Stone, brick",No,4.0,0.0,4.0,0.0,-458.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2346886,194425,Revolving loans,3375.0,67500.0,67500.0,,67500.0,SATURDAY,10,Y,1,,,,XAP,Refused,-647,XNA,LIMIT,,New,XNA,Cards,walk-in,AP+ (Cash loan),2,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,94500.0,229500.0,15070.5,229500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.010556,-11925,-1947,-3303.0,-3422,,1,1,0,1,1,0,Sales staff,1.0,3,3,TUESDAY,10,0,0,0,0,1,1,Business Entity Type 3,,0.6734630707009377,0.3108182544189319,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,0.0,8.0,0.0,-1106.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2614434,441805,Cash loans,4967.1,45000.0,45000.0,,45000.0,SUNDAY,11,Y,1,,,,XNA,Refused,-475,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Regional / Local,234,Consumer electronics,12.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,Y,1,63000.0,157500.0,9040.5,157500.0,"Spouse, partner",Commercial associate,Incomplete higher,Married,House / apartment,0.022625,-12103,-213,-2593.0,-4083,,1,1,1,1,1,0,Secretaries,3.0,2,2,SATURDAY,12,0,0,0,0,0,0,Bank,0.6908804883756332,0.4704495227120274,0.8327850252992314,0.0165,,0.9796,,,0.0,0.069,0.0417,,,,0.0092,,,0.0168,,0.9796,,,0.0,0.069,0.0417,,,,0.0096,,,0.0167,,0.9796,,,0.0,0.069,0.0417,,,,0.0094,,,,block of flats,0.013,Block,No,8.0,0.0,7.0,0.0,-1578.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2464090,188138,Revolving loans,13500.0,270000.0,270000.0,,270000.0,MONDAY,14,Y,1,,,,XAP,Approved,-424,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-424.0,-375.0,365243.0,-193.0,365243.0,0.0,0,Cash loans,F,N,Y,0,54000.0,263686.5,16258.5,238500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-21484,365243,-11942.0,-4846,,1,0,0,1,1,0,,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,XNA,,0.6907995370771864,0.7958031328748403,0.0701,0.0474,0.9742,0.6464,0.0077,0.0,0.1379,0.1667,0.2083,0.0391,0.0538,0.0508,0.0154,0.0468,0.0714,0.0492,0.9742,0.6602,0.0078,0.0,0.1379,0.1667,0.2083,0.04,0.0588,0.053,0.0156,0.0496,0.0708,0.0474,0.9742,0.6511,0.0077,0.0,0.1379,0.1667,0.2083,0.0398,0.0547,0.0518,0.0155,0.0478,reg oper account,block of flats,0.0502,"Stone, brick",No,4.0,1.0,4.0,1.0,-424.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1921312,110735,Cash loans,12780.27,117000.0,124722.0,,117000.0,FRIDAY,7,Y,1,,,,XNA,Approved,-479,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-449.0,-119.0,-419.0,-414.0,1.0,0,Cash loans,F,N,Y,0,45900.0,323014.5,14355.0,261000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-23761,365243,-3489.0,-4836,,1,0,0,1,0,0,,2.0,2,2,MONDAY,11,0,0,0,0,0,0,XNA,0.8863151027345443,0.6241252051134084,0.7801436381572275,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,11.0,0.0,11.0,0.0,-833.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2292158,270742,Consumer loans,9206.28,49495.5,52110.0,0.0,49495.5,SUNDAY,18,Y,1,0.0,,,XAP,Approved,-612,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,951,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-581.0,-431.0,-461.0,-458.0,0.0,0,Cash loans,F,N,Y,0,171000.0,1884915.0,69984.0,1759500.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.009334,-13367,-384,-7075.0,-4746,,1,1,0,1,0,0,Core staff,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,School,0.22814800348156314,0.6347338411808751,0.41534714488434,0.2165,0.1576,0.9791,0.7144,,0.24,0.2069,0.3333,0.375,0.0381,,0.1934,,0.06,0.2206,0.1636,0.9791,0.7256,,0.2417,0.2069,0.3333,0.375,0.039,,0.2015,,0.0635,0.2186,0.1576,0.9791,0.7182,,0.24,0.2069,0.3333,0.375,0.0388,,0.1969,,0.0613,reg oper account,block of flats,0.1939,"Stone, brick",No,1.0,0.0,1.0,0.0,-1279.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2613697,156771,Consumer loans,12470.4,58446.0,61159.5,6750.0,58446.0,MONDAY,10,Y,1,0.10825235992554257,,,XAP,Approved,-1424,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,86,Connectivity,6.0,high,POS mobile with interest,365243.0,-1383.0,-1233.0,-1233.0,-1228.0,0.0,0,Cash loans,M,N,N,0,292500.0,497520.0,39438.0,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.0038130000000000004,-15641,-5323,-3620.0,-4178,,1,1,0,1,1,0,Managers,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Transport: type 4,0.4448464137917324,0.6973740477743507,,0.0969,0.138,0.9876,,,0.0,0.2759,0.1667,,0.0723,,0.0974,,0.0073,0.0987,0.1432,0.9876,,,0.0,0.2759,0.1667,,0.07400000000000001,,0.1014,,0.0077,0.0978,0.138,0.9876,,,0.0,0.2759,0.1667,,0.0736,,0.0991,,0.0074,,block of flats,0.0782,"Stone, brick",No,3.0,0.0,3.0,0.0,-1692.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1958828,436427,Consumer loans,28666.845,244665.0,239089.5,24466.5,244665.0,FRIDAY,17,Y,1,0.10110277408699747,,,XAP,Approved,-866,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,15,Connectivity,12.0,high,POS mobile with interest,365243.0,-832.0,-502.0,-502.0,-500.0,0.0,0,Revolving loans,F,N,Y,1,112500.0,225000.0,11250.0,225000.0,"Spouse, partner",Working,Secondary / secondary special,Married,Rented apartment,0.010643000000000001,-14157,-124,-8013.0,-4998,,1,1,1,1,0,0,Sales staff,3.0,2,2,WEDNESDAY,10,1,1,0,1,1,0,Trade: type 3,,0.7249819429039366,0.7874761977281463,0.0742,0.0617,0.9811,0.7416,0.0148,0.08,0.069,0.3333,0.0417,0.0558,0.0605,0.0798,0.0,0.0,0.0756,0.0641,0.9811,0.7517,0.0149,0.0806,0.069,0.3333,0.0417,0.057,0.0661,0.0832,0.0,0.0,0.0749,0.0617,0.9811,0.7451,0.0149,0.08,0.069,0.3333,0.0417,0.0567,0.0616,0.0812,0.0,0.0,reg oper account,block of flats,0.0708,"Stone, brick",No,0.0,0.0,0.0,0.0,-866.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1954157,276143,Consumer loans,5642.685,32350.5,27247.5,6471.0,32350.5,SUNDAY,16,Y,1,0.2090101064023392,,,XAP,Approved,-944,XNA,XAP,"Spouse, partner",New,Mobile,POS,XNA,Country-wide,136,Connectivity,6.0,high,POS mobile with interest,365243.0,-913.0,-763.0,-763.0,-755.0,0.0,0,Cash loans,M,Y,N,0,180000.0,450000.0,48595.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.011703,-12781,-1586,-2221.0,-2234,26.0,1,1,0,1,1,0,Laborers,2.0,2,2,THURSDAY,19,0,0,0,1,1,1,Transport: type 4,,0.5925592838963656,0.4418358231994413,,,0.9722,,,,0.1034,0.0,,0.0019,,0.0021,,,,,0.9722,,,,0.1034,0.0,,0.0019,,0.0022,,,,,0.9722,,,,0.1034,0.0,,0.0019,,0.0021,,,,block of flats,0.0016,,Yes,0.0,0.0,0.0,0.0,-944.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1091983,277240,Consumer loans,3253.14,33250.5,28750.5,4500.0,33250.5,WEDNESDAY,6,Y,1,0.14739354568830818,,,XAP,Approved,-80,Cash through the bank,XAP,,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,30,Connectivity,12.0,high,POS mobile with interest,365243.0,-30.0,300.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,Y,3,90000.0,135000.0,6750.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.006629,-14763,-575,-2669.0,-4818,,1,1,1,1,1,0,Medicine staff,4.0,2,2,SATURDAY,5,0,0,0,0,0,0,Medicine,,0.5830544747490947,0.5424451438613613,0.0041,0.0,0.9771,0.6872,0.0,0.0,0.069,0.0,0.0417,,0.0034,0.0023,0.0,0.0,0.0042,0.0,0.9742,0.6602,0.0,0.0,0.069,0.0,0.0417,,0.0037,0.0019,0.0,0.0,0.0042,0.0,0.9771,0.6914,0.0,0.0,0.069,0.0,0.0417,,0.0034,0.0024,0.0,0.0,reg oper account,terraced house,0.0022,Wooden,Yes,0.0,0.0,0.0,0.0,-2107.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1563728,141342,Consumer loans,5610.825,49500.0,54729.0,0.0,49500.0,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-234,Cash through the bank,XAP,Unaccompanied,New,Furniture,POS,XNA,Stone,488,Furniture,12.0,middle,POS industry with interest,365243.0,-203.0,127.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,2,135000.0,237204.0,18756.0,198000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.0228,-13912,-1418,-2427.0,-4592,,1,1,0,1,0,0,Secretaries,4.0,2,2,TUESDAY,16,0,0,0,0,0,0,Kindergarten,0.7589010342092907,0.5912545856557146,0.7503751495159068,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-234.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1111820,246919,Revolving loans,6750.0,0.0,157500.0,,,SATURDAY,7,N,0,,,,XAP,Refused,-2659,XNA,XNA,,Repeater,XNA,Cards,x-sell,Stone,445,Furniture,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,76500.0,67500.0,4441.5,67500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.008068,-14577,-2446,-4934.0,-4928,,1,1,0,1,0,0,Cleaning staff,1.0,3,3,FRIDAY,10,0,0,0,0,0,0,Government,0.291800886789984,0.25078253809431345,0.28371188263500075,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1599.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2017914,378652,Consumer loans,3240.855,26460.0,23760.0,2700.0,26460.0,FRIDAY,16,Y,1,0.11113172541743964,,,XAP,Approved,-1851,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,76,Connectivity,10.0,high,POS mobile with interest,365243.0,-1815.0,-1545.0,-1695.0,-1688.0,0.0,1,Cash loans,F,N,N,1,247500.0,273024.0,17905.5,216000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.005002,-12017,-358,-4812.0,-3434,,1,1,0,1,0,1,Cleaning staff,3.0,3,3,MONDAY,13,0,0,0,0,0,0,School,0.5955508838729031,0.49695139357206003,0.4066174366275036,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,0.0,0.0,-156.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1009715,239041,Cash loans,25998.93,405000.0,442422.0,,405000.0,THURSDAY,8,Y,1,,,,XNA,Approved,-441,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-411.0,279.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,69750.0,229500.0,16321.5,229500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.015221,-22506,365243,-1189.0,-4201,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,XNA,0.7244401279245704,0.4735340663846279,,0.0887,0.1125,0.9836,,,0.0,0.2069,0.1667,,0.0451,,0.0823,,0.0152,0.0903,0.1167,0.9836,,,0.0,0.2069,0.1667,,0.0462,,0.0858,,0.0161,0.0895,0.1125,0.9836,,,0.0,0.2069,0.1667,,0.0459,,0.0838,,0.0155,,block of flats,0.0745,Panel,No,4.0,1.0,4.0,1.0,-1673.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1894121,429026,Consumer loans,11776.32,108801.0,105997.5,10881.0,108801.0,THURSDAY,7,Y,1,0.10139074493442488,,,XAP,Approved,-2615,Cash through the bank,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Country-wide,2300,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2584.0,-2314.0,-2314.0,-2304.0,1.0,0,Cash loans,F,N,Y,0,90000.0,254700.0,13315.5,225000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.006852,-24656,365243,-2762.0,-2246,,1,0,0,1,0,0,,2.0,3,3,MONDAY,6,0,0,0,0,0,0,XNA,,0.3399639403556917,0.6940926425266661,0.0289,0.0413,0.9866,0.8164,,0.0,0.1034,0.0833,0.125,0.0059,0.0227,0.0247,0.0039,,0.0294,0.0428,0.9866,0.8236,,0.0,0.1034,0.0833,0.125,0.006,0.0248,0.0257,0.0039,,0.0291,0.0413,0.9866,0.8189,,0.0,0.1034,0.0833,0.125,0.006,0.0231,0.0251,0.0039,,reg oper account,block of flats,0.0194,"Stone, brick",No,2.0,0.0,2.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +2108322,164490,Consumer loans,17207.235,165105.0,148594.5,16510.5,165105.0,MONDAY,11,Y,1,0.1089090909090909,,,XAP,Approved,-2411,Cash through the bank,XAP,,Refreshed,Consumer Electronics,POS,XNA,Stone,261,Consumer electronics,10.0,middle,POS household with interest,365243.0,-2358.0,-2088.0,-2268.0,-2258.0,0.0,0,Cash loans,F,Y,Y,0,292500.0,1800000.0,49500.0,1800000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.072508,-18728,-8557,-3541.0,-2277,16.0,1,1,1,1,1,0,Managers,2.0,1,1,THURSDAY,10,0,0,0,0,0,0,Government,0.8463227100369031,0.7753294628574358,0.5832379256761245,0.1353,0.067,0.9886,0.7756,0.0852,0.16,0.0776,0.5104,0.4583,0.0407,0.0878,0.1477,0.0058,0.0164,0.021,0.0338,0.994,0.6341,0.0693,0.2417,0.1034,0.6667,0.2083,0.0116,0.0174,0.0242,0.0039,0.0007,0.1577,0.0717,0.994,0.7786,0.0857,0.2,0.0862,0.6042,0.4583,0.0359,0.0894,0.1731,0.0058,0.0095,reg oper account,block of flats,0.1802,Panel,No,0.0,0.0,0.0,0.0,-1610.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1265886,230025,Consumer loans,3666.465,26950.5,30154.5,0.0,26950.5,SATURDAY,10,Y,1,0.0,,,XAP,Refused,-420,XNA,LIMIT,,Repeater,Mobile,POS,XNA,Country-wide,67,Connectivity,12.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,N,0,76500.0,161730.0,8770.5,135000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.018801,-15436,-1953,-1153.0,-4107,,1,1,1,1,0,0,Core staff,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Government,,0.31384681511843565,0.5919766183185521,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-500.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1009318,400873,Consumer loans,11319.075,94819.5,106294.5,0.0,94819.5,THURSDAY,4,Y,1,0.0,,,XAP,Approved,-18,Cash through the bank,XAP,Family,New,Furniture,POS,XNA,Regional / Local,2880,Furniture,10.0,low_action,POS industry without interest,365243.0,365243.0,282.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,1,139500.0,454500.0,14791.5,454500.0,Unaccompanied,Pensioner,Higher education,Separated,House / apartment,0.014464,-17110,365243,-5093.0,-658,,1,0,0,1,0,0,,2.0,2,2,MONDAY,5,0,0,0,0,0,0,XNA,,0.5186299021712707,0.4794489811780563,0.0062,,0.9613,,,,0.0345,0.0417,,,,,,,0.0063,,0.9613,,,,0.0345,0.0417,,,,,,,0.0062,,0.9613,,,,0.0345,0.0417,,,,,,,,block of flats,0.0029,,No,0.0,0.0,0.0,0.0,-129.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2567396,398786,Consumer loans,10977.885,109791.0,98811.0,10980.0,109791.0,SATURDAY,7,Y,1,0.10891801861553478,,,XAP,Approved,-2320,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,600,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2289.0,-2019.0,-2019.0,-2011.0,0.0,0,Cash loans,F,N,Y,0,117000.0,255960.0,14422.5,202500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-20259,-5650,-8902.0,-3631,,1,1,0,1,0,0,Laborers,2.0,3,3,TUESDAY,7,0,0,0,0,0,0,Other,,0.5000948207582657,0.5902333386185574,0.0309,0.0798,0.9881,0.8368,0.0033,0.0,0.1034,0.0833,0.125,0.0395,0.0252,0.0377,0.0,0.0,0.0315,0.0828,0.9881,0.8432,0.0033,0.0,0.1034,0.0833,0.125,0.0404,0.0275,0.0393,0.0,0.0,0.0312,0.0798,0.9881,0.8390000000000001,0.0033,0.0,0.1034,0.0833,0.125,0.0402,0.0257,0.0384,0.0,0.0,reg oper account,block of flats,0.0315,"Stone, brick",No,4.0,0.0,4.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2457234,130030,Cash loans,,0.0,0.0,,,MONDAY,8,Y,1,,,,XNA,Refused,-358,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,Y,Y,0,157500.0,733500.0,37579.5,733500.0,Unaccompanied,Pensioner,Lower secondary,Married,House / apartment,0.028663,-21739,365243,-4458.0,-4465,3.0,1,0,0,1,0,0,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,,0.16354868437086004,0.6006575372857061,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1260362,370029,Consumer loans,3646.395,35415.0,35028.0,3541.5,35415.0,WEDNESDAY,14,Y,1,0.10000169705454967,,,XAP,Approved,-2093,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Stone,180,Consumer electronics,12.0,middle,POS household with interest,365243.0,-2062.0,-1732.0,-1822.0,-1816.0,0.0,0,Cash loans,F,N,Y,0,90000.0,675000.0,22306.5,675000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-21545,365243,-10542.0,-4549,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,,0.5583131057184169,0.7421816117614419,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,0.0,9.0,0.0,-1700.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1324834,104823,Consumer loans,5408.37,19350.0,20029.5,0.0,19350.0,SUNDAY,9,Y,1,0.0,,,XAP,Refused,-756,Cash through the bank,LIMIT,Unaccompanied,Repeater,Audio/Video,POS,XNA,Stone,63,Consumer electronics,4.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,112500.0,538704.0,26046.0,481500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.018029,-22057,365243,-4265.0,-5262,,1,0,0,1,1,0,,1.0,3,2,SUNDAY,11,0,0,0,0,0,0,XNA,,0.1604848531405259,0.2807895743848605,0.0619,0.0544,0.9786,0.7076,0.0,0.0,0.1379,0.1667,0.2083,,0.0504,0.0365,0.0,0.0,0.063,0.0564,0.9786,0.7190000000000001,0.0,0.0,0.1379,0.1667,0.2083,,0.0551,0.038,0.0,0.0,0.0625,0.0544,0.9786,0.7115,0.0,0.0,0.1379,0.1667,0.2083,,0.0513,0.0371,0.0,0.0,reg oper account,block of flats,0.0518,Panel,No,0.0,0.0,0.0,0.0,-352.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1106700,305797,Cash loans,12963.15,67500.0,69727.5,,67500.0,WEDNESDAY,12,Y,1,,,,XNA,Approved,-981,Cash through the bank,XAP,Children,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-951.0,-801.0,-951.0,-948.0,1.0,0,Cash loans,F,Y,Y,0,67500.0,143910.0,14233.5,135000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.009549,-21721,365243,-9983.0,-3922,12.0,1,0,0,1,0,0,,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,XNA,,0.7357894385337393,0.8327850252992314,0.2227,,0.9786,,,,0.2069,0.3333,,,,0.1457,,,0.2269,,0.9786,,,,0.2069,0.3333,,,,0.1518,,,0.2248,,0.9786,,,,0.2069,0.3333,,,,0.1483,,,,,0.1723,"Stone, brick",No,1.0,0.0,1.0,0.0,-981.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1232152,324577,Consumer loans,12259.8,98982.0,108783.0,0.0,98982.0,TUESDAY,16,Y,1,0.0,,,XAP,Approved,-1113,Cash through the bank,XAP,Other_B,Refreshed,Vehicles,POS,XNA,Stone,148,Consumer electronics,12.0,high,POS household with interest,,,,,,,0,Revolving loans,M,N,Y,1,193500.0,405000.0,20250.0,405000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,With parents,0.00702,-11212,-602,-9663.0,-2975,,1,1,0,1,0,0,Drivers,3.0,2,2,TUESDAY,17,0,0,0,0,0,0,Business Entity Type 3,,0.33895386262324456,0.7338145369642702,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2609348,337739,Cash loans,51965.82,450000.0,470790.0,,450000.0,TUESDAY,12,Y,1,,,,XNA,Approved,-891,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Stone,100,Furniture,12.0,high,Cash X-Sell: high,365243.0,-861.0,-531.0,-651.0,-639.0,1.0,0,Cash loans,F,N,N,1,135000.0,592560.0,32274.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-11922,-1175,-5689.0,-2218,,1,1,0,1,0,0,Private service staff,3.0,2,2,THURSDAY,10,0,0,0,0,0,0,Self-employed,0.2801046668978303,0.6174382327537167,0.32173528219668485,0.0701,0.0955,0.9881,0.8368,0.0109,0.0,0.2069,0.1667,0.2083,0.0825,0.0572,0.0748,0.0,0.0063,0.0714,0.0991,0.9881,0.8432,0.011,0.0,0.2069,0.1667,0.2083,0.0844,0.0624,0.078,0.0,0.0067,0.0708,0.0955,0.9881,0.8390000000000001,0.0109,0.0,0.2069,0.1667,0.2083,0.084,0.0581,0.0762,0.0,0.0065,reg oper account,block of flats,0.0662,"Stone, brick",No,0.0,0.0,0.0,0.0,-1762.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2045773,370042,Cash loans,22425.975,225000.0,239850.0,,225000.0,FRIDAY,18,Y,1,,,,XNA,Approved,-169,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),12,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-139.0,191.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,81000.0,110331.0,10876.5,103500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010556,-24848,365243,-5192.0,-5208,,1,0,0,1,1,0,,2.0,3,3,SATURDAY,16,0,0,0,0,0,0,XNA,,0.6190794523835058,0.8224987619370829,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2262.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2630720,418774,Consumer loans,8281.62,64755.0,70452.0,0.0,64755.0,WEDNESDAY,18,Y,1,0.0,,,XAP,Approved,-252,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,200,Consumer electronics,10.0,middle,POS household with interest,365243.0,-222.0,48.0,365243.0,365243.0,1.0,0,Revolving loans,F,N,Y,0,135000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-7931,-1004,-4694.0,-607,,1,1,0,1,0,0,Core staff,2.0,2,2,WEDNESDAY,17,0,0,0,1,1,1,Self-employed,,0.3709665092717953,0.2353105173615833,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-307.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1524545,305123,Consumer loans,2832.21,67990.5,60777.0,7213.5,67990.5,SUNDAY,17,Y,1,0.11554786731568785,,,XAP,Refused,-2557,Cash through the bank,SCO,Other_B,Repeater,XNA,POS,XNA,Country-wide,-1,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,0,Cash loans,M,N,Y,2,166500.0,284400.0,22599.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00702,-14573,-564,-2726.0,-3980,,1,1,0,1,0,0,Laborers,4.0,2,2,TUESDAY,9,0,0,0,0,1,1,Business Entity Type 3,,0.35202686366303554,0.4561097392782771,0.0619,,0.9811,0.7416,0.0185,0.0,0.1379,0.1667,0.2083,0.0317,0.0504,0.0525,0.0,,0.063,,0.9811,0.7517,0.0186,0.0,0.1379,0.1667,0.2083,0.0324,0.0551,0.0547,0.0,,0.0625,,0.9811,0.7451,0.0186,0.0,0.1379,0.1667,0.2083,0.0323,0.0513,0.0534,0.0,,reg oper account,block of flats,0.0514,"Stone, brick",No,3.0,1.0,3.0,0.0,-22.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1856431,354496,Consumer loans,28544.4,286875.0,305811.0,0.0,286875.0,FRIDAY,11,Y,1,0.0,,,XAP,Approved,-745,Cash through the bank,XAP,,New,Furniture,POS,XNA,Country-wide,70,Furniture,12.0,low_normal,POS industry with interest,365243.0,-711.0,-381.0,-381.0,-372.0,0.0,0,Cash loans,F,N,Y,0,103500.0,583834.5,25848.0,504000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-20101,365243,-4912.0,-1853,,1,0,0,1,0,0,,2.0,2,2,MONDAY,14,0,0,0,0,0,0,XNA,,0.6134790897284914,0.7209441499436497,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-745.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1526405,109857,Cash loans,23123.88,675000.0,790830.0,,675000.0,FRIDAY,9,Y,1,,,,XNA,Refused,-216,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,1,135000.0,1255680.0,41499.0,1125000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.035792000000000004,-16723,-1763,-3773.0,-239,,1,1,1,1,1,0,Sales staff,3.0,2,2,THURSDAY,12,0,0,0,0,0,0,Self-employed,,0.7274818534697667,0.16048893062734468,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-483.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2165270,290185,Cash loans,10945.305,90000.0,101920.5,,90000.0,FRIDAY,9,Y,1,,,,Car repairs,Approved,-391,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Country-wide,60,Connectivity,12.0,middle,Cash Street: middle,365243.0,-361.0,-31.0,-31.0,-25.0,1.0,1,Cash loans,M,Y,Y,0,135000.0,304933.5,24088.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010147,-12260,-927,-6223.0,-3831,23.0,1,1,0,1,0,1,,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,Self-employed,0.07087007076662663,0.4109652287549647,0.41534714488434,0.134,0.1028,0.9816,0.7484,0.0475,0.0,0.2759,0.1667,0.2083,0.1119,0.1084,0.1188,0.0039,0.0041,0.1366,0.1067,0.9816,0.7583,0.0479,0.0,0.2759,0.1667,0.2083,0.1144,0.1185,0.1237,0.0039,0.0044,0.1353,0.1028,0.9816,0.7518,0.0478,0.0,0.2759,0.1667,0.2083,0.1138,0.1103,0.1209,0.0039,0.0042,reg oper spec account,block of flats,0.1203,"Stone, brick",No,1.0,0.0,1.0,0.0,-391.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1499000,396846,Consumer loans,7799.085,40455.0,42858.0,0.0,40455.0,MONDAY,20,Y,1,0.0,,,XAP,Approved,-218,Cash through the bank,XAP,Family,Refreshed,Homewares,POS,XNA,Regional / Local,212,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-188.0,-38.0,-128.0,-121.0,1.0,0,Cash loans,F,N,Y,1,180000.0,1800000.0,54706.5,1800000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-16296,-8833,-3622.0,-4591,,1,1,0,1,0,0,Core staff,3.0,2,2,TUESDAY,16,0,0,0,0,0,0,Medicine,,0.6946257239608385,,0.133,0.1515,0.9816,0.7484,0.0148,0.0,0.2759,0.1667,0.0417,0.1151,0.1084,0.1198,0.0,0.0,0.1355,0.1572,0.9816,0.7583,0.0149,0.0,0.2759,0.1667,0.0417,0.1178,0.1185,0.1248,0.0,0.0,0.1343,0.1515,0.9816,0.7518,0.0149,0.0,0.2759,0.1667,0.0417,0.1171,0.1103,0.1219,0.0,0.0,reg oper account,block of flats,0.103,"Stone, brick",No,1.0,0.0,1.0,0.0,-2061.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1855573,433041,Consumer loans,11643.975,120816.0,119425.5,12150.0,120816.0,MONDAY,14,Y,1,0.10056928946083836,,,XAP,Approved,-2236,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Regional / Local,294,Consumer electronics,12.0,middle,POS household with interest,365243.0,-2205.0,-1875.0,-1875.0,-1852.0,1.0,0,Cash loans,F,N,Y,4,153000.0,993082.5,39510.0,913500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-14983,-2100,-9043.0,-986,,1,1,1,1,1,0,,6.0,3,2,THURSDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.5766704874556026,0.3360934461002423,,0.0845,0.0852,0.9876,0.83,0.0245,0.08,0.0345,0.5417,0.5833,0.0688,0.0689,0.0782,0.0,0.049,0.0861,0.0884,0.9876,0.8367,0.0247,0.0806,0.0345,0.5417,0.5833,0.0704,0.0753,0.0815,0.0,0.0518,0.0854,0.0852,0.9876,0.8323,0.0247,0.08,0.0345,0.5417,0.5833,0.07,0.0701,0.0796,0.0,0.05,reg oper account,block of flats,0.0855,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2297162,440278,Consumer loans,,57055.5,57055.5,0.0,57055.5,SUNDAY,12,Y,1,0.0,,,XAP,Refused,-1780,Cash through the bank,XNA,Family,Repeater,Mobile,XNA,XNA,Country-wide,30,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,0,63000.0,270000.0,11439.0,270000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.006233,-21658,365243,-8687.0,-5114,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,XNA,,0.6658588658817576,0.4329616670974407,0.1031,,0.9886,,,0.0,0.3448,0.1667,,,,0.1135,,0.0,0.105,,0.9886,,,0.0,0.3448,0.1667,,,,0.1182,,0.0,0.1041,,0.9886,,,0.0,0.3448,0.1667,,,,0.1155,,0.0,,block of flats,0.0892,Panel,No,0.0,0.0,0.0,0.0,-1918.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1263472,271417,Consumer loans,2255.49,19300.5,18985.5,2025.0,19300.5,SATURDAY,16,Y,1,0.10496699702097,,,XAP,Approved,-1977,Cash through the bank,XAP,"Spouse, partner",Repeater,Mobile,POS,XNA,Country-wide,73,Connectivity,12.0,high,POS mobile with interest,365243.0,-1946.0,-1616.0,-1616.0,-1612.0,0.0,0,Cash loans,F,N,N,0,90000.0,113211.0,8181.0,94500.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.019101,-16989,-110,-4522.0,-532,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Trade: type 7,0.7111578057989733,0.467421670992586,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1251.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1262093,337714,Consumer loans,14580.54,169411.5,191214.0,0.0,169411.5,TUESDAY,17,Y,1,0.0,,,XAP,Approved,-509,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,1600,Consumer electronics,18.0,middle,POS household with interest,365243.0,-470.0,40.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,1,135000.0,297130.5,15300.0,256500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-10415,-2439,-4736.0,-2538,10.0,1,1,0,1,0,0,Laborers,3.0,1,1,SUNDAY,10,0,0,0,0,1,1,Industry: type 11,,0.2450662441205045,0.6313545365850379,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1754244,365915,Cash loans,50401.17,450000.0,473760.0,,450000.0,FRIDAY,11,Y,1,,,,XNA,Refused,-244,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,N,Y,0,157500.0,61128.0,7384.5,54000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019101,-16511,-7125,-47.0,-47,,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,Self-employed,,0.6944865491058924,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-588.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1460846,188074,Cash loans,39595.14,1170000.0,1305909.0,,1170000.0,SUNDAY,14,Y,1,,,,XNA,Approved,-608,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_action,Cash X-Sell: low,365243.0,-578.0,832.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,202500.0,542133.0,19602.0,468000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.019101,-20852,365243,-624.0,-4357,,1,0,0,1,0,0,,1.0,2,2,SATURDAY,11,0,0,0,0,0,0,XNA,,0.20737080185975645,0.6894791426446275,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1544145,347820,Consumer loans,12035.115,62284.5,59013.0,6232.5,62284.5,SATURDAY,11,Y,1,0.10403413401551198,,,XAP,Approved,-529,Cash through the bank,XAP,,New,Computers,POS,XNA,Country-wide,34,Connectivity,6.0,high,POS mobile with interest,365243.0,-498.0,-348.0,-348.0,-339.0,0.0,1,Cash loans,M,N,Y,2,157500.0,729792.0,39721.5,630000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.030755,-15280,-636,-1525.0,-1539,,1,1,0,1,0,0,Laborers,4.0,2,2,WEDNESDAY,10,0,0,0,0,1,1,Self-employed,,0.4697304749249391,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-308.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1275105,405783,Consumer loans,9532.485,87907.5,97191.0,0.0,87907.5,FRIDAY,11,Y,1,0.0,,,XAP,Refused,-771,XNA,LIMIT,,Repeater,Mobile,POS,XNA,Country-wide,24,Connectivity,12.0,middle,POS mobile without interest,,,,,,,1,Cash loans,M,N,N,0,270000.0,732915.0,87111.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,With parents,0.006629,-13838,-799,-1130.0,-2228,,1,1,0,1,0,0,Laborers,1.0,2,2,SATURDAY,10,0,0,0,0,0,0,Construction,,0.4227389083949984,,0.1247,0.0,0.997,0.9592,,0.08,0.069,0.3333,0.0417,0.0125,0.1017,0.096,0.0,,0.1271,0.0,0.997,0.9608,,0.0806,0.069,0.3333,0.0417,0.0128,0.1111,0.1,0.0,,0.126,0.0,0.997,0.9597,,0.08,0.069,0.3333,0.0417,0.0128,0.1035,0.0977,0.0,,reg oper account,block of flats,0.1252,Panel,No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1412321,396004,Cash loans,57099.285,562500.0,584775.0,,562500.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-699,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Stone,129,Consumer electronics,12.0,low_normal,Cash X-Sell: low,365243.0,-669.0,-339.0,-459.0,-450.0,1.0,0,Cash loans,F,N,Y,0,225000.0,728460.0,44694.0,675000.0,Family,Pensioner,Secondary / secondary special,Separated,House / apartment,0.002042,-23582,365243,-7560.0,-2012,,1,0,0,1,0,0,,1.0,3,3,TUESDAY,12,0,0,0,0,0,0,XNA,0.813472856168783,0.34372765612597106,0.6263042766749393,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-699.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1083343,148155,Consumer loans,6829.56,44959.23,35964.0,8995.23,44959.23,TUESDAY,10,Y,1,0.21790015572290306,,,XAP,Approved,-1742,Cash through the bank,XAP,,Refreshed,Audio/Video,POS,XNA,Country-wide,10200,Consumer electronics,6.0,middle,POS household without interest,365243.0,-1709.0,-1559.0,-1559.0,-1555.0,0.0,0,Cash loans,F,N,Y,0,112500.0,285723.0,21492.0,238500.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.02461,-15462,-450,-2372.0,-4251,,1,1,1,1,1,0,Sales staff,2.0,2,2,MONDAY,18,0,0,0,0,0,0,Business Entity Type 3,0.7606193300778474,0.4900206575839111,0.5549467685334323,0.0619,0.0492,0.9722,,,0.0,0.1034,0.1667,,0.0534,,0.0487,,0.0,0.063,0.0511,0.9722,,,0.0,0.1034,0.1667,,0.0546,,0.0507,,0.0,0.0625,0.0492,0.9722,,,0.0,0.1034,0.1667,,0.0543,,0.0496,,0.0,,block of flats,0.0411,"Stone, brick",No,0.0,0.0,0.0,0.0,-3362.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1490867,355894,Cash loans,10109.97,81000.0,97389.0,,81000.0,MONDAY,12,Y,1,,,,XNA,Approved,-1052,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1022.0,-692.0,-692.0,-688.0,1.0,0,Cash loans,F,N,Y,0,90000.0,298512.0,28039.5,270000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.01885,-21501,365243,-14086.0,-3806,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,,0.7433325916825244,0.4170996682522097,0.0814,0.0643,0.9747,0.6532,0.0072,0.0,0.1379,0.1667,0.2083,0.0727,0.0656,0.0421,0.0039,0.0021,0.083,0.0667,0.9747,0.6668,0.0073,0.0,0.1379,0.1667,0.2083,0.0743,0.0716,0.0438,0.0039,0.0022,0.0822,0.0643,0.9747,0.6578,0.0073,0.0,0.1379,0.1667,0.2083,0.0739,0.0667,0.0428,0.0039,0.0021,reg oper account,block of flats,0.0331,"Stone, brick",No,1.0,1.0,1.0,0.0,-1335.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1461305,403854,Cash loans,38386.305,540000.0,572076.0,,540000.0,MONDAY,12,Y,1,,,,XNA,Approved,-369,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-339.0,171.0,-39.0,-34.0,1.0,0,Cash loans,F,Y,Y,0,112500.0,697500.0,37966.5,697500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-19608,-5004,-3819.0,-2899,4.0,1,1,0,1,0,0,Accountants,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Self-employed,,0.5585180121709452,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,13.0,0.0,13.0,0.0,-1783.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2415104,422866,Consumer loans,7616.25,89541.0,107271.0,0.0,89541.0,SATURDAY,14,Y,1,0.0,,,XAP,Approved,-1405,Cash through the bank,XAP,Family,Refreshed,Audio/Video,POS,XNA,Country-wide,3446,Consumer electronics,24.0,high,POS household with interest,365243.0,-1372.0,-682.0,-1222.0,-1213.0,0.0,0,Cash loans,F,N,Y,0,157500.0,495351.0,26518.5,459000.0,Unaccompanied,State servant,Secondary / secondary special,Widow,House / apartment,0.01885,-21621,-198,-975.0,-461,,1,1,0,1,0,0,,1.0,2,2,THURSDAY,15,0,0,0,0,0,0,Other,,0.6383006615578971,0.5884877883422673,0.1031,0.0967,0.9781,0.7008,0.0113,0.0,0.2069,0.1667,0.2083,0.1876,0.0841,0.0929,0.0,0.0,0.105,0.1004,0.9782,0.7125,0.0114,0.0,0.2069,0.1667,0.2083,0.1918,0.0918,0.0968,0.0,0.0,0.1041,0.0967,0.9781,0.7048,0.0114,0.0,0.2069,0.1667,0.2083,0.1908,0.0855,0.0946,0.0,0.0,reg oper account,block of flats,0.0792,Panel,No,0.0,0.0,0.0,0.0,-793.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,1.0 +2628017,258596,Consumer loans,21645.855,103950.0,97416.0,10395.0,103950.0,FRIDAY,9,Y,1,0.10500876533934386,,,XAP,Approved,-1386,Cash through the bank,XAP,Other_B,New,Audio/Video,POS,XNA,Stone,34,Consumer electronics,5.0,middle,POS household with interest,365243.0,-1355.0,-1235.0,-1235.0,-1202.0,0.0,1,Cash loans,M,Y,Y,2,72000.0,373140.0,24934.5,337500.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.015221,-8759,-1594,-3559.0,-1424,28.0,1,1,1,1,1,0,Drivers,4.0,2,2,FRIDAY,10,0,0,0,0,0,0,Agriculture,,0.2499206959213843,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-4.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2380509,331422,Cash loans,45686.655,1350000.0,1506816.0,,1350000.0,WEDNESDAY,15,Y,1,,,,XNA,Refused,-216,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),6,XNA,48.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,180000.0,1288350.0,37669.5,1125000.0,Group of people,Commercial associate,Higher education,Married,House / apartment,0.04622,-21271,-526,-7.0,-4632,,1,1,0,1,0,0,Secretaries,2.0,1,1,TUESDAY,16,0,0,0,0,0,0,Medicine,0.8283004740563834,0.7193970113121291,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,5.0,0.0,5.0,0.0,-558.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1123319,348366,Cash loans,11385.18,90000.0,95940.0,,90000.0,THURSDAY,16,Y,1,,,,XNA,Refused,-853,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),3,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,67500.0,247275.0,19822.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.007114,-15101,-8263,-7866.0,-4779,,1,1,1,1,1,0,Cooking staff,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Kindergarten,,0.6593128572819061,0.3280631605201915,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1562.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2611077,135448,Consumer loans,22945.635,229500.0,206550.0,22950.0,229500.0,THURSDAY,16,Y,1,0.1089090909090909,,,XAP,Approved,-788,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Country-wide,250,Furniture,10.0,low_normal,POS industry with interest,365243.0,-756.0,-486.0,-576.0,-568.0,0.0,0,Cash loans,F,N,N,0,360000.0,450000.0,44640.0,450000.0,Unaccompanied,State servant,Incomplete higher,Married,House / apartment,0.006296,-11657,-1993,-3372.0,-640,,1,1,0,1,0,0,,2.0,3,3,MONDAY,15,0,0,0,0,0,0,Police,,0.7083069204398761,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1695.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1236647,401833,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SATURDAY,9,Y,1,,,,XAP,Approved,-326,XNA,XAP,Family,Repeater,XNA,Cards,walk-in,Country-wide,60,Connectivity,0.0,XNA,Card Street,-274.0,-251.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,2,67500.0,247500.0,10485.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-15173,-1135,-6934.0,-3192,,1,1,0,1,0,0,Laborers,4.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.5305450266073384,0.5412214391388938,0.470456116119975,0.0536,0.0694,0.9796,0.7688,0.0497,0.0,0.1262,0.1388,0.0417,0.0472,0.0303,0.0374,0.0,0.0,0.063,0.0594,0.9702,0.6341,0.0501,0.0,0.1379,0.1667,0.0417,0.0431,0.0331,0.002,0.0,0.0,0.0625,0.0715,0.9791,0.8121,0.05,0.0,0.1379,0.1667,0.0417,0.0442,0.0308,0.0473,0.0,0.0,reg oper account,block of flats,0.0026,"Stone, brick",No,0.0,0.0,0.0,0.0,-2741.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,3.0 +1977806,238043,Consumer loans,4584.555,29705.4,30082.5,1485.9,29705.4,TUESDAY,16,Y,1,0.051262660819622816,,,XAP,Approved,-1192,Cash through the bank,XAP,,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,50,Connectivity,8.0,high,POS mobile with interest,365243.0,-1158.0,-948.0,-1068.0,-1061.0,0.0,0,Cash loans,F,N,Y,0,135000.0,545040.0,20677.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,Co-op apartment,0.028663,-12920,-1266,-3411.0,-3936,,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,8,0,0,0,0,0,0,Industry: type 3,,0.531912449020339,0.5298898341969072,0.1866,0.23,0.9836,0.7756,0.0291,0.04,0.0345,0.3333,0.0417,0.1175,0.1505,0.0882,0.0077,0.0024,0.1901,0.2387,0.9836,0.7844,0.0294,0.0403,0.0345,0.3333,0.0417,0.1202,0.1644,0.0919,0.0078,0.0026,0.1884,0.23,0.9836,0.7786,0.0293,0.04,0.0345,0.3333,0.0417,0.1196,0.1531,0.0898,0.0078,0.0025,reg oper account,block of flats,0.0872,"Stone, brick",No,0.0,0.0,0.0,0.0,-976.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1826182,173346,Consumer loans,3906.675,43519.05,38493.0,8702.55,43519.05,SUNDAY,13,Y,1,0.2008212234185021,0.1607163096452454,0.715644820295983,XAP,Approved,-564,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,88,Connectivity,12.0,middle,POS mobile with interest,365243.0,-524.0,-194.0,-254.0,-249.0,0.0,0,Cash loans,M,N,Y,0,135000.0,238500.0,11601.0,238500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.00496,-17496,-3425,-9190.0,-1042,,1,1,0,1,0,0,Laborers,1.0,2,2,THURSDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.18772051134673998,0.5602804554822124,0.6380435278721609,0.099,,,,,,,,,,,,,,0.1008,,,,,,,,,,,,,,0.0999,,,,,,,,,,,,,,,,0.025,,No,0.0,0.0,0.0,0.0,-564.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1765731,371320,Consumer loans,6292.89,57847.5,56641.5,5787.0,57847.5,SATURDAY,10,Y,1,0.10095659980472207,,,XAP,Approved,-881,Cash through the bank,XAP,,Repeater,Office Appliances,POS,XNA,Stone,45,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-844.0,-574.0,-574.0,-572.0,0.0,0,Cash loans,M,Y,N,0,81000.0,781920.0,23836.5,675000.0,"Spouse, partner",Pensioner,Higher education,Married,House / apartment,0.028663,-23813,365243,-7591.0,-4274,10.0,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,XNA,,0.5864580459747091,0.511891801533151,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,2.0,3.0,2.0,-2.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1370116,131437,Cash loans,9842.4,90000.0,90000.0,0.0,90000.0,MONDAY,13,Y,1,0.0,,,XNA,Approved,-2502,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,200,Consumer electronics,12.0,high,Cash Street: high,365243.0,-2472.0,-2142.0,-2142.0,-2132.0,0.0,1,Cash loans,F,N,Y,0,157500.0,468733.5,17797.5,387000.0,Unaccompanied,Working,Lower secondary,Married,House / apartment,0.031329,-22400,-1900,-10537.0,-4063,,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Self-employed,0.6617470332038163,0.5937466397824012,0.3996756156233169,0.0031,0.0,0.9483,,0.0002,0.0,0.0345,0.0417,0.0833,,0.0025,0.0024,0.0,0.0,0.0032,0.0,0.9484,,0.0002,0.0,0.0345,0.0417,0.0833,,0.0028,0.0025,0.0,0.0,0.0031,0.0,0.9483,,0.0002,0.0,0.0345,0.0417,0.0833,,0.0026,0.0025,0.0,0.0,reg oper account,block of flats,0.002,Wooden,No,1.0,1.0,1.0,1.0,-282.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,4.0,6.0 +1101092,424300,Cash loans,8752.005,67500.0,71212.5,0.0,67500.0,WEDNESDAY,11,Y,1,0.0,,,XNA,Approved,-2821,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,10.0,middle,Cash Street: middle,365243.0,-2791.0,-2521.0,-2521.0,-2488.0,1.0,0,Cash loans,F,N,Y,0,261000.0,500211.0,26779.5,463500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-17232,-5314,-8979.0,-789,,1,1,0,1,1,0,Sales staff,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Industry: type 3,0.7706567409075321,0.6234837403332364,,0.0722,0.0618,0.9771,0.6872,0.0546,0.0,0.1379,0.1667,0.2083,0.0707,0.0588,0.0671,0.0,0.0,0.0735,0.0642,0.9772,0.6994,0.0551,0.0,0.1379,0.1667,0.2083,0.0724,0.0643,0.0699,0.0,0.0,0.0729,0.0618,0.9771,0.6914,0.055,0.0,0.1379,0.1667,0.2083,0.07200000000000001,0.0599,0.0683,0.0,0.0,reg oper account,block of flats,0.0826,"Stone, brick",No,1.0,0.0,1.0,0.0,-2518.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2617280,411284,Consumer loans,5202.495,28665.0,25515.0,3150.0,28665.0,FRIDAY,14,Y,1,0.11968031968031967,,,XAP,Approved,-1517,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,81,Consumer electronics,6.0,high,POS household with interest,365243.0,-1479.0,-1329.0,-1389.0,-1382.0,0.0,0,Cash loans,F,N,Y,3,99000.0,1125000.0,32895.0,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.009175,-14813,-2440,-1290.0,-1330,,1,1,1,1,0,0,Managers,5.0,2,2,WEDNESDAY,13,0,0,0,0,1,1,Business Entity Type 3,,0.7248903728796092,0.6430255641096323,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1752.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1670751,337448,Cash loans,,0.0,0.0,,,MONDAY,9,Y,1,,,,XNA,Refused,-170,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,Y,Y,0,117000.0,397881.0,22972.5,328500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.016612000000000002,-19623,-1682,-3115.0,-3136,6.0,1,1,0,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Self-employed,0.6825169023762032,0.6334349631106121,0.5478104658520093,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-730.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2520431,325848,Cash loans,11271.96,220500.0,220500.0,,220500.0,TUESDAY,13,Y,1,,,,XNA,Refused,-1404,XNA,HC,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,36.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,Y,Y,0,450000.0,1535553.0,40635.0,1372500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.010276,-19731,-2579,-393.0,-3209,20.0,1,1,0,1,0,0,Drivers,2.0,2,2,SATURDAY,15,0,0,0,0,0,0,Self-employed,0.5980034111927187,0.6245970453149523,0.36227724703843145,0.1835,0.1125,0.9881,0.8368,0.0512,0.08,0.069,0.3333,0.375,0.0893,0.1496,0.1496,0.0,0.0,0.187,0.1168,0.9881,0.8432,0.0516,0.0806,0.069,0.3333,0.375,0.0913,0.1635,0.1559,0.0,0.0,0.1853,0.1125,0.9881,0.8390000000000001,0.0515,0.08,0.069,0.3333,0.375,0.0908,0.1522,0.1523,0.0,0.0,reg oper account,block of flats,0.1191,Panel,No,0.0,0.0,0.0,0.0,-1857.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1993581,448432,Consumer loans,3921.57,29529.0,28750.5,2970.0,29529.0,SUNDAY,17,Y,1,0.10197191090934883,,,XAP,Approved,-2157,XNA,XAP,Other_A,Repeater,Mobile,POS,XNA,Stone,11,Connectivity,10.0,high,POS mobile with interest,365243.0,-2124.0,-1854.0,-1914.0,-1912.0,0.0,1,Cash loans,F,N,Y,0,135000.0,1507869.0,52542.0,1377000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-12921,-1198,-216.0,-5091,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.3906310623548957,0.3860682754819344,0.4507472818545589,0.1278,0.0416,0.9811,0.7416,0.0757,0.08,0.0345,0.625,0.6667,0.0953,0.1042,0.117,0.0154,0.0187,0.1303,0.0432,0.9811,0.7517,0.0764,0.0806,0.0345,0.625,0.6667,0.0975,0.1139,0.1219,0.0156,0.0198,0.1291,0.0416,0.9811,0.7451,0.0762,0.08,0.0345,0.625,0.6667,0.097,0.106,0.1191,0.0155,0.0191,reg oper account,block of flats,0.1344,Panel,No,0.0,0.0,0.0,0.0,-646.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1035582,333890,Consumer loans,4445.64,44995.5,42664.5,6750.0,44995.5,THURSDAY,16,Y,1,0.1487693619557748,,,XAP,Approved,-1746,XNA,XAP,"Spouse, partner",New,Mobile,POS,XNA,Country-wide,400,Consumer electronics,14.0,high,POS household with interest,365243.0,-1714.0,-1324.0,-1324.0,-1316.0,0.0,0,Cash loans,F,N,Y,1,135000.0,343800.0,16852.5,225000.0,"Spouse, partner",Commercial associate,Higher education,Married,With parents,0.018801,-9868,-976,-4248.0,-2280,,1,1,0,1,0,0,Cooking staff,3.0,2,2,SUNDAY,10,0,0,0,0,1,1,Business Entity Type 3,,0.2874092551949703,0.2067786544915716,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-522.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1649575,100782,Consumer loans,4948.65,30060.0,24462.0,6750.0,30060.0,MONDAY,11,Y,1,0.23553004089336266,,,XAP,Approved,-1722,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,34,Connectivity,6.0,high,POS mobile with interest,365243.0,-1688.0,-1538.0,-1538.0,-1527.0,0.0,0,Cash loans,M,N,N,0,225000.0,1017000.0,29866.5,1017000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-15573,-1760,-8302.0,-4734,,1,1,0,1,0,0,Drivers,2.0,2,2,MONDAY,13,0,0,0,0,1,1,Government,,0.7368211682563758,0.16048893062734468,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1722.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +2746247,100221,Consumer loans,9434.07,115002.0,75775.5,45000.0,115002.0,WEDNESDAY,12,Y,1,0.4057866943965532,,,XAP,Approved,-1903,XNA,XAP,Unaccompanied,New,Computers,POS,XNA,Stone,137,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1872.0,-1602.0,-1602.0,-1115.0,0.0,0,Cash loans,F,N,Y,0,225000.0,684054.0,77494.5,630000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.006629,-23656,-11883,-7125.0,-4681,,1,1,0,1,1,0,,1.0,2,2,TUESDAY,9,0,0,0,0,0,0,Bank,,0.5924589685675292,0.7366226976503176,0.2598,0.1158,0.9791,0.7144,,0.0,0.2069,0.1667,0.2083,0.0218,0.1765,0.0935,0.1622,0.0319,0.2647,0.1202,0.9791,0.7256,,0.0,0.2069,0.1667,0.2083,0.0223,0.1928,0.0974,0.1634,0.0338,0.2623,0.1158,0.9791,0.7182,,0.0,0.2069,0.1667,0.2083,0.0222,0.1796,0.0952,0.163,0.0326,,block of flats,0.0805,Block,No,0.0,0.0,0.0,0.0,-584.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1454545,109720,Consumer loans,,58455.0,58455.0,,58455.0,SATURDAY,17,Y,1,,,,XAP,Refused,-1536,Cash through the bank,HC,Unaccompanied,Repeater,Photo / Cinema Equipment,XNA,XNA,Regional / Local,800,Consumer electronics,,XNA,POS household with interest,,,,,,,0,Cash loans,F,Y,Y,0,90000.0,450000.0,16294.5,450000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.028663,-20149,-232,-127.0,-3617,2.0,1,1,0,1,0,0,Private service staff,1.0,2,2,TUESDAY,8,0,0,0,0,0,0,Self-employed,0.7469513538023256,0.6106129152208863,0.5849900404894085,0.2557,0.1057,0.9846,0.7892,0.0258,0.08,0.0345,0.3333,0.375,0.0924,0.2085,0.0707,0.0039,0.0033,0.2605,0.1097,0.9846,0.7975,0.026,0.0806,0.0345,0.3333,0.375,0.0945,0.2277,0.0736,0.0039,0.0035,0.2581,0.1057,0.9846,0.792,0.0259,0.08,0.0345,0.3333,0.375,0.094,0.2121,0.0719,0.0039,0.0034,reg oper account,specific housing,0.1046,"Stone, brick",No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2067444,415770,Revolving loans,20250.0,157500.0,405000.0,,157500.0,SATURDAY,10,N,1,,,,XAP,Refused,-563,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,157500.0,814041.0,23931.0,679500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.005144,-20394,-11866,-11290.0,-3325,,1,1,1,1,1,0,High skill tech staff,1.0,2,2,TUESDAY,12,0,0,0,0,1,1,Government,,0.3093111211876349,0.5638350489514956,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1049.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1328194,126429,Consumer loans,4157.01,31707.0,35451.0,0.0,31707.0,SATURDAY,10,Y,1,0.0,,,XAP,Approved,-234,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,73,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-204.0,66.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,1,112500.0,157500.0,10656.0,157500.0,Unaccompanied,State servant,Higher education,Single / not married,House / apartment,0.018209,-15107,-99,-8400.0,-5149,,1,1,0,1,0,0,,2.0,3,3,TUESDAY,13,0,0,0,0,0,0,School,,0.4636348159578919,0.5602843280409464,0.2237,1.0,0.9811,0.7416,0.018000000000000002,0.24,0.2069,0.3333,0.0417,0.195,0.1816,0.2095,0.0039,0.0452,0.2279,1.0,0.9811,0.7517,0.0182,0.2417,0.2069,0.3333,0.0417,0.1994,0.1983,0.2182,0.0039,0.0479,0.2259,1.0,0.9811,0.7451,0.0181,0.24,0.2069,0.3333,0.0417,0.1983,0.1847,0.2132,0.0039,0.0462,reg oper account,block of flats,0.1834,Panel,No,1.0,0.0,1.0,0.0,-234.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2333587,193170,Consumer loans,5924.565,42885.0,42885.0,0.0,42885.0,FRIDAY,16,Y,1,0.0,,,XAP,Approved,-915,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,50,Consumer electronics,10.0,high,POS household with interest,365243.0,-884.0,-614.0,-614.0,-612.0,0.0,0,Cash loans,M,Y,Y,1,157500.0,521280.0,26743.5,450000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.030755,-10924,-3434,-453.0,-3605,65.0,1,1,0,1,0,0,Laborers,3.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Transport: type 2,0.3190357442832749,0.203111948715,0.6313545365850379,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1753369,324199,Consumer loans,12351.465,68382.0,61542.0,6840.0,68382.0,FRIDAY,14,Y,1,0.10893775874033827,,,XAP,Refused,-2486,XNA,SCO,Unaccompanied,Repeater,Mobile,POS,XNA,Stone,16,Connectivity,6.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,Y,Y,2,157500.0,343800.0,16852.5,225000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-11615,-556,-1249.0,-3040,10.0,1,1,0,1,0,0,,4.0,2,2,SATURDAY,10,0,0,0,0,0,0,Other,,0.5279141316848039,0.6296742509538716,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2412917,318415,Revolving loans,9000.0,180000.0,180000.0,,180000.0,TUESDAY,12,Y,1,,,,XAP,Approved,-283,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,189000.0,665892.0,21609.0,477000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.032561,-21365,365243,-1590.0,-4777,,1,0,0,1,0,0,,1.0,1,1,FRIDAY,12,0,0,0,0,0,0,XNA,,0.6554465501818523,0.5726825047161584,0.0887,,0.9742,0.6464,0.0159,,0.2069,0.1667,,,,0.0759,,0.0863,0.0903,,0.9742,0.6602,0.0161,,0.2069,0.1667,,,,0.0791,,0.0913,0.0895,,0.9742,0.6511,0.016,,0.2069,0.1667,,,,0.0773,,0.0881,,block of flats,0.0872,,No,7.0,0.0,7.0,0.0,-587.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1405222,379293,Revolving loans,9000.0,0.0,180000.0,,,TUESDAY,10,Y,1,,,,XAP,Approved,-962,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-912.0,-861.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,N,2,103500.0,808650.0,23643.0,675000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.04622,-12434,-4668,-6506.0,-5099,2.0,1,1,1,1,1,0,Core staff,4.0,1,1,THURSDAY,20,0,0,0,0,1,1,Security Ministries,0.3382421868049864,0.7398334385664707,0.656158373001177,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-736.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1914918,438702,Revolving loans,9000.0,0.0,180000.0,,,TUESDAY,8,Y,1,,,,XAP,Approved,-887,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-822.0,-787.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,F,N,N,0,148500.0,814041.0,23800.5,679500.0,Unaccompanied,Pensioner,Incomplete higher,Widow,House / apartment,0.020713,-22734,365243,-3587.0,-4072,,1,0,0,1,0,0,,1.0,3,1,SATURDAY,15,0,0,0,0,0,0,XNA,0.6012820619266489,0.6035974837744178,0.2807895743848605,0.1227,0.0,0.9776,,,0.0,0.2069,0.1667,,0.0484,,0.0964,,0.0029,0.125,0.0,0.9777,,,0.0,0.2069,0.1667,,0.0496,,0.1004,,0.0031,0.1239,0.0,0.9776,,,0.0,0.2069,0.1667,,0.0493,,0.0981,,0.003,,block of flats,0.0765,Panel,No,0.0,0.0,0.0,0.0,-1043.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2214787,146439,Consumer loans,24659.82,241177.5,206739.0,48235.5,241177.5,SUNDAY,17,Y,1,0.2060317582560395,,,XAP,Approved,-1237,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,166,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1205.0,-935.0,-935.0,-928.0,0.0,0,Cash loans,F,Y,N,0,315000.0,781920.0,37615.5,675000.0,Unaccompanied,Commercial associate,Higher education,Married,Rented apartment,0.008575,-14127,-2663,-1245.0,-2555,7.0,1,1,1,1,1,0,Realty agents,2.0,2,2,FRIDAY,12,1,1,0,1,1,0,Business Entity Type 3,0.4028778172847629,0.7149304139385761,0.5100895276257282,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1237.0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1973654,138395,Consumer loans,5024.52,40666.5,45499.5,0.0,40666.5,TUESDAY,11,Y,1,0.0,,,XAP,Approved,-335,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,60,Connectivity,12.0,high,POS mobile with interest,365243.0,-301.0,29.0,-181.0,-176.0,0.0,0,Cash loans,F,N,Y,0,117000.0,675000.0,26284.5,675000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.0031219999999999998,-16880,-3091,-6306.0,-404,,1,1,1,1,1,0,Medicine staff,2.0,3,3,MONDAY,13,0,0,0,0,0,0,Medicine,,0.4176404396093431,0.2458512138252296,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-335.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2189028,265272,Consumer loans,3497.4,33165.0,26158.5,9000.0,33165.0,THURSDAY,10,Y,1,0.2787894302037395,,,XAP,Approved,-1955,Cash through the bank,XAP,,New,Photo / Cinema Equipment,POS,XNA,Country-wide,15,Connectivity,10.0,high,POS mobile with interest,365243.0,-1913.0,-1643.0,-1643.0,-1637.0,0.0,0,Cash loans,M,Y,N,0,202500.0,675000.0,32602.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-15612,-1913,-7341.0,-4477,20.0,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,16,0,0,0,0,0,0,Transport: type 4,,0.5153808734156201,0.7530673920730478,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1955.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1839265,362359,Revolving loans,9000.0,0.0,180000.0,,,FRIDAY,10,Y,1,,,,XAP,Approved,-2897,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,32,Connectivity,0.0,XNA,Card Street,-2875.0,-2815.0,365243.0,-1265.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,211500.0,143910.0,14148.0,135000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.0105,-18875,-9907,-6681.0,-2208,3.0,1,1,1,1,1,0,Core staff,2.0,3,3,THURSDAY,9,0,0,0,0,0,0,School,0.7169117814266914,0.6667000403244485,0.5919766183185521,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2897.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1223381,301235,Revolving loans,6750.0,0.0,135000.0,,,SATURDAY,10,Y,1,,,,XAP,Approved,-2631,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,783,Consumer electronics,0.0,XNA,Card Street,-2608.0,-2555.0,365243.0,-1582.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,1348848.0,51507.0,1156500.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.020246,-20974,365243,-8593.0,-3549,11.0,1,0,0,1,0,0,,2.0,3,3,FRIDAY,8,0,0,0,0,0,0,XNA,0.7725432494833524,0.033521331548010694,0.3425288720742255,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1265.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1366102,123361,Consumer loans,10392.525,319968.0,255973.5,63994.5,319968.0,THURSDAY,13,Y,1,0.21782124519270096,,,XAP,Refused,-1959,Cash through the bank,HC,,Repeater,Homewares,POS,XNA,Country-wide,15,Construction,36.0,low_normal,POS other with interest,,,,,,,0,Revolving loans,F,Y,Y,0,135000.0,180000.0,9000.0,180000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.01885,-19398,-3718,-5614.0,-2933,9.0,1,1,0,1,0,1,High skill tech staff,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Industry: type 3,0.6073545825870427,0.6718259366399988,0.3296550543128238,0.0856,0.097,0.9921,,,0.12,0.069,0.4375,,0.0478,,0.1596,,0.0407,0.083,0.0972,0.9911,,,0.0806,0.069,0.375,,0.0488,,0.1014,,0.013,0.0864,0.097,0.9916,,,0.12,0.069,0.4375,,0.0486,,0.1476,,0.0416,,block of flats,0.2041,,No,0.0,0.0,0.0,0.0,-447.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2275595,162431,Consumer loans,11340.81,121500.0,121500.0,0.0,121500.0,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-358,Cash through the bank,XAP,,New,Clothing and Accessories,POS,XNA,Stone,50,Clothing,12.0,low_normal,POS industry with interest,365243.0,-326.0,4.0,365243.0,365243.0,0.0,0,Revolving loans,F,Y,Y,1,135000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.019688999999999998,-10929,-1027,-5764.0,-3569,0.0,1,1,0,1,0,0,,2.0,2,2,MONDAY,15,0,0,0,0,0,0,Industry: type 3,,0.4670569614711271,0.39277386060313396,0.2371,0.1724,0.9881,0.8368,0.0475,0.24,0.2069,0.375,0.4167,0.2082,0.1933,0.1599,0.0,0.0494,0.2416,0.1789,0.9881,0.8432,0.0479,0.2417,0.2069,0.375,0.4167,0.213,0.2112,0.1666,0.0,0.0523,0.2394,0.1724,0.9881,0.8390000000000001,0.0478,0.24,0.2069,0.375,0.4167,0.2119,0.1967,0.1628,0.0,0.0505,reg oper account,block of flats,0.2046,Panel,No,2.0,1.0,2.0,1.0,-358.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,0.0 +1531287,328807,Revolving loans,11250.0,0.0,225000.0,,,FRIDAY,14,Y,1,,,,XAP,Approved,-869,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-866.0,-830.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,1,112500.0,299772.0,20029.5,247500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.0105,-10280,-1887,-50.0,-2901,,1,1,0,1,0,0,Laborers,3.0,3,3,FRIDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.28015457828492724,0.7080674074541939,0.6263042766749393,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-1608.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,4.0 +1260379,374299,Consumer loans,5109.12,24255.0,25456.5,0.0,24255.0,MONDAY,10,Y,1,0.0,,,XAP,Approved,-2821,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,30,Connectivity,6.0,high,POS mobile with interest,365243.0,-2790.0,-2640.0,-2670.0,-2661.0,1.0,0,Cash loans,M,N,Y,0,135000.0,1185120.0,39168.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-13022,-4032,-6985.0,-4100,,1,1,0,1,1,0,Security staff,2.0,2,2,MONDAY,12,0,0,0,0,1,1,Security,,0.7270871633534044,0.5673792367572691,0.0907,0.0,0.9826,0.762,0.0,0.0,0.0345,0.1667,0.2083,0.0367,0.07400000000000001,0.0317,0.0,0.0,0.0924,0.0,0.9826,0.7713,0.0,0.0,0.0345,0.1667,0.2083,0.0376,0.0808,0.033,0.0,0.0,0.0916,0.0,0.9826,0.7652,0.0,0.0,0.0345,0.1667,0.2083,0.0374,0.0752,0.0323,0.0,0.0,reg oper account,block of flats,0.0249,Monolithic,No,1.0,0.0,1.0,0.0,-1988.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,1.0 +1657956,263671,Consumer loans,,28338.975,28338.975,0.0,28338.975,FRIDAY,12,Y,1,0.0,,,XAP,Refused,-876,Cash through the bank,HC,,Repeater,Mobile,XNA,XNA,Country-wide,50,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,0,153000.0,566055.0,18387.0,472500.0,Unaccompanied,Pensioner,Higher education,Single / not married,House / apartment,0.009334,-23089,365243,-7276.0,-5153,,1,0,0,1,0,0,,1.0,2,2,SATURDAY,14,0,0,0,0,0,0,XNA,,0.5283065040199261,0.3825018041447388,0.0718,0.0,0.9821,0.7688,0.0,0.0,0.1517,0.1542,0.2083,0.0535,0.0586,0.059,0.0,0.0,0.063,0.0,0.9821,0.7648,0.0,0.0,0.1724,0.1667,0.2083,0.0376,0.0551,0.0556,0.0,0.0,0.077,0.0,0.9826,0.7652,0.0,0.0,0.1724,0.1667,0.2083,0.0546,0.0633,0.0704,0.0,0.0,reg oper spec account,block of flats,0.0464,Panel,No,0.0,0.0,0.0,0.0,-1340.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,0.0 +2201288,346493,Cash loans,22926.42,112500.0,116212.5,,112500.0,MONDAY,13,Y,1,,,,XNA,Refused,-1658,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,6.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,Y,0,135000.0,212656.5,17181.0,193500.0,Family,Pensioner,Secondary / secondary special,Separated,House / apartment,0.009334,-20581,365243,-10379.0,-4142,,1,0,0,1,0,0,,1.0,2,2,SUNDAY,12,0,0,0,0,0,0,XNA,,0.3813264156612074,0.2032521136204725,0.044,0.0442,0.9786,0.6668,0.0065,0.0,0.1148,0.125,0.0275,0.0128,0.0359,0.0448,0.0,0.0,0.063,0.0689,0.9826,0.7713,0.0091,0.0,0.1379,0.1667,0.0,0.0161,0.0551,0.0562,0.0,0.0,0.0625,0.0664,0.9826,0.7652,0.0091,0.0,0.1379,0.1667,0.0,0.016,0.0513,0.0549,0.0,0.0,reg oper account,block of flats,0.0424,Panel,No,3.0,0.0,3.0,0.0,-1188.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2764451,263476,Cash loans,14921.505,180000.0,197820.0,,180000.0,THURSDAY,8,Y,1,,,,XNA,Approved,-672,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-641.0,-131.0,-191.0,-186.0,0.0,0,Cash loans,F,N,Y,0,112500.0,288972.0,12370.5,207000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.019688999999999998,-16796,-1382,-3761.0,-331,,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.3762836524751378,0.6140855929063816,0.2692857999073816,0.0825,0.0742,0.9752,0.66,0.0101,0.0,0.1379,0.1667,0.2083,0.083,0.0664,0.07,0.0039,0.0021,0.084,0.077,0.9752,0.6733,0.0102,0.0,0.1379,0.1667,0.2083,0.0848,0.0725,0.073,0.0039,0.0022,0.0833,0.0742,0.9752,0.6645,0.0101,0.0,0.1379,0.1667,0.2083,0.0844,0.0676,0.0713,0.0039,0.0022,reg oper account,block of flats,0.061,Panel,No,0.0,0.0,0.0,0.0,-2257.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1389713,391563,Consumer loans,9145.35,203004.0,203004.0,0.0,203004.0,MONDAY,14,Y,1,0.0,,,XAP,Approved,-641,Cash through the bank,XAP,Unaccompanied,Refreshed,Audio/Video,POS,XNA,Regional / Local,310,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-609.0,81.0,-129.0,-124.0,0.0,0,Cash loans,F,N,Y,0,81000.0,675000.0,19867.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020246,-21674,365243,-65.0,-5088,,1,0,0,1,0,0,,2.0,3,3,FRIDAY,8,0,0,0,0,0,0,XNA,,0.3307522652502207,0.5814837058057234,0.0371,0.0473,0.9866,,,0.0,0.0345,0.125,,0.0157,,0.0313,,0.0163,0.0378,0.0491,0.9866,,,0.0,0.0345,0.125,,0.0161,,0.0326,,0.0172,0.0375,0.0473,0.9866,,,0.0,0.0345,0.125,,0.016,,0.0319,,0.0166,,block of flats,0.0282,"Stone, brick",No,1.0,0.0,1.0,0.0,-2492.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1379496,143424,Consumer loans,6142.05,44982.0,49437.0,0.0,44982.0,SATURDAY,12,Y,1,0.0,,,XAP,Refused,-1774,Cash through the bank,LIMIT,Unaccompanied,Repeater,Auto Accessories,POS,XNA,Stone,280,Industry,12.0,high,POS industry with interest,,,,,,,0,Cash loans,M,N,N,0,76500.0,225000.0,10620.0,225000.0,Unaccompanied,Working,Incomplete higher,Single / not married,House / apartment,0.015221,-10359,-1043,-9023.0,-3025,,1,1,0,1,0,0,Laborers,1.0,2,2,TUESDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.2711360413389733,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2287739,158732,Cash loans,3647.025,45000.0,53910.0,,45000.0,THURSDAY,17,Y,1,,,,Urgent needs,Approved,-405,Cash through the bank,XAP,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,high,Cash Street: high,365243.0,-375.0,675.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,112500.0,157500.0,15237.0,157500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-10331,-1092,-7362.0,-355,,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.6264820334733799,,0.0887,0.1117,0.9896,,,0.0,0.2069,0.1667,,0.0634,,0.0753,,0.0252,0.0903,0.1159,0.9896,,,0.0,0.2069,0.1667,,0.0649,,0.0784,,0.0266,0.0895,0.1117,0.9896,,,0.0,0.2069,0.1667,,0.0645,,0.0766,,0.0257,,block of flats,0.0647,"Stone, brick",No,8.0,0.0,8.0,0.0,-833.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2820411,410986,Consumer loans,4094.1,40945.5,36850.5,4095.0,40945.5,WEDNESDAY,12,Y,1,0.1089210602563718,,,XAP,Approved,-2626,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Stone,78,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2594.0,-2324.0,-2324.0,-2307.0,0.0,0,Cash loans,F,N,Y,0,54000.0,71955.0,7632.0,67500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.010276,-19747,-3426,-5547.0,-2708,,1,1,1,1,1,0,,1.0,2,2,THURSDAY,12,0,0,0,0,0,0,Government,0.788397893170765,0.6029589789026985,0.5424451438613613,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,0.0,8.0,0.0,-1300.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2531062,398067,Cash loans,14699.475,283500.0,283500.0,0.0,283500.0,THURSDAY,13,Y,1,0.0,,,XNA,Refused,-2493,XNA,SCO,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,36.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,Y,Y,0,337500.0,1137042.0,33376.5,814500.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,House / apartment,0.072508,-20764,-1270,-4704.0,-1030,6.0,1,1,0,1,0,0,High skill tech staff,1.0,1,1,FRIDAY,14,0,0,0,0,0,0,Medicine,0.7306375316028741,0.6598824053004135,0.4206109640437848,0.101,0.0385,0.9781,,,0.08,0.0345,0.5417,,0.0,,0.0524,,0.0,0.1029,0.04,0.9782,,,0.0806,0.0345,0.5417,,0.0,,0.0546,,0.0,0.102,0.0385,0.9781,,,0.08,0.0345,0.5417,,0.0,,0.0533,,0.0,,block of flats,0.066,Block,No,0.0,0.0,0.0,0.0,-1498.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,3.0 +1647951,296668,Consumer loans,4799.295,40926.69,40027.5,4503.69,40926.69,FRIDAY,13,Y,1,0.11014589631140856,,,XAP,Approved,-1918,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Country-wide,2028,Consumer electronics,12.0,high,POS household with interest,365243.0,-1887.0,-1557.0,-1557.0,-1552.0,0.0,0,Cash loans,F,Y,Y,0,135000.0,1075932.0,42799.5,922500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-22954,365243,-4426.0,-4972,7.0,1,0,0,1,1,0,,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,XNA,,0.7060064653948199,0.8425892767430772,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-2783.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1206134,258990,Consumer loans,12150.045,83790.0,86170.5,4185.0,83790.0,TUESDAY,14,Y,1,0.05044347554432716,,,XAP,Approved,-1361,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,79,Connectivity,10.0,high,POS mobile with interest,365243.0,-1324.0,-1054.0,-1234.0,-1229.0,0.0,0,Cash loans,F,N,Y,2,157500.0,900000.0,32017.5,900000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-11050,-4083,-654.0,-3567,,1,1,0,1,1,0,,4.0,2,2,FRIDAY,10,0,0,0,0,0,0,Industry: type 3,0.4423374049442996,0.4081837022322531,0.24318648044201235,0.1072,,0.9955,,,0.0,0.2414,0.1667,,,,0.113,,0.0145,0.1092,,0.9955,,,0.0,0.2414,0.1667,,,,0.1178,,0.0153,0.1083,,0.9955,,,0.0,0.2414,0.1667,,,,0.115,,0.0148,,block of flats,0.092,"Stone, brick",No,2.0,1.0,2.0,1.0,-2730.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,3.0 +2549055,282566,Cash loans,,0.0,0.0,,,TUESDAY,11,Y,1,,,,XNA,Refused,-335,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,Y,Y,0,180000.0,152820.0,17410.5,135000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.007273999999999998,-10231,-912,-4630.0,-2908,4.0,1,1,0,1,1,0,High skill tech staff,1.0,2,2,MONDAY,13,0,0,0,0,0,0,Military,,0.5615245714015576,0.4418358231994413,0.066,0.0807,0.9791,0.6872,0.0368,0.0,0.1379,0.1667,0.0,0.0,0.0824,0.0374,0.0039,0.0133,0.0315,0.0837,0.9772,0.6994,0.0371,0.0,0.069,0.1667,0.0,0.0,0.09,0.0129,0.0039,0.0085,0.0666,0.0807,0.9791,0.6914,0.037000000000000005,0.0,0.1379,0.1667,0.0,0.0,0.0838,0.038,0.0039,0.0136,reg oper spec account,block of flats,0.0192,Panel,No,1.0,1.0,1.0,1.0,-569.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1338288,110245,Consumer loans,2715.795,17955.0,13500.0,4455.0,17955.0,SATURDAY,6,Y,1,0.2702255639097743,,,XAP,Approved,-559,XNA,XAP,,New,Mobile,POS,XNA,Stone,21,Connectivity,6.0,high,POS mobile with interest,365243.0,-503.0,-353.0,-383.0,-376.0,0.0,0,Cash loans,F,N,N,0,54000.0,450000.0,20979.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-17265,-1772,-724.0,-806,,1,1,1,1,0,0,Sales staff,2.0,3,3,WEDNESDAY,13,0,0,0,0,0,0,Self-employed,,0.6227493735004085,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-559.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2426452,370387,Consumer loans,4674.87,36450.0,40059.0,0.0,36450.0,SATURDAY,7,Y,1,0.0,,,XAP,Approved,-2557,XNA,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Regional / Local,72,Consumer electronics,12.0,high,POS household with interest,365243.0,-2526.0,-2196.0,-2196.0,-2192.0,1.0,0,Cash loans,F,N,Y,1,153000.0,781920.0,39924.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.006305,-11828,-653,-1378.0,-553,,1,1,1,1,1,0,,3.0,3,3,MONDAY,7,0,0,0,0,0,0,Trade: type 7,0.20040136019801852,0.5552047626282637,0.5585066276769286,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-393.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1432034,294778,Consumer loans,4279.14,24246.0,20722.5,4500.0,24246.0,WEDNESDAY,9,Y,1,0.19430703105993025,,,XAP,Approved,-1501,Cash through the bank,XAP,Unaccompanied,New,Photo / Cinema Equipment,POS,XNA,Country-wide,2000,Consumer electronics,6.0,high,POS household with interest,365243.0,-1470.0,-1320.0,-1350.0,-1343.0,0.0,0,Cash loans,F,N,Y,1,112500.0,517500.0,26550.0,517500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.028663,-13954,-2098,-172.0,-1171,,1,1,0,1,0,0,,3.0,2,2,SATURDAY,9,0,0,0,0,0,0,School,0.28017418781606285,0.5494355235135943,0.7570690154522959,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-934.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1625174,175560,Revolving loans,15750.0,315000.0,315000.0,,315000.0,FRIDAY,16,Y,1,,,,XAP,Approved,-117,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,-50.0,0.0,0,Cash loans,F,Y,N,0,157500.0,675000.0,32472.0,675000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010147,-10141,-1822,-7473.0,-1562,9.0,1,1,1,1,1,0,High skill tech staff,2.0,2,2,SATURDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.5285410611429672,0.6913177576174939,0.41184855592423975,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-912.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1610885,429056,Cash loans,39122.325,855000.0,917073.0,,855000.0,THURSDAY,14,Y,1,,,,XNA,Approved,-1112,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,30.0,low_normal,Cash Street: low,365243.0,-1081.0,-211.0,-457.0,-449.0,0.0,0,Cash loans,F,N,Y,1,270000.0,118512.0,8752.5,90000.0,Family,Working,Higher education,Married,House / apartment,0.018634,-14917,-2064,-1283.0,-4570,,1,1,0,1,0,0,Core staff,3.0,2,2,MONDAY,15,0,0,0,0,0,0,School,0.7346061791716976,0.4545664445629013,,0.1299,0.1058,0.9806,0.7348,0.1011,0.16,0.1379,0.3333,0.375,0.0771,0.1042,0.1422,0.0077,0.0108,0.1324,0.1098,0.9806,0.7452,0.102,0.1611,0.1379,0.3333,0.375,0.0788,0.1139,0.1482,0.0078,0.0114,0.1312,0.1058,0.9806,0.7383,0.1017,0.16,0.1379,0.3333,0.375,0.0784,0.106,0.1448,0.0078,0.011,reg oper account,block of flats,0.1695,"Stone, brick",No,0.0,0.0,0.0,0.0,-1296.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2389508,276231,Revolving loans,4500.0,0.0,90000.0,,0.0,THURSDAY,12,Y,1,,,,XAP,Refused,-1159,XNA,LIMIT,,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,Y,Y,1,135000.0,225000.0,24003.0,225000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.026392000000000002,-9917,-3024,-4360.0,-2579,1.0,1,1,0,1,1,0,,3.0,2,2,MONDAY,9,0,0,0,0,0,0,Business Entity Type 1,0.12636474285180366,0.5188919437082175,0.1385128770585923,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-550.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1112835,288505,Revolving loans,9000.0,180000.0,180000.0,,180000.0,TUESDAY,13,Y,1,,,,XAP,Approved,-41,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-41.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,1,225000.0,521280.0,28408.5,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.00702,-11067,-2370,-2391.0,-3153,3.0,1,1,0,1,0,0,Drivers,3.0,2,2,MONDAY,15,0,0,0,0,1,1,Security,,0.5426545449616588,0.4471785780453068,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-2315.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +1283307,127754,Consumer loans,11250.225,215082.0,215082.0,0.0,215082.0,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-1353,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,1226,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-1321.0,-631.0,-631.0,-624.0,0.0,0,Cash loans,F,N,N,0,81000.0,255960.0,14422.5,202500.0,Family,Pensioner,Secondary / secondary special,Separated,House / apartment,0.00963,-20407,365243,-145.0,-3967,,1,0,0,1,0,0,,1.0,2,2,MONDAY,9,0,0,0,0,0,0,XNA,0.6548055827564534,0.16314523336648612,0.5531646987710016,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2758843,145802,Consumer loans,13857.66,72450.0,76275.0,0.0,72450.0,SATURDAY,10,Y,1,0.0,,,XAP,Approved,-480,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Stone,2500,Furniture,6.0,middle,POS industry with interest,365243.0,-449.0,-299.0,-359.0,-353.0,0.0,0,Cash loans,M,Y,Y,0,180000.0,1024740.0,52321.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-12488,-747,-1854.0,-5017,3.0,1,1,0,1,0,1,Laborers,2.0,3,3,WEDNESDAY,13,0,0,0,0,1,1,Business Entity Type 3,0.16308773164790816,0.5297503472545704,0.5352762504724826,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1363.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +2583887,348784,Consumer loans,10526.22,90900.0,90900.0,0.0,90900.0,WEDNESDAY,9,Y,1,0.0,,,XAP,Approved,-2236,Cash through the bank,XAP,Family,Refreshed,Furniture,POS,XNA,Stone,100,Furniture,10.0,middle,POS industry with interest,365243.0,-2203.0,-1933.0,-1933.0,-1924.0,0.0,0,Cash loans,F,N,Y,0,90000.0,244584.0,13788.0,193500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.0038130000000000004,-23926,365243,-4194.0,-4853,,1,0,0,1,0,0,,1.0,2,2,SATURDAY,11,0,0,0,0,0,0,XNA,,0.15813312924984754,0.0005272652387098817,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1060567,444488,Consumer loans,4649.265,57262.5,45810.0,11452.5,57262.5,SUNDAY,12,Y,1,0.2178181818181818,,,XAP,Approved,-405,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,middle,POS mobile with interest,365243.0,-348.0,-18.0,-288.0,-286.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,1354500.0,39735.0,1354500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.0228,-16862,-2231,-2937.0,-416,7.0,1,1,0,1,0,0,Drivers,2.0,2,2,SATURDAY,11,0,0,0,0,1,1,Business Entity Type 3,0.4754333055071964,0.4989467742424465,0.7981372313187245,0.0825,0.0,0.9881,,,0.0,0.1379,0.1667,,0.0,,0.0862,,0.0,0.084,0.0,0.9881,,,0.0,0.1379,0.1667,,0.0,,0.0898,,0.0,0.0833,0.0,0.9881,,,0.0,0.1379,0.1667,,0.0,,0.0877,,0.0,,block of flats,0.0737,Panel,No,9.0,1.0,8.0,1.0,-405.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,1.0 +1586750,444730,Consumer loans,18735.12,495900.0,495900.0,0.0,495900.0,TUESDAY,17,Y,1,0.0,,,XAP,Refused,-554,Cash through the bank,HC,,Repeater,Furniture,POS,XNA,Stone,100,Furniture,36.0,low_normal,POS industry with interest,,,,,,,0,Revolving loans,M,Y,Y,0,135000.0,180000.0,9000.0,180000.0,Family,Working,Higher education,Married,House / apartment,0.026392000000000002,-9403,-1486,-4752.0,-2091,14.0,1,1,1,1,1,0,Core staff,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Bank,,0.6020005643466794,0.3606125659189888,0.3186,0.2755,0.9851,0.7959999999999999,0.1765,0.36,0.3103,0.3333,0.375,0.4018,0.2589,0.3666,0.0039,0.0271,0.3246,0.2859,0.9851,0.804,0.1781,0.3625,0.3103,0.3333,0.375,0.411,0.2828,0.382,0.0039,0.0287,0.3216,0.2755,0.9851,0.7987,0.1776,0.36,0.3103,0.3333,0.375,0.4088,0.2634,0.3732,0.0039,0.0277,reg oper account,block of flats,0.2943,Panel,No,1.0,0.0,1.0,0.0,-504.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1718970,292408,Consumer loans,3530.79,24511.5,29313.0,1215.0,24511.5,TUESDAY,10,Y,1,0.04334530445969125,,,XAP,Approved,-1935,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,high,POS mobile with interest,365243.0,-1904.0,-1574.0,-1574.0,-1566.0,0.0,1,Cash loans,F,N,N,2,175500.0,436032.0,16564.5,360000.0,"Spouse, partner",State servant,Secondary / secondary special,Married,House / apartment,0.010276,-15699,-7829,-8929.0,-1368,,1,1,0,1,0,0,Medicine staff,4.0,2,2,FRIDAY,11,0,0,0,0,0,0,Medicine,0.3582367861376925,0.2409871353025724,,0.0186,0.0,0.9811,0.7416,0.0022,0.0,0.1034,0.0417,0.0833,0.0103,0.0151,0.0168,0.0,0.0,0.0189,0.0,0.9811,0.7517,0.0023,0.0,0.1034,0.0417,0.0833,0.0106,0.0165,0.0175,0.0,0.0,0.0187,0.0,0.9811,0.7451,0.0023,0.0,0.1034,0.0417,0.0833,0.0105,0.0154,0.0171,0.0,0.0,reg oper account,block of flats,0.0144,"Stone, brick",No,1.0,0.0,1.0,0.0,-1262.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2117832,422493,Consumer loans,5071.32,38016.0,38016.0,0.0,38016.0,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-2470,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Regional / Local,15,Connectivity,10.0,high,POS mobile with interest,365243.0,-2427.0,-2157.0,-2157.0,-2154.0,0.0,0,Revolving loans,M,Y,Y,1,180000.0,180000.0,9000.0,337500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-13789,-3518,-5000.0,-3424,13.0,1,1,0,1,0,1,Laborers,3.0,2,2,FRIDAY,13,0,0,0,0,0,0,Industry: type 5,0.5288163870952078,0.629990723757851,0.1654074596555436,0.0619,0.0475,0.9737,,,0.0,0.1379,0.1667,,0.0614,,0.0361,,0.0,0.063,0.0493,0.9737,,,0.0,0.1379,0.1667,,0.0628,,0.0376,,0.0,0.0625,0.0475,0.9737,,,0.0,0.1379,0.1667,,0.0625,,0.0367,,0.0,,block of flats,0.0414,Panel,No,0.0,0.0,0.0,0.0,-2074.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1589007,219254,Consumer loans,4344.165,26685.0,26154.0,2250.0,26685.0,SUNDAY,12,Y,1,0.08627145984560429,,,XAP,Approved,-631,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,10,Connectivity,8.0,high,POS mobile with interest,365243.0,-578.0,-368.0,-368.0,-365.0,0.0,0,Cash loans,F,N,N,0,99000.0,90000.0,9549.0,90000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008068,-9413,-1897,-4182.0,-1055,,1,1,0,1,0,0,,2.0,3,3,SATURDAY,10,0,0,0,0,0,0,Self-employed,,0.3164520707731219,0.4722533429586386,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-631.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1256178,103799,Consumer loans,5889.51,51853.5,51853.5,0.0,51853.5,THURSDAY,14,Y,1,0.0,,,XAP,Approved,-431,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-394.0,-124.0,-124.0,-120.0,0.0,1,Cash loans,M,Y,Y,2,202500.0,1019299.5,55426.5,837000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.020246,-17130,-116,-2804.0,-670,1.0,1,1,0,1,0,1,Laborers,4.0,3,3,MONDAY,7,0,0,0,1,1,0,Government,,0.12855704480660846,0.5867400085415683,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-431.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2238305,359815,Consumer loans,11240.685,100885.5,111537.0,0.0,100885.5,MONDAY,14,Y,1,0.0,,,XAP,Approved,-399,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Stone,250,Consumer electronics,12.0,middle,POS household with interest,365243.0,-368.0,-38.0,-68.0,-64.0,0.0,0,Revolving loans,F,N,N,0,72000.0,247500.0,12375.0,247500.0,Family,Commercial associate,Higher education,Civil marriage,With parents,0.031329,-7994,-358,-3057.0,-654,,1,1,0,1,0,0,,2.0,2,2,MONDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.3628850363330246,,0.001,,,,,0.0,0.0345,0.0,,,,0.0016,,,0.0011,,,,,0.0,0.0345,0.0,,,,0.0017,,,0.001,,,,,0.0,0.0345,0.0,,,,0.0016,,,,,0.0013,,No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2829171,190207,Cash loans,28630.08,450000.0,512716.5,,450000.0,MONDAY,13,Y,1,,,,XNA,Refused,-366,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,N,Y,1,112500.0,454500.0,21996.0,454500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-11278,-1526,-4995.0,-3091,,1,1,0,1,0,0,Sales staff,3.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Trade: type 7,0.4103744745705614,0.6933532758222255,0.4722533429586386,0.0742,0.0663,0.9851,,,0.0,0.069,0.3333,,0.0786,,0.0778,,0.0,0.0756,0.0688,0.9851,,,0.0,0.069,0.3333,,0.0804,,0.0811,,0.0,0.0749,0.0663,0.9851,,,0.0,0.069,0.3333,,0.0799,,0.0792,,0.0,,block of flats,0.0612,"Stone, brick",No,6.0,0.0,6.0,0.0,-1432.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +2594966,447437,Consumer loans,7083.0,89545.5,71545.5,18000.0,89545.5,TUESDAY,8,Y,1,0.2189237467392148,,,XAP,Refused,-2270,Cash through the bank,LIMIT,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Stone,150,Consumer electronics,12.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,N,1,67500.0,441481.5,21600.0,364500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0228,-14819,-770,-4292.0,-3986,,1,1,0,1,0,0,Core staff,3.0,2,2,THURSDAY,9,0,0,0,0,0,0,Agriculture,0.49139840364057397,0.4659793703987046,0.42589289800515295,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-314.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1080664,313880,Consumer loans,9278.73,193500.0,174150.0,19350.0,193500.0,THURSDAY,11,Y,1,0.1089090909090909,,,XAP,Approved,-204,Cash through the bank,XAP,,Repeater,Homewares,POS,XNA,Stone,60,Construction,24.0,low_normal,POS industry with interest,365243.0,-174.0,516.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,N,0,180000.0,675000.0,69165.0,675000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.0228,-21093,-1577,-3073.0,-4643,4.0,1,1,0,1,1,0,Laborers,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Business Entity Type 2,,0.5450360525638915,0.445396241560834,0.1454,0.0448,0.995,0.932,0.0384,0.14,0.1207,0.375,0.4167,0.0174,0.1135,0.1926,0.0232,0.0634,0.1197,0.0,0.995,0.9347,0.0331,0.1208,0.1034,0.375,0.4167,0.0076,0.0992,0.1913,0.0233,0.06,0.1468,0.0448,0.995,0.9329,0.0386,0.14,0.1207,0.375,0.4167,0.0177,0.1154,0.196,0.0233,0.0647,org spec account,block of flats,0.1776,Panel,No,5.0,1.0,5.0,1.0,-453.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1581819,286478,Consumer loans,3338.82,31972.5,35770.5,0.0,31972.5,TUESDAY,18,Y,1,0.0,,,XAP,Approved,-338,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Regional / Local,145,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-307.0,23.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,2,135000.0,1067940.0,31356.0,765000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.019101,-15377,-2713,-1773.0,-2809,4.0,1,1,1,1,1,0,Laborers,4.0,2,2,THURSDAY,11,0,0,0,0,0,0,Self-employed,,0.5011936645060783,0.4722533429586386,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-610.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1563295,289793,Cash loans,20518.875,225000.0,247275.0,,225000.0,FRIDAY,10,Y,1,,,,XNA,Approved,-578,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-548.0,-38.0,-158.0,-156.0,1.0,0,Cash loans,F,N,Y,0,67500.0,659610.0,25686.0,472500.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.020246,-21629,365243,-881.0,-4432,,1,0,0,1,1,0,,2.0,3,3,TUESDAY,7,0,0,0,0,0,0,XNA,0.3787472802973139,0.3671628134664533,0.25259869783397665,0.0062,,0.9737,,,0.0,0.0345,0.0417,,0.0117,,0.0042,,,0.0063,,0.9737,,,0.0,0.0345,0.0417,,0.0119,,0.0044,,,0.0062,,0.9737,,,0.0,0.0345,0.0417,,0.0119,,0.0043,,,,block of flats,0.0033,"Stone, brick",No,2.0,0.0,2.0,0.0,-790.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2712538,207159,Consumer loans,22467.87,122769.0,110169.0,12600.0,122769.0,SATURDAY,11,Y,1,0.11177532972122807,,,XAP,Approved,-645,Cash through the bank,XAP,,Refreshed,Jewelry,POS,XNA,Stone,41,Industry,6.0,high,POS other with interest,365243.0,-614.0,-464.0,-464.0,-462.0,0.0,0,Cash loans,F,N,Y,0,189000.0,1506816.0,47443.5,1350000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.011703,-19394,-2579,-11456.0,-2943,,1,1,0,1,0,0,Cooking staff,1.0,2,2,SUNDAY,11,0,1,1,0,0,0,School,,0.6889374711508182,0.7062051096536562,0.0124,0.0,0.9692,,,0.0,0.0345,0.0,,0.0757,,0.0081,,0.0,0.0126,0.0,0.9692,,,0.0,0.0345,0.0,,0.0774,,0.0085,,0.0,0.0125,0.0,0.9692,,,0.0,0.0345,0.0,,0.077,,0.0083,,0.0,,terraced house,0.0064,Wooden,No,0.0,0.0,0.0,0.0,-2003.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1621096,162627,Consumer loans,3420.315,31000.5,31122.0,3100.5,31000.5,THURSDAY,13,Y,1,0.0986697746697746,,,XAP,Approved,-2290,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,30,Connectivity,14.0,high,POS mobile with interest,365243.0,-2259.0,-1869.0,-2049.0,-2035.0,0.0,0,Revolving loans,M,Y,Y,2,112500.0,405000.0,20250.0,405000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-14756,-114,-8879.0,-4480,8.0,1,1,0,1,0,0,Laborers,4.0,2,2,FRIDAY,10,0,0,0,0,0,0,Self-employed,,0.6832673110717948,0.6528965519806539,0.0536,0.0229,0.9816,0.7484,0.0088,0.04,0.0345,0.3333,0.375,0.022,0.0429,0.0509,0.0039,0.0546,0.0546,0.0237,0.9816,0.7583,0.0089,0.0403,0.0345,0.3333,0.375,0.0225,0.0468,0.053,0.0039,0.0578,0.0541,0.0229,0.9816,0.7518,0.0089,0.04,0.0345,0.3333,0.375,0.0224,0.0436,0.0518,0.0039,0.0557,reg oper account,block of flats,0.0535,"Stone, brick",No,3.0,0.0,2.0,0.0,-2290.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2345175,240740,Consumer loans,3497.265,16155.0,17010.0,0.0,16155.0,FRIDAY,13,Y,1,0.0,,,XAP,Approved,-1049,Cash through the bank,XAP,Family,New,Photo / Cinema Equipment,POS,XNA,Country-wide,10,Connectivity,6.0,high,POS mobile with interest,365243.0,-1018.0,-868.0,-868.0,-864.0,0.0,0,Cash loans,F,N,Y,0,247500.0,1129500.0,40698.0,1129500.0,Family,Commercial associate,Secondary / secondary special,Single / not married,Office apartment,0.026392000000000002,-13757,-4126,-7888.0,-2049,,1,1,0,1,0,0,,1.0,2,2,THURSDAY,11,0,0,0,0,0,0,Self-employed,,0.654324648333673,0.7421816117614419,0.1649,0.2204,0.9816,,,0.2,0.1724,0.3333,,,,0.1718,,0.1704,0.1681,0.2288,0.9816,,,0.2014,0.1724,0.3333,,,,0.179,,0.1804,0.1665,0.2204,0.9816,,,0.2,0.1724,0.3333,,,,0.1749,,0.1739,,block of flats,0.1508,Panel,No,1.0,0.0,1.0,0.0,-1049.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2789320,252056,Consumer loans,3767.94,46665.0,37332.0,9333.0,46665.0,THURSDAY,14,Y,1,0.2178181818181818,0.1891363481808909,0.8350951374207188,XAP,Approved,-315,XNA,XAP,,New,Computers,POS,XNA,Country-wide,59,Connectivity,12.0,middle,POS mobile with interest,365243.0,-277.0,53.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,N,2,72000.0,225000.0,17775.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009549,-12471,-230,-2103.0,-2116,9.0,1,1,1,1,1,0,Managers,4.0,2,2,TUESDAY,9,0,0,0,1,1,0,Postal,0.2991889542547088,0.60043294901342,0.29708661164720285,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-315.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2794618,153419,Revolving loans,20250.0,405000.0,405000.0,,405000.0,MONDAY,13,Y,1,,,,XAP,Approved,-231,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-209.0,-185.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,270000.0,1546020.0,50004.0,1350000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.006233,-21296,-2358,-779.0,-772,,1,1,0,1,0,0,Sales staff,1.0,2,2,MONDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.5590087313148859,0.6785303378624011,0.4740512892789932,0.0309,,0.9747,0.6532,0.0035,,0.1034,0.1667,0.2083,0.0478,,0.039,,0.0174,0.0315,,0.9747,0.6668,0.0035,,0.1034,0.1667,0.2083,0.0489,,0.0407,,0.0184,0.0312,,0.9747,0.6578,0.0035,,0.1034,0.1667,0.2083,0.0486,,0.0397,,0.0178,,block of flats,0.0466,"Stone, brick",No,1.0,0.0,1.0,0.0,-410.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1150146,182754,Cash loans,127508.265,1305000.0,1342899.0,,1305000.0,WEDNESDAY,18,Y,1,,,,XNA,Approved,-719,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_action,Cash X-Sell: low,365243.0,-689.0,-359.0,-359.0,-351.0,1.0,0,Cash loans,F,N,Y,0,315000.0,998010.0,77364.0,900000.0,Other_A,Working,Higher education,Married,House / apartment,0.030755,-16401,-4921,-5774.0,-4246,,1,1,0,1,0,0,High skill tech staff,2.0,2,2,MONDAY,16,0,0,0,0,0,0,Business Entity Type 1,0.8217096775254068,0.7542805543651413,0.4974688893052743,0.0247,0.0567,0.9866,,,0.0,0.1034,0.0833,,0.023,,0.0257,,0.0,0.0252,0.0588,0.9866,,,0.0,0.1034,0.0833,,0.0236,,0.0268,,0.0,0.025,0.0567,0.9866,,,0.0,0.1034,0.0833,,0.0234,,0.0262,,0.0,,block of flats,0.0202,Panel,No,0.0,0.0,0.0,0.0,-1731.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1668060,136655,Consumer loans,11791.845,127800.0,115020.0,12780.0,127800.0,WEDNESDAY,15,Y,1,0.1089090909090909,,,XAP,Approved,-253,Cash through the bank,XAP,,Repeater,Tourism,POS,XNA,Stone,30,Tourism,12.0,middle,POS other with interest,365243.0,-222.0,108.0,-72.0,-67.0,0.0,0,Cash loans,M,N,Y,0,139500.0,270000.0,13261.5,270000.0,Unaccompanied,Working,Incomplete higher,Single / not married,House / apartment,0.028663,-8352,-1210,-5791.0,-1031,,1,1,0,1,0,0,Waiters/barmen staff,1.0,2,2,THURSDAY,17,0,0,0,0,0,0,Business Entity Type 3,,0.5164130718553631,0.34578480246959553,0.16699999999999998,0.1265,0.9921,0.8912,0.3939,0.12,0.1034,0.3333,0.375,0.1168,0.1362,0.2198,0.0,0.0327,0.1702,0.1312,0.9921,0.8955,0.3975,0.1208,0.1034,0.3333,0.375,0.1195,0.1488,0.229,0.0,0.0346,0.1686,0.1265,0.9921,0.8927,0.3964,0.12,0.1034,0.3333,0.375,0.1189,0.1385,0.2237,0.0,0.0334,org spec account,block of flats,0.18,"Stone, brick",No,1.0,1.0,1.0,1.0,-521.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2672404,183865,Cash loans,11929.68,270000.0,379926.0,,270000.0,FRIDAY,15,Y,1,,,,XNA,Approved,-250,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,Y,Y,0,211500.0,1006920.0,40063.5,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.030755,-13427,-5237,-854.0,-4536,14.0,1,1,1,1,0,0,,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.4341443417318352,0.3825018041447388,0.1763,0.1812,0.9811,0.7416,0.0289,0.0,0.4138,0.1667,0.0417,0.1467,0.1412,0.1594,0.0116,0.0626,0.1796,0.188,0.9811,0.7517,0.0292,0.0,0.4138,0.1667,0.0417,0.15,0.1543,0.1661,0.0117,0.0663,0.17800000000000002,0.1812,0.9811,0.7451,0.0291,0.0,0.4138,0.1667,0.0417,0.1492,0.1437,0.1623,0.0116,0.0639,reg oper account,block of flats,0.1556,Panel,No,0.0,0.0,0.0,0.0,-1987.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2470453,167275,Cash loans,37801.845,1125000.0,1288350.0,,1125000.0,MONDAY,10,Y,1,,,,XNA,Refused,-121,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,Y,Y,1,202500.0,509602.5,27774.0,387000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-15482,-520,-6588.0,-4458,1.0,1,1,0,1,0,0,Laborers,3.0,2,2,WEDNESDAY,9,0,1,1,0,1,1,Industry: type 1,0.5782449817297717,0.5455077732243444,0.5954562029091491,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1972.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1075601,435386,Consumer loans,10315.665,49491.0,55255.5,0.0,49491.0,SUNDAY,7,Y,1,0.0,,,XAP,Approved,-1240,Cash through the bank,XAP,Family,Refreshed,Computers,POS,XNA,Regional / Local,198,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1209.0,-1059.0,-1059.0,-1051.0,0.0,0,Cash loans,M,N,N,0,270000.0,431280.0,20745.0,360000.0,Family,Working,Secondary / secondary special,Married,With parents,0.014464,-14669,-940,-7349.0,-5138,,1,1,1,1,0,0,Drivers,2.0,2,2,SUNDAY,10,0,0,0,0,0,0,Business Entity Type 1,,0.5473288166758389,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2395.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1089897,222240,Consumer loans,29030.85,280854.0,272079.0,28125.0,280854.0,SATURDAY,10,Y,1,0.1020328903618267,,,XAP,Refused,-1482,Cash through the bank,HC,,Repeater,Computers,POS,XNA,Regional / Local,60,Consumer electronics,12.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,225000.0,490495.5,30136.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018029,-15890,-1492,-9158.0,-4118,,1,1,0,1,0,0,Laborers,2.0,3,3,THURSDAY,7,0,0,0,1,1,1,Business Entity Type 3,,0.18253654764522945,0.6263042766749393,0.0082,0.0,0.9717,,,0.0,0.0345,0.0417,,,,0.0104,,0.0,0.0084,0.0,0.9717,,,0.0,0.0345,0.0417,,,,0.0108,,0.0,0.0083,0.0,0.9717,,,0.0,0.0345,0.0417,,,,0.0106,,0.0,,block of flats,0.0082,Wooden,No,10.0,0.0,10.0,0.0,-1482.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1829666,146380,Cash loans,9586.305,90000.0,95940.0,,90000.0,TUESDAY,8,Y,1,,,,XNA,Approved,-570,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-540.0,-210.0,-210.0,-201.0,1.0,0,Cash loans,F,N,Y,0,108000.0,521280.0,25209.0,450000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-20609,365243,-11013.0,-4074,,1,0,0,1,1,0,,2.0,2,2,FRIDAY,8,0,0,0,0,0,0,XNA,,0.6251711402033557,0.6863823354047934,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-749.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1900395,432128,Consumer loans,10967.265,156613.5,183487.5,0.0,156613.5,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-1021,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,1000,Consumer electronics,24.0,middle,POS household with interest,365243.0,-990.0,-300.0,-330.0,-320.0,0.0,0,Cash loans,F,Y,Y,3,67500.0,450000.0,21109.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-12184,-454,-6021.0,-4113,6.0,1,1,0,1,0,0,Cooking staff,5.0,2,2,FRIDAY,10,0,0,0,0,0,0,Restaurant,0.2788159892030599,0.5660312575232652,0.5638350489514956,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1021.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1787323,368225,Consumer loans,22680.54,107995.5,86395.5,21600.0,107995.5,THURSDAY,14,Y,1,0.21782725795392988,,,XAP,Approved,-300,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Country-wide,1500,Consumer electronics,4.0,low_normal,POS household with interest,365243.0,-269.0,-179.0,-179.0,-171.0,0.0,0,Cash loans,F,Y,Y,1,157500.0,545040.0,25537.5,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.006305,-9869,-445,-3394.0,-1338,12.0,1,1,0,1,1,1,Core staff,3.0,3,3,WEDNESDAY,5,0,0,0,0,1,1,Trade: type 1,0.3368546160700161,0.16985734239171482,,0.0928,0.1538,0.9901,0.8640000000000001,0.0202,0.0,0.2759,0.1667,0.2083,0.0619,0.07400000000000001,0.1036,0.0077,0.0108,0.0945,0.1596,0.9901,0.8693,0.0204,0.0,0.2759,0.1667,0.2083,0.0633,0.0808,0.1079,0.0078,0.0114,0.0937,0.1538,0.9901,0.8658,0.0203,0.0,0.2759,0.1667,0.2083,0.063,0.0752,0.1055,0.0078,0.011,reg oper spec account,block of flats,0.1213,"Stone, brick",No,3.0,0.0,3.0,0.0,-2099.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1614859,342078,Consumer loans,28846.125,140850.0,101250.0,39600.0,140850.0,SATURDAY,16,Y,1,0.30619808306709256,,,XAP,Approved,-2844,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Stone,84,Consumer electronics,4.0,low_normal,POS household with interest,365243.0,-2811.0,-2721.0,-2721.0,-2703.0,0.0,0,Cash loans,F,N,Y,0,207000.0,900000.0,38133.0,900000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.026392000000000002,-21414,-1905,-13311.0,-4850,,1,1,0,1,0,0,Accountants,1.0,2,2,MONDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.7567531557247676,0.7392816716167033,0.816092360478441,0.0124,,0.9558,,,0.0,0.069,0.0417,,,,0.0095,,0.0,0.0126,,0.9558,,,0.0,0.069,0.0417,,,,0.0099,,0.0,0.0125,,0.9558,,,0.0,0.069,0.0417,,,,0.0096,,0.0,,block of flats,0.0084,"Stone, brick",No,0.0,0.0,0.0,0.0,-1904.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1055091,346584,Consumer loans,5703.435,31882.14,28503.0,3379.14,31882.14,TUESDAY,12,Y,1,0.11543110514367773,,,XAP,Approved,-2377,Cash through the bank,XAP,,New,Mobile,POS,XNA,Stone,26,Connectivity,6.0,high,POS mobile with interest,365243.0,-2333.0,-2183.0,-2213.0,-2211.0,0.0,0,Cash loans,M,N,Y,2,135000.0,962370.0,77292.0,900000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.02461,-13557,-154,-7613.0,-3976,,1,1,0,1,0,1,Managers,4.0,2,2,SATURDAY,15,0,0,0,0,0,0,Electricity,0.4748226841160495,0.52880236896031,0.8454379217710598,0.0742,0.0473,0.9836,,,0.08,0.069,0.3333,,0.0447,,0.0748,,0.0,0.0756,0.0491,0.9836,,,0.0806,0.069,0.3333,,0.0457,,0.0779,,0.0,0.0749,0.0473,0.9836,,,0.08,0.069,0.3333,,0.0455,,0.0761,,0.0,,block of flats,0.0684,Panel,No,0.0,0.0,0.0,0.0,-1912.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1430166,296583,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SATURDAY,12,Y,1,,,,XAP,Approved,-551,XNA,XAP,,Repeater,XNA,Cards,walk-in,Regional / Local,150,Consumer electronics,0.0,XNA,Card Street,-548.0,-266.0,365243.0,-266.0,-174.0,0.0,0,Cash loans,F,N,N,1,90000.0,450000.0,32467.5,450000.0,,Commercial associate,Higher education,Married,House / apartment,0.020713,-11169,-1546,-5060.0,-3593,,1,1,0,1,1,0,Core staff,3.0,3,3,THURSDAY,8,0,0,0,0,1,1,Bank,0.2559391767297522,0.180680747055521,,0.0907,0.1036,0.9886,0.8436,0.0174,0.0,0.2069,0.1667,0.2083,0.0601,0.0731,0.0817,0.0039,0.0048,0.0924,0.1075,0.9886,0.8497,0.0176,0.0,0.2069,0.1667,0.2083,0.0615,0.0799,0.0851,0.0039,0.0051,0.0916,0.1036,0.9886,0.8457,0.0175,0.0,0.2069,0.1667,0.2083,0.0612,0.0744,0.0831,0.0039,0.0049,reg oper spec account,block of flats,0.0748,Panel,No,1.0,0.0,1.0,0.0,-472.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +2105377,147188,Consumer loans,14034.24,89097.3,71095.5,18001.8,89097.3,SUNDAY,14,Y,1,0.22004703540144,,,XAP,Approved,-726,Cash through the bank,XAP,,New,Computers,POS,XNA,Country-wide,58,Connectivity,6.0,high,POS mobile with interest,365243.0,-686.0,-536.0,-596.0,-592.0,0.0,0,Cash loans,F,N,Y,1,180000.0,495000.0,49959.0,495000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.002042,-13200,-1103,-5221.0,-384,,1,1,1,1,0,0,,3.0,3,3,FRIDAY,11,0,1,1,0,1,1,Business Entity Type 3,,0.3063292134696685,,0.0219,0.0327,0.996,0.898,,0.0,0.0517,0.1667,0.2083,0.019,0.0202,0.0276,0.0,0.0362,0.021,0.034,0.9985,0.902,,0.0,0.0345,0.1667,0.2083,0.0189,0.022,0.026,0.0,0.0381,0.0213,0.0327,0.997,0.8994,,0.0,0.0517,0.1667,0.2083,0.0188,0.0205,0.0276,0.0,0.0368,,block of flats,0.0275,"Stone, brick",No,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1905204,449988,Cash loans,10560.06,99000.0,125703.0,,99000.0,SATURDAY,14,Y,1,,,,XNA,Approved,-1491,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-1461.0,-951.0,-981.0,-972.0,1.0,0,Cash loans,M,Y,Y,0,81000.0,337500.0,22959.0,337500.0,Family,Working,Higher education,Married,House / apartment,0.015221,-10074,-1129,-4568.0,-2426,9.0,1,1,0,1,0,0,IT staff,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,Medicine,0.5050566378415693,0.6290778282937192,0.3842068130556564,0.1113,0.0801,0.9891,0.8504,0.0673,0.12,0.1034,0.3333,0.375,0.0335,0.0908,0.1164,0.0,0.0,0.1134,0.0831,0.9891,0.8563,0.0679,0.1208,0.1034,0.3333,0.375,0.0342,0.0992,0.1213,0.0,0.0,0.1124,0.0801,0.9891,0.8524,0.0678,0.12,0.1034,0.3333,0.375,0.0341,0.0923,0.1185,0.0,0.0,org spec account,block of flats,0.1284,Panel,No,3.0,0.0,3.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,0.0 +2448103,360589,Revolving loans,4500.0,90000.0,90000.0,,90000.0,MONDAY,14,Y,1,,,,XAP,Approved,-126,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-92.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,0,112500.0,373311.0,17428.5,283500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.019688999999999998,-19450,-1366,-2040.0,-2993,,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,Business Entity Type 1,,0.4660501117001741,0.6512602186973006,0.0082,0.0,0.9786,,,0.0,0.0345,0.0417,,0.0066,,0.0394,,0.0,0.0084,0.0,0.9727,,,0.0,0.0345,0.0417,,0.0067,,0.0073,,0.0,0.0083,0.0,0.9757,,,0.0,0.0345,0.0417,,0.0067,,0.0094,,0.0,,block of flats,0.0072,Mixed,No,1.0,1.0,1.0,1.0,-1189.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1936814,108973,Consumer loans,5707.125,45400.5,41841.0,6750.0,45400.5,TUESDAY,16,Y,1,0.15129064304837594,,,XAP,Approved,-2217,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,48,Connectivity,10.0,high,POS mobile with interest,365243.0,-2176.0,-1906.0,-1996.0,-1988.0,0.0,0,Cash loans,F,N,Y,2,90000.0,495000.0,50719.5,495000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.015221,-13909,-2717,-2118.0,-5592,,1,1,0,1,0,0,High skill tech staff,4.0,2,2,SUNDAY,9,0,0,0,0,0,0,Industry: type 9,,0.5622997339827327,0.7922644738669378,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1993.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2475482,379932,Cash loans,24339.105,787500.0,922635.0,,787500.0,SUNDAY,10,Y,1,,,,XNA,Refused,-373,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,135000.0,270000.0,21330.0,270000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.015221,-21884,365243,-9111.0,-496,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,XNA,0.4378678435022425,0.35402466951194683,0.41184855592423975,0.1485,0.1036,0.9871,0.8232,0.1023,0.16,0.1379,0.3333,0.375,0.0448,0.121,0.1468,0.0,0.0,0.1513,0.1075,0.9871,0.8301,0.1032,0.1611,0.1379,0.3333,0.375,0.0458,0.1322,0.153,0.0,0.0,0.1499,0.1036,0.9871,0.8256,0.1029,0.16,0.1379,0.3333,0.375,0.0456,0.1231,0.1494,0.0,0.0,reg oper account,block of flats,0.1714,Panel,No,12.0,0.0,12.0,0.0,-1319.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,8.0 +1595597,311719,Consumer loans,15201.63,97605.0,81949.5,19521.0,97605.0,SATURDAY,15,Y,1,0.20952043831816766,,,XAP,Approved,-1587,Non-cash from your account,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,40,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1556.0,-1406.0,-1436.0,-1432.0,0.0,0,Cash loans,F,N,Y,0,202500.0,1067337.0,45220.5,954000.0,Family,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.00963,-17175,-1439,-7408.0,-730,,1,1,0,1,0,1,Laborers,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,Industry: type 3,,0.40602492775061205,0.7922644738669378,0.268,0.1091,0.9861,,,0.08,0.0345,0.3333,,0.0433,,0.0778,,0.0228,0.2731,0.1132,0.9861,,,0.0806,0.0345,0.3333,,0.0443,,0.0811,,0.0241,0.2706,0.1091,0.9861,,,0.08,0.0345,0.3333,,0.044,,0.0792,,0.0232,,specific housing,0.1077,"Stone, brick",No,3.0,0.0,3.0,0.0,-1694.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2115478,440949,Consumer loans,36003.51,356400.0,356400.0,0.0,356400.0,FRIDAY,15,Y,1,0.0,,,XAP,Approved,-479,Cash through the bank,XAP,,New,Clothing and Accessories,POS,XNA,Country-wide,100,Clothing,12.0,middle,POS industry with interest,365243.0,-448.0,-118.0,-238.0,-232.0,0.0,0,Cash loans,F,N,Y,0,270000.0,1467612.0,59773.5,1350000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.072508,-20768,-4922,-8921.0,-4295,,1,1,0,1,1,0,Accountants,2.0,1,1,MONDAY,16,0,0,0,0,0,0,Government,,0.7449023154061833,0.5744466170995097,0.0201,0.0526,0.9305,,,0.0,0.069,0.125,,,,0.0157,,0.0352,0.0147,0.0346,0.9305,,,0.0,0.0345,0.125,,,,0.0098,,0.023,0.0203,0.0526,0.9305,,,0.0,0.069,0.125,,,,0.016,,0.0359,,block of flats,0.0176,"Stone, brick",No,0.0,0.0,0.0,0.0,-479.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1207193,157396,Consumer loans,3933.405,19129.5,19129.5,0.0,19129.5,FRIDAY,11,Y,1,0.0,,,XAP,Approved,-479,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,6,Connectivity,6.0,high,POS mobile with interest,365243.0,-445.0,-295.0,-295.0,-288.0,0.0,1,Cash loans,M,N,Y,1,135000.0,545040.0,26509.5,450000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.010966,-17944,-188,-3604.0,-1475,,1,1,0,1,0,0,Drivers,3.0,2,2,MONDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.6357168440307877,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-479.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1195651,167926,Cash loans,,0.0,0.0,,,MONDAY,17,Y,1,,,,XNA,Refused,-195,XNA,HC,,Repeater,XNA,XNA,XNA,Country-wide,53,Connectivity,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,1,157500.0,370107.0,29803.5,319500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.009656999999999999,-9941,-1309,-9168.0,-2536,,1,1,0,1,0,0,Laborers,3.0,2,2,SUNDAY,13,0,0,0,0,0,0,Self-employed,0.37062892560233207,0.4231231731201178,,0.2165,0.0727,0.9796,0.7212,0.032,0.16,0.1379,0.3333,0.0417,0.0377,0.1765,0.1819,0.0,0.0694,0.2206,0.0755,0.9796,0.7321,0.0323,0.1611,0.1379,0.3333,0.0417,0.0386,0.1928,0.1895,0.0,0.0735,0.2186,0.0727,0.9796,0.7249,0.0322,0.16,0.1379,0.3333,0.0417,0.0384,0.1796,0.1851,0.0,0.0709,reg oper account,block of flats,0.14300000000000002,"Stone, brick",No,1.0,0.0,1.0,0.0,-407.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1309128,398102,Consumer loans,4401.585,20205.0,21406.5,0.0,20205.0,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-534,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,6.0,high,POS mobile with interest,365243.0,-503.0,-353.0,-353.0,-351.0,0.0,0,Cash loans,F,N,Y,0,103500.0,481176.0,23278.5,360000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-21103,-1266,-10366.0,-4616,,1,1,0,1,0,0,,2.0,2,2,MONDAY,8,0,0,0,1,1,0,Medicine,,0.6207900286580685,0.2910973802776635,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-775.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1366822,344261,Cash loans,10331.55,229500.0,291604.5,,229500.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-720,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,middle,Cash X-Sell: middle,365243.0,-690.0,1080.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,90000.0,112500.0,7569.0,112500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-21884,365243,-12846.0,-4443,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,,0.5885936894845518,0.6610235391308081,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-2581.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,1.0,0.0,1.0,1.0,3.0 +2802090,251240,Consumer loans,29349.0,304920.0,270000.0,34920.0,304920.0,SUNDAY,13,Y,1,0.1247246967908124,,,XAP,Refused,-2881,XNA,VERIF,,New,XNA,POS,XNA,Stone,390,Consumer electronics,12.0,high,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,202500.0,755190.0,36459.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.011703,-23209,-369,-12700.0,-5342,,1,1,0,1,1,0,,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,Services,,0.7271782773741676,0.326475210066026,0.1835,0.0974,0.9826,0.762,0.0429,0.2,0.1724,0.3333,0.375,0.1235,0.1496,0.1916,0.0,0.0043,0.187,0.101,0.9826,0.7713,0.0433,0.2014,0.1724,0.3333,0.375,0.1264,0.1635,0.1996,0.0,0.0046,0.1853,0.0974,0.9826,0.7652,0.0431,0.2,0.1724,0.3333,0.375,0.1257,0.1522,0.195,0.0,0.0044,,block of flats,0.1885,Panel,No,1.0,0.0,1.0,0.0,-1946.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2487087,331880,Consumer loans,2728.395,15106.5,13594.5,1512.0,15106.5,WEDNESDAY,15,Y,1,0.1090064180680802,,,XAP,Approved,-2682,Cash through the bank,XAP,Children,New,Audio/Video,POS,XNA,Country-wide,30,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2651.0,-2501.0,-2501.0,-2496.0,0.0,0,Cash loans,F,N,N,1,49500.0,646920.0,20866.5,540000.0,Unaccompanied,Working,Secondary / secondary special,Separated,Rented apartment,0.015221,-14700,-3017,-6029.0,-4812,,1,1,1,1,1,0,,2.0,2,2,SUNDAY,11,0,0,0,0,0,0,Other,0.5342728142354611,0.6121508136828895,0.5744466170995097,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1555.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1959234,170979,Consumer loans,4473.135,25551.0,31860.0,0.0,25551.0,SATURDAY,14,Y,1,0.0,,,XAP,Approved,-984,Cash through the bank,XAP,Children,New,Mobile,POS,XNA,Country-wide,30,Connectivity,10.0,high,POS mobile with interest,365243.0,-953.0,-683.0,-683.0,-675.0,0.0,0,Cash loans,F,N,Y,1,112500.0,254412.0,12501.0,166500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.030755,-14866,-6265,-3467.0,-2654,,1,1,0,1,0,0,Laborers,3.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,Business Entity Type 3,,0.6609417114977681,0.6817058776720116,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-984.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2828349,264514,Revolving loans,19125.0,0.0,45000.0,,,FRIDAY,11,N,0,,,,XAP,Refused,-382,XNA,HC,,Repeater,XNA,Cards,x-sell,Stone,140,Consumer electronics,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,67500.0,142200.0,8068.5,112500.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.019688999999999998,-19448,365243,-284.0,-1656,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,16,0,0,0,0,0,0,XNA,,0.16995295093717294,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,2.0,7.0,1.0,-1020.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2675321,158192,Consumer loans,9493.38,80050.5,79177.5,8005.5,80050.5,SATURDAY,13,Y,1,0.10000478617078183,,,XAP,Approved,-1984,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,40,Connectivity,12.0,high,POS mobile with interest,365243.0,-1942.0,-1612.0,-1732.0,-1724.0,0.0,0,Cash loans,F,Y,Y,0,270000.0,646920.0,19044.0,540000.0,Family,Pensioner,Higher education,Married,House / apartment,0.011703,-23539,365243,-3133.0,-3128,0.0,1,0,0,1,0,0,,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,XNA,0.8224982661586963,0.7524888155519052,0.35895122857839673,0.0021,,0.9796,0.7212,0.0009,0.0,0.0345,0.0,0.0417,0.0,0.0017,0.0017,0.0,0.0,0.0021,,0.9796,0.7321,0.0009,0.0,0.0345,0.0,0.0417,0.0,0.0018,0.0018,0.0,0.0,0.0021,,0.9796,0.7249,0.0009,0.0,0.0345,0.0,0.0417,0.0,0.0017,0.0017,0.0,0.0,not specified,terraced house,0.0018,"Stone, brick",No,5.0,0.0,4.0,0.0,-1365.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2147754,446398,Consumer loans,4343.67,21717.0,20412.0,1305.0,21717.0,WEDNESDAY,11,Y,1,0.065444750028256,,,XAP,Refused,-2163,Cash through the bank,SCO,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,800,Consumer electronics,5.0,low_normal,POS household without interest,,,,,,,0,Cash loans,F,N,Y,0,180000.0,450000.0,22018.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.015221,-17196,-5815,-6896.0,-733,,1,1,0,1,0,0,Core staff,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Government,0.5994581529443971,0.5557177276214157,0.14644206667896328,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,5.0,0.0,5.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2761784,307642,Revolving loans,6750.0,135000.0,135000.0,,135000.0,THURSDAY,10,Y,1,,,,XAP,Approved,-330,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,450000.0,539059.5,42718.5,499500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.006629,-13915,-172,-378.0,-1156,,1,1,0,1,0,0,HR staff,3.0,2,2,FRIDAY,11,0,0,0,0,0,0,Construction,,0.4695616257500799,0.09569272423026376,0.0278,0.0636,0.9945,0.9252,0.004,0.0,0.1034,0.0833,0.0417,0.011,0.0227,0.0284,0.0,0.0099,0.0284,0.066,0.9945,0.9281,0.004,0.0,0.1034,0.0833,0.0417,0.0113,0.0248,0.0296,0.0,0.0105,0.0281,0.0636,0.9945,0.9262,0.004,0.0,0.1034,0.0833,0.0417,0.0112,0.0231,0.0289,0.0,0.0102,reg oper spec account,block of flats,0.0223,Mixed,No,0.0,0.0,0.0,0.0,-507.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2588335,237849,Cash loans,25652.52,202500.0,244170.0,,202500.0,MONDAY,11,Y,1,,,,XNA,Approved,-847,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-817.0,-487.0,-487.0,-484.0,1.0,0,Revolving loans,F,N,N,1,67500.0,270000.0,13500.0,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Rented apartment,0.020713,-12964,-345,-2456.0,-4161,,1,1,0,1,0,0,Sales staff,3.0,3,3,MONDAY,6,1,1,0,1,1,0,Self-employed,0.3097967972756085,0.3423970138159031,0.746300213050371,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-1502.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1210773,444356,Consumer loans,4324.275,23940.0,21546.0,2394.0,23940.0,WEDNESDAY,14,Y,1,0.1089090909090909,,,XAP,Approved,-2863,Cash through the bank,XAP,,New,Mobile,POS,XNA,Stone,41,Connectivity,6.0,high,POS mobile with interest,365243.0,-2831.0,-2681.0,-2681.0,-2614.0,0.0,0,Cash loans,M,Y,Y,0,202500.0,1183963.5,38322.0,927000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-17483,-3447,-6263.0,-1020,6.0,1,1,0,1,0,0,Drivers,2.0,3,3,WEDNESDAY,6,0,0,0,0,0,0,Self-employed,,0.491102716783958,0.5280927512030451,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1667.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +1664870,259320,Consumer loans,34063.875,421875.0,337500.0,84375.0,421875.0,MONDAY,12,Y,1,0.2178181818181818,,,XAP,Approved,-67,Cash through the bank,XAP,Children,Repeater,Tourism,POS,XNA,Stone,53,Tourism,12.0,middle,POS other with interest,365243.0,-34.0,296.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,Y,2,103500.0,180000.0,9000.0,180000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.006305,-12388,-449,-155.0,-4027,,1,1,0,1,0,0,Core staff,4.0,3,3,FRIDAY,6,0,0,0,0,0,0,Government,0.5626946212581642,0.453883389201582,0.8193176922872417,0.1144,0.3538,0.999,0.9864,0.0456,0.24,0.1034,0.5417,0.375,0.0813,0.0925,0.1525,0.0039,0.0618,0.1166,0.3672,0.999,0.9869,0.046,0.2417,0.1034,0.5417,0.375,0.0832,0.101,0.1589,0.0039,0.0655,0.1155,0.3538,0.999,0.9866,0.0458,0.24,0.1034,0.5417,0.375,0.0827,0.0941,0.1552,0.0039,0.0631,reg oper account,block of flats,0.1488,"Stone, brick",No,1.0,0.0,1.0,0.0,-606.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2562834,254565,Consumer loans,5049.99,33768.0,28579.5,6750.0,33768.0,FRIDAY,12,Y,1,0.20808003612741868,,,XAP,Approved,-2847,XNA,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,37,Connectivity,7.0,low_normal,POS mobile with interest,365243.0,-2815.0,-2635.0,-2635.0,-2628.0,1.0,0,Cash loans,M,Y,Y,0,180000.0,180000.0,13095.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.009334,-15616,-758,-8216.0,-4516,8.0,1,1,1,1,1,0,Managers,1.0,2,2,WEDNESDAY,11,0,1,1,0,1,1,Postal,,0.5602373555507609,0.5316861425197883,0.0103,,0.9786,,,0.0,0.0345,0.0417,,0.0039,,0.0051,,0.0028,0.0105,,0.9786,,,0.0,0.0345,0.0417,,0.004,,0.0053,,0.003,0.0104,,0.9786,,,0.0,0.0345,0.0417,,0.004,,0.0051,,0.0029,,block of flats,0.0046,Wooden,No,0.0,0.0,0.0,0.0,-497.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1190716,171620,Cash loans,47484.0,1800000.0,1800000.0,,1800000.0,THURSDAY,12,Y,1,,,,XNA,Approved,-974,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_action,Cash Street: low,365243.0,-937.0,833.0,-217.0,-213.0,0.0,0,Cash loans,M,Y,N,0,202500.0,808650.0,21460.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-16532,-2620,-5047.0,-84,3.0,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Government,0.4336623317678752,0.7106776936777579,0.5884877883422673,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-314.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1105885,204988,Cash loans,13271.355,135000.0,180580.5,0.0,135000.0,THURSDAY,9,Y,1,0.0,,,XNA,Approved,-1848,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,high,Cash X-Sell: high,365243.0,-1818.0,-1128.0,-1278.0,-1271.0,1.0,1,Revolving loans,F,N,Y,0,112500.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-16644,-236,-4643.0,-181,,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,8,0,0,0,0,0,0,Agriculture,,0.26525634018619443,,0.0,,0.0,,,,,,,,,,,,0.0,,0.0005,,,,,,,,,,,,0.0,,0.0,,,,,,,,,,,,,block of flats,0.0,,No,2.0,1.0,2.0,1.0,-1254.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1215896,400032,Consumer loans,5723.325,26055.0,24417.0,2605.5,26055.0,THURSDAY,7,Y,1,0.10500976459011424,,,XAP,Approved,-2576,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,35,Connectivity,5.0,low_normal,POS mobile with interest,365243.0,-2545.0,-2425.0,-2425.0,-2419.0,1.0,0,Cash loans,F,N,N,1,67500.0,364896.0,23319.0,315000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018801,-12765,-2506,-5354.0,-4515,,1,1,1,1,1,0,Laborers,3.0,2,2,THURSDAY,11,0,0,0,0,0,0,Industry: type 3,0.3307159715203053,0.7876423591317866,0.5064842396679806,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2576.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,4.0 +1462276,381959,Consumer loans,8628.615,70416.0,77386.5,0.0,70416.0,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-2152,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,2106,Consumer electronics,12.0,high,POS household with interest,365243.0,-2120.0,-1790.0,-1790.0,-1780.0,0.0,0,Cash loans,M,Y,Y,1,153000.0,1120500.0,32890.5,1120500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-12269,-5442,-2668.0,-4667,17.0,1,1,0,1,0,0,,3.0,3,3,TUESDAY,11,0,0,0,0,0,0,Industry: type 9,0.18925919905609254,0.3522763080928354,0.6910212267577837,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1600.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +1815265,426780,Cash loans,13136.94,229500.0,260550.0,,229500.0,THURSDAY,8,Y,1,,,,XNA,Approved,-982,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,365243.0,-952.0,-82.0,-802.0,-796.0,1.0,0,Revolving loans,F,N,Y,0,135000.0,225000.0,11250.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020246,-21097,365243,-3894.0,-4642,,1,0,0,1,1,1,,2.0,3,3,SATURDAY,6,0,0,0,0,0,0,XNA,0.7946232950878142,0.3892970831161652,0.3280631605201915,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2222.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2393307,415153,Cash loans,51732.765,1215000.0,1338493.5,,1215000.0,MONDAY,7,Y,1,,,,XNA,Refused,-284,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,42.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,2,283500.0,1045854.0,33867.0,873000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.006852,-15065,-1918,-3292.0,-2366,,1,1,0,1,0,0,Sales staff,4.0,3,3,FRIDAY,8,0,0,0,0,0,0,Business Entity Type 3,0.632143271006312,0.013319918926206738,0.29859498978739724,0.0124,0.0,0.9613,,,0.0,0.1724,0.0417,,0.0097,,0.0067,,0.0218,0.0126,0.0,0.9613,,,0.0,0.1724,0.0417,,0.0099,,0.0069,,0.0231,0.0125,0.0,0.9613,,,0.0,0.1724,0.0417,,0.0099,,0.0068,,0.0223,,block of flats,0.0127,"Stone, brick",No,1.0,0.0,1.0,0.0,-1920.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2295530,362354,Consumer loans,17651.205,89995.5,94747.5,0.0,89995.5,MONDAY,12,Y,1,0.0,,,XAP,Approved,-385,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,900,Consumer electronics,6.0,middle,POS household with interest,365243.0,-355.0,-205.0,-265.0,-260.0,1.0,0,Cash loans,F,N,Y,0,112500.0,703728.0,31126.5,607500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.020246,-20834,365243,-3128.0,-4368,,1,0,0,1,1,0,,1.0,3,3,MONDAY,12,0,0,0,0,0,0,XNA,0.6698542187850044,0.13543306925407675,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1350.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2364712,419969,Cash loans,46484.46,1575000.0,1762110.0,,1575000.0,WEDNESDAY,15,Y,1,,,,XNA,Refused,-936,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,60.0,low_action,Cash Street: low,,,,,,,1,Cash loans,M,Y,Y,1,180000.0,450000.0,22018.5,450000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0228,-14839,-445,-2694.0,-3364,20.0,1,1,0,1,0,0,Laborers,3.0,2,2,MONDAY,15,0,0,0,0,1,1,Self-employed,,0.4753988666560319,0.2778856891082046,0.034,0.0378,0.9767,0.6804,0.0029,0.0,0.1034,0.0833,0.125,0.0241,0.0277,0.0299,0.0,0.0,0.0347,0.0393,0.9767,0.6929,0.0029,0.0,0.1034,0.0833,0.125,0.0246,0.0303,0.0311,0.0,0.0,0.0344,0.0378,0.9767,0.6847,0.0029,0.0,0.1034,0.0833,0.125,0.0245,0.0282,0.0304,0.0,0.0,reg oper account,block of flats,0.0251,"Stone, brick",No,15.0,1.0,15.0,0.0,-419.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,1.0,1.0 +1912733,351645,Revolving loans,2250.0,45000.0,45000.0,,45000.0,MONDAY,18,Y,1,,,,XAP,Approved,-338,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Country-wide,1500,Consumer electronics,0.0,XNA,Card Street,-271.0,-230.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,112500.0,225000.0,11650.5,225000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.01885,-10377,-1298,-938.0,-1128,,1,1,1,1,1,0,Core staff,3.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Trade: type 2,0.2835504873489768,0.5732200712338235,0.6817058776720116,0.1505,0.1243,0.9767,,,,0.2759,0.1667,,,,0.1157,,,0.1534,0.129,0.9767,,,,0.2759,0.1667,,,,0.1205,,,0.152,0.1243,0.9767,,,,0.2759,0.1667,,,,0.1178,,,,block of flats,0.0867,"Stone, brick",No,8.0,0.0,8.0,0.0,-1029.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2796944,363970,Consumer loans,6025.05,54828.0,54828.0,0.0,54828.0,TUESDAY,18,Y,1,0.0,,,XAP,Approved,-393,XNA,XAP,,New,Mobile,POS,XNA,Country-wide,17,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-341.0,-71.0,-71.0,-66.0,0.0,0,Cash loans,F,N,N,0,103500.0,521280.0,31630.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.005002,-9639,-1361,-3485.0,-1213,,1,1,0,1,0,0,Sales staff,2.0,3,3,WEDNESDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.3386158626860485,0.39449540531239935,0.2227,0.1909,0.9861,,,0.24,0.2069,0.3333,0.375,0.2102,0.1816,0.2481,,0.0094,0.2269,0.1981,0.9861,,,0.2417,0.2069,0.3333,0.375,0.215,0.1983,0.2585,,0.0099,0.2248,0.1909,0.9861,,,0.24,0.2069,0.3333,0.375,0.2138,0.1847,0.2526,,0.0096,not specified,block of flats,0.213,Panel,No,2.0,0.0,2.0,0.0,-393.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2595792,441044,Consumer loans,5206.95,38655.0,43762.5,3870.0,38655.0,FRIDAY,13,Y,1,0.08848542105037145,,,XAP,Approved,-1894,XNA,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,42,Connectivity,12.0,high,POS mobile with interest,365243.0,-1863.0,-1533.0,-1533.0,-1521.0,0.0,0,Cash loans,M,N,Y,0,270000.0,970380.0,28503.0,810000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.030755,-19015,-1049,-10799.0,-2441,,1,1,0,1,0,0,Security staff,2.0,2,2,TUESDAY,13,0,1,1,1,1,1,Security,,0.5197544229208692,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1894.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2371025,328206,Consumer loans,12314.025,60660.0,66591.0,0.0,60660.0,WEDNESDAY,14,Y,1,0.0,,,XAP,Approved,-154,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Regional / Local,331,Consumer electronics,6.0,middle,POS household with interest,365243.0,-121.0,29.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,2,135000.0,521280.0,31630.5,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.00496,-18063,-1648,-1.0,-1325,,1,1,0,1,0,0,,4.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Other,0.7825443992405541,0.4376178639713694,0.09081470898933673,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1241.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +1771029,322722,Cash loans,6190.335,45000.0,54738.0,0.0,45000.0,SATURDAY,11,Y,1,0.0,,,XNA,Approved,-1866,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-1836.0,-1506.0,-1536.0,-1529.0,1.0,0,Cash loans,M,N,N,0,112500.0,122256.0,7146.0,108000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.072508,-24074,365243,-5027.0,-5278,,1,0,0,1,0,0,,1.0,1,1,WEDNESDAY,9,0,0,0,0,0,0,XNA,,0.3527604600220212,0.34578480246959553,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-979.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,4.0 +2648404,288158,Cash loans,17140.5,450000.0,450000.0,,450000.0,TUESDAY,11,Y,1,,,,XNA,Refused,-335,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,225000.0,450000.0,34825.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-18135,-1957,-8699.0,-1694,,1,1,0,1,1,0,,2.0,1,1,MONDAY,12,0,0,0,0,0,0,Industry: type 3,,0.7821190895322617,0.5989262182569273,0.0784,0.0883,0.9722,0.6192,0.0139,0.0,0.1724,0.1667,0.2083,,0.063,0.0737,0.0039,0.0098,0.0788,0.0913,0.9722,0.6341,0.014,0.0,0.1724,0.1667,0.2083,,0.0689,0.0767,0.0,0.0,0.0791,0.0883,0.9722,0.6243,0.014,0.0,0.1724,0.1667,0.2083,,0.0641,0.0749,0.0039,0.0011,reg oper account,block of flats,0.0578,Panel,No,0.0,0.0,0.0,0.0,-1787.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2730557,288453,Consumer loans,20297.475,202995.0,182695.5,20299.5,202995.0,WEDNESDAY,17,Y,1,0.1089090909090909,,,XAP,Approved,-2316,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Stone,118,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-2264.0,-1994.0,-2024.0,-2018.0,0.0,0,Cash loans,F,Y,Y,1,112500.0,891000.0,26050.5,891000.0,Family,Working,Higher education,Separated,House / apartment,0.019101,-12055,-2916,-6201.0,-335,10.0,1,1,1,1,1,0,Core staff,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Bank,0.33987247508540924,0.7524195710443319,0.6986675550534175,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2316.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2506910,178061,Cash loans,27505.8,135000.0,135000.0,,135000.0,TUESDAY,17,Y,1,,,,Medicine,Refused,-618,Cash through the bank,HC,,New,XNA,Cash,walk-in,Country-wide,52,Connectivity,6.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,63000.0,231813.0,11965.5,193500.0,Family,Working,Higher education,Widow,House / apartment,0.019101,-19594,-932,-2908.0,-3100,,1,1,0,1,0,0,High skill tech staff,1.0,2,2,THURSDAY,14,0,0,0,0,0,0,Self-employed,,0.5610668689208647,0.5814837058057234,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-618.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1513170,252464,Cash loans,18269.775,472500.0,659610.0,,472500.0,MONDAY,15,Y,1,,,,Buying a used car,Approved,-216,Cash through the bank,XAP,"Spouse, partner",New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,365243.0,-185.0,1585.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,90000.0,275076.0,32773.5,243000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-16612,-1863,-5191.0,-167,,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,16,0,0,0,0,0,0,Self-employed,,0.5903558665758692,,0.1433,0.045,0.9851,,,0.04,0.0345,0.3333,,0.0689,,0.0858,,0.0905,0.146,0.0467,0.9851,,,0.0403,0.0345,0.3333,,0.0705,,0.0894,,0.0958,0.1447,0.045,0.9851,,,0.04,0.0345,0.3333,,0.0701,,0.0874,,0.0924,,block of flats,0.0872,Monolithic,No,4.0,0.0,4.0,0.0,-218.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2731372,380233,Cash loans,11895.885,135000.0,148365.0,,135000.0,WEDNESDAY,9,Y,1,,,,XNA,Approved,-503,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-473.0,37.0,-113.0,-107.0,1.0,0,Cash loans,F,N,Y,0,337500.0,1636245.0,47970.0,1462500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-15344,-3601,-4640.0,-1860,,1,1,0,1,0,0,High skill tech staff,2.0,2,2,TUESDAY,11,0,0,0,0,1,1,Transport: type 4,,0.595528250458227,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1663.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2114168,135849,Consumer loans,5424.255,120271.5,120271.5,0.0,120271.5,TUESDAY,10,Y,1,0.0,,,XAP,Approved,-1182,Cash through the bank,XAP,Family,Refreshed,Computers,POS,XNA,Country-wide,1000,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1151.0,-461.0,-461.0,-456.0,0.0,0,Cash loans,F,N,Y,0,90000.0,225000.0,16371.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.026392000000000002,-12170,-4584,-4653.0,-4661,,1,1,1,1,1,0,Sales staff,1.0,2,2,MONDAY,12,0,0,0,0,0,0,Self-employed,,0.6548042623813533,0.8327850252992314,0.166,0.1538,0.9886,0.8436,0.0852,0.0,0.3793,0.1667,0.2083,0.2408,0.1345,0.1763,0.0039,0.001,0.1691,0.1596,0.9886,0.8497,0.0859,0.0,0.3793,0.1667,0.2083,0.2463,0.1469,0.1837,0.0039,0.0011,0.1676,0.1538,0.9886,0.8457,0.0857,0.0,0.3793,0.1667,0.2083,0.245,0.1368,0.1794,0.0039,0.001,reg oper account,block of flats,0.1625,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2505325,383786,Consumer loans,11865.96,229648.5,229648.5,0.0,229648.5,THURSDAY,19,Y,1,0.0,,,XAP,Approved,-692,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Country-wide,1000,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-661.0,29.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,157500.0,765000.0,39060.0,765000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.026392000000000002,-8432,-226,-7442.0,-1091,,1,1,0,1,1,1,Accountants,1.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Culture,,0.4275273843285271,,0.0804,0.0905,0.9786,,,0.0,0.2069,0.1667,,0.1546,,0.076,,0.0326,0.0819,0.0939,0.9786,,,0.0,0.2069,0.1667,,0.1581,,0.0791,,0.0345,0.0812,0.0905,0.9786,,,0.0,0.2069,0.1667,,0.1573,,0.0773,,0.0333,,block of flats,0.0815,Panel,No,2.0,0.0,2.0,0.0,-692.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1875231,451497,Cash loans,41718.285,225000.0,232425.0,,225000.0,TUESDAY,10,Y,1,,,,XNA,Approved,-302,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,low_normal,Cash X-Sell: low,365243.0,-272.0,-122.0,-122.0,-115.0,1.0,0,Cash loans,F,Y,Y,0,270000.0,254700.0,14751.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.072508,-24077,365243,-9009.0,-2867,1.0,1,0,0,1,1,1,,1.0,1,1,WEDNESDAY,14,0,0,0,0,0,0,XNA,,0.728646485246885,0.2263473957097693,0.2103,0.0842,0.9876,0.83,0.134,0.24,0.1034,0.6667,0.7083,0.0,0.1706,0.1284,0.0039,0.0036,0.2143,0.0874,0.9876,0.8367,0.1352,0.2417,0.1034,0.6667,0.7083,0.0,0.1864,0.1337,0.0039,0.0038,0.2123,0.0842,0.9876,0.8323,0.1348,0.24,0.1034,0.6667,0.7083,0.0,0.1736,0.1307,0.0039,0.0037,reg oper account,block of flats,0.175,Panel,No,0.0,0.0,0.0,0.0,-2765.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1585770,393897,Cash loans,18025.47,454500.0,454500.0,,454500.0,WEDNESDAY,23,Y,1,,,,XNA,Approved,-425,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-395.0,655.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,215640.0,11137.5,180000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.019101,-23312,365243,-2942.0,-4453,11.0,1,0,0,1,0,0,,1.0,2,2,SUNDAY,10,0,0,0,0,0,0,XNA,,0.6705566908705666,0.807273923277881,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1508369,385735,Consumer loans,2215.08,18981.0,18981.0,0.0,18981.0,SUNDAY,9,Y,1,0.0,,,XAP,Refused,-2347,XNA,LIMIT,Family,Repeater,Mobile,POS,XNA,Country-wide,57,Connectivity,12.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,Y,Y,1,67500.0,292500.0,7843.5,292500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-13453,-3153,-1257.0,-1926,3.0,1,1,1,1,1,0,High skill tech staff,3.0,2,2,TUESDAY,11,0,0,0,0,0,0,Business Entity Type 2,0.2556093803841097,0.6748897054290116,0.5954562029091491,0.1289,0.131,0.9866,0.8164,0.1898,0.0,0.3103,0.1667,0.2083,0.0989,0.1051,0.1225,0.0077,0.0008,0.1313,0.1359,0.9866,0.8236,0.1916,0.0,0.3103,0.1667,0.2083,0.1012,0.1148,0.1276,0.0078,0.0008,0.1301,0.131,0.9866,0.8189,0.191,0.0,0.3103,0.1667,0.2083,0.1006,0.1069,0.1247,0.0078,0.0008,reg oper account,block of flats,0.1038,"Stone, brick",No,0.0,0.0,0.0,0.0,-2091.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2641770,219065,Consumer loans,24634.035,151645.5,160587.0,0.0,151645.5,THURSDAY,9,Y,1,0.0,,,XAP,Approved,-1482,Cash through the bank,XAP,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Regional / Local,842,Consumer electronics,8.0,high,POS household with interest,365243.0,-1451.0,-1241.0,-1271.0,-1269.0,0.0,0,Cash loans,F,N,N,4,171000.0,545040.0,31419.0,450000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.008068,-12277,-1942,-726.0,-726,,1,1,1,1,1,0,Laborers,6.0,3,3,TUESDAY,7,0,0,0,0,0,0,Military,,0.7583670556958768,0.6127042441012546,0.1206,0.0825,0.9985,0.9796,0.0099,0.16,0.1379,0.3333,0.375,0.0883,0.0983,0.1361,0.0,0.0,0.1229,0.0856,0.9985,0.9804,0.01,0.1611,0.1379,0.3333,0.375,0.0904,0.1074,0.1418,0.0,0.0,0.1218,0.0825,0.9985,0.9799,0.01,0.16,0.1379,0.3333,0.375,0.0899,0.1,0.1385,0.0,0.0,reg oper spec account,block of flats,0.1431,"Stone, brick",No,0.0,0.0,0.0,0.0,-1852.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1028341,348432,Consumer loans,2416.275,24165.0,21748.5,2416.5,24165.0,TUESDAY,13,Y,1,0.1089090909090909,,,XAP,Approved,-2735,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Stone,250,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-2698.0,-2428.0,-2578.0,-2562.0,0.0,0,Cash loans,F,N,Y,1,202500.0,1288350.0,37800.0,1125000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.00823,-16089,-9283,-7853.0,-4042,,1,1,0,1,0,0,Medicine staff,3.0,2,2,SUNDAY,11,0,0,0,0,1,1,Medicine,0.5121856727615408,0.6118392569182132,0.5919766183185521,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,0.0,-1094.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2004997,107719,Consumer loans,11857.95,112257.0,111699.0,11227.5,112257.0,WEDNESDAY,12,Y,1,0.09947219014466516,,,XAP,Approved,-342,Cash through the bank,XAP,,New,Computers,POS,XNA,Country-wide,3268,Consumer electronics,12.0,middle,POS household with interest,365243.0,-310.0,20.0,-100.0,-93.0,0.0,1,Cash loans,M,N,N,0,202500.0,781920.0,31522.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00496,-17213,-8822,-4416.0,-752,,1,1,0,1,1,0,Medicine staff,2.0,2,2,TUESDAY,10,0,0,0,0,1,1,Medicine,,0.6818933137779815,0.4083588531230431,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-342.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2737458,384383,Consumer loans,16792.335,167940.0,151146.0,16794.0,167940.0,SATURDAY,13,Y,1,0.1089090909090909,,,XAP,Approved,-1726,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,148,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1695.0,-1425.0,-1425.0,-1417.0,0.0,0,Cash loans,F,N,Y,0,193500.0,1113399.0,47304.0,945000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-22992,365243,-5250.0,-1213,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,,0.7220950011326667,0.7047064232963289,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1228.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +1482953,106332,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SATURDAY,10,Y,1,,,,XAP,Refused,-365,XNA,HC,Family,Repeater,XNA,Cards,walk-in,Country-wide,216,Furniture,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,Y,N,0,180000.0,180000.0,20308.5,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-18958,-3342,-920.0,-2501,23.0,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.4806958768995353,0.5940894504433801,0.4650692149562261,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,1.0,5.0,0.0,-855.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2132321,283562,Consumer loans,8687.7,85802.67,94864.5,1.17,85802.67,SATURDAY,10,Y,1,1.3432007212265125e-05,,,XAP,Approved,-877,Cash through the bank,XAP,Family,Repeater,Photo / Cinema Equipment,POS,XNA,Regional / Local,135,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-846.0,-516.0,-516.0,-512.0,0.0,0,Cash loans,F,Y,N,1,114750.0,593010.0,17469.0,495000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-13392,-1579,-7140.0,-5352,16.0,1,1,1,1,1,0,Core staff,3.0,2,2,MONDAY,16,0,0,0,0,0,0,Kindergarten,0.7838262525911445,0.6536120649384386,0.6577838002083306,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1528.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1763052,278472,Cash loans,30937.5,1125000.0,1125000.0,,1125000.0,MONDAY,18,Y,1,,,,Repairs,Refused,-213,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),4,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,Y,N,1,135000.0,319500.0,21744.0,319500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.005002,-14467,-794,-7952.0,-4332,9.0,1,1,1,1,1,1,Drivers,3.0,3,3,WEDNESDAY,14,0,0,0,0,1,1,Construction,0.33377333773804546,0.6014450586837641,0.39449540531239935,0.0381,0.0682,0.9816,,,,0.069,0.1667,,0.0055,,0.0343,,0.0575,0.0389,0.0708,0.9816,,,,0.069,0.1667,,0.0056,,0.0357,,0.0609,0.0385,0.0682,0.9816,,,,0.069,0.1667,,0.0056,,0.0349,,0.0587,,block of flats,0.027000000000000003,"Stone, brick",No,5.0,0.0,5.0,0.0,-2413.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1117407,135002,Revolving loans,13500.0,270000.0,270000.0,,270000.0,TUESDAY,17,Y,1,,,,XAP,Approved,-245,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-243.0,-203.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,1,112500.0,521280.0,26613.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.072508,-15288,-5379,-5479.0,-3521,19.0,1,1,0,1,0,0,Drivers,3.0,1,1,TUESDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.6532257941280563,0.5954562029091491,0.0806,0.0787,0.9737,0.6396,0.0,0.0,0.1379,0.1667,0.2083,0.0,0.0656,0.0622,0.0006,0.0064,0.084,0.0816,0.9737,0.6537,0.0,0.0,0.1379,0.1667,0.2083,0.0,0.0735,0.055,0.0,0.0,0.0833,0.0787,0.9737,0.6444,0.0,0.0,0.1379,0.1667,0.2083,0.0,0.0684,0.0651,0.0,0.0,reg oper account,block of flats,0.0499,"Stone, brick",No,0.0,0.0,0.0,0.0,-488.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2631427,454519,Consumer loans,7895.745,57104.595,62127.0,4.095,57104.595,SUNDAY,12,Y,1,7.178092181905488e-05,,,XAP,Approved,-363,Cash through the bank,XAP,,Refreshed,Audio/Video,POS,XNA,Country-wide,300,Consumer electronics,10.0,high,POS household with interest,365243.0,-332.0,-62.0,-92.0,-90.0,0.0,0,Cash loans,M,N,Y,0,90000.0,225000.0,22050.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-24355,365243,-14040.0,-4064,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,XNA,,0.6374672221640489,,0.2155,0.1689,0.9806,,,0.0,0.4828,0.1667,,0.4561,,0.1902,,0.0008,0.2195,0.1753,0.9806,,,0.0,0.4828,0.1667,,0.4665,,0.1982,,0.0008,0.2176,0.1689,0.9806,,,0.0,0.4828,0.1667,,0.464,,0.1937,,0.0008,,block of flats,0.1498,"Stone, brick",No,0.0,0.0,0.0,0.0,-3143.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1302892,343945,Consumer loans,24135.435,89910.0,89910.0,0.0,89910.0,THURSDAY,19,Y,1,0.0,,,XAP,Approved,-53,Cash through the bank,XAP,,Refreshed,Furniture,POS,XNA,Country-wide,90,Furniture,4.0,middle,POS industry with interest,365243.0,-17.0,73.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,180000.0,301500.0,23463.0,301500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.026392000000000002,-23092,-16220,-4861.0,-4467,,1,1,0,1,0,0,Managers,1.0,2,2,MONDAY,12,0,0,0,0,0,0,Other,,0.5495329637890713,0.4418358231994413,0.0402,,0.9722,,,0.0,0.1379,0.125,,,,0.0487,,0.0038,0.041,,0.9722,,,0.0,0.1379,0.125,,,,0.0507,,0.004,0.0406,,0.9722,,,0.0,0.1379,0.125,,,,0.0496,,0.0039,,block of flats,0.0391,"Stone, brick",No,0.0,0.0,0.0,0.0,-1367.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1438006,274073,Consumer loans,12160.71,117841.5,130284.0,0.0,117841.5,SATURDAY,14,Y,1,0.0,,,XAP,Approved,-329,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,555,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-298.0,32.0,365243.0,365243.0,0.0,1,Cash loans,F,N,Y,0,270000.0,614223.0,26154.0,549000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.018801,-19642,-294,-5843.0,-1018,,1,1,0,1,1,0,Sales staff,1.0,2,2,SATURDAY,13,0,0,0,0,0,0,Other,,0.03275209702825442,,0.1351,0.0595,0.9786,0.7008,,0.16,0.1379,0.3333,0.375,0.0655,0.1093,,0.0039,,0.1376,0.0617,0.9786,0.7125,,0.1611,0.1379,0.3333,0.375,0.067,0.1194,,0.0039,,0.1364,0.0595,0.9786,0.7048,,0.16,0.1379,0.3333,0.375,0.0667,0.1112,,0.0039,,not specified,block of flats,0.0962,"Stone, brick",No,0.0,0.0,0.0,0.0,-17.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2219373,385395,Revolving loans,9000.0,180000.0,180000.0,,180000.0,WEDNESDAY,10,Y,1,,,,XAP,Refused,-186,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,Y,Y,0,234000.0,528633.0,25560.0,472500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,With parents,0.018634,-10507,-2178,-978.0,-1523,4.0,1,1,0,1,0,0,Sales staff,2.0,2,2,SUNDAY,15,0,0,0,0,0,0,Self-employed,,0.6410627016757583,0.5478104658520093,0.0928,0.0,0.9816,,,0.0,0.2069,0.1667,,0.0655,0.0756,0.0789,,0.0,0.0945,0.0,0.9816,,,0.0,0.2069,0.1667,,0.067,0.0826,0.0822,,0.0,0.0937,0.0,0.9816,,,0.0,0.2069,0.1667,,0.0666,0.077,0.0803,,0.0,,block of flats,0.0707,Panel,No,2.0,0.0,2.0,0.0,-697.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1945691,252915,Cash loans,36953.595,675000.0,732915.0,,675000.0,TUESDAY,5,Y,1,,,,XNA,Approved,-359,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,365243.0,-329.0,541.0,-29.0,-25.0,1.0,0,Cash loans,F,N,N,0,135000.0,618840.0,17145.0,405000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-18047,-1041,-9037.0,-1575,,1,1,1,1,1,0,Sales staff,2.0,3,3,MONDAY,9,0,0,0,0,0,0,Self-employed,0.31435121678087946,0.6913924164232091,0.6894791426446275,0.2021,,0.9826,,,0.24,0.2069,0.3333,,0.0097,,0.1421,,0.0425,0.2059,,0.9826,,,0.2417,0.2069,0.3333,,0.0099,,0.1481,,0.045,0.204,,0.9826,,,0.24,0.2069,0.3333,,0.0098,,0.1447,,0.0434,,block of flats,0.1776,"Stone, brick",No,4.0,0.0,4.0,0.0,-2247.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +2700790,322829,Cash loans,14791.005,180000.0,197820.0,,180000.0,SATURDAY,11,Y,1,,,,XNA,Approved,-1253,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-1223.0,-713.0,-983.0,-979.0,1.0,0,Cash loans,F,N,N,0,112500.0,234576.0,17667.0,202500.0,Family,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.008625,-21281,365243,-10715.0,-4217,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,XNA,,0.5973757230247286,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1697.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +2601887,176518,Revolving loans,22500.0,450000.0,450000.0,,450000.0,MONDAY,9,Y,1,,,,XAP,Approved,-550,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-549.0,-503.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,157500.0,472500.0,22860.0,472500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-14542,-3335,-58.0,-4144,,1,1,0,1,0,0,Sales staff,2.0,2,1,FRIDAY,8,0,0,0,0,0,0,Self-employed,0.7802281055678962,0.7556034639453564,,0.1845,0.1888,0.9811,0.7416,,,0.4138,0.1667,,0.1754,,0.1589,,0.0065,0.188,0.1959,0.9811,0.7517,,,0.4138,0.1667,,0.1794,,0.1656,,0.0069,0.1863,0.1888,0.9811,0.7451,,,0.4138,0.1667,,0.1785,,0.1618,,0.0067,reg oper account,block of flats,0.1452,Panel,No,4.0,0.0,4.0,0.0,-1095.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1087371,259711,Consumer loans,16785.99,100422.0,95148.0,10044.0,100422.0,MONDAY,12,Y,1,0.1039891730446145,,,XAP,Approved,-388,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,238,Consumer electronics,6.0,low_action,POS mobile without interest,365243.0,-357.0,-207.0,-207.0,-200.0,0.0,0,Revolving loans,M,N,Y,0,166500.0,180000.0,9000.0,180000.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.04622,-8030,-940,-6137.0,-666,,1,1,1,1,1,0,Sales staff,2.0,1,1,THURSDAY,18,0,0,0,0,0,0,Trade: type 2,0.3328246128751733,0.6789642452270532,0.6413682574954046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-634.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1072398,124652,Revolving loans,5625.0,112500.0,112500.0,,112500.0,WEDNESDAY,15,Y,1,,,,XAP,Refused,-205,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Regional / Local,60,Consumer electronics,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,Y,Y,0,112500.0,193392.0,14143.5,153000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.010147,-23287,365243,-519.0,-546,14.0,1,0,0,1,0,0,,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,XNA,,0.6331150189669675,0.5136937663039473,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1060.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2761709,249886,Cash loans,8981.82,45000.0,46485.0,0.0,45000.0,SATURDAY,10,Y,1,0.0,,,XNA,Approved,-2306,Cash through the bank,XAP,Children,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,365243.0,-2276.0,-2126.0,-2126.0,-2123.0,1.0,0,Cash loans,F,N,Y,0,180000.0,824823.0,24111.0,688500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.031329,-19842,-1411,-9958.0,-3289,,1,1,0,1,0,0,Managers,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Industry: type 11,0.6854745279769584,0.6755466928465069,0.6769925032909132,0.2247,0.1378,0.9821,0.7552,0.032,0.0,0.2069,0.3333,0.375,0.1483,0.1807,0.2038,0.0,0.0086,0.229,0.14300000000000002,0.9821,0.7648,0.0323,0.0,0.2069,0.3333,0.375,0.1517,0.1974,0.2124,0.0,0.0091,0.2269,0.1378,0.9821,0.7585,0.0322,0.0,0.2069,0.3333,0.375,0.1509,0.1838,0.2075,0.0,0.0087,reg oper account,block of flats,0.1797,Panel,No,0.0,0.0,0.0,0.0,-2210.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1873586,355457,Consumer loans,3197.565,28548.0,26298.0,2250.0,28548.0,WEDNESDAY,10,Y,1,0.08583629485268826,,,XAP,Approved,-181,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,20,Connectivity,12.0,high,POS mobile with interest,365243.0,-138.0,192.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,N,0,90000.0,432000.0,20268.0,432000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.014519999999999996,-14172,-192,-1782.0,-4170,0.0,1,1,0,1,0,0,Medicine staff,2.0,2,2,TUESDAY,15,0,0,0,1,1,0,Medicine,,0.1761548431429933,0.1766525794312139,,,0.9747,,,,,,,,,0.0022,,,,,0.9747,,,,,,,,,0.0023,,,,,0.9747,,,,,,,,,0.0023,,,,block of flats,0.0017,,No,0.0,0.0,0.0,0.0,-181.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1295461,393659,Cash loans,25490.34,112500.0,130324.5,,112500.0,MONDAY,18,Y,1,,,,XNA,Approved,-645,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,high,Cash X-Sell: high,365243.0,-615.0,-465.0,-465.0,-457.0,1.0,0,Cash loans,M,Y,Y,0,292500.0,307944.0,30456.0,292500.0,Family,Commercial associate,Higher education,Married,House / apartment,0.072508,-13976,-1434,-8112.0,-424,64.0,1,1,0,1,1,0,Cooking staff,2.0,1,1,TUESDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.3469559669726364,0.3706496323299817,0.0825,0.084,0.9752,0.66,0.0,0.0,0.1379,0.1667,0.2083,0.0,0.0672,0.0446,0.0,0.0,0.084,0.0872,0.9752,0.6733,0.0,0.0,0.1379,0.1667,0.2083,0.0,0.0735,0.0465,0.0,0.0,0.0833,0.084,0.9752,0.6645,0.0,0.0,0.1379,0.1667,0.2083,0.0,0.0684,0.0454,0.0,0.0,reg oper account,block of flats,0.0539,"Stone, brick",No,2.0,0.0,2.0,0.0,-645.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1782971,189341,Consumer loans,21344.94,188955.0,205168.5,0.0,188955.0,THURSDAY,11,Y,1,0.0,,,XAP,Approved,-629,Cash through the bank,XAP,Other_B,New,Audio/Video,POS,XNA,Country-wide,200,Consumer electronics,12.0,middle,POS household with interest,365243.0,-598.0,-268.0,-268.0,-262.0,0.0,0,Cash loans,M,N,Y,0,78750.0,284400.0,10849.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010966,-20959,365243,-8986.0,-4503,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,XNA,,0.34408290983984124,0.6925590674998008,0.0691,0.0672,0.9836,0.7756,0.0086,0.0,0.1379,0.1667,0.2083,0.0352,0.0546,0.0599,0.0077,0.0147,0.0704,0.0697,0.9836,0.7844,0.0087,0.0,0.1379,0.1667,0.2083,0.036000000000000004,0.0597,0.0624,0.0078,0.0156,0.0697,0.0672,0.9836,0.7786,0.0086,0.0,0.1379,0.1667,0.2083,0.0358,0.0556,0.061,0.0078,0.015,reg oper account,block of flats,0.055,Block,No,0.0,0.0,0.0,0.0,-629.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2543987,427772,Revolving loans,15750.0,0.0,315000.0,,,SATURDAY,11,N,1,,,,XAP,Refused,-997,XNA,HC,,Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,Y,Y,0,270000.0,864441.0,50670.0,801000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-15513,-3085,-7887.0,-3952,1.0,1,1,0,1,1,0,,2.0,1,1,TUESDAY,9,0,0,0,0,0,0,Other,,0.5535570849978089,0.5954562029091491,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-63.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2765070,374112,Cash loans,35739.495,270000.0,323815.5,,270000.0,FRIDAY,14,Y,1,,,,XNA,Approved,-837,Cash through the bank,XAP,Other_A,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-807.0,-477.0,-777.0,-771.0,1.0,0,Cash loans,M,Y,Y,0,315000.0,922500.0,44379.0,922500.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.019688999999999998,-9397,-1902,-6235.0,-2051,3.0,1,1,0,1,0,0,Managers,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.4583588121100583,0.3201633668633456,0.2371,0.0,0.9901,0.8640000000000001,0.0587,0.2,0.1724,0.375,0.4167,0.1057,0.1933,0.279,0.0,0.0014,0.2416,0.0,0.9901,0.8693,0.0592,0.2014,0.1724,0.375,0.4167,0.1081,0.2112,0.2907,0.0,0.0014,0.2394,0.0,0.9901,0.8658,0.0591,0.2,0.1724,0.375,0.4167,0.1075,0.1967,0.284,0.0,0.0014,reg oper account,block of flats,0.2389,Panel,No,0.0,0.0,0.0,0.0,-1210.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1162629,185027,Consumer loans,9712.44,81899.55,81004.5,8194.05,81899.55,TUESDAY,13,Y,1,0.10004720215335744,,,XAP,Approved,-1953,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Stone,390,Consumer electronics,12.0,high,POS household with interest,365243.0,-1921.0,-1591.0,-1621.0,-1619.0,0.0,0,Cash loans,F,N,Y,0,135000.0,254700.0,24939.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-23880,365243,-3503.0,-4151,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,XNA,,0.6732851159777699,0.4776491548517548,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1953.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2778246,416638,Cash loans,13680.54,67500.0,69727.5,0.0,67500.0,MONDAY,10,Y,1,0.0,,,Medicine,Approved,-2184,Cash through the bank,XAP,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,365243.0,-2153.0,-2003.0,-2003.0,-1989.0,0.0,0,Cash loans,F,N,N,0,112500.0,225000.0,11560.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.028663,-23245,365243,-3027.0,-3918,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,14,0,0,0,0,0,0,XNA,,0.6512020188758242,0.7946285827840042,0.1206,0.1318,0.9955,,,0.12,0.1034,0.375,,,,0.1241,,0.0,0.1229,0.1368,0.9955,,,0.1208,0.1034,0.375,,,,0.1293,,0.0,0.1218,0.1318,0.9955,,,0.12,0.1034,0.375,,,,0.1264,,0.0,,,0.2471,Mixed,No,0.0,0.0,0.0,0.0,-3.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1141348,310513,Cash loans,21108.015,346500.0,412830.0,,346500.0,SUNDAY,10,Y,1,,,,XNA,Approved,-797,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-767.0,283.0,-437.0,-433.0,1.0,0,Cash loans,M,N,Y,1,247500.0,518562.0,25078.5,463500.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.009334,-17889,-399,-4866.0,-1255,,1,1,0,1,0,1,IT staff,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Medicine,0.4219006503503085,0.7192954712452143,0.6041125998015721,0.0928,0.0913,0.9861,0.8096,0.0121,0.0,0.2069,0.1667,0.0417,0.07200000000000001,0.0756,0.0872,0.0,0.0,0.0945,0.0948,0.9861,0.8171,0.0122,0.0,0.2069,0.1667,0.0417,0.0736,0.0826,0.0908,0.0,0.0,0.0937,0.0913,0.9861,0.8121,0.0122,0.0,0.2069,0.1667,0.0417,0.0733,0.077,0.0888,0.0,0.0,org spec account,block of flats,0.0752,Panel,No,1.0,0.0,1.0,0.0,-3248.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1163668,127020,Cash loans,16019.235,180000.0,237748.5,0.0,180000.0,TUESDAY,12,Y,1,0.0,,,Everyday expenses,Approved,-1658,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,24.0,high,Cash Street: high,365243.0,-1627.0,-937.0,-967.0,-961.0,0.0,0,Cash loans,F,N,Y,0,279000.0,806161.5,49320.0,747000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.035792000000000004,-21100,-1911,-9807.0,-4022,,1,1,0,1,0,0,Laborers,1.0,2,2,TUESDAY,13,0,0,0,0,0,0,Self-employed,,0.1967427832979358,0.633031641417419,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,0.0,8.0,0.0,-83.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1876798,315119,Cash loans,35927.325,180000.0,185940.0,0.0,180000.0,TUESDAY,15,Y,1,0.0,,,XNA,Approved,-2284,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,365243.0,-2254.0,-2104.0,-2104.0,-2083.0,1.0,0,Cash loans,F,N,Y,0,123219.0,315000.0,29452.5,315000.0,Unaccompanied,Working,Higher education,Widow,House / apartment,0.02461,-19665,-2878,-13379.0,-3194,,1,1,1,1,1,0,High skill tech staff,1.0,2,2,THURSDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.8196269124473816,0.6994651479775893,0.6863823354047934,0.0629,0.248,0.9771,,,,0.1379,0.1667,,,,0.0534,0.0116,0.0328,0.0641,0.2573,0.9772,,,,0.1379,0.1667,,,,0.0557,0.0117,0.0347,0.0635,0.248,0.9771,,,,0.1379,0.1667,,,,0.0544,0.0116,0.0334,,block of flats,0.0491,"Stone, brick",No,0.0,0.0,0.0,0.0,-1110.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1085857,214139,Consumer loans,29870.55,308290.5,298705.5,30829.5,308290.5,THURSDAY,10,Y,1,0.10188941442280232,,,XAP,Approved,-2202,Cash through the bank,XAP,"Spouse, partner",New,Construction Materials,POS,XNA,Stone,24,Construction,12.0,middle,POS industry with interest,365243.0,-2166.0,-1836.0,-1896.0,-1891.0,1.0,0,Cash loans,F,Y,Y,0,337500.0,1081179.0,45936.0,927000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-14432,-7708,-5696.0,-5708,16.0,1,1,0,1,0,0,,2.0,3,3,MONDAY,6,0,0,0,0,0,0,Industry: type 9,0.3851533125702415,0.37146161699083385,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2202.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1505304,435827,Cash loans,14584.05,135000.0,182956.5,0.0,135000.0,TUESDAY,15,Y,1,0.0,,,Other,Refused,-1669,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,24.0,high,Cash Street: high,,,,,,,1,Cash loans,F,N,Y,1,270000.0,1256400.0,44644.5,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-12728,-1138,-6557.0,-4130,,1,1,0,1,0,0,Sales staff,3.0,2,2,SATURDAY,13,0,0,0,0,0,0,Trade: type 7,0.3813402113698634,0.6091352920795285,,0.1495,0.0861,0.9901,0.8640000000000001,0.0449,0.24,0.1034,0.4583,0.5,0.0314,0.1219,0.1651,0.0,0.0,0.0525,0.0298,0.9901,0.8693,0.0151,0.0806,0.0345,0.4583,0.5,0.0098,0.0459,0.0517,0.0,0.0,0.1509,0.0861,0.9901,0.8658,0.0452,0.24,0.1034,0.4583,0.5,0.0319,0.124,0.168,0.0,0.0,reg oper spec account,block of flats,0.2615,Panel,No,0.0,0.0,0.0,0.0,-1641.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1234339,450614,Consumer loans,5619.6,40495.5,43834.5,0.0,40495.5,THURSDAY,12,Y,1,0.0,,,XAP,Approved,-2373,Non-cash from your account,XAP,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Country-wide,496,Consumer electronics,10.0,high,POS household with interest,365243.0,-2342.0,-2072.0,-2072.0,-2069.0,0.0,0,Cash loans,F,Y,N,1,238500.0,202500.0,20880.0,202500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-15652,-8064,-9627.0,-4462,23.0,1,1,0,1,0,0,,3.0,2,2,THURSDAY,13,0,0,0,0,0,0,Military,0.4999033749837971,0.22281972267758104,0.180887977767074,0.0701,0.0646,0.9836,0.7756,0.0282,0.0,0.1379,0.1667,0.2083,0.0,0.0538,0.0602,0.0154,0.0227,0.0714,0.067,0.9836,0.7844,0.0285,0.0,0.1379,0.1667,0.2083,0.0,0.0588,0.0627,0.0156,0.024,0.0708,0.0646,0.9836,0.7786,0.0284,0.0,0.1379,0.1667,0.2083,0.0,0.0547,0.0613,0.0155,0.0232,reg oper account,block of flats,0.0677,"Stone, brick",No,3.0,0.0,3.0,0.0,-2632.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2488802,116695,Cash loans,19069.29,270000.0,306531.0,,270000.0,MONDAY,6,Y,1,,,,XNA,Refused,-654,Cash through the bank,LIMIT,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),5,XNA,30.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,M,N,Y,0,166500.0,225000.0,17905.5,225000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.014519999999999996,-18698,-352,-3178.0,-2198,,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,8,0,0,0,0,0,0,Business Entity Type 3,,0.6038276777479504,0.1500851762342935,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2053.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1161357,316179,Consumer loans,4314.33,24660.0,21159.0,4500.0,24660.0,WEDNESDAY,14,Y,1,0.1910015624501769,,,XAP,Approved,-1802,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,58,Connectivity,6.0,high,POS mobile with interest,365243.0,-1766.0,-1616.0,-1616.0,-1609.0,0.0,0,Cash loans,F,N,N,0,247500.0,646920.0,20997.0,540000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.006207,-23241,365243,-6100.0,-3949,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,XNA,,0.2421449835368276,0.6848276586890367,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-559.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2792521,238831,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SUNDAY,16,Y,1,,,,XAP,Approved,-216,XNA,XAP,Unaccompanied,New,XNA,Cards,walk-in,Country-wide,1487,Consumer electronics,0.0,XNA,Card Street,-214.0,-169.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,189000.0,450000.0,21888.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-20674,-2068,-5331.0,-4195,4.0,1,1,0,1,1,0,Laborers,2.0,2,2,SATURDAY,11,0,0,0,0,1,1,Business Entity Type 2,,0.6512715530660445,0.4722533429586386,0.0928,0.0805,0.9861,0.8096,0.012,0.0,0.2069,0.1667,0.0417,0.0682,0.0756,0.0878,0.0,0.0,0.0945,0.0835,0.9861,0.8171,0.0121,0.0,0.2069,0.1667,0.0417,0.0697,0.0826,0.0915,0.0,0.0,0.0937,0.0805,0.9861,0.8121,0.0121,0.0,0.2069,0.1667,0.0417,0.0693,0.077,0.0894,0.0,0.0,reg oper account,block of flats,0.0895,Panel,No,5.0,0.0,5.0,0.0,-216.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2705361,386853,Consumer loans,4749.03,86940.0,105300.0,0.0,86940.0,TUESDAY,13,Y,1,0.0,,,XAP,Approved,-976,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,1487,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-945.0,-255.0,-375.0,-369.0,0.0,0,Cash loans,M,Y,Y,0,247500.0,1046142.0,30717.0,913500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.016612000000000002,-19829,-381,-4019.0,-3381,11.0,1,1,1,1,1,0,Laborers,2.0,2,2,FRIDAY,17,0,0,0,0,1,1,Medicine,,0.6702474473961895,0.7062051096536562,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1299.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1989517,153484,Cash loans,17841.87,90000.0,92970.0,,90000.0,FRIDAY,14,Y,1,,,,XNA,Approved,-414,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-384.0,-234.0,-234.0,-230.0,1.0,0,Cash loans,F,N,Y,0,144000.0,497520.0,32521.5,450000.0,Unaccompanied,Working,Incomplete higher,Single / not married,House / apartment,0.018634,-8635,-1794,-1783.0,-14,,1,1,1,1,1,0,Laborers,1.0,2,2,SATURDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.13926107772142926,0.3685204966624268,0.178760465484575,0.0928,0.0,0.9796,,,0.0,0.2069,0.1667,,0.0631,,0.0545,,0.0,0.0945,0.0,0.9796,,,0.0,0.2069,0.1667,,0.0646,,0.0568,,0.0,0.0937,0.0,0.9796,,,0.0,0.2069,0.1667,,0.0642,,0.0554,,0.0,,block of flats,0.0623,Panel,No,0.0,0.0,0.0,0.0,-414.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1168422,385963,Consumer loans,,118381.5,118381.5,0.0,118381.5,SUNDAY,19,Y,1,0.0,,,XAP,Refused,-684,Cash through the bank,HC,,New,Mobile,XNA,XNA,Country-wide,89,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,1,171000.0,450000.0,21109.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-14921,-3088,-1268.0,-4103,,1,1,0,1,1,0,Core staff,3.0,2,2,FRIDAY,11,0,0,0,0,0,0,Self-employed,0.9168913587734612,0.7421794020832672,0.8050196619153701,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-684.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2179762,191233,Consumer loans,5772.015,38610.0,41796.0,0.0,38610.0,SATURDAY,7,Y,1,0.0,,,XAP,Approved,-1480,Cash through the bank,XAP,,New,Photo / Cinema Equipment,POS,XNA,Country-wide,47,Connectivity,10.0,high,POS mobile with interest,365243.0,-1446.0,-1176.0,-1176.0,-1157.0,0.0,0,Cash loans,M,N,N,3,157500.0,269550.0,21163.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.007305,-12704,-2408,-3200.0,-4462,,1,1,0,1,0,0,Laborers,5.0,3,3,THURSDAY,8,0,0,0,1,1,1,Construction,,0.3814450780222252,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1480.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1436078,176096,Revolving loans,9000.0,0.0,180000.0,,,SUNDAY,10,Y,1,,,,XAP,Approved,-2414,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,0,XNA,0.0,XNA,Card Street,-2412.0,-2360.0,365243.0,-685.0,365243.0,0.0,0,Cash loans,F,N,Y,1,157500.0,753840.0,24448.5,540000.0,Family,Working,Higher education,Married,House / apartment,0.003540999999999999,-15351,-3241,-1410.0,-5204,,1,1,0,1,0,0,Laborers,3.0,1,1,SATURDAY,10,0,0,0,0,0,0,Kindergarten,0.5718815063195245,0.4657399484710892,0.5172965813614878,0.0072,0.0,0.9851,0.7959999999999999,,0.0,0.2414,0.0,0.0417,0.0,0.0059,0.0061,0.0,0.0,0.0074,0.0,0.9851,0.804,,0.0,0.2414,0.0,0.0417,0.0,0.0064,0.0064,0.0,0.0,0.0073,0.0,0.9851,0.7987,,0.0,0.2414,0.0,0.0417,0.0,0.006,0.0062,0.0,0.0,,terraced house,0.0048,Wooden,Yes,2.0,0.0,2.0,0.0,-2019.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1711431,336694,Consumer loans,2899.98,14121.0,14818.5,0.0,14121.0,SUNDAY,10,Y,1,0.0,,,XAP,Approved,-1363,Cash through the bank,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Country-wide,150,Consumer electronics,6.0,high,POS household with interest,365243.0,-1331.0,-1181.0,-1241.0,-1237.0,0.0,0,Cash loans,F,N,Y,0,72000.0,540000.0,19525.5,540000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.018209,-23634,365243,-4458.0,-4237,,1,0,0,1,1,0,,1.0,3,3,FRIDAY,11,0,0,0,0,0,0,XNA,,0.4887638382069877,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-3.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2088998,306231,Cash loans,19800.0,720000.0,720000.0,,720000.0,MONDAY,4,Y,1,,,,XNA,Refused,-291,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,0,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,N,N,0,243000.0,593010.0,22977.0,495000.0,Unaccompanied,Pensioner,Higher education,Separated,House / apartment,0.00496,-21398,365243,-856.0,-4383,,1,0,0,1,1,0,,1.0,2,2,FRIDAY,10,0,0,0,0,0,0,XNA,,0.7042741948081677,0.324891229465852,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-668.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2433587,244668,Cash loans,19151.1,450000.0,533160.0,,450000.0,THURSDAY,18,Y,1,,,,XNA,Refused,-277,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,126000.0,450000.0,22018.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.004849,-19492,-7898,-5795.0,-3043,,1,1,0,1,0,0,Laborers,1.0,2,2,MONDAY,17,0,0,0,0,0,0,Industry: type 3,,0.26787708714748903,0.4206109640437848,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-848.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +2808550,311488,Revolving loans,22500.0,450000.0,450000.0,,450000.0,MONDAY,11,Y,1,,,,XAP,Refused,-436,XNA,SCOFR,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,180000.0,679500.0,28566.0,679500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Office apartment,0.018209,-15622,-1146,-8051.0,-4216,,1,1,0,1,0,0,Core staff,2.0,3,3,WEDNESDAY,8,0,0,0,0,0,0,Trade: type 7,,0.29832698648995265,0.7862666146611379,0.2608,0.0771,0.9856,,,0.28,0.2414,0.3333,,0.1419,,0.1778,,0.0093,0.2658,0.08,0.9856,,,0.282,0.2414,0.3333,,0.1451,,0.1853,,0.0098,0.2634,0.0771,0.9856,,,0.28,0.2414,0.3333,,0.1444,,0.181,,0.0095,,block of flats,0.2114,Panel,No,0.0,0.0,0.0,0.0,-1847.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1046511,138266,Revolving loans,22500.0,0.0,450000.0,,,TUESDAY,9,N,1,,,,XAP,Refused,-592,XNA,HC,,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),4,XNA,0.0,XNA,Card X-Sell,,,,,,,1,Cash loans,M,N,N,0,112500.0,450000.0,22018.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-19767,-1529,-4082.0,-3244,,1,1,1,1,1,0,Drivers,2.0,2,2,THURSDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.26651977539251576,0.34741822720026416,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-595.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1113240,332060,Revolving loans,11250.0,225000.0,225000.0,,225000.0,WEDNESDAY,10,Y,1,,,,XAP,Refused,-630,XNA,SCOFR,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,2,180000.0,545040.0,26509.5,450000.0,Unaccompanied,Working,Incomplete higher,Married,Municipal apartment,0.004849,-9693,-1593,-8814.0,-2372,,1,1,1,1,1,0,Sales staff,4.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Self-employed,0.3067169072649269,0.4395023835658459,0.3233112448967859,0.0876,0.0911,0.9801,0.728,0.0389,0.0,0.1724,0.1667,0.1525,0.0821,0.0672,0.0677,0.0,0.0,0.0735,0.0774,0.9801,0.7387,0.0088,0.0,0.1379,0.1667,0.2083,0.0575,0.0643,0.047,0.0,0.0,0.0885,0.0912,0.9801,0.7316,0.0129,0.0,0.1724,0.1667,0.2083,0.0843,0.0599,0.0663,0.0,0.0,reg oper account,block of flats,0.052000000000000005,Panel,No,3.0,0.0,3.0,0.0,-1361.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2429667,249584,Consumer loans,,53955.0,53955.0,0.0,53955.0,THURSDAY,18,Y,1,0.0,,,XAP,Refused,-490,Cash through the bank,HC,,Repeater,Mobile,XNA,XNA,Country-wide,30,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,0,225000.0,1058148.0,42093.0,855000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.009175,-15406,-2989,-8822.0,-1895,,1,1,0,1,0,0,Sales staff,1.0,2,2,THURSDAY,15,0,0,0,0,0,0,Self-employed,,0.4415665851936224,0.36896873825284665,0.1062,0.1135,0.9781,,,0.0,0.2069,0.1667,,0.0964,,0.0892,,0.0067,0.1082,0.1177,0.9782,,,0.0,0.2069,0.1667,,0.0986,,0.0929,,0.006999999999999999,0.1072,0.1135,0.9781,,,0.0,0.2069,0.1667,,0.0981,,0.0908,,0.0068,,block of flats,0.0716,"Stone, brick",No,0.0,0.0,0.0,0.0,-2331.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1595443,277841,Consumer loans,7136.46,53046.0,64912.5,0.0,53046.0,THURSDAY,12,Y,1,0.0,,,XAP,Approved,-754,XNA,XAP,Children,Refreshed,Mobile,POS,XNA,Country-wide,110,Connectivity,14.0,high,POS mobile with interest,365243.0,-723.0,-333.0,-333.0,-323.0,0.0,0,Cash loans,M,Y,Y,1,225000.0,269550.0,24853.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010032,-12278,-818,-6334.0,-3995,16.0,1,1,0,1,0,0,Drivers,3.0,2,2,TUESDAY,7,0,0,0,0,1,1,Agriculture,0.215966452932594,0.41270791452085226,0.5334816299804352,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1389652,389186,Consumer loans,10455.615,161640.0,184500.0,0.0,161640.0,SATURDAY,9,Y,1,0.0,,,XAP,Approved,-625,Cash through the bank,XAP,,Refreshed,Audio/Video,POS,XNA,Country-wide,148,Consumer electronics,24.0,middle,POS household with interest,365243.0,-594.0,96.0,-144.0,-141.0,0.0,0,Cash loans,M,N,Y,2,126000.0,598486.5,25290.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-12432,-1548,-452.0,-4441,,1,1,1,1,0,0,Laborers,4.0,2,2,MONDAY,11,0,0,0,0,1,1,Business Entity Type 1,0.2959666222039162,0.1942664499695638,0.5424451438613613,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-625.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1188114,454882,Consumer loans,7600.05,39460.5,37273.5,3946.5,39460.5,FRIDAY,12,Y,1,0.10427213179833268,,,XAP,Approved,-1929,XNA,XAP,,New,Mobile,POS,XNA,Country-wide,78,Connectivity,6.0,high,POS mobile with interest,365243.0,-1884.0,-1734.0,-1734.0,-1731.0,0.0,0,Cash loans,F,Y,Y,0,139500.0,292500.0,29970.0,292500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.072508,-20491,-482,-3492.0,-3483,1.0,1,1,1,1,1,0,Private service staff,2.0,1,1,TUESDAY,20,1,1,0,1,1,0,Self-employed,0.7075402412232261,0.5340352623725247,0.6674577419214722,0.1722,0.1026,0.9906,0.8708,0.0214,0.24,0.1034,0.5417,0.0417,0.0,0.1311,0.1708,0.0425,0.1357,0.1754,0.1065,0.9906,0.8759,0.0216,0.2417,0.1034,0.5417,0.0417,0.0,0.1433,0.1779,0.0428,0.1436,0.1738,0.1026,0.9906,0.8725,0.0216,0.24,0.1034,0.5417,0.0417,0.0,0.1334,0.1739,0.0427,0.1385,reg oper account,block of flats,0.1755,Block,No,0.0,0.0,0.0,0.0,-1929.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2682692,304415,Consumer loans,15557.805,89959.14,84969.0,8999.64,89959.14,SUNDAY,19,Y,1,0.10430528854191044,,,XAP,Approved,-2512,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,2000,Consumer electronics,6.0,middle,POS household with interest,365243.0,-2481.0,-2331.0,-2331.0,-2323.0,1.0,0,Cash loans,F,N,Y,1,427500.0,826110.0,39874.5,657000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.032561,-12077,-679,-589.0,-4573,,1,1,0,1,1,0,Secretaries,3.0,1,1,SATURDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.6743988130663607,0.6192238326751902,0.3280631605201915,0.3598,0.1914,0.9801,0.728,0.0206,0.2264,0.2586,0.4167,0.4583,0.0326,0.3093,0.218,0.0039,0.0007,0.3666,0.1346,0.9796,0.7321,0.0169,0.0806,0.1724,0.3333,0.375,0.0,0.3379,0.0735,0.0039,0.0,0.3633,0.1914,0.9796,0.7249,0.0207,0.2,0.2586,0.3333,0.375,0.0331,0.3147,0.1907,0.0039,0.0,reg oper account,block of flats,0.1607,Panel,No,0.0,0.0,0.0,0.0,-569.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1064414,282231,Cash loans,5424.93,45000.0,47970.0,0.0,45000.0,THURSDAY,9,Y,1,0.0,,,XNA,Refused,-1987,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,Y,Y,0,157500.0,1185120.0,46251.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007305,-19859,-3898,-11549.0,-3312,0.0,1,1,1,1,1,0,Security staff,2.0,3,3,WEDNESDAY,8,0,0,0,0,0,0,Construction,,0.3376321930902277,0.42765737003502935,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1219.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2187310,184324,Consumer loans,9650.115,96876.0,107104.5,0.0,96876.0,FRIDAY,19,Y,1,0.0,,,XAP,Refused,-804,Cash through the bank,HC,Family,Repeater,Computers,POS,XNA,Country-wide,250,Consumer electronics,12.0,low_action,POS household without interest,,,,,,,0,Cash loans,M,Y,N,0,157500.0,545040.0,17244.0,450000.0,Unaccompanied,Working,Higher education,Married,With parents,0.00823,-10821,-1116,-10025.0,-2989,29.0,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,14,0,0,0,0,1,1,Self-employed,,0.2836486446602872,0.6863823354047934,0.0124,,0.9762,,,,0.069,0.0417,,,,0.0091,,,0.0126,,0.9762,,,,0.069,0.0417,,,,0.0095,,,0.0125,,0.9762,,,,0.069,0.0417,,,,0.0093,,,,,0.0072,"Stone, brick",No,1.0,0.0,1.0,0.0,-1.0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2223591,250272,Cash loans,18918.0,450000.0,450000.0,,450000.0,MONDAY,9,Y,1,,,,XNA,Refused,-972,Cash through the bank,SCO,"Spouse, partner",New,XNA,Cash,walk-in,AP+ (Cash loan),-1,XNA,48.0,middle,Cash Street: middle,,,,,,,0,Cash loans,M,N,Y,0,157500.0,450000.0,21109.5,450000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.028663,-14243,-626,-523.0,-1868,,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,15,0,0,0,1,1,0,Construction,,0.2477625187400375,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-976.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2052308,246914,Cash loans,49591.71,450000.0,470790.0,,450000.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-1183,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1153.0,-823.0,-823.0,-815.0,1.0,0,Revolving loans,M,N,N,0,450000.0,382500.0,19125.0,382500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.02461,-18433,-10983,-3925.0,-1982,,1,1,0,1,0,0,High skill tech staff,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Police,0.7295767569817521,0.6585314357414876,0.4650692149562261,0.0629,0.0468,0.9747,,,0.0,0.1034,0.1667,,,,0.0466,,0.0191,0.0641,0.0486,0.9747,,,0.0,0.1034,0.1667,,,,0.0486,,0.0203,0.0635,0.0468,0.9747,,,0.0,0.1034,0.1667,,,,0.0475,,0.0195,,block of flats,0.0441,Panel,No,0.0,0.0,0.0,0.0,-1183.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,17.0,0.0,3.0 +2681907,373693,Consumer loans,4186.08,38677.5,37678.5,3870.0,38677.5,MONDAY,13,Y,1,0.10144245443714736,,,XAP,Approved,-2319,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,2000,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2288.0,-2018.0,-2018.0,-2012.0,1.0,0,Cash loans,F,N,Y,0,180000.0,1494486.0,43695.0,1305000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.011703,-22041,-1524,-8987.0,-4586,,1,1,1,1,1,0,Accountants,2.0,2,2,WEDNESDAY,12,0,0,0,0,1,1,Business Entity Type 3,,0.6868764716684059,0.4920600938649263,0.0387,0.0847,0.9732,0.6328,0.0,0.0,0.1034,0.1042,0.1458,0.0073,0.0303,0.0357,0.0058,0.008,0.0084,0.0878,0.9677,0.5753,0.0,0.0,0.069,0.0417,0.0833,0.0,0.0073,0.0081,0.0,0.0,0.039,0.0847,0.9732,0.6377,0.0,0.0,0.1034,0.1042,0.1458,0.0075,0.0308,0.0363,0.0058,0.0082,reg oper account,block of flats,0.0534,Wooden,No,6.0,2.0,6.0,0.0,-2319.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,5.0,0.0,1.0 +1575621,186266,Revolving loans,9000.0,180000.0,180000.0,,180000.0,MONDAY,9,Y,1,,,,XAP,Approved,-172,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-172.0,-131.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,1,81000.0,436032.0,16564.5,360000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.019101,-16847,-924,-5162.0,-394,,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,Government,,0.34866234113466754,0.7407990879702335,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-392.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1373851,389971,Consumer loans,2693.43,19755.0,22464.0,1975.5,19755.0,TUESDAY,12,Y,1,0.08803367871311163,,,XAP,Approved,-1653,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,3,Connectivity,12.0,high,POS mobile with interest,365243.0,-1620.0,-1290.0,-1350.0,-1347.0,0.0,0,Cash loans,M,N,N,0,90000.0,709879.5,30073.5,634500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.007114,-13692,-4706,-2277.0,-4670,,1,1,1,1,1,0,High skill tech staff,1.0,2,2,TUESDAY,18,0,0,0,0,0,0,Other,,0.5341277677925393,,0.0371,,0.9911,,,,0.069,0.0833,,0.0033,,0.0428,,,0.0378,,0.9911,,,,0.069,0.0833,,0.0034,,0.0446,,,0.0375,,0.9911,,,,0.069,0.0833,,0.0034,,0.0436,,,,block of flats,0.0385,Panel,No,0.0,0.0,0.0,0.0,-1808.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2818065,336035,Consumer loans,13005.0,118345.5,118345.5,0.0,118345.5,SUNDAY,16,Y,1,0.0,,,XAP,Approved,-533,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,10,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-497.0,-227.0,-227.0,-225.0,0.0,0,Revolving loans,F,N,Y,0,135000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.04622,-7695,-237,-2643.0,-242,,1,1,0,1,0,0,Core staff,1.0,1,1,MONDAY,18,1,0,1,0,0,0,Services,0.3101144218189392,0.6583445531714138,0.34578480246959553,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-798.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2788728,181573,Consumer loans,3752.775,26505.0,18405.0,8100.0,26505.0,TUESDAY,15,Y,1,0.3328291402994289,,,XAP,Approved,-1921,XNA,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,53,Connectivity,6.0,high,POS mobile with interest,365243.0,-1887.0,-1737.0,-1797.0,-1790.0,0.0,0,Cash loans,F,N,Y,2,157500.0,450000.0,24543.0,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.02461,-13990,-6501,-3017.0,-4175,,1,1,0,1,0,0,,4.0,2,2,FRIDAY,9,0,0,0,0,0,0,Business Entity Type 2,,0.6910937212360021,0.520897599048938,0.0814,0.0646,0.9737,,,0.0,0.1379,0.1667,,0.0541,,0.0599,,0.0375,0.083,0.067,0.9737,,,0.0,0.1379,0.1667,,0.0553,,0.0624,,0.0397,0.0822,0.0646,0.9737,,,0.0,0.1379,0.1667,,0.055,,0.061,,0.0383,,block of flats,0.0596,Panel,No,4.0,0.0,4.0,0.0,-1921.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +1209197,243615,Revolving loans,6750.0,0.0,135000.0,,,FRIDAY,14,Y,1,,,,XAP,Approved,-339,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-338.0,-289.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,112500.0,1602000.0,48699.0,1602000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.018209,-21381,365243,-10083.0,-4686,13.0,1,0,0,1,0,0,,2.0,3,3,MONDAY,15,0,0,0,0,0,0,XNA,,0.5629347101367803,0.475849908720221,0.1113,0.0811,0.9866,0.8164,0.0423,0.12,0.1034,0.3333,0.0417,0.0935,0.0908,0.1019,0.0,0.0,0.1134,0.0842,0.9866,0.8236,0.0427,0.1208,0.1034,0.3333,0.0417,0.0957,0.0992,0.1061,0.0,0.0,0.1124,0.0811,0.9866,0.8189,0.0425,0.12,0.1034,0.3333,0.0417,0.0952,0.0923,0.1037,0.0,0.0,reg oper account,block of flats,0.1032,Panel,No,0.0,0.0,0.0,0.0,-1581.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2174711,358613,Consumer loans,6089.04,47610.0,51799.5,0.0,47610.0,FRIDAY,16,Y,1,0.0,,,XAP,Approved,-365,Cash through the bank,XAP,Unaccompanied,Refreshed,Photo / Cinema Equipment,POS,XNA,Regional / Local,180,Consumer electronics,10.0,middle,POS household with interest,365243.0,-335.0,-65.0,-95.0,-90.0,1.0,0,Cash loans,F,N,N,0,90000.0,364896.0,18760.5,315000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.019101,-19186,-5197,-11319.0,-2732,,1,1,1,1,1,0,Core staff,2.0,2,2,SATURDAY,14,0,0,0,0,1,1,Government,0.6583374751031007,0.6481660964151966,0.4740512892789932,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1355766,229513,Cash loans,21375.9,405000.0,405000.0,,405000.0,WEDNESDAY,12,Y,1,,,,Repairs,Approved,-317,Cash through the bank,XAP,Group of people,Repeater,XNA,Cash,walk-in,Contact center,-1,XNA,24.0,low_normal,Cash Street: low,365243.0,-287.0,403.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,2,135000.0,826398.0,29812.5,697500.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.006207,-13447,-3007,-1394.0,-2228,,1,1,0,1,0,0,Core staff,4.0,2,2,FRIDAY,16,0,0,0,0,0,0,Self-employed,0.3656878666522309,0.5024072989947034,0.6413682574954046,0.0722,0.0237,0.9871,0.8232,0.031,0.04,0.0862,0.2708,0.3125,0.057,0.0584,0.0666,0.0039,0.0022,0.063,0.0,0.9767,0.6929,0.0312,0.0,0.069,0.1667,0.2083,0.0581,0.0551,0.0539,0.0039,0.0,0.0729,0.0237,0.9871,0.8256,0.0312,0.04,0.0862,0.2708,0.3125,0.058,0.0594,0.0678,0.0039,0.0022,reg oper account,block of flats,0.0439,Panel,No,2.0,0.0,2.0,0.0,-924.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,6.0 +1456932,452696,Cash loans,50841.315,841500.0,908145.0,,841500.0,FRIDAY,16,Y,1,,,,XNA,Approved,-209,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,Y,N,0,405000.0,675000.0,32472.0,675000.0,Unaccompanied,Commercial associate,Higher education,Married,Municipal apartment,0.006207,-18552,-1482,-8303.0,-2088,4.0,1,1,1,1,1,0,Managers,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.7350235250817344,0.38079968264891495,,0.0046,0.9702,0.5920000000000001,,0.0,0.0345,0.0417,0.0833,0.0132,0.0134,0.0049,,0.0085,,0.0048,0.9702,0.608,,0.0,0.0345,0.0417,0.0833,0.0135,0.0147,0.0051,,0.009000000000000001,,0.0046,0.9702,0.5975,,0.0,0.0345,0.0417,0.0833,0.0135,0.0137,0.005,,0.0087,reg oper account,block of flats,0.0057,"Stone, brick",No,1.0,0.0,1.0,0.0,-1490.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1460459,319577,Consumer loans,11421.765,58626.0,55548.0,5863.5,58626.0,THURSDAY,17,Y,1,0.10398515824323694,,,XAP,Approved,-356,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,200,Connectivity,6.0,high,POS mobile with interest,365243.0,-325.0,-175.0,-205.0,-199.0,0.0,0,Cash loans,M,N,Y,0,175500.0,1218555.0,81895.5,1125000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.035792000000000004,-15110,-1717,-9185.0,-4789,,1,1,0,1,0,0,Managers,2.0,2,2,WEDNESDAY,14,0,0,0,1,1,0,Business Entity Type 3,,0.1863687451310932,,0.0299,0.0,0.9707,,,0.0,0.069,0.0833,,0.0132,,0.0166,,0.0223,0.0305,0.0,0.9707,,,0.0,0.069,0.0833,,0.0135,,0.0173,,0.0236,0.0302,0.0,0.9707,,,0.0,0.069,0.0833,,0.0134,,0.0169,,0.0227,,block of flats,0.0179,"Stone, brick",No,1.0,0.0,1.0,0.0,-2.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1494791,135048,Consumer loans,9338.94,90891.0,87525.0,11250.0,90891.0,FRIDAY,16,Y,1,0.12404224477117415,,,XAP,Refused,-2064,Cash through the bank,HC,Family,New,Computers,POS,XNA,Country-wide,2256,Consumer electronics,12.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,90000.0,755190.0,33394.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.022625,-18986,365243,-8059.0,-2515,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,XNA,,0.7849932612062638,,0.2371,0.1582,0.9891,0.8504,0.1051,0.32,0.2759,0.3333,0.375,0.14800000000000002,0.1933,0.2789,0.0,0.012,0.2416,0.1642,0.9891,0.8563,0.1061,0.3222,0.2759,0.3333,0.375,0.1514,0.2112,0.2906,0.0,0.0127,0.2394,0.1582,0.9891,0.8524,0.1058,0.32,0.2759,0.3333,0.375,0.1506,0.1967,0.2839,0.0,0.0122,not specified,block of flats,0.2795,Panel,No,0.0,0.0,0.0,0.0,-2064.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1419807,221652,Cash loans,31885.47,765000.0,896274.0,,765000.0,WEDNESDAY,14,Y,1,,,,XNA,Approved,-437,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,middle,Cash X-Sell: middle,365243.0,-407.0,1363.0,365243.0,365243.0,1.0,0,Revolving loans,M,N,Y,0,90000.0,315000.0,15750.0,315000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-19858,365243,-4505.0,-3322,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,XNA,,0.64682347219278,,0.1485,0.0,0.9806,0.7348,0.0638,0.16,0.1379,0.3333,0.375,0.0964,0.121,0.1532,,0.0,0.1513,0.0,0.9806,0.7452,0.0644,0.1611,0.1379,0.3333,0.375,0.0986,0.1322,0.1596,,0.0,0.1499,0.0,0.9806,0.7383,0.0642,0.16,0.1379,0.3333,0.375,0.0981,0.1231,0.1559,,0.0,not specified,block of flats,0.1204,Panel,No,1.0,1.0,1.0,1.0,-1615.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1338016,418033,Cash loans,23567.85,229500.0,241920.0,,229500.0,TUESDAY,12,Y,1,,,,XNA,Approved,-934,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-904.0,-574.0,-574.0,-564.0,1.0,0,Cash loans,M,Y,Y,0,225000.0,1109398.5,59238.0,1048500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-22406,-3741,-4601.0,-4636,7.0,1,1,0,1,1,0,High skill tech staff,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.6274742101135745,0.8555235867964663,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1406.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2501661,215931,Cash loans,33089.31,810000.0,921195.0,,810000.0,MONDAY,14,Y,1,,,,XNA,Refused,-427,Cash through the bank,LIMIT,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,112500.0,286704.0,20520.0,247500.0,Family,Working,Secondary / secondary special,Separated,Municipal apartment,0.018801,-16604,-1739,-4162.0,-139,,1,1,0,1,0,0,Sales staff,1.0,2,2,MONDAY,9,0,0,0,0,0,0,Self-employed,,0.7071987708843119,0.6879328378491735,0.2598,0.1903,0.9876,0.83,0.1685,0.28,0.2414,0.3333,0.375,0.0554,0.2118,0.269,0.0,0.0,0.2647,0.1975,0.9876,0.8367,0.17,0.282,0.2414,0.3333,0.375,0.0567,0.2314,0.2803,0.0,0.0,0.2623,0.1903,0.9876,0.8323,0.1695,0.28,0.2414,0.3333,0.375,0.0564,0.2155,0.2738,0.0,0.0,reg oper account,block of flats,0.3037,Panel,No,1.0,0.0,1.0,0.0,-1552.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,6.0 +1206674,250216,Consumer loans,7395.885,128205.0,128205.0,0.0,128205.0,SUNDAY,11,Y,1,0.0,,,XAP,Approved,-391,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Stone,100,Furniture,24.0,middle,POS industry with interest,365243.0,-360.0,330.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,1,225000.0,521280.0,31630.5,450000.0,Family,Working,Higher education,Married,House / apartment,0.030755,-10382,-1081,-5135.0,-3019,,1,1,0,1,1,0,Sales staff,3.0,2,2,SATURDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.5669227663093248,0.27822848070337564,0.3506958432829587,0.033,0.0425,0.9722,,,0.0,0.1379,0.125,0.1667,0.0,,0.0398,,0.0,0.0336,0.0441,0.9722,,,0.0,0.1379,0.125,0.1667,0.0,,0.0414,,0.0,0.0333,0.0425,0.9722,,,0.0,0.1379,0.125,0.1667,0.0,,0.0405,,0.0,reg oper spec account,block of flats,0.0431,"Stone, brick",No,0.0,0.0,0.0,0.0,-140.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1858865,370663,Cash loans,32272.605,675000.0,767664.0,,675000.0,SATURDAY,8,Y,1,,,,Repairs,Refused,-474,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,112500.0,936436.5,45049.5,837000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.031329,-19852,-5163,-638.0,-3296,,1,1,0,1,0,0,Medicine staff,1.0,2,2,THURSDAY,8,0,0,0,0,0,0,Medicine,,0.5738191253792988,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2605.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1883777,320768,Cash loans,25502.985,787500.0,922635.0,,787500.0,FRIDAY,8,Y,1,,,,XNA,Refused,-339,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),50,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,67500.0,91692.0,5260.5,81000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.006852,-20499,365243,-1826.0,-2678,,1,0,0,1,1,0,,2.0,3,3,MONDAY,5,0,0,0,0,0,0,XNA,,0.06035554403662241,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-75.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1625724,120833,Cash loans,20254.365,225000.0,254700.0,,225000.0,WEDNESDAY,11,Y,1,,,,XNA,Refused,-14,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,Y,Y,1,189000.0,254700.0,20250.0,225000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.010147,-10029,-1263,-2631.0,-1960,13.0,1,1,0,1,0,0,Sales staff,3.0,2,2,WEDNESDAY,15,0,0,0,0,1,1,Self-employed,0.31348689202493885,0.4298303143240357,0.5709165417729987,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1402.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,8.0 +2507656,375923,Consumer loans,11493.72,106398.0,61398.0,45000.0,106398.0,SUNDAY,8,Y,1,0.4606204149428646,,,XAP,Approved,-1286,Cash through the bank,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Regional / Local,497,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1255.0,-1105.0,-1105.0,-1097.0,0.0,0,Cash loans,F,Y,Y,0,292500.0,675000.0,32472.0,675000.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.002506,-13437,-283,-969.0,-589,14.0,1,1,0,1,1,0,High skill tech staff,1.0,2,2,FRIDAY,2,0,0,0,0,1,1,Military,0.4583220114702687,0.7209262197186282,0.7016957740576931,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,1.0,1.0,1.0,0.0,-1286.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1745476,267030,Consumer loans,7488.63,64372.5,57892.5,6480.0,64372.5,WEDNESDAY,15,Y,1,0.10963235995043058,,,XAP,Approved,-1927,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Regional / Local,300,Consumer electronics,10.0,high,POS household with interest,365243.0,-1896.0,-1626.0,-1626.0,-1405.0,0.0,0,Cash loans,F,N,Y,0,67500.0,552555.0,19975.5,477000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.025164,-23010,365243,-2962.0,-4930,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,9,0,0,0,0,0,0,XNA,,0.16723723628491574,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1927.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2721615,216727,Cash loans,5555.925,45000.0,47970.0,,45000.0,THURSDAY,18,Y,1,,,,XNA,Refused,-1137,Cash through the bank,HC,"Spouse, partner",Repeater,XNA,Cash,x-sell,Country-wide,35,Connectivity,12.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,M,Y,Y,1,157500.0,388512.0,31279.5,360000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.008473999999999999,-9462,-911,-2844.0,-2048,9.0,1,1,1,1,1,0,Laborers,3.0,2,2,SUNDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.15636648863048333,0.08628911439411946,0.17352743046491467,0.0289,0.0,0.9717,0.6124,0.0,0.0,0.0345,0.0417,0.0833,0.0,0.0,0.0,0.0,0.0,0.0294,0.0,0.9717,0.6276,0.0,0.0,0.0345,0.0417,0.0833,0.0,0.0,0.0,0.0,0.0,0.0291,0.0,0.9717,0.6176,0.0,0.0,0.0345,0.0417,0.0833,0.0,0.0,0.0,0.0,0.0,reg oper account,block of flats,0.0083,"Stone, brick",Yes,1.0,0.0,1.0,0.0,-497.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2227066,169042,Revolving loans,38250.0,0.0,765000.0,,,FRIDAY,13,Y,1,,,,XAP,Approved,-312,XNA,XAP,,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),6,XNA,0.0,XNA,Card X-Sell,-290.0,-241.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,2,225000.0,814041.0,23800.5,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-11782,-954,-687.0,-4470,,1,1,1,1,1,0,Security staff,4.0,2,2,TUESDAY,12,0,1,1,0,1,1,Business Entity Type 3,0.15245750737001215,0.5626280099886174,0.7309873696832169,0.0969,0.0,0.9886,0.8436,0.0148,0.0,0.2414,0.1667,0.2083,0.0884,0.0714,0.0931,0.0347,0.0371,0.0987,0.0,0.9886,0.8497,0.0149,0.0,0.2414,0.1667,0.2083,0.0904,0.0781,0.097,0.035,0.0393,0.0978,0.0,0.9886,0.8457,0.0148,0.0,0.2414,0.1667,0.2083,0.0899,0.0727,0.0948,0.0349,0.0379,reg oper account,block of flats,0.0813,"Stone, brick",No,0.0,0.0,0.0,0.0,-2053.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1838981,146467,Consumer loans,12004.47,116325.0,128610.0,0.0,116325.0,THURSDAY,16,Y,1,0.0,,,XAP,Approved,-439,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Stone,160,Furniture,12.0,low_normal,POS industry with interest,365243.0,-409.0,-79.0,-79.0,-72.0,1.0,0,Cash loans,F,N,N,1,121500.0,115128.0,11515.5,108000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.005084,-18051,-2270,-3784.0,-1586,,1,1,1,1,1,0,Accountants,2.0,2,2,TUESDAY,18,0,0,0,0,0,0,Business Entity Type 1,,0.6375581830976988,0.7726311345553628,0.0361,,0.9712,,,,0.0345,0.0417,,,,0.0167,,,0.0368,,0.9712,,,,0.0345,0.0417,,,,0.0174,,,0.0364,,0.9712,,,,0.0345,0.0417,,,,0.017,,,,block of flats,0.0131,"Stone, brick",No,0.0,0.0,0.0,0.0,-812.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1598338,439215,Consumer loans,5925.33,64701.0,64701.0,0.0,64701.0,WEDNESDAY,18,Y,1,0.0,,,XAP,Approved,-283,Cash through the bank,XAP,Unaccompanied,Repeater,Medical Supplies,POS,XNA,Country-wide,90,Industry,12.0,low_action,POS others without interest,365243.0,-250.0,80.0,365243.0,365243.0,0.0,0,Revolving loans,F,Y,Y,0,112500.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.010966,-18249,-10253,-1475.0,-1804,1.0,1,1,0,1,0,0,High skill tech staff,1.0,2,2,SATURDAY,13,0,0,0,0,0,0,Housing,,0.71745062622797,0.5954562029091491,0.3289,0.1323,0.9871,,,0.32,0.2759,0.3333,,0.189,,0.3492,,0.0045,0.3351,0.1373,0.9871,,,0.3222,0.2759,0.3333,,0.1933,,0.3639,,0.0048,0.3321,0.1323,0.9871,,,0.32,0.2759,0.3333,,0.1922,,0.3555,,0.0046,,block of flats,0.2845,"Stone, brick",No,1.0,0.0,1.0,0.0,-2138.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2424341,241317,Cash loans,41643.0,450000.0,450000.0,,450000.0,FRIDAY,17,Y,1,,,,XNA,Approved,-421,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Channel of corporate sales,-1,XNA,12.0,low_action,Cash X-Sell: low,365243.0,-390.0,-60.0,-60.0,-55.0,0.0,0,Cash loans,M,N,Y,0,225000.0,545040.0,29718.0,450000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,With parents,0.030755,-11018,-2357,-5079.0,-3243,,1,1,0,1,0,0,Laborers,1.0,2,2,SATURDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.5028337051122856,0.633031641417419,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-668.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1671308,425699,Consumer loans,,43290.0,43290.0,0.0,43290.0,TUESDAY,10,Y,1,0.0,,,XAP,Refused,-1722,XNA,XNA,Other_B,Repeater,Mobile,XNA,XNA,Country-wide,1295,Consumer electronics,,XNA,POS household with interest,,,,,,,0,Cash loans,F,N,Y,3,110250.0,101880.0,10206.0,90000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.006629,-15523,365243,-3199.0,-4199,,1,0,0,1,1,0,,5.0,2,2,TUESDAY,6,0,0,0,0,0,0,XNA,,0.02734331528675359,0.6848276586890367,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1722.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2834209,447397,Consumer loans,5160.78,44559.0,25510.5,20250.0,44559.0,SATURDAY,13,Y,1,0.4819460213304245,,,XAP,Approved,-1688,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,35,Connectivity,6.0,high,POS mobile with interest,365243.0,-1652.0,-1502.0,-1562.0,-1554.0,0.0,0,Cash loans,F,N,Y,0,166500.0,689742.0,30510.0,616500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.035792000000000004,-23720,365243,-9018.0,-4945,,1,0,0,1,0,0,,1.0,2,2,SUNDAY,14,0,0,0,0,0,0,XNA,,0.20991986717767555,0.6658549219640212,0.0742,,0.9861,,,0.08,0.069,0.3333,,0.0607,,0.0766,,0.0,0.0756,,0.9861,,,0.0806,0.069,0.3333,,0.0621,,0.0798,,0.0,0.0749,,0.9861,,,0.08,0.069,0.3333,,0.0618,,0.0779,,0.0,,block of flats,0.0602,Panel,No,5.0,0.0,5.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2173477,262831,Consumer loans,4597.335,40630.5,40630.5,0.0,40630.5,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-683,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,28,Connectivity,12.0,high,POS mobile with interest,365243.0,-623.0,-293.0,-293.0,-286.0,0.0,0,Cash loans,F,N,N,1,108000.0,497520.0,39438.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.006305,-12636,-1094,-5276.0,-1565,,1,1,0,1,0,0,Sales staff,3.0,3,3,THURSDAY,5,0,0,0,1,0,0,Trade: type 7,0.3649090609228013,0.4558733977551712,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-683.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1183897,418703,Consumer loans,13905.18,212098.5,212098.5,0.0,212098.5,FRIDAY,7,Y,1,0.0,,,XAP,Approved,-563,Cash through the bank,XAP,,New,Homewares,POS,XNA,Country-wide,184,Construction,18.0,low_normal,POS other with interest,365243.0,-522.0,-12.0,-402.0,-381.0,0.0,0,Cash loans,F,Y,Y,0,202500.0,1687266.0,67045.5,1575000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.014464,-19674,365243,-1421.0,-3230,3.0,1,0,0,1,0,0,,2.0,2,2,MONDAY,6,0,0,0,0,0,0,XNA,0.7636703191228834,0.7326573217324037,0.6006575372857061,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-781.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1775512,387280,Consumer loans,8767.305,124200.0,129487.5,12420.0,124200.0,TUESDAY,13,Y,1,0.09531919800510257,,,XAP,Approved,-959,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Stone,53,Consumer electronics,18.0,low_normal,POS household with interest,365243.0,-928.0,-418.0,-418.0,-415.0,0.0,0,Cash loans,F,N,Y,0,63900.0,254700.0,24939.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.022625,-24555,365243,-8357.0,-5864,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,,0.4862998064415734,,0.0392,,0.9816,,,0.0,0.0862,0.1458,,0.0486,,0.0205,,0.0,0.0294,,0.9752,,,0.0,0.069,0.125,,0.0317,,0.0156,,0.0,0.0396,,0.9816,,,0.0,0.0862,0.1458,,0.0494,,0.0209,,0.0,,block of flats,0.0228,"Stone, brick",No,0.0,0.0,0.0,0.0,-959.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1245226,328000,Cash loans,35694.0,900000.0,900000.0,,900000.0,SATURDAY,3,Y,1,,,,XNA,Approved,-410,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-380.0,670.0,-230.0,-227.0,0.0,0,Revolving loans,F,Y,Y,0,150750.0,585000.0,29250.0,585000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0038179999999999998,-18664,-641,-5733.0,-2202,22.0,1,1,0,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,4,0,0,0,0,0,0,Business Entity Type 3,0.7478375200756703,0.7284994552901811,0.34090642641523844,0.0742,0.1036,0.9871,0.8232,,0.16,0.1379,0.3333,0.375,,0.0605,0.1391,0.0,,0.0756,0.1075,0.9871,0.8301,,0.1611,0.1379,0.3333,0.375,,0.0661,0.1449,0.0,,0.0749,0.1036,0.9871,0.8256,,0.16,0.1379,0.3333,0.375,,0.0616,0.1416,0.0,,reg oper account,block of flats,0.1225,Panel,No,9.0,0.0,9.0,0.0,-1918.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2465438,411615,Consumer loans,27983.52,286649.775,305563.5,4.275,286649.775,SUNDAY,14,Y,1,1.5236762568839716e-05,,,XAP,Approved,-264,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,100,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-234.0,96.0,-144.0,-138.0,1.0,0,Cash loans,F,N,Y,0,112500.0,900000.0,38263.5,900000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-21872,365243,-5070.0,-4266,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,XNA,0.7645211685562119,0.473937500386589,0.6769925032909132,0.1546,0.1401,0.9796,,,0.0,0.3448,0.1667,,0.0576,,0.1535,,0.0,0.1576,0.1454,0.9796,,,0.0,0.3448,0.1667,,0.0589,,0.1599,,0.0,0.1561,0.1401,0.9796,,,0.0,0.3448,0.1667,,0.0586,,0.1562,,0.0,,block of flats,0.1207,"Stone, brick",No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2793739,199627,Consumer loans,15380.82,135418.5,135418.5,0.0,135418.5,SUNDAY,12,Y,1,0.0,,,XAP,Refused,-171,Cash through the bank,LIMIT,,Repeater,Computers,POS,XNA,Country-wide,25,Connectivity,10.0,low_normal,POS mobile without interest,,,,,,,1,Cash loans,M,N,Y,1,180000.0,251280.0,17127.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.04622,-14628,-2969,-3521.0,-1730,,1,1,0,1,0,0,Laborers,3.0,1,1,WEDNESDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.6288890139414649,,0.0381,0.0396,0.9712,0.6056,0.0051,0.0,0.1034,0.125,0.1667,0.0231,0.0303,0.0333,0.0039,0.0048,0.0389,0.0411,0.9712,0.621,0.0052,0.0,0.1034,0.125,0.1667,0.0236,0.0331,0.0347,0.0039,0.0051,0.0385,0.0396,0.9712,0.6109,0.0052,0.0,0.1034,0.125,0.1667,0.0235,0.0308,0.0339,0.0039,0.0049,reg oper account,block of flats,0.0301,"Stone, brick",No,0.0,0.0,0.0,0.0,-593.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2480102,213173,Cash loans,17396.19,279000.0,309199.5,,279000.0,THURSDAY,9,Y,1,,,,XNA,Approved,-883,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-853.0,-163.0,-193.0,-187.0,1.0,0,Cash loans,F,N,Y,0,112500.0,544491.0,16047.0,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.022625,-22977,365243,-9564.0,-4055,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,14,0,0,0,0,0,0,XNA,,0.7320786905913668,0.4525335592581747,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,3.0,6.0,2.0,-883.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,2.0 +1151711,103749,Consumer loans,3717.9,19305.0,18234.0,1930.5,19305.0,THURSDAY,16,Y,1,0.1042669047087703,,,XAP,Approved,-1468,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,32,Connectivity,6.0,high,POS mobile with interest,365243.0,-1430.0,-1280.0,-1340.0,-1332.0,0.0,0,Revolving loans,F,N,Y,0,90000.0,270000.0,13500.0,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-9410,-2678,-3918.0,-2083,,1,1,1,1,0,0,Sales staff,2.0,2,2,TUESDAY,14,0,0,0,1,1,0,Self-employed,,0.5834690679725502,0.2678689358444539,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,1.0,6.0,1.0,-1009.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2035871,440369,Consumer loans,4534.74,35095.5,38569.5,0.0,35095.5,SATURDAY,17,Y,1,0.0,,,XAP,Approved,-107,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,1,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-77.0,193.0,365243.0,365243.0,1.0,1,Cash loans,M,Y,Y,0,112500.0,284400.0,22599.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-13891,-799,-528.0,-537,12.0,1,1,1,1,1,0,Laborers,2.0,2,2,MONDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.25735510942998563,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,1.0,-58.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1502563,258331,Cash loans,,0.0,0.0,,,SATURDAY,12,Y,1,,,,XNA,Refused,-336,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,1,Cash loans,F,N,N,0,126000.0,544491.0,21226.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-18141,-11049,-1684.0,-1682,,1,1,1,1,1,0,Core staff,2.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,Other,,0.5756363489859897,0.07801576652252579,0.0825,0.0797,0.9752,,,0.0,0.1379,0.1667,,0.0,,0.0705,,0.0,0.084,0.0827,0.9752,,,0.0,0.1379,0.1667,,0.0,,0.0735,,0.0,0.0833,0.0797,0.9752,,,0.0,0.1379,0.1667,,0.0,,0.0718,,0.0,,block of flats,0.0874,Mixed,No,1.0,1.0,1.0,1.0,-112.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2164184,204587,Revolving loans,4410.0,85410.0,63000.0,25623.0,85410.0,SUNDAY,13,Y,1,0.3148818744980013,,,XAP,Approved,-2440,XNA,XAP,,Repeater,Mobile,Cards,x-sell,Stone,1575,Consumer electronics,0.0,XNA,Card Street,-2440.0,-2397.0,365243.0,-2306.0,365243.0,0.0,0,Cash loans,F,N,Y,0,193500.0,351000.0,12735.0,351000.0,Children,Pensioner,Secondary / secondary special,Widow,House / apartment,0.010006000000000001,-23300,365243,-7475.0,-4671,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,8,0,0,0,0,0,0,XNA,0.6667052235363053,0.657453727659047,,0.0701,0.0413,0.9831,0.7688,0.042,0.08,0.069,0.3333,0.375,0.3025,0.07400000000000001,0.0679,,0.0158,0.0714,0.0428,0.9831,0.7779,0.0424,0.0806,0.069,0.3333,0.375,0.3094,0.0808,0.0707,,0.0167,0.0708,0.0413,0.9831,0.7719,0.0423,0.08,0.069,0.3333,0.375,0.3078,0.0752,0.0691,,0.0162,reg oper account,block of flats,0.0798,Panel,No,3.0,0.0,3.0,0.0,-1819.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,2.0 +2645576,226121,Consumer loans,28491.075,259245.0,253854.0,25924.5,259245.0,FRIDAY,11,Y,1,0.10091603633848656,,,XAP,Approved,-40,Cash through the bank,XAP,Family,Repeater,Construction Materials,POS,XNA,Stone,450,Construction,10.0,low_normal,POS industry with interest,365243.0,-10.0,260.0,365243.0,365243.0,1.0,1,Cash loans,F,N,N,1,90000.0,463284.0,22662.0,382500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.00496,-18309,365243,-5041.0,-1695,,1,0,0,1,0,0,,3.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,XNA,,0.5766563079937084,0.3490552510751822,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2154461,133708,Cash loans,17931.24,360000.0,426528.0,,360000.0,MONDAY,11,Y,1,,,,XNA,Approved,-253,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-223.0,1187.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,247500.0,528633.0,22527.0,472500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.030755,-19515,-710,-4994.0,-3028,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,9,0,0,0,0,1,1,Hotel,,0.475600656118172,0.7180328113294772,0.0619,0.0773,0.9821,0.7552,,0.0,0.2069,0.1667,0.2083,0.0622,,0.0603,,0.0079,0.063,0.0802,0.9821,0.7648,,0.0,0.2069,0.1667,0.2083,0.0636,,0.0628,,0.0084,0.0625,0.0773,0.9821,0.7585,,0.0,0.2069,0.1667,0.2083,0.0633,,0.0614,,0.0081,,block of flats,0.0684,Panel,No,0.0,0.0,0.0,0.0,-2505.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2544191,426785,Revolving loans,5625.0,0.0,157500.0,,,WEDNESDAY,10,N,0,,,,XAP,Refused,-2548,XNA,XNA,,Repeater,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,N,0,225000.0,1305000.0,40977.0,1305000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.022625,-20404,-298,-3332.0,-3584,,1,1,0,1,1,0,Accountants,2.0,2,2,MONDAY,19,0,0,0,0,0,0,Business Entity Type 3,,0.7310867485847776,0.4507472818545589,0.0825,,0.9747,,,0.0,0.1379,0.1667,,,,0.0476,,,0.084,,0.9747,,,0.0,0.1379,0.1667,,,,0.0496,,,0.0833,,0.9747,,,0.0,0.1379,0.1667,,,,0.0485,,,,block of flats,0.1419,Panel,No,6.0,0.0,6.0,0.0,-1664.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1134683,246072,Consumer loans,7390.665,80100.0,72090.0,8010.0,80100.0,SATURDAY,13,Y,1,0.1089090909090909,,,XAP,Approved,-667,Cash through the bank,XAP,,Repeater,Clothing and Accessories,POS,XNA,Stone,984,Clothing,12.0,middle,POS industry with interest,365243.0,-636.0,-306.0,-606.0,-603.0,0.0,0,Cash loans,F,Y,Y,0,225000.0,1080000.0,42961.5,1080000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.026392000000000002,-11123,-518,-5203.0,-3170,3.0,1,1,0,1,1,0,Laborers,1.0,2,2,MONDAY,18,0,0,0,0,0,0,Trade: type 7,,0.6831537218019182,0.6446794549585961,0.2227,,0.9856,,,0.24,0.2069,0.3333,,,,0.2383,,0.0,0.2269,,0.9856,,,0.2417,0.2069,0.3333,,,,0.2483,,0.0,0.2248,,0.9856,,,0.24,0.2069,0.3333,,,,0.2426,,0.0,,block of flats,0.2224,Panel,No,0.0,0.0,0.0,0.0,-1605.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1802423,132806,Consumer loans,6685.965,49990.5,61209.0,2520.0,49990.5,TUESDAY,11,Y,1,0.043065309214158236,,,XAP,Approved,-1711,XNA,XAP,Family,New,Mobile,POS,XNA,Country-wide,30,Connectivity,14.0,high,POS mobile with interest,365243.0,-1680.0,-1290.0,-1290.0,-1278.0,0.0,0,Cash loans,F,N,Y,0,202500.0,501435.0,24516.0,414000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.030755,-14570,-651,-8582.0,-4070,,1,1,0,1,0,0,Core staff,1.0,2,2,FRIDAY,16,0,0,0,0,0,0,Government,,0.4292033979701184,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-506.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1613588,326611,Cash loans,7564.725,67500.0,67500.0,0.0,67500.0,TUESDAY,16,Y,1,0.0,,,XNA,Approved,-2426,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,0,XNA,12.0,high,Cash Street: high,,,,,,,1,Cash loans,F,N,N,0,247500.0,524493.0,51223.5,486000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-20077,-3301,-5356.0,-3623,,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.7896618574377808,0.6391736172484921,0.6075573001388961,0.0,,0.0,,,0.0,,,,,,,,,0.0,,0.0005,,,0.0,,,,,,,,,0.0,,0.0,,,0.0,,,,,,,,,,block of flats,0.0,,No,3.0,0.0,3.0,0.0,-266.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2188666,147941,Cash loans,18365.58,225000.0,269550.0,,225000.0,FRIDAY,14,Y,1,,,,XNA,Approved,-913,Cash through the bank,XAP,Family,Repeater,XNA,Cash,walk-in,Country-wide,20,Connectivity,36.0,high,Cash Street: high,365243.0,-883.0,167.0,-853.0,-848.0,1.0,0,Cash loans,F,N,Y,2,193500.0,545040.0,26640.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010966,-13114,-598,-693.0,-1900,,1,1,0,1,0,0,Sales staff,4.0,2,2,MONDAY,14,0,0,0,0,1,1,Self-employed,,0.2035228320289013,0.1986200451074864,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-287.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1440877,439778,Consumer loans,2751.795,21456.0,23580.0,0.0,21456.0,MONDAY,16,Y,1,0.0,,,XAP,Approved,-2499,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,45,Connectivity,12.0,high,POS mobile with interest,365243.0,-2468.0,-2138.0,-2138.0,-2129.0,1.0,0,Cash loans,F,N,Y,0,189000.0,804096.0,26068.5,576000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.004849,-20366,365243,-9141.0,-2547,,1,0,0,1,0,0,,2.0,2,2,MONDAY,10,0,0,0,0,0,0,XNA,,0.2219612944300028,0.0005272652387098817,0.1082,0.1181,0.9767,0.6804,0.0502,0.0,0.2414,0.1667,0.2083,0.038,0.0883,0.0676,0.0,0.0,0.1103,0.1226,0.9767,0.6929,0.0506,0.0,0.2414,0.1667,0.2083,0.0389,0.0964,0.0704,0.0,0.0,0.1093,0.1181,0.9767,0.6847,0.0505,0.0,0.2414,0.1667,0.2083,0.0386,0.0898,0.0688,0.0,0.0,reg oper account,block of flats,0.0809,Panel,No,0.0,0.0,0.0,0.0,-1761.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1027011,239312,Consumer loans,6065.055,38781.0,43902.0,0.0,38781.0,THURSDAY,18,Y,1,0.0,,,XAP,Approved,-215,XNA,XAP,,Repeater,Computers,POS,XNA,Country-wide,70,Connectivity,10.0,high,POS mobile with interest,,,,,,,1,Cash loans,F,N,Y,0,180000.0,526491.0,22437.0,454500.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,House / apartment,0.00702,-13541,-2935,-7557.0,-4625,,1,1,0,1,0,1,Medicine staff,1.0,2,2,TUESDAY,13,0,0,0,0,0,0,Other,0.3935322943861901,0.6857230311798775,0.5082869913916046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-155.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1949500,401449,Cash loans,45704.205,731462.445,781668.945,,731462.445,WEDNESDAY,11,Y,1,,,,XNA,Approved,-807,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash Street: middle,365243.0,-777.0,-87.0,-87.0,-82.0,1.0,0,Cash loans,F,N,N,0,126000.0,956574.0,36562.5,855000.0,Family,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.032561,-20481,-2014,-2550.0,-3021,,1,1,0,1,1,0,Cleaning staff,1.0,1,1,WEDNESDAY,13,0,0,0,0,0,0,Other,,0.6628160564917858,0.633031641417419,0.0711,,0.9796,0.7212,,0.32,0.3103,0.375,0.4167,0.0889,,0.5762,,0.6317,0.0725,,0.9796,0.7321,,0.3222,0.3103,0.375,0.4167,0.091,,0.6003,,0.6687,0.0718,,0.9796,0.7249,,0.32,0.3103,0.375,0.4167,0.0905,,0.5865,,0.6449,reg oper account,block of flats,0.5905,"Stone, brick",No,1.0,0.0,1.0,0.0,-2160.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2608329,455333,Consumer loans,2505.105,23332.5,23418.0,2340.0,23332.5,SATURDAY,15,Y,1,0.09893907629756687,,,XAP,Approved,-1444,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,28,Connectivity,14.0,high,POS mobile with interest,365243.0,-1413.0,-1023.0,-1023.0,-1016.0,0.0,0,Revolving loans,M,N,N,0,180000.0,180000.0,9000.0,180000.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,House / apartment,0.006670999999999999,-15209,-7581,-2138.0,-4143,,1,1,0,1,0,0,,1.0,2,2,MONDAY,13,0,0,0,0,0,0,Police,,0.5919519944744336,0.7922644738669378,0.0186,0.0229,0.9657,0.5308,0.0093,0.0,0.069,0.0417,0.0833,0.0,0.0151,0.0102,0.0,0.0,0.0189,0.0237,0.9657,0.5492,0.0094,0.0,0.069,0.0417,0.0833,0.0,0.0165,0.0107,0.0,0.0,0.0187,0.0229,0.9657,0.5371,0.0094,0.0,0.069,0.0417,0.0833,0.0,0.0154,0.0104,0.0,0.0,not specified,block of flats,0.0127,"Stone, brick",No,1.0,0.0,1.0,0.0,-1171.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1822175,122161,Cash loans,4383.9,45000.0,45000.0,,45000.0,SUNDAY,15,Y,1,,,,XNA,Approved,-11,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,20,Connectivity,12.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,117000.0,273024.0,15372.0,216000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.005313,-22986,365243,-13231.0,-3996,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,11,0,0,0,0,0,0,XNA,,0.4357512728591823,0.7001838506835805,0.0165,0.0,0.9771,0.6872,0.0014,0.0,0.069,0.0417,0.0833,0.0432,0.0134,0.0144,0.0,0.0,0.0168,0.0,0.9772,0.6994,0.0014,0.0,0.069,0.0417,0.0833,0.0442,0.0147,0.015,0.0,0.0,0.0167,0.0,0.9771,0.6914,0.0014,0.0,0.069,0.0417,0.0833,0.0439,0.0137,0.0147,0.0,0.0,reg oper account,block of flats,0.0121,"Stone, brick",No,3.0,0.0,3.0,0.0,-26.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2334588,393027,Cash loans,90224.19,900000.0,926136.0,,900000.0,WEDNESDAY,12,Y,1,,,,XNA,Approved,-685,XNA,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-655.0,-325.0,-475.0,-464.0,1.0,0,Cash loans,F,N,Y,2,63000.0,900000.0,26446.5,900000.0,"Spouse, partner",Working,Higher education,Married,House / apartment,0.018209,-14295,-6587,-5856.0,-4691,,1,1,0,1,0,0,Core staff,4.0,3,3,TUESDAY,13,0,0,0,0,0,0,School,,0.5628647652073816,0.7407990879702335,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-2383.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1142595,195999,Consumer loans,15749.01,347737.5,347737.5,0.0,347737.5,THURSDAY,13,Y,1,0.0,,,XAP,Refused,-496,Cash through the bank,LIMIT,,Repeater,Furniture,POS,XNA,Country-wide,200,Furniture,24.0,low_action,POS industry without interest,,,,,,,0,Cash loans,F,N,N,3,135000.0,604152.0,30978.0,540000.0,Unaccompanied,Commercial associate,Higher education,Married,With parents,0.008865999999999999,-12908,-1149,-3099.0,-3295,,1,1,0,1,0,0,Managers,5.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.4636783200531121,0.5567274263630174,0.1113,0.1356,0.9836,0.7756,0.0219,0.0,0.2759,0.1667,0.0417,0.1407,0.0908,0.111,0.0,0.0264,0.1134,0.1407,0.9836,0.7844,0.0221,0.0,0.2759,0.1667,0.0417,0.1439,0.0992,0.1156,0.0,0.028,0.1124,0.1356,0.9836,0.7786,0.022,0.0,0.2759,0.1667,0.0417,0.1431,0.0923,0.113,0.0,0.027000000000000003,reg oper account,block of flats,0.093,Panel,No,2.0,0.0,2.0,0.0,-912.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1855513,313920,Cash loans,11392.335,94500.0,100737.0,0.0,94500.0,MONDAY,10,Y,1,0.0,,,XNA,Approved,-1934,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,high,Cash X-Sell: high,365243.0,-1904.0,-1574.0,-1574.0,-1571.0,1.0,0,Cash loans,F,N,Y,1,67500.0,152820.0,12204.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-14117,-718,-880.0,-2296,,1,1,0,1,0,0,Core staff,3.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Kindergarten,0.4136894628860395,0.6732706850286138,0.30620229831350426,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1114.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,7.0 +1745626,326808,Cash loans,58453.65,1215000.0,1215000.0,,1215000.0,TUESDAY,13,Y,1,,,,XNA,Approved,-735,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-705.0,345.0,-645.0,-632.0,0.0,0,Cash loans,F,Y,N,0,225000.0,1350000.0,47056.5,1350000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.007305,-12711,-3011,-3059.0,-5004,5.0,1,1,0,1,1,0,,2.0,3,3,MONDAY,12,0,0,0,0,0,0,Security,,0.6771502818729802,0.6769925032909132,0.1649,,0.9876,0.8164,0.2996,0.16,0.1379,0.375,,,0.1345,0.1814,,0.0971,0.1681,,0.9876,0.8236,0.3024,0.1611,0.1379,0.375,,,0.1469,0.189,,0.1027,0.1665,,0.9876,0.8189,0.3015,0.16,0.1379,0.375,,,0.1368,0.1847,,0.0991,org spec account,block of flats,0.1638,Panel,No,0.0,0.0,0.0,0.0,-1116.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1411543,157230,Consumer loans,5015.34,76500.0,76500.0,0.0,76500.0,MONDAY,12,Y,1,0.0,,,XAP,Approved,-348,XNA,XAP,,Repeater,Clothing and Accessories,POS,XNA,Stone,65,Clothing,18.0,low_normal,POS industry with interest,365243.0,-317.0,193.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,135000.0,76410.0,8235.0,67500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.010643000000000001,-13678,365243,-1061.0,-2797,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,XNA,0.29872210045136444,0.5019699557548879,0.42765737003502935,0.1093,0.1148,0.9771,0.6872,0.0118,0.0,0.2069,0.1667,0.2083,0.062,0.0857,0.0914,0.0154,0.0195,0.1113,0.1191,0.9772,0.6994,0.0119,0.0,0.2069,0.1667,0.2083,0.0634,0.0937,0.0953,0.0156,0.0206,0.1103,0.1148,0.9771,0.6914,0.0119,0.0,0.2069,0.1667,0.2083,0.063,0.0872,0.0931,0.0155,0.0199,reg oper spec account,block of flats,0.0826,"Stone, brick",No,0.0,0.0,0.0,0.0,-925.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1396292,394915,Cash loans,9141.255,90000.0,135126.0,,90000.0,TUESDAY,10,Y,1,,,,Payments on other loans,Approved,-658,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,high,Cash Street: high,365243.0,-628.0,422.0,-148.0,-142.0,1.0,0,Cash loans,F,N,Y,0,112500.0,360000.0,19660.5,360000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-18012,-4778,-9435.0,-1552,,1,1,0,1,0,0,Core staff,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Self-employed,0.7088025686994558,0.3342855969861764,0.36896873825284665,0.1979,0.1487,0.9851,0.7892,0.0599,0.0664,0.1607,0.2617,0.2083,0.0713,0.1589,0.1138,0.0116,0.026,0.1954,0.0773,0.9816,0.7583,0.0604,0.0,0.069,0.3333,0.0417,0.0458,0.1653,0.0539,0.0,0.0,0.1999,0.1487,0.9851,0.7987,0.0603,0.04,0.1552,0.3333,0.2083,0.0737,0.1616,0.1086,0.0116,0.0043,reg oper account,block of flats,0.2072,"Stone, brick",No,0.0,0.0,0.0,0.0,-28.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1201717,243222,Consumer loans,10382.04,68890.5,58023.0,13779.0,68890.5,WEDNESDAY,10,Y,1,0.2089995214111533,,,XAP,Approved,-170,XNA,XAP,Unaccompanied,Refreshed,Construction Materials,POS,XNA,Stone,54,Construction,6.0,low_normal,POS industry with interest,365243.0,-138.0,12.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,225000.0,1546020.0,42642.0,1350000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.030755,-19722,-2221,-490.0,-2814,,1,1,0,1,0,0,Accountants,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.4881159150170832,0.5688974227361151,0.6910212267577837,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-170.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1420589,283651,Cash loans,26472.24,225000.0,239850.0,,225000.0,MONDAY,12,Y,1,,,,XNA,Approved,-1557,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,high,Cash X-Sell: high,365243.0,-1527.0,-1197.0,-1257.0,-1250.0,1.0,0,Cash loans,M,Y,N,1,337500.0,1506816.0,45814.5,1350000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.018634,-13150,-1555,-399.0,-4102,7.0,1,1,0,1,0,0,,3.0,2,2,TUESDAY,11,0,1,1,0,1,1,Business Entity Type 1,,0.42914446876417706,0.4578995512067301,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,1.0,0.0,1.0,0.0,-2.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +1867554,170092,Cash loans,41171.94,1395000.0,1560726.0,,1395000.0,TUESDAY,16,Y,1,,,,XNA,Refused,-289,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,216000.0,517500.0,18715.5,517500.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.00963,-23229,365243,-1884.0,-2950,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,XNA,,0.6287052648768787,0.4848514754962666,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2164.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,9.0 +2805063,399649,Consumer loans,16412.805,142560.0,139594.5,14256.0,142560.0,WEDNESDAY,7,Y,1,0.10091666910409784,,,XAP,Approved,-903,Cash through the bank,XAP,"Spouse, partner",Refreshed,Computers,POS,XNA,Regional / Local,200,Consumer electronics,10.0,middle,POS household with interest,365243.0,-872.0,-602.0,-602.0,-598.0,0.0,0,Cash loans,F,N,Y,0,90000.0,1264428.0,40918.5,990000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.018029,-12554,-2174,-6690.0,-4228,,1,1,0,1,0,0,Sales staff,2.0,3,3,WEDNESDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.3840026495462851,0.5588684638183679,0.7194907850918436,0.1856,0.2075,0.9866,0.8096,0.1669,0.0,0.4483,0.1667,0.0,0.2005,0.1513,0.1782,0.0,0.0,0.1891,0.2154,0.9866,0.8171,0.1684,0.0,0.4483,0.1667,0.0,0.2051,0.1653,0.1856,0.0,0.0,0.1874,0.2075,0.9866,0.8121,0.1679,0.0,0.4483,0.1667,0.0,0.204,0.1539,0.1814,0.0,0.0,reg oper spec account,block of flats,0.2314,Panel,No,0.0,0.0,0.0,0.0,-1827.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,0.0 +1222822,221525,Cash loans,15268.725,238500.0,263686.5,,238500.0,WEDNESDAY,10,Y,1,,,,XNA,Refused,-147,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,Y,Y,0,157500.0,981162.0,28818.0,819000.0,Unaccompanied,Pensioner,Incomplete higher,Married,House / apartment,0.00702,-21085,365243,-9885.0,-4342,10.0,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,XNA,0.7105636949374602,0.6119846614692009,0.5280927512030451,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2241.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2107635,100967,Cash loans,16545.96,315000.0,366142.5,,315000.0,SATURDAY,10,Y,1,,,,XNA,Approved,-956,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-926.0,124.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,0,283500.0,1149210.0,33732.0,1003500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.005313,-18493,-1625,-8321.0,-2025,26.0,1,1,0,1,0,0,Drivers,2.0,2,2,WEDNESDAY,13,0,0,0,0,1,1,Business Entity Type 3,0.724443657114373,0.6228367054467593,0.511891801533151,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1518.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2757044,120686,Consumer loans,,224550.0,224550.0,0.0,224550.0,SUNDAY,12,Y,1,0.0,,,XAP,Refused,-1841,Cash through the bank,LIMIT,Family,Repeater,Clothing and Accessories,XNA,XNA,Country-wide,142,Clothing,,XNA,POS industry with interest,,,,,,,1,Cash loans,F,N,Y,0,225000.0,1104997.5,36648.0,990000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.031329,-14890,-2281,-454.0,-526,,1,1,1,1,0,0,,2.0,2,2,SUNDAY,12,0,0,0,1,1,0,Business Entity Type 3,,0.5061245002693311,0.20092608771597092,0.0082,,0.9762,,,0.0,0.069,0.0417,,,,0.0082,,,0.0084,,0.9762,,,0.0,0.069,0.0417,,,,0.0086,,,0.0083,,0.9762,,,0.0,0.069,0.0417,,,,0.0084,,,,block of flats,0.0071,Wooden,No,2.0,1.0,2.0,1.0,-416.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1110155,192256,Consumer loans,5651.19,41310.0,45400.5,0.0,41310.0,TUESDAY,18,Y,1,0.0,,,XAP,Approved,-1702,Cash through the bank,XAP,Other_A,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,32,Connectivity,12.0,high,POS mobile with interest,365243.0,-1671.0,-1341.0,-1341.0,-1333.0,0.0,0,Revolving loans,F,N,N,2,135000.0,247500.0,12375.0,247500.0,Unaccompanied,State servant,Secondary / secondary special,Married,Municipal apartment,0.032561,-13518,-3556,-7575.0,-4079,,1,1,0,1,0,0,Accountants,4.0,1,1,WEDNESDAY,12,0,0,0,0,0,0,Government,,0.6679767874786966,0.7136313997323308,0.3392,0.2139,0.9806,0.7348,0.0627,0.36,0.3103,0.3333,0.375,0.0,0.2707,0.3266,0.027000000000000003,0.0387,0.3456,0.222,0.9806,0.7452,0.0633,0.3625,0.3103,0.3333,0.375,0.0,0.2957,0.3403,0.0272,0.041,0.3425,0.2139,0.9806,0.7383,0.0631,0.36,0.3103,0.3333,0.375,0.0,0.2753,0.3325,0.0272,0.0395,reg oper account,block of flats,0.2996,Panel,No,2.0,0.0,2.0,0.0,-409.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1906524,438820,Cash loans,21061.98,270000.0,291919.5,,270000.0,WEDNESDAY,15,Y,1,,,,XNA,Approved,-250,XNA,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Contact center,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-220.0,290.0,365243.0,365243.0,1.0,0,Cash loans,M,N,N,0,360000.0,568197.0,22941.0,490500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-12692,-5260,-4228.0,-4442,,1,1,1,1,1,0,,2.0,3,3,MONDAY,8,0,0,0,0,1,1,Other,,0.4221253463051744,0.6690566947824041,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1808.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2642383,145426,Cash loans,20876.805,270000.0,299223.0,,270000.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-653,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Regional / Local,145,Consumer electronics,24.0,high,Cash X-Sell: high,365243.0,-623.0,67.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,1,112500.0,292500.0,15061.5,292500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-12113,-432,-5212.0,-4544,,1,1,0,1,0,0,Sales staff,3.0,2,2,FRIDAY,11,0,0,0,0,0,0,Trade: type 3,0.4035755043661335,0.11523856821744435,0.6879328378491735,0.0206,0.0,0.9886,0.8436,0.0445,0.0,0.069,0.1667,0.2083,0.0183,0.0168,0.0282,0.0,0.0,0.021,0.0,0.9886,0.8497,0.0449,0.0,0.069,0.1667,0.2083,0.0187,0.0184,0.0294,0.0,0.0,0.0208,0.0,0.9886,0.8457,0.0448,0.0,0.069,0.1667,0.2083,0.0186,0.0171,0.0287,0.0,0.0,reg oper account,block of flats,0.0243,"Stone, brick",No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1881970,360990,Cash loans,52096.32,450000.0,470790.0,,450000.0,FRIDAY,12,Y,1,,,,XNA,Approved,-900,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),5,Connectivity,12.0,high,Cash X-Sell: high,365243.0,-870.0,-540.0,-570.0,-562.0,1.0,1,Revolving loans,M,N,Y,0,180000.0,225000.0,11250.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.035792000000000004,-14706,-279,-1071.0,-3249,,1,1,0,1,0,0,Drivers,1.0,2,2,TUESDAY,16,0,0,0,0,0,0,Self-employed,0.4082821543233791,0.47897221264743606,,0.1031,0.081,0.9801,,,0.0,0.2069,0.1667,,0.0709,,0.0843,,,0.105,0.0841,0.9801,,,0.0,0.2069,0.1667,,0.0725,,0.0878,,,0.1041,0.081,0.9801,,,0.0,0.2069,0.1667,,0.0721,,0.0858,,,,block of flats,0.087,Panel,No,1.0,1.0,1.0,1.0,-1040.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2081458,131032,Consumer loans,58177.935,2043000.0,1838700.0,204300.0,2043000.0,FRIDAY,14,Y,1,0.1089090909090909,,,XAP,Refused,-2386,Cash through the bank,VERIF,,Repeater,XNA,Cars,XNA,Car dealer,735,Industry,60.0,low_normal,POS industry with interest,,,,,,,0,Cash loans,M,Y,Y,0,202500.0,675000.0,21906.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-20504,-591,-7217.0,-4041,1.0,1,1,0,1,0,0,,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Industry: type 5,,0.7561965941337413,0.7062051096536562,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2832.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1437843,338358,Consumer loans,11162.34,85495.5,93019.5,0.0,85495.5,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-346,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Country-wide,520,Consumer electronics,10.0,middle,POS household with interest,365243.0,-315.0,-45.0,-45.0,-38.0,0.0,0,Cash loans,F,N,Y,2,121500.0,587619.0,18954.0,490500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.02461,-13017,-659,-33.0,-4656,,1,1,0,1,1,0,Laborers,4.0,2,2,WEDNESDAY,18,0,0,0,0,0,0,Postal,,0.3982074002744606,,0.0577,0.0926,0.9732,0.6328,0.0746,0.0,0.1379,0.1667,0.2083,0.0538,0.0471,0.0687,0.0154,0.0216,0.0588,0.0961,0.9732,0.6472,0.0753,0.0,0.1379,0.1667,0.2083,0.055,0.0514,0.0716,0.0156,0.0229,0.0583,0.0926,0.9732,0.6377,0.0751,0.0,0.1379,0.1667,0.2083,0.0547,0.0479,0.0699,0.0155,0.0221,reg oper account,block of flats,0.0995,"Stone, brick",No,6.0,0.0,6.0,0.0,-1571.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2579121,149159,Cash loans,55873.44,1597500.0,1749325.5,,1597500.0,SATURDAY,11,Y,1,,,,XNA,Refused,-336,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,157500.0,1256400.0,36864.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.032561,-18144,-11063,-7438.0,-1684,,1,1,0,1,0,0,,2.0,1,1,SATURDAY,12,0,0,0,0,0,0,Other,,0.5976386723272163,0.6658549219640212,0.0515,,0.9776,,,,0.1724,0.1667,,,,0.0357,,0.0459,0.0525,,0.9777,,,,0.1724,0.1667,,,,0.0372,,0.0486,0.052000000000000005,,0.9776,,,,0.1724,0.1667,,,,0.0363,,0.0469,,block of flats,0.038,Panel,No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,1.0,5.0 +2029168,327493,Consumer loans,8912.295,82593.0,74331.0,8262.0,82593.0,FRIDAY,14,Y,1,0.1089446937501857,,,XAP,Approved,-1480,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Regional / Local,249,Consumer electronics,12.0,high,POS household with interest,365243.0,-1449.0,-1119.0,-1119.0,-1113.0,0.0,1,Cash loans,F,N,N,1,112500.0,396171.0,20871.0,342000.0,Unaccompanied,Working,Secondary / secondary special,Separated,Municipal apartment,0.04622,-11939,-4021,-5443.0,-3008,,1,1,0,1,1,0,Sales staff,2.0,1,1,MONDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.3858338548640016,0.6327746321318051,0.6545292802242897,0.1299,0.2125,0.9722,0.6192,0.0414,0.0,0.2759,0.1667,0.2083,0.0566,0.0983,0.1439,0.0347,0.1486,0.1324,0.2205,0.9722,0.6341,0.0418,0.0,0.2759,0.1667,0.2083,0.0579,0.1074,0.15,0.035,0.1574,0.1312,0.2125,0.9722,0.6243,0.0416,0.0,0.2759,0.1667,0.2083,0.0576,0.1,0.1465,0.0349,0.1518,reg oper account,block of flats,0.1681,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2491360,334931,Consumer loans,11691.045,92164.455,64512.0,27652.455,92164.455,THURSDAY,13,Y,1,0.3267641234849753,,,XAP,Approved,-1154,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,1730,Consumer electronics,6.0,low_normal,POS household without interest,365243.0,-1123.0,-973.0,-1093.0,-1088.0,0.0,0,Cash loans,M,Y,Y,0,112500.0,259794.0,26748.0,229500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.006207,-20689,-1537,-9331.0,-2252,17.0,1,1,0,1,0,1,Laborers,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.4705475842540605,0.6006575372857061,0.2062,0.0,0.9871,0.8232,,0.2,0.1724,0.375,0.4167,0.1144,0.1681,0.2136,0.0,0.0,0.2101,0.0,0.9871,0.8301,,0.2014,0.1724,0.375,0.4167,0.117,0.1837,0.2225,0.0,0.0,0.2082,0.0,0.9871,0.8256,,0.2,0.1724,0.375,0.4167,0.1164,0.171,0.2174,0.0,0.0,reg oper account,block of flats,0.1924,Panel,No,2.0,0.0,2.0,0.0,-1154.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +1373277,353451,Cash loans,24146.82,450000.0,533160.0,,450000.0,MONDAY,15,Y,1,,,,XNA,Approved,-610,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-580.0,830.0,-430.0,-422.0,1.0,0,Revolving loans,F,N,Y,0,247500.0,337500.0,16875.0,337500.0,Family,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.018634,-22441,365243,-4721.0,-1678,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,16,0,0,0,0,0,0,XNA,,0.6426160288449143,0.8245949709919925,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-804.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1368506,398365,Cash loans,14103.585,157500.0,173092.5,0.0,157500.0,FRIDAY,14,Y,1,0.0,,,XNA,Approved,-2393,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,365243.0,-2363.0,-1853.0,-1853.0,-1831.0,1.0,0,Cash loans,F,N,N,0,44100.0,1062000.0,25402.5,1062000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,Municipal apartment,0.01885,-23479,365243,-3872.0,-2690,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,13,0,0,0,0,0,0,XNA,,0.3454413846774149,,0.1897,,0.9767,,,0.0,0.0345,0.1667,,0.0601,,0.0525,,0.0644,0.1933,,0.9767,,,0.0,0.0345,0.1667,,0.0615,,0.0547,,0.0682,0.1915,,0.9767,,,0.0,0.0345,0.1667,,0.0612,,0.0535,,0.0657,,specific housing,0.0553,"Stone, brick",No,0.0,0.0,0.0,0.0,-1.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1101147,414291,Consumer loans,3428.1,15610.095,14625.0,1565.595,15610.095,THURSDAY,13,Y,1,0.1053127004793945,,,XAP,Approved,-2484,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Country-wide,2040,Consumer electronics,5.0,high,POS household with interest,365243.0,-2453.0,-2333.0,-2333.0,-2327.0,1.0,0,Cash loans,F,N,Y,0,58500.0,239850.0,23494.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.022625,-24607,365243,-3738.0,-3827,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,XNA,,0.602278218777896,0.25946765482111994,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2373.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2788165,422251,Consumer loans,13824.135,71950.5,71950.5,0.0,71950.5,FRIDAY,12,Y,1,0.0,,,XAP,Approved,-147,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,400,Consumer electronics,6.0,middle,POS household with interest,365243.0,-117.0,33.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,Y,0,112500.0,337500.0,16875.0,337500.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.00963,-15582,-5622,-6825.0,-5272,,1,1,0,1,1,0,Managers,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,Other,0.7798231378534566,0.5072996704667999,0.5280927512030451,0.1856,0.1305,0.9841,0.7824,0.0736,0.2,0.1724,0.3333,0.375,0.0265,0.1509,0.1947,0.0019,0.0045,0.1513,0.0961,0.9841,0.7909,0.0551,0.1611,0.1379,0.3333,0.375,0.0197,0.1313,0.1669,0.0,0.0,0.1874,0.1305,0.9841,0.7853,0.0741,0.2,0.1724,0.3333,0.375,0.0269,0.1535,0.1982,0.0019,0.0046,reg oper account,block of flats,0.1803,Panel,No,5.0,0.0,5.0,0.0,-613.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2229627,454695,Consumer loans,9400.5,42700.5,45463.5,4270.5,42700.5,SUNDAY,6,Y,1,0.0935167637284901,,,XAP,Approved,-1921,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Country-wide,78,Connectivity,6.0,high,POS mobile with interest,365243.0,-1890.0,-1740.0,-1770.0,-1767.0,0.0,0,Cash loans,F,N,Y,0,90000.0,552555.0,29569.5,477000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.020246,-18746,-2542,-11593.0,-2253,,1,1,0,1,1,0,,2.0,3,3,WEDNESDAY,10,0,0,0,0,0,0,Other,,0.5457192077473305,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1226.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2162645,455443,Consumer loans,4470.525,46395.0,22716.0,24750.0,46395.0,FRIDAY,10,Y,1,0.5678801668562761,,,XAP,Approved,-1985,XNA,XAP,Family,Repeater,Mobile,POS,XNA,Stone,31,Connectivity,6.0,high,POS mobile with interest,365243.0,-1948.0,-1798.0,-1798.0,-1794.0,0.0,1,Cash loans,M,N,Y,2,202500.0,247275.0,22810.5,225000.0,Unaccompanied,State servant,Secondary / secondary special,Married,With parents,0.006629,-11171,-1354,-1243.0,-2729,,1,1,1,1,1,1,Laborers,4.0,2,2,TUESDAY,8,0,0,0,0,0,0,Housing,,0.6266918093138552,0.2032521136204725,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-271.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2687606,363691,Cash loans,11065.995,225000.0,284400.0,,225000.0,MONDAY,5,Y,1,,,,XNA,Approved,-1047,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,90000.0,1042560.0,34587.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.008068,-17726,-669,-7948.0,-1274,,1,1,1,1,0,0,Medicine staff,2.0,3,3,FRIDAY,9,0,0,0,1,1,0,Medicine,,0.7533634328683292,0.7121551551910698,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2120.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1425309,266125,Cash loans,23186.25,225000.0,225000.0,,225000.0,WEDNESDAY,15,Y,1,,,,XNA,Approved,-274,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-244.0,86.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,202500.0,225000.0,22050.0,225000.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,House / apartment,0.009334,-25200,-16651,-4647.0,-4647,,1,1,0,1,0,0,Medicine staff,1.0,2,2,THURSDAY,14,0,0,0,0,0,0,Medicine,,0.7134395354287215,0.8027454758994178,0.0742,0.0,0.9657,,,0.0,0.2414,0.1667,,0.078,,0.0853,,0.0159,0.0756,0.0,0.9657,,,0.0,0.2414,0.1667,,0.0798,,0.0889,,0.0168,0.0749,0.0,0.9657,,,0.0,0.2414,0.1667,,0.0794,,0.0869,,0.0162,,block of flats,0.0791,"Stone, brick",No,1.0,1.0,1.0,1.0,-1165.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2426564,437091,Consumer loans,7018.425,61695.0,68211.0,0.0,61695.0,SATURDAY,14,Y,1,0.0,,,XAP,Approved,-661,Cash through the bank,XAP,Children,Refreshed,Furniture,POS,XNA,Regional / Local,130,Furniture,12.0,middle,POS industry with interest,365243.0,-629.0,-299.0,-299.0,-296.0,0.0,0,Cash loans,M,Y,Y,0,157500.0,562491.0,23962.5,454500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.00702,-21279,-343,-9758.0,-4815,14.0,1,1,0,1,1,0,Laborers,1.0,2,2,TUESDAY,18,0,0,0,0,1,1,Construction,0.6192446833288211,0.6802403295492808,0.7544061731797895,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-3168.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1683761,293682,Consumer loans,24744.51,291096.0,261985.5,29110.5,291096.0,MONDAY,14,Y,1,0.10891245812065747,,,XAP,Approved,-400,Cash through the bank,XAP,,New,Homewares,POS,XNA,Regional / Local,200,Construction,12.0,low_normal,POS industry with interest,365243.0,-366.0,-36.0,-36.0,-30.0,0.0,0,Cash loans,F,N,Y,0,148500.0,294322.5,17023.5,243000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.025164,-22326,-564,-2283.0,-4794,,1,1,0,1,1,0,,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Medicine,0.8522675316701394,0.6621608587182319,0.5172965813614878,0.1206,0.058,0.9965,0.9524,0.0442,0.12,0.1034,0.375,0.4167,0.0783,0.0967,0.1175,0.0077,0.0115,0.1229,0.0602,0.9965,0.9543,0.0446,0.1208,0.1034,0.375,0.4167,0.0801,0.1056,0.1224,0.0078,0.0121,0.1218,0.058,0.9965,0.953,0.0445,0.12,0.1034,0.375,0.4167,0.0796,0.0983,0.1196,0.0078,0.0117,reg oper account,block of flats,0.119,Panel,No,0.0,0.0,0.0,0.0,-400.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2288728,222662,Cash loans,56031.84,1350000.0,1467612.0,,1350000.0,SATURDAY,14,Y,1,,,,Buying a home,Refused,-217,Cash through the bank,SCOFR,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,Y,Y,2,315000.0,491211.0,50463.0,472500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.011703,-15036,-4371,-5387.0,-4320,11.0,1,1,0,1,0,0,Drivers,4.0,2,2,SATURDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.7376472241311529,0.7738956942145427,0.0722,0.0802,0.9841,0.7824,0.0,0.0,0.1379,0.1667,0.2083,0.0,0.0588,0.0654,0.0,0.0,0.0735,0.0832,0.9841,0.7909,0.0,0.0,0.1379,0.1667,0.2083,0.0,0.0643,0.0682,0.0,0.0,0.0729,0.0802,0.9841,0.7853,0.0,0.0,0.1379,0.1667,0.2083,0.0,0.0599,0.0666,0.0,0.0,reg oper spec account,block of flats,0.0515,Panel,No,0.0,0.0,0.0,0.0,-348.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2455010,397436,Cash loans,7930.62,90000.0,98910.0,,90000.0,FRIDAY,4,Y,1,,,,XNA,Refused,-400,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,Y,Y,0,157500.0,252531.0,18090.0,234000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.010032,-18732,-716,-9626.0,-2283,22.0,1,1,0,1,0,0,,1.0,2,2,SATURDAY,5,0,0,0,0,0,0,Self-employed,,0.5677654521967729,0.5762088360175724,0.0814,0.1309,0.9707,,,0.0,0.2414,0.1667,,,,0.1093,,0.2069,0.083,0.1358,0.9707,,,0.0,0.2414,0.1667,,,,0.1139,,0.219,0.0822,0.1309,0.9707,,,0.0,0.2414,0.1667,,,,0.1113,,0.2112,,block of flats,0.1309,"Stone, brick",No,1.0,1.0,1.0,1.0,-1155.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2000686,163887,Consumer loans,2840.175,24705.0,23688.0,3150.0,24705.0,WEDNESDAY,17,Y,1,0.12782757148954324,,,XAP,Approved,-1777,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,20,Connectivity,12.0,high,POS mobile with interest,365243.0,-1740.0,-1410.0,-1500.0,-1493.0,0.0,0,Cash loans,F,N,Y,0,315000.0,1649376.0,51916.5,1350000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.072508,-22772,365243,-5565.0,-364,,1,0,0,1,0,0,,2.0,1,1,TUESDAY,14,0,0,0,0,0,0,XNA,,0.5385705860468052,0.19294222771695085,0.0687,0.0489,0.9737,0.6396,0.0291,0.04,0.0976,0.2221,0.0067,0.0,0.0559,0.0434,0.0006,0.0101,0.0756,0.0,0.9682,0.5818,0.0104,0.0,0.1379,0.1667,0.0,0.0,0.0735,0.0327,0.0,0.0011,0.0749,0.0459,0.9732,0.6377,0.0321,0.02,0.1207,0.1667,0.0,0.0,0.0611,0.0428,0.0,0.0048,reg oper account,block of flats,0.0486,"Stone, brick",No,9.0,4.0,9.0,1.0,-189.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2704751,188972,Revolving loans,2250.0,45000.0,45000.0,,45000.0,MONDAY,15,Y,1,,,,XAP,Approved,-358,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Country-wide,2132,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,1,405000.0,607500.0,29353.5,607500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.001417,-12280,-3455,-4250.0,-602,,1,1,0,1,0,0,Sales staff,3.0,2,2,TUESDAY,12,0,0,0,0,0,0,Self-employed,,0.2404715316484451,0.09569272423026376,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-1242.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2451066,406440,Consumer loans,4997.97,100170.0,107253.0,10642.5,100170.0,WEDNESDAY,15,Y,1,0.09831291270659186,,,XAP,Approved,-2592,Cash through the bank,XAP,Children,New,Audio/Video,POS,XNA,Country-wide,932,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-2561.0,-1871.0,-1871.0,-1867.0,1.0,0,Cash loans,F,N,N,0,90000.0,566055.0,16353.0,472500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,Office apartment,0.025164,-20615,365243,-9415.0,-4029,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,XNA,,0.7130056825797436,0.520897599048938,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,0.0,-815.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1116141,297947,Revolving loans,,0.0,0.0,,,TUESDAY,2,Y,1,,,,XAP,Refused,-154,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Card Street,,,,,,,0,Cash loans,M,N,N,1,225000.0,640080.0,31261.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.0038179999999999998,-14890,-1606,-2097.0,-252,,1,1,0,1,0,0,Drivers,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Construction,0.2272200425315388,0.02139820833054017,0.2925880073368475,0.0915,0.0598,0.9781,0.7076,0.1301,0.0,0.1655,0.1583,0.0208,0.0334,0.1765,0.0627,0.0,0.0,0.063,0.0487,0.9782,0.7190000000000001,0.1312,0.0,0.2069,0.1667,0.0,0.0266,0.1873,0.0479,0.0,0.0,0.0999,0.0607,0.9781,0.7115,0.1309,0.0,0.2069,0.1667,0.0208,0.034,0.1796,0.0599,0.0,0.0,reg oper account,block of flats,0.0428,Block,No,2.0,0.0,2.0,0.0,-1741.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2032388,388697,Consumer loans,29023.38,153180.0,159750.0,0.0,153180.0,FRIDAY,18,Y,1,0.0,,,XAP,Approved,-855,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Regional / Local,145,Consumer electronics,6.0,middle,POS household with interest,365243.0,-824.0,-674.0,-764.0,-755.0,0.0,0,Cash loans,F,N,Y,0,157500.0,582804.0,24822.0,463500.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.02461,-20944,-2841,-2871.0,-2877,,1,1,0,1,1,1,Sales staff,2.0,2,2,SATURDAY,10,0,0,0,1,1,0,Trade: type 7,0.7593471456869235,0.4902228537663287,0.4614823912998385,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-1875.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2293964,428878,Consumer loans,15160.185,90000.0,85275.0,9000.0,90000.0,THURSDAY,11,Y,1,0.1039704925146453,,,XAP,Approved,-901,XNA,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Stone,130,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-870.0,-720.0,-720.0,-716.0,0.0,0,Cash loans,F,N,Y,2,202500.0,760225.5,54063.0,679500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.006629,-15528,-1015,-2293.0,-4158,,1,1,0,1,0,0,Sales staff,3.0,2,2,TUESDAY,12,0,0,0,0,0,0,Trade: type 7,0.4970438274249768,0.7174062952013049,0.646329897706246,0.0165,0.0,0.9821,0.762,0.0305,0.0,0.069,0.0417,0.0833,0.0422,0.0134,0.0148,0.0,0.0126,0.0168,0.0,0.9826,0.7713,0.0307,0.0,0.069,0.0417,0.0833,0.0328,0.0147,0.0034,0.0,0.0131,0.0167,0.0,0.9826,0.7652,0.0307,0.0,0.069,0.0417,0.0833,0.0375,0.0137,0.0181,0.0,0.0128,not specified,block of flats,0.0166,Wooden,Yes,0.0,0.0,0.0,0.0,-901.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1903725,312743,Consumer loans,7317.99,69691.5,69345.0,6970.5,69691.5,THURSDAY,9,Y,1,0.09947531211638763,,,XAP,Approved,-329,XNA,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,20,Consumer electronics,12.0,middle,POS household with interest,365243.0,-298.0,32.0,365243.0,365243.0,0.0,1,Cash loans,M,N,Y,0,36000.0,436032.0,21339.0,360000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.000533,-19460,-9211,-10375.0,-2614,,1,1,1,1,0,0,Laborers,2.0,3,3,THURSDAY,10,0,1,1,0,0,0,Business Entity Type 2,,0.05148605942815258,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-329.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1805224,148701,Cash loans,,0.0,0.0,,,WEDNESDAY,10,Y,1,,,,XNA,Refused,-273,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,202500.0,746271.0,31747.5,603000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-22007,365243,-6279.0,-4018,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,XNA,0.6087449894427992,0.3786474185793119,0.6956219298394389,0.0753,0.1073,0.9876,0.83,0.0179,0.08,0.069,0.3333,0.375,0.0487,0.0572,0.0727,0.0193,0.146,0.0767,0.1113,0.9876,0.8367,0.0181,0.0806,0.069,0.3333,0.375,0.0498,0.0624,0.0757,0.0195,0.1546,0.076,0.1073,0.9876,0.8323,0.018000000000000002,0.08,0.069,0.3333,0.375,0.0495,0.0581,0.07400000000000001,0.0194,0.1491,reg oper account,block of flats,0.0987,Panel,No,1.0,1.0,1.0,1.0,-1924.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1913012,253586,Consumer loans,9628.02,96291.0,86661.0,9630.0,96291.0,SATURDAY,14,Y,1,0.1089192702801451,,,XAP,Refused,-2540,Cash through the bank,SCO,Family,Repeater,Audio/Video,POS,XNA,Country-wide,3500,Consumer electronics,10.0,low_normal,POS household without interest,,,,,,,0,Cash loans,F,N,Y,0,157500.0,477000.0,31536.0,477000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.019688999999999998,-22519,-1594,-14624.0,-5051,,1,1,0,1,0,0,Medicine staff,1.0,2,2,FRIDAY,16,0,0,0,0,0,0,Medicine,,0.4152331130816776,,0.0082,0.0,0.9518,0.3404,,0.0,0.069,0.0417,,0.0786,,0.006,,0.0088,0.0084,0.0,0.9518,0.3662,,0.0,0.069,0.0417,,0.0804,,0.0062,,0.0093,0.0083,0.0,0.9518,0.3492,,0.0,0.069,0.0417,,0.0799,,0.0061,,0.009000000000000001,not specified,block of flats,0.0066,Wooden,No,0.0,0.0,0.0,0.0,-2246.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1228273,204826,Cash loans,79892.82,1350000.0,1428408.0,,1350000.0,TUESDAY,11,Y,1,,,,XNA,Refused,-141,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,337500.0,1095111.0,61281.0,1035000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009656999999999999,-17634,-3244,-7978.0,-1181,,1,1,0,1,1,0,Accountants,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Other,,0.6007424418747659,0.3077366963789207,0.1144,0.0513,0.9881,0.8368,0.0182,0.04,0.0345,0.3333,0.375,0.0751,0.0925,0.05,0.0039,0.094,0.1166,0.0532,0.9881,0.8432,0.0184,0.0403,0.0345,0.3333,0.375,0.0768,0.101,0.0521,0.0039,0.0995,0.1155,0.0513,0.9881,0.8390000000000001,0.0184,0.04,0.0345,0.3333,0.375,0.0764,0.0941,0.0509,0.0039,0.0959,reg oper spec account,block of flats,0.0636,Panel,No,0.0,0.0,0.0,0.0,-1589.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +2566861,274974,Cash loans,31376.25,459000.0,504441.0,,459000.0,SUNDAY,9,Y,1,,,,XNA,Approved,-1007,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,high,Cash X-Sell: high,365243.0,-977.0,-107.0,-101.0,-97.0,1.0,0,Cash loans,F,N,Y,0,135000.0,729792.0,35109.0,630000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-19695,-3229,-3664.0,-3251,,1,1,0,1,0,0,Cleaning staff,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Transport: type 2,0.5029397133444358,0.5601349895741032,0.6446794549585961,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1087.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2516570,128429,Consumer loans,6217.965,112194.0,134410.5,0.0,112194.0,FRIDAY,18,Y,1,0.0,,,XAP,Approved,-1289,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,2000,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1258.0,-568.0,-688.0,-685.0,0.0,0,Cash loans,F,N,Y,1,81000.0,755190.0,33394.5,675000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.007273999999999998,-15044,-1825,-2655.0,-4694,,1,1,0,1,0,0,Sales staff,3.0,2,2,SATURDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.4844171790246926,0.3322496875139442,0.6413682574954046,0.1412,0.0,0.9767,0.6804,0.0,0.0,0.1034,0.1667,0.2083,0.0,0.1152,0.0587,0.0,0.0157,0.1439,0.0,0.9767,0.6929,0.0,0.0,0.1034,0.1667,0.2083,0.0,0.1258,0.0612,0.0,0.0166,0.1426,0.0,0.9767,0.6847,0.0,0.0,0.1034,0.1667,0.2083,0.0,0.1171,0.0598,0.0,0.016,reg oper account,block of flats,0.0496,"Stone, brick",No,0.0,0.0,0.0,0.0,-1699.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1504129,101187,Revolving loans,6750.0,0.0,135000.0,,,FRIDAY,15,Y,1,,,,XAP,Approved,-1917,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,70,Connectivity,0.0,XNA,Card X-Sell,-1914.0,-1854.0,365243.0,-758.0,365243.0,0.0,0,Cash loans,F,Y,N,0,157500.0,288562.5,18918.0,261000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.00963,-19288,365243,-2712.0,-2746,19.0,1,0,0,1,0,0,,1.0,2,2,THURSDAY,10,0,0,0,0,0,0,XNA,,0.6185429985638057,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1517.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1875498,406348,Consumer loans,21085.56,271912.5,298831.5,0.0,271912.5,FRIDAY,8,Y,1,0.0,,,XAP,Approved,-468,Cash through the bank,XAP,,New,Construction Materials,POS,XNA,Stone,40,Construction,18.0,middle,POS industry with interest,365243.0,-437.0,73.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,90000.0,225000.0,8613.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.0228,-23133,365243,-1057.0,-1350,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,8,0,0,0,0,0,0,XNA,,0.5244412789482056,0.722392890081304,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-468.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,1.0,0.0 +2307343,114235,Cash loans,30073.365,157500.0,162697.5,,157500.0,SATURDAY,10,Y,1,,,,XNA,Approved,-800,Cash through the bank,XAP,Children,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-770.0,-620.0,-740.0,-729.0,1.0,0,Revolving loans,F,N,Y,0,90000.0,270000.0,13500.0,270000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.030755,-21954,365243,-11454.0,-4731,,1,0,0,1,0,0,,1.0,2,2,MONDAY,10,0,0,0,0,0,0,XNA,,0.6455886090744138,0.5478104658520093,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1581.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2755342,366457,Consumer loans,8721.45,69705.0,75838.5,0.0,69705.0,SATURDAY,18,Y,1,0.0,,,XAP,Approved,-598,Cash through the bank,XAP,,New,Photo / Cinema Equipment,POS,XNA,Country-wide,100,Consumer electronics,10.0,middle,POS household with interest,365243.0,-567.0,-297.0,-297.0,-289.0,0.0,0,Cash loans,M,Y,Y,1,315000.0,1080000.0,45756.0,1080000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.030755,-15308,-262,-4420.0,-4452,1.0,1,1,0,1,0,0,Core staff,3.0,2,2,TUESDAY,11,0,0,0,0,0,0,Self-employed,,0.5788595258970475,0.16342569473134347,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-598.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1301876,188738,Consumer loans,3904.11,35496.0,35109.0,3550.5,35496.0,MONDAY,17,Y,1,0.10002243362504094,,,XAP,Approved,-2189,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,93,Connectivity,12.0,high,POS mobile with interest,365243.0,-2158.0,-1828.0,-1828.0,-1826.0,1.0,0,Cash loans,M,N,Y,0,135000.0,513531.0,35869.5,459000.0,Family,Working,Secondary / secondary special,Single / not married,House / apartment,0.035792000000000004,-12122,-3015,-5986.0,-3552,,1,1,0,1,0,0,Laborers,1.0,2,2,SATURDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.4521006804176629,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,1.0,4.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2592577,339248,Consumer loans,15779.745,135805.5,101772.0,40725.0,135805.5,TUESDAY,6,Y,1,0.3112572704879912,,,XAP,Approved,-640,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,35,Connectivity,8.0,high,POS mobile with interest,365243.0,-603.0,-393.0,-423.0,-418.0,0.0,0,Cash loans,F,N,Y,0,225000.0,386977.5,24858.0,319500.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.0038179999999999998,-13423,-999,-7485.0,-3657,,1,1,0,1,0,0,IT staff,1.0,2,2,FRIDAY,8,0,0,0,0,0,0,Transport: type 4,0.2860477792621406,0.6538843137521564,0.7180328113294772,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-640.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2290201,242324,Cash loans,22902.84,180000.0,191880.0,,180000.0,FRIDAY,16,Y,1,,,,Other,Approved,-638,Cash through the bank,XAP,,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-605.0,-275.0,-275.0,-272.0,0.0,0,Cash loans,M,N,Y,0,135000.0,788472.0,50521.5,688500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.007114,-20908,365243,-9060.0,-3271,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,15,0,0,0,0,0,0,XNA,,0.2554123259115189,0.7623356180684377,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,1.0,5.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1344928,114814,Cash loans,27023.85,270000.0,284611.5,,270000.0,WEDNESDAY,16,Y,1,,,,XNA,Approved,-524,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-494.0,-164.0,-194.0,-191.0,1.0,0,Cash loans,F,N,Y,0,135000.0,298467.0,29205.0,283500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-22007,365243,-9910.0,-4337,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,,0.6111950834043804,,0.1227,0.1162,0.9861,,,0.12,0.1034,0.3333,,0.0817,,0.131,,0.024,0.125,0.1206,0.9861,,,0.1208,0.1034,0.3333,,0.0836,,0.1365,,0.0254,0.1239,0.1162,0.9861,,,0.12,0.1034,0.3333,,0.0831,,0.1334,,0.0245,,block of flats,0.1088,"Stone, brick",No,0.0,0.0,0.0,0.0,-524.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1299948,339921,Cash loans,18235.08,225000.0,269550.0,,225000.0,MONDAY,12,Y,1,,,,Repairs,Refused,-528,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,high,Cash Street: high,,,,,,,1,Cash loans,F,N,Y,0,135000.0,422235.0,25645.5,364500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.025164,-23746,365243,-13950.0,-4403,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,9,0,0,0,0,0,0,XNA,,0.37181397144558576,0.15663982703141147,0.1031,0.0946,0.9811,0.7416,0.0127,0.0,0.2069,0.1667,0.2083,0.0,0.0841,0.091,0.0,0.0,0.105,0.0982,0.9811,0.7517,0.0128,0.0,0.2069,0.1667,0.2083,0.0,0.0918,0.0948,0.0,0.0,0.1041,0.0946,0.9811,0.7451,0.0128,0.0,0.2069,0.1667,0.2083,0.0,0.0855,0.0927,0.0,0.0,reg oper account,block of flats,0.0785,"Stone, brick",No,0.0,0.0,0.0,0.0,-2065.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2841495,279459,Consumer loans,29254.5,265950.0,265950.0,0.0,265950.0,WEDNESDAY,5,Y,1,0.0,,,XAP,Approved,-314,Cash through the bank,XAP,,New,Construction Materials,POS,XNA,Regional / Local,43,Construction,10.0,low_normal,POS industry with interest,365243.0,-282.0,-12.0,-12.0,-9.0,0.0,0,Cash loans,F,N,Y,0,135000.0,1166724.0,34245.0,913500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.010032,-22681,-2171,-2378.0,-2448,,1,1,0,1,0,0,Sales staff,1.0,2,2,TUESDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.06982241916957582,0.5709165417729987,0.2021,0.1338,0.9826,,,0.24,0.2069,0.3333,,0.1363,,0.2225,,0.034,0.2059,0.1388,0.9826,,,0.2417,0.2069,0.3333,,0.1395,,0.2318,,0.036000000000000004,0.204,0.1338,0.9826,,,0.24,0.2069,0.3333,,0.1387,,0.2265,,0.0348,,block of flats,0.2232,"Stone, brick",No,4.0,0.0,4.0,0.0,-314.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2201106,263930,Consumer loans,3729.825,28660.5,25794.0,2866.5,28660.5,SATURDAY,11,Y,1,0.10892619078205512,,,XAP,Refused,-2312,Cash through the bank,LIMIT,,Repeater,Mobile,POS,XNA,Stone,30,Connectivity,9.0,high,POS mobile with interest,,,,,,,0,Cash loans,M,Y,N,0,180000.0,697302.0,20385.0,499500.0,Family,Working,Secondary / secondary special,Married,With parents,0.035792000000000004,-16212,-1567,-8329.0,-5114,13.0,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,9,0,0,0,0,0,0,Self-employed,,0.6694736942712936,0.6512602186973006,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1558.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1743274,244600,Consumer loans,22770.675,103194.0,85459.5,20641.5,103194.0,FRIDAY,12,Y,1,0.21187802188480784,,,XAP,Approved,-813,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,41,Connectivity,4.0,middle,POS mobile without interest,365243.0,-780.0,-690.0,-690.0,-684.0,0.0,0,Cash loans,F,Y,N,0,90000.0,373311.0,19674.0,283500.0,Unaccompanied,Commercial associate,Higher education,Married,With parents,0.0038130000000000004,-9077,-251,-5583.0,-346,13.0,1,1,0,1,0,0,Core staff,2.0,2,2,SATURDAY,9,0,0,0,0,0,0,Self-employed,0.6633814102422105,0.20302347727945114,0.3201633668633456,0.0639,0.0685,0.9935,,,0.08,0.069,0.3333,,,,0.0776,,,0.0651,0.0711,0.9935,,,0.0806,0.069,0.3333,,,,0.0809,,,0.0645,0.0685,0.9935,,,0.08,0.069,0.3333,,,,0.079,,,,block of flats,0.061,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1156528,111453,Consumer loans,4586.85,91525.5,101817.0,0.0,91525.5,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-406,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,3900,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-375.0,315.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,0,108000.0,431280.0,17694.0,360000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-9868,-651,-731.0,-2531,,1,1,1,1,0,0,Drivers,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Security,0.32473521693645546,0.3342855969861764,0.3842068130556564,0.2959,,0.9955,0.932,,0.28,0.2414,0.375,0.4167,0.2127,0.2412,0.3243,0.0,0.0,0.3015,,0.9955,0.9347,,0.282,0.2414,0.375,0.4167,0.2176,0.2635,0.3379,0.0,0.0,0.2987,,0.9955,0.9329,,0.28,0.2414,0.375,0.4167,0.2164,0.2454,0.3301,0.0,0.0,reg oper spec account,block of flats,0.3047,Panel,No,1.0,0.0,1.0,0.0,-406.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1683002,448851,Consumer loans,14940.315,79645.5,75685.5,3960.0,79645.5,WEDNESDAY,13,Y,1,0.05414995197468781,,,XAP,Approved,-2137,Cashless from the account of the employer,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,656,Consumer electronics,6.0,high,POS household with interest,365243.0,-2106.0,-1956.0,-1956.0,-1951.0,0.0,0,Revolving loans,F,Y,N,1,157500.0,540000.0,27000.0,540000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-15496,-1660,-3264.0,-4813,10.0,1,1,0,1,0,0,Sales staff,3.0,2,2,FRIDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.5009596954405953,0.5124255783415866,0.21518240418475384,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2421.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1008950,454610,Consumer loans,8660.745,60746.4,76504.5,0.9,60746.4,TUESDAY,16,Y,1,1.2811929853079888e-05,,,XAP,Approved,-1049,Cash through the bank,XAP,Other_B,New,Consumer Electronics,POS,XNA,Country-wide,281,Consumer electronics,12.0,high,POS household with interest,365243.0,-1018.0,-688.0,-838.0,-834.0,0.0,0,Cash loans,F,N,Y,2,225000.0,545040.0,26640.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.04622,-11773,-1272,-5306.0,-474,,1,1,0,1,0,0,,4.0,1,1,MONDAY,10,0,0,0,1,1,0,Business Entity Type 2,0.5837537382545703,0.3773569205853657,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1081170,102559,Consumer loans,77824.35,745614.0,759114.0,0.0,745614.0,TUESDAY,17,Y,1,0.0,,,XAP,Approved,-790,Cash through the bank,XAP,Children,Repeater,Furniture,POS,XNA,Country-wide,1000,Furniture,12.0,middle,POS industry with interest,365243.0,-759.0,-429.0,-609.0,-603.0,0.0,1,Cash loans,F,N,N,0,450000.0,382500.0,37260.0,382500.0,Unaccompanied,Pensioner,Higher education,Separated,House / apartment,0.072508,-21679,365243,-1537.0,-3216,,1,0,0,1,1,0,,1.0,1,1,SATURDAY,17,0,0,0,0,0,0,XNA,0.7764398737677185,0.4450797897268017,,1.0,1.0,0.996,0.9456,1.0,1.0,0.2759,1.0,0.7083,0.0947,0.8338,1.0,1.0,1.0,1.0,1.0,0.996,0.9477,1.0,1.0,0.2759,1.0,0.7083,0.0968,0.9109,1.0,1.0,1.0,1.0,1.0,0.996,0.9463,1.0,1.0,0.2759,1.0,0.7083,0.0963,0.8482,1.0,1.0,1.0,not specified,block of flats,1.0,Mixed,No,0.0,0.0,0.0,0.0,-718.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2731742,400585,Consumer loans,11643.975,85005.0,96025.5,9000.0,85005.0,FRIDAY,14,Y,1,0.09332798398311057,,,XAP,Refused,-1817,Cash through the bank,LIMIT,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,32,Connectivity,12.0,high,POS mobile with interest,,,,,,,0,Cash loans,M,Y,Y,2,202500.0,1611072.0,44433.0,1440000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009549,-11509,-3415,-2696.0,-3311,1.0,1,1,0,1,0,0,,4.0,2,2,TUESDAY,13,0,0,0,0,1,1,Business Entity Type 3,,0.5549509363721968,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1817.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2051711,137112,Consumer loans,7726.14,70308.0,70308.0,0.0,70308.0,SUNDAY,17,Y,1,0.0,,,XAP,Approved,-845,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,46,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-802.0,-532.0,-532.0,-530.0,0.0,0,Cash loans,F,Y,Y,1,225000.0,562500.0,59067.0,562500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-14840,-3127,-3864.0,-1457,2.0,1,1,0,1,1,1,Managers,3.0,2,2,FRIDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.6815085415578694,0.6359750747962237,0.524496446363472,0.2454,0.19,0.9851,0.7959999999999999,0.0582,0.28,0.2414,0.3333,0.0417,0.2094,0.1958,0.2674,0.0347,0.0251,0.25,0.1971,0.9851,0.804,0.0588,0.282,0.2414,0.3333,0.0417,0.2142,0.214,0.2786,0.035,0.0266,0.2477,0.19,0.9851,0.7987,0.0586,0.28,0.2414,0.3333,0.0417,0.213,0.1992,0.2722,0.0349,0.0256,reg oper spec account,block of flats,0.2529,Panel,No,0.0,0.0,0.0,0.0,-2693.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1385845,220653,Revolving loans,4500.0,202500.0,90000.0,,202500.0,THURSDAY,9,Y,1,,,,XAP,Approved,-133,XNA,XAP,,Refreshed,XNA,Cards,x-sell,AP+ (Cash loan),4,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,81000.0,225000.0,11781.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-17417,-2544,-4580.0,-967,,1,1,1,1,0,0,,2.0,2,2,THURSDAY,6,0,0,0,0,0,0,Government,0.6508267623556745,0.6001548616006187,,0.0546,0.0572,0.9856,0.8028,,0.0,0.0345,0.0833,,,,0.0263,,,0.0557,0.0593,0.9856,0.8105,,0.0,0.0345,0.0833,,,,0.0274,,,0.0552,0.0572,0.9856,0.8054,,0.0,0.0345,0.0833,,,,0.0268,,,,specific housing,0.0208,"Stone, brick",No,0.0,0.0,0.0,0.0,-3189.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1185685,206214,Consumer loans,3973.095,16068.735,13945.5,2568.735,16068.735,MONDAY,19,Y,1,0.16940451291650116,,,XAP,Approved,-2719,Cash through the bank,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Country-wide,1498,Consumer electronics,4.0,low_normal,POS household with interest,365243.0,-2687.0,-2597.0,-2597.0,-2594.0,1.0,0,Cash loans,F,N,Y,2,90000.0,755190.0,36328.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010147,-11851,-1430,-11678.0,-3564,,1,1,0,1,1,0,Sales staff,4.0,2,2,THURSDAY,14,0,0,0,0,0,0,Trade: type 3,,0.6562806757779018,0.5656079814115492,0.3196,0.048,0.9806,0.7348,,0.24,0.2069,0.3333,,,,,,,0.3256,0.0498,0.9806,0.7452,,0.2417,0.2069,0.3333,,,,,,,0.3227,0.048,0.9806,0.7383,,0.24,0.2069,0.3333,,,,,,,,block of flats,0.2235,Panel,No,0.0,0.0,0.0,0.0,-2719.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1237331,148888,Cash loans,12466.035,180000.0,203760.0,,180000.0,FRIDAY,15,Y,1,,,,XNA,Approved,-622,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-592.0,98.0,-442.0,-438.0,1.0,0,Cash loans,F,N,Y,0,90000.0,239850.0,23850.0,225000.0,Unaccompanied,Pensioner,Higher education,Single / not married,House / apartment,0.01885,-24566,365243,-7475.0,-4032,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,10,0,0,0,0,0,0,XNA,,0.689752297189584,0.6706517530862718,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1486.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2194877,245429,Revolving loans,38250.0,765000.0,765000.0,,765000.0,TUESDAY,17,Y,1,,,,XAP,Refused,-570,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,135000.0,545040.0,39627.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.00733,-12535,-1704,-5930.0,-99,,1,1,0,1,0,0,Laborers,1.0,2,2,FRIDAY,13,0,0,0,0,0,0,Self-employed,0.09709457466150903,0.5809957278776706,0.1777040724853336,0.2268,0.0776,0.9816,0.7484,0.0401,0.08,0.0345,0.3333,0.0417,0.0,,0.0748,,0.0,0.2311,0.0806,0.9816,0.7583,0.0405,0.0806,0.0345,0.3333,0.0417,0.0,,0.0779,,0.0,0.229,0.0776,0.9816,0.7518,0.0404,0.08,0.0345,0.3333,0.0417,0.0,,0.0761,,0.0,reg oper account,specific housing,0.1122,"Stone, brick",No,3.0,0.0,3.0,0.0,-839.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2263408,322803,Cash loans,38593.485,360000.0,376632.0,,360000.0,THURSDAY,14,Y,1,,,,XNA,Approved,-257,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),7,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-227.0,103.0,-47.0,-44.0,1.0,0,Cash loans,F,N,N,0,135000.0,1030500.0,30127.5,1030500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,Municipal apartment,0.011656999999999999,-18791,-5940,-5380.0,-2337,,1,1,1,1,1,0,Laborers,2.0,1,1,TUESDAY,15,0,0,0,0,0,0,Self-employed,,0.790655089447317,,0.0371,0.0707,0.9861,0.8096,0.0446,0.0,0.0345,0.0833,0.125,0.0517,0.0303,0.0285,0.0,0.0,0.0378,0.0734,0.9861,0.8171,0.045,0.0,0.0345,0.0833,0.125,0.0529,0.0331,0.0297,0.0,0.0,0.0375,0.0707,0.9861,0.8121,0.0449,0.0,0.0345,0.0833,0.125,0.0526,0.0308,0.029,0.0,0.0,reg oper account,block of flats,0.0468,"Stone, brick",No,0.0,0.0,0.0,0.0,-1557.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2223903,303424,Cash loans,,0.0,0.0,,,WEDNESDAY,7,Y,1,,,,XNA,Refused,-254,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,N,Y,0,292500.0,284400.0,16456.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-24018,365243,-7403.0,-2128,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,XNA,,0.29743057325494376,0.34090642641523844,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +1408429,224937,Cash loans,9299.655,135000.0,157275.0,,135000.0,MONDAY,10,Y,1,,,,XNA,Refused,-775,Cash through the bank,LIMIT,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,112500.0,185652.0,9157.5,121500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.025164,-18419,-9485,-8158.0,-1920,,1,1,0,1,0,0,High skill tech staff,1.0,2,2,SATURDAY,8,0,0,0,0,0,0,Business Entity Type 3,,0.5756256653620986,0.20915469884100693,0.0825,0.0964,0.9891,0.8504,0.0139,0.0,0.2069,0.1667,0.2083,0.1003,0.0672,0.0884,0.0,0.0,0.084,0.1,0.9891,0.8563,0.014,0.0,0.2069,0.1667,0.2083,0.1025,0.0735,0.0921,0.0,0.0,0.0833,0.0964,0.9891,0.8524,0.0139,0.0,0.2069,0.1667,0.2083,0.102,0.0684,0.09,0.0,0.0,reg oper account,block of flats,0.0767,Panel,No,7.0,0.0,7.0,0.0,-1135.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2263144,233600,Consumer loans,10251.9,110520.0,110520.0,0.0,110520.0,THURSDAY,19,Y,1,0.0,,,XAP,Approved,-13,Cash through the bank,XAP,Unaccompanied,Refreshed,Audio/Video,POS,XNA,Country-wide,4500,Consumer electronics,12.0,low_action,POS household without interest,365243.0,365243.0,347.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,1,382500.0,1012500.0,56668.5,1012500.0,Family,Commercial associate,Higher education,Married,With parents,0.04622,-11364,-3717,-3566.0,-3541,3.0,1,1,1,1,1,0,Managers,3.0,1,1,WEDNESDAY,10,1,1,0,1,1,0,Business Entity Type 1,0.6030925848608426,0.5342692421279802,0.1895952597360396,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1378.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1183334,290291,Consumer loans,10639.26,96817.5,96817.5,0.0,96817.5,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-634,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,30,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-600.0,-330.0,-450.0,-444.0,0.0,0,Revolving loans,M,N,Y,2,157500.0,270000.0,13500.0,270000.0,Family,Working,Incomplete higher,Married,House / apartment,0.008625,-13206,-2301,-7211.0,-4264,,1,1,0,1,0,0,Laborers,4.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Self-employed,,0.4990069098420942,0.2822484337007223,,,0.9851,,,,,,,,,,,,,,0.9851,,,,,,,,,,,,,,0.9851,,,,,,,,,,,,,,0.1824,,No,0.0,0.0,0.0,0.0,-260.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1302026,243647,Consumer loans,21228.93,109786.5,114286.5,0.0,109786.5,MONDAY,10,Y,1,0.0,,,XAP,Approved,-1340,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,3500,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1309.0,-1159.0,-1159.0,-1152.0,0.0,0,Cash loans,F,N,Y,0,135000.0,296280.0,18256.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.020713,-24421,365243,-1402.0,-4436,,1,0,0,1,0,0,,1.0,3,2,THURSDAY,9,0,0,0,0,0,0,XNA,,0.6221635300458556,0.3001077565791181,0.0278,0.0,0.9702,0.5920000000000001,0.0012,0.0,0.0345,0.0417,0.0833,0.0115,0.0219,0.0141,0.0039,0.0043,0.0284,0.0,0.9702,0.608,0.0012,0.0,0.0345,0.0417,0.0833,0.0118,0.0239,0.0147,0.0039,0.0046,0.0281,0.0,0.9702,0.5975,0.0012,0.0,0.0345,0.0417,0.0833,0.0117,0.0222,0.0143,0.0039,0.0044,reg oper account,block of flats,0.0127,"Stone, brick",No,0.0,0.0,0.0,0.0,-2081.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +1324906,305512,Cash loans,22816.08,315000.0,340573.5,,315000.0,FRIDAY,14,Y,1,,,,Repairs,Refused,-97,Cash through the bank,SCOFR,Unaccompanied,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),4,XNA,18.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,103500.0,90000.0,10678.5,90000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.020246,-8713,-682,-5446.0,-1382,,1,1,0,1,1,1,Core staff,2.0,3,3,THURSDAY,12,0,0,0,0,0,0,Mobile,0.29925938911413136,0.18428874796384725,0.1510075350878296,0.0773,0.1318,0.9911,0.8776,0.015,0.0,0.2414,0.1667,0.2083,0.0712,0.063,0.085,0.0,0.0,0.0788,0.1368,0.9911,0.8824,0.0151,0.0,0.2414,0.1667,0.2083,0.0728,0.0689,0.0886,0.0,0.0,0.0781,0.1318,0.9911,0.8792,0.015,0.0,0.2414,0.1667,0.2083,0.0724,0.0641,0.0865,0.0,0.0,reg oper account,block of flats,0.0806,"Stone, brick",No,2.0,0.0,2.0,0.0,-306.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2021930,250187,Cash loans,45495.81,900000.0,1004544.0,,900000.0,THURSDAY,12,Y,1,,,,XNA,Approved,-839,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-808.0,602.0,-208.0,-206.0,0.0,0,Cash loans,M,N,Y,1,270000.0,1288350.0,41692.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-15670,-1884,-3480.0,-4440,,1,1,0,1,0,1,,3.0,2,2,WEDNESDAY,15,0,1,1,0,1,1,Business Entity Type 1,0.4088417787888104,0.6003699914886153,0.3092753558842053,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1701.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2834973,126910,Consumer loans,6927.165,39015.0,34515.0,4500.0,39015.0,FRIDAY,11,Y,1,0.1256160218097934,,,XAP,Approved,-2807,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Stone,49,Connectivity,6.0,high,POS mobile with interest,365243.0,-2768.0,-2618.0,-2618.0,-2581.0,0.0,0,Cash loans,M,Y,N,0,225000.0,1762110.0,48586.5,1575000.0,Family,State servant,Incomplete higher,Married,House / apartment,0.072508,-10210,-3565,-4970.0,-2817,6.0,1,1,0,1,1,0,High skill tech staff,2.0,1,1,THURSDAY,11,0,0,0,0,0,0,Emergency,,0.7739130955983354,0.7001838506835805,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1699.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1831384,162203,Consumer loans,11976.435,62955.0,59170.5,6750.0,62955.0,SATURDAY,15,Y,1,0.11151862677564088,,,XAP,Approved,-957,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,35,Connectivity,6.0,high,POS mobile with interest,365243.0,-924.0,-774.0,-774.0,-767.0,0.0,0,Cash loans,F,N,N,0,139500.0,284400.0,13387.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.00496,-12431,-3307,-5594.0,-4458,,1,1,0,1,0,0,Laborers,1.0,2,2,THURSDAY,14,0,0,0,0,1,1,Business Entity Type 2,0.42563052835705495,0.6066072655510927,0.5172965813614878,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-957.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2304327,221321,Consumer loans,24821.145,133447.5,140494.5,0.0,133447.5,FRIDAY,12,Y,1,0.0,,,XAP,Approved,-218,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,1775,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-188.0,-38.0,-38.0,-34.0,1.0,0,Cash loans,F,Y,Y,0,225000.0,1350000.0,50161.5,1350000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-23293,365243,-1790.0,-4977,3.0,1,0,0,1,0,0,,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,XNA,,0.5593212682676529,0.4596904504249018,0.0928,0.091,0.997,0.9592,0.0187,0.0,0.1034,0.1667,0.0417,0.0205,0.0756,0.085,0.0,0.07200000000000001,0.0945,0.0945,0.997,0.9608,0.0188,0.0,0.1034,0.1667,0.0417,0.0209,0.0826,0.0885,0.0,0.0762,0.0937,0.091,0.997,0.9597,0.0188,0.0,0.1034,0.1667,0.0417,0.0208,0.077,0.0865,0.0,0.0735,not specified,block of flats,0.0927,"Stone, brick",No,1.0,0.0,1.0,0.0,-721.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,2.0,2.0 +2179951,379411,Cash loans,16632.405,135000.0,162315.0,,135000.0,FRIDAY,14,Y,1,,,,XNA,Approved,-396,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-366.0,-36.0,-186.0,-184.0,1.0,0,Cash loans,F,N,Y,1,225000.0,288873.0,18589.5,238500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.010643000000000001,-13903,-2988,-8029.0,-4654,,1,1,0,1,0,0,Cleaning staff,3.0,2,2,TUESDAY,11,0,1,1,0,0,0,Cleaning,0.4341769248774119,0.6677536555224518,0.6023863442690867,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1974.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1927816,415861,Consumer loans,45952.335,700920.0,700920.0,0.0,700920.0,SATURDAY,17,Y,1,0.0,,,XAP,Approved,-727,Cash through the bank,XAP,Unaccompanied,New,Furniture,POS,XNA,Stone,100,Furniture,18.0,low_normal,POS industry with interest,365243.0,-695.0,-185.0,-185.0,-180.0,0.0,0,Cash loans,M,Y,Y,0,306000.0,2013840.0,53253.0,1800000.0,Family,State servant,Secondary / secondary special,Married,House / apartment,0.04622,-23264,-4410,-4837.0,-4336,1.0,1,1,0,1,0,0,Laborers,2.0,1,1,FRIDAY,17,0,0,0,0,0,0,Industry: type 11,,0.28651436985011797,0.3233112448967859,0.1856,0.1035,0.9856,0.8028,0.031,0.2,0.1724,0.3333,0.375,,0.1513,0.19,0.0,0.0,0.1891,0.1074,0.9856,0.8105,0.0313,0.2014,0.1724,0.3333,0.375,,0.1653,0.198,0.0,0.0,0.1874,0.1035,0.9856,0.8054,0.0312,0.2,0.1724,0.3333,0.375,,0.1539,0.1934,0.0,0.0,reg oper account,block of flats,0.1495,Panel,No,0.0,0.0,0.0,0.0,-147.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2505505,423236,Cash loans,56485.485,1080000.0,1174090.5,,1080000.0,SUNDAY,19,Y,1,,,,Other,Approved,-485,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,middle,Cash Street: middle,365243.0,-450.0,600.0,-30.0,-23.0,0.0,0,Cash loans,M,Y,Y,0,288000.0,1552221.0,48870.0,1417500.0,Family,Commercial associate,Higher education,Married,House / apartment,0.016612000000000002,-13104,-443,-1860.0,-3556,4.0,1,1,0,1,0,1,High skill tech staff,2.0,2,2,TUESDAY,15,0,0,0,1,1,0,Business Entity Type 3,0.3274411412617601,0.6226568956931521,0.1940678276718812,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-951.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1265672,328807,Cash loans,21884.85,193500.0,193500.0,,193500.0,SATURDAY,11,Y,1,,,,XNA,Approved,-392,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,25,Connectivity,12.0,high,Cash X-Sell: high,365243.0,-362.0,-32.0,-32.0,-27.0,0.0,0,Cash loans,M,N,N,1,112500.0,299772.0,20029.5,247500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.0105,-10280,-1887,-50.0,-2901,,1,1,0,1,0,0,Laborers,3.0,3,3,FRIDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.28015457828492724,0.7080674074541939,0.6263042766749393,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-1608.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,4.0 +1573996,183524,Cash loans,15512.58,220500.0,220500.0,,220500.0,MONDAY,13,Y,1,,,,XNA,Approved,-1589,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-1559.0,-869.0,-869.0,-855.0,1.0,0,Revolving loans,M,Y,Y,1,180000.0,360000.0,18000.0,360000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-13800,-2791,-4716.0,-787,10.0,1,1,1,1,1,0,High skill tech staff,3.0,2,2,MONDAY,7,0,0,0,0,0,0,Business Entity Type 3,0.17187629186603345,0.6050876946871511,0.39449540531239935,0.0856,0.0064,0.9737,0.6396,,0.0,0.1379,0.1667,0.2083,0.0154,0.0672,0.0692,0.0116,0.0177,0.0872,0.0066,0.9737,0.6537,,0.0,0.1379,0.1667,0.2083,0.0157,0.0735,0.0721,0.0117,0.0187,0.0864,0.0064,0.9737,0.6444,,0.0,0.1379,0.1667,0.2083,0.0156,0.0684,0.0705,0.0116,0.0181,reg oper account,block of flats,0.0583,Panel,No,0.0,0.0,0.0,0.0,-1789.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1537455,454708,Consumer loans,9216.675,81146.88,81146.88,0.0,81146.88,TUESDAY,19,Y,1,0.0,,,XAP,Approved,-391,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,24,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-340.0,-70.0,-190.0,-183.0,0.0,0,Cash loans,M,N,N,1,180000.0,675000.0,32472.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.019688999999999998,-10271,-2745,-825.0,-2827,,1,1,1,1,0,0,Drivers,2.0,2,2,SUNDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.5058344224376451,0.4330756104337408,0.33285056416487313,0.2577,0.0019,0.9806,0.7348,0.0225,0.0,0.5517,0.1667,0.0417,0.2108,0.2034,0.2303,0.0309,0.1152,0.2626,0.002,0.9806,0.7452,0.0227,0.0,0.5517,0.1667,0.0417,0.2156,0.2222,0.2399,0.0311,0.122,0.2602,0.0019,0.9806,0.7383,0.0227,0.0,0.5517,0.1667,0.0417,0.2145,0.2069,0.2344,0.0311,0.1177,,block of flats,0.1853,"Stone, brick",No,0.0,0.0,0.0,0.0,-1398.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2403280,173928,Consumer loans,31175.595,366750.0,330075.0,36675.0,366750.0,SATURDAY,11,Y,1,0.1089090909090909,,,XAP,Approved,-415,Cash through the bank,XAP,,New,Construction Materials,POS,XNA,Stone,70,Construction,12.0,low_normal,POS industry with interest,365243.0,-384.0,-54.0,-174.0,-169.0,0.0,0,Cash loans,F,N,Y,0,135000.0,463284.0,16771.5,382500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-20341,365243,-4080.0,-3825,,1,0,0,1,0,0,,2.0,2,2,MONDAY,12,0,0,0,0,0,0,XNA,,0.7301097243934701,0.445396241560834,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-415.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1130363,285729,Consumer loans,6436.395,68391.0,61461.0,15840.0,68391.0,WEDNESDAY,9,Y,1,0.2231691698684364,,,XAP,Approved,-1203,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,2194,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1172.0,-842.0,-932.0,-926.0,0.0,0,Revolving loans,M,Y,Y,1,157500.0,450000.0,22500.0,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.025164,-20100,365243,-8183.0,-3408,64.0,1,0,0,1,0,0,,3.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,0.5006702022127522,0.7544547903301889,0.7121551551910698,0.0887,0.1005,0.9786,0.7076,0.014,0.0,0.2069,0.1667,,0.0395,,0.0816,,0.0131,0.0903,0.1043,0.9786,0.7190000000000001,0.0141,0.0,0.2069,0.1667,,0.0404,,0.085,,0.0139,0.0895,0.1005,0.9786,0.7115,0.014,0.0,0.2069,0.1667,,0.0402,,0.083,,0.0134,reg oper account,block of flats,0.067,Panel,No,1.0,0.0,1.0,0.0,-1679.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1043508,122002,Cash loans,10710.18,229500.0,266760.0,,229500.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-628,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-598.0,452.0,-328.0,-323.0,1.0,0,Cash loans,F,N,Y,0,90000.0,360000.0,17316.0,360000.0,Family,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.019688999999999998,-23374,365243,-1707.0,-4129,,1,0,0,1,0,0,,1.0,2,2,MONDAY,15,0,0,0,0,0,0,XNA,,0.3587948569742049,0.6706517530862718,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-628.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1052124,383501,Consumer loans,5473.575,53325.0,58603.5,0.0,53325.0,FRIDAY,12,Y,1,0.0,,,XAP,Approved,-1398,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Regional / Local,50,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-1362.0,-1032.0,-1032.0,-1025.0,0.0,0,Cash loans,M,N,N,0,180000.0,497520.0,36054.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.020713,-9525,-1674,-4027.0,-2219,,1,1,1,1,0,0,Drivers,1.0,3,3,TUESDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.24408997157128606,0.5408521943866819,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,15.0,0.0,15.0,0.0,-1398.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1634805,170150,Cash loans,5470.515,67500.0,80865.0,,67500.0,MONDAY,17,Y,1,,,,XNA,Approved,-1080,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Country-wide,21,Connectivity,36.0,high,Cash Street: high,365243.0,-1050.0,0.0,-900.0,-891.0,1.0,0,Cash loans,M,Y,Y,1,180000.0,301500.0,32467.5,301500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009175,-10088,-1102,-7133.0,-2242,14.0,1,1,1,1,1,0,Sales staff,3.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Trade: type 2,0.2687897215871837,0.7580262837838027,0.11247434965561487,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1080.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2656311,412109,Cash loans,9961.47,90000.0,95940.0,,90000.0,SATURDAY,14,Y,1,,,,XNA,Refused,-1196,Cash through the bank,HC,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,225000.0,760225.5,34483.5,679500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.009549,-16666,-3031,-5649.0,-72,,1,1,0,1,1,0,Managers,1.0,2,2,FRIDAY,16,0,0,0,0,0,0,Self-employed,0.6603348438482618,0.5330175496405607,0.4668640059537032,0.0474,0.0441,0.9925,0.898,,0.0,0.1379,0.2083,0.1667,,0.0387,0.0774,0.0,0.0,0.0483,0.0458,0.9926,0.902,,0.0,0.1379,0.2083,0.1667,,0.0422,0.0807,0.0,0.0,0.0479,0.0441,0.9925,0.8994,,0.0,0.1379,0.2083,0.1667,,0.0393,0.0788,0.0,0.0,,block of flats,0.0628,"Stone, brick",No,0.0,0.0,0.0,0.0,-2611.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1386717,348883,Consumer loans,12005.19,51525.0,60678.0,0.0,51525.0,TUESDAY,16,Y,1,0.0,,,XAP,Approved,-1272,Cash through the bank,XAP,Unaccompanied,Repeater,Construction Materials,POS,XNA,Stone,26,Construction,6.0,high,POS industry with interest,365243.0,-1241.0,-1091.0,-1091.0,-1085.0,0.0,0,Cash loans,F,Y,Y,0,184500.0,360000.0,17446.5,360000.0,Family,Working,Secondary / secondary special,Married,Municipal apartment,0.028663,-20730,-535,-270.0,-4268,20.0,1,1,0,1,0,0,Accountants,2.0,2,2,SUNDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.7532049358098746,0.6769925032909132,0.0478,0.0,0.9851,0.7824,0.0124,0.0,0.069,0.075,0.0692,0.0403,0.0639,0.0308,0.0019,0.0003,0.0168,0.0,0.9861,0.7256,0.0017,0.0,0.069,0.0417,0.0833,0.0172,0.0147,0.013,0.0,0.0,0.025,0.0,0.9861,0.8121,0.0125,0.0,0.069,0.0417,0.0833,0.029,0.065,0.0169,0.0019,0.0,reg oper account,block of flats,0.0235,"Stone, brick",No,13.0,0.0,13.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1229889,447643,Consumer loans,9515.475,101250.0,100746.0,10125.0,101250.0,SATURDAY,12,Y,1,0.0994583385605384,,,XAP,Approved,-725,Non-cash from your account,XAP,Unaccompanied,New,Computers,POS,XNA,Regional / Local,400,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-694.0,-364.0,-454.0,-432.0,0.0,0,Revolving loans,F,N,N,1,54000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.018801,-8116,-892,-778.0,-602,,1,1,1,1,0,0,,3.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,School,0.15890767091343674,0.5958389851633757,0.5779691187553125,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-725.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2286715,135830,Consumer loans,10636.56,212242.5,236106.0,0.0,212242.5,SUNDAY,18,Y,1,0.0,,,XAP,Refused,-476,Cash through the bank,LIMIT,,Repeater,Consumer Electronics,POS,XNA,Stone,102,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,0,Cash loans,F,N,N,0,90000.0,414229.5,15615.0,342000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.035792000000000004,-17059,-3846,-5028.0,-565,,1,1,0,1,0,1,Sales staff,1.0,2,2,SUNDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.3354284708172186,0.6295369417278588,0.7636399214572418,0.1784,0.0352,0.9821,,,0.0,0.1034,0.1667,,0.065,,0.0816,,0.0073,0.1817,0.0366,0.9821,,,0.0,0.1034,0.1667,,0.0664,,0.085,,0.0077,0.1801,0.0352,0.9821,,,0.0,0.1034,0.1667,,0.0661,,0.0831,,0.0074,,block of flats,0.0658,Block,No,1.0,0.0,1.0,0.0,-1936.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1550539,179418,Consumer loans,23393.385,138820.5,124938.0,13882.5,138820.5,MONDAY,12,Y,1,0.1089126213020018,,,XAP,Approved,-595,Cash through the bank,XAP,,New,Jewelry,POS,XNA,Country-wide,40,Industry,6.0,middle,POS others without interest,365243.0,-564.0,-414.0,-414.0,-407.0,0.0,0,Cash loans,F,N,Y,0,54000.0,808650.0,26217.0,675000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-19844,-791,-14.0,-2019,,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Trade: type 7,0.6660763762898848,0.6888437377977568,,0.1031,0.1,0.9811,0.7416,0.019,0.0,0.2069,0.1667,0.2083,0.0715,0.0841,0.0916,0.0,0.0,0.105,0.1038,0.9811,0.7517,0.0191,0.0,0.2069,0.1667,0.2083,0.0731,0.0918,0.0954,0.0,0.0,0.1041,0.1,0.9811,0.7451,0.0191,0.0,0.2069,0.1667,0.2083,0.0727,0.0855,0.0932,0.0,0.0,reg oper account,block of flats,0.0824,Block,No,0.0,0.0,0.0,0.0,-595.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1281369,367772,Consumer loans,3894.975,43200.0,38412.0,9000.0,43200.0,WEDNESDAY,15,Y,1,0.2067370746186237,,,XAP,Approved,-945,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,25,Connectivity,14.0,high,POS mobile with interest,365243.0,-908.0,-518.0,-518.0,-514.0,0.0,0,Revolving loans,M,Y,Y,0,135000.0,180000.0,9000.0,180000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,Co-op apartment,0.025164,-9275,-1272,-1745.0,-1745,64.0,1,1,0,1,1,0,Drivers,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.6230267532832134,0.4596904504249018,0.0412,0.0405,0.9727,0.626,0.0041,0.0,0.069,0.1667,0.2083,0.0,0.0336,0.0318,0.0,0.0,0.042,0.0421,0.9727,0.6406,0.0041,0.0,0.069,0.1667,0.2083,0.0,0.0367,0.0331,0.0,0.0,0.0416,0.0405,0.9727,0.631,0.0041,0.0,0.069,0.1667,0.2083,0.0,0.0342,0.0324,0.0,0.0,reg oper account,block of flats,0.0272,Block,No,1.0,0.0,1.0,0.0,-945.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2645150,337076,Cash loans,34216.965,454500.0,490495.5,,454500.0,WEDNESDAY,13,Y,1,,,,XNA,Approved,-813,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-783.0,-93.0,-93.0,-88.0,1.0,0,Cash loans,M,Y,Y,0,180000.0,1027327.5,40873.5,945000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.009656999999999999,-17002,-1395,-9473.0,-540,3.0,1,1,0,1,1,0,Drivers,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Self-employed,,0.5797814962962873,0.4418358231994413,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1123.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1427143,257878,Cash loans,40778.595,1345500.0,1540867.5,,1345500.0,TUESDAY,11,Y,1,,,,Repairs,Refused,-129,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_action,Cash Street: low,,,,,,,0,Cash loans,M,N,Y,0,225000.0,225000.0,17775.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-19308,-471,-11701.0,-2859,,1,1,1,1,0,0,Drivers,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.6813855538131901,0.5849900404894085,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-391.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2439526,107707,Consumer loans,4314.33,22401.0,21159.0,2241.0,22401.0,MONDAY,11,Y,1,0.10430139860139856,,,XAP,Approved,-1778,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Stone,19,Connectivity,6.0,high,POS household with interest,365243.0,-1739.0,-1589.0,-1589.0,-1583.0,0.0,1,Cash loans,F,N,Y,0,135000.0,207000.0,13833.0,207000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.030755,-16207,-491,-10093.0,-4902,,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,12,0,0,0,1,1,0,Trade: type 3,,0.6205017068653794,0.5262949398096192,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1778.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,1.0 +2471276,208653,Cash loans,40232.835,1003500.0,1120068.0,,1003500.0,SATURDAY,13,Y,1,,,,XNA,Refused,-399,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,126000.0,675000.0,19476.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.015221,-22626,365243,-6719.0,-4536,,1,0,0,1,0,0,,1.0,2,2,SATURDAY,11,0,0,0,0,0,0,XNA,,0.6896306162109498,0.4884551844437485,0.0124,0.0,0.9786,0.7076,0.0018,0.0,0.069,0.0417,0.0833,0.0175,0.0101,0.0102,0.0,0.0,0.0126,0.0,0.9786,0.7190000000000001,0.0018,0.0,0.069,0.0417,0.0833,0.0179,0.011,0.0106,0.0,0.0,0.0125,0.0,0.9786,0.7115,0.0018,0.0,0.069,0.0417,0.0833,0.0178,0.0103,0.0103,0.0,0.0,reg oper account,block of flats,0.0085,Wooden,No,0.0,0.0,0.0,0.0,-873.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2630225,388877,Consumer loans,6941.205,38497.5,36265.5,4050.0,38497.5,SUNDAY,4,Y,1,0.10940750286659427,,,XAP,Approved,-890,XNA,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,1000,Consumer electronics,6.0,middle,POS household with interest,365243.0,-859.0,-709.0,-709.0,-699.0,0.0,0,Cash loans,M,Y,Y,3,225000.0,2013840.0,55507.5,1800000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010032,-14052,-5431,-252.0,-4765,16.0,1,1,0,1,0,0,Laborers,5.0,2,2,MONDAY,5,0,0,0,0,0,0,Transport: type 2,0.3381689829645391,0.5295651267733419,0.6925590674998008,0.0997,0.075,0.9886,,,0.0968,0.0834,0.375,,0.0402,,0.1065,,0.0642,0.084,0.0603,0.9876,,,0.0806,0.069,0.375,,0.0411,,0.0889,,0.0534,0.0833,0.0597,0.9891,,,0.08,0.069,0.375,,0.0409,,0.0899,,0.0562,,block of flats,0.1602,Panel,No,0.0,0.0,0.0,0.0,-890.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1058794,243426,Consumer loans,2868.705,26505.0,25821.0,2650.5,26505.0,TUESDAY,11,Y,1,0.10138684138684136,,,XAP,Approved,-2534,XNA,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,90,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-2495.0,-2225.0,-2225.0,-2221.0,1.0,0,Cash loans,F,N,N,0,40050.0,71955.0,7245.0,67500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.0105,-22918,365243,-5918.0,-4005,,1,0,0,1,1,0,,2.0,3,3,TUESDAY,10,0,0,0,0,0,0,XNA,,0.5475780287348655,0.3910549766342248,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-161.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,2.0 +2003034,237669,Consumer loans,4229.01,21960.0,20740.5,2196.0,21960.0,WEDNESDAY,13,Y,1,0.10427238839245903,,,XAP,Approved,-2175,XNA,XAP,Family,New,Mobile,POS,XNA,Stone,175,Consumer electronics,6.0,high,POS household with interest,365243.0,-2137.0,-1987.0,-1987.0,-1982.0,0.0,0,Cash loans,F,N,N,0,31500.0,450000.0,22977.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010966,-14607,-1083,-8603.0,-4612,,1,1,1,1,0,0,Cooking staff,2.0,2,2,FRIDAY,16,0,0,0,0,0,0,Kindergarten,,0.2016752057774648,0.3774042489507649,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1931.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2740082,206259,Cash loans,10748.835,45000.0,52366.5,0.0,45000.0,THURSDAY,13,Y,1,0.0,,,Other,Refused,-1709,Cash through the bank,HC,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,,,,,,,1,Revolving loans,F,N,Y,0,76500.0,180000.0,9000.0,180000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Rented apartment,0.014519999999999996,-14149,-179,-3558.0,-1090,,1,1,0,1,0,0,Sales staff,2.0,2,2,SATURDAY,13,0,0,0,1,1,0,Business Entity Type 3,,0.580617716353303,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2553459,378597,Revolving loans,22500.0,0.0,450000.0,,,TUESDAY,13,Y,1,,,,XAP,Approved,-954,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-755.0,-731.0,365243.0,-305.0,365243.0,0.0,0,Cash loans,F,Y,N,0,360000.0,1125000.0,44748.0,1125000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.014519999999999996,-18594,-521,-5914.0,-2124,1.0,1,1,0,1,1,0,Sales staff,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.560194254710929,0.17249546677733105,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1236.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1862659,139672,Revolving loans,33750.0,675000.0,675000.0,,675000.0,TUESDAY,14,Y,1,,,,XAP,Approved,-310,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,112500.0,269550.0,13761.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.028663,-19237,-11603,-4117.0,-2767,,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Business Entity Type 2,,0.4788139551959837,0.4866531565147181,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-123.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1234394,342633,Cash loans,6717.6,108000.0,108000.0,,108000.0,FRIDAY,17,Y,1,,,,XNA,Approved,-1118,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,high,Cash X-Sell: high,365243.0,-1088.0,-218.0,-728.0,-723.0,0.0,0,Cash loans,F,N,Y,0,108000.0,135000.0,11547.0,135000.0,Unaccompanied,State servant,Higher education,Separated,Municipal apartment,0.009549,-15030,-1201,-8428.0,-5440,,1,1,1,1,1,0,High skill tech staff,1.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Police,0.5662867618195622,0.4954098201938349,0.2353105173615833,0.1031,0.0775,0.9757,,,,0.1724,0.1667,,0.0386,,0.0673,,,0.105,0.0805,0.9757,,,,0.1724,0.1667,,0.0394,,0.0701,,,0.1041,0.0775,0.9757,,,,0.1724,0.1667,,0.0392,,0.0685,,,,block of flats,0.0599,Block,No,0.0,0.0,0.0,0.0,-1351.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2642871,340403,Consumer loans,20235.87,143608.5,151191.0,0.0,143608.5,WEDNESDAY,15,Y,1,0.0,,,XAP,Approved,-142,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,50,Consumer electronics,8.0,low_action,POS household without interest,365243.0,-112.0,98.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,0,180000.0,594000.0,47061.0,594000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.026392000000000002,-9483,-756,-4249.0,-1815,,1,1,0,1,0,0,,1.0,2,2,FRIDAY,18,0,0,0,1,1,0,Business Entity Type 3,0.4611300998856741,0.6452583160310311,0.7324033228040929,0.067,,0.9851,,,0.0,0.0345,0.1667,,0.0538,,0.0411,,0.0057,0.0683,,0.9851,,,0.0,0.0345,0.1667,,0.0551,,0.0428,,0.0061,0.0677,,0.9851,,,0.0,0.0345,0.1667,,0.0548,,0.0418,,0.0058,,block of flats,0.0336,"Stone, brick",No,1.0,0.0,1.0,0.0,-2623.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2247740,360365,Consumer loans,8449.965,124627.5,135850.5,12465.0,124627.5,SATURDAY,16,Y,1,0.09153135162419426,,,XAP,Approved,-1042,XNA,XAP,Unaccompanied,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,2441,Consumer electronics,24.0,middle,POS household with interest,365243.0,-1011.0,-321.0,-351.0,-348.0,0.0,0,Cash loans,M,N,Y,0,225000.0,728460.0,44563.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-9464,-2256,-4132.0,-2144,,1,1,0,1,1,0,Laborers,2.0,2,2,FRIDAY,17,0,0,0,0,0,0,Self-employed,0.6229371297910556,0.6797644929208356,,0.0619,0.0756,0.9896,0.8572,0.0096,0.0,0.1379,0.1667,0.2083,0.0647,0.0504,0.0544,0.0,0.0,0.063,0.0785,0.9896,0.8628,0.0097,0.0,0.1379,0.1667,0.2083,0.0661,0.0551,0.0567,0.0,0.0,0.0625,0.0756,0.9896,0.8591,0.0097,0.0,0.1379,0.1667,0.2083,0.0658,0.0513,0.0554,0.0,0.0,reg oper spec account,block of flats,0.0474,"Stone, brick",No,8.0,0.0,8.0,0.0,-969.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2798122,117700,Consumer loans,11646.855,175554.0,175554.0,0.0,175554.0,THURSDAY,17,Y,1,0.0,,,XAP,Approved,-1159,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,1524,Consumer electronics,18.0,low_normal,POS household with interest,365243.0,-1128.0,-618.0,-618.0,-609.0,0.0,0,Cash loans,M,Y,Y,0,189000.0,1042560.0,34587.0,900000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.019101,-19920,-3183,-2411.0,-3456,6.0,1,1,0,1,0,0,Security staff,2.0,2,2,MONDAY,13,0,0,0,0,0,0,Construction,0.4806561585120614,0.5269712080776263,0.6925590674998008,0.0902,0.1187,0.9871,0.8368,0.0314,0.0,0.1552,0.1667,0.2083,0.0756,0.0714,0.0816,0.0,0.0394,0.0893,0.1144,0.9866,0.8432,0.0316,0.0,0.1034,0.1667,0.2083,0.0621,0.0781,0.0745,0.0,0.0,0.0911,0.1187,0.9871,0.8390000000000001,0.0316,0.0,0.1552,0.1667,0.2083,0.0769,0.0727,0.0831,0.0,0.0403,reg oper account,block of flats,0.0722,Panel,No,0.0,0.0,0.0,0.0,-220.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1038015,155495,Cash loans,41431.095,477000.0,533668.5,,477000.0,WEDNESDAY,14,Y,1,,,,XNA,Refused,-2,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,Y,Y,1,135000.0,553806.0,28404.0,495000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.009549,-9705,-3108,-9691.0,-2353,22.0,1,1,0,1,0,0,Waiters/barmen staff,3.0,2,2,FRIDAY,15,0,0,0,0,0,0,Self-employed,,0.7014243458455739,0.4830501881366946,0.0876,0.0974,0.9776,,,,0.2069,0.1667,,0.0659,,0.083,,,0.0893,0.1011,0.9777,,,,0.2069,0.1667,,0.0674,,0.0865,,,0.0885,0.0974,0.9776,,,,0.2069,0.1667,,0.0671,,0.0845,,,,block of flats,0.0706,Panel,No,0.0,0.0,0.0,0.0,-2256.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1219562,263868,Consumer loans,11490.075,61605.0,74052.0,0.0,61605.0,THURSDAY,13,Y,1,0.0,,,XAP,Approved,-1780,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,1307,Consumer electronics,8.0,high,POS household with interest,365243.0,-1748.0,-1538.0,-1538.0,-1532.0,0.0,0,Revolving loans,F,N,Y,0,90000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-17139,-4565,-453.0,-675,,1,1,0,1,0,0,Laborers,2.0,3,3,SATURDAY,8,0,0,0,0,0,0,Agriculture,,0.4337253684814824,0.7583930617144343,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,-1507.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1587125,455587,Cash loans,29187.945,135000.0,155695.5,,135000.0,THURSDAY,10,Y,1,,,,Other,Refused,-1607,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,72000.0,52128.0,5472.0,45000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-19461,-3139,-8438.0,-3005,,1,1,1,1,0,0,,2.0,2,2,MONDAY,9,0,0,0,0,0,0,Kindergarten,,0.7912769652590522,0.6109913280868294,0.132,0.044,0.9881,,0.0549,0.08,0.0345,0.625,,0.0715,,0.1254,,0.0,0.1345,0.0457,0.9881,,0.0554,0.0806,0.0345,0.625,,0.0731,,0.1307,,0.0,0.1332,0.044,0.9881,,0.0552,0.08,0.0345,0.625,,0.0727,,0.1277,,0.0,,block of flats,0.1286,Panel,No,0.0,0.0,0.0,0.0,-2380.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2162841,419298,Consumer loans,36299.7,379764.0,362997.0,40500.0,379764.0,SATURDAY,14,Y,1,0.10931477016726716,,,XAP,Approved,-1363,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,621,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1332.0,-1002.0,-1002.0,-997.0,0.0,0,Cash loans,M,N,N,1,180000.0,550467.0,26901.0,387000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.007305,-14196,-196,-1848.0,-4321,,1,1,0,1,0,0,Drivers,3.0,3,3,THURSDAY,8,0,0,0,0,0,0,Other,,0.22503524543062106,0.375711009574066,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,1.0,5.0,0.0,-1363.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2080966,234253,Consumer loans,5564.88,36616.5,39636.0,0.0,36616.5,THURSDAY,13,Y,1,0.0,,,XAP,Approved,-1512,XNA,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,1084,Consumer electronics,10.0,high,POS household with interest,365243.0,-1481.0,-1211.0,-1241.0,-1236.0,0.0,0,Cash loans,F,N,Y,0,202500.0,615109.5,31536.0,531000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018029,-19832,-8577,-9578.0,-3355,,1,1,0,1,0,1,Laborers,2.0,3,3,THURSDAY,8,0,0,0,0,0,0,Housing,0.2297365046124452,0.32691063926232994,0.4596904504249018,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2139334,379570,Consumer loans,21621.915,240030.0,192024.0,48006.0,240030.0,THURSDAY,14,Y,1,0.2178181818181818,,,XAP,Refused,-979,Cash through the bank,HC,Family,Repeater,Clothing and Accessories,POS,XNA,Regional / Local,10,Clothing,10.0,low_normal,POS industry with interest,,,,,,,0,Cash loans,F,N,Y,0,225000.0,1044000.0,30654.0,1044000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-20020,-4573,-7411.0,-3414,,1,1,0,1,0,1,Sales staff,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Self-employed,,0.4657889198575781,0.4489622731076524,0.0742,,0.9851,,,0.08,0.069,0.3333,,,,0.0827,,0.0067,0.0756,,0.9851,,,0.0806,0.069,0.3333,,,,0.085,,0.0,0.0749,,0.9851,,,0.08,0.069,0.3333,,,,0.0844,,0.0049,,block of flats,0.065,"Stone, brick",No,12.0,0.0,12.0,0.0,-979.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,5.0,0.0,4.0 +2557127,310415,Consumer loans,2553.345,28075.5,24984.0,3091.5,28075.5,THURSDAY,13,Y,1,0.11992393885966572,,,XAP,Approved,-2885,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Stone,363,Consumer electronics,11.0,low_normal,POS household without interest,365243.0,-2853.0,-2553.0,-2553.0,-2546.0,0.0,0,Cash loans,F,N,Y,0,157500.0,500211.0,49603.5,463500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009175,-16682,-2831,-2482.0,-211,,1,1,0,1,0,0,Sales staff,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,Self-employed,,0.5982011950482508,0.7826078370261895,0.0825,0.0812,0.9752,0.66,0.006999999999999999,0.0,0.1379,0.1667,0.2083,0.052000000000000005,0.0672,0.063,0.0,0.0,0.084,0.0843,0.9752,0.6733,0.006999999999999999,0.0,0.1379,0.1667,0.2083,0.0532,0.0735,0.0656,0.0,0.0,0.0833,0.0812,0.9752,0.6645,0.006999999999999999,0.0,0.1379,0.1667,0.2083,0.0529,0.0684,0.0641,0.0,0.0,reg oper account,block of flats,0.0533,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2430175,213751,Consumer loans,6029.415,31806.0,30042.0,3181.5,31806.0,TUESDAY,9,Y,1,0.1042919237067957,,,XAP,Approved,-2295,XNA,XAP,Family,New,Mobile,POS,XNA,Country-wide,40,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2264.0,-2114.0,-2114.0,-2108.0,1.0,0,Cash loans,F,Y,Y,2,112500.0,808650.0,31464.0,675000.0,Unaccompanied,Working,Lower secondary,Married,House / apartment,0.001276,-11995,-5416,-1908.0,-3804,10.0,1,1,0,1,0,0,Cooking staff,4.0,2,2,MONDAY,4,0,0,0,0,0,0,School,0.2186063313424413,0.6048211679446068,0.7862666146611379,0.0616,0.0477,0.9871,0.8232,0.0082,0.0,0.0862,0.1667,0.2083,0.0391,0.0502,0.0374,0.0,0.0308,0.0315,0.0321,0.9871,0.8301,0.0045,0.0,0.069,0.1667,0.2083,0.0265,0.0275,0.0193,0.0,0.0,0.0468,0.0498,0.9871,0.8256,0.0084,0.0,0.069,0.1667,0.2083,0.0357,0.0385,0.0414,0.0,0.0204,reg oper account,block of flats,0.0257,Panel,No,3.0,0.0,3.0,0.0,-2295.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2760536,443337,Consumer loans,4353.165,24102.0,21690.0,2412.0,24102.0,WEDNESDAY,7,Y,1,0.10899042704867944,,,XAP,Approved,-2560,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Stone,35,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2529.0,-2379.0,-2379.0,-2374.0,0.0,0,Cash loans,M,N,N,2,180000.0,1321902.0,38781.0,1035000.0,"Spouse, partner",Working,Secondary / secondary special,Married,Rented apartment,0.020246,-13679,-3398,-3293.0,-4331,,1,1,0,1,1,0,Laborers,4.0,3,3,MONDAY,12,0,0,0,0,1,1,Business Entity Type 2,0.25092024274856245,0.0458142778605808,0.2910973802776635,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1542281,451776,Consumer loans,5605.065,85495.5,85495.5,0.0,85495.5,SATURDAY,16,Y,1,0.0,,,XAP,Approved,-310,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,2105,Consumer electronics,18.0,low_normal,POS household with interest,365243.0,-279.0,231.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,N,0,112500.0,501948.0,13932.0,328500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.018634,-20113,-246,-2930.0,-3406,19.0,1,1,0,1,0,1,Accountants,1.0,2,2,THURSDAY,18,0,0,0,0,0,0,Agriculture,0.5870554995569922,0.5752089489998942,0.178760465484575,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1089.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +1970064,437927,Revolving loans,22500.0,0.0,450000.0,,,SATURDAY,13,Y,1,,,,XAP,Approved,-815,XNA,XAP,,Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,0,180000.0,288873.0,19435.5,238500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Office apartment,0.02461,-16743,-808,-10870.0,-292,,1,1,0,1,1,0,Laborers,1.0,2,2,TUESDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.2226462871584708,0.695126459090938,0.6738300778602003,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-815.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2045499,101941,Cash loans,6190.875,45000.0,54738.0,,45000.0,THURSDAY,9,Y,1,,,,XNA,Approved,-575,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-545.0,-215.0,-215.0,-208.0,1.0,0,Cash loans,F,N,N,1,54000.0,315000.0,19165.5,315000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018209,-10901,-3165,-3922.0,-3572,,1,1,0,1,1,0,Sales staff,3.0,3,3,SUNDAY,12,0,0,0,0,0,0,Business Entity Type 1,0.4108600857855855,0.4497779666513706,0.6706517530862718,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-575.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1033971,239447,Consumer loans,11245.14,94275.0,94275.0,0.0,94275.0,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-859,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,10.0,middle,POS mobile without interest,365243.0,-819.0,-549.0,-789.0,-781.0,0.0,0,Revolving loans,M,Y,Y,0,135000.0,225000.0,11250.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-12492,-3708,-6313.0,-4405,1.0,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.6355590132263156,0.2526029607343179,0.5352762504724826,0.2216,0.1435,0.9876,0.83,0.1366,0.16,0.1379,0.3333,0.375,0.0299,0.1799,0.2085,0.0039,0.0079,0.2258,0.1489,0.9876,0.8367,0.1379,0.1611,0.1379,0.3333,0.375,0.0306,0.1965,0.2172,0.0039,0.0084,0.2238,0.1435,0.9876,0.8323,0.1375,0.16,0.1379,0.3333,0.375,0.0304,0.183,0.2122,0.0039,0.0081,reg oper account,block of flats,0.2404,Block,No,3.0,1.0,3.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1674993,350002,Consumer loans,1811.25,16788.375,15106.5,1681.875,16788.375,MONDAY,12,Y,1,0.10910613878515772,,,XAP,Approved,-1766,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,150,Consumer electronics,12.0,high,POS household with interest,365243.0,-1735.0,-1405.0,-1405.0,-1396.0,0.0,0,Cash loans,F,N,Y,0,72000.0,675000.0,19737.0,675000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.01885,-19369,-6949,-11632.0,-2903,,1,1,1,1,1,0,,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Kindergarten,,0.6479067374633358,0.6610235391308081,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,2.0,3.0,2.0,-1766.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +2004516,432199,Cash loans,28595.88,225000.0,239850.0,,225000.0,SUNDAY,10,Y,1,,,,Buying a used car,Approved,-411,Cash through the bank,XAP,,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-381.0,-51.0,-51.0,-47.0,1.0,0,Cash loans,F,N,Y,0,144000.0,948582.0,27864.0,679500.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.010147,-22087,365243,-5016.0,-5094,,1,0,0,1,1,0,,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,XNA,,0.5933298699977649,0.21518240418475384,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-411.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1695361,150134,Cash loans,,0.0,0.0,,,SATURDAY,12,Y,1,,,,XNA,Refused,-264,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,112500.0,840951.0,35761.5,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010147,-19469,-1022,-805.0,-3012,,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,16,0,0,0,0,0,0,Trade: type 7,,0.5670354648499356,0.39277386060313396,0.068,0.0,0.9791,0.7144,0.0022,0.0,0.1379,0.1667,0.2083,0.0334,0.0555,0.0589,0.0,0.0126,0.0693,0.0,0.9791,0.7256,0.0022,0.0,0.1379,0.1667,0.2083,0.0341,0.0606,0.0614,0.0,0.0134,0.0687,0.0,0.9791,0.7182,0.0022,0.0,0.1379,0.1667,0.2083,0.034,0.0564,0.06,0.0,0.0129,reg oper spec account,block of flats,0.0491,"Stone, brick",No,1.0,0.0,1.0,0.0,-1649.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1518925,399198,Consumer loans,13710.69,126504.0,124191.0,13500.0,126504.0,THURSDAY,11,Y,1,0.10678059766235463,,,XAP,Approved,-1899,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Stone,824,Consumer electronics,12.0,high,POS household with interest,365243.0,-1868.0,-1538.0,-1538.0,-1532.0,0.0,0,Cash loans,F,N,Y,0,99000.0,571446.0,16839.0,477000.0,Family,Working,Secondary / secondary special,Married,Municipal apartment,0.031329,-16609,-4641,-7792.0,-156,,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,Industry: type 9,,0.22388183521221605,0.7076993447402619,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-509.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1594123,238250,Cash loans,,0.0,0.0,,,MONDAY,8,Y,1,,,,XNA,Refused,-338,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,157500.0,1575000.0,47754.0,1575000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.007120000000000001,-21536,365243,-2878.0,-4758,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,XNA,0.8451232407513305,0.6076400241213843,0.6313545365850379,0.0165,0.0479,0.9309,,,0.0,0.069,0.0417,,,,0.0079,,0.0805,0.0168,0.0497,0.931,,,0.0,0.069,0.0417,,,,0.0083,,0.0852,0.0167,0.0479,0.9309,,,0.0,0.069,0.0417,,,,0.0081,,0.0821,,block of flats,0.0062,Mixed,No,0.0,0.0,0.0,0.0,-1450.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,7.0 +1131713,190425,Consumer loans,1598.85,31864.5,35451.0,0.0,31864.5,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-1511,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,2105,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1480.0,-790.0,-790.0,-783.0,0.0,0,Cash loans,F,N,Y,0,40500.0,113760.0,6480.0,90000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.018634,-18845,-10979,-8102.0,-2395,,1,1,1,1,1,0,Laborers,1.0,2,2,SATURDAY,13,0,0,0,0,0,0,Postal,,0.5265078509926321,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1511.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1001029,191280,Consumer loans,3380.265,17595.0,16578.0,1800.0,17595.0,SUNDAY,10,Y,1,0.10666904104710176,,,XAP,Approved,-1745,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,34,Connectivity,6.0,high,POS mobile with interest,365243.0,-1710.0,-1560.0,-1560.0,-1493.0,0.0,0,Cash loans,F,N,Y,1,90000.0,1125000.0,36423.0,1125000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.028663,-9902,-3039,-2353.0,-2178,,1,1,0,1,1,0,,3.0,2,2,TUESDAY,11,0,0,0,0,1,1,Business Entity Type 2,,0.6230678397348887,0.5656079814115492,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-653.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1288168,327647,Consumer loans,3668.94,26910.0,30600.0,2691.0,26910.0,SUNDAY,13,Y,1,0.08803411241367448,,,XAP,Approved,-1909,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,2334,Consumer electronics,12.0,high,POS household with interest,365243.0,-1878.0,-1548.0,-1578.0,-1573.0,0.0,0,Cash loans,F,N,N,3,135000.0,1350000.0,37125.0,1350000.0,Family,State servant,Higher education,Married,House / apartment,0.025164,-14068,-3590,-6251.0,-4988,,1,1,0,1,0,0,Core staff,5.0,2,2,THURSDAY,7,0,0,0,1,0,1,Government,0.6622098747276713,0.2653117484731741,0.6161216908872079,0.0,,0.9881,,,0.16,0.1379,0.375,,,,,,,0.0,,0.9881,,,0.1611,0.1379,0.375,,,,,,,0.0,,0.9881,,,0.16,0.1379,0.375,,,,,,,,block of flats,0.1095,Panel,No,0.0,0.0,0.0,0.0,-1909.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1623598,236532,Consumer loans,18252.855,94005.0,93748.5,4680.0,94005.0,TUESDAY,11,Y,1,0.051783227973051016,,,XAP,Approved,-1495,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,25,Connectivity,6.0,high,POS mobile with interest,365243.0,-1458.0,-1308.0,-1308.0,-1301.0,0.0,0,Cash loans,M,N,Y,1,180000.0,755190.0,36459.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-14795,-4006,-7942.0,-4378,,1,1,0,1,1,0,Laborers,3.0,1,1,SATURDAY,17,0,1,1,0,0,0,Business Entity Type 3,,0.6509486613301455,0.7016957740576931,0.3907,0.1436,0.9791,0.7144,0.0561,0.44,0.3793,0.3333,0.375,0.124,0.3093,0.3798,0.0425,0.1299,0.3981,0.1491,0.9791,0.7256,0.0566,0.4431,0.3793,0.3333,0.375,0.1268,0.3379,0.3957,0.0428,0.1375,0.3945,0.1436,0.9791,0.7182,0.0564,0.44,0.3793,0.3333,0.375,0.1262,0.3147,0.3866,0.0427,0.1326,reg oper account,block of flats,0.3576,"Stone, brick",No,0.0,0.0,0.0,0.0,-1815.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2147853,330558,Cash loans,9950.13,135000.0,152820.0,,135000.0,FRIDAY,16,Y,1,,,,XNA,Approved,-32,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,365243.0,688.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,198000.0,504000.0,18513.0,504000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-11807,-817,-5656.0,-2176,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.569932197328181,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-628.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2026578,102192,Cash loans,21192.48,270000.0,291919.5,,270000.0,THURSDAY,10,Y,1,,,,XNA,Refused,-931,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,N,0,135000.0,450000.0,43839.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.026392000000000002,-20130,-2393,-3051.0,-3499,,1,1,0,1,1,0,Managers,1.0,2,2,WEDNESDAY,21,0,0,0,0,0,0,Other,,0.5654510398932711,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-923.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +2070587,364696,Revolving loans,22500.0,0.0,450000.0,,,FRIDAY,16,Y,1,,,,XAP,Approved,-825,XNA,XAP,,Refreshed,XNA,Cards,x-sell,Credit and cash offices,100,XNA,0.0,XNA,Card X-Sell,-824.0,-789.0,365243.0,-636.0,-70.0,0.0,0,Cash loans,M,Y,N,2,337500.0,900000.0,35028.0,900000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.032561,-13919,-3055,-4732.0,-3975,3.0,1,1,0,1,1,0,High skill tech staff,4.0,1,1,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.8077450637129522,0.7253001105327084,0.34741822720026416,0.0186,0.0072,0.9429,0.218,0.0096,,0.1034,0.125,0.1667,0.0085,0.0134,0.0259,0.0077,0.0,0.0189,0.0075,0.9429,0.2486,0.0097,,0.1034,0.125,0.1667,0.0087,0.0147,0.027000000000000003,0.0078,0.0,0.0187,0.0072,0.9429,0.2285,0.0097,,0.1034,0.125,0.1667,0.0087,0.0137,0.0264,0.0078,0.0,reg oper account,block of flats,0.0257,"Stone, brick",No,0.0,0.0,0.0,0.0,-2200.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1448992,398649,Consumer loans,4969.89,44955.0,40455.0,4500.0,44955.0,FRIDAY,15,Y,1,0.10901810901810903,,,XAP,Approved,-398,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,26,Connectivity,10.0,middle,POS mobile with interest,365243.0,-357.0,-87.0,-207.0,-200.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,526491.0,27009.0,454500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-17778,-1194,-6155.0,-1331,10.0,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,17,0,0,0,0,0,0,Other,,0.7518855451528933,0.3825018041447388,0.0835,,0.9588,,,,,0.125,,,,,,,0.0851,,0.9588,,,,,0.125,,,,,,,0.0843,,0.9588,,,,,0.125,,,,,,,,block of flats,0.0656,,No,2.0,0.0,2.0,0.0,-398.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1589012,134041,Consumer loans,7238.925,66600.0,73633.5,0.0,66600.0,MONDAY,8,Y,1,0.0,,,XAP,Approved,-651,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Stone,300,Furniture,12.0,middle,POS industry with interest,365243.0,-620.0,-290.0,-290.0,-281.0,0.0,0,Cash loans,F,N,Y,0,57150.0,490536.0,18621.0,405000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.001417,-17839,-570,-9817.0,-1399,,1,1,1,1,1,0,Cleaning staff,2.0,2,2,MONDAY,8,0,0,0,0,0,0,School,,0.08772391408163521,0.29708661164720285,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-651.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2548960,437995,Consumer loans,7131.555,59400.0,53460.0,5940.0,59400.0,SATURDAY,12,Y,1,0.1089090909090909,,,XAP,Refused,-2869,Cash through the bank,SCO,,New,XNA,POS,XNA,Stone,10,Connectivity,10.0,high,POS mobile with interest,,,,,,,0,Cash loans,M,N,N,1,180000.0,1293502.5,37944.0,1129500.0,Unaccompanied,Working,Secondary / secondary special,Married,Rented apartment,0.019688999999999998,-12409,-2606,-3228.0,-4362,,1,1,0,1,0,0,Laborers,3.0,2,2,FRIDAY,11,0,0,0,1,1,0,Electricity,,0.4074179565217023,0.6263042766749393,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-258.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1209912,201287,Consumer loans,12202.83,72175.5,76941.0,0.0,72175.5,TUESDAY,15,Y,1,0.0,,,XAP,Approved,-2435,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,951,Consumer electronics,8.0,high,POS household with interest,365243.0,-2403.0,-2193.0,-2193.0,-2185.0,1.0,0,Cash loans,M,N,Y,0,360000.0,776695.5,43497.0,711000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.072508,-22438,365243,-7222.0,-4804,,1,0,0,1,1,0,,2.0,1,1,MONDAY,13,0,0,0,0,0,0,XNA,,0.4403105723809472,0.6706517530862718,0.4371,0.2261,0.9781,0.7008,0.133,0.4,0.3448,0.3333,0.375,0.0491,0.3564,0.4125,0.0,0.0116,0.4454,0.2346,0.9782,0.7125,0.1342,0.4028,0.3448,0.3333,0.375,0.0502,0.3893,0.4298,0.0,0.0123,0.4413,0.2261,0.9781,0.7048,0.1339,0.4,0.3448,0.3333,0.375,0.05,0.3626,0.4199,0.0,0.0118,reg oper account,block of flats,0.327,Panel,No,0.0,0.0,0.0,0.0,-1965.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1516466,405911,Consumer loans,9659.205,76410.0,80248.5,3825.0,76410.0,SATURDAY,15,Y,1,0.049549176937711985,,,XAP,Approved,-559,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,97,Connectivity,12.0,high,POS mobile with interest,365243.0,-518.0,-188.0,-308.0,-306.0,0.0,0,Revolving loans,M,Y,Y,0,225000.0,675000.0,33750.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-18722,-318,-11364.0,-2277,3.0,1,1,0,1,0,0,Drivers,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.6976232002588106,0.08904388274986882,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-559.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1260722,325713,Cash loans,8981.82,45000.0,46485.0,0.0,45000.0,SUNDAY,16,Y,1,0.0,,,XNA,Approved,-2305,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,6.0,high,Cash Street: high,365243.0,-2275.0,-2125.0,-2125.0,-2123.0,1.0,0,Cash loans,M,N,Y,0,315000.0,263686.5,27148.5,238500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.011656999999999999,-19555,-2545,-1812.0,-3108,,1,1,0,1,0,0,Managers,2.0,1,1,TUESDAY,10,0,1,1,0,0,0,Security,,0.6802022764078426,0.4686596550493113,0.0928,0.0964,0.9876,,,,0.2069,0.1667,,,,0.0941,,0.0442,0.0945,0.1,0.9876,,,,0.2069,0.1667,,,,0.0981,,0.0468,0.0937,0.0964,0.9876,,,,0.2069,0.1667,,,,0.0958,,0.0451,,block of flats,0.0836,Panel,No,2.0,0.0,2.0,0.0,0.0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1678119,389944,Cash loans,15451.38,360000.0,426528.0,,360000.0,SATURDAY,14,Y,1,,,,XNA,Approved,-774,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-744.0,666.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,90000.0,284400.0,16011.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.04622,-23852,365243,-8485.0,-4863,,1,0,0,1,0,0,,1.0,1,1,WEDNESDAY,11,0,0,0,0,0,0,XNA,0.9381898536982772,0.7129296061072307,,0.0753,0.0819,0.9712,0.6056,0.0224,0.0,0.1034,0.1667,0.2083,0.0804,0.058,0.0925,0.0154,0.0437,0.0767,0.085,0.9712,0.621,0.0226,0.0,0.1034,0.1667,0.2083,0.0822,0.0634,0.0963,0.0156,0.0463,0.076,0.0819,0.9712,0.6109,0.0225,0.0,0.1034,0.1667,0.2083,0.0818,0.059,0.0941,0.0155,0.0446,reg oper account,block of flats,0.0945,"Stone, brick",No,0.0,0.0,0.0,0.0,-1887.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2253658,132944,Cash loans,29334.195,540000.0,614844.0,,540000.0,SUNDAY,8,Y,1,,,,XNA,Approved,-713,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,42.0,middle,Cash X-Sell: middle,365243.0,-683.0,547.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,112500.0,1205896.5,35388.0,1053000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-21175,-339,-11.0,-4278,,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Postal,0.7675644369590788,0.5541946887618384,0.5262949398096192,0.066,0.0681,0.9776,,,0.0,0.1379,0.125,,0.0142,,0.0557,,0.0,0.0672,0.0707,0.9777,,,0.0,0.1379,0.125,,0.0145,,0.058,,0.0,0.0666,0.0681,0.9776,,,0.0,0.1379,0.125,,0.0145,,0.0567,,0.0,,block of flats,0.0438,Panel,No,4.0,0.0,4.0,0.0,-713.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2120062,296347,Revolving loans,6750.0,0.0,135000.0,,,THURSDAY,12,Y,1,,,,XAP,Approved,-1422,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,180000.0,1436508.0,51727.5,1269000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.025164,-15708,-7293,-1233.0,-1437,,1,1,0,1,0,1,Managers,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,Military,0.7777581873882415,0.6473777741248368,,0.0619,0.0621,0.9771,0.6872,0.0081,0.0,0.1379,0.1667,0.2083,0.0629,0.0504,0.0532,0.0,0.0,0.063,0.0644,0.9772,0.6994,0.0082,0.0,0.1379,0.1667,0.2083,0.0643,0.0551,0.0554,0.0,0.0,0.0625,0.0621,0.9771,0.6914,0.0082,0.0,0.1379,0.1667,0.2083,0.064,0.0513,0.0541,0.0,0.0,reg oper account,block of flats,0.0463,Block,No,4.0,0.0,4.0,0.0,-1923.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2221605,111211,Cash loans,43839.0,450000.0,450000.0,,450000.0,WEDNESDAY,8,Y,1,,,,XNA,Approved,-169,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-139.0,191.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,135000.0,450000.0,22860.0,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.028663,-23146,365243,-678.0,-4199,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,7,0,0,0,0,0,0,XNA,,0.7588115711510866,,0.0186,0.0011,0.9861,0.8096,0.046,0.0,0.1034,0.0417,0.0833,0.0316,0.0151,0.0099,0.0,0.0,0.0189,0.0011,0.9861,0.8171,0.0464,0.0,0.1034,0.0417,0.0833,0.0324,0.0165,0.0103,0.0,0.0,0.0187,0.0011,0.9861,0.8121,0.0462,0.0,0.1034,0.0417,0.0833,0.0322,0.0154,0.0101,0.0,0.0,reg oper account,block of flats,0.0161,"Stone, brick",No,2.0,0.0,2.0,0.0,-848.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1235790,412865,Cash loans,9417.735,135000.0,135000.0,0.0,135000.0,TUESDAY,7,Y,1,0.0,,,XNA,Approved,-2096,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,24.0,high,Cash Street: high,365243.0,-2066.0,-1376.0,-1436.0,-1426.0,0.0,0,Cash loans,F,N,Y,0,112500.0,276277.5,19359.0,238500.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.007120000000000001,-19656,365243,-697.0,-3182,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,10,0,0,0,1,0,0,XNA,0.7602876205396532,0.4557974583579618,0.5620604831738043,0.066,,0.9742,,,,0.1379,0.125,,,,0.0499,,,0.0672,,0.9742,,,,0.1379,0.125,,,,0.052000000000000005,,,0.0666,,0.9742,,,,0.1379,0.125,,,,0.0508,,,,block of flats,0.0393,"Stone, brick",No,5.0,0.0,5.0,0.0,-1792.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1954085,178332,Consumer loans,8283.51,66060.0,72598.5,0.0,66060.0,THURSDAY,11,Y,1,0.0,,,XAP,Approved,-2517,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Regional / Local,782,Consumer electronics,12.0,high,POS household with interest,365243.0,-2486.0,-2156.0,-2216.0,-2213.0,1.0,0,Cash loans,F,N,Y,0,157500.0,804096.0,29673.0,576000.0,Family,Working,Lower secondary,Married,House / apartment,0.010032,-15689,-1059,-3000.0,-3059,,1,1,0,1,0,0,,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Restaurant,,0.6454985429054778,0.6161216908872079,0.0619,0.0512,0.9786,0.7076,0.024,0.0,0.1379,0.1667,0.2083,0.0508,0.0504,0.0529,0.0,0.0,0.063,0.0532,0.9786,0.7190000000000001,0.0243,0.0,0.1379,0.1667,0.2083,0.052000000000000005,0.0551,0.0551,0.0,0.0,0.0625,0.0512,0.9786,0.7115,0.0242,0.0,0.1379,0.1667,0.2083,0.0517,0.0513,0.0539,0.0,0.0,,block of flats,0.0548,Panel,No,0.0,0.0,0.0,0.0,-501.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,2.0 +1985870,445509,Cash loans,11321.01,324000.0,411673.5,,324000.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-238,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-208.0,1562.0,365243.0,365243.0,1.0,0,Revolving loans,F,N,Y,0,67500.0,225000.0,11250.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.004849,-23348,-5983,-5913.0,-4002,,1,1,0,1,0,0,Security staff,1.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.3495169890032225,0.2067786544915716,0.1351,,0.9831,,,,,,,,,,,,0.1376,,0.9831,,,,,,,,,,,,0.1364,,0.9831,,,,,,,,,,,,,block of flats,0.0798,"Stone, brick",No,1.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2486621,125484,Consumer loans,6622.11,59391.0,59391.0,0.0,59391.0,WEDNESDAY,7,Y,1,0.0,,,XAP,Approved,-2306,Cash through the bank,XAP,Family,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,475,Consumer electronics,12.0,high,POS household with interest,365243.0,-2275.0,-1945.0,-1945.0,-1938.0,0.0,0,Cash loans,M,N,Y,5,67500.0,284400.0,17527.5,225000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.020246,-12911,-1801,-444.0,-5129,,1,1,0,1,0,0,Low-skill Laborers,7.0,3,3,SATURDAY,11,0,0,0,0,0,0,Agriculture,,0.19944530845435296,0.746300213050371,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1029.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2030936,149800,Consumer loans,14522.355,113841.0,123858.0,0.0,113841.0,SATURDAY,13,Y,1,0.0,,,XAP,Refused,-951,Cash through the bank,SCOFR,"Spouse, partner",New,Computers,POS,XNA,Country-wide,1500,Consumer electronics,10.0,middle,POS household with interest,,,,,,,0,Cash loans,M,N,Y,0,225000.0,675000.0,53460.0,675000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.028663,-9678,-358,-763.0,-2317,,1,1,0,1,0,1,Managers,1.0,2,2,FRIDAY,13,0,0,0,0,1,1,Trade: type 7,0.3454573102638085,0.5583454606908226,0.1008037063175332,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-951.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,1.0 +1747107,341515,Consumer loans,6522.885,30055.5,31990.5,3015.0,30055.5,SUNDAY,10,Y,1,0.0938026621790602,,,XAP,Approved,-1856,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,30,Connectivity,6.0,high,POS mobile with interest,365243.0,-1788.0,-1638.0,-1668.0,-1660.0,0.0,0,Cash loans,F,N,N,0,45000.0,199467.0,14314.5,166500.0,Family,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.025164,-19755,-2177,-3293.0,-3310,,1,1,0,1,0,0,Cooking staff,1.0,2,2,MONDAY,9,0,0,0,0,0,0,Government,,0.15967923350263774,0.8224987619370829,0.0825,0.075,0.9747,0.6532,0.0078,0.0,0.1379,0.1667,0.2083,0.0155,0.0672,0.07,0.0,0.0,0.084,0.0778,0.9747,0.6668,0.0079,0.0,0.1379,0.1667,0.2083,0.0158,0.0735,0.073,0.0,0.0,0.0833,0.075,0.9747,0.6578,0.0079,0.0,0.1379,0.1667,0.2083,0.0157,0.0684,0.0713,0.0,0.0,reg oper account,block of flats,0.0551,Panel,No,0.0,0.0,0.0,0.0,-1856.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1488598,369324,Cash loans,28873.17,450000.0,491580.0,,450000.0,TUESDAY,12,Y,1,,,,XNA,Approved,-861,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),3,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-831.0,-141.0,-171.0,-163.0,1.0,0,Cash loans,F,N,Y,0,180000.0,1303812.0,35982.0,1138500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.004849,-20837,-3524,-6969.0,-4234,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Other,,0.5137421972399955,0.4956658291397297,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1163.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2044613,209183,Cash loans,29353.05,675000.0,756081.0,,675000.0,THURSDAY,11,Y,1,,,,XNA,Approved,-725,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,42.0,low_normal,Cash X-Sell: low,365243.0,-695.0,535.0,-485.0,-477.0,1.0,0,Cash loans,F,Y,N,0,337500.0,306306.0,15637.5,247500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00702,-15177,-1053,-7626.0,-4085,12.0,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Self-employed,,0.23477904053996895,0.3791004853998145,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1057303,367286,Consumer loans,4865.355,46125.0,45598.5,4635.0,46125.0,SUNDAY,16,Y,1,0.10048944158054614,,,XAP,Approved,-1952,Cash through the bank,XAP,"Spouse, partner",Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,5,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1921.0,-1591.0,-1591.0,-1581.0,0.0,0,Cash loans,M,N,Y,0,216000.0,1125000.0,40410.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.015221,-10114,-476,-6392.0,-2780,,1,1,1,1,1,0,,2.0,2,2,SATURDAY,12,0,1,1,0,1,1,Business Entity Type 3,0.5149106531361424,0.2847563334517926,0.445396241560834,0.0928,0.101,0.9781,,,0.0,0.2069,0.1667,,0.0755,,0.0879,,0.0,0.0945,0.1048,0.9782,,,0.0,0.2069,0.1667,,0.0772,,0.0915,,0.0,0.0937,0.101,0.9781,,,0.0,0.2069,0.1667,,0.0768,,0.0894,,0.0,,block of flats,0.0757,Panel,No,0.0,0.0,0.0,0.0,-645.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,1.0 +1825681,309139,Cash loans,27449.82,450000.0,491580.0,,450000.0,FRIDAY,9,Y,1,,,,XNA,Approved,-493,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-463.0,227.0,-403.0,-393.0,1.0,0,Cash loans,F,Y,Y,0,180000.0,656811.0,35122.5,567000.0,Family,Working,Higher education,Single / not married,House / apartment,0.020713,-20389,-2708,-4496.0,-3931,38.0,1,1,0,1,0,0,,1.0,3,2,MONDAY,6,0,0,0,0,0,0,University,0.8158126747162681,0.6299805289275121,0.2807895743848605,0.3577,0.0,0.9861,0.8096,0.2967,0.48,0.4138,0.375,0.4167,0.2273,0.29,0.2793,0.0077,0.0145,0.3645,0.0,0.9861,0.8171,0.2994,0.4834,0.4138,0.375,0.4167,0.2325,0.3168,0.29100000000000004,0.0078,0.0153,0.3612,0.0,0.9861,0.8121,0.2986,0.48,0.4138,0.375,0.4167,0.2313,0.295,0.2844,0.0078,0.0148,org spec account,block of flats,0.3851,Panel,No,1.0,0.0,1.0,0.0,-3579.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1239792,236839,Consumer loans,22432.14,226642.5,226642.5,0.0,226642.5,MONDAY,14,Y,1,0.0,,,XAP,Approved,-1157,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Stone,132,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1126.0,-796.0,-796.0,-787.0,0.0,0,Cash loans,F,N,Y,0,90000.0,278613.0,27684.0,252000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.008473999999999999,-21730,365243,-11732.0,-4778,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,XNA,,0.5452529457162226,0.33928769990891394,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1157.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1194547,240029,Consumer loans,28470.285,145147.5,161149.5,0.0,145147.5,SUNDAY,16,Y,1,0.0,,,XAP,Approved,-627,Cash through the bank,XAP,Family,Repeater,Clothing and Accessories,POS,XNA,Stone,310,Clothing,6.0,low_normal,POS industry with interest,365243.0,-596.0,-446.0,-506.0,-501.0,0.0,0,Cash loans,F,N,Y,2,81000.0,755190.0,32125.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.005084,-11438,-865,-93.0,-3845,,1,1,0,1,0,0,Laborers,4.0,2,2,THURSDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.3142216762822113,0.6449829660049656,,0.0371,0.0655,0.9841,,,,0.1034,0.0833,,,,,,,0.0378,0.0679,0.9841,,,,0.1034,0.0833,,,,,,,0.0375,0.0655,0.9841,,,,0.1034,0.0833,,,,,,,,block of flats,0.0281,"Stone, brick",No,0.0,0.0,0.0,0.0,-2176.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1388622,273885,Consumer loans,5556.42,20997.0,19503.0,2115.0,20997.0,THURSDAY,17,Y,1,0.10655135871622133,,,XAP,Approved,-2277,Cash through the bank,XAP,Unaccompanied,Refreshed,Mobile,POS,XNA,Stone,10,Connectivity,4.0,low_normal,POS mobile with interest,365243.0,-2246.0,-2156.0,-2156.0,-2113.0,1.0,0,Cash loans,M,N,N,0,112500.0,448056.0,16888.5,315000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.02461,-11664,-1370,-5145.0,-3,,1,1,0,1,1,0,Drivers,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.4538454467472513,0.6023863442690867,0.2227,0.154,0.9806,0.7348,0.026,0.16,0.1379,0.3333,0.375,0.1368,0.1816,0.2195,0.0,0.0,0.2269,0.1598,0.9806,0.7452,0.0262,0.1611,0.1379,0.3333,0.375,0.1399,0.1983,0.2287,0.0,0.0,0.2248,0.154,0.9806,0.7383,0.0262,0.16,0.1379,0.3333,0.375,0.1392,0.1847,0.2234,0.0,0.0,,block of flats,0.2287,Panel,No,0.0,0.0,0.0,0.0,-1472.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1052444,254111,Cash loans,16377.84,225000.0,269550.0,,225000.0,THURSDAY,8,Y,1,,,,XNA,Approved,-1035,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash X-Sell: high,365243.0,-1005.0,45.0,-135.0,-129.0,1.0,0,Cash loans,F,Y,N,1,90000.0,276277.5,11835.0,238500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.020713,-15552,-845,-1078.0,-4769,64.0,1,1,0,1,0,0,Sales staff,3.0,3,3,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.5322157156242195,0.414861477635626,0.501075160239048,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1234.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1927033,367726,Consumer loans,4416.75,33655.5,36837.0,4500.0,33655.5,WEDNESDAY,15,Y,1,0.1185598638243968,,,XAP,Approved,-1932,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,26,Connectivity,12.0,high,POS mobile with interest,365243.0,-1888.0,-1558.0,-1558.0,-1368.0,0.0,0,Cash loans,M,Y,Y,0,315000.0,450000.0,27324.0,450000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-16652,-1302,-1398.0,-197,15.0,1,1,0,1,0,0,Drivers,2.0,2,2,WEDNESDAY,14,0,0,0,0,1,1,Security,,0.7517060046308341,0.501075160239048,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1932.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1983906,300433,Cash loans,9830.97,90000.0,95940.0,,90000.0,TUESDAY,14,Y,1,,,,XNA,Approved,-329,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),6,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-299.0,31.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,1,90000.0,123637.5,8734.5,112500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010276,-14485,-7932,-1391.0,-3527,15.0,1,1,1,1,0,0,Medicine staff,3.0,2,2,TUESDAY,14,0,0,0,0,0,0,Medicine,0.4610400437305283,0.7751465686679216,0.501075160239048,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1622.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2214063,453327,Cash loans,18369.9,360000.0,417024.0,,360000.0,MONDAY,14,Y,1,,,,XNA,Refused,-248,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,,,,,,,1,Cash loans,F,Y,Y,0,144000.0,127350.0,14499.0,112500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.015221,-17203,-2776,-4931.0,-749,5.0,1,1,1,1,1,0,High skill tech staff,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.6162723799161732,0.5966391675152887,0.19294222771695085,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1940425,322813,Consumer loans,29238.75,279000.0,297414.0,0.0,279000.0,FRIDAY,14,Y,1,0.0,,,XAP,Approved,-854,Cash through the bank,XAP,Unaccompanied,New,Construction Materials,POS,XNA,Stone,1693,Construction,12.0,middle,POS industry with interest,365243.0,-822.0,-492.0,-492.0,-488.0,0.0,0,Cash loans,F,N,Y,0,135000.0,390960.0,20092.5,337500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.00496,-16979,-2196,-2543.0,-538,,1,1,0,1,0,0,Medicine staff,2.0,2,2,FRIDAY,9,0,0,0,0,1,1,Medicine,,0.5629024281724996,0.5867400085415683,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-854.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2495633,260880,Cash loans,27449.82,450000.0,491580.0,,450000.0,SUNDAY,12,Y,1,,,,XNA,Approved,-564,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-534.0,156.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,90000.0,755190.0,36459.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.020246,-17190,-918,-8189.0,-743,,1,1,0,1,0,0,Sales staff,2.0,3,3,THURSDAY,8,0,0,0,0,0,0,Business Entity Type 3,0.6608342901031904,0.1778015634027145,0.5226973172821112,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1274.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1512480,364843,Cash loans,31949.91,760500.0,838800.0,,760500.0,TUESDAY,14,Y,1,,,,XNA,Refused,-158,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,67500.0,381528.0,15318.0,315000.0,Children,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-22586,365243,-584.0,-4103,,1,0,0,1,1,0,,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,XNA,0.6707391645546814,0.2622583692422573,,0.0392,0.079,0.9707,0.5988,0.0102,0.0,0.1379,0.125,0.1667,0.0518,0.0319,0.0454,0.0,0.0377,0.0399,0.08199999999999999,0.9707,0.6145,0.0103,0.0,0.1379,0.125,0.1667,0.053,0.0349,0.0473,0.0,0.0399,0.0396,0.079,0.9707,0.6042,0.0102,0.0,0.1379,0.125,0.1667,0.0527,0.0325,0.0462,0.0,0.0385,reg oper account,block of flats,0.0427,"Stone, brick",No,9.0,1.0,9.0,1.0,-1528.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1158761,110021,Consumer loans,14408.235,115155.0,125289.0,0.0,115155.0,SATURDAY,17,Y,1,0.0,,,XAP,Approved,-629,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Regional / Local,30,Consumer electronics,10.0,middle,POS household with interest,365243.0,-598.0,-328.0,-388.0,-383.0,0.0,0,Cash loans,F,Y,Y,2,171000.0,688500.0,36810.0,688500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-13829,-213,-5922.0,-5246,4.0,1,1,1,1,1,0,Sales staff,4.0,2,2,FRIDAY,8,0,0,0,0,0,0,Trade: type 7,0.6124062998247947,0.5251938517438115,0.7016957740576931,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1931.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1133708,219352,Cash loans,28873.17,450000.0,491580.0,,450000.0,SATURDAY,9,Y,1,,,,XNA,Approved,-468,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-438.0,252.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,0,135000.0,176328.0,6777.0,139500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020713,-21076,365243,-4504.0,-2544,19.0,1,0,0,1,0,0,,2.0,3,1,FRIDAY,9,0,0,0,0,0,0,XNA,,0.5319941175480001,,0.1066,0.0,0.9836,0.7756,0.022,0.096,0.1241,0.3,0.0,0.0462,0.0854,0.1049,0.0069,0.0072,0.0756,0.0,0.9836,0.7844,0.012,0.1208,0.1034,0.3333,0.0,0.0227,0.0643,0.0732,0.0078,0.0063,0.1114,0.0,0.9836,0.7786,0.0181,0.12,0.1034,0.3333,0.0,0.0523,0.0898,0.1131,0.0078,0.0073,reg oper account,block of flats,0.0667,Panel,No,0.0,0.0,0.0,0.0,-1093.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2493582,118289,Cash loans,27533.475,355500.0,355500.0,,355500.0,TUESDAY,10,Y,1,,,,XNA,Refused,-621,XNA,HC,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,18.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,112500.0,407520.0,32197.5,360000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.020246,-17380,-2875,-8623.0,-923,,1,1,1,1,1,0,Sales staff,1.0,3,3,SUNDAY,10,0,0,0,0,0,0,Business Entity Type 1,,0.1867968747754524,,0.0082,0.0,0.9578,0.422,0.0103,0.0,0.069,0.0417,0.0833,0.027000000000000003,0.0067,0.0096,0.0,0.0,0.0084,0.0,0.9578,0.4446,0.0104,0.0,0.069,0.0417,0.0833,0.0276,0.0073,0.01,0.0,0.0,0.0083,0.0,0.9578,0.4297,0.0104,0.0,0.069,0.0417,0.0833,0.0275,0.0068,0.0098,0.0,0.0,not specified,block of flats,0.0076,Wooden,Yes,0.0,0.0,0.0,0.0,-139.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1359289,225081,Consumer loans,5730.93,57317.4,51583.5,5733.9,57317.4,MONDAY,16,Y,1,0.10895013318183244,,,XAP,Approved,-2617,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,-1,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2586.0,-2316.0,-2316.0,-2303.0,0.0,1,Cash loans,F,N,N,0,90000.0,473760.0,44982.0,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.022625,-15942,-8939,-1444.0,-4039,,1,1,1,1,0,0,Medicine staff,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Other,,0.6289145316970889,0.6512602186973006,0.067,,0.0,,,0.0,0.0517,0.125,,,,0.0343,,,0.0347,,0.0005,,,0.0,0.0345,0.0833,,,,0.0209,,,0.0677,,0.0,,,0.0,0.0517,0.125,,,,0.035,,,,block of flats,0.0334,"Stone, brick",No,0.0,0.0,0.0,0.0,-1954.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2126630,400585,Cash loans,11609.325,202500.0,202500.0,0.0,202500.0,THURSDAY,13,Y,1,0.0,,,XNA,Approved,-2539,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,30.0,middle,Cash Street: middle,365243.0,-2509.0,-1639.0,-1639.0,-1633.0,0.0,0,Cash loans,M,Y,Y,2,202500.0,1611072.0,44433.0,1440000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009549,-11509,-3415,-2696.0,-3311,1.0,1,1,0,1,0,0,,4.0,2,2,TUESDAY,13,0,0,0,0,1,1,Business Entity Type 3,,0.5549509363721968,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1817.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2469829,324023,Consumer loans,29961.675,155160.0,145728.0,15516.0,155160.0,SUNDAY,8,Y,1,0.10479977267653083,,,XAP,Approved,-1233,XNA,XAP,Other_A,New,Mobile,POS,XNA,Stone,100,Connectivity,6.0,high,POS mobile with interest,365243.0,-1202.0,-1052.0,-1052.0,-1044.0,0.0,0,Cash loans,M,Y,Y,0,414000.0,755190.0,56592.0,675000.0,Unaccompanied,Working,Incomplete higher,Married,With parents,0.001276,-11168,-3208,-462.0,-3512,14.0,1,1,0,1,0,1,,2.0,2,2,MONDAY,6,0,0,0,0,0,0,Military,0.17389744644833144,0.6243355108871944,0.6690566947824041,0.1072,0.1257,0.9881,,,0.0,0.2759,0.1667,,0.0591,,0.1013,,0.0048,0.1092,0.1304,0.9881,,,0.0,0.2759,0.1667,,0.0605,,0.1056,,0.0051,0.1083,0.1257,0.9881,,,0.0,0.2759,0.1667,,0.0601,,0.1031,,0.0049,,block of flats,0.1023,Panel,No,4.0,0.0,4.0,0.0,-1233.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1706653,443746,Revolving loans,22500.0,225000.0,450000.0,,225000.0,TUESDAY,7,N,1,,,,XAP,Refused,-804,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,N,Y,0,135000.0,675000.0,24930.0,675000.0,"Spouse, partner",Working,Higher education,Married,House / apartment,0.014519999999999996,-20084,-3365,-4791.0,-3240,,1,1,0,1,0,0,Drivers,2.0,2,2,MONDAY,7,0,0,0,0,1,1,Self-employed,,0.6865518581532369,0.6848276586890367,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1302.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1724616,406191,Consumer loans,16704.27,91215.0,91215.0,0.0,91215.0,THURSDAY,16,Y,1,0.0,,,XAP,Approved,-1244,Cash through the bank,XAP,"Spouse, partner",New,Computers,POS,XNA,Regional / Local,92,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1211.0,-1061.0,-1061.0,-1059.0,0.0,0,Cash loans,M,N,Y,0,135000.0,790434.0,40486.5,706500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.008575,-9610,-1866,-2498.0,-1887,,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,14,0,1,1,1,1,1,Industry: type 1,0.1725567683829905,0.538853160520091,0.5226973172821112,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1244.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2003797,263008,Consumer loans,4423.185,20052.0,16600.5,4014.0,20052.0,FRIDAY,18,Y,1,0.21206485285070736,,,XAP,Refused,-1077,Cash through the bank,HC,,Repeater,Mobile,POS,XNA,Country-wide,16,Connectivity,4.0,middle,POS mobile without interest,,,,,,,0,Cash loans,M,N,Y,2,225000.0,900000.0,46084.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-11700,-1227,-3391.0,-4240,,1,1,0,1,0,0,,4.0,2,2,THURSDAY,16,0,0,0,0,1,1,Business Entity Type 3,0.24298911660262915,0.6064767987472164,0.5989262182569273,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2297.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,0.0,0.0,7.0 +2035202,262789,Cash loans,20965.59,472500.0,528633.0,,472500.0,SATURDAY,9,Y,1,,,,XNA,Approved,-175,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-145.0,905.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,1,225000.0,894766.5,29700.0,679500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018801,-13667,-1664,-1879.0,-4377,,1,1,0,1,0,0,Laborers,3.0,2,2,SATURDAY,8,0,0,0,1,1,0,Business Entity Type 3,,0.6299550413445746,0.7001838506835805,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,0.0,-175.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2786667,131939,Cash loans,20965.59,472500.0,528633.0,,472500.0,FRIDAY,12,Y,1,,,,XNA,Refused,-253,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,157500.0,993996.0,43915.5,873000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.018029,-21811,365243,-4575.0,-4841,,1,0,0,1,0,0,,2.0,3,2,SATURDAY,9,0,0,0,0,0,0,XNA,0.5074186252622969,0.5200600837632015,0.3139166772114369,0.0082,0.0,0.9717,0.6124,,0.0,0.0345,0.0417,0.0833,0.0147,,0.0093,,0.0,0.0084,0.0,0.9717,0.6276,,0.0,0.0345,0.0417,0.0833,0.015,,0.0097,,0.0,0.0083,0.0,0.9717,0.6176,,0.0,0.0345,0.0417,0.0833,0.015,,0.0094,,0.0,,block of flats,0.008,Wooden,No,4.0,0.0,4.0,0.0,-2635.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1744732,308777,Consumer loans,5061.42,25605.0,24183.0,2560.5,25605.0,TUESDAY,21,Y,1,0.1042727119758922,,,XAP,Approved,-1249,Cash through the bank,XAP,Children,New,Mobile,POS,XNA,Country-wide,15,Connectivity,6.0,high,POS mobile with interest,365243.0,-1217.0,-1067.0,-1067.0,-1062.0,0.0,0,Cash loans,F,N,Y,0,202500.0,840996.0,24718.5,702000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.022625,-19730,-522,-756.0,-3269,,1,1,0,1,0,0,Core staff,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,School,0.7667149042298881,0.6859539034024057,0.33928769990891394,0.1113,0.0797,0.998,0.9728,0.0782,0.12,0.1034,0.375,0.4167,0.0188,0.0908,0.1366,0.0,0.0551,0.1134,0.0827,0.998,0.9739,0.0789,0.1208,0.1034,0.375,0.4167,0.0192,0.0992,0.1424,0.0,0.0584,0.1124,0.0797,0.998,0.9732,0.0787,0.12,0.1034,0.375,0.4167,0.0191,0.0923,0.1391,0.0,0.0563,not specified,block of flats,0.1622,Others,No,2.0,0.0,2.0,0.0,-238.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,4.0,0.0,2.0 +1982613,172583,Consumer loans,6888.825,37035.0,38992.5,0.0,37035.0,WEDNESDAY,9,Y,1,0.0,,,XAP,Approved,-782,XNA,XAP,Unaccompanied,Repeater,Photo / Cinema Equipment,POS,XNA,Stone,17,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-751.0,-601.0,-691.0,-686.0,0.0,0,Cash loans,F,N,Y,0,81000.0,67500.0,4927.5,67500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.019688999999999998,-19640,-2779,-10289.0,-2848,,1,1,1,1,0,0,Sales staff,1.0,2,2,MONDAY,10,0,0,0,0,0,0,Government,,0.6387700522210294,0.6925590674998008,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-1106.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2758802,282433,Consumer loans,27672.255,276750.0,249075.0,27675.0,276750.0,MONDAY,8,Y,1,0.1089090909090909,,,XAP,Approved,-2049,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Stone,100,Furniture,10.0,low_normal,POS industry with interest,365243.0,-2018.0,-1748.0,-1748.0,-1742.0,0.0,0,Cash loans,F,Y,N,0,67500.0,585000.0,22887.0,585000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.008068,-22740,365243,-6638.0,-4832,12.0,1,0,0,1,1,0,,2.0,3,3,FRIDAY,12,0,0,0,0,0,0,XNA,,0.4615961938178846,0.6801388218428291,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2049.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2201028,176303,Cash loans,18792.0,270000.0,270000.0,,270000.0,THURSDAY,11,Y,1,,,,XNA,Refused,-270,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,18.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,180000.0,377370.0,29331.0,315000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.002042,-21905,365243,-12561.0,-4246,17.0,1,0,0,1,0,0,,2.0,3,3,MONDAY,10,0,0,0,0,0,0,XNA,,0.15378957261727108,0.6801388218428291,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1643.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1468015,320714,Revolving loans,38250.0,0.0,765000.0,,,TUESDAY,15,Y,1,,,,XAP,Approved,-694,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-688.0,-636.0,365243.0,-363.0,365243.0,0.0,0,Cash loans,F,N,N,0,202500.0,1921797.0,66928.5,1755000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00496,-13300,-1916,-967.0,-4081,,1,1,0,1,1,0,Sales staff,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Self-employed,0.4450341586938243,0.1954053647843656,,0.1289,,0.9975,,,,,,,,,,,,0.1313,,0.9975,,,,,,,,,,,,0.1301,,0.9975,,,,,,,,,,,,,block of flats,0.0313,,No,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2807881,175813,Cash loans,14921.505,180000.0,197820.0,,180000.0,FRIDAY,10,Y,1,,,,XNA,Approved,-1036,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,N,Y,0,270000.0,536917.5,19413.0,463500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009175,-21823,-1498,-3254.0,-4104,,1,1,0,1,0,1,,2.0,2,2,FRIDAY,18,0,1,1,0,0,0,School,0.7146098716793337,0.7095162706305912,,0.267,0.0249,0.9846,,,0.28,0.2414,0.3333,,0.0848,,0.1748,,,0.2721,0.0258,0.9846,,,0.282,0.2414,0.3333,,0.0867,,0.1821,,,0.2696,0.0249,0.9846,,,0.28,0.2414,0.3333,,0.0863,,0.1779,,,,block of flats,0.2157,Panel,No,3.0,1.0,3.0,0.0,-2124.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2465576,160363,Cash loans,13212.99,234000.0,283419.0,,234000.0,THURSDAY,12,Y,1,,,,XNA,Approved,-77,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-47.0,1363.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,0,148500.0,474183.0,22234.5,391500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.02461,-22428,365243,-5406.0,-4261,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,XNA,,0.5934512219310597,,0.0619,0.058,0.9767,0.6804,0.0071,0.0,0.1034,0.1667,0.2083,0.0363,0.0504,0.0511,0.0,0.0,0.063,0.0602,0.9767,0.6929,0.0071,0.0,0.1034,0.1667,0.2083,0.0371,0.0551,0.0532,0.0,0.0,0.0625,0.058,0.9767,0.6847,0.0071,0.0,0.1034,0.1667,0.2083,0.0369,0.0513,0.052000000000000005,0.0,0.0,,block of flats,0.054000000000000006,Panel,No,0.0,0.0,0.0,0.0,-534.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,3.0 +2526483,368518,Cash loans,15119.19,135000.0,143910.0,,135000.0,WEDNESDAY,8,Y,1,,,,XNA,Approved,-1490,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1460.0,-1130.0,-1130.0,-1122.0,1.0,0,Cash loans,M,Y,N,1,135000.0,315000.0,21051.0,315000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-14966,-7568,-8985.0,-4885,8.0,1,1,0,1,1,0,Laborers,3.0,2,2,MONDAY,14,0,0,0,0,0,0,Industry: type 5,0.3796607927384277,0.6048263945586565,0.6296742509538716,0.2454,0.2341,0.9811,0.7416,0.0337,0.0,0.5517,0.1667,0.2083,0.2074,0.2,0.2328,0.0039,0.015,0.25,0.243,0.9811,0.7517,0.034,0.0,0.5517,0.1667,0.2083,0.2122,0.2185,0.2425,0.0039,0.0158,0.2477,0.2341,0.9811,0.7451,0.0339,0.0,0.5517,0.1667,0.2083,0.211,0.2035,0.237,0.0039,0.0153,reg oper account,block of flats,0.2048,Panel,No,1.0,0.0,1.0,0.0,-1751.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,7.0 +2796732,348113,Cash loans,7767.405,90000.0,98910.0,,90000.0,WEDNESDAY,14,Y,1,,,,Medicine,Refused,-265,XNA,SCO,Unaccompanied,Repeater,XNA,Cash,walk-in,Country-wide,57,Connectivity,18.0,middle,Cash Street: middle,,,,,,,1,Cash loans,F,N,N,0,180000.0,354276.0,13486.5,292500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.010643000000000001,-21777,365243,-10602.0,-4666,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,15,0,0,0,0,0,0,XNA,,0.25827984116145336,0.13342925446731707,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-268.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,7.0 +1211058,229809,Consumer loans,12683.79,116550.0,128857.5,0.0,116550.0,SATURDAY,15,Y,1,0.0,,,XAP,Approved,-174,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,250,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-144.0,186.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,1,242100.0,509400.0,40374.0,450000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.002042,-10576,-3150,-1128.0,-2745,2.0,1,1,0,1,0,0,Medicine staff,3.0,3,3,FRIDAY,17,0,0,0,0,0,0,Other,,0.1558727604902816,0.1061556230153924,0.0825,0.0842,0.9767,,,0.0,0.1379,0.1667,,0.0859,,0.0756,,0.004,0.084,0.0874,0.9767,,,0.0,0.1379,0.1667,,0.0879,,0.0787,,0.0042,0.0833,0.0842,0.9767,,,0.0,0.1379,0.1667,,0.0874,,0.0769,,0.0041,,block of flats,0.0647,Panel,No,0.0,0.0,0.0,0.0,-1103.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1762701,295972,Cash loans,9241.875,238500.0,238500.0,,238500.0,THURSDAY,12,Y,1,,,,XNA,Approved,-277,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,middle,Cash X-Sell: middle,365243.0,-247.0,1523.0,365243.0,365243.0,0.0,1,Cash loans,F,N,Y,0,135000.0,545040.0,20677.5,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.008473999999999999,-21848,365243,-1175.0,-4655,,1,0,0,1,0,0,,2.0,2,2,MONDAY,10,0,0,0,0,0,0,XNA,,0.08115241883639923,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1623.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1842550,260697,Cash loans,54844.02,2079000.0,2079000.0,,2079000.0,FRIDAY,8,Y,1,,,,XNA,Refused,-262,XNA,HC,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,M,Y,N,0,225000.0,239850.0,25447.5,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.014519999999999996,-17900,-794,-3371.0,-1322,11.0,1,1,1,1,1,0,Managers,2.0,2,2,SATURDAY,16,0,0,0,0,1,1,Trade: type 7,0.5165112313707417,0.20561867186342309,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1494.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2355910,169981,Cash loans,11982.825,369000.0,454239.0,,369000.0,TUESDAY,15,Y,1,,,,XNA,Refused,-330,Non-cash from your account,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,121500.0,474048.0,24331.5,360000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.019101,-20346,365243,-2954.0,-2997,65.0,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,XNA,0.566479974085808,0.7023806188894612,0.5937175866150576,0.0186,0.0473,0.9841,0.7824,0.0253,0.0,0.1034,0.0417,0.0417,0.0153,0.0151,0.0166,0.0,0.0,0.0189,0.0491,0.9841,0.7909,0.0256,0.0,0.1034,0.0417,0.0417,0.0156,0.0165,0.0173,0.0,0.0,0.0187,0.0473,0.9841,0.7853,0.0255,0.0,0.1034,0.0417,0.0417,0.0156,0.0154,0.0169,0.0,0.0,reg oper account,block of flats,0.0138,"Stone, brick",No,5.0,0.0,5.0,0.0,-1695.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1236938,184204,Cash loans,40386.33,585000.0,631332.0,,585000.0,MONDAY,10,Y,1,,,,XNA,Approved,-529,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-499.0,191.0,-259.0,-257.0,1.0,0,Cash loans,M,N,Y,0,225000.0,807984.0,26833.5,697500.0,Unaccompanied,Commercial associate,Incomplete higher,Single / not married,House / apartment,0.018634,-19622,-3024,-4879.0,-3055,,1,1,0,1,0,0,,1.0,2,2,FRIDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.6789022773633191,0.8256357449717892,0.0794,0.0291,0.9806,0.7348,0.0088,0.0,0.1379,0.1667,0.2083,0.0302,0.0639,0.0722,0.0039,0.0097,0.0809,0.0302,0.9806,0.7452,0.0089,0.0,0.1379,0.1667,0.2083,0.0309,0.0698,0.0753,0.0039,0.0103,0.0802,0.0291,0.9806,0.7383,0.0089,0.0,0.1379,0.1667,0.2083,0.0308,0.065,0.0735,0.0039,0.0099,reg oper account,block of flats,0.0589,"Stone, brick",No,0.0,0.0,0.0,0.0,-851.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2190300,430091,Cash loans,13700.925,225000.0,254700.0,,225000.0,SATURDAY,8,Y,1,,,,XNA,Approved,-242,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Stone,20,Consumer electronics,24.0,low_normal,Cash X-Sell: low,365243.0,-212.0,478.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,121500.0,1138900.5,33430.5,994500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-20026,-1550,-9913.0,-3569,,1,1,1,1,1,0,Medicine staff,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Medicine,,0.5002970958614138,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-434.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2414326,339002,Cash loans,12945.78,229500.0,229500.0,,229500.0,WEDNESDAY,17,Y,1,,,,XNA,Approved,-734,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-704.0,-14.0,-464.0,-457.0,0.0,0,Revolving loans,M,Y,N,1,135000.0,382500.0,19125.0,382500.0,Unaccompanied,Commercial associate,Higher education,Married,With parents,0.018634,-12924,-96,-1270.0,-4278,3.0,1,1,0,1,0,0,,3.0,2,2,TUESDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.6819170757822061,0.5661762837192631,0.6127042441012546,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1626.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2199885,424761,Cash loans,15884.775,135000.0,143910.0,,135000.0,THURSDAY,8,Y,1,,,,XNA,Approved,-301,XNA,XAP,,Refreshed,XNA,Cash,x-sell,Contact center,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-271.0,59.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,0,193500.0,922716.0,51651.0,855000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.072508,-15678,-1684,-7773.0,-3557,,1,1,0,1,1,0,Laborers,2.0,1,1,FRIDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.7719166697481892,0.651787890991021,,0.1479,0.0972,0.9806,0.7348,0.0472,0.16,0.1379,0.3333,0.375,0.0,0.1206,0.1443,0.0,0.0,0.1502,0.1008,0.9806,0.7452,0.0466,0.1611,0.1379,0.3333,0.375,0.0,0.1313,0.1502,0.0,0.0,0.1494,0.0972,0.9806,0.7383,0.0475,0.16,0.1379,0.3333,0.375,0.0,0.1227,0.1469,0.0,0.0,reg oper account,block of flats,0.1134,Panel,No,0.0,0.0,0.0,0.0,-1420.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1834081,140567,Consumer loans,3834.585,32341.5,31981.5,3240.0,32341.5,FRIDAY,14,Y,1,0.10018467542423076,,,XAP,Refused,-1844,Cash through the bank,LIMIT,,Repeater,Mobile,POS,XNA,Country-wide,36,Connectivity,12.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,Y,N,0,382500.0,945000.0,33610.5,945000.0,Unaccompanied,Working,Incomplete higher,Single / not married,House / apartment,0.026392000000000002,-12262,-358,-1608.0,-3052,9.0,1,1,0,1,0,0,Core staff,1.0,2,2,MONDAY,18,0,0,0,0,0,0,Bank,0.5369925429504375,0.6996535857066483,0.10684194768082178,0.0856,,0.9767,,,0.0,0.1379,0.1667,,,,0.0518,,0.1064,0.0872,,0.9767,,,0.0,0.1379,0.1667,,,,0.0539,,0.1127,0.0864,,0.9767,,,0.0,0.1379,0.1667,,,,0.0527,,0.1087,,block of flats,0.0639,"Stone, brick",No,10.0,3.0,10.0,2.0,-1516.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,6.0,0.0,2.0 +1936837,277817,Consumer loans,8814.105,46080.0,48514.5,0.0,46080.0,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-363,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Regional / Local,300,Consumer electronics,6.0,middle,POS household with interest,365243.0,-332.0,-182.0,-242.0,-236.0,0.0,0,Cash loans,M,Y,N,0,157500.0,981747.0,41724.0,877500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.0038130000000000004,-19636,-3649,-6577.0,-3186,14.0,1,1,0,1,0,0,Drivers,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Self-employed,0.3023399293418117,0.2306092253239972,0.5172965813614878,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1273.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,2.0 +1590233,416552,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SATURDAY,8,Y,1,,,,XAP,Approved,-265,XNA,XAP,Unaccompanied,Refreshed,XNA,Cards,walk-in,Country-wide,50,Connectivity,0.0,XNA,Card Street,-261.0,-219.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,103500.0,178290.0,10084.5,157500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.020246,-20674,-13350,-8816.0,-4175,,1,1,1,1,1,0,Core staff,2.0,3,3,FRIDAY,5,0,0,0,0,0,0,School,,0.3863430131032539,0.18629294965553744,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-265.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2345939,123068,Cash loans,17626.05,270000.0,299223.0,,270000.0,FRIDAY,10,Y,1,,,,XNA,Approved,-1013,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-983.0,-293.0,-893.0,-884.0,1.0,1,Cash loans,M,Y,Y,0,315000.0,849501.0,85869.0,792000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-19964,-3384,-777.0,-3480,14.0,1,1,0,1,0,1,Sales staff,2.0,2,2,WEDNESDAY,7,0,0,0,0,0,0,Trade: type 7,0.5388403605142094,0.5462829523331876,0.4974688893052743,0.132,0.0713,0.9846,0.7892,0.0549,0.16,0.1379,0.375,0.4167,0.1193,0.1059,0.1413,0.0077,0.2331,0.1345,0.07400000000000001,0.9846,0.7975,0.0554,0.1611,0.1379,0.375,0.4167,0.122,0.1157,0.1472,0.0078,0.2468,0.1332,0.0713,0.9846,0.792,0.0552,0.16,0.1379,0.375,0.4167,0.1213,0.1077,0.1438,0.0078,0.238,reg oper account,block of flats,0.1618,Panel,No,4.0,0.0,4.0,0.0,-1721.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,3.0 +1043806,214932,Cash loans,28465.38,225000.0,239850.0,,225000.0,WEDNESDAY,15,Y,1,,,,Other,Refused,-504,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,N,2,450000.0,521280.0,31630.5,450000.0,Unaccompanied,Commercial associate,Higher education,Married,With parents,0.009175,-11726,-2730,-3214.0,-3403,,1,1,0,1,0,0,Sales staff,4.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Trade: type 7,,0.6915603621757781,0.1556893746835917,0.0722,0.0341,0.9732,0.6328,0.0103,0.0,0.1379,0.1667,0.2083,0.0695,0.053,0.0548,0.027000000000000003,0.0172,0.0735,0.0354,0.9732,0.6472,0.0104,0.0,0.1379,0.1667,0.2083,0.0711,0.0579,0.0571,0.0272,0.0182,0.0729,0.0341,0.9732,0.6377,0.0104,0.0,0.1379,0.1667,0.2083,0.0708,0.0539,0.0558,0.0272,0.0175,reg oper account,block of flats,0.0468,"Stone, brick",No,0.0,0.0,0.0,0.0,-821.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2812442,166011,Cash loans,27215.775,279000.0,294097.5,,279000.0,SUNDAY,10,Y,1,,,,XNA,Approved,-218,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_action,Cash X-Sell: low,365243.0,-188.0,142.0,-158.0,-148.0,1.0,0,Cash loans,F,N,N,0,99000.0,257391.0,18040.5,238500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.008019,-20983,365243,-5703.0,-3226,,1,0,0,1,0,0,,2.0,2,2,MONDAY,9,0,0,0,0,0,0,XNA,,0.6003280179628155,0.2103502286944494,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-17.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,2.0,8.0 +2125308,267430,Cash loans,6037.155,67500.0,76410.0,,67500.0,FRIDAY,12,Y,1,,,,XNA,Refused,-994,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Country-wide,50,Connectivity,24.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,85500.0,454500.0,17608.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-17114,-863,-2502.0,-666,,1,1,1,1,1,0,Cooking staff,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.5782836811855481,0.2314393514998941,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1288.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1041618,240280,Cash loans,10751.985,90000.0,95940.0,0.0,90000.0,MONDAY,12,Y,1,0.0,,,XNA,Approved,-2209,Cash through the bank,XAP,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-2179.0,-1849.0,-1849.0,-1846.0,1.0,0,Cash loans,F,N,N,0,103500.0,254700.0,13567.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.028663,-17925,-5294,-1983.0,-1477,,1,1,1,1,0,0,Core staff,1.0,2,2,TUESDAY,13,0,0,0,0,1,1,Transport: type 2,,0.45015681750395936,0.13426542355494275,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1415.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2428751,407953,Cash loans,16118.37,180000.0,197820.0,0.0,180000.0,MONDAY,8,Y,1,0.0,,,XNA,Approved,-2481,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,365243.0,-2451.0,-1941.0,-2001.0,-1999.0,1.0,0,Cash loans,F,N,Y,0,90000.0,895500.0,26181.0,895500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-23723,365243,-4284.0,-4309,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,XNA,,0.6354433380070131,0.6690566947824041,0.0278,0.044,0.9826,0.762,0.0035,0.0,0.1034,0.0833,0.125,0.0204,0.0227,0.0159,0.0,0.0352,0.0284,0.0457,0.9826,0.7713,0.0036,0.0,0.1034,0.0833,0.125,0.0209,0.0248,0.0166,0.0,0.0373,0.0281,0.044,0.9826,0.7652,0.0036,0.0,0.1034,0.0833,0.125,0.0208,0.0231,0.0162,0.0,0.036000000000000004,reg oper spec account,block of flats,0.0202,Panel,No,0.0,0.0,0.0,0.0,-2481.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1193971,445438,Revolving loans,22500.0,0.0,450000.0,,,SATURDAY,16,Y,1,,,,XAP,Approved,-1049,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-1022.0,-973.0,365243.0,-335.0,365243.0,0.0,0,Cash loans,F,N,Y,0,225000.0,533709.0,25803.0,445500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.04622,-21052,-3706,-8265.0,-3215,,1,1,0,1,0,0,Medicine staff,1.0,1,1,FRIDAY,13,0,1,1,0,0,0,University,,0.6701169410850311,0.2314393514998941,0.0289,0.046,0.9886,0.8436,0.0403,0.0,0.1034,0.0833,0.125,0.0144,0.0235,0.0271,0.0,0.0032,0.0294,0.0477,0.9886,0.8497,0.0407,0.0,0.1034,0.0833,0.125,0.0147,0.0257,0.0282,0.0,0.0034,0.0291,0.046,0.9886,0.8457,0.0405,0.0,0.1034,0.0833,0.125,0.0146,0.0239,0.0276,0.0,0.0033,reg oper spec account,block of flats,0.022,"Stone, brick",No,0.0,0.0,0.0,0.0,-2685.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2662609,195587,Consumer loans,8820.315,114637.5,147645.0,0.0,114637.5,WEDNESDAY,19,Y,1,0.0,,,XAP,Approved,-524,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,1200,Consumer electronics,18.0,low_action,POS household without interest,365243.0,-493.0,17.0,-193.0,-191.0,0.0,0,Cash loans,F,Y,Y,1,112500.0,592560.0,30384.0,450000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.008865999999999999,-14095,-7517,-4591.0,-4586,3.0,1,1,0,1,0,0,Laborers,3.0,2,2,TUESDAY,18,0,0,0,0,0,0,Other,,0.4066526602620653,0.2692857999073816,0.1392,0.1127,0.9846,0.7892,0.0375,0.16,0.1379,0.3333,0.375,0.1025,0.1135,0.1594,0.0,0.0,0.1418,0.117,0.9846,0.7975,0.0379,0.1611,0.1379,0.3333,0.375,0.1048,0.124,0.1661,0.0,0.0,0.1405,0.1127,0.9846,0.792,0.0378,0.16,0.1379,0.3333,0.375,0.1042,0.1154,0.1623,0.0,0.0,reg oper spec account,block of flats,0.1459,Panel,No,0.0,0.0,0.0,0.0,-524.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1506432,419125,Revolving loans,11250.0,225000.0,225000.0,,225000.0,WEDNESDAY,13,Y,1,,,,XAP,Refused,-562,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,1,144000.0,521280.0,26743.5,450000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,Co-op apartment,0.022625,-11511,-1405,-5393.0,-114,,1,1,0,1,0,0,Sales staff,3.0,2,2,FRIDAY,8,0,0,0,1,1,0,Business Entity Type 3,0.18020920715632668,0.08203071877466063,0.6178261467332483,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-240.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1339114,240458,Cash loans,31275.81,450000.0,560097.0,,450000.0,TUESDAY,6,Y,1,,,,XNA,Approved,-586,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-556.0,134.0,-496.0,-490.0,1.0,0,Cash loans,F,N,Y,0,202500.0,1212700.5,35586.0,949500.0,Unaccompanied,State servant,Secondary / secondary special,Separated,House / apartment,0.020713,-13260,-2418,-339.0,-3796,,1,1,0,1,0,0,,1.0,3,2,SUNDAY,11,0,0,0,0,0,0,Other,0.29386018526954544,0.6017857300215894,0.6769925032909132,0.232,0.1077,0.999,0.9864,0.0676,0.12,0.1034,0.375,0.0417,0.0195,0.1816,0.1459,0.0347,0.0573,0.2363,0.1118,0.999,0.9869,0.0682,0.1208,0.1034,0.375,0.0417,0.0199,0.1983,0.152,0.035,0.0607,0.2342,0.1077,0.999,0.9866,0.068,0.12,0.1034,0.375,0.0417,0.0198,0.1847,0.1485,0.0349,0.0585,reg oper account,block of flats,0.1693,Panel,No,1.0,0.0,1.0,0.0,-1714.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,0.0,0.0,1.0 +1528899,203729,Cash loans,41500.215,1125000.0,1255680.0,,1125000.0,THURSDAY,13,Y,1,,,,XNA,Refused,-378,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,2,135000.0,463941.0,23688.0,400500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.020713,-11618,-2985,-5696.0,-1490,,1,1,0,1,0,0,Laborers,4.0,3,2,THURSDAY,7,0,1,1,0,1,1,Transport: type 2,0.23959568442862755,0.40609348867110223,,0.2268,0.1747,0.9881,0.8368,0.0474,0.28,0.2414,0.375,0.4167,0.0,0.1832,0.2843,0.0077,0.0088,0.2311,0.1813,0.9881,0.8432,0.0479,0.282,0.2414,0.375,0.4167,0.0,0.2002,0.2962,0.0078,0.0094,0.229,0.1747,0.9881,0.8390000000000001,0.0477,0.28,0.2414,0.375,0.4167,0.0,0.1864,0.2894,0.0078,0.009000000000000001,not specified,block of flats,0.2514,Panel,No,4.0,0.0,4.0,0.0,-2801.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1141391,238894,Revolving loans,38250.0,0.0,765000.0,,,FRIDAY,11,Y,1,,,,XAP,Approved,-620,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card X-Sell,-601.0,-549.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,0,202500.0,168102.0,19093.5,148500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.035792000000000004,-11168,-1129,-5709.0,-3647,2.0,1,1,0,1,0,1,High skill tech staff,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.25893175576773103,0.35414470087414884,0.4083588531230431,0.0722,0.0727,0.9771,0.6872,0.0079,0.0,0.1379,0.1667,0.2083,0.0335,0.0588,0.0624,0.0,0.0,0.0735,0.0755,0.9772,0.6994,0.008,0.0,0.1379,0.1667,0.2083,0.0342,0.0643,0.0651,0.0,0.0,0.0729,0.0727,0.9771,0.6914,0.008,0.0,0.1379,0.1667,0.2083,0.034,0.0599,0.0636,0.0,0.0,reg oper account,block of flats,0.0491,"Stone, brick",No,3.0,0.0,3.0,0.0,-187.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1601599,234142,Revolving loans,,0.0,0.0,,,SATURDAY,10,Y,1,,,,XAP,Refused,-219,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,0,XNA,,XNA,Card Street,,,,,,,1,Cash loans,F,Y,N,0,315000.0,780363.0,35262.0,697500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-11503,-913,-4598.0,-4060,3.0,1,1,0,1,1,0,Drivers,2.0,2,2,SUNDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.015929937876644894,0.15855489979486306,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-261.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,7.0 +1662591,429396,Consumer loans,9383.58,93847.5,84460.5,9387.0,93847.5,FRIDAY,15,Y,1,0.1089352019354417,,,XAP,Refused,-2252,Cash through the bank,SCO,Unaccompanied,Refreshed,Computers,POS,XNA,Regional / Local,50,Consumer electronics,10.0,low_normal,POS household with interest,,,,,,,1,Cash loans,M,Y,Y,0,292500.0,592560.0,32143.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-19088,-2585,-13081.0,-2304,25.0,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,Industry: type 3,0.1960143516177828,0.7307426781401491,0.18848953379516772,0.0691,0.0172,0.9712,0.6056,0.0607,0.04,0.1034,0.25,0.2083,0.0246,0.0546,0.0908,0.0077,0.0338,0.0704,0.0178,0.9712,0.621,0.0612,0.0403,0.1034,0.25,0.2083,0.0252,0.0597,0.0946,0.0078,0.0358,0.0697,0.0172,0.9712,0.6109,0.0611,0.04,0.1034,0.25,0.2083,0.0251,0.0556,0.0924,0.0078,0.0345,reg oper account,block of flats,0.112,"Stone, brick",No,0.0,0.0,0.0,0.0,-2252.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1260964,244657,Consumer loans,4198.59,39631.5,43555.5,0.0,39631.5,SUNDAY,16,Y,1,0.0,,,XAP,Approved,-1143,Cash through the bank,XAP,Unaccompanied,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,1046,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-1112.0,-782.0,-782.0,-779.0,0.0,0,Cash loans,M,Y,Y,1,270000.0,1542645.0,57168.0,1440000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-17399,-2629,-6720.0,-806,6.0,1,1,0,1,1,0,,3.0,2,2,TUESDAY,13,0,0,0,0,0,0,Construction,,0.2622583692422573,0.7136313997323308,0.1794,0.1164,0.9891,0.8504,0.0379,0.2,0.1724,0.375,0.4167,0.0953,0.1463,0.2009,0.0,0.0,0.1828,0.1208,0.9891,0.8563,0.0383,0.2014,0.1724,0.375,0.4167,0.0975,0.1598,0.2094,0.0,0.0,0.1811,0.1164,0.9891,0.8524,0.0382,0.2,0.1724,0.375,0.4167,0.097,0.1488,0.2046,0.0,0.0,reg oper account,block of flats,0.1581,Monolithic,No,1.0,1.0,1.0,1.0,-1835.0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2253008,388595,Cash loans,26273.205,180000.0,220297.5,,180000.0,FRIDAY,17,Y,1,,,,XNA,Approved,-803,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-773.0,-443.0,-443.0,-437.0,1.0,0,Cash loans,F,Y,Y,0,135000.0,316296.0,14872.5,207000.0,Unaccompanied,Commercial associate,Incomplete higher,Single / not married,House / apartment,0.072508,-11626,-523,-2596.0,-1231,8.0,1,1,0,1,0,1,,1.0,1,1,WEDNESDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.5947862794163333,0.7398208111561655,0.8128226070575616,0.0972,0.113,0.9781,0.7008,0.0275,0.0532,0.069,0.4167,0.4583,0.0434,0.0793,0.08,0.0103,0.0385,0.084,0.0432,0.9742,0.6602,0.009000000000000001,0.0806,0.0345,0.1667,0.2083,0.028,0.0735,0.068,0.0039,0.0,0.0989,0.0445,0.9767,0.6847,0.023,0.08,0.0345,0.4583,0.5,0.05,0.0812,0.0729,0.0116,0.0494,reg oper account,block of flats,0.0563,Panel,No,0.0,0.0,0.0,0.0,-803.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1991827,192927,Cash loans,,0.0,0.0,,,WEDNESDAY,16,Y,1,,,,XNA,Refused,-280,XNA,SCOFR,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Revolving loans,M,Y,Y,0,382500.0,180000.0,9000.0,180000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.035792000000000004,-10596,-917,-406.0,-3262,4.0,1,1,0,1,0,0,,1.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.2216885160075699,0.5266604913499701,0.2392262794694045,0.0309,0.0288,0.9906,,,0.04,0.0345,0.25,,,,0.0402,,0.0,0.0315,0.0299,0.9906,,,0.0403,0.0345,0.25,,,,0.0419,,0.0,0.0312,0.0288,0.9906,,,0.04,0.0345,0.25,,,,0.041,,0.0,,block of flats,0.0316,Panel,No,0.0,0.0,0.0,0.0,-112.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +2433174,252181,Consumer loans,5471.28,27261.0,27261.0,0.0,27261.0,TUESDAY,18,Y,1,0.0,,,XAP,Refused,-2415,Cash through the bank,LIMIT,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,135,Connectivity,6.0,high,POS mobile with interest,,,,,,,0,Cash loans,M,N,Y,0,90000.0,450000.0,30573.0,450000.0,Family,Working,Higher education,Married,House / apartment,0.018634,-11748,-4407,-1527.0,-4312,,1,1,1,1,1,0,,2.0,2,2,TUESDAY,16,0,0,0,0,0,0,School,0.7322211592706527,0.5606252221564451,0.8095082892315094,0.0866,0.0614,0.9762,,,0.0,0.2069,0.1667,,0.0357,,0.0767,,0.0509,0.0882,0.0637,0.9762,,,0.0,0.2069,0.1667,,0.0365,,0.08,,0.0539,0.0874,0.0614,0.9762,,,0.0,0.2069,0.1667,,0.0363,,0.0781,,0.052000000000000005,,block of flats,0.0915,"Stone, brick",No,0.0,0.0,0.0,0.0,-1520.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2385696,302711,Cash loans,15413.04,193500.0,219042.0,,193500.0,MONDAY,8,Y,1,,,,XNA,Approved,-352,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-322.0,368.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,180000.0,630747.0,20475.0,526500.0,Family,Pensioner,Secondary / secondary special,Separated,House / apartment,0.025164,-22723,365243,-12339.0,-622,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,XNA,,0.05197305448708611,0.3910549766342248,0.0608,0.0543,0.9831,0.7688,0.0281,0.0,0.1379,0.1667,0.2083,0.0689,0.0496,0.0629,0.0,0.0,0.062,0.0563,0.9831,0.7779,0.0283,0.0,0.1379,0.1667,0.2083,0.0705,0.0542,0.0656,0.0,0.0,0.0614,0.0543,0.9831,0.7719,0.0282,0.0,0.1379,0.1667,0.2083,0.0701,0.0504,0.0641,0.0,0.0,not specified,block of flats,0.0648,Panel,No,1.0,1.0,1.0,1.0,-1429.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2778342,305255,Revolving loans,5625.0,0.0,112500.0,,,THURSDAY,15,Y,1,,,,XAP,Approved,-2570,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card Street,-2569.0,-2514.0,365243.0,-902.0,-21.0,0.0,0,Cash loans,M,Y,Y,1,405000.0,1462500.0,59697.0,1462500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-13655,-4066,-3972.0,-3965,3.0,1,1,0,1,0,0,,3.0,2,2,FRIDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.6719319958934117,0.5902333386185574,0.0907,,0.993,,,0.08,0.069,0.3333,,,,0.0754,,0.0,0.0924,,0.993,,,0.0806,0.069,0.3333,,,,0.0786,,0.0,0.0916,,0.993,,,0.08,0.069,0.3333,,,,0.0768,,0.0,,block of flats,0.0593,Others,No,1.0,0.0,1.0,0.0,-2758.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1043606,146981,Consumer loans,6796.44,59251.5,58590.0,5940.0,59251.5,SUNDAY,10,Y,1,0.10025104602510457,,,XAP,Approved,-1563,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,1000,Consumer electronics,12.0,high,POS household with interest,365243.0,-1532.0,-1202.0,-1232.0,-1226.0,0.0,1,Cash loans,F,N,Y,0,112500.0,261648.0,8487.0,207000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-21847,-2975,-294.0,-4912,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,10,0,0,0,0,1,1,Business Entity Type 3,,0.3271368314694224,0.5602843280409464,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-1563.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2189598,421535,Consumer loans,3703.23,27760.5,27760.5,0.0,27760.5,THURSDAY,16,Y,1,0.0,,,XAP,Approved,-2826,Cash through the bank,XAP,Other_B,Repeater,Mobile,POS,XNA,Country-wide,31,Connectivity,10.0,high,POS mobile with interest,365243.0,-2795.0,-2525.0,-2525.0,-2515.0,0.0,0,Cash loans,F,N,Y,0,157500.0,238500.0,11470.5,238500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.00702,-13589,-6277,-7031.0,-4109,,1,1,0,1,0,0,Cooking staff,2.0,2,2,TUESDAY,16,0,0,0,1,1,0,Government,0.4426950346032235,0.6264410960519352,0.7016957740576931,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,0.0,-2499.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1766660,148987,Consumer loans,5543.55,27630.0,29272.5,0.0,27630.0,MONDAY,8,Y,1,0.0,,,XAP,Approved,-216,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Regional / Local,300,Consumer electronics,6.0,middle,POS household with interest,365243.0,-186.0,-36.0,-36.0,-28.0,1.0,0,Cash loans,M,N,N,0,225000.0,728460.0,57555.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.028663,-14954,-2922,-2146.0,-4125,,1,1,1,1,1,0,Managers,1.0,2,2,SUNDAY,8,0,0,0,0,1,1,Business Entity Type 3,,0.5682751954952989,0.34741822720026416,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1499.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1939969,426090,Cash loans,40536.585,670500.0,723604.5,,670500.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-264,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-234.0,456.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,315000.0,1223010.0,51948.0,1125000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-23211,365243,-7170.0,-5338,,1,0,0,1,0,0,,2.0,2,2,MONDAY,12,0,0,0,0,0,0,XNA,,0.4017866587217658,0.633031641417419,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-912.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +1605858,432706,Revolving loans,9000.0,180000.0,180000.0,,180000.0,FRIDAY,8,Y,1,,,,XAP,Refused,-320,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,N,Y,2,112500.0,426645.0,25911.0,324000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-13378,-2225,-3859.0,-5208,,1,1,0,1,1,0,Laborers,4.0,3,3,WEDNESDAY,7,0,0,0,0,0,0,Business Entity Type 3,,0.09687564748233472,0.4992720153045617,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-320.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1360320,383064,Revolving loans,2250.0,45000.0,45000.0,,45000.0,MONDAY,13,Y,1,,,,XAP,Approved,-351,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,F,N,Y,1,135000.0,766282.5,39253.5,661500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-14735,-3819,-673.0,-2650,,1,1,0,1,0,1,Sales staff,3.0,3,3,TUESDAY,9,0,0,0,0,0,0,Trade: type 7,0.4347351039456148,0.4746463178795672,0.6925590674998008,0.1289,0.0805,0.9752,0.66,0.0155,0.0,0.2759,0.1667,0.2083,0.1194,0.1025,0.104,0.0116,0.108,0.1313,0.0836,0.9752,0.6733,0.0156,0.0,0.2759,0.1667,0.2083,0.1221,0.112,0.1084,0.0117,0.1143,0.1301,0.0805,0.9752,0.6645,0.0156,0.0,0.2759,0.1667,0.2083,0.1215,0.1043,0.1059,0.0116,0.1102,reg oper account,block of flats,0.1138,"Stone, brick",No,9.0,1.0,9.0,1.0,-457.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,1.0 +1169095,106152,Cash loans,23567.85,229500.0,241920.0,,229500.0,TUESDAY,10,Y,1,,,,XNA,Approved,-469,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-439.0,-109.0,-109.0,-107.0,1.0,0,Cash loans,F,N,N,0,54000.0,227493.0,15961.5,207000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010556,-23128,365243,-2491.0,-4351,,1,0,0,1,0,0,,2.0,3,3,TUESDAY,9,0,0,0,0,0,0,XNA,,0.1113678945080656,0.7826078370261895,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-595.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1092069,260753,Cash loans,8920.935,45000.0,46485.0,,45000.0,WEDNESDAY,6,Y,1,,,,XNA,Approved,-364,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-334.0,-184.0,-184.0,-178.0,1.0,1,Cash loans,M,N,Y,0,67500.0,269550.0,12001.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,Municipal apartment,0.020713,-22573,365243,-8245.0,-3948,,1,0,0,1,0,0,,2.0,3,3,WEDNESDAY,6,0,0,0,0,0,0,XNA,,0.43471386641442417,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-99.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2391827,401209,Revolving loans,22500.0,0.0,450000.0,,,THURSDAY,10,Y,1,,,,XAP,Approved,-805,XNA,XAP,,Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-752.0,-700.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,157500.0,298512.0,16798.5,270000.0,Family,State servant,Secondary / secondary special,Single / not married,House / apartment,0.020246,-20203,-12421,-8218.0,-3724,,1,1,0,1,0,0,Managers,1.0,3,3,THURSDAY,10,0,0,0,0,0,0,University,0.8150903436704491,0.4204832554062357,0.7597121819739279,0.3536,0.2879,0.9836,0.7756,0.0656,0.4,0.3448,0.375,0.3333,0.2919,0.2799,0.3854,0.0386,0.0547,0.3603,0.2988,0.9836,0.7844,0.0662,0.4028,0.3448,0.375,0.3333,0.2986,0.3058,0.4015,0.0389,0.0579,0.35700000000000004,0.2879,0.9836,0.7786,0.066,0.4,0.3448,0.375,0.3333,0.297,0.2847,0.3923,0.0388,0.0559,reg oper account,block of flats,0.3509,Panel,No,3.0,0.0,3.0,0.0,-3192.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1556999,257451,Consumer loans,3586.23,44419.5,35532.0,8887.5,44419.5,SATURDAY,17,Y,1,0.21790644772105605,,,XAP,Approved,-195,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Country-wide,16,Connectivity,12.0,middle,POS mobile with interest,365243.0,-162.0,168.0,-102.0,-96.0,0.0,0,Cash loans,F,N,Y,3,72000.0,654498.0,26086.5,585000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.004849,-14081,-1389,-2249.0,-5393,,1,1,0,1,0,0,Managers,5.0,2,2,FRIDAY,11,0,0,0,0,0,0,Self-employed,,0.4511908319455859,0.6178261467332483,0.0639,0.0,0.9866,0.8164,0.0123,0.0,0.1379,0.1667,0.2083,0.061,0.0521,0.0602,0.0077,0.015,0.0651,0.0,0.9866,0.8236,0.0124,0.0,0.1379,0.1667,0.2083,0.0624,0.0569,0.0627,0.0078,0.0158,0.0645,0.0,0.9866,0.8189,0.0123,0.0,0.1379,0.1667,0.2083,0.0621,0.053,0.0612,0.0078,0.0153,reg oper account,block of flats,0.0573,"Stone, brick",No,0.0,0.0,0.0,0.0,-595.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2834002,430985,Cash loans,35528.355,630000.0,694863.0,,630000.0,WEDNESDAY,15,Y,1,,,,XNA,Approved,-679,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-649.0,401.0,-649.0,-640.0,1.0,0,Revolving loans,F,N,Y,1,112500.0,225000.0,11250.0,225000.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.005002,-13091,-807,-845.0,-2630,,1,1,0,1,0,0,Core staff,2.0,3,3,WEDNESDAY,12,0,0,0,0,0,0,Kindergarten,,0.5463534120919314,0.5262949398096192,0.1113,0.0814,0.9886,0.8436,,0.12,0.1034,0.3333,,0.0141,0.0908,0.0706,,0.005,0.1134,0.0844,0.9886,0.8497,,0.1208,0.1034,0.3333,,0.0144,0.0992,0.0735,,0.0053,0.1124,0.0814,0.9886,0.8457,,0.12,0.1034,0.3333,,0.0144,0.0923,0.0718,,0.0051,org spec account,block of flats,0.0916,Panel,No,0.0,0.0,0.0,0.0,-698.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2772766,403393,Cash loans,14202.36,229500.0,254340.0,,229500.0,MONDAY,12,Y,1,,,,XNA,Approved,-701,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-671.0,19.0,-41.0,-37.0,1.0,0,Cash loans,F,N,Y,0,112500.0,868797.0,36940.5,702000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.010556,-17711,-4426,-5814.0,-1232,,1,1,0,1,0,0,Sales staff,1.0,3,3,TUESDAY,16,0,0,0,0,0,0,Self-employed,,0.14467447053984775,,0.3371,0.5461,0.9846,0.7892,0.0945,0.0,0.1379,0.125,0.1667,0.1063,0.2749,0.2678,0.0,0.2376,0.3435,0.5667,0.9846,0.7975,0.0954,0.0,0.1379,0.125,0.1667,0.1088,0.3003,0.279,0.0,0.2515,0.3404,0.5461,0.9846,0.792,0.0951,0.0,0.1379,0.125,0.1667,0.1082,0.2796,0.2726,0.0,0.2426,reg oper account,block of flats,0.2758,"Stone, brick",No,0.0,0.0,0.0,0.0,-1541.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1990882,148747,Revolving loans,13500.0,270000.0,270000.0,,270000.0,SATURDAY,10,N,1,,,,XAP,Refused,-205,XNA,HC,Family,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),4,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,121500.0,729792.0,26343.0,630000.0,Family,Pensioner,Lower secondary,Married,House / apartment,0.015221,-22755,365243,-9803.0,-4329,,1,0,0,1,1,1,,2.0,2,2,MONDAY,10,0,0,0,0,0,0,XNA,,0.5470687440113955,0.4329616670974407,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-210.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2449968,167452,Cash loans,11667.195,162000.0,208939.5,,162000.0,SATURDAY,14,Y,1,,,,XNA,Approved,-330,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,Y,Y,0,90000.0,130824.0,9607.5,103500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.01885,-13305,-1160,-6732.0,-4387,35.0,1,1,0,1,0,0,Laborers,1.0,2,2,SUNDAY,12,0,0,0,0,0,0,Self-employed,,0.5727652884061889,0.3876253444214701,0.0619,0.0508,0.9776,,,0.0,0.1034,0.1667,,0.0145,,0.0347,,0.0592,0.063,0.0528,0.9777,,,0.0,0.1034,0.1667,,0.0148,,0.0362,,0.0627,0.0625,0.0508,0.9776,,,0.0,0.1034,0.1667,,0.0147,,0.0353,,0.0605,reg oper spec account,block of flats,0.0402,Panel,No,1.0,1.0,1.0,1.0,-2498.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,7.0 +1522703,261790,Revolving loans,4500.0,315000.0,90000.0,,315000.0,TUESDAY,6,Y,1,,,,XAP,Approved,-191,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,292500.0,1546020.0,45333.0,1350000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010032,-21586,365243,-6569.0,-3951,19.0,1,0,0,1,0,0,,2.0,2,2,THURSDAY,5,0,0,0,0,0,0,XNA,,0.5260444482449683,,0.1742,0.0865,0.9841,,,0.04,0.0345,0.3333,,0.0383,,0.0831,,0.0681,0.1775,0.0897,0.9841,,,0.0403,0.0345,0.3333,,0.0392,,0.0866,,0.0721,0.1759,0.0865,0.9841,,,0.04,0.0345,0.3333,,0.039,,0.0846,,0.0695,,block of flats,0.0802,"Stone, brick",No,2.0,0.0,2.0,0.0,-770.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2012530,261119,Cash loans,19930.5,720000.0,720000.0,,720000.0,WEDNESDAY,11,Y,1,,,,Buying a new car,Refused,-142,XNA,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,N,0,196650.0,1179369.0,32431.5,1029838.5,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.020713,-13306,-778,-44.0,-2535,,1,1,1,1,0,0,,2.0,3,2,MONDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.7022889994792277,0.3592729306626163,,0.1649,0.0275,0.9831,0.7688,0.0447,0.2,0.1724,0.3333,0.375,0.24,0.1303,0.1672,0.0193,0.097,0.1681,0.0286,0.9831,0.7779,0.0451,0.2014,0.1724,0.3333,0.375,0.2454,0.1423,0.1742,0.0195,0.1026,0.1665,0.0275,0.9831,0.7719,0.045,0.2,0.1724,0.3333,0.375,0.2441,0.1325,0.1702,0.0194,0.099,reg oper spec account,block of flats,0.1526,Panel,No,6.0,0.0,6.0,0.0,-522.0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,,,,,, +1031100,345648,Cash loans,35700.03,315000.0,332464.5,0.0,315000.0,TUESDAY,15,Y,1,0.0,,,XNA,Approved,-2502,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash Street: middle,365243.0,-2472.0,-2142.0,-2142.0,-2140.0,1.0,0,Cash loans,F,Y,N,3,247500.0,1971072.0,68643.0,1800000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.02461,-14452,-6492,-8441.0,-591,21.0,1,1,0,1,1,1,Accountants,5.0,2,2,FRIDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.7336779826722033,0.6427767207563795,0.25396280933631177,0.1581,0.0378,0.9916,,,0.1732,0.1493,0.3054,,0.0391,,0.1686,0.0,0.0,0.041,0.0266,0.9935,,,0.0403,0.0345,0.25,,0.0297,,0.0442,0.0,0.0,0.0656,0.0378,0.9935,,,0.08,0.069,0.2917,,0.0398,,0.0739,0.0,0.0,,block of flats,0.3074,Panel,No,0.0,0.0,0.0,0.0,-1857.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,0.0 +1924084,339002,Consumer loans,10338.795,97416.0,96354.0,9742.5,97416.0,SATURDAY,17,Y,1,0.1000077116758628,,,XAP,Approved,-2152,Cash through the bank,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Country-wide,1655,Consumer electronics,12.0,high,POS household with interest,365243.0,-2121.0,-1791.0,-1791.0,-1787.0,1.0,0,Revolving loans,M,Y,N,1,135000.0,382500.0,19125.0,382500.0,Unaccompanied,Commercial associate,Higher education,Married,With parents,0.018634,-12924,-96,-1270.0,-4278,3.0,1,1,0,1,0,0,,3.0,2,2,TUESDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.6819170757822061,0.5661762837192631,0.6127042441012546,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1626.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2693397,320636,Cash loans,12072.78,135000.0,152820.0,,135000.0,TUESDAY,9,Y,1,,,,XNA,Approved,-815,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,high,Cash Street: high,365243.0,-785.0,-95.0,-95.0,-89.0,1.0,0,Cash loans,F,N,Y,0,90000.0,508495.5,24462.0,454500.0,Children,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.019101,-21651,365243,-9045.0,-4117,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,9,0,0,0,0,0,0,XNA,,0.2542454862229005,0.7700870700124128,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,1.0,8.0,1.0,-3.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2528356,129853,Consumer loans,10210.59,72351.0,69412.5,7236.0,72351.0,SATURDAY,12,Y,1,0.10281560393460816,,,XAP,Approved,-2058,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Stone,96,Consumer electronics,8.0,middle,POS household with interest,365243.0,-2027.0,-1817.0,-1817.0,-1805.0,0.0,0,Cash loans,F,N,Y,0,180000.0,888840.0,32053.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-14351,-1104,-4496.0,-4461,,1,1,0,1,0,0,Cleaning staff,2.0,3,1,SATURDAY,9,0,0,0,1,0,1,School,0.4306580047608302,0.4552117094942855,,0.0608,0.0627,0.9796,0.7212,0.0064,0.0,0.1034,0.1667,0.0417,0.0304,0.0496,0.0489,0.0,0.0038,0.062,0.0651,0.9796,0.7321,0.0064,0.0,0.1034,0.1667,0.0417,0.031,0.0542,0.0509,0.0,0.004,0.0614,0.0627,0.9796,0.7249,0.0064,0.0,0.1034,0.1667,0.0417,0.0309,0.0504,0.0498,0.0,0.0039,reg oper account,block of flats,0.0428,"Stone, brick",No,2.0,1.0,2.0,1.0,-947.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1323439,174637,Cash loans,34666.425,1147500.0,1314117.0,,1147500.0,MONDAY,13,Y,1,,,,XNA,Refused,-296,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,1,270000.0,900000.0,64935.0,900000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.007273999999999998,-9994,-2712,-91.0,-1052,,1,1,0,1,1,0,Core staff,3.0,2,2,WEDNESDAY,18,0,1,1,0,0,0,Transport: type 2,0.6718977239175384,0.5568404349152433,0.7281412993111438,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-344.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1431339,303625,Cash loans,5823.585,45000.0,47970.0,,45000.0,SATURDAY,11,Y,1,,,,Repairs,Approved,-609,Cash through the bank,XAP,Other_A,New,XNA,Cash,walk-in,AP+ (Cash loan),-1,XNA,12.0,high,Cash Street: high,365243.0,-579.0,-249.0,-249.0,-244.0,1.0,0,Cash loans,F,N,N,0,135000.0,450000.0,21888.0,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.028663,-19522,365243,-1152.0,-1781,,1,0,0,1,1,0,,1.0,2,2,FRIDAY,16,0,0,0,0,0,0,XNA,,0.5160034855684944,0.25946765482111994,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1948.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,0.0,0.0,2.0 +1553085,241429,Revolving loans,22500.0,450000.0,450000.0,,450000.0,TUESDAY,12,Y,1,,,,XAP,Refused,-655,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,N,Y,1,360000.0,835380.0,40320.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007305,-15671,-5346,-340.0,-4471,,1,1,1,1,1,0,,3.0,3,3,SATURDAY,11,0,0,0,0,0,0,Business Entity Type 1,,0.5489969954514825,0.6212263380626669,0.0985,0.0887,0.997,0.9592,0.0296,0.0,0.2759,0.1667,0.2083,0.0603,0.079,0.1045,0.0,0.0,0.0987,0.092,0.997,0.9608,0.0299,0.0,0.2759,0.1667,0.2083,0.0157,0.0863,0.1088,0.0,0.0,0.0994,0.0887,0.997,0.9597,0.0298,0.0,0.2759,0.1667,0.2083,0.0614,0.0804,0.1063,0.0,0.0,reg oper account,block of flats,0.0983,"Stone, brick",No,7.0,2.0,7.0,1.0,-2881.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2772172,303564,Consumer loans,2137.275,21375.0,19237.5,2137.5,21375.0,WEDNESDAY,10,Y,1,0.1089090909090909,,,XAP,Refused,-2621,XNA,SCO,,Repeater,XNA,POS,XNA,Stone,12,Furniture,10.0,low_normal,POS industry with interest,,,,,,,0,Cash loans,F,N,N,1,112500.0,90000.0,6264.0,90000.0,Family,State servant,Secondary / secondary special,Civil marriage,House / apartment,0.01885,-15677,-4002,-4007.0,-4411,,1,1,0,1,0,0,Cleaning staff,3.0,2,2,SATURDAY,12,0,0,0,0,0,0,School,0.4546134521966938,0.6332826234094526,0.6738300778602003,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1877.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2821072,382076,Cash loans,13280.85,135000.0,135000.0,,135000.0,FRIDAY,8,Y,1,,,,XNA,Approved,-1139,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,63,Connectivity,12.0,low_normal,Cash X-Sell: low,365243.0,-1109.0,-779.0,-779.0,-752.0,0.0,0,Cash loans,F,N,Y,0,130500.0,254700.0,24939.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.015221,-24775,365243,-7182.0,-2494,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,XNA,0.9037157254227759,0.3727542489403336,0.1061556230153924,0.1485,0.0767,0.9816,,,0.16,0.1379,0.3333,,0.0975,,0.1482,,,0.1513,0.0795,0.9816,,,0.1611,0.1379,0.3333,,0.0997,,0.1544,,,0.1499,0.0767,0.9816,,,0.16,0.1379,0.3333,,0.0992,,0.1509,,,,block of flats,0.1166,"Stone, brick",No,5.0,0.0,5.0,0.0,-2200.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2581834,108157,Consumer loans,11899.44,64323.0,45022.5,19300.5,64323.0,THURSDAY,10,Y,1,0.3267882264650139,,,XAP,Approved,-1147,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Stone,49,Consumer electronics,4.0,low_normal,POS household with interest,365243.0,-1105.0,-1015.0,-1015.0,-1011.0,0.0,0,Cash loans,F,N,Y,0,135000.0,942300.0,30528.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.005144,-18807,365243,-10429.0,-2323,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,XNA,,0.4216879964947861,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1147.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1205558,439109,Cash loans,23567.85,229500.0,241920.0,,229500.0,MONDAY,10,Y,1,,,,Building a house or an annex,Approved,-368,XNA,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,low_normal,Cash Street: low,365243.0,-338.0,-8.0,-188.0,-180.0,1.0,0,Cash loans,M,Y,N,0,135000.0,348264.0,32355.0,315000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.010147,-16646,-1107,-2771.0,-188,9.0,1,1,0,1,1,0,High skill tech staff,2.0,2,2,WEDNESDAY,15,0,1,1,0,1,1,Business Entity Type 3,,0.6174847194116728,0.7209441499436497,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-185.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2422747,438293,Cash loans,17786.835,315000.0,381528.0,,315000.0,SATURDAY,11,Y,1,,,,XNA,Refused,-154,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,112500.0,544491.0,17694.0,454500.0,Children,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.008625,-22688,365243,-6462.0,-4095,,1,0,0,1,0,0,,1.0,2,2,SATURDAY,12,0,0,0,0,0,0,XNA,0.3695305872907004,0.3415752242562446,0.35895122857839673,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-276.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2318568,249123,Consumer loans,10751.04,102150.0,98905.5,12154.5,102150.0,FRIDAY,12,Y,1,0.11919102696331214,,,XAP,Approved,-2455,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Stone,28,Connectivity,12.0,high,POS mobile with interest,365243.0,-2424.0,-2094.0,-2094.0,-2089.0,1.0,1,Cash loans,M,Y,Y,2,112500.0,414792.0,28188.0,315000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.008019,-13777,-192,-7100.0,-4006,24.0,1,1,0,1,0,0,Laborers,3.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.09069096474797674,0.40280673921569743,,0.0928,0.0902,0.9796,0.7212,0.0401,0.0,0.2069,0.1667,0.0417,0.0522,0.07400000000000001,0.0772,0.0077,0.021,0.0945,0.0936,0.9796,0.7321,0.0404,0.0,0.2069,0.1667,0.0417,0.0534,0.0808,0.0805,0.0078,0.0222,0.0937,0.0902,0.9796,0.7249,0.0403,0.0,0.2069,0.1667,0.0417,0.0531,0.0752,0.0786,0.0078,0.0214,reg oper account,block of flats,0.0872,Panel,No,2.0,0.0,2.0,0.0,-2774.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1132041,356091,Revolving loans,2250.0,45000.0,45000.0,,45000.0,FRIDAY,18,Y,1,,,,XAP,Approved,-411,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-288.0,-248.0,365243.0,-156.0,-120.0,0.0,0,Cash loans,M,Y,Y,0,252000.0,792162.0,40576.5,630000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.011656999999999999,-18930,-1650,-1959.0,-2448,7.0,1,1,0,1,0,1,Managers,2.0,1,1,WEDNESDAY,10,1,1,0,0,0,0,Business Entity Type 3,0.705617793736241,0.6919753439622042,0.39277386060313396,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1310.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,2.0 +1980283,155425,Revolving loans,4500.0,90000.0,90000.0,0.0,90000.0,WEDNESDAY,14,Y,1,0.0,,,XAP,Refused,-386,XNA,HC,,Repeater,XNA,Cards,walk-in,Country-wide,44,Connectivity,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,N,Y,0,315000.0,675000.0,34596.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.014519999999999996,-8315,-177,-6336.0,-976,,1,1,0,1,0,0,Drivers,1.0,2,2,THURSDAY,13,0,1,1,0,1,1,Business Entity Type 3,,0.3230442686629976,0.2032521136204725,0.0165,0.0455,0.9816,,,0.0,0.069,0.0417,,,,0.0146,,0.0,0.0168,0.0472,0.9816,,,0.0,0.069,0.0417,,,,0.0153,,0.0,0.0167,0.0455,0.9816,,,0.0,0.069,0.0417,,,,0.0149,,0.0,,block of flats,0.012,Block,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1966675,407724,Consumer loans,9917.955,76725.0,83475.0,0.0,76725.0,WEDNESDAY,14,Y,1,0.0,,,XAP,Approved,-1148,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Stone,148,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1117.0,-847.0,-847.0,-843.0,0.0,0,Cash loans,F,N,Y,0,360000.0,86346.0,9193.5,81000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010147,-14687,-2463,-6081.0,-5007,,1,1,1,1,1,0,Cooking staff,2.0,2,2,WEDNESDAY,17,0,0,0,0,1,1,Industry: type 9,,0.6320476921706193,0.6940926425266661,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1148.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1453035,164294,Consumer loans,3109.32,30150.0,28138.5,4545.0,30150.0,TUESDAY,15,Y,1,0.1514500644612168,,,XAP,Approved,-1251,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,35,Connectivity,12.0,high,POS mobile with interest,365243.0,-1214.0,-884.0,-884.0,-875.0,0.0,0,Cash loans,F,N,N,0,90000.0,284400.0,16326.0,225000.0,Family,Working,Higher education,Single / not married,House / apartment,0.031329,-10464,-2597,-4667.0,-3131,,1,1,0,1,0,0,Accountants,1.0,2,2,SUNDAY,10,0,0,0,0,0,0,Government,0.2235563696750668,0.6569265842040178,0.7136313997323308,0.1237,0.1069,0.9816,0.7484,0.0169,0.0,0.1379,0.1667,0.2083,0.1279,0.1009,0.1106,0.0,0.0444,0.1261,0.1109,0.9816,0.7583,0.017,0.0,0.1379,0.1667,0.2083,0.1309,0.1102,0.1153,0.0,0.047,0.1249,0.1069,0.9816,0.7518,0.017,0.0,0.1379,0.1667,0.2083,0.1302,0.1026,0.1126,0.0,0.0453,reg oper account,block of flats,0.0962,"Stone, brick",No,0.0,0.0,0.0,0.0,-2236.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1207972,341669,Consumer loans,24219.675,126765.0,133456.5,0.0,126765.0,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-176,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Stone,61,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-131.0,19.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,Y,0,202500.0,495000.0,24750.0,495000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.030755,-22999,365243,-9650.0,-4356,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,,0.5213426012734327,0.5884877883422673,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1567.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,2.0 +2437450,229832,Consumer loans,7935.885,34605.0,27855.0,6750.0,34605.0,SUNDAY,10,Y,1,0.21243645821019025,,,XAP,Approved,-2451,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,65,Connectivity,4.0,high,POS mobile with interest,365243.0,-2174.0,-2084.0,-2084.0,-2080.0,0.0,0,Cash loans,M,Y,Y,0,270000.0,814041.0,28971.0,679500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.019101,-15877,-1270,-8329.0,-3988,15.0,1,1,0,1,0,0,Drivers,1.0,2,2,MONDAY,15,0,0,0,0,1,1,Self-employed,,0.6142876820573626,0.5406544504453575,0.0515,0.0204,0.9916,,,0.08,0.0345,0.4583,,0.0188,,0.0605,,0.0503,0.0525,0.0212,0.9916,,,0.0806,0.0345,0.4583,,0.0192,,0.063,,0.0532,0.052000000000000005,0.0204,0.9916,,,0.08,0.0345,0.4583,,0.0191,,0.0616,,0.0514,,block of flats,0.0585,"Stone, brick",No,0.0,0.0,0.0,0.0,-1714.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2069637,183777,Consumer loans,9103.005,42709.5,34164.0,8545.5,42709.5,WEDNESDAY,20,Y,1,0.21790998170515602,,,XAP,Approved,-1070,Cash through the bank,XAP,"Spouse, partner",New,Computers,POS,XNA,Country-wide,12,Connectivity,4.0,middle,POS mobile without interest,365243.0,-1038.0,-948.0,-948.0,-940.0,0.0,0,Cash loans,F,N,N,0,180000.0,900000.0,23742.0,900000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.035792000000000004,-11202,-2946,-41.0,-1602,,1,1,0,1,0,0,Core staff,2.0,2,2,SATURDAY,17,0,0,0,0,0,0,Police,0.6268469649820247,0.6554909952808194,0.3893387918468769,0.0742,0.0385,0.9836,0.7756,0.0132,0.08,0.069,0.3333,0.0417,0.0131,0.0605,0.0721,0.0,0.0,0.0756,0.04,0.9836,0.7844,0.0133,0.0806,0.069,0.3333,0.0417,0.0134,0.0661,0.0709,0.0,0.0,0.0749,0.0385,0.9836,0.7786,0.0132,0.08,0.069,0.3333,0.0417,0.0134,0.0616,0.0734,0.0,0.0,reg oper account,block of flats,0.0599,Panel,No,3.0,1.0,3.0,0.0,-1070.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,3.0 +1794457,239341,Consumer loans,10391.22,112041.0,112041.0,0.0,112041.0,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-587,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Stone,1000,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-556.0,-226.0,-226.0,-222.0,0.0,0,Cash loans,F,N,N,0,112500.0,808650.0,23643.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.030755,-21619,-5895,-5994.0,-4384,,1,1,1,1,0,0,Laborers,1.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Housing,,0.7657732311007777,0.7016957740576931,0.133,0.1473,0.9781,0.7008,0.0152,0.0,0.2759,0.1667,0.0417,0.0439,0.1084,0.1226,0.0,0.0,0.1355,0.1528,0.9782,0.7125,0.0154,0.0,0.2759,0.1667,0.0417,0.0449,0.1185,0.1277,0.0,0.0,0.1343,0.1473,0.9781,0.7048,0.0153,0.0,0.2759,0.1667,0.0417,0.0447,0.1103,0.1248,0.0,0.0,reg oper account,block of flats,0.0964,"Stone, brick",No,0.0,0.0,0.0,0.0,-1608.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2514293,224906,Cash loans,17224.2,157500.0,157500.0,0.0,157500.0,THURSDAY,5,Y,1,0.0,,,XNA,Refused,-2072,XNA,LIMIT,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,N,2,90000.0,948582.0,27864.0,679500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.014464,-12849,-1999,-723.0,-653,,1,1,0,1,0,0,Sales staff,4.0,2,2,THURSDAY,5,0,0,0,0,0,0,Self-employed,0.522678275173449,0.5980697875939309,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2271.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1076378,303338,Revolving loans,2250.0,45000.0,45000.0,,45000.0,MONDAY,12,Y,1,,,,XAP,Approved,-263,XNA,XAP,Unaccompanied,New,XNA,Cards,walk-in,Country-wide,100,Connectivity,0.0,XNA,Card Street,-250.0,-215.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,81000.0,382500.0,20880.0,382500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-12718,-756,-6135.0,-240,,1,1,0,1,0,0,Sales staff,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Trade: type 7,0.3212790962667979,0.595112062037277,0.3774042489507649,0.0814,0.0879,0.9896,0.9592,0.0,0.0,0.1724,0.1667,0.2083,0.0653,0.0328,0.0746,0.0,0.0311,0.041,0.0528,0.9826,0.9608,0.0,0.0,0.069,0.1667,0.2083,0.0516,0.0358,0.042,0.0,0.0,0.0822,0.0879,0.9896,0.9597,0.0,0.0,0.1724,0.1667,0.2083,0.0664,0.0333,0.0759,0.0,0.0318,reg oper account,block of flats,0.0374,Panel,No,4.0,0.0,4.0,0.0,-262.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1973604,124186,Cash loans,37692.0,675000.0,675000.0,,675000.0,SUNDAY,11,Y,1,,,,XNA,Approved,-730,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Stone,2,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-700.0,-10.0,-220.0,-212.0,0.0,0,Cash loans,M,Y,Y,0,450000.0,244584.0,11893.5,193500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.072508,-21390,-933,-1264.0,-4830,13.0,1,1,0,1,0,0,Security staff,1.0,1,1,TUESDAY,12,0,0,0,0,0,0,Security,,0.6729001784473363,0.2678689358444539,0.1938,0.033,0.9816,0.7484,0.0358,0.0532,0.1607,0.3888,0.4304,0.0,0.1558,0.1669,0.009000000000000001,0.0121,0.1239,0.0001,0.9747,0.6668,0.0139,0.0,0.2069,0.1667,0.2083,0.0,0.1084,0.1063,0.0,0.0024,0.1239,0.0001,0.9747,0.6578,0.047,0.0,0.2069,0.1667,0.2083,0.0,0.1009,0.1042,0.0039,0.0023,reg oper account,block of flats,0.2474,Panel,No,0.0,0.0,0.0,0.0,-643.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,9.0 +1954288,139528,Cash loans,16405.29,135000.0,143910.0,0.0,135000.0,TUESDAY,12,Y,1,0.0,,,XNA,Approved,-1691,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,high,Cash X-Sell: high,365243.0,-1661.0,-1331.0,-1331.0,-1328.0,1.0,0,Cash loans,F,N,Y,0,157500.0,291915.0,15034.5,252000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-12466,-230,-6492.0,-4405,,1,1,0,1,0,0,Core staff,2.0,2,2,SATURDAY,9,0,0,0,0,0,0,Self-employed,0.6550393161171688,0.6642123711306529,0.3425288720742255,0.0495,0.0645,0.9727,0.626,,0.0,0.1034,0.1667,0.2083,0.0604,0.0403,0.0403,0.0,0.0,0.0504,0.0669,0.9727,0.6406,,0.0,0.1034,0.1667,0.2083,0.0618,0.0441,0.042,0.0,0.0,0.05,0.0645,0.9727,0.631,,0.0,0.1034,0.1667,0.2083,0.0615,0.041,0.0411,0.0,0.0,reg oper account,block of flats,0.0412,"Stone, brick",No,4.0,0.0,4.0,0.0,-1691.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2613526,445339,Cash loans,11916.315,135000.0,178308.0,,135000.0,SATURDAY,14,Y,1,,,,XNA,Approved,-689,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-659.0,31.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,0,180000.0,566055.0,18387.0,472500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.028663,-17889,-498,-9293.0,-1432,10.0,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,13,0,1,1,0,1,1,Business Entity Type 3,,0.6901125060459253,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-689.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1618133,445197,Cash loans,11093.265,135000.0,148365.0,,135000.0,WEDNESDAY,7,Y,1,,,,XNA,Approved,-448,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),5,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-418.0,92.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,2,112500.0,148500.0,7353.0,148500.0,Unaccompanied,Working,Lower secondary,Widow,House / apartment,0.014519999999999996,-14146,-1093,-7191.0,-5024,64.0,1,1,0,1,0,0,Laborers,3.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,Self-employed,,0.2319427311585574,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1061.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2222694,270890,Cash loans,52541.775,517500.0,537993.0,,517500.0,FRIDAY,10,Y,1,,,,XNA,Refused,-314,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,292500.0,1201891.5,47794.5,1030500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.072508,-22682,365243,-10961.0,-4803,,1,0,0,1,1,0,,1.0,1,1,THURSDAY,13,0,0,0,0,0,0,XNA,,0.6906220178582978,0.5406544504453575,0.4433,0.2952,0.9781,0.7008,0.0,0.48,0.4138,0.3333,0.375,0.0523,0.3614,0.4139,0.0,0.0166,0.4517,0.3063,0.9782,0.7125,0.0,0.4834,0.4138,0.3333,0.375,0.0535,0.3949,0.4313,0.0,0.0176,0.4476,0.2952,0.9781,0.7048,0.0,0.48,0.4138,0.3333,0.375,0.0532,0.3677,0.4214,0.0,0.0169,reg oper account,block of flats,0.3292,Panel,No,0.0,0.0,0.0,0.0,-314.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,9.0 +2530214,352173,Revolving loans,6750.0,135000.0,135000.0,,135000.0,WEDNESDAY,9,Y,1,,,,XAP,Refused,-541,XNA,HC,,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),2,XNA,0.0,XNA,Card Street,,,,,,,1,Cash loans,M,N,Y,2,180000.0,315000.0,14004.0,315000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018209,-17996,-2495,-784.0,-1523,,1,1,0,1,0,0,Laborers,4.0,3,3,FRIDAY,7,0,0,0,0,1,1,Construction,,0.4292194699201495,0.11987796089553485,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-1511.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1954424,456106,Cash loans,7992.585,67500.0,80703.0,,67500.0,WEDNESDAY,12,Y,1,,,,XNA,Approved,-252,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-222.0,108.0,365243.0,365243.0,1.0,0,Cash loans,M,N,N,0,112500.0,284400.0,16456.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,Rented apartment,0.031329,-16083,-411,-3407.0,-3320,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Construction,,0.2884898044746771,0.5406544504453575,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-323.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2601435,122161,Consumer loans,8203.05,54711.0,51124.5,6750.0,54711.0,FRIDAY,12,Y,1,0.12702249931081278,,,XAP,Approved,-1448,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,8.0,high,POS mobile with interest,365243.0,-1417.0,-1207.0,-1207.0,-1200.0,0.0,0,Cash loans,F,N,Y,0,117000.0,273024.0,15372.0,216000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.005313,-22986,365243,-13231.0,-3996,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,11,0,0,0,0,0,0,XNA,,0.4357512728591823,0.7001838506835805,0.0165,0.0,0.9771,0.6872,0.0014,0.0,0.069,0.0417,0.0833,0.0432,0.0134,0.0144,0.0,0.0,0.0168,0.0,0.9772,0.6994,0.0014,0.0,0.069,0.0417,0.0833,0.0442,0.0147,0.015,0.0,0.0,0.0167,0.0,0.9771,0.6914,0.0014,0.0,0.069,0.0417,0.0833,0.0439,0.0137,0.0147,0.0,0.0,reg oper account,block of flats,0.0121,"Stone, brick",No,3.0,0.0,3.0,0.0,-26.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2241191,347355,Revolving loans,4500.0,90000.0,90000.0,,90000.0,TUESDAY,12,Y,1,,,,XAP,Approved,-177,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,121500.0,754740.0,22198.5,630000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010556,-20473,365243,-9933.0,-3101,,1,0,0,1,0,0,,2.0,3,3,THURSDAY,12,0,0,0,0,0,0,XNA,,0.579008784023478,0.5370699579791587,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-858.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1217384,212585,Cash loans,9164.565,76500.0,91719.0,,76500.0,THURSDAY,11,Y,1,,,,XNA,Approved,-558,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-528.0,-198.0,-468.0,-445.0,1.0,0,Cash loans,F,N,N,1,157500.0,454500.0,21996.0,454500.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.014519999999999996,-15637,-2427,-3233.0,-5317,,1,1,0,1,0,0,High skill tech staff,3.0,2,2,TUESDAY,12,0,0,0,0,0,0,Business Entity Type 2,0.6842191663503219,0.5308723884233012,0.5136937663039473,0.101,0.0441,0.9846,0.7892,0.0,0.08,0.0345,0.5417,0.5833,0.0622,0.0824,0.0842,0.0,0.0,0.1029,0.0457,0.9846,0.7975,0.0,0.0806,0.0345,0.5417,0.5833,0.0636,0.09,0.0878,0.0,0.0,0.102,0.0441,0.9846,0.792,0.0,0.08,0.0345,0.5417,0.5833,0.0633,0.0838,0.0857,0.0,0.0,reg oper account,block of flats,0.0662,Panel,No,0.0,0.0,0.0,0.0,-1246.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1842272,141557,Cash loans,26393.265,135000.0,139455.0,,135000.0,SATURDAY,6,Y,1,,,,XNA,Refused,-426,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,225000.0,1140156.0,37809.0,1021500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.0038130000000000004,-19600,-5885,-8155.0,-3142,,1,1,0,1,0,0,Medicine staff,2.0,2,2,FRIDAY,6,0,0,0,0,0,0,Medicine,,0.3106581959264213,0.8327850252992314,0.2381,0.2208,0.9871,0.8232,,0.32,0.2759,0.3333,0.0417,0.1086,,0.2915,,0.014,0.2426,0.2291,0.9871,0.8301,,0.3222,0.2759,0.3333,0.0417,0.111,,0.3037,,0.0149,0.2405,0.2208,0.9871,0.8256,,0.32,0.2759,0.3333,0.0417,0.1104,,0.2967,,0.0143,org spec account,block of flats,0.2323,Panel,No,0.0,0.0,0.0,0.0,-1830.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2688713,417218,Consumer loans,11264.985,93109.5,101304.0,0.0,93109.5,MONDAY,18,Y,1,0.0,,,XAP,Refused,-741,Cash through the bank,SCO,Family,New,Audio/Video,POS,XNA,Stone,106,Consumer electronics,10.0,low_normal,POS household without interest,,,,,,,0,Cash loans,M,N,N,0,135000.0,781920.0,32998.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Separated,With parents,0.030755,-16477,-2865,-3848.0,-16,,1,1,0,1,0,0,Laborers,1.0,2,2,SUNDAY,13,0,0,0,1,1,1,Self-employed,,0.5694658196032099,0.2721336844147212,0.0722,0.0828,0.9786,,,0.0,0.1379,0.1667,,0.0154,,0.0633,,0.0078,0.0735,0.0859,0.9786,,,0.0,0.1379,0.1667,,0.0158,,0.066,,0.0083,0.0729,0.0828,0.9786,,,0.0,0.1379,0.1667,,0.0157,,0.0644,,0.008,,block of flats,0.0555,"Stone, brick",No,1.0,1.0,1.0,1.0,-741.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,1.0 +2528634,262200,Consumer loans,3965.22,78660.0,87552.0,0.0,78660.0,SUNDAY,17,Y,1,0.0,,,XAP,Refused,-600,Cash through the bank,LIMIT,,Repeater,Computers,POS,XNA,Country-wide,150,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,0,Cash loans,F,N,Y,0,202500.0,450000.0,21649.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.02461,-17563,-1713,-4924.0,-1109,,1,1,1,1,1,0,Accountants,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Self-employed,,0.6810388906520594,0.4578995512067301,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-716.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1822625,455149,Cash loans,14219.91,225000.0,254700.0,,225000.0,MONDAY,12,Y,1,,,,XNA,Approved,-1117,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-1087.0,-397.0,-937.0,-929.0,1.0,0,Cash loans,F,N,N,0,121500.0,518562.0,20695.5,463500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.005084,-21173,-6301,-9085.0,-3931,,1,1,0,1,0,0,Waiters/barmen staff,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,Medicine,,0.5787848914267469,0.7194907850918436,0.0309,0.0372,0.9876,0.83,0.0161,0.0,0.069,0.1667,0.2083,,0.0252,0.0302,0.0,0.0,0.0315,0.0386,0.9876,0.8367,0.0162,0.0,0.069,0.1667,0.2083,,0.0275,0.0315,0.0,0.0,0.0312,0.0372,0.9876,0.8323,0.0162,0.0,0.069,0.1667,0.2083,,0.0257,0.0308,0.0,0.0,,block of flats,0.0238,Panel,No,3.0,0.0,2.0,0.0,-1500.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2671975,238648,Cash loans,19480.5,270000.0,270000.0,,270000.0,THURSDAY,15,Y,1,,,,XNA,Approved,-1194,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,26,Connectivity,18.0,middle,Cash X-Sell: middle,365243.0,-1164.0,-654.0,-654.0,-651.0,0.0,0,Cash loans,M,Y,Y,0,90000.0,348264.0,19575.0,315000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-22110,365243,-9170.0,-3743,4.0,1,0,0,1,1,0,,2.0,2,2,MONDAY,9,0,0,0,0,0,0,XNA,,0.6096870350553247,0.5046813193144684,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-524.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2235658,400836,Consumer loans,11687.85,61105.5,64332.0,0.0,61105.5,FRIDAY,8,Y,1,0.0,,,XAP,Approved,-566,Cash through the bank,XAP,,Repeater,Jewelry,POS,XNA,Country-wide,10,Industry,6.0,middle,POS other with interest,365243.0,-535.0,-385.0,-445.0,-438.0,0.0,0,Cash loans,F,N,Y,1,90000.0,526500.0,26883.0,526500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018209,-15725,-1121,-1591.0,-4070,,1,1,0,1,0,0,High skill tech staff,3.0,3,3,THURSDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.7926616966586688,0.4545068058950448,0.5814837058057234,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-703.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1993843,206108,Consumer loans,13629.15,136305.0,122674.5,13630.5,136305.0,TUESDAY,8,Y,1,0.1089090909090909,,,XAP,Approved,-1200,Cash through the bank,XAP,Unaccompanied,New,Homewares,POS,XNA,Regional / Local,80,Clothing,10.0,low_normal,POS other with interest,365243.0,-1156.0,-886.0,-916.0,-908.0,0.0,0,Cash loans,F,N,Y,0,90000.0,630000.0,27882.0,630000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-21870,365243,-11966.0,-4794,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,XNA,,0.4049916853870472,0.6512602186973006,0.1485,,0.9826,,,0.08,0.069,0.3333,,,,0.0585,,0.0,0.1513,,0.9826,,,0.0806,0.069,0.3333,,,,0.0609,,0.0,0.1499,,0.9826,,,0.08,0.069,0.3333,,,,0.0595,,0.0,,block of flats,0.1103,,No,1.0,0.0,1.0,0.0,-1.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1162965,382808,Cash loans,10662.255,135000.0,152820.0,,135000.0,MONDAY,12,Y,1,,,,XNA,Refused,-354,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Regional / Local,800,Consumer electronics,24.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,Y,0,157500.0,888840.0,29506.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.009656999999999999,-23729,365243,-1136.0,-4603,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,9,0,0,0,0,0,0,XNA,,0.3950831316851284,0.2910973802776635,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-629.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2363128,130382,Revolving loans,27000.0,540000.0,540000.0,,540000.0,SATURDAY,13,Y,1,,,,XAP,Approved,-24,XNA,XAP,Unaccompanied,Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-24.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,180000.0,1155226.5,38308.5,1035000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.00702,-21500,-2091,-8754.0,-4848,0.0,1,1,0,1,0,0,Accountants,1.0,2,2,TUESDAY,13,0,0,0,0,1,1,Business Entity Type 3,0.8388580497055528,0.6238327510269711,0.5656079814115492,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-968.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1744795,301041,Consumer loans,8210.025,38421.0,40257.0,4500.0,38421.0,FRIDAY,14,Y,1,0.10950039303146077,,,XAP,Approved,-841,XNA,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,20,Connectivity,6.0,high,POS mobile with interest,365243.0,-810.0,-660.0,-660.0,-649.0,0.0,0,Cash loans,M,Y,Y,1,180000.0,545040.0,26640.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.032561,-14204,-2699,-4044.0,-4147,7.0,1,1,0,1,1,1,Sales staff,3.0,1,1,SATURDAY,11,0,1,1,0,1,1,Other,0.4779581135358354,0.6958905801052553,0.4776491548517548,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-841.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1832167,364554,Cash loans,14792.67,454500.0,454500.0,,454500.0,MONDAY,15,Y,1,,,,XNA,Refused,-115,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,270000.0,535500.0,29178.0,535500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.028663,-10686,-656,-681.0,-3254,,1,1,0,1,0,0,Accountants,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Self-employed,,0.051075403773592834,0.5136937663039473,0.1031,,0.9771,0.6872,0.0072,0.0,0.2069,0.1667,0.2083,0.0465,0.0841,0.0883,0.0,0.0,0.105,,0.9772,0.6994,0.0073,0.0,0.2069,0.1667,0.2083,0.0475,0.0918,0.092,0.0,0.0,0.1041,,0.9771,0.6914,0.0073,0.0,0.2069,0.1667,0.2083,0.0473,0.0855,0.0899,0.0,0.0,reg oper account,block of flats,0.0734,"Stone, brick",No,0.0,0.0,0.0,0.0,-122.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1437845,158900,Consumer loans,5881.995,107226.0,129874.5,0.0,107226.0,FRIDAY,14,Y,1,0.0,,,XAP,Approved,-995,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,520,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-964.0,-274.0,-274.0,-258.0,0.0,1,Cash loans,F,Y,Y,1,135000.0,381528.0,18684.0,315000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.02461,-10247,-1645,-2097.0,-2216,8.0,1,1,1,1,0,1,Sales staff,2.0,2,2,SATURDAY,15,0,0,0,0,0,0,Self-employed,,0.3523461669800972,0.2608559142068693,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-995.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2362590,367259,Consumer loans,11486.475,100755.0,112392.0,0.0,100755.0,TUESDAY,13,Y,1,0.0,,,XAP,Approved,-2295,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,-1,Consumer electronics,14.0,high,POS household with interest,365243.0,-2264.0,-1874.0,-1874.0,-1870.0,1.0,0,Cash loans,F,N,N,0,180000.0,1350000.0,39595.5,1350000.0,Unaccompanied,Working,Secondary / secondary special,Widow,Municipal apartment,0.032561,-19711,-1840,-3451.0,-3050,,1,1,0,1,1,0,Sales staff,1.0,1,1,MONDAY,11,0,0,0,0,0,0,Trade: type 3,,0.7434118535610466,0.6430255641096323,0.0835,0.0606,0.9732,0.6328,0.009000000000000001,0.0,0.1379,0.1667,0.2083,,0.0672,0.0679,0.0039,0.0098,0.0851,0.0629,0.9732,0.6472,0.0091,0.0,0.1379,0.1667,0.2083,,0.0735,0.0708,0.0039,0.0104,0.0843,0.0606,0.9732,0.6377,0.0091,0.0,0.1379,0.1667,0.2083,,0.0684,0.0691,0.0039,0.01,reg oper account,block of flats,0.0605,"Stone, brick",No,0.0,0.0,0.0,0.0,-2295.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1435970,362786,Revolving loans,22500.0,0.0,450000.0,,,WEDNESDAY,9,Y,1,,,,XAP,Approved,-1343,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-1042.0,-1018.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,F,N,Y,0,157500.0,382761.0,19674.0,319500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.00702,-19722,-331,-10966.0,-2779,,1,1,0,1,0,0,Sales staff,1.0,2,2,TUESDAY,15,0,0,0,0,0,0,Self-employed,,0.5755134830462117,0.6879328378491735,0.0825,,0.9757,,,,0.1379,0.1667,,,,,,,0.084,,0.9757,,,,0.1379,0.1667,,,,,,,0.0833,,0.9757,,,,0.1379,0.1667,,,,,,,,block of flats,0.0557,Mixed,No,0.0,0.0,0.0,0.0,-1947.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2066443,281446,Consumer loans,6782.535,36193.5,33264.0,4500.0,36193.5,WEDNESDAY,12,Y,1,0.12977727706040376,,,XAP,Refused,-1363,Cash through the bank,HC,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,31,Connectivity,6.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,N,0,90000.0,157914.0,16713.0,139500.0,Family,Working,Secondary / secondary special,Married,With parents,0.035792000000000004,-16174,-277,-5610.0,-4682,,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.16918682759160858,0.5824004546428976,0.5082869913916046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,2.0,2.0,2.0,-262.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2506866,313517,Revolving loans,5625.0,0.0,112500.0,,0.0,THURSDAY,15,Y,1,,,,XAP,Refused,-1328,XNA,HC,,Refreshed,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,Y,N,2,90000.0,474363.0,21024.0,409500.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.01885,-13025,-5276,-896.0,-283,21.0,1,1,1,1,0,0,Sales staff,4.0,2,2,TUESDAY,14,0,0,0,1,1,0,Business Entity Type 3,,0.32056733452227576,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,2.0,2.0,0.0,-2379.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1969686,362087,Consumer loans,21086.46,205681.5,205681.5,0.0,205681.5,SATURDAY,19,Y,1,0.0,,,XAP,Approved,-837,Cash through the bank,XAP,"Spouse, partner",New,Furniture,POS,XNA,Stone,100,Furniture,12.0,middle,POS industry with interest,365243.0,-806.0,-476.0,-656.0,-647.0,0.0,0,Cash loans,F,N,Y,0,382500.0,1800000.0,74286.0,1800000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.032561,-16421,-2151,-2707.0,-4817,,1,1,1,1,0,0,,2.0,1,1,WEDNESDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.8205034296304187,0.6886890439149462,,0.2546,,0.9767,,,0.2,0.1724,0.3333,,0.2386,,0.2208,,0.1636,0.2595,,0.9767,,,0.2014,0.1724,0.3333,,0.2441,,0.23,,0.1732,0.2571,,0.9767,,,0.2,0.1724,0.3333,,0.2428,,0.2247,,0.1671,,block of flats,0.2092,"Stone, brick",No,0.0,0.0,0.0,0.0,-837.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1904902,435381,Cash loans,41666.22,1129500.0,1260702.0,,1129500.0,TUESDAY,9,Y,1,,,,XNA,Refused,-332,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,2,90000.0,225000.0,10489.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-12055,-2526,-5180.0,-1739,,1,1,1,1,1,0,Laborers,4.0,2,2,FRIDAY,10,0,0,0,0,0,0,Self-employed,0.2549993214834589,0.7439245820500041,0.6785676886853644,0.0309,0.0386,0.9881,0.8368,0.0146,0.0,0.069,0.1667,0.2083,0.0526,0.0252,0.0276,0.0,0.0,0.0315,0.0401,0.9881,0.8432,0.0148,0.0,0.069,0.1667,0.2083,0.0537,0.0275,0.0288,0.0,0.0,0.0312,0.0386,0.9881,0.8390000000000001,0.0147,0.0,0.069,0.1667,0.2083,0.0535,0.0257,0.0281,0.0,0.0,reg oper account,block of flats,0.0217,"Stone, brick",No,5.0,0.0,5.0,0.0,-568.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,2.0,7.0 +1373275,211504,Cash loans,27449.82,450000.0,491580.0,,450000.0,WEDNESDAY,18,Y,1,,,,XNA,Approved,-1028,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,low_normal,Cash Street: low,365243.0,-992.0,-302.0,-302.0,-298.0,0.0,0,Cash loans,F,N,Y,0,112500.0,167895.0,17334.0,157500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018634,-24584,365243,-9904.0,-4054,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,XNA,,0.29509627044592673,0.5352762504724826,0.0567,0.0144,0.9771,0.6872,0.0,0.04,0.0345,0.375,0.4167,0.0685,0.0437,0.0572,0.0116,0.0098,0.0578,0.0149,0.9772,0.6994,0.0,0.0403,0.0345,0.375,0.4167,0.07,0.0478,0.0596,0.0117,0.0104,0.0573,0.0144,0.9771,0.6914,0.0,0.04,0.0345,0.375,0.4167,0.0697,0.0445,0.0582,0.0116,0.01,reg oper account,block of flats,0.047,"Stone, brick",No,2.0,0.0,2.0,0.0,-1332.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2552962,225553,Cash loans,40279.185,675000.0,721332.0,,675000.0,SATURDAY,13,Y,1,,,,XNA,Approved,-987,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-957.0,-267.0,-357.0,-349.0,1.0,0,Cash loans,F,N,Y,0,270000.0,1096020.0,59589.0,900000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.04622,-22669,365243,-2363.0,-4435,,1,0,0,1,0,0,,2.0,1,1,SATURDAY,10,0,0,0,0,0,0,XNA,0.6414350471640541,0.7141052041921383,0.34741822720026416,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1728.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1261599,283592,Consumer loans,7482.33,144810.0,144810.0,0.0,144810.0,MONDAY,15,Y,1,0.0,,,XAP,Approved,-603,Cash through the bank,XAP,,New,Medicine,POS,XNA,Regional / Local,567,Industry,24.0,low_normal,POS other with interest,365243.0,-570.0,120.0,-150.0,-142.0,0.0,1,Cash loans,F,N,Y,0,135000.0,560664.0,21852.0,468000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.025164,-15203,-1151,-67.0,-2177,,1,1,0,1,0,0,Sales staff,1.0,2,2,TUESDAY,10,0,0,0,0,0,0,Trade: type 7,0.22495419384013526,0.3538396571960494,0.09261717137485452,0.1814,0.0746,0.9846,0.7892,0.0574,0.08,0.069,0.3333,0.375,0.0,0.1446,0.1054,0.0154,0.0225,0.1849,0.0774,0.9846,0.7975,0.0579,0.0806,0.069,0.3333,0.375,0.0,0.1579,0.1098,0.0156,0.0238,0.1832,0.0746,0.9846,0.792,0.0577,0.08,0.069,0.3333,0.375,0.0,0.1471,0.1073,0.0155,0.023,reg oper account,block of flats,0.1192,Panel,No,1.0,0.0,1.0,0.0,-435.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1897521,352666,Consumer loans,9586.125,182119.5,221184.0,0.0,182119.5,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-362,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Regional / Local,150,Consumer electronics,30.0,low_normal,POS household with interest,365243.0,-331.0,539.0,-271.0,-264.0,0.0,0,Cash loans,M,Y,Y,1,225000.0,1762110.0,48586.5,1575000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-10467,-2895,-302.0,-2414,3.0,1,1,0,1,0,0,Laborers,3.0,2,2,FRIDAY,10,0,0,0,0,0,0,Business Entity Type 1,,0.7282398687808129,0.6528965519806539,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,1.0,6.0,1.0,-1597.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1036176,328388,Consumer loans,3490.11,32517.0,32256.0,3600.0,32517.0,THURSDAY,6,Y,1,0.1093464768163563,,,XAP,Approved,-1471,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,21,Consumer electronics,14.0,high,POS household with interest,365243.0,-1438.0,-1048.0,-1048.0,-1041.0,0.0,0,Cash loans,F,N,N,0,90000.0,1256400.0,36864.0,900000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020713,-20873,365243,-10537.0,-4358,,1,0,0,1,0,0,,2.0,3,3,FRIDAY,12,0,0,0,0,0,0,XNA,0.6792595109210396,0.4865510982764397,0.5797274227921155,0.0825,0.1319,0.9856,0.8028,0.017,0.0,0.2759,0.1667,0.2083,0.1028,0.0672,0.0992,0.0,0.0,0.084,0.1368,0.9856,0.8105,0.0172,0.0,0.2759,0.1667,0.2083,0.1051,0.0735,0.1034,0.0,0.0,0.0833,0.1319,0.9856,0.8054,0.0171,0.0,0.2759,0.1667,0.2083,0.1046,0.0684,0.101,0.0,0.0,reg oper spec account,block of flats,0.0781,"Stone, brick",No,0.0,0.0,0.0,0.0,-1471.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2812982,115802,Consumer loans,9953.685,100846.035,90760.5,10085.535,100846.035,MONDAY,14,Y,1,0.1089191506817118,,,XAP,Approved,-1246,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,1730,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-1211.0,-941.0,-971.0,-967.0,0.0,0,Cash loans,F,N,N,0,90000.0,331632.0,30816.0,315000.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.006207,-15315,-1552,-4023.0,-4629,,1,1,1,1,0,0,Core staff,1.0,2,2,FRIDAY,16,0,0,0,0,0,0,School,0.6442236380718712,0.7800138244502414,0.6313545365850379,0.0825,0.0796,0.9771,0.6872,,0.0,0.1379,0.1667,0.2083,0.0249,0.0672,0.0704,0.0,0.0,0.084,0.0826,0.9772,0.6994,,0.0,0.1379,0.1667,0.2083,0.0254,0.0735,0.0734,0.0,0.0,0.0833,0.0796,0.9771,0.6914,,0.0,0.1379,0.1667,0.2083,0.0253,0.0684,0.0717,0.0,0.0,reg oper account,block of flats,0.0597,Panel,No,0.0,0.0,0.0,0.0,-1377.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1214044,439494,Consumer loans,5808.78,51887.25,46696.5,5190.75,51887.25,THURSDAY,8,Y,1,0.1089515947822179,,,XAP,Approved,-1524,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,38,Connectivity,12.0,high,POS mobile with interest,365243.0,-1493.0,-1163.0,-1223.0,-1220.0,0.0,0,Cash loans,F,Y,Y,1,135000.0,450000.0,41404.5,450000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.018029,-9748,-238,-4290.0,-1916,9.0,1,1,0,1,0,0,Core staff,3.0,3,3,TUESDAY,11,0,0,0,0,1,1,Bank,0.18328920861395145,0.3012924487393161,0.2340151665320674,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-273.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1185084,117230,Consumer loans,15004.08,397143.0,397143.0,0.0,397143.0,MONDAY,21,Y,1,0.0,,,XAP,Approved,-665,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Stone,150,Consumer electronics,36.0,low_normal,POS household with interest,365243.0,-631.0,419.0,365243.0,365243.0,0.0,0,Revolving loans,F,Y,Y,0,90000.0,225000.0,11250.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.011656999999999999,-22118,-5409,-6285.0,-4623,24.0,1,1,0,1,0,0,Core staff,2.0,1,1,MONDAY,12,0,0,0,0,0,0,Postal,,0.7176943715051698,0.7016957740576931,0.0619,0.0592,0.9871,0.8232,,0.0,0.1379,0.1667,0.0417,0.0314,0.0504,0.0647,0.0,0.0,0.063,0.0615,0.9871,0.8301,,0.0,0.1379,0.1667,0.0417,0.0321,0.0551,0.0674,0.0,0.0,0.0625,0.0592,0.9871,0.8256,,0.0,0.1379,0.1667,0.0417,0.0319,0.0513,0.0659,0.0,0.0,reg oper account,block of flats,0.0509,Panel,No,0.0,0.0,0.0,0.0,-665.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2013560,295864,Consumer loans,10697.49,199089.0,234301.5,0.0,199089.0,FRIDAY,17,Y,1,0.0,,,XAP,Approved,-1503,Cash through the bank,XAP,Other_B,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,533,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1472.0,-782.0,-782.0,-780.0,0.0,1,Cash loans,F,Y,N,0,180000.0,526491.0,31482.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.007114,-11450,-558,-4946.0,-3759,10.0,1,1,0,1,0,0,Laborers,1.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.15794108704359644,0.12373532211307872,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1503.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1910137,314095,Consumer loans,8820.72,59760.0,44059.5,17910.0,59760.0,THURSDAY,13,Y,1,0.3147615872617687,,,XAP,Approved,-1000,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,50,Connectivity,6.0,high,POS mobile with interest,365243.0,-962.0,-812.0,-872.0,-863.0,0.0,0,Cash loans,F,Y,Y,0,89253.0,270000.0,14656.5,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-18338,-1081,-1430.0,-1576,3.0,1,1,1,1,1,0,,2.0,2,2,WEDNESDAY,9,0,0,0,0,1,1,Business Entity Type 3,,0.04401346149316896,0.2445163919946749,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-103.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1002429,257968,Consumer loans,13497.795,98442.0,112603.5,9846.0,98442.0,WEDNESDAY,14,Y,1,0.08757233872665128,,,XAP,Approved,-879,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,58,Connectivity,12.0,high,POS mobile with interest,365243.0,-848.0,-518.0,-668.0,-665.0,0.0,0,Cash loans,M,N,Y,0,67500.0,1056447.0,31018.5,922500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0228,-18453,-2288,-9063.0,-1928,,1,1,0,1,0,0,Laborers,2.0,2,2,SUNDAY,11,0,0,0,0,0,0,Construction,,0.12663890491308907,0.4740512892789932,0.0454,0.0455,0.9747,0.6532,0.0042,0.0,0.1034,0.125,0.1667,0.0,0.037000000000000005,0.0356,0.0077,0.0143,0.0462,0.0472,0.9747,0.6668,0.0042,0.0,0.1034,0.125,0.1667,0.0,0.0404,0.0371,0.0078,0.0151,0.0458,0.0455,0.9747,0.6578,0.0042,0.0,0.1034,0.125,0.1667,0.0,0.0376,0.0362,0.0078,0.0146,reg oper account,block of flats,0.0323,"Stone, brick",No,0.0,0.0,0.0,0.0,-1662.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2640161,217657,Cash loans,13776.21,180000.0,203760.0,0.0,180000.0,THURSDAY,11,Y,1,0.0,,,XNA,Approved,-2453,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,24.0,high,Cash Street: high,365243.0,-2423.0,-1733.0,-1733.0,-1722.0,1.0,0,Cash loans,M,Y,Y,1,180000.0,609183.0,19782.0,508500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.018801,-16938,-5178,-8815.0,-461,4.0,1,1,0,1,0,0,Managers,3.0,2,2,SUNDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.6657372214374481,0.7091891096653581,0.0082,0.0,0.9717,0.6124,0.001,0.0,0.0345,0.0417,0.0833,0.0178,0.0067,0.0099,0.0,0.0,0.0084,0.0,0.9717,0.6276,0.001,0.0,0.0345,0.0417,0.0833,0.0182,0.0073,0.0104,0.0,0.0,0.0083,0.0,0.9717,0.6176,0.001,0.0,0.0345,0.0417,0.0833,0.0181,0.0068,0.0101,0.0,0.0,reg oper account,block of flats,0.0084,"Stone, brick",No,0.0,0.0,0.0,0.0,-783.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +1083809,376254,Consumer loans,4227.39,31005.0,35257.5,3100.5,31005.0,THURSDAY,15,Y,1,0.0880318672411586,,,XAP,Approved,-1586,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,high,POS mobile with interest,365243.0,-1554.0,-1224.0,-1224.0,-1219.0,0.0,0,Cash loans,F,N,Y,1,144000.0,225000.0,18040.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-12038,-759,-7808.0,-1901,,1,1,0,1,0,0,,3.0,2,2,MONDAY,12,0,0,0,1,1,0,Business Entity Type 3,0.17087584688483987,0.6891764210798433,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-1586.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2525757,168974,Consumer loans,4953.285,44253.0,39978.0,4275.0,44253.0,THURSDAY,13,Y,1,0.10521012442916038,,,XAP,Approved,-1412,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,45,Connectivity,12.0,high,POS mobile with interest,365243.0,-1369.0,-1039.0,-1099.0,-1094.0,0.0,0,Cash loans,F,N,Y,0,58500.0,172692.0,18454.5,162000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.031329,-24342,365243,-14967.0,-4193,,1,0,0,1,1,0,,1.0,2,2,TUESDAY,11,0,0,0,0,0,0,XNA,,0.16219210595922867,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,2.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1831302,262466,Cash loans,12026.385,135000.0,148365.0,,135000.0,TUESDAY,11,Y,1,,,,XNA,Approved,-1047,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-1017.0,-507.0,-627.0,-622.0,1.0,0,Cash loans,F,N,Y,0,139500.0,679500.0,68022.0,679500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.025164,-14046,-2932,-2465.0,-4688,,1,1,0,1,0,0,Sales staff,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,Self-employed,0.772397208047991,0.6392492638333401,0.7407990879702335,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-656.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,2.0,0.0,0.0,1.0 +1223109,430354,Cash loans,9239.985,90000.0,95940.0,,90000.0,FRIDAY,9,Y,1,,,,XNA,Approved,-1109,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-1079.0,-749.0,-899.0,-896.0,1.0,0,Cash loans,F,N,N,0,171000.0,886500.0,35158.5,886500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-22937,-1433,-5822.0,-5540,,1,1,0,1,0,0,,2.0,2,2,MONDAY,11,0,0,0,0,0,0,Self-employed,,0.4392869205380488,0.7981372313187245,0.0309,,0.9593,,,0.0,0.1724,0.125,,,,0.0403,,0.0283,0.0315,,0.9593,,,0.0,0.1724,0.125,,,,0.042,,0.0299,0.0312,,0.9593,,,0.0,0.1724,0.125,,,,0.041,,0.0289,,block of flats,0.0378,"Stone, brick",No,7.0,1.0,7.0,1.0,-899.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +2272179,370974,Consumer loans,5806.8,139392.0,124609.5,14782.5,139392.0,THURSDAY,15,Y,1,0.11549792214500378,,,XAP,Approved,-2701,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,3500,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-2670.0,-1980.0,-1980.0,-1977.0,0.0,0,Cash loans,M,N,Y,0,315000.0,1377000.0,56083.5,1377000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-16427,-1180,-3359.0,-4185,,1,1,0,1,0,0,Managers,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.5765000029677564,0.6657518199350144,0.3606125659189888,0.1392,0.1247,0.9901,,,0.12,0.1034,0.3333,,0.1174,,0.1493,,0.0024,0.1418,0.1294,0.9901,,,0.1208,0.1034,0.3333,,0.1201,,0.1556,,0.0026,0.1405,0.1247,0.9901,,,0.12,0.1034,0.3333,,0.1194,,0.152,,0.0025,,block of flats,0.1432,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1589381,260545,Cash loans,12769.74,135000.0,161622.0,,135000.0,TUESDAY,15,Y,1,,,,Other,Approved,-405,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,high,Cash Street: high,365243.0,-375.0,315.0,-375.0,-372.0,1.0,0,Cash loans,F,Y,Y,1,225000.0,463500.0,16776.0,463500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.035792000000000004,-14185,-1948,-493.0,-5360,11.0,1,1,0,1,0,0,Accountants,3.0,2,2,MONDAY,18,0,0,0,0,0,0,Self-employed,0.6345408303847647,0.6492823345016722,0.22009464485041005,0.0825,0.0723,0.9866,0.8164,0.0049,0.0,0.2069,0.1667,0.2083,0.0353,0.0647,0.0733,0.0116,0.0572,0.084,0.075,0.9866,0.8236,0.005,0.0,0.2069,0.1667,0.2083,0.0361,0.0707,0.0764,0.0117,0.0605,0.0833,0.0723,0.9866,0.8189,0.0049,0.0,0.2069,0.1667,0.2083,0.0359,0.0658,0.0746,0.0116,0.0584,reg oper account,block of flats,0.0899,"Stone, brick",No,0.0,0.0,0.0,0.0,-1269.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2080935,182616,Cash loans,14871.24,229500.0,254340.0,,229500.0,THURSDAY,17,Y,1,,,,XNA,Approved,-1054,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-1024.0,-334.0,-544.0,-533.0,1.0,0,Cash loans,F,N,N,2,112500.0,959688.0,34600.5,810000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.00496,-14797,-1306,-4794.0,-4806,,1,1,0,1,0,0,Core staff,4.0,2,2,MONDAY,15,0,0,0,0,0,0,School,0.7627421734938838,0.6463337599571843,0.445396241560834,0.0598,,0.9776,,,0.0,0.1379,0.1667,,0.0052,,,,,0.0609,,0.9777,,,0.0,0.1379,0.1667,,0.0054,,,,,0.0604,,0.9776,,,0.0,0.1379,0.1667,,0.0053,,,,,,block of flats,0.0357,,No,0.0,0.0,0.0,0.0,-1199.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1363791,101069,Consumer loans,15303.285,98910.0,98910.0,0.0,98910.0,WEDNESDAY,12,Y,1,0.0,,,XAP,Approved,-1547,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Stone,130,Consumer electronics,8.0,high,POS household with interest,365243.0,-1516.0,-1306.0,-1306.0,-1297.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,679500.0,45724.5,679500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.02461,-18735,-1717,-11293.0,-2269,3.0,1,1,1,1,1,0,Sales staff,2.0,2,2,WEDNESDAY,16,0,0,0,0,1,1,Trade: type 7,,0.5109120741947333,0.5262949398096192,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-721.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,1.0,2.0 +1792501,388862,Consumer loans,3743.82,16645.5,17721.0,1665.0,16645.5,THURSDAY,17,Y,1,0.09353844855237607,,,XAP,Approved,-1310,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,2000,Consumer electronics,6.0,high,POS household with interest,365243.0,-1279.0,-1129.0,-1129.0,-1125.0,0.0,0,Cash loans,F,N,Y,0,540000.0,497520.0,28692.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.007273999999999998,-10861,-1279,-3420.0,-3062,,1,1,0,1,1,0,Laborers,1.0,2,2,FRIDAY,13,0,0,0,0,0,0,Self-employed,0.5540280874698208,0.5605713562115677,0.7490217048463391,0.0715,0.0882,0.9861,0.8096,0.0096,0.0,0.1493,0.1667,0.0417,0.0661,0.0583,0.0408,0.0064,0.0161,0.0504,0.0736,0.9816,0.7583,0.0089,0.0,0.1034,0.1667,0.0417,0.0523,0.0441,0.0302,0.0078,0.0078,0.0625,0.076,0.9851,0.7987,0.0097,0.0,0.1379,0.1667,0.0417,0.0567,0.0513,0.0342,0.0078,0.0082,reg oper account,block of flats,0.0391,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,1.0 +1000570,305416,Cash loans,16015.275,135000.0,143910.0,,135000.0,SATURDAY,11,Y,1,,,,XNA,Approved,-471,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),148,XNA,12.0,high,Cash X-Sell: high,365243.0,-441.0,-111.0,-111.0,-106.0,1.0,0,Cash loans,M,Y,Y,0,225000.0,47970.0,4873.5,45000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.00702,-14606,-391,-1445.0,-2187,10.0,1,1,1,1,1,0,Security staff,2.0,2,2,MONDAY,10,0,1,1,0,1,1,Business Entity Type 3,,0.4836562235256798,0.6528965519806539,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1763.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1111698,290893,Consumer loans,5696.73,28804.5,30514.5,0.0,28804.5,THURSDAY,9,Y,1,0.0,,,XAP,Approved,-390,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Regional / Local,50,Consumer electronics,6.0,middle,POS household with interest,365243.0,-359.0,-209.0,-209.0,-205.0,0.0,0,Cash loans,F,N,N,2,72000.0,233784.0,11497.5,153000.0,Unaccompanied,State servant,Secondary / secondary special,Civil marriage,With parents,0.020246,-9994,-2144,-4571.0,-2227,,1,1,0,1,0,0,Cooking staff,4.0,3,3,TUESDAY,9,0,0,0,1,1,0,Security Ministries,0.28570851402485525,0.2637164050742864,0.511891801533151,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-866.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,9.0 +2450419,400111,Consumer loans,3042.0,25650.0,25371.0,2565.0,25650.0,THURSDAY,8,Y,1,0.09999707122774136,,,XAP,Approved,-1940,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Stone,145,Consumer electronics,12.0,high,POS household with interest,365243.0,-1908.0,-1578.0,-1578.0,-1573.0,0.0,0,Cash loans,F,N,Y,0,112500.0,1046142.0,30717.0,913500.0,Family,Working,Lower secondary,Married,House / apartment,0.020713,-15590,-1070,-5810.0,-4266,,1,1,0,1,1,0,Sales staff,2.0,3,3,FRIDAY,8,0,0,0,0,0,0,Self-employed,,0.6881308586548461,0.3077366963789207,0.0619,0.2764,0.9921,0.8912,0.0869,0.0,0.1379,0.125,0.0417,0.0496,0.0504,0.0606,0.0,0.0,0.063,0.2868,0.9921,0.8955,0.0877,0.0,0.1379,0.125,0.0417,0.0508,0.0551,0.0631,0.0,0.0,0.0625,0.2764,0.9921,0.8927,0.0875,0.0,0.1379,0.125,0.0417,0.0505,0.0513,0.0617,0.0,0.0,reg oper spec account,block of flats,0.0477,Panel,No,0.0,0.0,0.0,0.0,-561.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2264423,434303,Revolving loans,,0.0,0.0,,,MONDAY,11,Y,1,,,,XAP,Refused,-170,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Card Street,,,,,,,0,Revolving loans,F,N,Y,0,173250.0,360000.0,18000.0,360000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.006233,-23015,-997,-2444.0,-3892,,1,1,1,1,1,0,Sales staff,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.5684683236580659,0.501075160239048,0.0186,0.0195,0.9697,,,,0.1034,0.0417,,0.0241,,0.027000000000000003,,,0.0189,0.0202,0.9697,,,,0.1034,0.0417,,0.0246,,0.0281,,,0.0187,0.0195,0.9697,,,,0.1034,0.0417,,0.0245,,0.0275,,,,block of flats,0.0212,"Stone, brick",No,3.0,0.0,3.0,0.0,-1206.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1863875,296136,Cash loans,8887.5,225000.0,225000.0,,225000.0,MONDAY,11,Y,1,,,,XNA,Refused,-949,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,90000.0,808650.0,26217.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.025164,-20232,365243,-5607.0,-3573,,1,0,0,1,1,0,,1.0,2,2,FRIDAY,11,0,0,0,0,0,0,XNA,,0.587094313522516,0.501075160239048,0.0711,0.0625,0.9781,0.7008,0.0197,0.0,0.1724,0.1667,0.0417,0.0552,0.0572,0.0608,0.0039,0.0151,0.0725,0.0648,0.9782,0.7125,0.0198,0.0,0.1724,0.1667,0.0417,0.0565,0.0624,0.0634,0.0039,0.0159,0.0718,0.0625,0.9781,0.7048,0.0198,0.0,0.1724,0.1667,0.0417,0.0562,0.0581,0.0619,0.0039,0.0154,reg oper account,block of flats,0.0619,"Stone, brick",No,0.0,0.0,0.0,0.0,-1516.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1949430,287223,Consumer loans,5566.005,35910.0,34443.0,3600.0,35910.0,FRIDAY,9,Y,1,0.10306041249973116,,,XAP,Approved,-1756,XNA,XAP,,New,Mobile,POS,XNA,Country-wide,5,Connectivity,8.0,high,POS mobile with interest,365243.0,-1721.0,-1511.0,-1511.0,-1502.0,0.0,0,Cash loans,M,Y,Y,1,135000.0,810000.0,23683.5,810000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-14637,-1287,-4118.0,-4117,0.0,1,1,0,1,0,0,Medicine staff,3.0,2,2,THURSDAY,11,0,0,0,0,0,0,Medicine,0.3517963295614699,0.5095349933520261,0.1510075350878296,0.1309,0.154,0.9801,0.728,0.0653,0.0,0.2759,0.1667,0.2083,0.0607,0.1034,0.1129,0.0154,0.0255,0.1334,0.1599,0.9801,0.7387,0.0659,0.0,0.2759,0.1667,0.2083,0.062,0.1129,0.1176,0.0156,0.027000000000000003,0.1322,0.154,0.9801,0.7316,0.0657,0.0,0.2759,0.1667,0.2083,0.0617,0.1052,0.1149,0.0155,0.026,reg oper account,block of flats,0.13,"Stone, brick",No,4.0,0.0,4.0,0.0,-1756.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,1.0,6.0 +1543690,328690,Cash loans,28873.17,450000.0,491580.0,,450000.0,WEDNESDAY,18,Y,1,,,,XNA,Approved,-925,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-895.0,-205.0,-475.0,-459.0,1.0,0,Cash loans,F,N,Y,0,144000.0,1345036.5,43519.5,1174500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-21222,365243,-4643.0,-4670,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,18,0,0,0,0,0,0,XNA,,0.5237649593194733,0.4382813743111921,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1783.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,5.0 +2345424,415250,Cash loans,16270.11,229500.0,254340.0,,229500.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-563,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-533.0,157.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,112500.0,862560.0,25348.5,720000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.008865999999999999,-23502,365243,-2745.0,-4023,,1,0,0,1,0,0,,1.0,2,2,SATURDAY,10,0,0,0,0,0,0,XNA,,0.3133055202222128,0.4507472818545589,0.0794,0.0846,0.9752,0.66,0.0242,0.0,0.1379,0.1667,0.0417,0.0153,0.0639,0.0624,0.0039,0.0055,0.0809,0.0878,0.9752,0.6733,0.0245,0.0,0.1379,0.1667,0.0417,0.0157,0.0698,0.065,0.0039,0.0058,0.0802,0.0846,0.9752,0.6645,0.0244,0.0,0.1379,0.1667,0.0417,0.0156,0.065,0.0635,0.0039,0.0056,reg oper spec account,block of flats,0.0635,"Stone, brick",No,0.0,0.0,0.0,0.0,-761.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2774107,113753,Cash loans,25245.0,270000.0,270000.0,,270000.0,FRIDAY,7,Y,1,,,,XNA,Approved,-275,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-245.0,85.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,180000.0,315000.0,9679.5,315000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.006629,-16749,-418,-6449.0,-277,,1,1,1,1,0,0,Accountants,3.0,2,2,SUNDAY,9,0,0,0,0,0,0,Industry: type 9,,0.6961913012585139,0.7801436381572275,0.0825,0.1064,0.9871,0.8232,0.0271,0.0,0.1379,0.1667,0.0417,0.1098,0.0664,0.0944,0.0039,0.0056,0.084,0.1104,0.9871,0.8301,0.0273,0.0,0.1379,0.1667,0.0417,0.1123,0.0725,0.0983,0.0039,0.0059,0.0833,0.1064,0.9871,0.8256,0.0273,0.0,0.1379,0.1667,0.0417,0.1117,0.0676,0.0961,0.0039,0.0057,reg oper account,block of flats,0.2669,Panel,No,0.0,0.0,0.0,0.0,-420.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0.0,0.0,0.0,3.0,1.0,1.0 +1969258,387943,Consumer loans,3541.995,75744.0,75744.0,0.0,75744.0,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-90,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Regional / Local,100,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-59.0,631.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,835380.0,40320.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0031219999999999998,-18143,-1243,-2918.0,-1670,13.0,1,1,0,1,0,0,Drivers,2.0,3,3,MONDAY,14,0,1,1,0,1,1,Self-employed,0.4874268456395777,0.4322221462897352,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-511.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1474691,359398,Cash loans,8920.935,45000.0,46485.0,,45000.0,MONDAY,12,Y,1,,,,XNA,Approved,-868,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-838.0,-688.0,-838.0,-832.0,1.0,0,Cash loans,F,N,Y,0,202500.0,365359.5,39478.5,328500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-20072,365243,-3836.0,-2142,,1,0,0,1,0,0,,2.0,2,2,MONDAY,11,0,0,0,0,0,0,XNA,,0.33906656579441496,0.6246146584503397,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1466.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1961623,205268,Cash loans,108675.09,1129500.0,1162300.5,,1129500.0,FRIDAY,16,Y,1,,,,XNA,Refused,-7,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,N,N,0,400500.0,1035832.5,30415.5,904500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,Office apartment,0.006233,-20046,365243,-10486.0,-2647,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,17,0,0,0,0,0,0,XNA,,0.647667251750929,0.5567274263630174,0.3722,0.1969,0.9856,0.8028,0.0781,0.2,0.1724,0.3333,0.375,0.0942,0.3009,0.3788,0.0116,0.0148,0.3792,0.2043,0.9856,0.8105,0.0788,0.2014,0.1724,0.3333,0.375,0.0963,0.3287,0.3946,0.0117,0.0157,0.3758,0.1969,0.9856,0.8054,0.0786,0.2,0.1724,0.3333,0.375,0.0958,0.3061,0.3856,0.0116,0.0151,reg oper account,block of flats,0.3439,Panel,No,3.0,1.0,3.0,1.0,-1048.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1272595,282297,Cash loans,40914.495,1350000.0,1546020.0,,1350000.0,MONDAY,15,Y,1,,,,XNA,Refused,-56,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,162000.0,2250000.0,59355.0,2250000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-20632,365243,-4443.0,-4174,,1,0,0,1,0,0,,2.0,2,2,MONDAY,14,0,0,0,0,0,0,XNA,,0.640096032761052,0.4418358231994413,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-197.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,0.0 +1758337,119856,Cash loans,24089.04,225000.0,304924.5,,225000.0,WEDNESDAY,11,Y,1,,,,XNA,Refused,-766,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,M,Y,Y,1,202500.0,370107.0,25164.0,319500.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.016612000000000002,-13824,-1522,-1426.0,-3631,20.0,1,1,0,1,0,0,Security staff,3.0,2,2,SATURDAY,15,0,0,0,0,1,1,Security,0.34767928525322955,0.3814708760607566,0.3031463744186309,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1423.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,7.0 +2702253,257556,Cash loans,8694.9,45000.0,45000.0,0.0,45000.0,TUESDAY,11,Y,1,0.0,,,XNA,Approved,-2568,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,6.0,high,Cash Street: high,365243.0,-2538.0,-2388.0,-2388.0,-2381.0,0.0,0,Cash loans,F,N,Y,1,220500.0,1293502.5,37948.5,1129500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010147,-13821,-4452,-8984.0,-4506,,1,1,0,1,0,0,High skill tech staff,3.0,2,2,MONDAY,13,0,0,0,0,0,0,Self-employed,,0.36153622836355903,,0.0825,0.0799,0.9757,0.6668,0.0089,0.0,0.1379,0.1667,0.2083,0.0375,0.0672,0.0704,0.0,0.0,0.084,0.0829,0.9757,0.6798,0.009000000000000001,0.0,0.1379,0.1667,0.2083,0.0384,0.0735,0.0734,0.0,0.0,0.0833,0.0799,0.9757,0.6713,0.009000000000000001,0.0,0.1379,0.1667,0.2083,0.0382,0.0684,0.0717,0.0,0.0,org spec account,block of flats,0.0603,Panel,No,0.0,0.0,0.0,0.0,-1032.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1704849,363558,Cash loans,25751.61,630000.0,694863.0,,630000.0,FRIDAY,9,Y,1,,,,XNA,Refused,-216,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,200,Consumer electronics,36.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,135000.0,587619.0,17181.0,490500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018801,-22989,365243,-13811.0,-1595,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,8,0,0,0,0,0,0,XNA,0.7178007449374444,0.3574878809194507,0.5602843280409464,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-216.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2439711,137842,Consumer loans,15753.06,245565.0,277978.5,0.0,245565.0,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-525,Cash through the bank,XAP,,Repeater,Construction Materials,POS,XNA,Stone,216,Construction,24.0,middle,POS industry with interest,365243.0,-494.0,196.0,-374.0,-370.0,0.0,0,Cash loans,F,Y,Y,0,202500.0,118512.0,9490.5,90000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-11101,-1424,-4880.0,-3619,21.0,1,1,0,1,0,0,Cleaning staff,2.0,2,2,SATURDAY,12,0,0,0,0,1,1,Business Entity Type 3,,0.3096475874977861,0.43473324875017305,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,1.0,-2354.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1920692,432214,Consumer loans,9392.715,170100.0,88029.0,90000.0,170100.0,TUESDAY,11,Y,1,0.5505742425008388,,,XAP,Approved,-2046,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Country-wide,134,Consumer electronics,12.0,middle,POS household with interest,365243.0,-2015.0,-1685.0,-1895.0,-1887.0,0.0,0,Revolving loans,M,Y,Y,1,148500.0,450000.0,22500.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-14991,-313,-86.0,-5572,4.0,1,1,0,1,0,0,Laborers,3.0,2,2,THURSDAY,16,0,0,0,0,0,0,Business Entity Type 2,0.81251734006432,0.1813745373866293,0.4294236843421945,0.1227,0.0961,0.9781,0.7008,0.0161,0.0,0.2759,0.1667,0.2083,0.0496,0.1,0.1037,0.0,0.0,0.125,0.0998,0.9782,0.7125,0.0162,0.0,0.2759,0.1667,0.2083,0.0507,0.1093,0.1081,0.0,0.0,0.1239,0.0961,0.9781,0.7048,0.0162,0.0,0.2759,0.1667,0.2083,0.0504,0.1018,0.1056,0.0,0.0,reg oper account,block of flats,0.0904,Panel,No,0.0,0.0,0.0,0.0,-1.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1886265,360764,Cash loans,33973.065,342000.0,357799.5,,342000.0,SATURDAY,17,Y,1,,,,XNA,Refused,-423,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,12.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,1,112500.0,439074.0,22549.5,328500.0,Children,Working,Secondary / secondary special,Married,With parents,0.019101,-15197,-583,-4154.0,-1350,20.0,1,1,0,1,0,0,Cooking staff,3.0,2,2,TUESDAY,16,0,0,0,1,1,0,Other,,0.5096005720773105,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-715.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2206603,168889,Consumer loans,4386.87,23084.595,27747.0,4.095,23084.595,MONDAY,10,Y,1,0.00016070815485757475,,,XAP,Approved,-1824,Cash through the bank,XAP,Children,Repeater,Consumer Electronics,POS,XNA,Country-wide,3000,Consumer electronics,8.0,high,POS household with interest,365243.0,-1793.0,-1583.0,-1643.0,-1636.0,0.0,1,Cash loans,F,N,N,2,135000.0,1288350.0,37800.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.008473999999999999,-11063,-1779,-5124.0,-3011,,1,1,0,1,0,0,,4.0,2,2,FRIDAY,11,0,0,0,0,0,0,Industry: type 1,0.3856139384089094,0.6682774112486736,0.2103502286944494,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,0.0,-4.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1964636,152670,Cash loans,36270.54,810000.0,978079.5,,810000.0,THURSDAY,11,Y,1,,,,XNA,Approved,-398,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,54.0,middle,Cash X-Sell: middle,365243.0,-363.0,1227.0,-213.0,-206.0,0.0,0,Cash loans,F,N,N,0,81000.0,45000.0,2187.0,45000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,Municipal apartment,0.026392000000000002,-13643,-2138,-6118.0,-4127,,1,1,0,1,0,1,Laborers,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.6131529904080321,0.7062015987598907,,0.2443,0.1775,0.9891,,,0.24,0.2069,0.375,,0.1296,,0.265,,0.0,0.2489,0.1842,0.9891,,,0.2417,0.2069,0.375,,0.1326,,0.2761,,0.0,0.2467,0.1775,0.9891,,,0.24,0.2069,0.375,,0.1318,,0.2698,,0.0,,block of flats,0.2085,Panel,No,3.0,0.0,3.0,0.0,-393.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2427645,455235,Consumer loans,4920.84,27495.0,24133.5,4500.0,27495.0,SATURDAY,10,Y,1,0.17115997314017112,,,XAP,Approved,-1854,XNA,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Stone,6,Connectivity,6.0,high,POS mobile with interest,365243.0,-1820.0,-1670.0,-1670.0,-1664.0,0.0,0,Cash loans,F,N,Y,1,112500.0,983160.0,62964.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0105,-11978,-1689,-9926.0,-562,,1,1,0,1,0,1,Sales staff,3.0,3,3,FRIDAY,16,0,0,0,0,0,0,Self-employed,0.5935585446781151,0.2667378483683368,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2045.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1945209,432400,Consumer loans,22663.035,462748.5,503064.0,0.0,462748.5,SUNDAY,14,Y,1,0.0,,,XAP,Approved,-463,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Regional / Local,30,Furniture,24.0,low_action,POS industry without interest,365243.0,-432.0,258.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,360000.0,679500.0,34695.0,679500.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.020246,-15009,-2161,-1446.0,-626,,1,1,0,1,1,0,Accountants,1.0,3,3,SATURDAY,16,1,0,1,1,0,1,Business Entity Type 3,,0.3895882612558895,0.4776491548517548,0.3103,0.2721,0.9975,0.966,0.0991,0.64,0.2759,0.4167,0.4167,0.0593,0.2379,0.4195,0.0502,0.0364,0.3162,0.2823,0.9975,0.9673,0.1,0.6445,0.2759,0.4167,0.4167,0.0607,0.2599,0.4371,0.0506,0.0385,0.3133,0.2721,0.9975,0.9665,0.0997,0.64,0.2759,0.4167,0.4167,0.0604,0.242,0.4270000000000001,0.0505,0.0371,reg oper account,block of flats,0.4129,"Stone, brick",No,0.0,0.0,0.0,0.0,-2021.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1683414,196167,Consumer loans,5920.335,43200.0,46764.0,0.0,43200.0,WEDNESDAY,8,Y,1,0.0,,,XAP,Approved,-2163,Cash through the bank,XAP,Unaccompanied,Repeater,Clothing and Accessories,POS,XNA,Stone,24,Clothing,10.0,high,POS industry with interest,365243.0,-2132.0,-1862.0,-1862.0,-1851.0,1.0,0,Cash loans,F,N,Y,0,207000.0,675000.0,23913.0,675000.0,Unaccompanied,Commercial associate,Incomplete higher,Married,With parents,0.018209,-13930,-1146,-1974.0,-3331,,1,1,0,1,0,0,Sales staff,2.0,3,3,WEDNESDAY,13,0,0,0,0,0,0,Self-employed,0.5842498115558294,0.518777301806064,0.6817058776720116,0.133,0.0777,0.9801,0.728,0.0018,0.08,0.0345,0.3333,0.375,0.0652,0.1076,0.0914,0.0039,0.0053,0.1355,0.0806,0.9801,0.7387,0.0018,0.0806,0.0345,0.3333,0.375,0.0667,0.1175,0.0953,0.0039,0.0057,0.1343,0.0777,0.9801,0.7316,0.0018,0.08,0.0345,0.3333,0.375,0.0663,0.1095,0.0931,0.0039,0.0055,reg oper account,block of flats,0.0898,"Stone, brick",No,4.0,1.0,4.0,0.0,-1697.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1650585,382520,Cash loans,5156.1,90000.0,90000.0,,90000.0,MONDAY,9,Y,1,,,,XNA,Refused,-19,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,1,Cash loans,F,N,Y,0,81000.0,112500.0,11088.0,112500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.0228,-23890,365243,-8979.0,-4625,,1,0,0,1,1,0,,2.0,2,2,SATURDAY,8,0,0,0,0,0,0,XNA,,0.36460574567729537,0.3910549766342248,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,0.0,8.0,0.0,-1346.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1184870,391538,Revolving loans,7875.0,0.0,157500.0,,,TUESDAY,9,Y,1,,,,XAP,Approved,-2316,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-2310.0,-2260.0,365243.0,-952.0,365243.0,0.0,0,Cash loans,F,N,Y,1,157500.0,343800.0,13090.5,225000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.008865999999999999,-16108,-706,-5543.0,-2308,,1,1,0,1,0,0,Core staff,3.0,2,2,MONDAY,15,0,0,0,1,1,0,Kindergarten,0.8160224449977178,0.7492695940612055,0.4543210601605785,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2316.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2214677,151774,Consumer loans,17281.35,121495.5,131517.0,0.0,121495.5,THURSDAY,12,Y,1,0.0,,,XAP,Approved,-2497,Cash through the bank,XAP,"Spouse, partner",Repeater,Photo / Cinema Equipment,POS,XNA,Regional / Local,300,Consumer electronics,10.0,high,POS household with interest,365243.0,-2466.0,-2196.0,-2196.0,-2193.0,1.0,0,Cash loans,F,N,Y,1,103500.0,490495.5,27517.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-18088,-715,-1960.0,-1634,,1,1,0,1,0,0,Laborers,3.0,2,2,TUESDAY,8,0,0,0,0,0,0,Business Entity Type 3,,0.7438120894709225,0.511891801533151,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2497.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2161606,419227,Cash loans,18534.51,225000.0,254700.0,0.0,225000.0,TUESDAY,12,Y,1,0.0,,,XNA,Approved,-2088,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash Street: high,365243.0,-2058.0,-1368.0,-1428.0,-1425.0,1.0,0,Cash loans,F,N,Y,0,157500.0,1508899.5,56047.5,1408500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.00733,-21244,365243,-5935.0,-4117,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,XNA,0.7520528480921733,0.7136317363593075,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1536.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2781249,144166,Revolving loans,38250.0,765000.0,765000.0,,765000.0,WEDNESDAY,11,N,1,,,,XAP,Refused,-357,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,N,0,90000.0,225000.0,8568.0,225000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.01885,-15212,-246,-78.0,-1472,,1,1,1,1,0,0,Accountants,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.789394519132426,0.6783633682631431,0.42765737003502935,0.132,0.0577,0.9851,0.7959999999999999,0.0077,0.08,0.0345,0.625,0.6667,0.0536,0.1076,0.0749,0.0,0.0,0.1345,0.0599,0.9851,0.804,0.0078,0.0806,0.0345,0.625,0.6667,0.0548,0.1175,0.078,0.0,0.0,0.1332,0.0577,0.9851,0.7987,0.0078,0.08,0.0345,0.625,0.6667,0.0545,0.1095,0.0762,0.0,0.0,reg oper account,block of flats,0.097,Panel,No,0.0,0.0,0.0,0.0,-530.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1639126,284830,Consumer loans,10206.72,89863.83,89863.83,0.0,89863.83,WEDNESDAY,16,Y,1,0.0,,,XAP,Approved,-26,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,30,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,365243.0,283.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,1,225000.0,970380.0,28503.0,810000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.019688999999999998,-17883,-7995,-4500.0,-1406,3.0,1,1,0,1,0,0,Managers,3.0,2,2,MONDAY,11,0,0,0,0,0,0,Electricity,,0.6682192367003268,0.4543210601605785,0.1227,0.1036,0.9781,0.7008,0.0197,0.0,0.2759,0.1667,0.2083,0.0,0.1,0.1144,0.0,0.0,0.125,0.1075,0.9782,0.7125,0.0199,0.0,0.2759,0.1667,0.2083,0.0,0.1093,0.1192,0.0,0.0,0.1239,0.1036,0.9781,0.7048,0.0198,0.0,0.2759,0.1667,0.2083,0.0,0.1018,0.1164,0.0,0.0,reg oper account,block of flats,0.09,Panel,No,8.0,0.0,7.0,0.0,-3085.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2077123,424097,Consumer loans,5565.105,31500.0,31500.0,0.0,31500.0,TUESDAY,17,Y,1,0.0,,,XAP,Approved,-399,Cash through the bank,XAP,,Refreshed,Clothing and Accessories,POS,XNA,Stone,20,Clothing,6.0,low_normal,POS industry with interest,365243.0,-367.0,-217.0,-337.0,-324.0,0.0,0,Cash loans,F,N,Y,0,225000.0,755190.0,32125.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.006207,-17913,-1090,-8950.0,-1447,,1,1,0,1,0,0,,1.0,2,2,TUESDAY,17,0,0,0,0,0,0,Electricity,,0.588164706186741,0.622922000268356,0.0928,0.0155,0.9876,0.83,0.0,0.1,0.0862,0.3333,0.375,0.0291,0.0756,0.0607,0.0,0.0143,0.0756,0.0135,0.9876,0.8367,0.0,0.0806,0.069,0.3333,0.375,0.028,0.0661,0.0506,0.0,0.0,0.0937,0.0155,0.9876,0.8323,0.0,0.1,0.0862,0.3333,0.375,0.0296,0.077,0.0618,0.0,0.0146,reg oper account,block of flats,0.0591,Panel,No,2.0,0.0,2.0,0.0,-1753.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1268218,438233,Consumer loans,6047.145,30870.0,32701.5,0.0,30870.0,MONDAY,14,Y,1,0.0,,,XAP,Approved,-435,Cash through the bank,XAP,Unaccompanied,New,Photo / Cinema Equipment,POS,XNA,Regional / Local,150,Consumer electronics,6.0,middle,POS household with interest,365243.0,-405.0,-255.0,-255.0,-247.0,1.0,0,Cash loans,F,N,N,0,117000.0,67500.0,7762.5,67500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.035792000000000004,-8126,-117,-2975.0,-811,,1,1,0,1,0,0,Core staff,1.0,2,2,TUESDAY,14,0,0,0,0,1,1,Trade: type 3,,0.5516810841053114,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-435.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2593686,338844,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SUNDAY,8,Y,1,,,,XAP,Approved,-361,XNA,XAP,,New,XNA,Cards,walk-in,Country-wide,3500,Consumer electronics,0.0,XNA,Card Street,-360.0,-313.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,112500.0,808650.0,31464.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020713,-15578,365243,-1444.0,-1723,,1,0,0,1,1,0,,2.0,3,3,THURSDAY,6,0,0,0,1,0,0,XNA,0.3896425654800895,0.4153605531734853,0.31703177858344445,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-361.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2335041,364304,Consumer loans,4482.45,22810.5,21343.5,2475.0,22810.5,MONDAY,12,Y,1,0.11316833553750234,,,XAP,Approved,-1634,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,6.0,high,POS mobile with interest,365243.0,-1603.0,-1453.0,-1453.0,-1446.0,0.0,0,Cash loans,F,N,Y,0,180000.0,1006920.0,40063.5,900000.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.018634,-23083,365243,-1343.0,-4395,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,XNA,,0.7525987654073149,0.5691487713619409,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1563539,126637,Consumer loans,3289.005,28498.5,28183.5,2853.0,28498.5,SATURDAY,10,Y,1,0.1001136198874346,,,XAP,Approved,-2468,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,41,Connectivity,12.0,low_normal,POS mobile with interest,365243.0,-2437.0,-2107.0,-2107.0,-2103.0,1.0,0,Cash loans,F,Y,N,0,180000.0,486000.0,15808.5,486000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-14257,-3623,-3423.0,-4180,5.0,1,1,0,1,0,0,Cooking staff,2.0,2,2,TUESDAY,19,0,0,0,0,0,0,Kindergarten,,0.5552371639097134,0.6296742509538716,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1705.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1263319,230764,Cash loans,18471.6,90000.0,92970.0,,90000.0,TUESDAY,15,Y,1,,,,XNA,Approved,-1721,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,6.0,high,Cash X-Sell: high,365243.0,-1691.0,-1541.0,-1541.0,-1534.0,1.0,0,Cash loans,M,N,Y,0,360000.0,710640.0,72949.5,675000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.030755,-12635,-3518,-1270.0,-4281,,1,1,0,1,0,0,Secretaries,1.0,2,2,MONDAY,14,0,0,0,0,0,0,University,,0.7767812278532259,0.7121551551910698,0.0227,0.0499,0.9702,0.5920000000000001,0.0,0.0,0.1034,0.1042,0.1667,0.0356,0.0185,0.0216,0.0,0.0204,0.0231,0.0518,0.9702,0.608,0.0,0.0,0.1034,0.0833,0.1667,0.0365,0.0202,0.0221,0.0,0.0216,0.0229,0.0499,0.9702,0.5975,0.0,0.0,0.1034,0.1042,0.1667,0.0363,0.0188,0.022,0.0,0.0208,reg oper account,block of flats,0.0248,"Stone, brick",No,0.0,0.0,0.0,0.0,-1892.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1865534,176684,Consumer loans,4040.1,80950.5,86697.0,8581.5,80950.5,SATURDAY,15,Y,1,0.0980917377620726,,,XAP,Approved,-2817,Cash through the bank,XAP,"Spouse, partner",Repeater,Computers,POS,XNA,Country-wide,1524,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-2786.0,-2096.0,-2096.0,-2088.0,1.0,0,Cash loans,F,Y,N,2,180000.0,45000.0,4725.0,45000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.019101,-11773,-2919,-2251.0,-3149,3.0,1,1,1,1,1,0,Managers,4.0,2,2,MONDAY,12,0,0,0,0,0,0,Telecom,0.6550093544880167,0.7059156799243899,0.5585066276769286,0.1072,0.1221,0.9891,0.8504,0.0198,0.0264,0.1838,0.2775,0.2083,0.0569,0.0866,0.0736,0.0039,0.0237,0.0746,0.0501,0.9876,0.8367,0.0061,0.0403,0.0345,0.3333,0.0417,0.0146,0.0643,0.0373,0.0,0.0,0.0739,0.0526,0.9891,0.8524,0.0204,0.04,0.0345,0.3333,0.2083,0.0752,0.0607,0.0639,0.0039,0.0197,reg oper account,block of flats,0.1618,"Stone, brick",No,2.0,0.0,2.0,0.0,-2000.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2171452,283368,Revolving loans,13500.0,270000.0,270000.0,,270000.0,TUESDAY,14,Y,1,,,,XAP,Refused,-386,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,N,Y,3,180000.0,239850.0,28462.5,225000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.04622,-12261,-1482,-1268.0,-1531,,1,1,0,1,1,0,Laborers,5.0,1,1,WEDNESDAY,16,0,1,1,0,1,1,Industry: type 1,0.15652514009299634,0.7228798147996307,0.4722533429586386,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-585.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1730095,245323,Cash loans,18464.76,202500.0,222547.5,,202500.0,THURSDAY,11,Y,1,,,,XNA,Approved,-737,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-707.0,-197.0,-557.0,-552.0,1.0,0,Cash loans,F,N,N,0,135000.0,343377.0,19840.5,283500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.035792000000000004,-21141,-912,-2818.0,-4324,,1,1,0,1,0,0,Cleaning staff,1.0,2,2,SATURDAY,10,0,0,0,0,0,0,Medicine,,0.19826084102040448,0.8027454758994178,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-507.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1678958,191396,Cash loans,19639.17,90000.0,100926.0,,90000.0,THURSDAY,17,Y,1,,,,XNA,Approved,-587,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,high,Cash X-Sell: high,365243.0,-557.0,-407.0,-407.0,-402.0,1.0,0,Cash loans,M,Y,Y,0,112500.0,263686.5,29880.0,238500.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.022625,-10376,-1453,-4647.0,-2779,9.0,1,1,0,1,0,0,Drivers,2.0,2,2,WEDNESDAY,10,0,0,0,0,1,1,Business Entity Type 3,0.16229660735371934,0.5469712101291455,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1545.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1030394,241559,Consumer loans,4627.755,37750.5,42070.5,0.0,37750.5,FRIDAY,8,Y,1,0.0,,,XAP,Approved,-380,Cash through the bank,XAP,,Repeater,Construction Materials,POS,XNA,Stone,8000,Construction,10.0,low_normal,POS industry with interest,365243.0,-349.0,-79.0,-229.0,-224.0,0.0,0,Revolving loans,M,N,Y,0,135000.0,180000.0,9000.0,180000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.007305,-9013,-1190,-3524.0,-1644,,1,1,0,1,0,0,Laborers,1.0,3,3,SUNDAY,11,0,0,0,0,0,0,Construction,0.1755109591563325,0.4929937819900384,0.08559545132461807,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-661.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1406609,402087,Consumer loans,15437.205,88416.0,81985.5,22500.0,88416.0,TUESDAY,15,Y,1,0.23452579979562185,,,XAP,Approved,-1486,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,1263,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1451.0,-1301.0,-1361.0,-1355.0,0.0,0,Cash loans,M,Y,Y,0,202500.0,225000.0,22383.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-23675,365243,-7006.0,-3929,2.0,1,0,0,1,1,0,,2.0,2,2,THURSDAY,8,0,0,0,0,0,0,XNA,,0.1923160541736026,,0.0124,0.044,0.9861,0.8096,,,,0.0417,0.0417,,0.0101,0.0146,,,0.0126,0.0457,0.9861,0.8171,,,,0.0417,0.0417,,0.011,0.0153,,,0.0125,0.044,0.9861,0.8121,,,,0.0417,0.0417,,0.0103,0.0149,,,not specified,block of flats,0.0115,Wooden,Yes,5.0,0.0,5.0,0.0,-1486.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1623753,101857,Consumer loans,31429.17,336717.0,336717.0,0.0,336717.0,TUESDAY,19,Y,1,0.0,,,XAP,Approved,-664,Cash through the bank,XAP,Unaccompanied,New,Medicine,POS,XNA,Stone,30,Industry,12.0,low_normal,POS industry with interest,365243.0,-627.0,-297.0,-327.0,-316.0,0.0,0,Cash loans,F,N,Y,0,720000.0,1125000.0,44617.5,1125000.0,Unaccompanied,Commercial associate,Higher education,Widow,House / apartment,0.04622,-21630,-1059,-13.0,-1726,,1,1,1,1,1,0,,1.0,1,1,MONDAY,11,1,0,1,1,1,1,Other,0.8824212632520405,0.6876754627479376,0.25670557243930026,,0.1848,0.9995,0.9932,,0.64,0.1379,1.0,1.0,,0.3522,0.529,,0.081,,0.1917,0.9995,0.9935,,0.6445,0.1379,1.0,1.0,,0.3848,0.5511,,0.0857,,0.1848,0.9995,0.9933,,0.64,0.1379,1.0,1.0,,0.3583,0.5385,,0.0827,reg oper account,block of flats,0.5845,Monolithic,No,0.0,0.0,0.0,0.0,-664.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2101209,410743,Consumer loans,6011.82,46300.5,41575.5,4725.0,46300.5,SUNDAY,13,Y,1,0.11114252644041736,,,XAP,Approved,-2674,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,12,Connectivity,9.0,high,POS mobile with interest,365243.0,-2635.0,-2395.0,-2395.0,-2387.0,0.0,0,Revolving loans,F,N,Y,1,135000.0,382500.0,19125.0,382500.0,Family,Working,Higher education,Married,House / apartment,0.02461,-10503,-327,-5086.0,-1451,,1,1,0,1,1,0,Accountants,3.0,2,2,SUNDAY,14,0,0,0,0,0,0,Transport: type 4,0.5050190737311698,0.6968014803505657,0.5549467685334323,0.0485,0.0,0.9598,0.4492,,0.0,0.1034,0.125,,0.0376,,0.0406,,0.003,0.0494,0.0,0.9598,0.4708,,0.0,0.1034,0.125,,0.0385,,0.0423,,0.0032,0.0489,0.0,0.9598,0.4566,,0.0,0.1034,0.125,,0.0382,,0.0413,,0.0031,,block of flats,0.0357,"Stone, brick",No,2.0,0.0,2.0,0.0,-2366.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1365674,439208,Consumer loans,2625.255,24255.0,23629.5,2425.5,24255.0,TUESDAY,9,Y,1,0.1013851468048359,,,XAP,Approved,-2800,Cash through the bank,XAP,Family,Repeater,Other,POS,XNA,Stone,40,Construction,10.0,low_normal,POS industry with interest,365243.0,-2768.0,-2498.0,-2498.0,-2494.0,1.0,0,Revolving loans,F,Y,Y,3,135000.0,225000.0,11250.0,225000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-11840,-2419,-784.0,-1818,14.0,1,1,0,1,0,0,Laborers,5.0,2,2,TUESDAY,16,0,0,0,0,1,1,Business Entity Type 3,0.22349346751014126,0.6768059796695338,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,1.0,7.0,0.0,-1864.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +1597539,212570,Cash loans,15840.45,225000.0,273406.5,,225000.0,SATURDAY,10,Y,1,,,,XNA,Approved,-429,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash X-Sell: high,365243.0,-399.0,651.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,1,67500.0,332842.5,16317.0,234000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00733,-13626,-537,-6569.0,-4038,,1,1,0,1,0,0,Sales staff,3.0,2,2,MONDAY,10,0,0,0,1,1,1,Government,,0.28232640421904515,0.4848514754962666,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1004.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2446048,124420,Consumer loans,2632.68,49864.5,55480.5,0.0,49864.5,THURSDAY,11,Y,1,0.0,,,XAP,Approved,-1540,Cash through the bank,XAP,Children,New,Audio/Video,POS,XNA,Country-wide,500,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1508.0,-818.0,-818.0,-809.0,0.0,1,Cash loans,M,Y,Y,0,247500.0,1552500.0,42822.0,1552500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.028663,-19847,-1002,-441.0,-3262,11.0,1,1,0,1,0,0,Managers,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Transport: type 4,0.7582000201894422,0.5881329243079093,0.41534714488434,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1540.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2374068,366486,Consumer loans,4952.565,32580.0,17383.5,15750.0,32580.0,THURSDAY,10,Y,1,0.517699060412628,,,XAP,Approved,-2423,XNA,XAP,,New,Mobile,POS,XNA,Stone,17,Connectivity,4.0,high,POS mobile with interest,365243.0,-2388.0,-2298.0,-2298.0,-2294.0,1.0,0,Revolving loans,F,Y,Y,1,108000.0,270000.0,13500.0,270000.0,"Spouse, partner",Working,Higher education,Married,House / apartment,0.022625,-12778,-1735,-1100.0,-3846,9.0,1,1,0,1,0,0,Sales staff,3.0,2,2,FRIDAY,12,0,0,0,0,1,1,Trade: type 7,,0.6844728459007335,0.5638350489514956,0.0546,,0.9836,,,,0.1379,0.1667,,,,0.0492,,0.0128,0.0557,,0.9836,,,,0.1379,0.1667,,,,0.0513,,0.0135,0.0552,,0.9836,,,,0.1379,0.1667,,,,0.0501,,0.013,,block of flats,0.0415,,No,5.0,0.0,5.0,0.0,-2423.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1012269,144647,Revolving loans,6750.0,0.0,135000.0,,,SUNDAY,13,Y,1,,,,XAP,Approved,-2698,XNA,XAP,,Repeater,XNA,Cards,x-sell,Regional / Local,1780,Consumer electronics,0.0,XNA,Card Street,-2694.0,-2574.0,365243.0,-1690.0,-741.0,0.0,0,Cash loans,F,N,Y,0,180000.0,891072.0,40396.5,720000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006233,-14959,-3273,-3102.0,-4362,,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,18,0,0,0,0,0,0,Business Entity Type 3,,0.6332826234094526,0.4956658291397297,0.0405,0.0013,0.9742,,,0.0,0.1034,0.1667,,0.064,,0.0554,,0.002,0.0315,0.0013,0.9742,,,0.0,0.1034,0.1667,,0.0556,,0.0505,,0.0011,0.0312,0.0013,0.9742,,,0.0,0.1034,0.1667,,0.0595,,0.0596,,0.001,,block of flats,0.042,"Stone, brick",No,0.0,0.0,0.0,0.0,-2383.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2051723,376314,Cash loans,6673.275,157500.0,157500.0,,157500.0,MONDAY,13,Y,1,,,,XNA,Approved,-364,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),1,XNA,36.0,low_normal,Cash Street: low,365243.0,-334.0,716.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,112500.0,432661.5,19188.0,373500.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.018634,-24246,365243,-275.0,-4415,,1,0,0,1,0,0,,1.0,2,2,MONDAY,9,0,0,0,0,0,0,XNA,,0.4657671547154467,0.6848276586890367,0.067,0.0724,0.9891,0.8504,0.0079,0.0,0.0345,0.1667,0.2083,0.0099,0.0546,0.0496,0.0,0.0,0.0683,0.0751,0.9891,0.8563,0.008,0.0,0.0345,0.1667,0.2083,0.0101,0.0597,0.0517,0.0,0.0,0.0677,0.0724,0.9891,0.8524,0.008,0.0,0.0345,0.1667,0.2083,0.0101,0.0556,0.0505,0.0,0.0,not specified,block of flats,0.0434,"Stone, brick",No,9.0,0.0,9.0,0.0,-763.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1667574,375255,Consumer loans,8363.52,67320.0,73242.0,0.0,67320.0,THURSDAY,9,Y,1,0.0,,,XAP,Approved,-327,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Stone,380,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-297.0,-27.0,-27.0,-23.0,1.0,0,Cash loans,F,N,Y,0,67500.0,326664.0,15844.5,234000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-18613,-1750,-4355.0,-2154,,1,1,1,1,0,0,Cleaning staff,2.0,2,2,TUESDAY,8,0,0,0,0,0,0,Government,,0.2925236847720573,0.6863823354047934,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-327.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +1709915,205973,Revolving loans,6750.0,135000.0,135000.0,,135000.0,MONDAY,13,Y,1,,,,XAP,Approved,-214,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,N,1,315000.0,1626174.0,44716.5,1453500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.032561,-12680,-1117,-6647.0,-454,2.0,1,1,1,1,1,0,Accountants,3.0,1,1,THURSDAY,18,0,0,0,0,0,0,Business Entity Type 3,,0.7270524482509491,0.248535557339522,0.3763,0.2405,0.9851,0.7959999999999999,,0.48,0.2069,0.4583,,0.096,,0.4185,,,0.3834,0.2495,0.9851,0.804,,0.4834,0.2069,0.4583,,0.0982,,0.4349,,,0.3799,0.2405,0.9851,0.7987,,0.48,0.2069,0.4583,,0.0977,,0.426,,,reg oper account,block of flats,0.33,Panel,No,6.0,0.0,5.0,0.0,-2945.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2674401,411757,Cash loans,22018.5,450000.0,450000.0,,450000.0,SATURDAY,8,Y,1,,,,XNA,Approved,-89,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,365243.0,1351.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,135000.0,508495.5,24592.5,454500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.025164,-13762,-1259,-8576.0,-3439,,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,8,0,0,0,0,0,0,Restaurant,0.39131512345764535,0.5219264638699515,0.4241303111942548,0.0361,0.0222,0.9886,0.8436,0.0049,0.0,0.069,0.2083,0.25,0.0267,0.0294,0.0312,0.0,0.0,0.0368,0.0231,0.9886,0.8497,0.0049,0.0,0.069,0.2083,0.25,0.0273,0.0321,0.0325,0.0,0.0,0.0364,0.0222,0.9886,0.8457,0.0049,0.0,0.069,0.2083,0.25,0.0272,0.0299,0.0318,0.0,0.0,reg oper account,block of flats,0.0272,"Stone, brick",No,0.0,0.0,0.0,0.0,-89.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,8.0 +1226789,333774,Cash loans,19976.265,337500.0,392076.0,,337500.0,MONDAY,12,Y,1,,,,XNA,Approved,-1028,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,42.0,middle,Cash X-Sell: middle,365243.0,-998.0,232.0,-878.0,-874.0,1.0,0,Cash loans,F,N,N,0,225000.0,1006920.0,39933.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.009549,-18237,-4556,-8703.0,-1430,,1,1,1,1,1,0,Managers,1.0,2,2,MONDAY,16,0,0,0,0,0,0,Trade: type 7,,0.7063376935155429,0.17982176508970435,0.0278,0.0551,0.9886,,,,0.1034,0.0833,,,,0.0283,,0.0087,0.0284,0.0572,0.9886,,,,0.1034,0.0833,,,,0.0295,,0.0092,0.0281,0.0551,0.9886,,,,0.1034,0.0833,,,,0.0288,,0.0088,,block of flats,0.0223,Panel,No,0.0,0.0,0.0,0.0,-1653.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1550310,411326,Cash loans,12202.56,148500.0,163201.5,,148500.0,FRIDAY,9,Y,1,,,,XNA,Approved,-752,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-722.0,-212.0,-722.0,-714.0,1.0,0,Cash loans,F,N,N,0,112500.0,808650.0,23773.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009656999999999999,-22832,-5158,-10513.0,-4268,,1,1,0,1,0,0,Medicine staff,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Other,,0.5419217934433201,0.3996756156233169,0.2247,0.1693,0.9856,0.8028,0.0,0.24,0.2069,0.3333,0.0417,0.1139,0.1824,0.2417,0.0039,0.0,0.229,0.1757,0.9856,0.8105,0.0,0.2417,0.2069,0.3333,0.0417,0.1165,0.1993,0.2518,0.0039,0.0,0.2269,0.1693,0.9856,0.8054,0.0,0.24,0.2069,0.3333,0.0417,0.1159,0.1856,0.246,0.0039,0.0,reg oper account,block of flats,0.2173,Panel,No,0.0,0.0,0.0,0.0,-1441.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2264717,257933,Cash loans,,0.0,0.0,,,SUNDAY,13,Y,1,,,,XNA,Refused,-325,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,1,270000.0,634500.0,20596.5,634500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-17215,-3649,-7161.0,-762,,1,1,0,1,0,0,Core staff,3.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Kindergarten,,0.6591016146610207,0.3706496323299817,0.1969,0.1439,0.9881,0.8164,0.051,0.2,0.1724,0.375,0.4167,0.0976,0.1605,0.2089,0.0,0.1566,0.2006,0.1493,0.9881,0.8236,0.0514,0.2014,0.1724,0.375,0.4167,0.0999,0.1754,0.2176,0.0,0.1658,0.1988,0.1439,0.9881,0.8189,0.0513,0.2,0.1724,0.375,0.4167,0.0993,0.1633,0.2126,0.0,0.1599,reg oper account,block of flats,0.2262,"Stone, brick",No,1.0,0.0,1.0,0.0,-1112.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1238168,420236,Consumer loans,5914.35,26955.0,31680.0,0.0,26955.0,TUESDAY,9,Y,1,0.0,,,XAP,Approved,-727,Cash through the bank,XAP,Unaccompanied,Repeater,Photo / Cinema Equipment,POS,XNA,Regional / Local,300,Consumer electronics,6.0,middle,POS household with interest,365243.0,-696.0,-546.0,-636.0,-631.0,0.0,0,Cash loans,F,N,Y,0,45000.0,508495.5,21541.5,454500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.020246,-11924,-1739,-11179.0,-3150,,1,1,1,1,0,0,Medicine staff,2.0,3,3,MONDAY,12,0,0,0,0,0,0,Other,0.6069856209550112,0.3368745997030159,0.4014074137749511,0.0577,0.0707,0.9791,0.7144,0.0074,0.0,0.1379,0.1667,0.2083,0.0325,0.0462,0.0518,0.0039,0.0506,0.0588,0.0734,0.9791,0.7256,0.0075,0.0,0.1379,0.1667,0.2083,0.0333,0.0505,0.054000000000000006,0.0039,0.0536,0.0583,0.0707,0.9791,0.7182,0.0075,0.0,0.1379,0.1667,0.2083,0.0331,0.047,0.0527,0.0039,0.0517,reg oper account,block of flats,0.0558,"Stone, brick",No,1.0,0.0,1.0,0.0,-1370.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2198523,218791,Consumer loans,9353.97,53100.0,47790.0,5310.0,53100.0,MONDAY,18,Y,1,0.1089090909090909,,,XAP,Approved,-798,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Regional / Local,814,Consumer electronics,6.0,high,POS household with interest,365243.0,-767.0,-617.0,-617.0,-610.0,0.0,0,Revolving loans,F,N,N,0,112500.0,337500.0,16875.0,337500.0,Unaccompanied,Working,Higher education,Single / not married,With parents,0.018634,-9454,-633,-8853.0,-2021,,1,1,0,1,1,0,Laborers,1.0,2,2,MONDAY,14,0,0,0,1,1,0,Self-employed,,0.5053811010289818,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-270.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1281508,201985,Consumer loans,6248.385,56245.5,62185.5,0.0,56245.5,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-747,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,44,Consumer electronics,12.0,middle,POS household with interest,365243.0,-714.0,-384.0,-384.0,-376.0,0.0,1,Cash loans,M,Y,Y,1,157500.0,302341.5,18400.5,261000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-10173,-1335,-2515.0,-2510,42.0,1,1,0,1,1,0,Low-skill Laborers,3.0,2,2,FRIDAY,18,0,0,0,0,0,0,Self-employed,,0.5983220774459101,0.4525335592581747,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-106.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1994918,135989,Cash loans,19609.065,135000.0,165226.5,,135000.0,SUNDAY,5,Y,1,,,,Repairs,Approved,-770,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-740.0,-410.0,-500.0,-485.0,1.0,0,Cash loans,F,N,Y,0,360000.0,755190.0,36459.0,675000.0,Unaccompanied,State servant,Secondary / secondary special,Widow,House / apartment,0.0038179999999999998,-18190,-11202,-12171.0,-1690,,1,1,0,1,0,0,Core staff,1.0,2,2,SUNDAY,4,0,0,0,0,0,0,Kindergarten,,0.305423860286203,0.6446794549585961,0.0928,0.1015,0.9771,0.6872,0.0685,0.0,0.2069,0.1667,0.2083,0.0965,0.0748,0.0854,0.0039,0.0033,0.0945,0.1053,0.9772,0.6994,0.0691,0.0,0.2069,0.1667,0.2083,0.0987,0.0817,0.08900000000000001,0.0039,0.0035,0.0937,0.1015,0.9771,0.6914,0.0689,0.0,0.2069,0.1667,0.2083,0.0982,0.0761,0.0869,0.0039,0.0034,reg oper account,block of flats,0.0679,Panel,No,0.0,0.0,0.0,0.0,-237.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2029877,343466,Consumer loans,11376.36,37980.0,43753.5,0.0,37980.0,SATURDAY,10,Y,1,0.0,,,XAP,Approved,-336,Cash through the bank,XAP,"Spouse, partner",New,Homewares,POS,XNA,Stone,20,Consumer electronics,4.0,low_action,POS household with interest,365243.0,-305.0,-215.0,-215.0,-209.0,0.0,0,Cash loans,F,N,Y,0,90000.0,299772.0,14710.5,247500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.010276,-10988,-462,-10988.0,-1038,,1,1,0,1,0,0,Core staff,2.0,2,2,SATURDAY,12,0,0,0,1,1,0,Business Entity Type 3,,0.5400212302707311,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1869756,349010,Consumer loans,4325.625,22455.0,21204.0,2250.0,22455.0,TUESDAY,13,Y,1,0.10447917393427757,,,XAP,Approved,-1779,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,32,Connectivity,6.0,high,POS mobile without interest,365243.0,-1741.0,-1591.0,-1591.0,-1585.0,0.0,0,Cash loans,F,N,Y,0,157500.0,306000.0,9607.5,306000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.014519999999999996,-19503,-7142,-313.0,-3052,,1,1,0,1,1,0,Private service staff,1.0,2,2,WEDNESDAY,7,0,0,0,0,0,0,Business Entity Type 3,0.6718139251733102,0.3947748284214449,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1779.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1940282,330500,Consumer loans,7444.62,70515.0,70159.5,7056.0,70515.0,WEDNESDAY,19,Y,1,0.09952179879098697,,,XAP,Approved,-244,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,middle,POS mobile with interest,365243.0,-209.0,121.0,365243.0,365243.0,0.0,1,Cash loans,M,N,Y,0,157500.0,270000.0,13783.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.026392000000000002,-9006,-855,-364.0,-1684,,1,1,0,1,0,0,Drivers,1.0,2,2,TUESDAY,19,0,0,0,0,0,0,Business Entity Type 3,0.777952171834157,0.5017130151528871,0.04352580678926611,0.2227,,0.9861,,,0.24,0.2069,0.3333,,,,0.2285,,0.0012,0.2269,,0.9861,,,0.2417,0.2069,0.3333,,,,0.2381,,0.0012,0.2248,,0.9861,,,0.24,0.2069,0.3333,,,,0.2326,,0.0012,,block of flats,0.18,Panel,No,1.0,1.0,1.0,1.0,-563.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2325993,435256,Cash loans,48238.245,1138500.0,1138500.0,,1138500.0,MONDAY,9,Y,1,,,,XNA,Refused,-514,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,67500.0,315000.0,19035.0,315000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.002042,-21738,365243,-7552.0,-4950,5.0,1,0,0,1,0,0,,2.0,3,3,THURSDAY,15,0,0,0,0,0,0,XNA,0.7948511293803853,0.3894634609708335,0.511891801533151,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-630.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1589256,356241,Consumer loans,7195.05,65475.0,65475.0,0.0,65475.0,MONDAY,19,Y,1,0.0,,,XAP,Approved,-543,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-509.0,-239.0,-239.0,-236.0,0.0,1,Cash loans,M,N,Y,0,220500.0,816660.0,26473.5,585000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.011656999999999999,-17048,-1481,-9656.0,-606,,1,1,0,1,0,0,Security staff,1.0,1,1,FRIDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.4836889899219762,0.4014074137749511,0.2588,0.1887,0.9801,0.728,0.0596,0.2,0.1724,0.3333,0.375,0.0,0.2085,0.2222,0.0116,0.1514,0.2637,0.1958,0.9801,0.7387,0.0601,0.2014,0.1724,0.3333,0.375,0.0,0.2277,0.2315,0.0117,0.1603,0.2613,0.1887,0.9801,0.7316,0.06,0.2,0.1724,0.3333,0.375,0.0,0.2121,0.2261,0.0116,0.1546,reg oper account,block of flats,0.2419,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1327403,437634,Consumer loans,12980.88,198000.0,198000.0,0.0,198000.0,MONDAY,14,Y,1,0.0,,,XAP,Approved,-750,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Stone,17,Clothing,18.0,low_normal,POS other with interest,365243.0,-718.0,-208.0,-508.0,-506.0,0.0,0,Cash loans,F,N,Y,1,292500.0,450000.0,24543.0,450000.0,Unaccompanied,Working,Incomplete higher,Single / not married,House / apartment,0.028663,-12665,-2593,-6118.0,-4036,,1,1,0,1,0,0,Core staff,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,Kindergarten,0.2530295188731637,0.34007680659988104,0.3185955240537633,0.1124,0.0883,0.9886,0.8436,0.0245,0.12,0.1034,0.3333,0.375,0.0468,0.0899,0.1177,0.0077,0.0053,0.1145,0.0917,0.9886,0.8497,0.0247,0.1208,0.1034,0.3333,0.375,0.0479,0.0983,0.1227,0.0078,0.0057,0.1135,0.0883,0.9886,0.8457,0.0246,0.12,0.1034,0.3333,0.375,0.0476,0.0915,0.1198,0.0078,0.0055,reg oper account,block of flats,0.1071,Panel,No,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,1.0 +1488180,129368,Consumer loans,3248.235,22495.5,24349.5,0.0,22495.5,MONDAY,8,Y,1,0.0,,,XAP,Approved,-2509,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,12,Connectivity,10.0,high,POS mobile with interest,365243.0,-2478.0,-2208.0,-2208.0,-2202.0,1.0,0,Cash loans,F,N,N,2,157500.0,397881.0,14418.0,328500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.025164,-13701,-1259,-668.0,-4227,,1,1,0,1,0,0,Core staff,3.0,2,2,THURSDAY,8,0,0,0,0,0,0,Kindergarten,,0.0905862616219656,0.4471785780453068,0.1031,0.1043,0.9786,0.7076,0.0111,0.0,0.2069,0.1667,0.2083,0.1088,0.0841,0.09,0.0,0.0,0.105,0.1083,0.9786,0.7190000000000001,0.0112,0.0,0.2069,0.1667,0.2083,0.1113,0.0918,0.0937,0.0,0.0,0.1041,0.1043,0.9786,0.7115,0.0111,0.0,0.2069,0.1667,0.2083,0.1107,0.0855,0.0916,0.0,0.0,reg oper account,block of flats,0.0768,"Stone, brick",No,0.0,0.0,0.0,0.0,-22.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,1.0 +2447859,291060,Consumer loans,9272.34,90288.0,99823.5,0.0,90288.0,FRIDAY,13,Y,1,0.0,,,XAP,Approved,-119,XNA,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,2441,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-89.0,241.0,365243.0,365243.0,1.0,1,Cash loans,M,N,Y,1,135000.0,1138900.5,33430.5,994500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-14428,-1896,-8491.0,-2059,,1,1,0,1,1,0,Drivers,3.0,2,2,FRIDAY,12,0,0,0,0,0,0,Self-employed,,0.6964641183681664,0.5316861425197883,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,5.0,0.0,-1507.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1591577,353312,Consumer loans,2979.585,18675.0,22995.0,0.0,18675.0,THURSDAY,15,Y,1,0.0,,,XAP,Approved,-1251,Cash through the bank,XAP,Unaccompanied,Refreshed,Mobile,POS,XNA,Regional / Local,136,Consumer electronics,12.0,high,POS household with interest,365243.0,-1220.0,-890.0,-1130.0,-1122.0,0.0,0,Cash loans,F,N,Y,2,135000.0,508495.5,24592.5,454500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.009175,-13220,-271,-6887.0,-4406,,1,1,0,1,0,0,,3.0,2,2,TUESDAY,10,0,0,0,0,0,0,Housing,0.2112050335002247,0.6495412282604308,0.4436153084085652,0.0381,,0.9742,,,0.0,0.1379,0.0833,,,,0.0403,,0.037000000000000005,0.0389,,0.9742,,,0.0,0.1379,0.0833,,,,0.042,,0.0391,0.0385,,0.9742,,,0.0,0.1379,0.0833,,,,0.0411,,0.0377,,terraced house,0.0426,"Stone, brick",No,2.0,0.0,2.0,0.0,-1251.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1532216,399105,Cash loans,72585.0,2250000.0,2250000.0,,2250000.0,THURSDAY,10,Y,1,,,,XNA,Approved,-628,XNA,XAP,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-598.0,1172.0,-178.0,-170.0,0.0,0,Cash loans,M,N,Y,1,247500.0,900000.0,38263.5,900000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-16738,-582,-3258.0,-295,,1,1,0,1,0,0,Laborers,3.0,2,2,TUESDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.6407679325396131,0.5423723216098111,0.6161216908872079,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-3171.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1748594,362031,Consumer loans,14735.7,77040.0,81108.0,0.0,77040.0,MONDAY,11,Y,1,0.0,,,XAP,Approved,-533,Cash through the bank,XAP,,Refreshed,Furniture,POS,XNA,Stone,40,Furniture,6.0,middle,POS industry with interest,365243.0,-502.0,-352.0,-352.0,-345.0,0.0,0,Cash loans,F,N,Y,0,81000.0,943425.0,27715.5,787500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-22870,365243,-3301.0,-3921,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,,0.6264973845393977,0.3723336657058204,0.0928,0.1011,0.9846,0.7892,,0.0,0.2069,0.1667,0.2083,0.1086,0.0731,0.0846,0.0116,0.0095,0.0945,0.1049,0.9846,0.7975,,0.0,0.2069,0.1667,0.2083,0.1111,0.0799,0.0881,0.0117,0.0101,0.0937,0.1011,0.9846,0.792,,0.0,0.2069,0.1667,0.2083,0.1105,0.0744,0.0861,0.0116,0.0097,reg oper account,block of flats,0.0686,Panel,No,6.0,0.0,6.0,0.0,-404.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2807204,131097,Consumer loans,6181.875,62433.0,68611.5,0.0,62433.0,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-1512,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,1600,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-1481.0,-1151.0,-1151.0,-1143.0,0.0,1,Cash loans,M,N,Y,1,180000.0,139405.5,7690.5,94500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.005084,-16115,365243,-678.0,-4796,,1,0,0,1,0,0,,3.0,2,2,TUESDAY,12,0,0,0,0,0,0,XNA,,0.07920911396662453,0.5954562029091491,0.0412,0.0261,0.9737,,,0.0,0.1034,0.125,,,,0.0298,,0.0412,0.042,0.0271,0.9737,,,0.0,0.1034,0.125,,,,0.031,,0.0436,0.0416,0.0261,0.9737,,,0.0,0.1034,0.125,,,,0.0303,,0.042,,block of flats,0.0324,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1644928,388246,Cash loans,6858.315,67500.0,71955.0,,67500.0,TUESDAY,12,Y,1,,,,XNA,Approved,-346,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-316.0,14.0,-46.0,-40.0,1.0,0,Cash loans,F,N,Y,0,76500.0,344803.5,24651.0,319500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-24851,365243,-7948.0,-4707,,1,0,0,1,0,1,,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,XNA,0.8993911321496553,0.6487493343865847,0.7267112092725122,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-808.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +2221536,253072,Cash loans,26412.345,360000.0,393264.0,,360000.0,SATURDAY,16,Y,1,,,,XNA,Approved,-1043,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,N,Y,0,180000.0,384048.0,18810.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.009175,-16414,-976,-8179.0,-4083,,1,1,0,1,0,0,Low-skill Laborers,1.0,2,2,SATURDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.4536580527935562,0.6271367854960231,0.6610235391308081,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1294.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2138972,223281,Consumer loans,5645.07,55066.5,60880.5,0.0,55066.5,WEDNESDAY,16,Y,1,0.0,,,XAP,Approved,-238,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,1000,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-208.0,122.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,0,247500.0,552555.0,23359.5,477000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.010556,-9267,-223,-3900.0,-1924,,1,1,0,1,0,0,Laborers,1.0,3,3,WEDNESDAY,17,1,1,0,1,1,0,Industry: type 11,0.3348572756736558,0.6199711786221592,0.3893387918468769,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1168.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,9.0 +1438647,120271,Consumer loans,7535.88,30105.0,26451.0,4500.0,30105.0,FRIDAY,14,Y,1,0.15834412752121382,,,XAP,Approved,-2463,Cash through the bank,XAP,Children,New,Mobile,POS,XNA,Country-wide,3000,Consumer electronics,4.0,high,POS household with interest,365243.0,-2432.0,-2342.0,-2342.0,-2335.0,1.0,0,Cash loans,F,N,N,0,180000.0,1125000.0,44748.0,1125000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-20141,365243,-1003.0,-2842,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,XNA,0.5906679321031238,0.31693948062993843,0.4471785780453068,0.0165,,0.9826,,,0.0,0.069,0.0417,,,,0.0129,,0.0005,0.0168,,0.9826,,,0.0,0.069,0.0417,,,,0.0135,,0.0005,0.0167,,0.9826,,,0.0,0.069,0.0417,,,,0.0132,,0.0005,,block of flats,0.0103,Panel,No,0.0,0.0,0.0,0.0,-372.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +1497400,334592,Consumer loans,3810.87,18706.5,19633.5,0.0,18706.5,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-2161,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,621,Consumer electronics,6.0,high,POS household with interest,365243.0,-2129.0,-1979.0,-1979.0,-1972.0,0.0,0,Cash loans,F,N,Y,1,94500.0,558000.0,12316.5,558000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.007305,-16094,-1360,-6451.0,-3959,,1,1,0,1,1,0,Core staff,3.0,3,3,FRIDAY,10,0,0,0,0,0,0,Other,0.6115897894690027,0.6652455535661644,,0.0825,0.08,0.9791,0.7144,,0.0,0.1379,0.1667,0.2083,0.0139,0.0672,0.0705,0.0,0.0,0.084,0.083,0.9791,0.7256,,0.0,0.1379,0.1667,0.2083,0.0142,0.0735,0.0735,0.0,0.0,0.0833,0.08,0.9791,0.7182,,0.0,0.1379,0.1667,0.2083,0.0141,0.0684,0.0718,0.0,0.0,reg oper account,block of flats,0.0555,Panel,No,0.0,0.0,0.0,0.0,-2519.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1229583,146788,Cash loans,20578.995,292500.0,316246.5,,292500.0,THURSDAY,9,Y,1,,,,XNA,Approved,-154,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_action,Cash X-Sell: low,365243.0,-124.0,386.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,0,99000.0,339948.0,24304.5,315000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-22494,365243,-12592.0,-1562,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,XNA,,0.7098721925722244,0.501075160239048,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1275.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2397758,389054,Consumer loans,29389.5,106650.0,110403.0,0.0,106650.0,SUNDAY,19,Y,1,0.0,,,XAP,Approved,-674,Cash through the bank,XAP,,New,Auto Accessories,POS,XNA,Stone,3000,Auto technology,4.0,low_normal,POS other with interest,365243.0,-643.0,-553.0,-583.0,-555.0,0.0,0,Cash loans,M,Y,Y,1,180000.0,592047.0,46908.0,535500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-11984,-2379,-6150.0,-1020,7.0,1,1,0,1,1,0,Drivers,3.0,1,1,TUESDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.4944761396079462,0.7066369722829537,0.1873887653772306,0.3814,0.2402,0.9826,0.762,,0.64,0.2759,0.4583,,0.0,0.311,0.4232,,0.227,0.3887,0.2492,0.9826,0.7713,,0.6445,0.2759,0.4583,,0.0,0.3398,0.4409,,0.2403,0.3851,0.2402,0.9826,0.7652,,0.64,0.2759,0.4583,,0.0,0.3164,0.4308,,0.2318,reg oper account,block of flats,0.3821,Panel,No,0.0,0.0,0.0,0.0,-2377.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2623154,236445,Cash loans,6666.84,45000.0,55075.5,,45000.0,WEDNESDAY,10,Y,1,,,,Other,Approved,-470,Cash through the bank,XAP,,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-440.0,-110.0,-260.0,-256.0,1.0,0,Revolving loans,M,N,N,0,360000.0,270000.0,13500.0,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.02461,-14739,-445,-5279.0,-4297,,1,1,0,1,0,0,Core staff,2.0,2,2,THURSDAY,11,0,0,0,1,1,0,Trade: type 7,,0.6341506020576116,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-261.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2200080,368976,Cash loans,16493.625,135000.0,153144.0,,135000.0,THURSDAY,11,Y,1,,,,XNA,Approved,-833,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-803.0,-473.0,-473.0,-466.0,1.0,0,Cash loans,F,N,N,1,225000.0,414792.0,22630.5,315000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.072508,-12900,-4323,-6841.0,-3153,,1,1,0,1,0,1,Laborers,3.0,1,1,THURSDAY,16,0,0,0,0,0,0,Transport: type 4,0.4957157612133102,0.7793715080068825,0.7209441499436497,0.0763,0.0821,0.9732,,,0.0,0.1379,0.1667,,,,0.0695,,0.0066,0.0714,0.0851,0.9737,,,0.0,0.1379,0.1667,,,,0.0722,,0.0,0.077,0.0821,0.9737,,,0.0,0.1379,0.1667,,,,0.0707,,0.0022,,block of flats,0.0545,Block,No,0.0,0.0,0.0,0.0,-2177.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2778567,279964,Consumer loans,13782.24,305934.75,305932.5,2.25,305934.75,SUNDAY,12,Y,1,8.009729347367519e-06,,,XAP,Approved,-247,Cash through the bank,XAP,"Spouse, partner",Refreshed,Audio/Video,POS,XNA,Country-wide,1000,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-215.0,475.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,103500.0,1138500.0,33286.5,1138500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-19087,365243,-5661.0,-2597,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,7,0,0,0,0,0,0,XNA,,0.16214456766623808,,0.1959,0.0719,0.9846,0.7892,0.1252,0.24,0.1034,0.625,0.6667,0.0645,0.1597,0.2087,,0.0027,0.1996,0.0746,0.9846,0.7975,0.1263,0.2417,0.1034,0.625,0.6667,0.066,0.1745,0.2174,,0.0029,0.1978,0.0719,0.9846,0.792,0.126,0.24,0.1034,0.625,0.6667,0.0656,0.1625,0.2124,,0.0028,reg oper account,block of flats,0.2332,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1441794,169614,Cash loans,25665.3,135000.0,139455.0,,135000.0,THURSDAY,16,Y,1,,,,XNA,Approved,-844,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-814.0,-664.0,-664.0,-659.0,1.0,0,Cash loans,F,N,Y,0,99000.0,571486.5,25173.0,454500.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.010147,-20920,365243,-11546.0,-4372,,1,0,0,1,0,0,,2.0,2,2,MONDAY,12,0,0,0,0,0,0,XNA,0.7096229060234569,0.3773877489504869,0.5585066276769286,0.0598,0.0514,0.9841,0.7824,0.0084,0.0,0.1379,0.1667,0.2083,0.061,0.0488,0.0514,0.0,0.0,0.0609,0.0533,0.9841,0.7909,0.0085,0.0,0.1379,0.1667,0.2083,0.0624,0.0533,0.0535,0.0,0.0,0.0604,0.0514,0.9841,0.7853,0.0085,0.0,0.1379,0.1667,0.2083,0.0621,0.0496,0.0523,0.0,0.0,reg oper spec account,block of flats,0.045,"Stone, brick",No,5.0,0.0,5.0,0.0,-1301.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2250670,236470,Cash loans,66536.865,2250000.0,2517300.0,,2250000.0,THURSDAY,12,Y,1,,,,XNA,Refused,-249,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,M,Y,Y,0,225000.0,1442952.0,39681.0,1260000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.010147,-23477,365243,-2547.0,-3911,10.0,1,0,0,1,1,0,,2.0,2,2,MONDAY,11,0,0,0,0,0,0,XNA,0.7802099162602806,0.629883672259371,0.5082869913916046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1272.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +1328289,252186,Consumer loans,10210.32,109435.5,109435.5,0.0,109435.5,MONDAY,8,Y,1,0.0,,,XAP,Approved,-1271,XNA,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,4810,Furniture,12.0,low_normal,POS industry with interest,365243.0,-1236.0,-906.0,-996.0,-991.0,0.0,0,Cash loans,F,Y,Y,1,157500.0,1339884.0,36976.5,1170000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.014464,-15108,-2315,-4774.0,-4868,12.0,1,1,1,1,1,0,Managers,3.0,2,2,FRIDAY,11,0,0,0,0,0,0,Transport: type 4,,0.6046643583862299,0.6801388218428291,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-2143.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2649265,432358,Consumer loans,27812.565,720000.0,648000.0,72000.0,720000.0,SUNDAY,12,Y,1,0.1089090909090909,,,XAP,Refused,-2342,Cash through the bank,VERIF,,Repeater,XNA,Cars,XNA,Car dealer,58,Industry,36.0,middle,POS industry with interest,,,,,,,0,Cash loans,M,Y,Y,0,225000.0,1133662.5,48163.5,972000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-18733,-4406,-4420.0,-2275,10.0,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,16,0,0,0,0,0,0,Transport: type 4,0.4399533004516037,0.7622049250633901,0.3077366963789207,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1845.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1366739,421510,Revolving loans,15750.0,315000.0,315000.0,,315000.0,MONDAY,8,Y,1,,,,XAP,Approved,-311,XNA,XAP,,Refreshed,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card X-Sell,-297.0,-267.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,81000.0,367389.0,15565.5,279000.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.028663,-16718,-8223,-6355.0,-269,,1,1,0,1,0,0,Security staff,3.0,2,2,THURSDAY,9,0,0,0,0,0,0,Housing,,0.5967759894510603,0.7180328113294772,0.0773,0.0731,0.9871,0.8232,0.0139,0.0,0.1724,0.1667,0.2083,0.0725,0.063,0.0692,0.0,0.0,0.0788,0.0758,0.9871,0.8301,0.0141,0.0,0.1724,0.1667,0.2083,0.0741,0.0689,0.0721,0.0,0.0,0.0781,0.0731,0.9871,0.8256,0.014,0.0,0.1724,0.1667,0.2083,0.0738,0.0641,0.0705,0.0,0.0,reg oper account,block of flats,0.0628,Panel,No,1.0,0.0,1.0,0.0,-2565.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1481719,162958,Cash loans,27457.965,229500.0,253737.0,,229500.0,SATURDAY,10,Y,1,,,,XNA,Approved,-132,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-102.0,228.0,365243.0,365243.0,1.0,0,Revolving loans,M,Y,Y,1,135000.0,135000.0,6750.0,135000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0060079999999999995,-14674,-1730,-7570.0,-4649,9.0,1,1,0,1,0,0,Drivers,3.0,2,2,FRIDAY,12,0,0,0,0,1,1,Self-employed,,0.6757096339172728,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1077.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2625230,162499,Revolving loans,7875.0,0.0,157500.0,,0.0,MONDAY,11,Y,1,,,,XAP,Refused,-1317,XNA,HC,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Revolving loans,F,Y,Y,0,225000.0,337500.0,16875.0,337500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.026392000000000002,-22757,365243,-49.0,-4724,3.0,1,0,0,1,0,0,,1.0,2,2,TUESDAY,12,0,0,0,0,0,0,XNA,,0.6594061768905888,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,-1317.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1897277,421953,Consumer loans,5532.435,51115.5,49797.0,5112.0,51115.5,MONDAY,11,Y,1,0.1013938102546527,,,XAP,Approved,-2454,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,2334,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2423.0,-2153.0,-2153.0,-2147.0,1.0,0,Cash loans,F,Y,Y,1,112500.0,755190.0,36459.0,675000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.025164,-13017,-6080,-863.0,-4615,3.0,1,1,0,1,1,0,Secretaries,3.0,2,2,FRIDAY,14,0,0,0,0,0,0,Medicine,0.5338592857588174,0.4725365344919281,0.6144143775673561,0.0577,0.0605,0.9762,0.6736,0.0,0.0,0.1034,0.1667,0.2083,0.0,0.0471,0.048,0.0,0.0112,0.0588,0.0628,0.9762,0.6864,0.0,0.0,0.1034,0.1667,0.2083,0.0,0.0514,0.05,0.0,0.0119,0.0583,0.0605,0.9762,0.6779999999999999,0.0,0.0,0.1034,0.1667,0.2083,0.0,0.0479,0.0488,0.0,0.0115,reg oper account,block of flats,0.0402,Block,No,7.0,1.0,7.0,0.0,-2019.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1301620,294362,Cash loans,85619.61,2070000.0,2217550.5,,2070000.0,MONDAY,12,Y,1,,,,XNA,Approved,-586,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-556.0,494.0,-346.0,-342.0,1.0,0,Cash loans,F,N,N,1,180000.0,733315.5,39199.5,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-15634,-386,-3917.0,-4387,,1,1,1,1,0,0,Laborers,3.0,2,2,FRIDAY,17,0,0,0,0,0,0,Self-employed,0.7807808469976371,0.7826998529469513,0.5884877883422673,0.1113,0.0527,0.9945,0.9252,0.032,0.08,0.0345,0.625,0.6667,0.0418,0.0883,0.1207,0.0116,0.0288,0.1134,0.0547,0.9945,0.9281,0.0323,0.0806,0.0345,0.625,0.6667,0.0427,0.0964,0.1257,0.0117,0.0305,0.1124,0.0527,0.9945,0.9262,0.0322,0.08,0.0345,0.625,0.6667,0.0425,0.0898,0.1228,0.0116,0.0294,reg oper account,block of flats,0.1012,Panel,No,0.0,0.0,0.0,0.0,-3355.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1414362,334487,Consumer loans,11338.965,110137.5,95350.5,22500.0,110137.5,FRIDAY,13,Y,1,0.20792907501067406,,,XAP,Approved,-717,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,1700,Consumer electronics,10.0,middle,POS household with interest,365243.0,-686.0,-416.0,-416.0,-414.0,0.0,0,Cash loans,M,Y,N,2,135000.0,277969.5,16087.5,229500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00963,-12406,-2905,-3323.0,-4095,18.0,1,1,0,1,0,0,Laborers,4.0,2,2,MONDAY,11,0,0,0,0,1,1,Construction,,0.5052116462832155,0.7898803468924867,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-20.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2633124,214943,Cash loans,61028.64,1354500.0,1434955.5,,1354500.0,THURSDAY,13,Y,1,,,,XNA,Approved,-727,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,30.0,low_action,Cash X-Sell: low,365243.0,-697.0,173.0,-37.0,-31.0,1.0,0,Cash loans,M,Y,Y,0,202500.0,1305000.0,35887.5,1305000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-19428,-3585,-5077.0,-2962,3.0,1,1,1,1,0,0,,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Other,0.7682843700565933,0.7032940579380671,0.7700870700124128,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,1.0,5.0,1.0,-2441.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1012722,342854,Cash loans,11164.41,180000.0,209700.0,,180000.0,MONDAY,16,Y,1,,,,XNA,Approved,-662,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,AP+ (Cash loan),5,XNA,30.0,middle,Cash X-Sell: middle,365243.0,-632.0,238.0,-602.0,-593.0,1.0,1,Cash loans,F,N,Y,0,171000.0,1006920.0,42660.0,900000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.0105,-22071,365243,-184.0,-4033,,1,0,0,1,0,0,,2.0,3,3,FRIDAY,14,0,0,0,0,0,0,XNA,,0.6195331480090072,0.5779691187553125,0.0165,,0.9732,,,0.0,0.069,0.0417,,0.0243,,0.0109,,0.0,0.0168,,0.9732,,,0.0,0.069,0.0417,,0.0249,,0.0114,,0.0,0.0167,,0.9732,,,0.0,0.069,0.0417,,0.0248,,0.0111,,0.0,,block of flats,0.0146,Wooden,No,0.0,0.0,0.0,0.0,-1217.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,7.0 +2174483,410488,Cash loans,14223.915,135000.0,171414.0,,135000.0,FRIDAY,10,Y,1,,,,XNA,Approved,-725,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-695.0,-185.0,-545.0,-541.0,1.0,0,Cash loans,M,Y,Y,0,225000.0,225000.0,14508.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-13799,-2409,-7480.0,-4495,11.0,1,1,0,1,0,0,Drivers,2.0,2,2,TUESDAY,8,0,0,0,0,0,0,Emergency,,0.5597524188773828,0.326475210066026,0.2598,0.1646,0.9826,,,0.28,0.2414,0.3333,,0.0,,0.2929,,0.0,0.2647,0.1708,0.9826,,,0.282,0.2414,0.3333,,0.0,,0.3052,,0.0,0.2623,0.1646,0.9826,,,0.28,0.2414,0.3333,,0.0,,0.2982,,0.0,,block of flats,0.3228,Panel,No,4.0,0.0,4.0,0.0,-2445.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1186010,106045,Revolving loans,11250.0,0.0,225000.0,,0.0,FRIDAY,16,Y,1,,,,XAP,Approved,-1071,XNA,XAP,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-1040.0,-994.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,225000.0,1345036.5,37116.0,1174500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.04622,-14166,-1463,-8249.0,-2715,,1,1,0,1,0,1,,2.0,1,1,FRIDAY,14,0,0,0,0,1,1,Business Entity Type 3,0.6552909451514821,0.7583189665498894,0.6195277080511546,0.1485,0.0858,0.9856,0.8028,0.0282,0.16,0.1379,0.3333,0.375,0.0939,0.1202,0.1561,0.0039,0.0013,0.1513,0.08900000000000001,0.9856,0.8105,0.0284,0.1611,0.1379,0.3333,0.375,0.096,0.1313,0.1626,0.0039,0.0014,0.1499,0.0858,0.9856,0.8054,0.0284,0.16,0.1379,0.3333,0.375,0.0955,0.1223,0.1589,0.0039,0.0013,reg oper account,block of flats,0.1384,Panel,No,2.0,0.0,2.0,0.0,-1401.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +2136078,312453,Consumer loans,13984.605,139860.0,125874.0,13986.0,139860.0,SUNDAY,15,Y,1,0.1089090909090909,,,XAP,Refused,-2640,Cash through the bank,SCO,,Repeater,XNA,POS,XNA,Regional / Local,196,Consumer electronics,10.0,low_normal,POS household without interest,,,,,,,0,Cash loans,F,Y,Y,0,90000.0,888840.0,29506.5,675000.0,Children,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.035792000000000004,-21232,365243,-9573.0,-4637,28.0,1,0,0,1,1,0,,1.0,2,2,MONDAY,11,0,0,0,0,0,0,XNA,,0.32294863309089755,0.6347055309763198,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-396.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2189889,291931,Consumer loans,4956.615,98905.5,110025.0,0.0,98905.5,MONDAY,11,Y,1,0.0,,,XAP,Approved,-228,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Regional / Local,50,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-195.0,495.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,112500.0,314100.0,16573.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.030755,-12242,-2059,-2187.0,-4090,,1,1,0,1,0,1,Core staff,2.0,2,2,FRIDAY,16,0,0,0,0,0,0,Kindergarten,,0.6406197867505978,0.501075160239048,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1429.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1825117,402861,Consumer loans,2483.64,22630.5,23206.5,4500.0,22630.5,TUESDAY,10,Y,1,0.17688661833537578,,,XAP,Approved,-1285,XNA,XAP,Unaccompanied,Refreshed,Mobile,POS,XNA,Country-wide,100,Connectivity,14.0,high,POS mobile with interest,365243.0,-1253.0,-863.0,-863.0,-860.0,0.0,0,Cash loans,F,Y,Y,0,67500.0,447768.0,29281.5,405000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-15392,-2798,-2154.0,-5022,3.0,1,1,1,1,0,0,Laborers,2.0,2,2,SATURDAY,9,0,0,0,0,1,1,Industry: type 3,,0.3398658105630642,0.3910549766342248,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1285.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1905176,222967,Revolving loans,2250.0,45000.0,45000.0,,45000.0,THURSDAY,17,Y,1,,,,XAP,Approved,-204,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Stone,7000,Furniture,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,216000.0,163008.0,19476.0,144000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.008473999999999999,-20806,-4219,-1408.0,-3375,,1,1,0,1,0,0,Laborers,1.0,2,2,FRIDAY,13,0,0,0,0,0,0,Other,,0.6176603162686264,0.5867400085415683,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-410.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2282558,354087,Cash loans,12663.0,180000.0,180000.0,0.0,180000.0,TUESDAY,17,Y,1,0.0,,,XNA,Refused,-2318,Cash through the bank,HC,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,24.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,180000.0,1800000.0,47614.5,1800000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-19466,-11880,-10492.0,-2990,,1,1,0,1,1,0,Laborers,2.0,2,2,FRIDAY,18,0,0,0,0,0,0,Business Entity Type 2,0.6731845057742522,0.6952793695170073,0.6769925032909132,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1469.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,0.0 +1001625,260669,Cash loans,11061.0,90000.0,90000.0,,90000.0,THURSDAY,14,Y,1,,,,XNA,Approved,-2734,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,10.0,middle,Cash Street: middle,365243.0,-2704.0,-2434.0,-2434.0,-2423.0,0.0,0,Cash loans,F,N,N,1,135000.0,508495.5,21541.5,454500.0,Family,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.072508,-18470,-3729,-301.0,-2009,,1,1,1,1,1,0,Core staff,3.0,1,1,MONDAY,10,0,0,0,0,0,0,Self-employed,0.9092583974955406,0.746105491486482,0.7047064232963289,0.2438,0.1187,0.9816,0.7484,0.0,0.4,0.1724,0.4583,0.0,0.0,0.1988,0.273,0.0,0.0,0.1985,0.098,0.9816,0.7583,0.0,0.3222,0.1379,0.4583,0.0,0.0,0.1736,0.2268,0.0,0.0,0.2462,0.1187,0.9816,0.7518,0.0,0.4,0.1724,0.4583,0.0,0.0,0.2022,0.2779,0.0,0.0,reg oper spec account,block of flats,0.1722,Panel,No,1.0,0.0,1.0,0.0,-1923.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,1.0,3.0 +2355434,140503,Cash loans,,0.0,0.0,,,FRIDAY,13,Y,1,,,,XNA,Refused,-294,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,202500.0,755190.0,33394.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.010966,-22549,365243,-11644.0,-4424,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,XNA,,0.5219155510948477,0.3774042489507649,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-31.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +2157500,256604,Consumer loans,6110.865,34470.0,29970.0,4500.0,34470.0,MONDAY,12,Y,1,0.14217896985521,,,XAP,Approved,-1523,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,38,Connectivity,6.0,high,POS mobile with interest,365243.0,-1465.0,-1315.0,-1345.0,-1342.0,0.0,0,Cash loans,F,N,Y,0,90000.0,990000.0,26113.5,990000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-15270,-690,-346.0,-4622,,1,1,1,1,1,0,Sales staff,2.0,2,2,FRIDAY,17,0,0,0,0,0,0,Other,,0.1710973904295454,0.6626377922738201,0.033,,0.9801,,,0.0,0.1034,0.0417,,,,,,,0.0336,,0.9801,,,0.0,0.1034,0.0417,,,,,,,0.0333,,0.9801,,,0.0,0.1034,0.0417,,,,,,,,block of flats,0.0361,"Stone, brick",No,0.0,0.0,0.0,0.0,-1523.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2563090,417419,Revolving loans,38250.0,765000.0,765000.0,,765000.0,WEDNESDAY,7,Y,1,,,,XAP,Approved,-690,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,1,270000.0,755190.0,36328.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.007305,-15916,-1857,-1846.0,-4419,,1,1,0,1,0,0,Laborers,3.0,3,3,SATURDAY,16,0,0,0,0,0,0,Construction,0.5001641405689793,0.3852600354076777,,0.2062,0.1409,0.9955,0.9388,0.0456,0.2,0.1724,0.375,0.0417,0.0237,0.1681,0.2107,0.0,0.0,0.2101,0.1462,0.9955,0.9412,0.046,0.2014,0.1724,0.375,0.0417,0.0242,0.1837,0.2196,0.0,0.0,0.2082,0.1409,0.9955,0.9396,0.0459,0.2,0.1724,0.375,0.0417,0.0241,0.171,0.2145,0.0,0.0,reg oper account,block of flats,0.1907,Panel,No,0.0,0.0,0.0,0.0,-1756.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1631467,218231,Cash loans,15156.0,180000.0,180000.0,0.0,180000.0,MONDAY,14,Y,1,0.0,,,XNA,Refused,-2295,Cash through the bank,SCO,"Spouse, partner",New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,N,0,337500.0,1256400.0,44644.5,900000.0,Family,Commercial associate,Higher education,Civil marriage,House / apartment,0.04622,-12921,-2676,-6940.0,-165,,1,1,0,1,1,1,Sales staff,2.0,1,1,SUNDAY,13,0,1,1,0,0,0,Business Entity Type 3,0.7064965456377791,0.7186548117858971,0.8590531292026357,0.0825,0.1096,0.9796,0.7212,,0.0,0.2069,0.1667,,0.1551,0.0672,0.0522,,,0.084,0.1137,0.9796,0.7321,,0.0,0.2069,0.1667,,0.1586,0.0735,0.0544,,,0.0833,0.1096,0.9796,0.7249,,0.0,0.2069,0.1667,,0.1578,0.0684,0.0532,,,reg oper account,block of flats,0.0663,"Stone, brick",No,0.0,0.0,0.0,0.0,-2295.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1694512,165945,Cash loans,17900.91,225000.0,254700.0,,225000.0,TUESDAY,18,Y,1,,,,XNA,Refused,-641,XNA,SCO,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),-1,XNA,24.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,Y,N,2,135000.0,269550.0,24853.5,225000.0,Unaccompanied,Working,Higher education,Married,With parents,0.010643000000000001,-9955,-1780,-8310.0,-2367,64.0,1,1,0,1,0,0,Laborers,4.0,2,2,SATURDAY,12,0,0,0,0,1,1,Business Entity Type 3,0.3242837449724029,0.5764374186656596,0.2103502286944494,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-976.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2066986,172583,Consumer loans,4056.03,22455.0,20209.5,2245.5,22455.0,SUNDAY,14,Y,1,0.1089090909090909,,,XAP,Refused,-2584,Cash through the bank,SCO,Children,Repeater,XNA,POS,XNA,Country-wide,30,Connectivity,6.0,low_normal,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,0,81000.0,67500.0,4927.5,67500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.019688999999999998,-19640,-2779,-10289.0,-2848,,1,1,1,1,0,0,Sales staff,1.0,2,2,MONDAY,10,0,0,0,0,0,0,Government,,0.6387700522210294,0.6925590674998008,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-1106.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2386483,300804,Cash loans,40133.475,675000.0,767664.0,,675000.0,SUNDAY,17,Y,1,,,,XNA,Approved,-663,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,high,Cash X-Sell: high,365243.0,-633.0,777.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,202500.0,531706.5,19228.5,459000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.002042,-19374,-5603,-6121.0,-2914,,1,1,0,1,0,0,,2.0,3,3,FRIDAY,14,0,0,0,0,0,0,Self-employed,,0.6798073335533463,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1833554,193578,Revolving loans,16875.0,337500.0,337500.0,,337500.0,FRIDAY,16,Y,1,,,,XAP,Refused,-164,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,112500.0,545040.0,26640.0,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.025164,-9900,-1364,-4582.0,-818,,1,1,0,1,0,0,Accountants,2.0,2,2,MONDAY,11,0,0,0,0,0,0,Transport: type 4,0.28954457968696184,0.19892209544949288,0.05571142329500084,0.116,0.05,0.9881,0.8368,0.0395,0.0,0.2586,0.1667,0.2083,0.1067,0.0946,0.1042,0.0135,0.0112,0.0945,0.0,0.9876,0.8367,0.0388,0.0,0.2069,0.1667,0.2083,0.0906,0.0826,0.0857,0.0,0.0,0.1171,0.05,0.9881,0.8390000000000001,0.0398,0.0,0.2586,0.1667,0.2083,0.1085,0.0962,0.1061,0.0136,0.0115,reg oper account,block of flats,0.0869,"Stone, brick",No,4.0,1.0,4.0,1.0,-1671.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2580597,270693,Revolving loans,45000.0,900000.0,900000.0,,900000.0,WEDNESDAY,11,Y,1,,,,XAP,Approved,-384,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,157500.0,343800.0,13090.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018209,-18049,-4660,-10311.0,-1499,18.0,1,1,0,1,0,0,,2.0,3,3,TUESDAY,8,0,0,0,0,1,1,Business Entity Type 3,,0.3523361867523072,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1316.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1680432,452808,Cash loans,19130.49,495000.0,593010.0,,495000.0,TUESDAY,16,Y,1,,,,XNA,Refused,-164,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,Y,Y,0,202500.0,360000.0,17640.0,360000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.0228,-16095,-2975,-407.0,-4014,1.0,1,1,0,1,1,0,,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,Trade: type 7,,0.5485096527972175,0.20092608771597092,0.1299,,0.9965,0.9524,0.0304,0.14,0.1034,0.4583,0.5,0.0683,0.1025,0.152,0.0154,0.0435,0.0567,,0.9965,0.9543,0.0228,0.0806,0.0345,0.375,0.4167,0.0561,0.0478,0.0894,0.0078,0.0456,0.1312,,0.9965,0.953,0.0305,0.14,0.1034,0.4583,0.5,0.0695,0.1043,0.1547,0.0155,0.0444,reg oper spec account,block of flats,0.1811,"Stone, brick",No,5.0,0.0,5.0,0.0,-434.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2118174,182987,Cash loans,28465.38,225000.0,239850.0,,225000.0,THURSDAY,10,Y,1,,,,XNA,Approved,-759,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Country-wide,20,Connectivity,12.0,high,Cash Street: high,365243.0,-729.0,-399.0,-399.0,-385.0,1.0,0,Cash loans,F,Y,Y,0,126000.0,1120500.0,36274.5,1120500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.031329,-23606,-13562,-11219.0,-4036,16.0,1,1,1,1,1,0,Laborers,2.0,2,2,SUNDAY,8,0,0,0,0,0,0,Telecom,,0.4724002764874421,0.6690566947824041,0.0165,,0.9786,,,,0.069,0.0417,,,,,,,0.0168,,0.9786,,,,0.069,0.0417,,,,,,,0.0167,,0.9786,,,,0.069,0.0417,,,,,,,,block of flats,0.0115,"Stone, brick",No,0.0,0.0,0.0,0.0,-759.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1777821,365695,Cash loans,33512.085,454500.0,481495.5,,454500.0,FRIDAY,7,Y,1,,,,XNA,Approved,-381,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-351.0,159.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,202500.0,1550655.0,42772.5,1386000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.020713,-20139,365243,-4584.0,-3441,,1,0,0,1,0,0,,1.0,3,1,MONDAY,10,0,0,0,0,0,0,XNA,,0.08242844036038934,,0.1485,0.1087,0.9811,,,0.16,0.1379,0.3333,,0.0541,,0.1517,,0.0,0.1513,0.1128,0.9811,,,0.1611,0.1379,0.3333,,0.0553,,0.158,,0.0,0.1499,0.1087,0.9811,,,0.16,0.1379,0.3333,,0.0551,,0.1544,,0.0,,block of flats,0.1193,Panel,No,2.0,0.0,2.0,0.0,-1365.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1496332,378491,Consumer loans,9323.19,116986.5,123322.5,6435.0,116986.5,SUNDAY,17,Y,1,0.054010750823651824,,,XAP,Approved,-2488,XNA,XAP,Family,New,Audio/Video,POS,XNA,Regional / Local,951,Consumer electronics,14.0,low_action,POS household without interest,365243.0,-2453.0,-2063.0,-2063.0,-2061.0,1.0,0,Cash loans,F,Y,Y,0,315000.0,2451852.0,64809.0,2191500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.011656999999999999,-22887,365243,-4290.0,-4101,4.0,1,0,0,1,1,0,,2.0,1,1,WEDNESDAY,14,0,0,0,0,0,0,XNA,,0.7242488532868725,0.5478104658520093,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2030.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1777831,332096,Cash loans,36699.525,904500.0,1035832.5,,904500.0,SATURDAY,15,Y,1,,,,XNA,Approved,-253,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,middle,Cash X-Sell: middle,365243.0,-218.0,1552.0,-218.0,-210.0,0.0,0,Revolving loans,M,Y,Y,2,112500.0,247500.0,12375.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-12638,-459,-3271.0,-4371,3.0,1,1,1,1,1,0,Sales staff,4.0,2,2,SUNDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.43570199146722255,0.7430613114237652,0.7106743858828587,0.0124,0.0357,0.9851,0.7959999999999999,0.0207,0.0,0.069,0.0417,0.0625,0.018000000000000002,0.0101,0.0091,0.0,0.0,0.0126,0.0358,0.9826,0.7713,0.0209,0.0,0.069,0.0417,0.0417,0.0101,0.011,0.0073,0.0,0.0,0.0125,0.0357,0.9851,0.7987,0.0209,0.0,0.069,0.0417,0.0625,0.0183,0.0103,0.0093,0.0,0.0,reg oper account,block of flats,0.0097,Panel,No,1.0,0.0,1.0,0.0,-2171.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1125159,288007,Cash loans,14791.005,180000.0,197820.0,,180000.0,SATURDAY,4,Y,1,,,,XNA,Approved,-809,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-779.0,-269.0,-599.0,-591.0,1.0,0,Revolving loans,F,N,N,0,135000.0,225000.0,11250.0,225000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.014464,-18297,-1074,-10534.0,-1842,,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Other,,0.2722740905924993,,0.2598,0.1883,0.9846,0.7892,0.1437,0.28,0.2414,0.3333,0.375,0.1983,0.2118,0.2953,0.0,0.3614,0.2647,0.1954,0.9846,0.7975,0.145,0.282,0.2414,0.3333,0.375,0.2028,0.2314,0.3077,0.0,0.3826,0.2623,0.1883,0.9846,0.792,0.1446,0.28,0.2414,0.3333,0.375,0.2017,0.2155,0.3006,0.0,0.369,org spec account,block of flats,0.3109,Panel,No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2819745,448465,Cash loans,22857.75,315000.0,315000.0,,315000.0,FRIDAY,10,Y,1,,,,XNA,Approved,-1097,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-1067.0,-557.0,-767.0,-759.0,0.0,0,Cash loans,F,Y,N,0,166500.0,733176.0,21141.0,612000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-23594,365243,-7211.0,-4151,7.0,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,XNA,,0.5740169796863193,0.7713615919194317,0.4289,0.5495,0.9871,,,0.0,0.9655,0.1667,,0.3688,,0.3836,,0.1662,0.4370000000000001,0.5702,0.9871,,,0.0,0.9655,0.1667,,0.3772,,0.3997,,0.17600000000000002,0.433,0.5495,0.9871,,,0.0,0.9655,0.1667,,0.3752,,0.3905,,0.1697,,block of flats,0.3379,"Stone, brick",No,3.0,2.0,3.0,2.0,-1692.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2466412,428036,Consumer loans,14326.83,123732.0,122382.0,12375.0,123732.0,MONDAY,19,Y,1,0.1000133573766112,,,XAP,Approved,-1717,Cash through the bank,XAP,"Spouse, partner",New,Computers,POS,XNA,Regional / Local,25,Consumer electronics,12.0,high,POS household with interest,365243.0,-1686.0,-1356.0,-1356.0,-1347.0,0.0,0,Cash loans,M,N,N,0,202500.0,312768.0,24691.5,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.032561,-10532,-1923,-5094.0,-2690,,1,1,0,1,0,0,Sales staff,2.0,1,1,WEDNESDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.20404632211711526,0.6525171067356559,,0.0515,,0.9742,,,,0.1724,0.1667,,0.0302,,0.0482,,0.003,0.0525,,0.9742,,,,0.1724,0.1667,,0.0309,,0.0502,,0.0032,0.052000000000000005,,0.9742,,,,0.1724,0.1667,,0.0307,,0.0491,,0.0031,,block of flats,0.0386,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1324868,230364,Cash loans,62569.485,847571.085,896796.585,,847571.085,WEDNESDAY,16,Y,1,,,,XNA,Refused,-737,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash Street: high,,,,,,,0,Cash loans,M,N,Y,0,135000.0,840951.0,33480.0,679500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-21202,-889,-6233.0,-4253,,1,1,0,1,0,0,Core staff,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,Other,,0.7518080269633175,0.6785676886853644,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1136.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2625378,339887,Cash loans,49874.625,1350000.0,1546020.0,,1350000.0,MONDAY,12,Y,1,,,,XNA,Refused,-100,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,N,Y,1,112500.0,273636.0,21748.5,247500.0,Other_B,Working,Secondary / secondary special,Married,House / apartment,0.00733,-9911,-307,-8191.0,-2603,,1,1,0,1,0,1,Core staff,3.0,2,2,WEDNESDAY,16,0,1,1,0,0,0,Police,0.13103999970937685,0.2036469268966941,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-369.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1702539,317751,Cash loans,28150.29,706500.0,706500.0,,706500.0,MONDAY,9,Y,1,,,,XNA,Refused,-178,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,1,135000.0,74628.0,8856.0,67500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-13227,-1787,-5718.0,-4688,,1,1,0,1,1,0,Laborers,3.0,2,2,THURSDAY,7,0,0,0,0,0,0,Self-employed,,0.3333956400488529,0.5226973172821112,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2434.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2813845,176779,Cash loans,12726.675,112500.0,127350.0,,112500.0,MONDAY,12,Y,1,,,,XNA,Approved,-283,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-253.0,77.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,162000.0,167076.0,12622.5,135000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.010276,-13929,-606,-7870.0,-5277,,1,1,0,1,1,0,Laborers,1.0,2,2,THURSDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.630632764055043,0.7544061731797895,0.0825,0.0635,0.9752,,,0.0,0.1724,0.125,,0.0394,,0.0481,,0.0503,0.084,0.0659,0.9752,,,0.0,0.1724,0.125,,0.0403,,0.0501,,0.0532,0.0833,0.0635,0.9752,,,0.0,0.1724,0.125,,0.0401,,0.049,,0.0513,,block of flats,0.0531,Block,No,0.0,0.0,0.0,0.0,-1471.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2200034,434688,Cash loans,20748.915,112500.0,116212.5,,112500.0,SUNDAY,10,Y,1,,,,XNA,Approved,-236,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,low_normal,Cash X-Sell: low,365243.0,-206.0,-56.0,-86.0,-82.0,1.0,0,Cash loans,F,N,Y,0,270000.0,481495.5,32436.0,454500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.010276,-21346,-1272,-5400.0,-4319,,1,1,0,1,0,0,Managers,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,Advertising,0.8638473596948263,0.6897195395081501,0.43473324875017305,0.2,0.1571,0.9821,0.7552,0.0436,0.22,0.1897,0.3333,0.0417,0.1137,0.1757,0.2015,0.0039,0.0048,0.187,0.1363,0.9821,0.7648,0.044,0.2014,0.1724,0.3333,0.0417,0.06,0.1919,0.1848,0.0039,0.0029,0.2019,0.1571,0.9821,0.7585,0.0439,0.22,0.1897,0.3333,0.0417,0.1157,0.1787,0.2051,0.0039,0.0049,org spec account,block of flats,0.1672,Panel,No,1.0,0.0,1.0,0.0,-1332.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +2477199,127125,Cash loans,20750.58,450000.0,533160.0,,450000.0,SUNDAY,7,Y,1,,,,XNA,Approved,-766,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,207000.0,307557.0,13675.5,265500.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.018801,-23332,365243,-8111.0,-4418,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,6,0,0,0,0,0,0,XNA,,0.5983693760001325,0.5814837058057234,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-938.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2531494,284613,Cash loans,,0.0,0.0,,,WEDNESDAY,18,Y,1,,,,XNA,Refused,-188,XNA,SCOFR,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,1,Cash loans,M,N,Y,0,135000.0,521280.0,35392.5,450000.0,Family,Working,Secondary / secondary special,Married,With parents,0.0105,-8581,-1959,-1961.0,-1204,,1,1,0,1,0,0,,2.0,3,3,TUESDAY,9,0,0,0,0,1,1,Police,0.3091413194570707,0.625780730426611,0.06423703753438333,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-654.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1233852,151541,Consumer loans,18587.16,173133.0,167301.0,17316.0,173133.0,SATURDAY,16,Y,1,0.10215038800228682,,,XAP,Approved,-1421,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,1500,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1390.0,-1120.0,-1120.0,-1112.0,0.0,0,Revolving loans,F,N,Y,0,135000.0,405000.0,20250.0,405000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-16260,-476,-9034.0,-3922,,1,1,1,1,1,0,,2.0,1,1,SATURDAY,11,0,0,0,0,0,0,Other,,0.7091194971702166,0.7295666907060153,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1421.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2741138,404996,Consumer loans,6829.11,62145.0,62145.0,0.0,62145.0,THURSDAY,20,Y,1,0.0,,,XAP,Approved,-621,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,60,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-585.0,-315.0,-315.0,-310.0,0.0,0,Cash loans,M,N,N,2,292500.0,900000.0,69781.5,900000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.008625,-13670,-353,-1993.0,-2463,,1,1,1,1,0,0,Laborers,4.0,2,2,TUESDAY,16,1,1,0,1,1,0,Construction,,0.5521353539049749,0.5172965813614878,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-621.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2175777,321903,Cash loans,19151.1,450000.0,533160.0,,450000.0,SATURDAY,15,Y,1,,,,XNA,Refused,-433,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,1,Cash loans,M,Y,Y,0,216000.0,781920.0,42547.5,675000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.020713,-13881,-3212,-1613.0,-5061,3.0,1,1,0,1,0,0,,2.0,3,3,FRIDAY,8,0,0,0,0,0,0,Business Entity Type 2,0.4796875480764289,0.41318502032884175,,0.0082,0.0,0.9742,0.6464,0.0018,0.0,0.069,0.0417,0.0833,0.0018,0.0067,0.0079,0.0,0.0,0.0084,0.0,0.9742,0.6602,0.0018,0.0,0.069,0.0417,0.0833,0.0019,0.0073,0.0082,0.0,0.0,0.0083,0.0,0.9742,0.6511,0.0018,0.0,0.069,0.0417,0.0833,0.0019,0.0068,0.008,0.0,0.0,reg oper account,block of flats,0.0072,Panel,No,1.0,0.0,1.0,0.0,-860.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1133808,416424,Cash loans,47171.835,450000.0,470790.0,,450000.0,MONDAY,9,Y,1,,,,XNA,Approved,-892,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-862.0,-532.0,-712.0,-704.0,1.0,0,Cash loans,F,N,N,2,157500.0,254700.0,25321.5,225000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-14570,-1832,-3963.0,-4650,,1,1,0,1,0,0,Sales staff,4.0,2,2,THURSDAY,8,0,0,0,0,0,0,Self-employed,0.580881374295149,0.5780970190801625,0.7267112092725122,0.1175,0.1126,0.9826,0.762,0.1385,0.0,0.2759,0.1667,0.2083,0.1256,0.0958,0.1097,0.0,0.0,0.1197,0.1169,0.9826,0.7713,0.1398,0.0,0.2759,0.1667,0.2083,0.1285,0.1047,0.1143,0.0,0.0,0.1187,0.1126,0.9826,0.7652,0.1394,0.0,0.2759,0.1667,0.2083,0.1278,0.0975,0.1117,0.0,0.0,reg oper account,block of flats,0.162,Panel,No,2.0,0.0,2.0,0.0,-2786.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2354550,252909,Cash loans,35613.0,1350000.0,1350000.0,,1350000.0,FRIDAY,15,Y,1,,,,XNA,Approved,-935,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,225000.0,823360.5,57433.5,742500.0,Family,State servant,Higher education,Married,Rented apartment,0.010006000000000001,-19026,-197,-26.0,-2535,,1,1,0,1,0,0,Core staff,2.0,2,1,TUESDAY,12,0,0,0,0,0,0,School,0.6812667419070719,0.004844394793746277,0.2458512138252296,0.1113,0.0766,0.9861,0.8096,0.0944,0.08,0.0345,0.3333,0.375,0.0393,0.0899,0.0936,0.0039,0.0043,0.1134,0.0795,0.9861,0.8171,0.0953,0.0806,0.0345,0.3333,0.375,0.0402,0.0983,0.0975,0.0039,0.0045,0.1124,0.0766,0.9861,0.8121,0.095,0.08,0.0345,0.3333,0.375,0.04,0.0915,0.0953,0.0039,0.0044,reg oper account,block of flats,0.1262,Panel,No,0.0,0.0,0.0,0.0,-969.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1917421,360508,Cash loans,,0.0,0.0,,,MONDAY,11,Y,1,,,,XNA,Refused,-236,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,N,Y,2,85500.0,187704.0,12672.0,148500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.010966,-14337,-474,-6199.0,-4327,,1,1,0,1,0,0,Low-skill Laborers,4.0,2,2,SATURDAY,10,0,0,0,1,1,0,Business Entity Type 3,,0.3133902111302968,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-599.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1034517,139439,Cash loans,25006.185,391500.0,427675.5,,391500.0,SATURDAY,13,Y,1,,,,XNA,Approved,-1048,Cash through the bank,XAP,Family,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-1018.0,-328.0,-358.0,-354.0,1.0,0,Cash loans,F,N,Y,0,135000.0,787131.0,26145.0,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-22405,-14108,-1186.0,-4346,,1,1,0,1,0,0,Secretaries,2.0,2,2,THURSDAY,8,0,0,0,0,0,0,Medicine,,0.7295750755555863,0.6594055320683344,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,Yes,1.0,1.0,1.0,1.0,-2211.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1759744,154131,Cash loans,29127.6,900000.0,1054440.0,,900000.0,MONDAY,15,Y,1,,,,Repairs,Refused,-121,Cash through the bank,HC,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,N,1,135000.0,543204.0,15066.0,355500.0,,Working,Secondary / secondary special,Married,House / apartment,0.008625,-10310,-2231,-117.0,-2058,,1,1,0,1,0,0,Core staff,3.0,2,2,TUESDAY,14,0,0,0,0,0,0,Self-employed,0.3316087723767049,0.060425031002338814,0.6178261467332483,0.0928,,0.9801,,,0.0,0.2069,0.1667,,0.0593,,0.0876,,0.0,0.0945,,0.9801,,,0.0,0.2069,0.1667,,0.0607,,0.0913,,0.0,0.0937,,0.9801,,,0.0,0.2069,0.1667,,0.0604,,0.0892,,0.0,,block of flats,0.0935,Panel,No,5.0,2.0,5.0,1.0,-46.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +2744167,443143,Cash loans,27424.71,450000.0,521280.0,,450000.0,FRIDAY,7,Y,1,,,,XNA,Refused,-186,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,90000.0,267102.0,21546.0,247500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.031329,-17753,-938,-5432.0,-1299,,1,1,0,1,0,0,Cleaning staff,2.0,2,2,TUESDAY,15,0,0,0,1,1,0,Hotel,,0.7188890870187586,0.4848514754962666,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,1.0,6.0,1.0,-609.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +1681212,377254,Cash loans,,0.0,0.0,,,TUESDAY,18,Y,1,,,,XNA,Refused,-183,XNA,HC,,Repeater,XNA,XNA,XNA,Contact center,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,Y,Y,0,180000.0,900000.0,31887.0,900000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.026392000000000002,-17115,-4599,-2780.0,-644,8.0,1,1,0,1,1,0,Laborers,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Industry: type 9,,0.7485623306586878,0.4400578303966329,0.134,,0.9836,,,0.08,0.0345,0.3333,,,,0.135,,0.0,0.1366,,0.9836,,,0.0806,0.0345,0.3333,,,,0.1407,,0.0,0.1353,,0.9836,,,0.08,0.0345,0.3333,,,,0.1374,,0.0,,block of flats,0.1299,"Stone, brick",No,0.0,0.0,0.0,0.0,-2255.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2624073,254357,Cash loans,,0.0,0.0,,,SATURDAY,13,Y,1,,,,XNA,Refused,-250,XNA,HC,,Repeater,XNA,XNA,XNA,Contact center,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,N,0,90000.0,148500.0,17752.5,148500.0,Unaccompanied,Working,Higher education,Married,With parents,0.014519999999999996,-9913,-349,-6754.0,-365,,1,1,0,1,1,0,HR staff,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,Industry: type 3,,0.2319427311585574,,0.0619,0.0653,0.9906,0.8708,0.0,0.0,0.1379,0.2083,0.25,0.0845,0.0504,0.0779,0.0,0.0,0.063,0.0677,0.9906,0.8759,0.0,0.0,0.1379,0.2083,0.25,0.0864,0.0551,0.0812,0.0,0.0,0.0625,0.0653,0.9906,0.8725,0.0,0.0,0.1379,0.2083,0.25,0.086,0.0513,0.0793,0.0,0.0,reg oper account,block of flats,0.0613,"Stone, brick",No,7.0,0.0,7.0,0.0,-645.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1051189,388952,Revolving loans,20250.0,0.0,405000.0,,,WEDNESDAY,10,Y,1,,,,XAP,Approved,-740,XNA,XAP,,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),286,XNA,0.0,XNA,Card X-Sell,-447.0,-421.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,157500.0,408780.0,29754.0,337500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.00702,-10522,-1915,-9797.0,-3202,,1,1,1,1,1,0,Laborers,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Agriculture,0.29202379577080795,0.25818768942218845,0.6801388218428291,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-513.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2436052,196579,Consumer loans,9756.585,85900.5,85900.5,0.0,85900.5,SATURDAY,15,Y,1,0.0,,,XAP,Approved,-254,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,54,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-211.0,59.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,112500.0,276277.5,20785.5,238500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-16840,-2294,-9203.0,-399,,1,1,0,1,0,0,Security staff,2.0,2,2,MONDAY,13,0,1,1,0,0,0,Security,,0.19890815723627905,,0.0216,0.0,0.9677,,,0.0,0.069,0.0417,,0.0238,,0.0129,,0.0119,0.0221,0.0,0.9677,,,0.0,0.069,0.0417,,0.0243,,0.0134,,0.0126,0.0219,0.0,0.9677,,,0.0,0.069,0.0417,,0.0242,,0.0131,,0.0122,,block of flats,0.0102,"Stone, brick",No,1.0,0.0,1.0,0.0,-1766.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2656332,105132,Cash loans,25980.615,441000.0,534141.0,,441000.0,WEDNESDAY,15,Y,1,,,,XNA,Refused,-10,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,1,Cash loans,M,Y,N,0,94500.0,534141.0,25978.5,441000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-11907,-3344,-6036.0,-3371,12.0,1,1,0,1,1,0,Laborers,2.0,2,2,THURSDAY,18,0,0,0,0,0,0,Business Entity Type 1,0.43906269026832395,0.2318881971357951,0.5298898341969072,0.0928,0.0534,0.9846,0.7688,,0.0532,0.1838,0.2221,,0.0585,,0.1123,,0.0007,0.0945,0.0,0.9791,0.7256,,0.0,0.2069,0.1667,,0.0198,,0.0957,,0.0,0.0937,0.0534,0.9871,0.7719,,0.0,0.2069,0.1667,,0.0595,,0.0949,,0.0,,block of flats,0.0724,Panel,No,0.0,0.0,0.0,0.0,-1131.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,2.0 +2127693,133010,Cash loans,18235.08,225000.0,269550.0,,225000.0,MONDAY,11,Y,1,,,,Car repairs,Approved,-673,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Contact center,-1,XNA,36.0,high,Cash Street: high,,,,,,,1,Cash loans,M,N,Y,1,225000.0,609187.5,45675.0,544500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.030755,-16226,-1744,-8166.0,-3777,,1,1,0,1,0,0,Laborers,3.0,2,2,TUESDAY,10,0,0,0,1,1,0,Business Entity Type 3,,0.4144899390430847,0.1777040724853336,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-486.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +1841744,391088,Cash loans,14623.11,225000.0,269550.0,,225000.0,SUNDAY,15,Y,1,,,,XNA,Refused,-34,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,36.0,middle,Cash X-Sell: middle,,,,,,,1,Cash loans,M,N,Y,0,135000.0,270000.0,13131.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-8574,-481,-8541.0,-1220,,1,1,0,1,1,0,Laborers,2.0,2,2,SATURDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.1243200019955116,0.4267996641463567,,0.4588,0.3086,0.9841,0.7824,0.2191,0.52,0.4483,0.3333,,0.3033,0.369,0.547,0.0232,0.0151,0.4674,0.3203,0.9841,0.7909,0.2211,0.5236,0.4483,0.3333,,0.3103,0.4031,0.5699,0.0233,0.0159,0.4632,0.3086,0.9841,0.7853,0.2205,0.52,0.4483,0.3333,,0.3086,0.3754,0.5568,0.0233,0.0154,reg oper spec account,block of flats,0.5056,Panel,No,0.0,0.0,0.0,0.0,-377.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +1865766,379983,Consumer loans,20231.145,199620.0,216747.0,0.0,199620.0,THURSDAY,14,Y,1,0.0,,,XAP,Approved,-350,Cash through the bank,XAP,,New,Computers,POS,XNA,Regional / Local,2209,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-319.0,11.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,135000.0,247500.0,16668.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Separated,Co-op apartment,0.018209,-19552,-2220,-384.0,-841,,1,1,0,1,0,0,Cooking staff,1.0,3,3,THURSDAY,10,0,0,0,1,1,0,Business Entity Type 3,,0.4326515122485939,0.22383131747015547,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-350.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2300124,218536,Revolving loans,6750.0,135000.0,135000.0,,135000.0,SATURDAY,10,Y,1,,,,XAP,Approved,-336,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-287.0,-258.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,189000.0,1701000.0,45000.0,1701000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.02461,-20306,-2342,-7680.0,-3804,,1,1,0,1,0,0,,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.5423374828225037,0.7175481396464212,,0.0825,0.0,0.9742,,,0.0,0.1379,0.1667,,0.0719,,0.0633,,0.0,0.084,0.0,0.9742,,,0.0,0.1379,0.1667,,0.0736,,0.066,,0.0,0.0833,0.0,0.9742,,,0.0,0.1379,0.1667,,0.0732,,0.0645,,0.0,reg oper account,block of flats,0.0671,"Stone, brick",No,4.0,0.0,4.0,0.0,-343.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1041032,138363,Consumer loans,2508.84,25645.5,23080.5,2565.0,25645.5,MONDAY,16,Y,1,0.10892820111981368,,,XAP,Refused,-2417,Cash through the bank,LIMIT,Unaccompanied,Repeater,Mobile,POS,XNA,Regional / Local,15,Connectivity,12.0,high,POS mobile with interest,,,,,,,1,Revolving loans,F,N,N,0,157500.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.031329,-9291,-2695,-9212.0,-1771,,1,1,0,1,0,0,,1.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,Business Entity Type 2,,0.1620346784028127,0.2764406945454034,0.0722,0.0623,0.9826,0.762,0.0068,0.0,0.1379,0.1667,0.0417,0.0,0.0588,0.0635,0.0,0.0,0.0735,0.0646,0.9826,0.7713,0.0068,0.0,0.1379,0.1667,0.0417,0.0,0.0643,0.0662,0.0,0.0,0.0729,0.0623,0.9826,0.7652,0.0068,0.0,0.1379,0.1667,0.0417,0.0,0.0599,0.0646,0.0,0.0,reg oper account,block of flats,0.0644,Mixed,No,1.0,1.0,1.0,1.0,-525.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2644693,321761,Consumer loans,5560.695,47250.0,47970.0,3600.0,47250.0,WEDNESDAY,9,Y,1,0.07602728859273361,,,XAP,Approved,-1758,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Stone,100,Consumer electronics,12.0,high,POS household with interest,365243.0,-1727.0,-1397.0,-1427.0,-1418.0,0.0,0,Cash loans,F,N,N,0,81000.0,258709.5,26640.0,234000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-19700,-10370,-9493.0,-3177,,1,1,0,1,1,0,Drivers,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Transport: type 2,,0.6117821282516563,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1413103,171970,Consumer loans,10842.84,86688.0,94315.5,0.0,86688.0,THURSDAY,15,Y,1,0.0,,,XAP,Approved,-36,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,74,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-6.0,264.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,3,202500.0,381528.0,27778.5,315000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.003069,-13631,-1386,-987.0,-4531,,1,1,0,1,0,0,,5.0,3,3,FRIDAY,12,0,0,0,0,1,1,Business Entity Type 1,0.4380179761997079,0.4146650808586113,0.4812493411434029,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-926.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2356719,260758,Cash loans,13782.105,225000.0,269550.0,,225000.0,FRIDAY,16,Y,1,,,,XNA,Approved,-559,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-529.0,521.0,-349.0,-347.0,1.0,0,Cash loans,F,N,N,0,202500.0,814041.0,23800.5,679500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.02461,-22102,-7498,-7729.0,-4809,,1,1,0,1,0,0,Medicine staff,2.0,2,2,THURSDAY,16,0,0,0,0,1,1,Medicine,,0.6953303300845306,0.6610235391308081,0.1237,0.1254,0.9896,0.8572,0.0,0.0,0.2069,0.1667,0.2083,0.0946,0.1009,0.1307,0.0,0.068,0.1261,0.1301,0.9896,0.8628,0.0,0.0,0.2069,0.1667,0.2083,0.0967,0.1102,0.1362,0.0,0.07200000000000001,0.1249,0.1254,0.9896,0.8591,0.0,0.0,0.2069,0.1667,0.2083,0.0962,0.1026,0.133,0.0,0.0694,reg oper account,block of flats,0.1028,Panel,No,0.0,0.0,0.0,0.0,-908.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +1556712,199074,Consumer loans,8092.935,63810.0,59332.5,9000.0,63810.0,SATURDAY,16,Y,1,0.14344299098991228,,,XAP,Approved,-2168,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Regional / Local,60,Connectivity,10.0,high,POS mobile with interest,365243.0,-2131.0,-1861.0,-1951.0,-1943.0,0.0,0,Cash loans,M,N,N,2,216000.0,1040985.0,27459.0,909000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.01885,-11639,-3878,-1745.0,-4091,,1,1,1,1,1,0,,4.0,2,2,TUESDAY,13,0,0,0,0,0,0,Industry: type 9,0.3181204127709286,0.7290138414380662,0.8327850252992314,0.0928,0.0743,0.9866,0.8164,,0.0,0.2069,0.1667,,0.054000000000000006,,0.0883,,0.0,0.0945,0.0771,0.9866,0.8236,,0.0,0.2069,0.1667,,0.0552,,0.092,,0.0,0.0937,0.0743,0.9866,0.8189,,0.0,0.2069,0.1667,,0.0549,,0.0899,,0.0,,block of flats,0.0923,Panel,No,7.0,0.0,6.0,0.0,-1847.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1603249,125696,Consumer loans,16427.115,145341.0,145116.0,225.0,145341.0,THURSDAY,14,Y,1,0.0016860036365888113,,,XAP,Approved,-2111,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,1940,Consumer electronics,12.0,high,POS household with interest,365243.0,-2080.0,-1750.0,-1750.0,-1744.0,0.0,0,Cash loans,M,N,N,1,382500.0,666000.0,27126.0,666000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018634,-10876,-3940,-9197.0,-3328,,1,1,0,1,0,0,Managers,3.0,2,2,MONDAY,17,0,0,0,0,0,0,Trade: type 2,0.4475134048574536,0.4732069830769692,0.5352762504724826,0.1474,0.0611,0.9851,0.7959999999999999,0.0275,0.04,0.0345,0.3333,0.375,0.038,0.1202,0.0983,0.0,0.0,0.1502,0.0634,0.9851,0.804,0.0277,0.0403,0.0345,0.3333,0.375,0.0389,0.1313,0.1024,0.0,0.0,0.1489,0.0611,0.9851,0.7987,0.0277,0.04,0.0345,0.3333,0.375,0.0387,0.1223,0.1001,0.0,0.0,,block of flats,0.0923,"Stone, brick",No,0.0,0.0,0.0,0.0,-1600.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2531600,336248,Cash loans,18717.21,315000.0,366142.5,,315000.0,TUESDAY,11,Y,1,,,,XNA,Refused,-1556,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,Y,Y,0,270000.0,783927.0,33345.0,688500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0228,-20720,-4351,-43.0,-4226,1.0,1,1,1,1,1,0,Laborers,2.0,2,2,THURSDAY,11,0,0,0,0,1,1,Other,0.32121356364372744,0.4731252158322312,0.2778856891082046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,16.0,0.0,16.0,0.0,-2469.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2299688,235243,Consumer loans,15615.81,90891.0,81801.0,9090.0,90891.0,FRIDAY,16,Y,1,0.10891987505513596,,,XAP,Approved,-1249,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,1350,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1218.0,-1068.0,-1128.0,-1121.0,0.0,0,Cash loans,F,N,Y,0,135000.0,688500.0,27432.0,688500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-20286,365243,-9348.0,-3723,,1,0,0,1,0,0,,2.0,2,2,MONDAY,12,0,0,0,0,0,0,XNA,,0.716296650750764,0.4902575124990026,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1017.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1401222,143291,Consumer loans,4868.28,40455.0,39514.5,4500.0,40455.0,MONDAY,11,Y,1,0.11134760342407823,,,XAP,Refused,-1675,Cash through the bank,HC,,New,Mobile,POS,XNA,Country-wide,11,Connectivity,12.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,0,90000.0,781920.0,28084.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-20871,365243,-9686.0,-2477,,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,XNA,,0.27136946538501205,0.6910212267577837,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1608995,261306,Consumer loans,9776.205,135855.0,135855.0,0.0,135855.0,TUESDAY,16,Y,1,0.0,,,XAP,Refused,-1258,Cash through the bank,LIMIT,Family,Repeater,Furniture,POS,XNA,Stone,28,Furniture,24.0,high,POS industry with interest,,,,,,,0,Cash loans,F,N,Y,0,180000.0,824823.0,24246.0,688500.0,Family,Working,Secondary / secondary special,Separated,House / apartment,0.00733,-17327,-1227,-1265.0,-877,,1,1,0,1,0,0,Private service staff,1.0,2,2,SUNDAY,17,0,0,0,0,0,0,Trade: type 3,0.2774582926025993,0.5488237287829323,0.2807895743848605,0.1505,0.13699999999999998,0.9687,,,0.0,0.4138,0.1667,,0.0,,0.1327,,0.0,0.1534,0.1421,0.9687,,,0.0,0.4138,0.1667,,0.0,,0.1383,,0.0,0.152,0.13699999999999998,0.9687,,,0.0,0.4138,0.1667,,0.0,,0.1351,,0.0,,block of flats,0.1589,"Stone, brick",No,3.0,0.0,3.0,0.0,-1073.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1750053,224006,Consumer loans,4370.085,41422.5,41773.5,8284.5,41422.5,FRIDAY,17,Y,1,0.18024239155307112,,,XAP,Approved,-325,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,12.0,middle,POS mobile with interest,365243.0,-294.0,36.0,-294.0,-287.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,327024.0,21982.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.022625,-8555,-782,-6487.0,-1216,1.0,1,1,0,1,0,0,,1.0,2,2,MONDAY,18,0,0,0,0,1,1,Business Entity Type 2,,0.3070917975273185,0.2650494299443805,0.0495,,0.9911,,,0.0,0.1379,0.0833,,,,0.0524,,,0.0504,,0.9911,,,0.0,0.1379,0.0833,,,,0.0546,,,0.05,,0.9911,,,0.0,0.1379,0.0833,,,,0.0533,,,,block of flats,0.0412,Panel,No,2.0,0.0,2.0,0.0,-44.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1766983,363053,Revolving loans,22500.0,0.0,450000.0,,,WEDNESDAY,19,Y,1,,,,XAP,Approved,-1233,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-1216.0,-1186.0,365243.0,-1003.0,-204.0,0.0,0,Revolving loans,M,N,Y,0,270000.0,810000.0,40500.0,810000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.072508,-11021,-782,-5693.0,-3429,,1,1,0,1,0,0,Core staff,1.0,1,1,THURSDAY,13,0,0,0,0,0,0,Business Entity Type 1,0.3685035347392664,0.6234529391127784,0.4578995512067301,0.1665,0.1229,0.9801,0.728,0.0773,0.16,0.1207,0.4792,0.5208,0.1185,0.1353,0.0996,0.0019,0.0264,0.1134,0.0946,0.9801,0.7387,0.0579,0.0806,0.0345,0.3333,0.375,0.1212,0.0983,0.0659,0.0,0.0,0.1681,0.1229,0.9801,0.7316,0.0778,0.16,0.1207,0.4792,0.5208,0.1205,0.1377,0.1014,0.0019,0.027000000000000003,reg oper account,block of flats,0.1676,Panel,No,2.0,1.0,2.0,1.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1829610,144792,Cash loans,6129.9,157500.0,157500.0,,157500.0,SUNDAY,10,Y,1,,,,XNA,Approved,-689,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-659.0,751.0,-389.0,-381.0,0.0,0,Cash loans,F,N,Y,0,144000.0,225000.0,9661.5,225000.0,Unaccompanied,Pensioner,Higher education,Single / not married,House / apartment,0.018209,-21570,365243,-9806.0,-3628,,1,0,0,1,0,0,,1.0,3,3,WEDNESDAY,10,0,0,0,0,0,0,XNA,,0.1653726416092727,0.501075160239048,0.1134,0.0364,0.9866,,,0.0,0.1034,0.3333,,0.1063,,0.1166,,0.0,0.1155,0.0377,0.9866,,,0.0,0.1034,0.3333,,0.1087,,0.1214,,0.0,0.1145,0.0364,0.9866,,,0.0,0.1034,0.3333,,0.1082,,0.1187,,0.0,,block of flats,0.1022,Panel,No,0.0,0.0,0.0,0.0,-2713.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,0.0 +1716345,168833,Cash loans,16632.405,135000.0,162315.0,,135000.0,THURSDAY,12,Y,1,,,,XNA,Approved,-757,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-727.0,-397.0,-397.0,-390.0,1.0,0,Cash loans,F,Y,Y,1,202500.0,654498.0,31617.0,585000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018029,-13184,-4603,-4082.0,-4950,16.0,1,1,0,1,0,0,Core staff,3.0,3,3,FRIDAY,12,0,0,0,0,0,0,Security Ministries,0.7765533967067896,0.5198417561091458,,0.1103,0.0918,0.9816,0.7484,0.0316,0.12,0.1034,0.3333,0.0417,,,0.1214,,0.0,0.1124,0.0953,0.9816,0.7583,0.0319,0.1208,0.1034,0.3333,0.0417,,,0.1265,,0.0,0.1114,0.0918,0.9816,0.7518,0.0318,0.12,0.1034,0.3333,0.0417,,,0.1236,,0.0,,block of flats,0.1128,Panel,No,6.0,0.0,6.0,0.0,-2031.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1732603,140894,Cash loans,25198.65,225000.0,239850.0,,225000.0,MONDAY,14,Y,1,,,,XNA,Approved,-225,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-195.0,135.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,157500.0,254700.0,25321.5,225000.0,Unaccompanied,Pensioner,Higher education,Widow,House / apartment,0.008019,-24820,365243,-14151.0,-4576,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,14,0,0,0,0,0,0,XNA,,0.5606952457494249,0.25533177083329,0.0515,0.0363,0.9806,0.7348,0.08800000000000001,0.04,0.0345,0.3333,0.0417,0.0572,0.0403,0.0415,0.0077,0.071,0.0525,0.0376,0.9806,0.7452,0.0888,0.0403,0.0345,0.3333,0.0417,0.0585,0.0441,0.0432,0.0078,0.0752,0.052000000000000005,0.0363,0.9806,0.7383,0.0885,0.04,0.0345,0.3333,0.0417,0.0582,0.041,0.0423,0.0078,0.0725,reg oper account,block of flats,0.0481,"Stone, brick",No,0.0,0.0,0.0,0.0,-1143.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1139158,239250,Consumer loans,8911.35,77490.0,77490.0,0.0,77490.0,SUNDAY,18,Y,1,0.0,,,XAP,Approved,-988,Cash through the bank,XAP,Unaccompanied,Repeater,Clothing and Accessories,POS,XNA,Stone,130,Clothing,10.0,middle,POS industry with interest,365243.0,-956.0,-686.0,-776.0,-771.0,0.0,0,Cash loans,F,N,Y,0,202500.0,1035000.0,41175.0,1035000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.026392000000000002,-19981,-386,-213.0,-3505,,1,1,0,1,0,0,Core staff,2.0,2,2,MONDAY,10,0,0,0,0,0,0,School,,0.4771661534639235,0.7238369900414456,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-1359.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1451102,140814,Cash loans,41277.915,405000.0,423711.0,,405000.0,FRIDAY,12,Y,1,,,,XNA,Approved,-843,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-813.0,-483.0,-483.0,-470.0,1.0,0,Cash loans,F,N,N,0,135000.0,481495.5,36130.5,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,Municipal apartment,0.006629,-23502,365243,-10250.0,-4247,,1,0,0,1,0,0,,1.0,2,2,MONDAY,12,0,0,0,0,0,0,XNA,0.7635059599617745,0.7011861474786821,0.4365064990977374,0.0876,0.1107,0.9836,0.7756,0.0249,0.0,0.1207,0.1667,0.0417,0.0664,0.0714,0.0737,0.0,0.0148,0.084,0.1136,0.9831,0.7779,0.0206,0.0,0.1034,0.1667,0.0417,0.0587,0.0735,0.0743,0.0,0.013,0.0885,0.1107,0.9836,0.7786,0.025,0.0,0.1207,0.1667,0.0417,0.0676,0.0727,0.075,0.0,0.0151,reg oper account,block of flats,0.0699,Panel,No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2415717,197087,Cash loans,25416.54,247500.0,260896.5,,247500.0,TUESDAY,9,Y,1,,,,XNA,Approved,-211,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-181.0,149.0,365243.0,365243.0,1.0,0,Cash loans,M,N,N,0,180000.0,251091.0,27171.0,238500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.006629,-12479,-1004,-2515.0,-4664,,1,1,0,1,0,0,,1.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,Business Entity Type 3,,0.4663983964239314,0.6577838002083306,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-633.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2100421,340605,Cash loans,53386.2,1260000.0,1260000.0,,1260000.0,WEDNESDAY,17,Y,1,,,,XNA,Approved,-900,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-870.0,180.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,180000.0,536917.5,23778.0,463500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.003069,-22078,365243,-3628.0,-4852,,1,0,0,1,0,0,,2.0,3,3,SUNDAY,17,0,0,0,0,0,0,XNA,0.8038972471395398,0.7619353041513409,0.7826078370261895,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1201.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1385516,245487,Cash loans,34122.6,1129500.0,1293502.5,,1129500.0,FRIDAY,9,Y,1,,,,XNA,Approved,-613,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_action,Cash X-Sell: low,365243.0,-583.0,1187.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,202500.0,584766.0,24903.0,472500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.003069,-21997,365243,-14235.0,-4997,,1,0,0,1,0,0,,2.0,3,3,TUESDAY,11,0,0,0,0,0,0,XNA,,0.5185534714527734,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1387.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2322969,202249,Cash loans,38237.175,1035000.0,1185282.0,,1035000.0,SATURDAY,13,Y,1,,,,XNA,Approved,-1100,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,365243.0,-1069.0,701.0,-139.0,-137.0,0.0,0,Cash loans,M,Y,Y,0,360000.0,2013840.0,59013.0,1800000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.009334,-15930,-1273,-6819.0,-4096,10.0,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Construction,,0.7300580133133316,0.7789040389824382,0.0619,0.0628,0.9821,0.7552,0.0087,0.0,0.1379,0.1667,0.0,0.0417,0.0504,0.0537,0.0,0.0,0.063,0.0652,0.9821,0.7648,0.0088,0.0,0.1379,0.1667,0.0,0.0427,0.0551,0.056,0.0,0.0,0.0625,0.0628,0.9821,0.7585,0.0088,0.0,0.1379,0.1667,0.0,0.0424,0.0513,0.0547,0.0,0.0,reg oper account,block of flats,0.047,Panel,No,0.0,0.0,0.0,0.0,-1864.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2194391,440164,Cash loans,27575.415,450000.0,491580.0,,450000.0,THURSDAY,12,Y,1,,,,XNA,Approved,-1203,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-1173.0,-483.0,-483.0,-479.0,1.0,0,Cash loans,F,N,Y,0,135000.0,547344.0,18216.0,472500.0,Family,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.009334,-21921,365243,-8478.0,-4045,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,XNA,,0.2447467750122994,0.7180328113294772,,,0.9791,,,,0.1034,0.0417,,,,0.01,,,,,0.9791,,,,0.1034,0.0417,,,,0.0104,,,,,0.9791,,,,0.1034,0.0417,,,,0.0102,,,,block of flats,0.0079,Wooden,No,9.0,0.0,9.0,0.0,-1550.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1456805,296515,Consumer loans,15483.555,152775.0,165883.5,0.0,152775.0,WEDNESDAY,13,Y,1,0.0,,,XAP,Approved,-405,Cash through the bank,XAP,,New,Furniture,POS,XNA,Regional / Local,1000,Furniture,12.0,low_normal,POS industry with interest,365243.0,-373.0,-43.0,-253.0,-247.0,0.0,1,Revolving loans,F,N,Y,0,202500.0,247500.0,12375.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-20181,-1702,-6584.0,-3702,,1,1,0,1,0,0,Laborers,2.0,3,3,TUESDAY,7,0,0,0,0,0,0,Self-employed,,0.4980775457587388,,0.0928,0.0764,0.9791,0.7144,0.012,0.0,0.2069,0.1667,0.2083,0.0601,0.0748,0.0954,0.0039,0.0043,0.0945,0.0792,0.9791,0.7256,0.0121,0.0,0.2069,0.1667,0.2083,0.0615,0.0817,0.0994,0.0039,0.0046,0.0937,0.0764,0.9791,0.7182,0.0121,0.0,0.2069,0.1667,0.2083,0.0612,0.0761,0.0971,0.0039,0.0044,reg oper spec account,block of flats,0.075,Panel,No,7.0,0.0,7.0,0.0,-405.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1822637,275336,Cash loans,45506.025,1129500.0,1227901.5,,1129500.0,SATURDAY,14,Y,1,,,,XNA,Approved,-857,Cash through the bank,XAP,Family,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_action,Cash X-Sell: low,365243.0,-827.0,223.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,180000.0,271066.5,16713.0,234000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.031329,-22572,365243,-5779.0,-3598,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,XNA,0.9006304751350002,0.6053959516045843,0.7352209993926424,0.1474,0.0618,0.9692,0.5784,0.027000000000000003,0.0,0.4138,0.1667,0.2083,0.0823,0.1202,0.1534,0.0,0.2099,0.1502,0.0641,0.9692,0.5949,0.0273,0.0,0.4138,0.1667,0.2083,0.0841,0.1313,0.1598,0.0,0.2222,0.1489,0.0618,0.9692,0.584,0.0272,0.0,0.4138,0.1667,0.2083,0.0837,0.1223,0.1561,0.0,0.2143,reg oper account,block of flats,0.1354,Mixed,No,0.0,0.0,0.0,0.0,-2564.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1131293,153109,Consumer loans,26605.53,191187.0,183091.5,18000.0,191187.0,SATURDAY,18,Y,1,0.09748615114829,,,XAP,Approved,-808,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,2000,Consumer electronics,8.0,middle,POS household with interest,365243.0,-777.0,-567.0,-687.0,-680.0,0.0,0,Cash loans,F,N,Y,0,256500.0,1009566.0,33493.5,904500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.011656999999999999,-19701,365243,-7665.0,-2134,,1,0,0,1,0,0,,2.0,1,1,TUESDAY,18,0,0,0,0,0,0,XNA,0.7284976222349274,0.6341252348946393,0.4794489811780563,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1614.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2668099,389888,Revolving loans,4500.0,0.0,90000.0,,,SUNDAY,13,Y,1,,,,XAP,Refused,-2804,XNA,SCO,,Repeater,XNA,Cards,x-sell,Stone,177,Consumer electronics,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,Y,Y,0,180000.0,286704.0,12757.5,247500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,Municipal apartment,0.025164,-21355,365243,-10934.0,-4698,4.0,1,0,0,1,0,0,,2.0,2,2,THURSDAY,16,0,0,0,0,0,0,XNA,,0.6844350627877644,0.5513812618027899,0.0753,0.0734,0.9846,0.7892,0.0,0.0,0.1724,0.1667,0.2083,0.0537,0.0605,0.0754,0.0039,0.0221,0.0767,0.0762,0.9846,0.7975,0.0,0.0,0.1724,0.1667,0.2083,0.0549,0.0661,0.0786,0.0039,0.0234,0.076,0.0734,0.9846,0.792,0.0,0.0,0.1724,0.1667,0.2083,0.0547,0.0616,0.0768,0.0039,0.0226,reg oper account,block of flats,0.058,Block,No,6.0,0.0,6.0,0.0,-1356.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1877782,163156,Consumer loans,6298.2,56475.0,55638.0,5850.0,56475.0,FRIDAY,9,Y,1,0.10361667021503082,,,XAP,Approved,-1991,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,180,Consumer electronics,12.0,high,POS household with interest,365243.0,-1960.0,-1630.0,-1630.0,-1625.0,0.0,0,Cash loans,F,N,Y,0,67500.0,545040.0,20677.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.018634,-17834,-3423,-9894.0,-1369,,1,1,1,1,0,0,Sales staff,1.0,2,2,MONDAY,9,0,0,0,0,0,0,Self-employed,,0.3327884273503385,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1606.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2379862,368277,Cash loans,25056.0,450000.0,450000.0,,450000.0,THURSDAY,14,Y,1,,,,XNA,Approved,-415,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Stone,106,Clothing,48.0,high,Cash X-Sell: high,,,,,,,0,Revolving loans,F,Y,Y,0,135000.0,247500.0,12375.0,247500.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,House / apartment,0.010006000000000001,-8870,-927,-3501.0,-1479,4.0,1,1,0,1,1,0,Core staff,1.0,2,2,SATURDAY,14,0,0,0,0,0,0,School,0.31563102487942546,0.6067429348957188,0.15759499866631024,0.1979,0.136,0.9851,0.7959999999999999,,0.24,0.2069,0.3333,0.375,0.0793,0.1605,0.1336,0.0039,0.0993,0.2017,0.1411,0.9851,0.804,,0.2417,0.2069,0.3333,0.375,0.0811,0.1754,0.1392,0.0039,0.1051,0.1999,0.136,0.9851,0.7987,,0.24,0.2069,0.3333,0.375,0.0807,0.1633,0.136,0.0039,0.1013,reg oper account,block of flats,0.1582,Block,No,1.0,0.0,1.0,0.0,-90.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1964253,413401,Cash loans,18203.31,135000.0,163732.5,,135000.0,SATURDAY,8,Y,1,,,,XNA,Approved,-909,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,high,Cash X-Sell: high,365243.0,-879.0,-549.0,-549.0,-544.0,1.0,0,Cash loans,M,Y,Y,0,225000.0,450000.0,46242.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-20370,-753,-5061.0,-3739,2.0,1,1,0,1,0,0,Drivers,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,Self-employed,,0.6462687750304356,0.4992720153045617,0.1485,0.1109,0.9866,,,0.14,0.1207,0.3333,,,,0.1389,,0.0,0.0756,0.047,0.9866,,,0.0806,0.069,0.3333,,,,0.0797,,0.0,0.1499,0.1109,0.9866,,,0.14,0.1207,0.3333,,,,0.1414,,0.0,,block of flats,0.1775,Panel,No,0.0,0.0,0.0,0.0,-2037.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1423415,387767,Cash loans,35298.99,778500.0,909922.5,,778500.0,FRIDAY,8,Y,1,,,,XNA,Approved,-990,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,42.0,low_normal,Cash X-Sell: low,365243.0,-960.0,270.0,-270.0,-267.0,1.0,0,Cash loans,F,Y,Y,0,166500.0,1061599.5,31171.5,927000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-19020,-2992,-4056.0,-2546,4.0,1,1,0,1,0,1,,2.0,2,2,MONDAY,11,0,0,0,0,0,0,Other,0.8083319013787923,0.6597253346756752,0.41885428862332175,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1048.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,2.0 +1203991,334855,Revolving loans,16875.0,337500.0,337500.0,,337500.0,MONDAY,12,Y,1,,,,XAP,Refused,-357,XNA,HC,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,N,1,135000.0,225000.0,11781.0,225000.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,House / apartment,0.006233,-11353,-358,-5954.0,-3926,,1,1,0,1,1,0,Cooking staff,2.0,2,2,SATURDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.32001594681059464,0.6229702565244825,0.475849908720221,0.0619,0.0621,0.9806,0.7348,,0.0,0.1379,0.1667,0.2083,0.1053,,0.0534,,0.0,0.063,0.0644,0.9806,0.7452,,0.0,0.1379,0.1667,0.2083,0.1077,,0.0557,,0.0,0.0625,0.0621,0.9806,0.7383,,0.0,0.1379,0.1667,0.2083,0.1071,,0.0544,,0.0,reg oper account,block of flats,0.042,Panel,No,0.0,0.0,0.0,0.0,-2050.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1377159,312013,Consumer loans,6962.895,99441.0,59233.5,45000.0,99441.0,SATURDAY,17,Y,1,0.470185601645257,,,XAP,Approved,-434,Cash through the bank,XAP,Family,Refreshed,Consumer Electronics,POS,XNA,Country-wide,2200,Consumer electronics,10.0,middle,POS household with interest,365243.0,-403.0,-133.0,-343.0,-335.0,0.0,0,Cash loans,F,N,Y,2,157500.0,728460.0,53140.5,675000.0,Family,Working,Higher education,Married,House / apartment,0.008625,-12530,-4205,-396.0,-4217,,1,1,0,1,0,1,Core staff,4.0,2,2,SATURDAY,11,0,0,0,0,0,0,School,0.6011760971001906,0.5448082963634719,0.5513812618027899,0.1402,0.0539,0.996,0.9456,0.0605,0.16,0.069,0.6667,0.7083,0.081,0.1143,0.1798,,0.0049,0.1429,0.056,0.996,0.9477,0.0611,0.1611,0.069,0.6667,0.7083,0.0829,0.1249,0.1873,,0.0051,0.1416,0.0539,0.996,0.9463,0.0609,0.16,0.069,0.6667,0.7083,0.0824,0.1163,0.183,,0.005,reg oper account,block of flats,0.1763,Panel,No,3.0,0.0,2.0,0.0,-2267.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2692997,390516,Cash loans,14567.04,229500.0,253737.0,,229500.0,WEDNESDAY,18,Y,1,,,,XNA,Refused,-216,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,315000.0,755190.0,36459.0,675000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.009175,-20064,-4305,-8747.0,-3364,,1,1,0,1,0,0,Accountants,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Bank,,0.7329185167987621,0.7062051096536562,0.2144,0.1088,0.9925,0.9728,0.0364,0.24,0.2241,0.375,0.4167,0.0523,0.0639,0.2323,0.0039,0.0973,0.0809,0.0443,0.9876,0.9739,0.0367,0.0806,0.069,0.375,0.4167,0.0448,0.0698,0.0843,0.0039,0.0114,0.2165,0.1088,0.9925,0.9732,0.0366,0.24,0.2241,0.375,0.4167,0.0532,0.065,0.2365,0.0039,0.0993,reg oper account,block of flats,0.3813,"Stone, brick",No,0.0,0.0,0.0,0.0,-1638.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1010749,204592,Cash loans,19101.24,202500.0,222547.5,0.0,202500.0,SATURDAY,11,Y,1,0.0,,,XNA,Approved,-2007,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,18.0,high,Cash Street: high,365243.0,-1977.0,-1467.0,-1497.0,-1495.0,1.0,0,Revolving loans,F,N,Y,1,112500.0,315000.0,15750.0,315000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.031329,-13096,-1810,-461.0,-4383,,1,1,0,1,0,0,,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.7045064166006577,0.6109913280868294,0.1031,0.0,0.9771,0.6872,0.0199,0.0,0.069,0.1667,0.2083,0.017,0.0832,0.0283,0.0039,0.0009,0.105,0.0,0.9772,0.6994,0.0201,0.0,0.069,0.1667,0.2083,0.0174,0.0909,0.0295,0.0039,0.001,0.1041,0.0,0.9771,0.6914,0.0201,0.0,0.069,0.1667,0.2083,0.0173,0.0847,0.0288,0.0039,0.0009,reg oper account,block of flats,0.0225,"Stone, brick",No,0.0,0.0,0.0,0.0,-1243.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +1668521,184147,Consumer loans,5073.48,38191.5,42727.5,0.0,38191.5,TUESDAY,9,Y,1,0.0,,,XAP,Approved,-353,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,88,Connectivity,12.0,high,POS mobile with interest,365243.0,-320.0,10.0,-320.0,-313.0,0.0,0,Cash loans,M,Y,Y,0,157500.0,278460.0,24030.0,225000.0,Unaccompanied,Working,Incomplete higher,Married,With parents,0.010147,-10050,-572,-486.0,-2724,65.0,1,1,0,1,0,1,Laborers,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.3258993051161724,0.18191088380356507,0.375711009574066,0.0825,0.0793,0.9771,0.6872,0.0069,0.0,0.1379,0.1667,0.2083,0.015,0.0672,0.0668,0.0,0.0174,0.084,0.0823,0.9772,0.6994,0.006999999999999999,0.0,0.1379,0.1667,0.2083,0.0154,0.0735,0.0696,0.0,0.0184,0.0833,0.0793,0.9771,0.6914,0.0069,0.0,0.1379,0.1667,0.2083,0.0153,0.0684,0.068,0.0,0.0177,reg oper spec account,block of flats,0.0563,"Stone, brick",No,0.0,0.0,0.0,0.0,-353.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1922884,209454,Consumer loans,10938.24,234252.0,242802.0,0.0,234252.0,MONDAY,16,Y,1,0.0,,,XAP,Approved,-448,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Country-wide,1487,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-417.0,273.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,130500.0,620878.5,30330.0,436500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-12601,-2564,-3849.0,-5040,,1,1,0,1,0,0,Sales staff,3.0,2,2,MONDAY,10,0,0,0,0,0,0,Trade: type 7,0.8355923597260683,0.6276530970594884,,0.0381,0.0,0.9806,0.7348,0.0051,0.0,0.069,0.1667,0.0417,0.0276,0.0269,0.0311,0.0193,0.0292,0.0389,0.0,0.9806,0.7452,0.0052,0.0,0.069,0.1667,0.0417,0.0282,0.0294,0.0324,0.0195,0.0309,0.0385,0.0,0.9806,0.7383,0.0051,0.0,0.069,0.1667,0.0417,0.0281,0.0274,0.0316,0.0194,0.0298,reg oper account,block of flats,0.0308,"Stone, brick",No,2.0,0.0,2.0,0.0,-448.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2776489,148143,Cash loans,15737.985,135000.0,143910.0,0.0,135000.0,TUESDAY,13,Y,1,0.0,,,XNA,Approved,-2358,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-2328.0,-1998.0,-2148.0,-2143.0,1.0,0,Cash loans,M,Y,N,0,103500.0,314055.0,13963.5,238500.0,Unaccompanied,Working,Secondary / secondary special,Separated,With parents,0.022625,-20907,-8476,-8634.0,-3911,2.0,1,1,0,1,1,0,Laborers,1.0,2,2,MONDAY,10,0,0,0,0,0,0,Housing,,0.4916492436515189,0.5954562029091491,0.2515,0.0985,0.9881,,,0.08,0.069,0.3333,,0.1067,,0.0872,,0.4536,0.2563,0.1022,0.9881,,,0.0806,0.069,0.3333,,0.1092,,0.0908,,0.4802,0.254,0.0985,0.9881,,,0.08,0.069,0.3333,,0.1086,,0.0887,,0.4631,,specific housing,0.1677,"Stone, brick",No,6.0,0.0,6.0,0.0,-2358.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2258732,436061,Cash loans,24486.975,315000.0,349096.5,,315000.0,FRIDAY,11,Y,1,,,,XNA,Approved,-479,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-449.0,241.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,0,292500.0,629325.0,30406.5,562500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.025164,-18508,-1389,-2271.0,-2043,5.0,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,16,0,0,0,0,0,0,Self-employed,,0.6205634972771792,0.5620604831738043,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-2875.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2484770,141673,Cash loans,28308.06,540000.0,593460.0,,540000.0,WEDNESDAY,11,Y,1,,,,Car repairs,Refused,-798,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),7,XNA,30.0,low_normal,Cash Street: low,,,,,,,1,Cash loans,F,N,Y,0,112500.0,765000.0,32539.5,765000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-22169,365243,-1022.0,-426,,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,XNA,,0.5912070216421211,0.2608559142068693,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1009.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1634822,281319,Revolving loans,4500.0,0.0,90000.0,,,SUNDAY,10,Y,1,,,,XAP,Approved,-2343,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,2000,Consumer electronics,0.0,XNA,Card X-Sell,-2342.0,-2290.0,365243.0,-160.0,365243.0,0.0,0,Cash loans,F,N,N,0,180000.0,299772.0,16866.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.018801,-17492,-859,-9355.0,-989,,1,1,0,1,0,0,Cleaning staff,1.0,2,2,FRIDAY,10,0,0,0,0,0,0,School,,0.5129282093873619,0.6785676886853644,0.067,0.0604,0.9801,0.728,0.0275,0.0,0.1379,0.1667,0.2083,0.0384,0.0546,0.0512,0.0,0.0,0.0683,0.0627,0.9801,0.7387,0.0277,0.0,0.1379,0.1667,0.2083,0.0392,0.0597,0.0534,0.0,0.0,0.0677,0.0604,0.9801,0.7316,0.0276,0.0,0.1379,0.1667,0.2083,0.039,0.0556,0.0522,0.0,0.0,reg oper account,block of flats,0.0403,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1012993,122461,Cash loans,130541.175,1129500.0,1273945.5,,1129500.0,TUESDAY,17,Y,1,,,,XNA,Approved,-477,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-444.0,-114.0,-114.0,-108.0,0.0,0,Cash loans,F,Y,Y,1,387000.0,906228.0,35937.0,810000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.035792000000000004,-15720,-1962,-6087.0,-4008,5.0,1,1,1,1,1,0,Core staff,3.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Trade: type 7,,0.516347539516981,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1545.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1907446,452423,Consumer loans,7428.51,80514.0,72459.0,8055.0,80514.0,WEDNESDAY,16,Y,1,0.10895778712680113,,,XAP,Refused,-516,Cash through the bank,LIMIT,,Repeater,Furniture,POS,XNA,Country-wide,70,Furniture,12.0,middle,POS industry with interest,,,,,,,0,Cash loans,M,N,Y,0,292500.0,592560.0,24133.5,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.02461,-10342,-1731,-4623.0,-3008,,1,1,1,1,0,0,,2.0,2,2,MONDAY,17,0,0,0,1,1,1,Trade: type 2,0.11877307059482765,0.6381643373459054,0.4311917977993083,0.066,0.0709,0.9757,,,0.0,0.1379,0.1667,,0.0397,,0.053,,0.0097,0.0672,0.0736,0.9757,,,0.0,0.1379,0.1667,,0.0406,,0.0553,,0.0103,0.0666,0.0709,0.9757,,,0.0,0.1379,0.1667,,0.0404,,0.054000000000000006,,0.01,,block of flats,0.0417,"Stone, brick",No,0.0,0.0,0.0,0.0,-1626.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +2807870,404137,Cash loans,26145.45,180000.0,220302.0,,180000.0,FRIDAY,12,Y,1,,,,XNA,Approved,-424,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-394.0,-64.0,-184.0,-177.0,1.0,0,Cash loans,F,N,Y,1,180000.0,450000.0,21888.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-8772,-928,-5391.0,-869,,1,1,1,1,0,0,Sales staff,3.0,2,2,TUESDAY,7,0,0,0,0,0,0,Business Entity Type 1,,0.6500736748798327,0.1674084472266241,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-780.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2709583,398123,Consumer loans,9368.19,43155.0,45945.0,4315.5,43155.0,WEDNESDAY,16,Y,1,0.09351223760571056,,,XAP,Refused,-1839,Cash through the bank,SCO,"Spouse, partner",New,Mobile,POS,XNA,Country-wide,72,Connectivity,6.0,high,POS mobile with interest,,,,,,,0,Revolving loans,M,Y,Y,0,135000.0,180000.0,9000.0,180000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.0228,-21160,-2229,-166.0,-2512,3.0,1,1,0,1,1,0,Security staff,2.0,2,2,MONDAY,12,0,0,0,0,1,1,Security,,0.08329090946020934,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,,,,,, +1096757,436340,Cash loans,12476.79,139500.0,157914.0,,139500.0,WEDNESDAY,11,Y,1,,,,Urgent needs,Refused,-328,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,high,Cash Street: high,,,,,,,1,Cash loans,M,N,N,0,382500.0,484789.5,21483.0,418500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.007273999999999998,-19717,-802,-8295.0,-3270,,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.4673073552885441,0.5316861425197883,0.0682,0.0446,0.9916,0.8504,0.0307,0.0148,0.1207,0.2292,0.0971,0.0632,0.0579,0.0675,0.0006,0.0005,0.0788,0.0,0.9876,0.8367,0.032,0.0,0.1724,0.1667,0.0417,0.0,0.0689,0.0511,0.0,0.0,0.076,0.0675,0.9886,0.8323,0.0308,0.0,0.1552,0.1667,0.0417,0.0733,0.0641,0.0734,0.0,0.0,reg oper spec account,block of flats,0.0493,Panel,No,0.0,0.0,0.0,0.0,-409.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2718022,141748,Consumer loans,5805.945,38205.0,35928.0,4500.0,38205.0,WEDNESDAY,17,Y,1,0.12122561321136564,,,XAP,Approved,-2123,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,25,Connectivity,8.0,high,POS mobile with interest,365243.0,-2086.0,-1876.0,-1876.0,-1874.0,0.0,0,Cash loans,F,Y,Y,0,675000.0,536917.5,27544.5,463500.0,Family,Commercial associate,Higher education,Married,House / apartment,0.04622,-16990,-992,-10881.0,-498,3.0,1,1,0,1,0,0,Sales staff,2.0,1,1,FRIDAY,12,0,1,1,0,0,0,Government,0.5308818621303488,0.6852704437423487,0.3842068130556564,0.1237,,0.9757,,,,0.1724,0.1667,,,,0.0951,,,0.1261,,0.9757,,,,0.1724,0.1667,,,,0.0991,,,0.1249,,0.9757,,,,0.1724,0.1667,,,,0.0968,,,,block of flats,0.0831,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1325991,243117,Revolving loans,11250.0,225000.0,225000.0,,225000.0,THURSDAY,11,Y,1,,,,XAP,Refused,-184,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,247500.0,1724220.0,45612.0,1350000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.04622,-23523,365243,-10263.0,-4487,,1,0,0,1,0,0,,2.0,1,1,SATURDAY,16,0,0,0,0,0,0,XNA,,0.7218930964929848,,,,0.9861,,,,0.069,0.3333,,,,0.0518,,,,,0.9861,,,,0.069,0.3333,,,,0.0539,,,,,0.9861,,,,0.069,0.3333,,,,0.0527,,,,,0.0697,,No,0.0,0.0,0.0,0.0,-359.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2681531,177418,Cash loans,15582.555,225000.0,254700.0,,225000.0,FRIDAY,10,Y,1,,,,XNA,Approved,-367,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-337.0,353.0,-277.0,-274.0,1.0,0,Cash loans,F,N,N,0,166500.0,675000.0,20466.0,675000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-24010,365243,-13100.0,-4673,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,XNA,,0.5981538899891007,0.7076993447402619,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-759.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,2.0 +2460461,105739,Cash loans,45594.63,675000.0,732915.0,,675000.0,WEDNESDAY,16,Y,1,,,,XNA,Refused,-506,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,M,N,N,2,247500.0,814041.0,23931.0,679500.0,Unaccompanied,State servant,Secondary / secondary special,Married,Municipal apartment,0.009334,-11923,-173,-5763.0,-4002,,1,1,0,1,0,0,Drivers,4.0,2,2,FRIDAY,15,0,0,0,0,0,0,Emergency,,0.6541168829046626,0.5064842396679806,0.0082,,0.9617,,,,0.069,0.0417,,,,0.0115,,,0.0084,,0.9618,,,,0.069,0.0417,,,,0.0119,,,0.0083,,0.9617,,,,0.069,0.0417,,,,0.0117,,,,block of flats,0.01,Wooden,No,5.0,2.0,5.0,1.0,-1170.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1645290,259547,Consumer loans,13572.9,114453.0,113202.0,11448.0,114453.0,SUNDAY,12,Y,1,0.10002336724647193,,,XAP,Approved,-1594,XNA,XAP,Family,New,Computers,POS,XNA,Regional / Local,70,Consumer electronics,12.0,high,POS household with interest,365243.0,-1563.0,-1233.0,-1473.0,-1468.0,0.0,0,Cash loans,F,N,Y,2,270000.0,481495.5,35370.0,454500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.014464,-12819,-2960,-1828.0,-2348,,1,1,0,1,0,0,Sales staff,4.0,2,2,FRIDAY,3,0,0,0,0,0,0,Self-employed,,0.3722175591401516,0.5513812618027899,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1594.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2539850,237274,Cash loans,7189.74,67500.0,71955.0,,67500.0,WEDNESDAY,7,Y,1,,,,XNA,Approved,-699,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-669.0,-339.0,-399.0,-387.0,1.0,0,Cash loans,F,Y,Y,0,74250.0,229500.0,12942.0,229500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018209,-22718,365243,-8243.0,-3990,22.0,1,0,0,1,0,0,,2.0,3,3,TUESDAY,14,0,0,0,0,0,0,XNA,,0.4829190172936432,0.4170996682522097,0.2557,0.1886,0.9826,,,0.28,0.2414,0.3333,,0.1552,,0.2551,,0.0176,0.2605,0.1958,0.9826,,,0.282,0.2414,0.3333,,0.1587,,0.2658,,0.0187,0.2581,0.1886,0.9826,,,0.28,0.2414,0.3333,,0.1579,,0.2597,,0.018000000000000002,,block of flats,0.229,Panel,No,0.0,0.0,0.0,0.0,-1585.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1319193,424419,Revolving loans,45000.0,900000.0,900000.0,,900000.0,WEDNESDAY,9,Y,1,,,,XAP,Approved,-531,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,-90.0,0.0,0,Revolving loans,F,N,Y,0,72000.0,337500.0,16875.0,337500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.025164,-19241,-3876,-642.0,-2797,,1,1,1,1,0,0,Core staff,2.0,2,2,TUESDAY,7,0,0,0,0,1,1,Government,,0.7336754919406919,0.4543210601605785,0.0186,0.0,0.9816,,,0.0,0.1034,0.0417,,0.0,,0.0177,,0.0,0.0189,0.0,0.9816,,,0.0,0.1034,0.0417,,0.0,,0.0184,,0.0,0.0187,0.0,0.9816,,,0.0,0.1034,0.0417,,0.0,,0.018000000000000002,,0.0,,block of flats,0.0139,Panel,No,0.0,0.0,0.0,0.0,-531.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1313619,236464,Consumer loans,5577.75,61066.35,54958.5,6107.85,61066.35,THURSDAY,12,Y,1,0.10893075988807106,0.14244021307945146,0.6379492600422833,XAP,Approved,-436,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,middle,POS mobile with interest,365243.0,-401.0,-71.0,-311.0,-307.0,0.0,0,Revolving loans,F,Y,Y,1,180000.0,540000.0,27000.0,540000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.032561,-12015,-783,-6128.0,-3309,64.0,1,1,0,1,0,0,Core staff,3.0,1,1,SATURDAY,13,0,0,0,0,0,0,Trade: type 2,0.38078147712727706,0.6719850189417009,0.5226973172821112,0.2753,,0.9712,,,,0.4138,0.375,,,,0.4023,,0.3952,0.2805,,0.9712,,,,0.4138,0.375,,,,0.4192,,0.4184,0.2779,,0.9712,,,,0.4138,0.375,,,,0.4095,,0.4035,,,0.4024,"Stone, brick",No,1.0,0.0,1.0,0.0,-1241.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2553023,238811,Consumer loans,6321.915,34605.0,31005.0,3600.0,34605.0,SATURDAY,8,Y,1,0.11329944437876813,,,XAP,Approved,-1802,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,62,Connectivity,6.0,high,POS mobile with interest,365243.0,-1758.0,-1608.0,-1608.0,-1605.0,0.0,0,Cash loans,M,Y,Y,0,157500.0,576072.0,28147.5,405000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014464,-15042,-2088,-2456.0,-4198,22.0,1,1,0,1,0,0,Drivers,2.0,2,2,TUESDAY,7,0,0,0,0,0,0,Other,,0.4675196586046651,0.2851799046358216,0.0706,0.0539,0.9866,0.7892,0.0933,0.0,0.069,0.2083,0.2083,0.0386,0.0782,0.076,0.0039,0.0006,0.0452,0.0528,0.9846,0.7975,0.0941,0.0,0.069,0.1667,0.2083,0.0202,0.0854,0.0612,0.0039,0.0,0.0713,0.0539,0.9866,0.792,0.0939,0.0,0.069,0.2083,0.2083,0.0393,0.0795,0.0774,0.0039,0.0006,not specified,block of flats,0.0734,"Stone, brick",No,0.0,0.0,0.0,0.0,-1802.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,4.0 +1355611,268455,Consumer loans,15117.525,173920.5,141682.5,45000.0,173920.5,TUESDAY,15,Y,1,0.26252643343157983,,,XAP,Approved,-2138,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,1136,Consumer electronics,12.0,middle,POS household with interest,365243.0,-2107.0,-1777.0,-1777.0,-1769.0,0.0,0,Cash loans,F,N,Y,1,157500.0,508495.5,21672.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-15349,-3371,-526.0,-4385,,1,1,0,1,0,0,Laborers,3.0,2,2,FRIDAY,11,0,0,0,0,0,0,Industry: type 4,,0.6154321080448071,0.6161216908872079,0.1031,0.0872,0.9786,0.7076,0.0135,0.0,0.2069,0.1667,0.2083,0.0517,0.0841,0.0914,0.0,0.0,0.105,0.0905,0.9786,0.7190000000000001,0.0137,0.0,0.2069,0.1667,0.2083,0.0529,0.0918,0.0952,0.0,0.0,0.1041,0.0872,0.9786,0.7115,0.0136,0.0,0.2069,0.1667,0.2083,0.0526,0.0855,0.093,0.0,0.0,org spec account,block of flats,0.0943,"Stone, brick",No,1.0,0.0,1.0,0.0,-2138.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2002681,287828,Consumer loans,11554.29,99999.0,97915.5,10003.5,99999.0,SATURDAY,18,Y,1,0.10095276002456388,,,XAP,Approved,-713,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Country-wide,107,Consumer electronics,10.0,middle,POS household with interest,365243.0,-682.0,-412.0,-652.0,-649.0,0.0,0,Revolving loans,F,N,Y,0,81000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010276,-8193,-658,-4322.0,-121,,1,1,0,1,0,0,Sales staff,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.3416238576096273,0.2766065851781546,0.3825018041447388,0.0619,0.0,0.9791,,,0.0,0.0345,0.0833,,0.0087,,0.0145,,0.0303,0.063,0.0,0.9791,,,0.0,0.0345,0.0833,,0.0089,,0.0151,,0.0321,0.0625,0.0,0.9791,,,0.0,0.0345,0.0833,,0.0088,,0.0148,,0.0309,,specific housing,0.0115,"Stone, brick",No,1.0,1.0,1.0,0.0,-118.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2192655,335436,Consumer loans,2611.305,22275.0,19575.0,2700.0,22275.0,MONDAY,9,Y,1,0.13201101928374653,,,XAP,Refused,-2824,XNA,SCO,,Repeater,XNA,POS,XNA,Stone,43,Connectivity,10.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,0,58500.0,66222.0,7155.0,58500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-13420,-410,-3304.0,-1560,,1,1,1,1,0,1,,2.0,2,2,THURSDAY,10,0,0,0,1,1,0,Government,0.7299881407738353,0.3769100208916243,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2328022,128093,Consumer loans,14546.925,132124.5,132124.5,0.0,132124.5,SUNDAY,11,Y,1,0.0,,,XAP,Approved,-1227,Cash through the bank,XAP,Unaccompanied,Repeater,Clothing and Accessories,POS,XNA,Country-wide,150,Clothing,10.0,low_normal,POS industry with interest,365243.0,-1196.0,-926.0,-956.0,-947.0,0.0,0,Cash loans,F,N,Y,0,157500.0,454500.0,19386.0,454500.0,Unaccompanied,Pensioner,Higher education,Separated,House / apartment,0.018209,-20100,365243,-8461.0,-2664,,1,0,0,1,1,1,,1.0,3,3,TUESDAY,11,0,0,0,0,0,0,XNA,0.6914955747341375,0.4647606606665737,0.6894791426446275,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,2.0,0.0,2.0,0.0,-1620.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1481256,302840,Consumer loans,6384.195,47772.0,52501.5,0.0,47772.0,MONDAY,18,Y,1,0.0,,,XAP,Approved,-2014,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Regional / Local,1000,Consumer electronics,12.0,high,POS household with interest,365243.0,-1983.0,-1653.0,-1653.0,-1651.0,0.0,0,Cash loans,F,Y,Y,0,171000.0,360000.0,20664.0,360000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.032561,-15793,-167,-7418.0,-4713,9.0,1,1,1,1,1,0,Laborers,2.0,1,1,SATURDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.7916706199520159,0.8031870158245988,0.5762088360175724,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1897.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1224272,236073,Cash loans,20750.58,450000.0,533160.0,,450000.0,SATURDAY,8,Y,1,,,,XNA,Refused,-1177,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,126000.0,121500.0,9531.0,121500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.018209,-22710,365243,-4920.0,-4630,,1,0,0,1,0,0,,1.0,3,3,SUNDAY,7,0,0,0,0,0,0,XNA,,0.08502518557782023,0.7969726818373722,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1536461,117241,Consumer loans,9185.535,90180.0,81180.0,9000.0,90180.0,SATURDAY,14,Y,1,0.10869170749410273,,,XAP,Approved,-587,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,high,POS mobile with interest,365243.0,-552.0,-222.0,-312.0,-306.0,0.0,0,Cash loans,F,N,Y,2,225000.0,1442434.5,74817.0,1377000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Co-op apartment,0.02461,-14558,-978,-4111.0,-4454,,1,1,0,1,0,0,Laborers,4.0,2,2,FRIDAY,13,0,0,0,0,0,0,Self-employed,,0.6436198258595928,,0.099,0.1539,0.9722,0.6192,0.114,0.0,0.1724,0.1667,0.2083,0.105,0.0807,0.1194,0.0,0.0,0.1008,0.1597,0.9722,0.6341,0.115,0.0,0.1724,0.1667,0.2083,0.1074,0.0882,0.1244,0.0,0.0,0.0999,0.1539,0.9722,0.6243,0.1147,0.0,0.1724,0.1667,0.2083,0.1069,0.0821,0.1216,0.0,0.0,reg oper account,block of flats,0.1579,"Stone, brick",No,0.0,0.0,0.0,0.0,-587.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1950404,348336,Consumer loans,4367.52,22675.5,21420.0,2268.0,22675.5,SATURDAY,14,Y,1,0.10427466150870406,,,XAP,Approved,-1739,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,135,Connectivity,6.0,high,POS mobile with interest,365243.0,-1706.0,-1556.0,-1586.0,-1577.0,0.0,0,Revolving loans,F,N,Y,0,234000.0,540000.0,27000.0,540000.0,Family,Working,Higher education,Separated,House / apartment,0.018634,-19753,-3393,-5185.0,-3260,,1,1,0,1,0,0,,1.0,2,2,TUESDAY,16,0,0,0,0,0,0,Other,0.8476675794551745,0.129675842182599,0.3910549766342248,0.1361,0.1264,0.9886,,,0.0,0.3103,0.1667,,0.0474,,0.1238,,0.0266,0.1387,0.1312,0.9886,,,0.0,0.3103,0.1667,,0.0484,,0.129,,0.0282,0.1374,0.1264,0.9886,,,0.0,0.3103,0.1667,,0.0482,,0.126,,0.0272,,block of flats,0.1434,"Stone, brick",No,6.0,1.0,6.0,1.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2340261,232005,Consumer loans,11462.22,88600.5,96399.0,0.0,88600.5,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-400,Cash through the bank,XAP,Children,New,Audio/Video,POS,XNA,Regional / Local,680,Consumer electronics,10.0,middle,POS household with interest,365243.0,-369.0,-99.0,-99.0,-92.0,0.0,0,Cash loans,M,Y,N,0,135000.0,291384.0,25056.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.010556,-16289,-1090,-5795.0,-5872,34.0,1,1,1,1,0,0,Drivers,2.0,3,3,MONDAY,12,0,0,0,0,1,1,Business Entity Type 3,0.4884825538390734,0.4991545155230971,0.3425288720742255,0.0227,0.0,0.9781,0.7008,0.0018,0.0,0.1034,0.0417,0.0833,0.068,0.0185,0.0177,0.0,0.0,0.0231,0.0,0.9782,0.7125,0.0018,0.0,0.1034,0.0417,0.0833,0.0696,0.0202,0.0184,0.0,0.0,0.0229,0.0,0.9781,0.7048,0.0018,0.0,0.1034,0.0417,0.0833,0.0692,0.0188,0.018000000000000002,0.0,0.0,reg oper account,block of flats,0.0149,"Stone, brick",No,1.0,1.0,1.0,1.0,-678.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1970389,229513,Cash loans,43531.11,445500.0,445500.0,,445500.0,THURSDAY,12,Y,1,,,,Repairs,Approved,-630,Cash through the bank,XAP,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,low_normal,Cash Street: low,365243.0,-594.0,-264.0,-324.0,-320.0,0.0,0,Cash loans,F,N,Y,2,135000.0,826398.0,29812.5,697500.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.006207,-13447,-3007,-1394.0,-2228,,1,1,0,1,0,0,Core staff,4.0,2,2,FRIDAY,16,0,0,0,0,0,0,Self-employed,0.3656878666522309,0.5024072989947034,0.6413682574954046,0.0722,0.0237,0.9871,0.8232,0.031,0.04,0.0862,0.2708,0.3125,0.057,0.0584,0.0666,0.0039,0.0022,0.063,0.0,0.9767,0.6929,0.0312,0.0,0.069,0.1667,0.2083,0.0581,0.0551,0.0539,0.0039,0.0,0.0729,0.0237,0.9871,0.8256,0.0312,0.04,0.0862,0.2708,0.3125,0.058,0.0594,0.0678,0.0039,0.0022,reg oper account,block of flats,0.0439,Panel,No,2.0,0.0,2.0,0.0,-924.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,6.0 +2073236,116987,Consumer loans,14486.13,81243.0,81243.0,0.0,81243.0,WEDNESDAY,11,Y,1,0.0,,,XAP,Approved,-1520,Cash through the bank,XAP,Children,Repeater,Computers,POS,XNA,Stone,145,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-1489.0,-1339.0,-1339.0,-1334.0,0.0,0,Cash loans,F,Y,Y,0,63000.0,450000.0,25258.5,450000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-22826,365243,-8861.0,-3780,15.0,1,0,0,1,0,0,,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,XNA,,0.6888859197231312,0.43473324875017305,0.1052,0.0,0.9771,0.6872,0.0108,0.0,0.2069,0.1667,0.2083,0.0244,0.0857,0.0887,0.0,0.0,0.1071,0.0,0.9772,0.6994,0.0109,0.0,0.2069,0.1667,0.2083,0.025,0.0937,0.0925,0.0,0.0,0.1062,0.0,0.9771,0.6914,0.0108,0.0,0.2069,0.1667,0.2083,0.0248,0.0872,0.0903,0.0,0.0,reg oper account,block of flats,0.0698,"Stone, brick",No,2.0,1.0,2.0,1.0,-2269.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,1.0 +2065258,368265,Cash loans,31855.05,135000.0,157099.5,,135000.0,TUESDAY,7,Y,1,,,,XNA,Refused,-1213,Cash through the bank,SCO,Unaccompanied,Refreshed,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,,,,,,,0,Cash loans,M,Y,N,0,180000.0,254700.0,30357.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.018029,-12434,-458,-819.0,-4395,30.0,1,1,0,1,0,0,Drivers,1.0,3,3,THURSDAY,9,0,0,0,0,1,1,Business Entity Type 3,0.2607388746351932,0.5043916877548364,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2286.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1692025,380982,Cash loans,21272.49,274500.0,304938.0,0.0,274500.0,SATURDAY,10,Y,1,0.0,,,XNA,Approved,-1767,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-1735.0,-1045.0,-1045.0,-1038.0,0.0,0,Cash loans,F,Y,N,0,202500.0,604152.0,44347.5,540000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-13640,-2995,-7732.0,-4534,6.0,1,1,1,1,0,0,Laborers,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Industry: type 11,,0.15564271834204108,0.2250868621163805,0.0371,0.0,0.9722,0.6192,0.0034,0.0,0.1034,0.0833,0.125,0.0456,0.0303,0.0276,0.0039,0.0052,0.0378,0.0,0.9722,0.6341,0.0034,0.0,0.1034,0.0833,0.125,0.0466,0.0331,0.0288,0.0039,0.0055,0.0375,0.0,0.9722,0.6243,0.0034,0.0,0.1034,0.0833,0.125,0.0464,0.0308,0.0281,0.0039,0.0053,reg oper account,block of flats,0.0229,"Stone, brick",No,1.0,0.0,1.0,0.0,-443.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2190224,241429,Cash loans,62453.61,846000.0,895135.5,,846000.0,TUESDAY,12,Y,1,,,,XNA,Approved,-655,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-625.0,65.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,1,360000.0,835380.0,40320.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007305,-15671,-5346,-340.0,-4471,,1,1,1,1,1,0,,3.0,3,3,SATURDAY,11,0,0,0,0,0,0,Business Entity Type 1,,0.5489969954514825,0.6212263380626669,0.0985,0.0887,0.997,0.9592,0.0296,0.0,0.2759,0.1667,0.2083,0.0603,0.079,0.1045,0.0,0.0,0.0987,0.092,0.997,0.9608,0.0299,0.0,0.2759,0.1667,0.2083,0.0157,0.0863,0.1088,0.0,0.0,0.0994,0.0887,0.997,0.9597,0.0298,0.0,0.2759,0.1667,0.2083,0.0614,0.0804,0.1063,0.0,0.0,reg oper account,block of flats,0.0983,"Stone, brick",No,7.0,2.0,7.0,1.0,-2881.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2138650,126248,Cash loans,16274.79,135000.0,143910.0,0.0,135000.0,WEDNESDAY,9,Y,1,0.0,,,XNA,Approved,-1748,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,high,Cash X-Sell: high,365243.0,-1718.0,-1388.0,-1388.0,-1380.0,1.0,0,Cash loans,F,N,Y,2,54000.0,161730.0,11632.5,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-13568,-2215,-6188.0,-4444,,1,1,1,1,1,0,Core staff,4.0,2,2,MONDAY,10,0,0,0,0,1,1,Insurance,0.5158489623412656,0.2622583692422573,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1748.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1232107,273075,Cash loans,12169.8,180000.0,180000.0,0.0,180000.0,WEDNESDAY,10,Y,1,0.0,,,XNA,Approved,-2451,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,24.0,high,Cash Street: high,365243.0,-2421.0,-1731.0,-1731.0,-1726.0,0.0,0,Cash loans,F,N,Y,0,135000.0,226422.0,10102.5,189000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.0060079999999999995,-20353,365243,-9087.0,-3915,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,XNA,,0.6703344370301499,0.3859146722745145,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-672.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1225713,451144,Cash loans,14137.2,270000.0,270000.0,,270000.0,MONDAY,20,Y,1,,,,XNA,Refused,-152,XNA,SCO,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,N,Y,0,472500.0,405000.0,32472.0,405000.0,Unaccompanied,Commercial associate,Incomplete higher,Single / not married,House / apartment,0.072508,-11506,-438,-5699.0,-4082,,1,1,0,1,1,1,Managers,1.0,1,1,SATURDAY,19,0,0,0,0,0,0,Trade: type 3,,0.7792473975490688,0.363945238612397,0.1799,0.1014,0.9891,0.8504,0.001,0.24,0.0862,0.7917,0.0417,0.0,0.1412,0.2518,0.0154,0.026,0.1807,0.092,0.9891,0.8563,0.001,0.2417,0.069,0.7083,0.0417,0.0,0.1543,0.2544,0.0156,0.0121,0.1816,0.1014,0.9891,0.8524,0.001,0.24,0.0862,0.7917,0.0417,0.0,0.1437,0.2563,0.0155,0.0266,reg oper account,block of flats,0.2014,Panel,No,1.0,0.0,1.0,0.0,-275.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +1175000,125400,Consumer loans,,15255.0,15255.0,0.0,15255.0,MONDAY,15,Y,1,0.0,,,XAP,Refused,-2154,Cash through the bank,LIMIT,"Spouse, partner",Repeater,Mobile,XNA,XNA,Stone,50,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,M,Y,N,1,202500.0,1223010.0,51817.5,1125000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.028663,-10386,-1724,-3434.0,-3045,9.0,1,1,1,1,1,0,Managers,3.0,2,2,SATURDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.4837902081482433,0.4210322022551371,0.0005272652387098817,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1665.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1714362,143617,Cash loans,25472.43,225000.0,268272.0,,225000.0,MONDAY,8,Y,1,,,,XNA,Approved,-151,XNA,XAP,Other_B,Repeater,XNA,Cash,x-sell,Country-wide,1295,Consumer electronics,12.0,low_normal,Cash X-Sell: low,365243.0,-121.0,209.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,2,180000.0,381528.0,24970.5,315000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.006629,-17914,-1830,-5695.0,-919,8.0,1,1,0,1,1,0,Laborers,4.0,2,2,FRIDAY,5,0,0,0,0,1,1,Housing,,0.6016389913577186,0.33928769990891394,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-151.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1126669,411148,Consumer loans,4978.08,22392.0,23575.5,0.0,22392.0,WEDNESDAY,10,Y,1,0.0,,,XAP,Approved,-623,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,100,Connectivity,6.0,high,POS mobile with interest,365243.0,-592.0,-442.0,-592.0,-572.0,0.0,1,Cash loans,F,N,N,0,225000.0,729792.0,37260.0,630000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-15583,-3558,-1465.0,-4752,,1,1,0,1,0,0,,2.0,2,2,MONDAY,15,0,0,0,0,0,0,Business Entity Type 1,0.21223329008179387,0.2462900999491676,0.4101025731788671,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-130.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,1.0 +1719295,236182,Consumer loans,48045.015,252166.5,226948.5,25218.0,252166.5,WEDNESDAY,18,Y,1,0.1089149214723389,,,XAP,Approved,-940,Cash through the bank,XAP,Unaccompanied,New,Furniture,POS,XNA,Stone,5,Furniture,5.0,low_normal,POS industry without interest,365243.0,-909.0,-789.0,-789.0,-781.0,0.0,0,Cash loans,F,N,Y,0,148500.0,298512.0,18391.5,270000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-22496,-3316,-10326.0,-5104,,1,1,0,1,1,0,Cooking staff,2.0,1,1,FRIDAY,15,0,0,0,0,0,0,Self-employed,0.7695236487632172,0.7975586160599125,,0.1124,0.064,0.9856,0.8028,0.0682,0.12,0.1034,0.3333,0.375,0.1775,0.0908,0.0677,0.0039,0.0007,0.1145,0.0665,0.9856,0.8105,0.0688,0.1208,0.1034,0.3333,0.375,0.1815,0.0992,0.0706,0.0039,0.0008,0.1135,0.064,0.9856,0.8054,0.0686,0.12,0.1034,0.3333,0.375,0.1806,0.0923,0.0689,0.0039,0.0007,reg oper account,block of flats,0.0905,Panel,No,1.0,0.0,1.0,0.0,-940.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1830508,187252,Consumer loans,3564.72,31981.5,28786.5,3195.0,31981.5,WEDNESDAY,11,Y,1,0.10880182150760456,,,XAP,Approved,-1209,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,1274,Furniture,10.0,middle,POS industry with interest,365243.0,-1175.0,-905.0,-905.0,-897.0,0.0,0,Cash loans,F,N,N,1,90000.0,288873.0,19435.5,238500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.002134,-10850,-1689,-4644.0,-2068,,1,1,0,1,0,0,Private service staff,3.0,3,3,MONDAY,10,0,0,0,0,1,1,Self-employed,,0.3389489628994253,0.4668640059537032,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1373.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2213968,396540,Revolving loans,,0.0,0.0,,,WEDNESDAY,12,Y,1,,,,XAP,Refused,-282,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Card Street,,,,,,,0,Cash loans,M,Y,Y,2,90000.0,225000.0,17905.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.018209,-11348,-287,-1857.0,-2607,20.0,1,1,0,1,0,1,Laborers,4.0,3,3,FRIDAY,11,0,0,0,0,0,0,Business Entity Type 2,0.22000017536754285,0.4978807407348486,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-835.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1545887,353351,Consumer loans,12877.92,139495.5,158985.0,2250.0,139495.5,SUNDAY,12,Y,1,0.01519803110648771,,,XAP,Refused,-30,Cash through the bank,HC,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,1000,Consumer electronics,18.0,middle,POS household with interest,,,,,,,0,Cash loans,F,Y,Y,1,202500.0,182448.0,17500.5,157500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.006852,-14418,-1232,-4978.0,-5415,4.0,1,1,0,1,1,0,Managers,3.0,3,3,TUESDAY,11,0,1,1,0,1,1,Business Entity Type 3,0.5139413246196632,0.7132070033194218,0.6178261467332483,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1716.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2356509,265593,Consumer loans,4990.32,48595.5,43020.0,14400.0,48595.5,SUNDAY,12,Y,1,0.2731262467939584,,,XAP,Approved,-1723,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,185,Connectivity,12.0,high,POS mobile with interest,365243.0,-1692.0,-1362.0,-1392.0,-1387.0,0.0,0,Cash loans,F,Y,Y,0,112500.0,1183963.5,34749.0,927000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-15767,-8443,-5683.0,-4365,9.0,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,17,0,0,0,0,0,0,Transport: type 4,0.5501284558602252,0.5775208927046787,0.6144143775673561,0.6381,,0.9925,,,0.0,0.6207,0.375,,,,,,,0.6502,,0.9926,,,0.0,0.6207,0.375,,,,,,,0.6443,,0.9925,,,0.0,0.6207,0.375,,,,,,,,block of flats,0.5075,Panel,No,0.0,0.0,0.0,0.0,-787.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1875079,388509,Consumer loans,6852.33,49455.0,43123.5,9000.0,49455.0,FRIDAY,12,Y,1,0.18804988501958197,,,XAP,Approved,-2266,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,63,Connectivity,8.0,high,POS mobile with interest,365243.0,-2235.0,-2025.0,-2025.0,-2019.0,0.0,0,Cash loans,M,N,N,0,76500.0,337500.0,10363.5,337500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.022625,-9886,-1043,-2731.0,-2483,,1,1,1,1,0,1,Medicine staff,1.0,2,2,MONDAY,11,0,0,0,0,1,1,Other,0.08173921234697258,0.3826841359220024,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-5.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2446640,350853,Cash loans,79009.695,337500.0,388989.0,,337500.0,MONDAY,14,Y,1,,,,Other,Approved,-480,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,365243.0,-450.0,-300.0,-300.0,-292.0,1.0,0,Cash loans,F,N,Y,0,360000.0,675000.0,36747.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.04622,-11927,-2802,-1870.0,-3244,,1,1,1,1,0,0,Laborers,1.0,1,1,FRIDAY,9,0,1,1,0,1,1,Transport: type 3,0.5502728375518291,0.6870692712921708,0.29708661164720285,0.0825,0.0822,0.9737,0.6396,0.051,0.0,0.1379,0.1667,0.2083,0.0362,0.0672,0.0698,0.0,0.0,0.084,0.0853,0.9737,0.6537,0.0515,0.0,0.1379,0.1667,0.2083,0.037000000000000005,0.0735,0.0727,0.0,0.0,0.0833,0.0822,0.9737,0.6444,0.0513,0.0,0.1379,0.1667,0.2083,0.0368,0.0684,0.071,0.0,0.0,reg oper account,block of flats,0.0828,Others,No,0.0,0.0,0.0,0.0,-635.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,6.0 +1585633,389459,Consumer loans,8174.07,181444.5,181444.5,0.0,181444.5,FRIDAY,11,Y,1,0.0,,,XAP,Approved,-497,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Regional / Local,110,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-463.0,227.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,1,270000.0,1288350.0,41562.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-18370,-362,-454.0,-1920,5.0,1,1,1,1,1,0,Drivers,3.0,2,2,FRIDAY,16,0,0,0,0,1,1,Business Entity Type 3,0.4644815020871328,0.6373307623073855,0.7862666146611379,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1632.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,2.0,0.0 +2215079,257439,Cash loans,10492.02,90000.0,95940.0,0.0,90000.0,MONDAY,5,Y,1,0.0,,,XNA,Approved,-2164,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,high,Cash Street: high,365243.0,-2134.0,-1804.0,-1804.0,-1794.0,1.0,0,Cash loans,F,N,Y,2,180000.0,995125.5,53149.5,940500.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.014464,-13432,-2176,-5909.0,-1936,,1,1,0,1,0,0,Laborers,4.0,2,2,TUESDAY,10,0,0,0,1,1,0,Business Entity Type 3,,0.32591538964794303,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-653.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2311165,361851,Cash loans,14361.48,157500.0,173092.5,,157500.0,FRIDAY,5,Y,1,,,,XNA,Approved,-1007,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,18.0,high,Cash X-Sell: high,365243.0,-977.0,-467.0,-497.0,-487.0,1.0,0,Cash loans,M,Y,N,1,157500.0,269550.0,19300.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.0038179999999999998,-15928,-3483,-2207.0,-4641,20.0,1,1,1,1,1,0,Laborers,2.0,2,2,THURSDAY,5,0,0,0,0,0,0,Self-employed,,0.4850161437204842,,0.066,0.0965,0.9856,0.8028,0.0991,0.0,0.1379,0.125,0.0417,0.0953,0.0538,0.0421,0.0,0.0,0.0672,0.1002,0.9856,0.8105,0.1,0.0,0.1379,0.125,0.0417,0.0974,0.0588,0.0438,0.0,0.0,0.0666,0.0965,0.9856,0.8054,0.0998,0.0,0.1379,0.125,0.0417,0.0969,0.0547,0.0428,0.0,0.0,reg oper account,block of flats,0.0541,Block,No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1610925,166428,Cash loans,63421.335,1125000.0,1190340.0,,1125000.0,WEDNESDAY,13,Y,1,,,,Building a house or an annex,Approved,-683,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,low_normal,Cash Street: low,365243.0,-653.0,37.0,-173.0,-169.0,1.0,0,Revolving loans,F,Y,Y,1,135000.0,405000.0,20250.0,405000.0,Children,Commercial associate,Higher education,Married,House / apartment,0.028663,-14755,-890,-3784.0,-3887,1.0,1,1,0,1,1,0,Core staff,3.0,2,2,MONDAY,15,0,0,0,0,0,0,Self-employed,0.3866804435869471,0.6113197925372308,0.17456426555726348,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2812.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1956927,267014,Consumer loans,23091.39,138555.0,130239.0,8316.0,138555.0,SUNDAY,11,Y,1,0.06536667749269243,,,XAP,Refused,-2651,Cash through the bank,SCO,Family,Repeater,Consumer Electronics,POS,XNA,Stone,45,Consumer electronics,6.0,low_normal,POS household without interest,,,,,,,0,Cash loans,F,N,Y,0,90000.0,1024740.0,52452.0,900000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-19676,365243,-553.0,-3191,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,XNA,,0.3684594322844405,,0.1155,0.0536,0.9985,,,0.12,0.1034,0.4583,,,,0.1364,,0.008,0.1176,0.0557,0.9985,,,0.1208,0.1034,0.4583,,,,0.1421,,0.0085,0.1166,0.0536,0.9985,,,0.12,0.1034,0.4583,,,,0.1388,,0.0082,,block of flats,0.109,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1088213,342536,Consumer loans,11236.14,102249.0,102249.0,0.0,102249.0,WEDNESDAY,11,Y,1,0.0,,,XAP,Approved,-576,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,25,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-539.0,-269.0,-269.0,-264.0,0.0,0,Cash loans,F,N,Y,0,180000.0,1125000.0,36292.5,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.010276,-14932,-1114,-8386.0,-4641,,1,1,0,1,0,0,Laborers,1.0,2,2,FRIDAY,17,0,1,1,0,1,1,Industry: type 9,0.6760077975528657,0.7486364086322037,0.4776491548517548,0.1031,0.0,0.9801,0.728,0.0114,0.0,0.2069,0.1667,0.2083,0.0322,0.0841,0.08900000000000001,0.0,0.0,0.105,0.0,0.9801,0.7387,0.0115,0.0,0.2069,0.1667,0.2083,0.0329,0.0918,0.0928,0.0,0.0,0.1041,0.0,0.9801,0.7316,0.0115,0.0,0.2069,0.1667,0.2083,0.0327,0.0855,0.0906,0.0,0.0,reg oper account,block of flats,0.0763,"Stone, brick",No,1.0,0.0,1.0,0.0,-576.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2139536,149343,Cash loans,,0.0,0.0,,,THURSDAY,9,Y,1,,,,XNA,Refused,-278,XNA,SCOFR,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,1,Cash loans,F,N,N,2,117000.0,385164.0,21024.0,292500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-10560,-1111,-1548.0,-1545,,1,1,0,1,0,0,Cleaning staff,4.0,3,3,TUESDAY,11,0,0,0,1,1,0,Hotel,0.17762120550231075,0.3093578405468962,0.2721336844147212,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-267.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2337381,273612,Cash loans,,0.0,0.0,,,WEDNESDAY,8,Y,1,,,,XNA,Refused,-30,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,180000.0,284400.0,22599.0,225000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-22681,365243,-5048.0,-5008,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,XNA,,0.6011829369299575,0.501075160239048,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-300.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,4.0,2.0 +1643223,452709,Consumer loans,9348.255,40000.05,47101.5,4.05,40000.05,TUESDAY,16,Y,1,9.363691076355508e-05,,,XAP,Approved,-1626,Cash through the bank,XAP,Family,New,Photo / Cinema Equipment,POS,XNA,Country-wide,1600,Consumer electronics,6.0,high,POS household with interest,365243.0,-1595.0,-1445.0,-1505.0,-1502.0,0.0,0,Cash loans,F,Y,Y,0,270000.0,1240614.0,40999.5,1111500.0,"Spouse, partner",Working,Higher education,Married,House / apartment,0.00733,-15917,-3050,-168.0,-3515,15.0,1,1,1,1,1,0,Managers,2.0,2,2,THURSDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.6760353883277034,0.30162489168411943,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1626.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1251285,427474,Consumer loans,6422.715,63432.0,70132.5,0.0,63432.0,THURSDAY,12,Y,1,0.0,,,XAP,Approved,-585,XNA,XAP,,New,Consumer Electronics,POS,XNA,Regional / Local,134,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-554.0,-224.0,-224.0,-218.0,0.0,0,Revolving loans,F,N,Y,0,126000.0,270000.0,13500.0,270000.0,Family,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.014464,-20068,-3652,-1698.0,-2684,,1,1,1,1,0,0,Sales staff,1.0,2,2,MONDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.03865843050824072,0.2176285202779586,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,block of flats,0.0037,,No,0.0,0.0,0.0,0.0,-109.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1873585,443257,Revolving loans,22500.0,0.0,450000.0,,,THURSDAY,15,Y,1,,,,XAP,Approved,-558,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-558.0,-514.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,225000.0,1078200.0,31653.0,900000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.007305,-14537,-5886,-3778.0,-4509,,1,1,1,1,1,0,Laborers,2.0,3,3,TUESDAY,13,0,0,0,0,0,0,Business Entity Type 2,0.6742046806882847,0.6227442360788253,0.5902333386185574,0.1149,0.1001,0.9916,0.83,0.0089,0.04,0.2069,0.2708,0.0417,0.0574,0.1429,0.1191,0.0116,0.0135,0.0525,0.0375,0.9876,0.8367,0.0089,0.0403,0.0345,0.1667,0.0417,0.0587,0.1561,0.0797,0.0117,0.0143,0.1161,0.1001,0.9916,0.8323,0.0089,0.04,0.2069,0.2708,0.0417,0.0584,0.1454,0.1213,0.0116,0.0138,reg oper account,block of flats,0.0602,"Stone, brick",No,1.0,0.0,1.0,0.0,-1354.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1412857,379881,Consumer loans,19175.04,169996.5,182151.0,0.0,169996.5,MONDAY,4,Y,1,0.0,,,XAP,Approved,-760,XNA,XAP,,Refreshed,Furniture,POS,XNA,Regional / Local,2,Furniture,10.0,low_action,POS industry without interest,365243.0,-729.0,-459.0,-459.0,-452.0,0.0,0,Cash loans,F,N,N,0,112500.0,225000.0,14377.5,225000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.014464,-19841,-95,-11774.0,-2629,,1,1,1,1,1,0,Cooking staff,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,Medicine,,0.6487044856643144,0.6738300778602003,0.0155,0.0,0.9702,,,0.0,0.069,0.0417,,0.0268,,0.0176,,0.0,0.0158,0.0,0.9702,,,0.0,0.069,0.0417,,0.0274,,0.0184,,0.0,0.0156,0.0,0.9702,,,0.0,0.069,0.0417,,0.0273,,0.0179,,0.0,,block of flats,0.0139,"Stone, brick",No,0.0,0.0,0.0,0.0,-2083.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2578711,266935,Consumer loans,7649.73,148050.0,148050.0,0.0,148050.0,SUNDAY,15,Y,1,0.0,,,XAP,Approved,-388,Cash through the bank,XAP,Unaccompanied,New,Construction Materials,POS,XNA,Stone,50,Construction,24.0,low_normal,POS industry with interest,365243.0,-350.0,340.0,-170.0,-164.0,0.0,0,Cash loans,F,N,Y,0,243000.0,450000.0,27324.0,450000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.018209,-12494,-241,-3722.0,-2882,,1,1,0,1,0,0,,1.0,3,3,WEDNESDAY,10,0,0,0,0,1,1,Other,0.3500526992702491,0.5287642275088871,0.4048783643353997,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-388.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1510009,125446,Consumer loans,14779.845,161352.0,161352.0,0.0,161352.0,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-1211,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Regional / Local,134,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-1179.0,-849.0,-849.0,-839.0,0.0,0,Cash loans,F,N,N,0,225000.0,1687266.0,62658.0,1575000.0,Family,State servant,Secondary / secondary special,Married,House / apartment,0.014464,-21602,-2478,-10152.0,-4114,,1,1,0,1,0,0,,2.0,2,2,SATURDAY,5,0,0,0,0,0,0,Other,,0.6751007838637216,0.6910212267577837,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1447.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1925124,436943,Cash loans,6599.925,54000.0,64746.0,,54000.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-1056,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1026.0,-696.0,-696.0,-687.0,1.0,0,Revolving loans,F,N,Y,0,112500.0,225000.0,11250.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.007120000000000001,-20341,365243,-9798.0,-3492,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,14,0,0,0,0,0,0,XNA,,0.1953537989258013,0.6706517530862718,0.1041,0.0613,0.9806,0.7348,0.0304,0.0,0.2069,0.1667,0.2083,0.0656,0.0841,0.0903,0.0039,0.0291,0.1061,0.0636,0.9806,0.7452,0.0306,0.0,0.2069,0.1667,0.2083,0.0671,0.0918,0.0941,0.0039,0.0308,0.1051,0.0613,0.9806,0.7383,0.0306,0.0,0.2069,0.1667,0.2083,0.0667,0.0855,0.0919,0.0039,0.0297,reg oper account,block of flats,0.094,"Stone, brick",No,1.0,1.0,1.0,1.0,-2291.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2211216,300685,Cash loans,43825.185,1395000.0,1560726.0,,1395000.0,WEDNESDAY,14,Y,1,,,,XNA,Approved,-838,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-808.0,962.0,-178.0,-169.0,1.0,0,Cash loans,F,Y,Y,2,90000.0,440784.0,25434.0,360000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.035792000000000004,-14288,-1049,-7445.0,-1333,4.0,1,1,0,1,0,1,Drivers,4.0,2,2,MONDAY,13,0,0,0,1,1,1,Business Entity Type 3,0.5128813467821856,0.6352406845298266,0.5334816299804352,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1803.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2108135,222415,Consumer loans,3079.26,38205.0,25420.5,15075.0,38205.0,SATURDAY,9,Y,1,0.4054288860378424,,,XAP,Approved,-1999,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,60,Connectivity,12.0,high,POS mobile with interest,365243.0,-1964.0,-1634.0,-1634.0,-1627.0,0.0,0,Cash loans,M,Y,N,0,157500.0,284400.0,18643.5,225000.0,Unaccompanied,Commercial associate,Incomplete higher,Single / not married,House / apartment,0.02461,-10586,-1724,-572.0,-2836,3.0,1,1,0,1,0,0,High skill tech staff,1.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 2,,0.6777905551147667,0.6058362647264226,0.0825,0.081,0.9747,0.6532,0.0098,0.0,0.1379,0.1667,0.2083,0.0555,0.0672,0.0723,0.0,0.0,0.084,0.0841,0.9747,0.6668,0.0099,0.0,0.1379,0.1667,0.2083,0.0568,0.0735,0.0753,0.0,0.0,0.0833,0.081,0.9747,0.6578,0.0099,0.0,0.1379,0.1667,0.2083,0.0564,0.0684,0.0736,0.0,0.0,,block of flats,0.0901,Panel,No,0.0,0.0,0.0,0.0,-1999.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2499990,368910,Consumer loans,5016.465,23481.0,23962.5,4698.0,23481.0,TUESDAY,13,Y,1,0.1785226737464137,,,XAP,Approved,-1090,Cash through the bank,XAP,"Spouse, partner",New,Mobile,POS,XNA,Country-wide,34,Connectivity,6.0,high,POS mobile with interest,365243.0,-1059.0,-909.0,-939.0,-931.0,0.0,0,Cash loans,F,N,Y,2,135000.0,364896.0,22302.0,315000.0,Family,Working,Secondary / secondary special,Married,Rented apartment,0.030755,-11806,-3217,-2697.0,-2712,,1,1,0,1,0,0,Laborers,4.0,2,2,SUNDAY,14,0,0,0,0,0,0,Industry: type 3,0.32600417875189314,0.7192910559514982,0.6430255641096323,0.0175,0.0363,0.9712,,,0.0,0.069,0.0833,,0.0248,,0.0193,,0.0115,0.0179,0.0377,0.9712,,,0.0,0.069,0.0833,,0.0254,,0.0202,,0.0121,0.0177,0.0363,0.9712,,,0.0,0.069,0.0833,,0.0252,,0.0197,,0.0117,,block of flats,0.0268,Others,No,0.0,0.0,0.0,0.0,-1090.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2702755,332845,Consumer loans,7612.92,74205.0,56254.5,22500.0,74205.0,TUESDAY,15,Y,1,0.3111510511087678,,,XAP,Approved,-964,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,20,Connectivity,10.0,high,POS mobile with interest,365243.0,-926.0,-656.0,-716.0,-705.0,0.0,0,Cash loans,F,N,Y,0,270000.0,1319269.5,42687.0,1152000.0,"Spouse, partner",Commercial associate,Incomplete higher,Married,House / apartment,0.04622,-9742,-698,-4185.0,-1528,,1,1,0,1,0,0,Core staff,2.0,1,1,SUNDAY,15,0,0,0,0,0,0,Self-employed,0.2652431440998177,0.7053115407838723,0.5046813193144684,0.0082,0.0,0.9702,0.5920000000000001,0.0013,0.0,0.0345,0.0417,0.0833,0.0534,0.0067,0.0102,0.0,0.0,0.0084,0.0,0.9702,0.608,0.0013,0.0,0.0345,0.0417,0.0833,0.0547,0.0073,0.0107,0.0,0.0,0.0083,0.0,0.9702,0.5975,0.0013,0.0,0.0345,0.0417,0.0833,0.0544,0.0068,0.0104,0.0,0.0,reg oper account,block of flats,0.008,"Stone, brick",No,3.0,1.0,3.0,1.0,-233.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +1057844,281868,Consumer loans,12192.3,121936.5,109741.5,12195.0,121936.5,THURSDAY,12,Y,1,0.1089211486008179,,,XAP,Approved,-1679,Cash through the bank,XAP,Children,Repeater,Computers,POS,XNA,Country-wide,1500,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1648.0,-1378.0,-1378.0,-1375.0,0.0,0,Cash loans,F,N,N,0,90000.0,508495.5,20164.5,454500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.04622,-19952,-1418,-792.0,-3438,,1,1,1,1,1,1,Laborers,2.0,1,1,TUESDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.7730600769085259,0.5454806650456794,0.7380196196295241,0.1073,,0.9821,0.7552,0.0147,0.02,0.1897,0.2083,0.0417,,0.0859,,0.0072,,0.105,,0.9772,0.6994,0.0095,0.0,0.2069,0.1667,0.0417,,0.0918,,0.0,,0.1072,,0.9801,0.7316,0.0137,0.0,0.2069,0.1667,0.0417,,0.0855,,0.0,,reg oper account,block of flats,0.0758,"Stone, brick",No,0.0,0.0,0.0,0.0,-1679.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1258839,244241,Consumer loans,8911.575,77778.0,76824.0,7875.0,77778.0,TUESDAY,16,Y,1,0.10125964780092923,,,XAP,Approved,-2110,Cash through the bank,XAP,Children,New,Photo / Cinema Equipment,POS,XNA,Regional / Local,384,Consumer electronics,12.0,high,POS household with interest,365243.0,-2079.0,-1749.0,-1749.0,-1741.0,0.0,0,Cash loans,F,N,Y,0,112500.0,508495.5,24592.5,454500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.02461,-19364,-1233,-1455.0,-2900,,1,1,0,1,1,0,,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.6225541321007215,0.3031463744186309,0.0825,0.0806,0.9742,0.6464,0.01,0.0,0.1379,0.1667,0.2083,0.0576,0.0672,0.0724,0.0,0.0,0.084,0.0837,0.9742,0.6602,0.0101,0.0,0.1379,0.1667,0.2083,0.0589,0.0735,0.0755,0.0,0.0,0.0833,0.0806,0.9742,0.6511,0.01,0.0,0.1379,0.1667,0.2083,0.0586,0.0684,0.0737,0.0,0.0,,block of flats,0.0628,Panel,No,0.0,0.0,0.0,0.0,-2110.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +1791456,445448,Cash loans,26138.7,315000.0,315000.0,,315000.0,TUESDAY,10,Y,1,,,,XNA,Approved,-567,XNA,XAP,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-536.0,-26.0,-116.0,-114.0,0.0,0,Cash loans,F,N,N,0,112500.0,704844.0,29862.0,630000.0,Unaccompanied,Working,Secondary / secondary special,Married,Rented apartment,0.014519999999999996,-9316,-613,-5949.0,-1849,,1,1,1,1,1,0,Sales staff,2.0,2,2,MONDAY,20,0,0,0,1,1,0,Business Entity Type 3,0.10903923886816533,0.4662024822144098,0.5100895276257282,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-715.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1229660,303512,Cash loans,44994.375,454500.0,472500.0,,454500.0,THURSDAY,12,Y,1,,,,XNA,Approved,-426,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-396.0,-66.0,-246.0,-241.0,1.0,0,Cash loans,M,N,Y,0,243000.0,437818.5,34722.0,396000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00702,-15960,-2017,-8629.0,-4610,,1,1,1,1,0,1,Laborers,2.0,2,2,WEDNESDAY,10,0,1,1,0,1,1,Business Entity Type 3,,0.12839544281184329,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-426.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2009772,429718,Cash loans,35541.585,1057500.0,1211049.0,,1057500.0,WEDNESDAY,18,Y,1,,,,XNA,Approved,-191,Cash through the bank,XAP,Family,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,Y,Y,2,315000.0,1288350.0,37800.0,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.00702,-14313,-230,-6149.0,-3607,24.0,1,1,0,1,0,0,,4.0,2,2,FRIDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.7851334778300423,0.7047064232963289,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-1690.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2267935,111678,Cash loans,24172.65,229500.0,241920.0,,229500.0,FRIDAY,13,Y,1,,,,XNA,Approved,-446,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-416.0,-86.0,-266.0,-262.0,1.0,0,Cash loans,F,N,N,0,247500.0,508495.5,20164.5,454500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.020246,-19694,-339,-3096.0,-3148,,1,1,1,1,0,0,Managers,2.0,3,3,TUESDAY,17,0,0,0,0,0,0,Trade: type 6,,0.3833714388742449,0.7194907850918436,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1740.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2387938,346154,Consumer loans,10680.39,77310.0,77310.0,0.0,77310.0,SATURDAY,14,Y,1,0.0,,,XAP,Approved,-723,Cash through the bank,XAP,,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,30,Connectivity,10.0,high,POS mobile with interest,365243.0,-683.0,-413.0,-413.0,-407.0,0.0,0,Cash loans,M,N,N,0,135000.0,170640.0,12496.5,135000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.031329,-9615,-437,-2001.0,-2001,,1,1,0,1,0,0,,1.0,2,2,MONDAY,8,0,0,0,0,1,1,Business Entity Type 3,0.09545109495422056,0.35272551108565503,0.39277386060313396,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1712.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1430324,223904,Consumer loans,8256.69,82575.0,74317.5,8257.5,82575.0,MONDAY,8,Y,1,0.1089090909090909,,,XAP,Approved,-872,Cash through the bank,XAP,,New,Homewares,POS,XNA,Regional / Local,80,Clothing,10.0,low_normal,POS other with interest,365243.0,-839.0,-569.0,-599.0,-593.0,0.0,0,Cash loans,F,N,Y,0,90000.0,808650.0,26217.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.028663,-22900,365243,-7043.0,-3802,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,XNA,,0.6291339546880055,0.2764406945454034,0.0722,0.068,0.9896,,,0.08,0.069,0.3333,,,,0.0842,,0.0,0.0735,0.0706,0.9896,,,0.0806,0.069,0.3333,,,,0.0877,,0.0,0.0729,0.068,0.9896,,,0.08,0.069,0.3333,,,,0.0857,,0.0,,block of flats,0.078,Panel,No,0.0,0.0,0.0,0.0,-872.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2812439,189382,Revolving loans,38250.0,0.0,765000.0,,,FRIDAY,12,Y,1,,,,XAP,Approved,-535,XNA,XAP,,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),4,XNA,0.0,XNA,Card X-Sell,-535.0,-491.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,N,2,135000.0,234000.0,14953.5,234000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-11282,-1803,-2917.0,-2917,14.0,1,1,1,1,0,0,Sales staff,4.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Trade: type 7,0.32993186096915145,0.2597908215400957,0.16640554618393638,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,10.0,0.0,8.0,0.0,-1902.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2789658,390767,Consumer loans,2889.36,15862.5,14170.5,2362.5,15862.5,SATURDAY,8,Y,1,0.15562676300291975,,,XAP,Approved,-1860,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Stone,70,Consumer electronics,6.0,high,POS household with interest,365243.0,-1823.0,-1673.0,-1703.0,-1698.0,0.0,0,Cash loans,F,N,N,0,90000.0,302206.5,16524.0,229500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.014519999999999996,-13194,-1022,-2982.0,-4318,,1,1,1,1,1,0,Cleaning staff,1.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Other,0.4655744378402809,0.3420278293317465,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1860.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2029831,359246,Cash loans,19620.54,315000.0,349096.5,,315000.0,WEDNESDAY,14,Y,1,,,,XNA,Approved,-1379,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-1349.0,-659.0,-899.0,-892.0,1.0,1,Cash loans,F,N,N,0,135000.0,601470.0,30838.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.025164,-15273,-2797,-9350.0,-4712,,1,1,0,1,0,0,Sales staff,1.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Self-employed,,0.7191983250022063,0.6161216908872079,0.0598,0.011,0.9851,0.5172,0.0,0.0532,0.069,0.2638,0.0417,0.0032,0.0168,0.0532,0.0,0.0025,0.021,0.0,0.9647,0.5361,0.0,0.0806,0.069,0.375,0.0417,0.0,0.0184,0.0146,0.0,0.0,0.0781,0.0,0.9945,0.5237,0.0,0.08,0.069,0.375,0.0417,0.0,0.0171,0.0735,0.0,0.0023,reg oper account,block of flats,0.0659,Panel,No,3.0,0.0,3.0,0.0,-1379.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1396315,259480,Cash loans,16208.82,229500.0,260550.0,,229500.0,SUNDAY,3,Y,1,,,,XNA,Approved,-837,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,high,Cash X-Sell: high,365243.0,-807.0,63.0,-747.0,-739.0,1.0,0,Cash loans,F,N,N,0,112500.0,161730.0,14962.5,135000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.010032,-15226,-4477,-2673.0,-3279,,1,1,1,1,1,0,Sales staff,2.0,2,2,THURSDAY,4,0,0,0,0,0,0,Business Entity Type 3,,0.1348044216181783,,0.1103,,0.9856,,,0.12,0.1034,0.3333,,,,0.1117,,0.0755,0.1124,,0.9856,,,0.1208,0.1034,0.3333,,,,0.1164,,0.0799,0.1114,,0.9856,,,0.12,0.1034,0.3333,,,,0.1137,,0.0771,,block of flats,0.1043,Panel,No,1.0,1.0,1.0,1.0,-293.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2076319,356334,Cash loans,25658.775,418500.0,457168.5,,418500.0,TUESDAY,9,Y,1,,,,XNA,Approved,-918,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-888.0,-198.0,-228.0,-220.0,1.0,0,Cash loans,F,N,N,0,180000.0,668304.0,26631.0,540000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.00702,-22553,365243,-11268.0,-4297,,1,0,0,1,0,1,,1.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,XNA,,0.5222429252013931,0.5064842396679806,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2703276,390995,Consumer loans,3294.495,26190.0,28633.5,2610.0,26190.0,WEDNESDAY,15,Y,1,0.0909797965249499,,,XAP,Approved,-1325,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,26,Connectivity,12.0,high,POS mobile with interest,365243.0,-1294.0,-964.0,-994.0,-992.0,0.0,0,Cash loans,F,N,Y,0,157500.0,314100.0,17167.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.010006000000000001,-18597,-7700,-10962.0,-2137,,1,1,1,1,1,0,Cooking staff,1.0,2,2,FRIDAY,9,0,0,0,0,0,0,Government,,0.4710324773693719,0.5064842396679806,0.099,0.1048,0.9851,0.7959999999999999,0.0115,0.0,0.2069,0.1667,0.2083,0.0193,0.0807,0.0887,0.0,0.062,0.1008,0.1088,0.9851,0.804,0.0116,0.0,0.2069,0.1667,0.2083,0.0198,0.0882,0.0924,0.0,0.0657,0.0999,0.1048,0.9851,0.7987,0.0115,0.0,0.2069,0.1667,0.2083,0.0196,0.0821,0.0903,0.0,0.0633,reg oper account,block of flats,0.0832,Panel,No,0.0,0.0,0.0,0.0,-1758.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1715529,121166,Consumer loans,8566.155,79141.5,77103.0,7915.5,79141.5,THURSDAY,17,Y,1,0.10139792034567874,,,XAP,Approved,-2573,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,1512,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2542.0,-2272.0,-2272.0,-2269.0,1.0,0,Cash loans,M,Y,Y,0,225000.0,545040.0,26640.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.0105,-13585,-1044,-6019.0,-363,6.0,1,1,0,1,0,0,Managers,1.0,3,3,MONDAY,18,0,0,0,0,0,0,Business Entity Type 3,,0.2113378244976015,0.4436153084085652,0.4082,0.16399999999999998,0.9995,0.9932,0.0683,0.32,0.1379,0.625,0.6667,0.1931,0.3291,0.2011,0.0174,0.1108,0.2437,0.0867,0.9995,0.9935,0.0582,0.1611,0.069,0.625,0.6667,0.1872,0.2048,0.1829,0.0,0.0,0.4122,0.16399999999999998,0.9995,0.9933,0.0687,0.32,0.1379,0.625,0.6667,0.1965,0.3348,0.2047,0.0175,0.1131,reg oper account,block of flats,0.2178,Block,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2601303,214184,Consumer loans,3064.23,26545.5,26257.5,2655.0,26545.5,TUESDAY,14,Y,1,0.10000990449239472,,,XAP,Approved,-2821,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Stone,504,Consumer electronics,12.0,high,POS household with interest,365243.0,-2790.0,-2460.0,-2460.0,-2452.0,1.0,1,Cash loans,M,N,N,3,130500.0,315000.0,16213.5,315000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-12970,-816,-6860.0,-4815,,1,1,0,1,0,0,Laborers,5.0,2,2,TUESDAY,8,0,0,0,1,1,1,Industry: type 7,,0.6619651564719199,0.4083588531230431,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1525.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,0.0 +1861873,331769,Cash loans,21309.75,315000.0,315000.0,,315000.0,TUESDAY,19,Y,1,,,,Buying a used car,Approved,-652,XNA,XAP,Unaccompanied,New,XNA,Cash,walk-in,Contact center,-1,XNA,36.0,high,Cash Street: high,365243.0,-621.0,429.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,112500.0,339241.5,15943.5,238500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-15238,-1668,-1643.0,-4536,,1,1,0,1,1,0,Laborers,2.0,2,2,WEDNESDAY,11,0,0,0,1,1,0,Self-employed,,0.4170661464901561,0.6430255641096323,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-652.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1136364,155789,Cash loans,22797.72,292500.0,324931.5,0.0,292500.0,MONDAY,11,Y,1,0.0,,,XNA,Approved,-1612,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-1582.0,-892.0,-892.0,-885.0,1.0,0,Cash loans,F,N,N,0,90000.0,756000.0,22234.5,756000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.031329,-15419,-1642,-3001.0,-3739,,1,1,1,1,0,0,,2.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,Self-employed,,0.5798241173535265,0.5262949398096192,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-219.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,3.0 +1756348,134695,Cash loans,13738.545,135000.0,148365.0,0.0,135000.0,MONDAY,10,Y,1,0.0,,,Other,Refused,-1799,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,,,,,,,1,Cash loans,F,N,N,0,135000.0,715095.0,48685.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.01885,-19574,-260,-9498.0,-3110,,1,1,0,1,0,0,Sales staff,1.0,2,2,MONDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.6719030723820248,0.7435593141311444,0.2691,,0.9871,0.8232,,0.32,0.2759,0.3333,0.0417,0.1917,,0.1705,,0.3922,0.2742,,0.9871,0.8301,,0.3222,0.2759,0.3333,0.0417,0.1961,,0.1777,,0.4152,0.2717,,0.9871,0.8256,,0.32,0.2759,0.3333,0.0417,0.195,,0.1736,,0.4004,,block of flats,0.2194,"Stone, brick",No,1.0,0.0,1.0,0.0,-1799.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1854002,156693,Consumer loans,3213.405,19755.0,16011.0,4500.0,19755.0,SUNDAY,14,Y,1,0.2389405241533368,,,XAP,Approved,-2578,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Regional / Local,20,Connectivity,6.0,high,POS mobile with interest,365243.0,-2536.0,-2386.0,-2386.0,-2382.0,1.0,0,Cash loans,F,N,Y,0,225000.0,450000.0,24543.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.014519999999999996,-15848,-2870,-3009.0,-4676,,1,1,0,1,0,0,Sales staff,1.0,2,2,TUESDAY,10,0,0,0,0,0,0,Self-employed,,0.6346222955186676,0.3723336657058204,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2578.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,6.0 +1326057,203260,Cash loans,11781.585,135000.0,148365.0,,135000.0,TUESDAY,12,Y,1,,,,Repairs,Refused,-199,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,189000.0,555273.0,18040.5,463500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.018634,-19786,-2256,-5908.0,-3327,,1,1,0,1,0,0,,1.0,2,2,FRIDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.620467341430533,0.6408865710880006,0.5867400085415683,0.2237,0.1423,0.9841,0.7824,0.1244,0.16,0.1379,0.3333,0.0417,0.0376,0.1816,0.1499,0.0039,0.0045,0.2279,0.1476,0.9841,0.7909,0.1255,0.1611,0.1379,0.3333,0.0417,0.0385,0.1983,0.1562,0.0039,0.0047,0.2259,0.1423,0.9841,0.7853,0.1252,0.16,0.1379,0.3333,0.0417,0.0383,0.1847,0.1526,0.0039,0.0046,org spec account,block of flats,0.1869,"Stone, brick",No,0.0,0.0,0.0,0.0,-1653.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +1668311,379820,Consumer loans,4131.9,30920.4,33979.5,0.9,30920.4,TUESDAY,9,Y,1,2.884550559092353e-05,,,XAP,Approved,-2164,Cash through the bank,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Regional / Local,107,Consumer electronics,12.0,high,POS household with interest,365243.0,-2125.0,-1795.0,-1825.0,-1823.0,0.0,0,Cash loans,F,Y,N,0,72000.0,225000.0,11074.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0228,-13110,-2907,-6498.0,-4304,14.0,1,1,1,1,1,0,Cleaning staff,2.0,2,2,TUESDAY,17,0,0,0,0,0,0,School,0.2208036453932105,0.13663585850516846,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-2164.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2439355,194031,Cash loans,9830.97,90000.0,95940.0,,90000.0,TUESDAY,13,Y,1,,,,XNA,Approved,-272,Cash through the bank,XAP,Family,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-242.0,88.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,90000.0,239850.0,23494.5,225000.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.010147,-24515,365243,-12505.0,-4374,,1,0,0,1,0,0,,1.0,2,2,MONDAY,12,0,0,0,0,0,0,XNA,0.7742967663134691,0.6192032082091975,0.8128226070575616,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2191.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1983586,133845,Cash loans,,0.0,0.0,,,THURSDAY,13,Y,1,,,,XNA,Refused,-147,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,225000.0,900000.0,46084.5,900000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-23260,365243,-15549.0,-3250,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,XNA,,0.6495661172537409,0.25533177083329,0.0722,0.0709,0.9786,0.7076,0.0081,0.0,0.1379,0.1667,0.2083,0.0578,0.0588,0.0664,0.0,0.0,0.0735,0.0736,0.9786,0.7190000000000001,0.0082,0.0,0.1379,0.1667,0.2083,0.0592,0.0643,0.0692,0.0,0.0,0.0729,0.0709,0.9786,0.7115,0.0082,0.0,0.1379,0.1667,0.2083,0.0588,0.0599,0.0676,0.0,0.0,reg oper account,block of flats,0.0522,"Stone, brick",No,4.0,3.0,4.0,2.0,-670.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2064124,373855,Cash loans,10499.625,202500.0,202500.0,0.0,202500.0,FRIDAY,13,Y,1,0.0,,,XNA,Refused,-2632,XNA,SCO,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,36.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,Y,Y,1,90000.0,364896.0,18630.0,315000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-10383,-229,-4700.0,-2387,5.0,1,1,0,1,1,0,Sales staff,3.0,2,2,FRIDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.5628809065669294,0.3740208032583212,0.0619,0.0542,0.9796,0.7212,0.0248,0.0,0.1379,0.1667,0.2083,0.0289,0.0504,0.0516,0.0,0.0,0.063,0.0563,0.9796,0.7321,0.0251,0.0,0.1379,0.1667,0.2083,0.0295,0.0551,0.0538,0.0,0.0,0.0625,0.0542,0.9796,0.7249,0.025,0.0,0.1379,0.1667,0.2083,0.0294,0.0513,0.0525,0.0,0.0,reg oper account,block of flats,0.0542,Panel,No,0.0,0.0,0.0,0.0,-700.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,7.0 +1031421,187803,Consumer loans,3369.915,18360.0,16524.0,1836.0,18360.0,THURSDAY,13,Y,1,0.1089090909090909,,,XAP,Approved,-824,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,21,Connectivity,6.0,high,POS mobile with interest,365243.0,-774.0,-624.0,-624.0,-618.0,0.0,0,Cash loans,M,N,N,0,99000.0,107820.0,7798.5,90000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.019101,-19350,365243,-364.0,-2387,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,13,0,0,0,0,0,0,XNA,,0.4912502769968734,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-824.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1940998,172778,Consumer loans,1772.415,16425.0,14782.5,1642.5,16425.0,MONDAY,7,Y,1,0.1089090909090909,,,XAP,Approved,-1477,Cash through the bank,XAP,,New,Mobile,POS,XNA,Stone,13,Connectivity,12.0,high,POS mobile with interest,365243.0,-1444.0,-1114.0,-1114.0,-1107.0,0.0,0,Cash loans,F,N,N,0,37350.0,593010.0,16992.0,495000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,Municipal apartment,0.018029,-20585,365243,-11802.0,-4088,,1,0,0,1,1,0,,2.0,3,3,TUESDAY,7,0,0,0,0,0,0,XNA,,0.16214456766623808,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1477.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2671682,313314,Consumer loans,8137.395,52132.5,40545.0,13500.0,52132.5,SUNDAY,13,Y,1,0.272046022254182,,,XAP,Approved,-2728,XNA,XAP,,New,Mobile,POS,XNA,Country-wide,42,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2590.0,-2440.0,-2500.0,-2490.0,1.0,0,Cash loans,F,N,Y,0,81450.0,983160.0,62964.0,900000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-17236,365243,-6633.0,-777,,1,0,0,1,1,0,,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,XNA,0.6020637884080539,0.5505829107583049,0.7623356180684377,0.0825,0.0723,0.9806,0.7348,0.0,0.0,0.1379,0.1667,0.0417,0.0145,0.0647,0.0523,0.0116,0.0168,0.084,0.075,0.9806,0.7452,0.0,0.0,0.1379,0.1667,0.0417,0.0148,0.0707,0.0545,0.0117,0.0178,0.0833,0.0723,0.9806,0.7383,0.0,0.0,0.1379,0.1667,0.0417,0.0148,0.0658,0.0532,0.0116,0.0171,org spec account,block of flats,0.0448,"Stone, brick",No,3.0,0.0,3.0,0.0,-2728.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1520416,308352,Consumer loans,1949.94,14049.0,15210.0,0.0,14049.0,THURSDAY,13,Y,1,0.0,,,XAP,Approved,-1844,Cash through the bank,XAP,Other_B,Repeater,Computers,POS,XNA,Stone,60,Consumer electronics,10.0,high,POS household with interest,365243.0,-1807.0,-1537.0,-1597.0,-1589.0,0.0,0,Cash loans,F,Y,Y,0,382500.0,845811.0,35964.0,756000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.025164,-13030,-2546,-457.0,-3805,2.0,1,1,0,1,0,0,Laborers,1.0,2,2,SUNDAY,11,0,0,0,0,0,0,Industry: type 11,0.318884051777792,0.5852801912265109,0.2866524828090694,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-80.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2662258,452876,Consumer loans,8419.41,94455.0,83542.5,18891.0,94455.0,SUNDAY,16,Y,1,0.2008524199957666,,,XAP,Approved,-386,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Regional / Local,158,Consumer electronics,12.0,middle,POS household with interest,365243.0,-355.0,-25.0,-205.0,-197.0,0.0,0,Cash loans,F,N,Y,0,135000.0,1082214.0,30519.0,945000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.003069,-18491,365243,-10597.0,-1922,,1,0,0,1,1,0,,2.0,3,3,MONDAY,17,0,0,0,0,0,0,XNA,,0.607921518906603,0.6397075677637197,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-386.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2011665,271463,Cash loans,25026.48,495000.0,553806.0,,495000.0,SATURDAY,6,Y,1,,,,XNA,Approved,-1005,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-971.0,79.0,-751.0,-745.0,0.0,0,Cash loans,F,Y,N,0,153000.0,813195.0,43456.5,702000.0,Unaccompanied,Commercial associate,Incomplete higher,Married,Municipal apartment,0.008068,-21806,-2757,-5678.0,-4552,17.0,1,1,0,1,0,0,Laborers,2.0,3,3,WEDNESDAY,10,0,0,0,0,0,0,School,,0.33106697361150256,0.7394117535524816,0.0113,,0.9613,,,,,0.0,,,,,,,0.0116,,0.9613,,,,,0.0,,,,,,,0.0115,,0.9613,,,,,0.0,,,,,,,,,0.0078,,No,9.0,0.0,9.0,0.0,-1748.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1892088,447749,Revolving loans,38250.0,0.0,765000.0,,,TUESDAY,13,Y,1,,,,XAP,Refused,-701,XNA,HC,,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),5,XNA,0.0,XNA,Card X-Sell,,,,,,,1,Cash loans,M,Y,Y,2,270000.0,517923.0,37818.0,423000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010147,-15776,-905,-3806.0,-4985,4.0,1,1,0,1,0,0,Drivers,4.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Transport: type 3,,0.09260034070069703,0.3001077565791181,0.133,0.1483,0.9841,,,,0.2759,0.1667,,0.1262,,0.12,,0.0036,0.1355,0.1539,0.9841,,,,0.2759,0.1667,,0.1291,,0.1251,,0.0038,0.1343,0.1483,0.9841,,,,0.2759,0.1667,,0.1284,,0.1222,,0.0037,,block of flats,0.1039,"Stone, brick",No,0.0,0.0,0.0,0.0,-1490.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,5.0 +2672011,103770,Consumer loans,9444.735,208539.0,208539.0,0.0,208539.0,SATURDAY,17,Y,1,0.0,,,XAP,Approved,-1404,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Country-wide,8025,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1373.0,-683.0,-683.0,-675.0,0.0,0,Cash loans,F,Y,Y,0,270000.0,1588500.0,65556.0,1588500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008019,-17885,-1994,-3087.0,-1433,9.0,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.37214984603809226,0.4921903249169826,0.5638350489514956,0.0639,0.0224,0.9588,0.4356,0.0109,0.0,0.2069,0.1667,0.1667,0.0876,0.0488,0.0664,0.0154,0.0603,0.0651,0.0232,0.9588,0.4577,0.011,0.0,0.2069,0.1667,0.1667,0.0896,0.0533,0.0692,0.0156,0.0638,0.0645,0.0224,0.9588,0.4431,0.011,0.0,0.2069,0.1667,0.1667,0.0891,0.0496,0.0676,0.0155,0.0615,reg oper account,block of flats,0.0713,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,1.0,0.0,0.0,0.0,4.0 +2139103,354351,Consumer loans,7404.3,64768.5,71608.5,0.0,64768.5,SUNDAY,17,Y,1,0.0,,,XAP,Approved,-647,Cash through the bank,XAP,"Spouse, partner",New,Audio/Video,POS,XNA,Country-wide,8025,Consumer electronics,12.0,middle,POS household with interest,365243.0,-616.0,-286.0,-286.0,-283.0,0.0,0,Revolving loans,F,Y,Y,0,112500.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.008019,-7714,-600,-7666.0,-398,64.0,1,1,0,1,0,0,Core staff,1.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Trade: type 7,0.2710297960621838,0.09346014744339837,0.3108182544189319,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-647.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2438929,158273,Consumer loans,7821.495,36130.5,38038.5,0.0,36130.5,THURSDAY,9,Y,1,0.0,,,XAP,Approved,-403,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,40,Connectivity,6.0,high,POS mobile with interest,365243.0,-372.0,-222.0,-252.0,-246.0,0.0,1,Cash loans,F,N,Y,0,72000.0,268164.0,10237.5,175500.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.028663,-23594,365243,-5050.0,-4729,,1,0,0,1,0,0,,1.0,2,2,MONDAY,14,0,0,0,0,0,0,XNA,0.8565599268968109,0.2949007108841168,0.3979463219016906,0.0722,0.0,0.9841,0.7824,0.0079,0.0,0.1379,0.1667,0.2083,0.034,0.0588,0.053,0.0,0.0,0.0735,0.0,0.9841,0.7909,0.008,0.0,0.1379,0.1667,0.2083,0.0348,0.0643,0.0552,0.0,0.0,0.0729,0.0,0.9841,0.7853,0.0079,0.0,0.1379,0.1667,0.2083,0.0346,0.0599,0.054000000000000006,0.0,0.0,reg oper account,block of flats,0.0417,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2575607,119959,Consumer loans,8563.005,77845.5,77845.5,0.0,77845.5,SATURDAY,19,Y,1,0.0,,,XAP,Approved,-788,Cash through the bank,XAP,Unaccompanied,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,348,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-757.0,-487.0,-697.0,-689.0,0.0,0,Cash loans,M,N,N,0,270000.0,900000.0,46732.5,900000.0,,Working,Secondary / secondary special,Civil marriage,House / apartment,0.009334,-9017,-245,-581.0,-1689,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,16,0,1,1,0,0,0,Business Entity Type 3,,0.2857059376519667,0.35895122857839673,0.1852,0.1123,0.9806,0.7348,0.038,0.16,0.2069,0.2775,0.3192,0.0652,0.1891,0.1718,0.0,0.0319,0.2363,0.1038,0.9801,0.7387,0.0384,0.2417,0.2069,0.3333,0.375,0.0262,0.2066,0.091,0.0,0.0,0.2342,0.1123,0.9806,0.7383,0.0383,0.24,0.2069,0.3333,0.375,0.0861,0.1924,0.2159,0.0,0.0,org spec account,block of flats,0.1876,Panel,No,0.0,0.0,0.0,0.0,-1.0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1905423,169981,Consumer loans,5675.22,51250.5,57564.0,0.0,51250.5,WEDNESDAY,17,Y,1,0.0,,,XAP,Approved,-574,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,14.0,high,POS mobile with interest,365243.0,-537.0,-147.0,-147.0,-143.0,0.0,0,Cash loans,F,Y,Y,0,121500.0,474048.0,24331.5,360000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.019101,-20346,365243,-2954.0,-2997,65.0,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,XNA,0.566479974085808,0.7023806188894612,0.5937175866150576,0.0186,0.0473,0.9841,0.7824,0.0253,0.0,0.1034,0.0417,0.0417,0.0153,0.0151,0.0166,0.0,0.0,0.0189,0.0491,0.9841,0.7909,0.0256,0.0,0.1034,0.0417,0.0417,0.0156,0.0165,0.0173,0.0,0.0,0.0187,0.0473,0.9841,0.7853,0.0255,0.0,0.1034,0.0417,0.0417,0.0156,0.0154,0.0169,0.0,0.0,reg oper account,block of flats,0.0138,"Stone, brick",No,5.0,0.0,5.0,0.0,-1695.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2096515,259667,Consumer loans,14668.47,134955.0,149206.5,0.0,134955.0,THURSDAY,9,Y,1,0.0,,,XAP,Approved,-979,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Stone,102,Consumer electronics,12.0,middle,POS household with interest,365243.0,-948.0,-618.0,-618.0,-612.0,0.0,0,Cash loans,F,N,Y,3,135000.0,873000.0,25524.0,873000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-14176,-1074,-2832.0,-3136,,1,1,0,1,0,0,Medicine staff,5.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,Other,0.6008030255774588,0.4554991449418707,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1224.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1424565,382750,Consumer loans,8388.495,91597.5,91597.5,0.0,91597.5,FRIDAY,13,Y,1,0.0,,,XAP,Approved,-493,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Stone,96,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-462.0,-132.0,-132.0,-127.0,0.0,0,Cash loans,F,N,N,0,202500.0,1113840.0,44302.5,900000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.030755,-15628,-3882,-2356.0,-2380,,1,1,1,1,0,0,Laborers,2.0,2,2,SUNDAY,14,0,0,0,0,0,0,Self-employed,0.5593704302747307,0.6875862189867471,0.054212984425889184,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-495.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1276758,230694,Consumer loans,19480.725,229050.0,206145.0,22905.0,229050.0,SUNDAY,14,Y,1,0.1089090909090909,,,XAP,Approved,-1111,Cash through the bank,XAP,"Spouse, partner",Repeater,Clothing and Accessories,POS,XNA,Country-wide,200,Clothing,12.0,low_normal,POS industry with interest,365243.0,-1048.0,-718.0,-748.0,-740.0,0.0,0,Cash loans,F,N,N,0,135000.0,728460.0,74772.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-10585,-759,-5050.0,-44,,1,1,0,1,0,0,,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.6815699354322784,0.7133009240971394,,0.0825,0.004,0.9747,0.6532,0.0089,0.0,0.1379,0.1667,0.2083,0.0441,0.0672,0.0636,0.0,0.0,0.084,0.0042,0.9747,0.6668,0.009000000000000001,0.0,0.1379,0.1667,0.2083,0.0451,0.0735,0.0663,0.0,0.0,0.0833,0.004,0.9747,0.6578,0.009000000000000001,0.0,0.1379,0.1667,0.2083,0.0449,0.0684,0.0647,0.0,0.0,reg oper account,block of flats,0.05,"Stone, brick",No,2.0,0.0,2.0,0.0,-1858.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1880995,413462,Revolving loans,45000.0,900000.0,900000.0,,900000.0,TUESDAY,16,Y,1,,,,XAP,Approved,-131,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,247500.0,1963494.0,74916.0,1755000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-13917,-2002,-7962.0,-272,,1,1,0,1,0,0,Private service staff,3.0,1,1,SUNDAY,11,0,0,0,0,0,0,Self-employed,,0.7153224431057332,0.7001838506835805,0.7835,0.3904,0.9816,,,0.96,0.4138,0.625,,0.4815,,0.9663,,0.0688,0.7983,0.4051,0.9816,,,0.9667,0.4138,0.625,,0.4925,,1.0,,0.0728,0.7911,0.3904,0.9816,,,0.96,0.4138,0.625,,0.4899,,0.9837,,0.0703,,block of flats,0.775,Panel,No,0.0,0.0,0.0,0.0,-536.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1431347,229703,Cash loans,21709.125,450000.0,512370.0,,450000.0,WEDNESDAY,13,Y,1,,,,XNA,Approved,-635,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-605.0,445.0,-125.0,-120.0,1.0,0,Revolving loans,F,N,Y,0,225000.0,292500.0,14625.0,292500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.009656999999999999,-20848,365243,-12604.0,-3583,,1,0,0,1,0,0,,2.0,2,2,MONDAY,11,0,0,0,0,0,0,XNA,,0.5357054346925841,0.6023863442690867,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2414.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1597589,335935,Consumer loans,10683.63,89955.0,99454.5,0.0,89955.0,SUNDAY,18,Y,1,0.0,,,XAP,Approved,-216,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,20,Connectivity,12.0,middle,POS mobile with interest,365243.0,-185.0,145.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,2,225000.0,152820.0,16587.0,135000.0,Unaccompanied,Working,Higher education,Married,Rented apartment,0.019101,-11403,-516,-2944.0,-3686,,1,1,0,1,0,0,,4.0,2,2,SATURDAY,15,1,1,0,1,1,0,Self-employed,0.4423374049442996,0.586214066741229,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-564.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1843208,245582,Consumer loans,12619.53,106412.4,105250.5,10643.4,106412.4,SATURDAY,13,Y,1,0.10001932959213712,,,XAP,Approved,-2316,Cash through the bank,XAP,Family,Refreshed,Mobile,POS,XNA,Country-wide,-1,Consumer electronics,12.0,high,POS household with interest,365243.0,-2285.0,-1955.0,-1955.0,-1951.0,0.0,0,Cash loans,F,N,N,0,202500.0,1096020.0,56092.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.04622,-13054,-1904,-6790.0,-4122,,1,1,0,1,1,0,,2.0,1,1,FRIDAY,14,0,1,1,0,1,1,Business Entity Type 3,0.7908193952984692,0.7458693010227762,0.34090642641523844,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2310.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1310731,430349,Consumer loans,4631.13,26955.0,24259.5,2695.5,26955.0,SATURDAY,15,Y,1,0.1089090909090909,,,XAP,Approved,-874,XNA,XAP,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Stone,260,Consumer electronics,6.0,middle,POS household with interest,365243.0,-841.0,-691.0,-691.0,-675.0,0.0,0,Cash loans,F,Y,Y,1,135000.0,328365.0,32607.0,297000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-14974,-4350,-9072.0,-4039,5.0,1,1,0,1,0,0,High skill tech staff,3.0,2,2,FRIDAY,10,0,0,0,0,0,0,Self-employed,0.8186447187579605,0.6015027176717981,0.5814837058057234,0.0361,0.0255,0.9861,,,0.04,0.0345,0.3333,,0.0149,,0.0386,,0.0156,0.0368,0.0265,0.9861,,,0.0403,0.0345,0.3333,,0.0152,,0.0402,,0.0166,0.0364,0.0255,0.9861,,,0.04,0.0345,0.3333,,0.0151,,0.0392,,0.016,,block of flats,0.0377,"Stone, brick",No,3.0,0.0,3.0,0.0,-126.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1287441,301240,Consumer loans,8753.265,133515.0,133515.0,0.0,133515.0,TUESDAY,11,Y,1,0.0,,,XAP,Approved,-715,XNA,XAP,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Stone,141,Consumer electronics,18.0,low_normal,POS household with interest,365243.0,-678.0,-168.0,-168.0,-164.0,0.0,0,Cash loans,F,Y,Y,0,81000.0,254700.0,14751.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-15898,-492,-4303.0,-4445,5.0,1,1,1,1,1,0,Realty agents,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Self-employed,,0.70827529327452,0.8327850252992314,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,0.0,7.0,0.0,-2507.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2398538,292565,Consumer loans,13885.335,112365.0,122251.5,0.0,112365.0,SUNDAY,9,Y,1,0.0,,,XAP,Refused,-548,Cash through the bank,LIMIT,,Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,10.0,low_normal,POS mobile without interest,,,,,,,1,Cash loans,M,Y,Y,0,135000.0,125640.0,7722.0,90000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,Co-op apartment,0.0228,-9205,-1169,-3935.0,-553,14.0,1,1,0,1,0,0,High skill tech staff,1.0,2,2,TUESDAY,12,0,0,0,0,1,1,Business Entity Type 1,0.11582882966808405,0.4618788076242762,0.4812493411434029,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1223.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2453945,364786,Cash loans,7606.125,112500.0,112500.0,0.0,112500.0,WEDNESDAY,13,Y,1,0.0,,,XNA,Approved,-2276,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,24.0,high,Cash Street: high,365243.0,-2246.0,-1556.0,-1556.0,-1551.0,0.0,0,Cash loans,F,N,Y,0,315000.0,528687.0,20061.0,436500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.005084,-19870,-2368,-9696.0,-3403,,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,9,0,0,0,1,1,0,Self-employed,,0.49090597224944105,0.3077366963789207,0.0082,,0.9796,,,,0.069,0.0417,,,,0.0092,,,0.0084,,0.9796,,,,0.069,0.0417,,,,0.0096,,,0.0083,,0.9796,,,,0.069,0.0417,,,,0.0094,,,,block of flats,0.0072,"Stone, brick",Yes,0.0,0.0,0.0,0.0,-1546.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +1363378,206486,Consumer loans,9561.78,104121.0,104121.0,0.0,104121.0,WEDNESDAY,19,Y,1,0.0,,,XAP,Approved,-135,Cash through the bank,XAP,Children,Repeater,Audio/Video,POS,XNA,Regional / Local,50,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-104.0,226.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,0,202500.0,207396.0,16515.0,157500.0,Unaccompanied,Commercial associate,Incomplete higher,Civil marriage,With parents,0.019101,-12180,-405,-2246.0,-1427,,1,1,0,1,0,0,,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,Business Entity Type 2,0.22048747459727852,0.6497104573590645,0.2580842039460289,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-666.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2550213,157305,Consumer loans,8368.065,43605.0,41040.0,4500.0,43605.0,TUESDAY,12,Y,1,0.10761767876392377,,,XAP,Refused,-1851,XNA,LIMIT,Unaccompanied,Repeater,Mobile,POS,XNA,Stone,68,Connectivity,6.0,high,POS household with interest,,,,,,,0,Cash loans,F,N,N,0,103500.0,338832.0,22365.0,292500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.014464,-9548,-2188,-386.0,-322,,1,1,0,1,0,0,Core staff,2.0,2,2,THURSDAY,5,0,0,0,0,0,0,Self-employed,0.30655340217480925,0.6029485086812248,0.7180328113294772,0.1103,0.0,0.9767,0.6804,0.0079,0.0,0.0345,0.1667,0.2083,0.0567,0.0874,0.0475,0.0116,0.046,0.1124,0.0,0.9767,0.6929,0.0079,0.0,0.0345,0.1667,0.2083,0.058,0.0955,0.0495,0.0117,0.0487,0.1114,0.0,0.9767,0.6847,0.0079,0.0,0.0345,0.1667,0.2083,0.0577,0.0889,0.0484,0.0116,0.047,reg oper account,block of flats,0.0417,"Stone, brick",No,0.0,0.0,0.0,0.0,-1126.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2061060,239547,Cash loans,40507.875,1372500.0,1535553.0,,1372500.0,FRIDAY,15,Y,1,,,,Repairs,Refused,-390,Cash through the bank,VERIF,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_action,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,180000.0,1528200.0,53118.0,1350000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.02461,-19886,-4844,-1730.0,-3366,,1,1,0,1,1,0,High skill tech staff,1.0,2,2,TUESDAY,10,0,0,0,0,0,0,Business Entity Type 1,0.5183829238739096,0.6873794958177442,0.2580842039460289,0.1237,0.1149,0.9757,0.6668,0.0479,0.0,0.2069,0.1667,0.2083,0.1438,0.1009,0.1016,,0.0,0.1261,0.1192,0.9757,0.6798,0.0483,0.0,0.2069,0.1667,0.2083,0.1471,0.1102,0.1058,,0.0,0.1249,0.1149,0.9757,0.6713,0.0482,0.0,0.2069,0.1667,0.2083,0.1463,0.1026,0.1034,,0.0,reg oper account,block of flats,0.11,Panel,No,0.0,0.0,0.0,0.0,-1452.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2103986,372442,Cash loans,34666.425,1147500.0,1314117.0,,1147500.0,SATURDAY,11,Y,1,,,,XNA,Approved,-738,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_action,Cash X-Sell: low,365243.0,-708.0,1062.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,211500.0,540000.0,26109.0,540000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.025164,-19281,-10500,-9517.0,-2764,,1,1,0,1,0,0,Security staff,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Business Entity Type 2,,0.4115317560590674,0.6430255641096323,0.0722,0.0842,0.9786,0.7076,0.0062,0.0,0.1379,0.1667,0.2083,0.0,0.058,0.066,0.0039,0.0036,0.0735,0.0874,0.9786,0.7190000000000001,0.0063,0.0,0.1379,0.1667,0.2083,0.0,0.0634,0.0688,0.0039,0.0038,0.0729,0.0842,0.9786,0.7115,0.0062,0.0,0.1379,0.1667,0.2083,0.0,0.059,0.0672,0.0039,0.0036,reg oper account,block of flats,0.0561,"Stone, brick",No,0.0,0.0,0.0,0.0,-1952.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2323663,177737,Cash loans,12046.23,112500.0,152464.5,,112500.0,SATURDAY,16,Y,1,,,,XNA,Approved,-974,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,24.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,2,216000.0,971280.0,51876.0,900000.0,Unaccompanied,State servant,Higher education,Single / not married,House / apartment,0.016612000000000002,-15312,-6139,-3842.0,-4045,,1,1,0,1,1,0,High skill tech staff,3.0,2,2,SUNDAY,10,0,0,0,0,0,0,School,0.7618564279266248,0.6671323704571803,0.3672910183026313,0.1113,0.1088,0.9916,0.8844,0.0176,0.12,0.1034,0.3333,0.375,0.1192,0.0908,0.1267,0.0,0.0,0.1134,0.1129,0.9916,0.8889,0.0178,0.1208,0.1034,0.3333,0.375,0.1219,0.0992,0.132,0.0,0.0,0.1124,0.1088,0.9916,0.8859,0.0177,0.12,0.1034,0.3333,0.375,0.1213,0.0923,0.1289,0.0,0.0,reg oper account,block of flats,0.1092,"Stone, brick",No,0.0,0.0,0.0,0.0,-2295.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2161828,370901,Consumer loans,4120.695,22455.0,20209.5,2245.5,22455.0,SUNDAY,18,Y,1,0.1089090909090909,,,XAP,Approved,-1612,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,20,Connectivity,6.0,high,POS mobile with interest,365243.0,-1581.0,-1431.0,-1491.0,-1486.0,0.0,0,Cash loans,F,Y,Y,0,450000.0,1113840.0,57001.5,900000.0,Unaccompanied,Commercial associate,Higher education,Widow,Municipal apartment,0.04622,-16974,-1235,-10689.0,-500,8.0,1,1,0,1,0,0,,1.0,1,1,TUESDAY,19,0,1,1,0,0,0,Business Entity Type 3,0.8484932677806035,0.7509624359300653,0.746300213050371,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1612.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2409659,244066,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SUNDAY,18,Y,1,,,,XAP,Approved,-333,XNA,XAP,Unaccompanied,New,XNA,Cards,walk-in,Stone,1000,Consumer electronics,0.0,XNA,Card Street,-293.0,-262.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,1133748.0,33277.5,990000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.032561,-19591,-4515,-7555.0,-3017,13.0,1,1,0,1,0,0,Managers,2.0,1,1,THURSDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.6622632595524274,0.6683937449315503,0.2079641743053816,0.0247,0.0381,0.9727,0.626,,0.0,0.069,0.0833,,0.0756,,0.0235,,0.001,0.0252,0.0395,0.9727,0.6406,,0.0,0.069,0.0833,,0.0773,,0.0245,,0.0011,0.025,0.0381,0.9727,0.631,,0.0,0.069,0.0833,,0.0769,,0.0239,,0.001,,block of flats,0.0187,"Stone, brick",No,0.0,0.0,0.0,0.0,-334.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2328571,437022,Consumer loans,7945.92,43992.0,39591.0,4401.0,43992.0,FRIDAY,15,Y,1,0.1089536527302485,,,XAP,Approved,-2883,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Stone,525,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-2848.0,-2698.0,-2698.0,-2622.0,0.0,0,Cash loans,F,Y,N,0,180000.0,595903.5,28795.5,481500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,With parents,0.019101,-20013,365243,-9029.0,-3557,20.0,1,0,0,1,0,0,,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,XNA,,0.596065404437342,0.7503751495159068,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-444.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2445173,398622,Consumer loans,6422.58,117891.0,94311.0,23580.0,117891.0,FRIDAY,12,Y,1,0.217834810429665,,,XAP,Approved,-1004,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,2500,Consumer electronics,18.0,low_normal,POS household with interest,365243.0,-972.0,-462.0,-462.0,-456.0,0.0,0,Cash loans,M,N,Y,1,202500.0,675000.0,35964.0,675000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.009549,-14655,-3169,-2922.0,-3142,,1,1,0,1,0,0,Sales staff,3.0,2,2,MONDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.5917671114200607,0.7826078370261895,0.068,0.0805,0.9742,0.6464,0.033,0.0,0.1379,0.1667,0.2083,0.0737,0.0538,0.0518,0.0077,0.0759,0.0693,0.0835,0.9742,0.6602,0.0333,0.0,0.1379,0.1667,0.2083,0.0754,0.0588,0.0536,0.0078,0.0559,0.0687,0.0805,0.9742,0.6511,0.0332,0.0,0.1379,0.1667,0.2083,0.075,0.0547,0.0527,0.0078,0.0775,reg oper account,block of flats,0.062,"Stone, brick",No,2.0,0.0,2.0,0.0,-1559.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2146076,450862,Consumer loans,3507.12,32445.0,27945.0,4500.0,32445.0,THURSDAY,7,Y,1,0.15105283066448116,,,XAP,Refused,-2407,Cash through the bank,SCO,Other_A,Repeater,Consumer Electronics,POS,XNA,Stone,80,Consumer electronics,10.0,high,POS household with interest,,,,,,,0,Cash loans,F,N,N,1,103500.0,327024.0,18391.5,270000.0,Unaccompanied,State servant,Incomplete higher,Separated,House / apartment,0.018029,-11364,-1760,-2281.0,-2774,,1,1,0,1,0,0,Core staff,2.0,3,3,WEDNESDAY,9,0,0,0,0,0,0,School,0.18077404290388924,0.28578180948779625,0.646329897706246,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1104.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2196668,165502,Consumer loans,4942.665,34749.0,37615.5,0.0,34749.0,THURSDAY,8,Y,1,0.0,,,XAP,Approved,-2349,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Stone,1489,Consumer electronics,10.0,high,POS household with interest,365243.0,-2318.0,-2048.0,-2078.0,-2073.0,1.0,0,Cash loans,F,Y,Y,1,90000.0,900000.0,26446.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-15270,-5397,-6822.0,-719,20.0,1,1,1,1,0,0,Laborers,3.0,3,3,MONDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.5392247323416478,0.44684117765122494,0.2707073872651806,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1732.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1337753,212888,Revolving loans,2250.0,45000.0,45000.0,,45000.0,FRIDAY,15,Y,1,,,,XAP,Refused,-147,XNA,HC,Unaccompanied,Repeater,XNA,Cards,walk-in,Regional / Local,100,Consumer electronics,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,Y,Y,1,157500.0,536917.5,30109.5,463500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-15249,-3223,-3884.0,-3901,0.0,1,1,0,1,0,0,Sales staff,3.0,2,2,FRIDAY,13,0,0,0,0,0,0,Self-employed,,0.6965149672860044,0.5797274227921155,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-121.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +2313852,318825,Revolving loans,45000.0,900000.0,900000.0,,900000.0,WEDNESDAY,14,Y,1,,,,XAP,Approved,-540,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,-107.0,0.0,1,Revolving loans,M,Y,Y,0,225000.0,675000.0,33750.0,675000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.00733,-15628,-222,-2914.0,-1474,11.0,1,1,0,1,0,0,,2.0,2,2,THURSDAY,14,0,0,0,0,1,1,Transport: type 4,,0.6234529391127784,0.7801436381572275,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-539.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1130213,155425,Consumer loans,6985.89,125955.0,61740.0,64215.0,125955.0,MONDAY,17,Y,1,0.5552457046347721,,,XAP,Approved,-654,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,55,Connectivity,12.0,high,POS mobile with interest,365243.0,-613.0,-283.0,-283.0,-277.0,0.0,0,Cash loans,M,N,Y,0,315000.0,675000.0,34596.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.014519999999999996,-8315,-177,-6336.0,-976,,1,1,0,1,0,0,Drivers,1.0,2,2,THURSDAY,13,0,1,1,0,1,1,Business Entity Type 3,,0.3230442686629976,0.2032521136204725,0.0165,0.0455,0.9816,,,0.0,0.069,0.0417,,,,0.0146,,0.0,0.0168,0.0472,0.9816,,,0.0,0.069,0.0417,,,,0.0153,,0.0,0.0167,0.0455,0.9816,,,0.0,0.069,0.0417,,,,0.0149,,0.0,,block of flats,0.012,Block,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2572206,428953,Consumer loans,7478.595,46215.0,49266.0,0.0,46215.0,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-2272,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,2217,Consumer electronics,8.0,high,POS household with interest,365243.0,-2241.0,-2031.0,-2151.0,-2141.0,0.0,0,Cash loans,F,N,Y,0,112500.0,253737.0,14296.5,229500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.019101,-17833,-3178,-6021.0,-1384,,1,1,0,1,0,0,Cleaning staff,1.0,2,2,SATURDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.44343850985926014,0.5849900404894085,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1779.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2536032,290847,Revolving loans,2250.0,0.0,45000.0,,,SATURDAY,13,Y,1,,,,XAP,Approved,-1159,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-1156.0,-1121.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,135000.0,153000.0,7438.5,153000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008575,-16915,-2858,-1590.0,-468,,1,1,1,1,1,0,Laborers,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 2,,0.11808687925682446,,0.0309,0.0557,0.9757,,,0.0,0.1034,0.1667,,0.077,,0.0596,,,0.0315,0.0578,0.9757,,,0.0,0.1034,0.1667,,0.0788,,0.062,,,0.0312,0.0557,0.9757,,,0.0,0.1034,0.1667,,0.0783,,0.0606,,,,block of flats,0.0597,"Stone, brick",No,0.0,0.0,0.0,0.0,-54.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2120920,396358,Consumer loans,7124.355,37750.5,35604.0,3825.0,37750.5,THURSDAY,12,Y,1,0.10565250772965899,,,XAP,Approved,-2426,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Stone,27,Connectivity,6.0,high,POS mobile with interest,365243.0,-2373.0,-2223.0,-2223.0,-2220.0,0.0,0,Cash loans,F,N,Y,0,180000.0,765000.0,27607.5,765000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-14578,-999,-5808.0,-529,,1,1,0,1,0,0,High skill tech staff,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Business Entity Type 2,0.5115252908475895,0.5434033891121531,0.6512602186973006,0.1199,0.0748,0.9831,,,0.0,0.0572,0.2221,,0.0756,,0.0638,,0.1442,0.084,0.0776,0.9791,,,0.0,0.069,0.1667,,0.0773,,0.0576,,0.1527,0.1114,0.0748,0.9796,,,0.0,0.069,0.1667,,0.0769,,0.057,,0.1472,,block of flats,0.0735,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2388440,189552,Cash loans,17977.5,450000.0,450000.0,,450000.0,MONDAY,11,Y,1,,,,Repairs,Approved,-1445,Cash through the bank,XAP,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,low_normal,Cash Street: low,365243.0,-1414.0,-364.0,-364.0,-361.0,0.0,0,Cash loans,M,N,N,0,180000.0,247275.0,22680.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.00733,-10663,-611,-513.0,-3090,,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.6276530970594884,,0.3711,0.2735,0.9856,,,0.4,0.3448,0.3333,,0.1181,,0.3961,,0.0403,0.3782,0.2798,0.9851,,,0.4028,0.3448,0.3333,,0.1173,,0.4099,,0.0426,0.3747,0.2735,0.9856,,,0.4,0.3448,0.3333,,0.1201,,0.4032,,0.0411,,block of flats,0.3136,Panel,No,1.0,0.0,1.0,0.0,-1591.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2524704,447129,Consumer loans,8914.05,202770.0,164466.0,40554.0,202770.0,SATURDAY,9,Y,1,0.21542772767180124,,,XAP,Approved,-1419,Cash through the bank,XAP,Family,Refreshed,Furniture,POS,XNA,Stone,100,Furniture,24.0,low_normal,POS industry with interest,365243.0,-1388.0,-698.0,-1178.0,-1173.0,0.0,1,Cash loans,M,Y,Y,0,135000.0,315000.0,19035.0,315000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-14250,-664,-3711.0,-5027,9.0,1,1,0,1,1,0,Laborers,2.0,2,2,THURSDAY,10,0,0,0,0,1,1,Business Entity Type 3,,0.014128650634478112,0.16048893062734468,0.0928,,0.9831,,,,0.2069,0.1667,,0.0391,,0.0878,,,0.0945,,0.9831,,,,0.2069,0.1667,,0.04,,0.0915,,,0.0937,,0.9831,,,,0.2069,0.1667,,0.0398,,0.0894,,,,block of flats,0.0691,Panel,No,2.0,0.0,2.0,0.0,-2911.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2799846,173635,Consumer loans,4454.19,37035.0,36630.0,3703.5,37035.0,MONDAY,17,Y,1,0.10000243424989602,,,XAP,Refused,-1757,Cash through the bank,HC,,Repeater,Audio/Video,POS,XNA,Country-wide,-1,Connectivity,12.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,N,0,112500.0,152820.0,15016.5,135000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.010276,-22542,365243,-6772.0,-4933,,1,0,0,1,0,0,,2.0,2,2,MONDAY,14,0,0,0,0,0,0,XNA,,0.6436699826894596,,0.0258,,0.9682,0.5648,,0.0,0.0345,0.0417,,0.0264,0.021,0.014,,0.0047,0.0263,,0.9682,0.5818,,0.0,0.0345,0.0417,,0.027000000000000003,0.023,0.0146,,0.0049,0.026,,0.9682,0.5706,,0.0,0.0345,0.0417,,0.0269,0.0214,0.0142,,0.0048,reg oper account,block of flats,0.012,"Stone, brick",No,1.0,0.0,1.0,0.0,-1757.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,4.0,0.0 +1899520,392788,Consumer loans,12730.725,117090.0,129456.0,0.0,117090.0,SATURDAY,10,Y,1,0.0,,,XAP,Approved,-333,Cash through the bank,XAP,Family,Refreshed,Audio/Video,POS,XNA,Regional / Local,120,Consumer electronics,12.0,middle,POS household with interest,365243.0,-303.0,27.0,-303.0,-297.0,1.0,0,Cash loans,F,Y,Y,2,81000.0,454500.0,21865.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.005084,-12739,-3900,-6781.0,-4666,14.0,1,1,1,1,0,0,Laborers,4.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Industry: type 7,0.4964427662091713,0.6472579586086145,0.6879328378491735,0.1515,0.1247,0.9806,0.7348,0.0821,0.0,0.069,0.1667,0.2083,0.0562,0.1236,0.0585,0.0116,0.0081,0.1544,0.1294,0.9806,0.7452,0.0829,0.0,0.069,0.1667,0.2083,0.0574,0.135,0.061,0.0117,0.0086,0.153,0.1247,0.9806,0.7383,0.0827,0.0,0.069,0.1667,0.2083,0.0571,0.1257,0.0596,0.0116,0.0083,reg oper spec account,block of flats,0.0927,"Stone, brick",No,1.0,1.0,1.0,1.0,-1656.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1424470,101227,Consumer loans,9306.495,85869.0,85869.0,0.0,85869.0,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-1106,XNA,XAP,,Refreshed,Furniture,POS,XNA,Stone,20,Furniture,10.0,low_action,POS industry with interest,365243.0,-1073.0,-803.0,-953.0,-945.0,0.0,0,Cash loans,F,Y,Y,0,67500.0,1180341.0,39006.0,1057500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-23236,-5405,-558.0,-4134,6.0,1,1,0,1,0,0,Cleaning staff,2.0,2,2,SUNDAY,12,0,0,0,0,0,0,Business Entity Type 1,,0.6735207750222333,0.8357765157975799,0.1485,0.091,0.9806,0.7348,0.0274,0.16,0.1379,0.3333,0.375,,0.1202,0.1427,0.0039,0.0041,0.1513,0.0945,0.9806,0.7452,0.0276,0.1611,0.1379,0.3333,0.375,,0.1313,0.1486,0.0039,0.0043,0.1499,0.091,0.9806,0.7383,0.0276,0.16,0.1379,0.3333,0.375,,0.1223,0.1452,0.0039,0.0042,reg oper account,block of flats,0.1281,Panel,No,1.0,0.0,1.0,0.0,-1106.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,3.0 +2692894,218147,Consumer loans,4458.51,42705.0,38205.0,4500.0,42705.0,SATURDAY,18,Y,1,0.11476195037838866,,,XAP,Refused,-2702,Cash through the bank,SCO,Family,Repeater,XNA,POS,XNA,Country-wide,59,Connectivity,12.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,Y,N,0,135000.0,225000.0,10822.5,225000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-15846,-2110,-3741.0,-4328,13.0,1,1,0,1,1,0,Core staff,2.0,2,2,SATURDAY,10,0,0,0,1,1,0,Government,,0.5475130191880396,0.7016957740576931,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1939421,107392,Revolving loans,29250.0,585000.0,585000.0,,585000.0,FRIDAY,11,Y,1,,,,XAP,Refused,-216,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,Y,Y,0,450000.0,1575000.0,60120.0,1575000.0,Unaccompanied,Pensioner,Higher education,Separated,House / apartment,0.030755,-18276,365243,-5676.0,-1771,4.0,1,0,0,1,0,0,,1.0,2,2,THURSDAY,16,0,0,0,0,0,0,XNA,,0.6506156894172154,0.22888341670067305,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +2717658,283677,Cash loans,13271.355,135000.0,180580.5,0.0,135000.0,TUESDAY,9,Y,1,0.0,,,XNA,Approved,-1625,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-1595.0,-905.0,-1145.0,-1137.0,1.0,0,Cash loans,F,N,Y,0,351000.0,1288350.0,34114.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006207,-13835,-2596,-1748.0,-4649,,1,1,0,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Self-employed,,0.7666584995308802,0.4489622731076524,0.0021,0.0,0.9767,,,0.0,0.069,0.0,,,,0.0012,,0.0,0.0021,0.0,0.9767,,,0.0,0.069,0.0,,,,0.0012,,0.0,0.0021,0.0,0.9767,,,0.0,0.069,0.0,,,,0.0012,,0.0,,block of flats,0.0027,Others,Yes,0.0,0.0,0.0,0.0,-1114.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +2328594,216067,Consumer loans,12602.565,138424.5,138424.5,0.0,138424.5,FRIDAY,8,Y,1,0.0,,,XAP,Approved,-115,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,3500,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-84.0,246.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,180000.0,1002870.0,39901.5,922500.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.020713,-20005,365243,-5817.0,-3400,15.0,1,0,0,1,0,0,,2.0,3,3,MONDAY,9,0,0,0,0,0,0,XNA,,0.4697086875444406,0.7324033228040929,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,2.0,0.0,-538.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2761059,339324,Consumer loans,15270.165,134955.0,134955.0,0.0,134955.0,WEDNESDAY,18,Y,1,0.0,,,XAP,Approved,-430,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,25,Connectivity,12.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,1,225000.0,755190.0,36459.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-12635,-1418,-555.0,-801,,1,1,0,1,0,0,,3.0,2,2,SATURDAY,8,0,0,0,0,0,0,Business Entity Type 3,0.615017384420679,0.7295276148551122,0.5154953751603267,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1537.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2675444,162823,Cash loans,8756.55,45000.0,45000.0,,45000.0,THURSDAY,10,Y,1,,,,XNA,Approved,-598,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,20,Connectivity,6.0,high,Cash X-Sell: high,365243.0,-568.0,-418.0,-418.0,-413.0,1.0,0,Cash loans,M,N,N,1,90000.0,562491.0,23962.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.005313,-16319,-432,-6206.0,-2651,,1,1,0,1,0,0,Laborers,3.0,2,2,SUNDAY,12,0,0,0,0,1,1,Construction,,0.6473727821815991,0.41885428862332175,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1297.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1117417,335824,Cash loans,16873.83,292500.0,332077.5,,292500.0,WEDNESDAY,15,Y,1,,,,XNA,Approved,-625,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,365243.0,-595.0,275.0,-235.0,-229.0,1.0,0,Cash loans,F,N,Y,0,202500.0,780363.0,34501.5,697500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.0060079999999999995,-20770,365243,-7549.0,-1256,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,XNA,,0.5280830740298991,0.33928769990891394,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-970.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +2685993,414753,Consumer loans,8560.665,29650.5,30816.0,2965.5,29650.5,THURSDAY,14,Y,1,0.09560555602649648,,,XAP,Refused,-804,XNA,SCO,Unaccompanied,New,Mobile,POS,XNA,Country-wide,67,Connectivity,4.0,high,POS mobile with interest,,,,,,,1,Cash loans,M,Y,Y,1,225000.0,369720.0,29340.0,292500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.010147,-17865,-5434,-10498.0,-1406,8.0,1,1,0,1,0,1,Laborers,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Self-employed,0.5419491132625353,0.568039121773666,0.7886807751817684,0.1237,,0.9752,,,,0.2069,0.1667,,,,,,,0.1261,,0.9752,,,,0.2069,0.1667,,,,,,,0.1249,,0.9752,,,,0.2069,0.1667,,,,,,,,block of flats,0.0751,"Stone, brick",No,0.0,0.0,0.0,0.0,-804.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2127610,400499,Consumer loans,8805.51,84073.5,96282.0,0.0,84073.5,TUESDAY,11,Y,1,0.0,,,XAP,Approved,-253,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Country-wide,3500,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-222.0,108.0,365243.0,365243.0,0.0,1,Cash loans,M,Y,N,0,112500.0,746896.5,38263.5,594000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.020713,-10662,-1268,-5045.0,-3248,19.0,1,1,0,1,0,0,Drivers,2.0,3,3,WEDNESDAY,9,0,0,0,1,1,0,Business Entity Type 3,0.6627613183935627,0.2905769832798589,0.7165702448010511,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-54.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2010586,121816,Consumer loans,3193.065,37206.0,31000.5,9000.0,37206.0,MONDAY,8,Y,1,0.2450423915155605,,,XAP,Approved,-1398,Cash through the bank,XAP,"Spouse, partner",New,Furniture,POS,XNA,Regional / Local,1223,Furniture,12.0,middle,POS industry with interest,365243.0,-1367.0,-1037.0,-1037.0,-1035.0,0.0,0,Cash loans,M,N,Y,0,130500.0,210456.0,8064.0,166500.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.020713,-21309,365243,-12426.0,-3005,,1,0,0,1,0,0,,2.0,3,2,SATURDAY,6,0,0,0,0,0,0,XNA,,0.19524726213895907,0.6161216908872079,0.1649,0.0,0.9801,0.728,0.0168,0.0,0.1034,0.1667,0.2083,0.0835,0.1345,0.0602,0.0,0.0,0.1681,0.0,0.9801,0.7387,0.0169,0.0,0.1034,0.1667,0.2083,0.0854,0.1469,0.0627,0.0,0.0,0.1665,0.0,0.9801,0.7316,0.0169,0.0,0.1034,0.1667,0.2083,0.0849,0.1368,0.0612,0.0,0.0,reg oper account,block of flats,0.0565,"Stone, brick",No,11.0,0.0,11.0,0.0,-1398.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,3.0 +1444729,372702,Consumer loans,2431.53,19800.0,17820.0,1980.0,19800.0,WEDNESDAY,9,Y,1,0.1089090909090909,,,XAP,Approved,-1036,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,4,Connectivity,10.0,high,POS mobile with interest,365243.0,-989.0,-719.0,-869.0,-848.0,0.0,1,Cash loans,F,N,Y,0,157500.0,835380.0,42781.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-15357,-1867,-4739.0,-4748,,1,1,0,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,13,0,0,0,1,1,1,Self-employed,0.6079615210944845,0.4192581633240041,0.6801388218428291,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,10.0,0.0,10.0,0.0,-1036.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,0.0,0.0,0.0 +1533144,440369,Consumer loans,4741.92,37926.0,37926.0,0.0,37926.0,THURSDAY,19,Y,1,0.0,,,XAP,Refused,-298,Cash through the bank,HC,,New,Mobile,POS,XNA,Country-wide,20,Connectivity,12.0,high,POS mobile with interest,,,,,,,1,Cash loans,M,Y,Y,0,112500.0,284400.0,22599.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-13891,-799,-528.0,-537,12.0,1,1,1,1,1,0,Laborers,2.0,2,2,MONDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.25735510942998563,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,1.0,-58.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1979766,193486,Consumer loans,6307.47,25510.5,30339.0,0.0,25510.5,FRIDAY,15,Y,1,0.0,,,XAP,Refused,-1042,Cash through the bank,SCO,Children,New,Mobile,POS,XNA,Country-wide,30,Connectivity,6.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,1,76500.0,180000.0,19516.5,180000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.028663,-15969,-7778,-2498.0,-4395,,1,1,0,1,0,0,Laborers,3.0,2,2,THURSDAY,14,0,0,0,0,0,0,Housing,,0.4105682707762775,0.6706517530862718,0.1237,0.0,0.9747,,,0.0,0.2069,0.1667,,0.1043,,0.0621,,0.1161,0.1261,0.0,0.9747,,,0.0,0.2069,0.1667,,0.1067,,0.0647,,0.1229,0.1249,0.0,0.9747,,,0.0,0.2069,0.1667,,0.1062,,0.0633,,0.1186,,block of flats,0.0741,"Stone, brick",No,1.0,1.0,1.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2011437,349397,Revolving loans,9000.0,0.0,180000.0,,,THURSDAY,13,Y,1,,,,XAP,Approved,-2385,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-2381.0,-2342.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,157500.0,563341.5,40063.5,522000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018801,-22456,365243,-2987.0,-4726,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,6,0,0,0,0,0,0,XNA,,0.2746723942647356,0.6925590674998008,0.1474,0.087,0.9876,0.83,0.066,0.16,0.1379,0.3333,0.375,0.1162,0.1202,0.1461,0.0,0.0,0.1502,0.0903,0.9876,0.8367,0.0666,0.1611,0.1379,0.3333,0.375,0.1188,0.1313,0.1522,0.0,0.0,0.1489,0.087,0.9876,0.8323,0.0664,0.16,0.1379,0.3333,0.375,0.1182,0.1223,0.1487,0.0,0.0,reg oper spec account,block of flats,0.151,Panel,No,9.0,2.0,9.0,0.0,-215.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1138180,431915,Consumer loans,5096.565,38205.0,38205.0,0.0,38205.0,MONDAY,13,Y,1,0.0,,,XAP,Refused,-2296,Cash through the bank,SCO,Children,New,Mobile,POS,XNA,Country-wide,43,Connectivity,10.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,0,81000.0,284400.0,16456.5,225000.0,Unaccompanied,Pensioner,Lower secondary,Civil marriage,House / apartment,0.01885,-24057,365243,-6721.0,-3835,,1,0,0,1,0,0,,2.0,2,2,MONDAY,10,0,0,0,0,0,0,XNA,0.8385710716032284,0.6404788089619214,0.7421816117614419,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-332.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1062139,333468,Cash loans,9830.97,90000.0,95940.0,,90000.0,MONDAY,16,Y,1,,,,XNA,Approved,-539,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-509.0,-179.0,-179.0,-176.0,1.0,1,Cash loans,F,N,N,0,99000.0,1125000.0,30168.0,1125000.0,Unaccompanied,Pensioner,Higher education,Separated,House / apartment,0.016612000000000002,-22871,365243,-7123.0,-4315,,1,0,0,1,1,0,,1.0,2,2,FRIDAY,14,0,0,0,0,0,0,XNA,,0.4828644123427333,0.5478104658520093,0.0897,0.0731,0.9871,0.8232,0.0475,0.04,0.0345,0.3333,0.375,0.0604,0.0714,0.0823,0.0077,0.0357,0.0914,0.0758,0.9871,0.8301,0.048,0.0403,0.0345,0.3333,0.375,0.0618,0.0781,0.0858,0.0078,0.0378,0.0906,0.0731,0.9871,0.8256,0.0478,0.04,0.0345,0.3333,0.375,0.0614,0.0727,0.0838,0.0078,0.0365,reg oper account,block of flats,0.0908,"Stone, brick",No,0.0,0.0,0.0,0.0,-728.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2411300,100854,Consumer loans,7829.82,39600.0,47947.5,0.0,39600.0,THURSDAY,12,Y,1,0.0,,,XAP,Approved,-1277,XNA,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,18,Connectivity,8.0,high,POS mobile with interest,365243.0,-1246.0,-1036.0,-1066.0,-1064.0,0.0,0,Cash loans,M,N,N,1,202500.0,485640.0,38938.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,Municipal apartment,0.006305,-12418,-677,-661.0,-2060,,1,1,0,1,0,0,Low-skill Laborers,3.0,3,3,SUNDAY,5,0,0,0,1,1,0,Self-employed,0.27684202321055995,0.3899159307848503,0.34578480246959553,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1277.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2669637,172282,Consumer loans,8783.28,44410.5,47047.5,0.0,44410.5,FRIDAY,13,Y,1,0.0,,,XAP,Approved,-501,Cash through the bank,XAP,,Refreshed,Consumer Electronics,POS,XNA,Regional / Local,195,Consumer electronics,6.0,middle,POS household with interest,365243.0,-470.0,-320.0,-410.0,-408.0,0.0,0,Cash loans,F,N,Y,0,126000.0,533668.5,23638.5,477000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.019688999999999998,-21870,365243,-871.0,-4547,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,,0.05458108704718082,0.24988506275045536,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,1.0,5.0,1.0,-7.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2136555,432690,Cash loans,5823.09,45000.0,47970.0,,45000.0,TUESDAY,8,Y,1,,,,XNA,Approved,-860,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Stone,32,Consumer electronics,12.0,high,Cash Street: high,365243.0,-830.0,-500.0,-500.0,-498.0,1.0,0,Cash loans,F,N,Y,0,90000.0,50940.0,5616.0,45000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-19615,-1590,-7635.0,-3157,,1,1,1,1,0,0,,2.0,2,2,MONDAY,7,0,0,0,0,1,1,Government,,0.5879210263435874,0.7281412993111438,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-860.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1758500,431922,Cash loans,10959.75,112500.0,112500.0,,112500.0,FRIDAY,13,Y,1,,,,XNA,Refused,-718,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Stone,220,Consumer electronics,12.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,117000.0,491823.0,21793.5,373500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-23120,365243,-9986.0,-4561,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,8,0,0,0,0,0,0,XNA,,0.5500688171915613,0.7076993447402619,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1644.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2317664,428658,Consumer loans,5574.96,44955.0,46935.0,2250.0,44955.0,THURSDAY,10,Y,1,0.04982117607918154,,,XAP,Approved,-1456,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,17,Connectivity,12.0,high,POS mobile with interest,365243.0,-1425.0,-1095.0,-1095.0,-1082.0,0.0,0,Revolving loans,F,N,Y,2,135000.0,337500.0,16875.0,337500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010556,-9947,-2236,-790.0,-2605,,1,1,0,1,0,0,Managers,4.0,3,3,THURSDAY,10,0,0,0,0,0,0,Trade: type 3,0.3300432605501931,0.4908567865535913,0.3893387918468769,0.0577,0.067,0.9806,0.7348,0.0277,0.0,0.1379,0.1667,0.2083,0.1012,0.0471,0.0526,0.0,0.0697,0.0588,0.0695,0.9806,0.7452,0.028,0.0,0.1379,0.1667,0.2083,0.1035,0.0514,0.0548,0.0,0.0738,0.0583,0.067,0.9806,0.7383,0.0279,0.0,0.1379,0.1667,0.2083,0.103,0.0479,0.0535,0.0,0.0711,reg oper account,block of flats,0.0565,"Stone, brick",No,2.0,1.0,2.0,1.0,-1861.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,4.0 +1824600,360036,Cash loans,7869.015,67500.0,71955.0,0.0,67500.0,WEDNESDAY,12,Y,1,0.0,,,XNA,Approved,-2143,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,high,Cash Street: high,365243.0,-2113.0,-1783.0,-1783.0,-1761.0,1.0,0,Cash loans,F,N,Y,0,162000.0,1056447.0,31018.5,922500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.00963,-22256,365243,-566.0,-3886,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,11,0,0,0,0,0,0,XNA,,0.4873432577426596,0.43473324875017305,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-138.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1578647,200661,Cash loans,,0.0,0.0,,,MONDAY,14,Y,1,,,,XNA,Refused,-271,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,Y,N,0,112500.0,417024.0,27094.5,360000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.007114,-10302,-3178,-4856.0,-474,2.0,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,12,0,0,0,1,1,0,Business Entity Type 3,0.2463378956902563,0.6916629707610374,0.21275630545434146,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1886.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2753246,334432,Cash loans,79651.035,2025000.0,2217456.0,,2025000.0,MONDAY,15,Y,1,,,,XNA,Refused,-520,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,1,Cash loans,F,N,Y,0,180000.0,633730.5,32485.5,504000.0,Family,Working,Higher education,Married,House / apartment,0.025164,-17660,-3933,-1968.0,-1209,,1,1,0,1,0,0,Managers,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.582614921603375,0.41110286794341416,0.2176285202779586,0.1227,,0.9776,,,0.0,0.2759,0.1667,,,,0.1152,,,0.125,,0.9777,,,0.0,0.2759,0.1667,,,,0.12,,,0.1239,,0.9776,,,0.0,0.2759,0.1667,,,,0.1173,,,,block of flats,0.1013,Panel,No,0.0,0.0,0.0,0.0,-1806.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1639309,181416,Cash loans,29164.5,900000.0,900000.0,,900000.0,THURSDAY,17,Y,1,,,,XNA,Approved,-148,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-118.0,1652.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,243000.0,756000.0,22104.0,756000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.026392000000000002,-14700,-7792,-8815.0,-4769,3.0,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,16,0,0,0,0,0,0,Industry: type 7,,0.5348296437518405,0.7826078370261895,0.0412,,0.9757,,,0.0,0.069,0.1667,,,,0.0317,,0.0,0.042,,0.9757,,,0.0,0.069,0.1667,,,,0.033,,0.0,0.0416,,0.9757,,,0.0,0.069,0.1667,,,,0.0323,,0.0,,block of flats,0.0249,"Stone, brick",No,1.0,0.0,1.0,0.0,-1666.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1930743,159793,Revolving loans,11250.0,225000.0,225000.0,,225000.0,SUNDAY,14,Y,1,,,,XAP,Approved,-590,XNA,XAP,,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),10,XNA,0.0,XNA,Card Street,-589.0,-543.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,112500.0,427450.5,18958.5,369000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-10636,-321,-9408.0,-1642,,1,1,0,1,0,0,,3.0,2,2,TUESDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.32477592356963897,0.34119171976373713,0.7352209993926424,0.0598,0.0503,0.9871,0.8232,0.0255,0.0,0.1379,0.1667,0.2083,0.0472,0.0488,0.0518,0.0,0.0413,0.0609,0.0522,0.9871,0.8301,0.0257,0.0,0.1379,0.1667,0.2083,0.0482,0.0533,0.0539,0.0,0.0438,0.0604,0.0503,0.9871,0.8256,0.0257,0.0,0.1379,0.1667,0.2083,0.048,0.0496,0.0527,0.0,0.0422,reg oper account,block of flats,0.0636,Panel,No,3.0,0.0,3.0,0.0,-1235.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1732891,234860,Consumer loans,8521.2,47205.0,42457.5,6750.0,47205.0,SATURDAY,13,Y,1,0.14939518643222344,,,XAP,Approved,-2559,XNA,XAP,Family,New,Mobile,POS,XNA,Country-wide,31,Connectivity,6.0,high,POS mobile with interest,365243.0,-2523.0,-2373.0,-2373.0,-2362.0,1.0,1,Cash loans,F,N,Y,1,351000.0,385749.0,35509.5,333000.0,Unaccompanied,State servant,Secondary / secondary special,Separated,House / apartment,0.04622,-9281,-2314,-6077.0,-1938,,1,1,0,1,0,0,Core staff,2.0,1,1,WEDNESDAY,16,0,1,1,0,0,0,Police,0.7543892947610167,0.4673127988157604,0.3046721837533529,,,0.9742,,,,0.1379,0.1667,,,,,,,,,0.9742,,,,0.1379,0.1667,,,,,,,,,0.9742,,,,0.1379,0.1667,,,,,,,,block of flats,0.0611,Panel,No,3.0,1.0,3.0,0.0,-2559.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,0.0,0.0,1.0 +2323243,252941,Revolving loans,9000.0,0.0,180000.0,,,SATURDAY,8,Y,1,,,,XAP,Approved,-804,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,0,112500.0,273636.0,26653.5,247500.0,Family,Working,Higher education,Single / not married,With parents,0.025164,-9912,-3017,-3916.0,-2537,64.0,1,1,1,1,0,1,Laborers,1.0,2,2,THURSDAY,10,0,0,0,0,0,0,Self-employed,,0.3780250902550648,0.4848514754962666,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-43.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2583100,172847,Consumer loans,15171.48,138960.0,135382.5,13896.0,138960.0,TUESDAY,12,Y,1,0.10138102454624932,,,XAP,Approved,-1373,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Regional / Local,400,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1342.0,-1072.0,-1072.0,-1066.0,0.0,0,Cash loans,F,N,Y,0,112500.0,1046142.0,30717.0,913500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-22892,-1046,-15802.0,-4186,,1,1,0,1,1,0,Core staff,2.0,2,2,WEDNESDAY,11,0,0,0,0,1,1,Postal,0.6514331725316581,0.12287364526808442,0.6430255641096323,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1158.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1173471,164470,Cash loans,10165.5,225000.0,225000.0,,225000.0,TUESDAY,14,Y,1,,,,XNA,Approved,-1275,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-1245.0,-195.0,-255.0,-248.0,0.0,0,Cash loans,F,N,N,2,112500.0,900000.0,26446.5,900000.0,Unaccompanied,State servant,Secondary / secondary special,Married,Municipal apartment,0.018801,-13737,-5032,-6166.0,-4673,,1,1,1,1,0,0,Core staff,4.0,2,2,THURSDAY,15,0,0,0,1,1,0,Kindergarten,,0.5895941259607304,0.5779691187553125,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1275.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,4.0,1.0,5.0 +2829538,351112,Consumer loans,4857.03,40455.0,36409.5,4045.5,40455.0,WEDNESDAY,11,Y,1,0.1089090909090909,,,XAP,Approved,-2403,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,10,Connectivity,10.0,high,POS mobile with interest,365243.0,-2364.0,-2094.0,-2094.0,-2091.0,0.0,0,Cash loans,M,N,Y,0,153000.0,1082214.0,31770.0,945000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-17538,-2191,-6342.0,-1017,,1,1,0,1,0,0,Cleaning staff,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,Other,,0.3710073326586609,,0.0278,0.0591,0.9906,0.8708,0.0225,0.0,0.1034,0.0833,0.125,0.0168,0.0227,0.0263,0.0,0.0,0.0284,0.0613,0.9906,0.8759,0.0227,0.0,0.1034,0.0833,0.125,0.0172,0.0248,0.0274,0.0,0.0,0.0281,0.0591,0.9906,0.8725,0.0227,0.0,0.1034,0.0833,0.125,0.0171,0.0231,0.0267,0.0,0.0,,block of flats,0.033,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1947665,110287,Consumer loans,4675.815,23175.0,24493.5,2317.5,23175.0,MONDAY,16,Y,1,0.09413927797613604,,,XAP,Approved,-1751,Cash through the bank,XAP,Unaccompanied,New,Sport and Leisure,POS,XNA,Stone,343,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1718.0,-1568.0,-1568.0,-1563.0,0.0,0,Revolving loans,F,N,N,1,81000.0,157500.0,7875.0,157500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-18333,-3672,-8131.0,-1863,,1,1,0,1,0,0,Accountants,3.0,2,2,TUESDAY,17,0,0,0,0,0,0,Government,0.5058609373452038,0.6062575803301021,0.23272477626794336,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1406277,194195,Revolving loans,15750.0,0.0,315000.0,,,SATURDAY,14,Y,1,,,,XAP,Approved,-700,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-697.0,-655.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,108000.0,273636.0,26784.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.009549,-20367,-5132,-9957.0,-3763,,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,13,0,0,0,0,1,1,Business Entity Type 3,,0.18566679612022752,0.6144143775673561,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0076,,No,0.0,0.0,0.0,0.0,-1467.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1602352,407561,Cash loans,39604.5,1350000.0,1350000.0,,1350000.0,THURSDAY,18,Y,1,,,,XNA,Approved,-734,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-704.0,1066.0,-464.0,-458.0,0.0,0,Cash loans,F,N,N,0,157500.0,970380.0,28503.0,810000.0,Unaccompanied,Working,Secondary / secondary special,Widow,Municipal apartment,0.022625,-20397,-9933,-9917.0,-3522,,1,1,0,1,0,0,Managers,1.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Kindergarten,0.6260526465949913,0.5876984984025921,0.3996756156233169,0.0825,0.0,0.9732,0.6328,0.0926,0.0,0.1379,0.1667,0.2083,0.0,0.0672,0.0644,0.0,0.0,0.084,0.0,0.9732,0.6472,0.0934,0.0,0.1379,0.1667,0.2083,0.0,0.0735,0.0671,0.0,0.0,0.0833,0.0,0.9732,0.6377,0.0932,0.0,0.1379,0.1667,0.2083,0.0,0.0684,0.0655,0.0,0.0,reg oper account,block of flats,0.0506,"Stone, brick",No,2.0,0.0,2.0,0.0,-1036.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1465158,318209,Consumer loans,4014.225,48100.5,38479.5,9621.0,48100.5,MONDAY,15,Y,1,0.2178385596067325,,,XAP,Approved,-217,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,21,Consumer electronics,12.0,middle,POS household with interest,365243.0,-187.0,143.0,-97.0,-92.0,0.0,0,Revolving loans,F,N,Y,0,90000.0,180000.0,9000.0,180000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,Rented apartment,0.005084,-8015,-466,-7945.0,-677,,1,1,0,1,0,0,,1.0,2,2,MONDAY,13,0,0,0,1,1,0,Business Entity Type 3,0.3880607588892242,0.5645051163433535,,0.0619,0.0734,0.9796,0.7212,0.0092,0.0,0.1379,0.1667,0.0417,0.0553,0.0504,0.0547,0.0,0.0,0.063,0.0761,0.9796,0.7321,0.0093,0.0,0.1379,0.1667,0.0417,0.0566,0.0551,0.0569,0.0,0.0,0.0625,0.0734,0.9796,0.7249,0.0093,0.0,0.1379,0.1667,0.0417,0.0563,0.0513,0.0556,0.0,0.0,reg oper account,block of flats,0.043,"Stone, brick",No,0.0,0.0,0.0,0.0,-521.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1386825,217709,Consumer loans,6490.395,42655.5,40923.0,4266.0,42655.5,SATURDAY,16,Y,1,0.10281399938440364,,,XAP,Approved,-2549,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,1923,Consumer electronics,8.0,high,POS household with interest,365243.0,-2518.0,-2308.0,-2308.0,-2303.0,1.0,0,Cash loans,F,N,Y,0,112500.0,808650.0,23773.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010147,-15217,-2686,-7922.0,-5058,,1,1,0,1,1,0,,2.0,2,2,SUNDAY,13,0,0,0,0,0,0,Business Entity Type 2,0.3524577707784665,0.6388760070313659,,0.1495,0.1065,0.9871,0.8232,0.027000000000000003,0.16,0.1379,0.3333,0.375,0.0936,0.1219,0.1541,0.0,0.0,0.1523,0.1106,0.9871,0.8301,0.0272,0.1611,0.1379,0.3333,0.375,0.0957,0.1331,0.1606,0.0,0.0,0.1509,0.1065,0.9871,0.8256,0.0271,0.16,0.1379,0.3333,0.375,0.0952,0.124,0.1569,0.0,0.0,reg oper spec account,block of flats,0.136,Panel,No,0.0,0.0,0.0,0.0,-2549.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1207042,238410,Consumer loans,13820.445,75811.5,71608.5,7582.5,75811.5,THURSDAY,7,Y,1,0.10427992850427216,,,XAP,Approved,-1651,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,1000,Consumer electronics,6.0,high,POS household with interest,365243.0,-1620.0,-1470.0,-1470.0,-1466.0,0.0,0,Cash loans,F,Y,N,0,126000.0,239850.0,23364.0,225000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.018029,-18548,-890,-833.0,-1962,4.0,1,1,1,1,0,0,Managers,2.0,3,3,TUESDAY,14,0,0,0,0,0,0,Kindergarten,0.5514603814624891,0.7401532004010554,,0.066,,0.9786,,,0.0,0.1379,0.125,,,,0.0553,,0.0,0.0672,,0.9786,,,0.0,0.1379,0.125,,,,0.0576,,0.0,0.0666,,0.9786,,,0.0,0.1379,0.125,,,,0.0563,,0.0,,block of flats,0.0435,Panel,No,1.0,0.0,1.0,0.0,-1651.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1711501,288335,Revolving loans,38250.0,765000.0,765000.0,,765000.0,SATURDAY,10,Y,1,,,,XAP,Approved,-485,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-484.0,-437.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,157500.0,360000.0,15858.0,360000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.014519999999999996,-17594,-6770,-5295.0,-1127,,1,1,0,1,1,0,,2.0,2,2,MONDAY,16,0,0,0,0,0,0,Self-employed,0.7393182884705735,0.3342855969861764,0.7121551551910698,,,0.9796,,,,,,,,,0.1111,,,,,0.9796,,,,,,,,,0.1157,,,,,0.9796,,,,,,,,,0.1131,,,,,0.0874,,No,0.0,0.0,0.0,0.0,-1742.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1592232,120999,Consumer loans,9903.96,88650.0,88650.0,0.0,88650.0,FRIDAY,7,Y,1,0.0,,,XAP,Approved,-127,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Stone,50,Furniture,10.0,low_normal,POS industry with interest,365243.0,-93.0,177.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,Y,2,90000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018029,-12802,-2038,-1984.0,-4014,,1,1,0,1,0,0,Sales staff,4.0,3,2,SATURDAY,10,0,0,0,0,0,0,Self-employed,0.4488228960539469,0.31758366678752153,,0.0928,0.0933,0.9801,0.728,0.0411,0.0,0.2069,0.1667,0.2083,0.0433,0.0756,0.0872,0.0,0.0,0.0945,0.0968,0.9801,0.7387,0.0415,0.0,0.2069,0.1667,0.2083,0.0443,0.0826,0.0909,0.0,0.0,0.0937,0.0933,0.9801,0.7316,0.0414,0.0,0.2069,0.1667,0.2083,0.0441,0.077,0.0888,0.0,0.0,reg oper account,block of flats,0.0911,Panel,No,7.0,0.0,7.0,0.0,-2294.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +1205630,343252,Consumer loans,3205.215,14805.0,15588.0,0.0,14805.0,SATURDAY,8,Y,1,0.0,,,XAP,Approved,-389,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,6.0,high,POS mobile with interest,365243.0,-358.0,-208.0,-208.0,-206.0,0.0,0,Cash loans,F,N,N,0,180000.0,566055.0,16681.5,472500.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.019688999999999998,-22574,365243,-13225.0,-4365,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,XNA,,0.17249750814777715,0.520897599048938,,,0.9573,,,,,,,,,,,,,,0.9573,,,,,,,,,,,,,,0.9573,,,,,,,,,,,,,block of flats,0.012,,No,5.0,0.0,5.0,0.0,-1905.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2069336,387666,Consumer loans,25192.44,142146.0,142596.0,0.0,142146.0,TUESDAY,14,Y,1,0.0,,,XAP,Approved,-275,XNA,XAP,,Repeater,Furniture,POS,XNA,Stone,45,Furniture,6.0,low_normal,POS industry with interest,365243.0,-242.0,-92.0,-92.0,-88.0,0.0,0,Cash loans,F,Y,Y,1,180000.0,904500.0,48321.0,904500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.015221,-18055,-1148,-8520.0,-1505,9.0,1,1,0,1,0,0,Core staff,3.0,2,2,THURSDAY,11,0,0,0,0,0,0,Hotel,,0.5761170387608764,,0.0619,,0.9831,,,,0.1379,0.1667,,0.0619,,0.0534,,,0.063,,0.9831,,,,0.1379,0.1667,,0.0634,,0.0556,,,0.0625,,0.9831,,,,0.1379,0.1667,,0.063,,0.0543,,,,block of flats,0.042,Panel,No,0.0,0.0,0.0,0.0,-121.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2003998,217533,Cash loans,45118.44,720000.0,769419.0,,720000.0,MONDAY,13,Y,1,,,,XNA,Approved,-1099,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-1069.0,-379.0,-379.0,-372.0,1.0,0,Cash loans,F,N,N,1,135000.0,746280.0,58963.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-15380,-1824,-7313.0,-5456,,1,1,1,1,1,0,Sales staff,3.0,2,2,THURSDAY,14,0,0,0,0,0,0,Self-employed,0.5926135004361949,0.7579621019062412,0.5673792367572691,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0782,,No,3.0,0.0,3.0,0.0,-1472.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2565429,117772,Cash loans,27610.2,540000.0,540000.0,,540000.0,TUESDAY,16,Y,1,,,,XNA,Approved,-475,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-445.0,605.0,-265.0,-253.0,0.0,0,Cash loans,M,N,Y,2,315000.0,454500.0,13288.5,454500.0,Children,Working,Higher education,Married,House / apartment,0.007114,-18095,-3506,-1265.0,-1637,,1,1,0,1,1,0,Managers,4.0,2,2,MONDAY,8,0,0,0,0,0,0,Trade: type 3,,0.6968061002768219,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-749.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1611325,358665,Consumer loans,14776.29,166783.5,161653.5,20250.0,166783.5,SUNDAY,13,Y,1,0.1212406078447688,,,XAP,Approved,-1663,Cash through the bank,XAP,"Spouse, partner",New,Audio/Video,POS,XNA,Stone,1061,Consumer electronics,14.0,middle,POS household with interest,365243.0,-1632.0,-1242.0,-1242.0,-1236.0,0.0,0,Cash loans,F,Y,Y,0,112500.0,1350000.0,39604.5,1350000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-12873,-4040,-6268.0,-2999,14.0,1,1,0,1,0,0,Sales staff,2.0,3,3,THURSDAY,14,0,0,0,0,0,0,Self-employed,0.7447647543283303,0.5630853522500572,0.326475210066026,0.101,0.1096,0.9851,0.7959999999999999,0.0458,0.0,0.2069,0.1667,0.2083,0.0443,0.0815,0.0923,0.0039,0.008,0.1029,0.1137,0.9851,0.804,0.0462,0.0,0.2069,0.1667,0.2083,0.0453,0.0891,0.0962,0.0039,0.0084,0.102,0.1096,0.9851,0.7987,0.0461,0.0,0.2069,0.1667,0.2083,0.0451,0.0829,0.094,0.0039,0.0081,reg oper account,block of flats,0.0743,Panel,No,0.0,0.0,0.0,0.0,-727.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1538139,393060,Cash loans,50704.065,450000.0,470790.0,,450000.0,TUESDAY,4,Y,1,,,,Other,Approved,-524,Cash through the bank,XAP,,New,XNA,Cash,walk-in,AP+ (Cash loan),4,XNA,12.0,middle,Cash Street: middle,365243.0,-494.0,-164.0,-164.0,-162.0,1.0,0,Cash loans,M,N,Y,0,225000.0,640080.0,31261.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.002506,-17749,-1284,-136.0,-1272,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,4,0,0,0,0,0,0,Self-employed,0.5307871987669741,0.7703581266923935,,0.066,0.0393,0.9757,0.6668,0.0,0.0,0.2759,0.125,0.0417,0.034,0.0538,0.0563,0.0,,0.0672,0.0408,0.9757,0.6798,0.0,0.0,0.2759,0.125,0.0417,0.0348,0.0588,0.0587,0.0,,0.0666,0.0393,0.9757,0.6713,0.0,0.0,0.2759,0.125,0.0417,0.0346,0.0547,0.0573,0.0,,reg oper account,,0.0443,Block,No,2.0,0.0,2.0,0.0,-524.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1461168,223539,Consumer loans,10640.61,86836.5,95431.5,0.0,86836.5,WEDNESDAY,10,Y,1,0.0,,,XAP,Approved,-1687,Cash through the bank,XAP,Children,New,Consumer Electronics,POS,XNA,Stone,114,Consumer electronics,12.0,high,POS household with interest,365243.0,-1656.0,-1326.0,-1326.0,-1319.0,0.0,0,Cash loans,F,N,Y,0,112500.0,284400.0,17527.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010147,-23863,365243,-3690.0,-4596,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,XNA,,0.1884835178519116,0.8016009030071296,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-202.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1947815,126777,Consumer loans,18494.505,107648.415,96880.5,10767.915,107648.415,THURSDAY,13,Y,1,0.1089401858481951,,,XAP,Approved,-1885,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,2148,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1848.0,-1698.0,-1698.0,-1693.0,0.0,0,Cash loans,M,N,Y,0,157500.0,342000.0,33957.0,342000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-17376,-2335,-5314.0,-14,,1,1,0,1,0,0,Low-skill Laborers,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.6998741100212389,0.6577838002083306,0.0227,,0.9732,,,0.0,0.1034,0.1667,,0.0402,,0.0468,,0.0425,0.0231,,0.9732,,,0.0,0.1034,0.1667,,0.0412,,0.0487,,0.045,0.0229,,0.9732,,,0.0,0.1034,0.1667,,0.0409,,0.0476,,0.0434,,block of flats,0.046,"Stone, brick",No,3.0,0.0,3.0,0.0,-1885.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2031319,153783,Consumer loans,7267.275,132480.0,160461.0,0.0,132480.0,SATURDAY,9,Y,1,0.0,,,XAP,Approved,-597,XNA,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,1084,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-565.0,125.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,0,270000.0,138204.0,7186.5,99000.0,Unaccompanied,Working,Incomplete higher,Single / not married,House / apartment,0.018029,-11301,-2338,-3876.0,-3877,21.0,1,1,0,1,0,0,Laborers,1.0,3,3,MONDAY,13,0,0,0,0,0,0,Self-employed,0.08877693743924743,0.6072854474210538,0.2608559142068693,0.0619,0.0486,0.9871,0.8232,0.0123,0.08,0.069,0.3333,0.0417,0.0,,0.0774,,0.0,0.063,0.0505,0.9871,0.8301,0.0124,0.0806,0.069,0.3333,0.0417,0.0,,0.0806,,0.0,0.0625,0.0486,0.9871,0.8256,0.0124,0.08,0.069,0.3333,0.0417,0.0,,0.0788,,0.0,,block of flats,0.0676,Panel,No,0.0,0.0,0.0,0.0,-1662.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1450191,137564,Consumer loans,3454.56,17212.5,17212.5,0.0,17212.5,SUNDAY,15,Y,1,0.0,,,XAP,Approved,-2446,Cash through the bank,XAP,Unaccompanied,Refreshed,Mobile,POS,XNA,Country-wide,59,Connectivity,6.0,high,POS mobile with interest,,,,,,,1,Cash loans,F,N,Y,1,90000.0,282690.0,15462.0,202500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.008019,-13016,-252,-2533.0,-4741,,1,1,0,1,0,0,Laborers,3.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,Self-employed,,0.4011561059176687,,0.1866,0.0728,0.9791,0.7144,0.0293,0.0,0.1034,0.1667,0.2083,0.0673,0.1513,0.0964,0.0039,0.0258,0.1901,0.0755,0.9791,0.7256,0.0296,0.0,0.1034,0.1667,0.2083,0.0689,0.1653,0.1004,0.0039,0.0274,0.1884,0.0728,0.9791,0.7182,0.0295,0.0,0.1034,0.1667,0.2083,0.0685,0.1539,0.0981,0.0039,0.0264,not specified,block of flats,0.0837,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,1.0,0.0,0.0,0.0,1.0 +1796394,390482,Cash loans,35421.48,1098000.0,1098000.0,,1098000.0,FRIDAY,12,Y,1,,,,XNA,Refused,-479,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,247500.0,1022022.0,43429.5,913500.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.030755,-23171,365243,-6054.0,-6212,12.0,1,0,0,1,1,0,,1.0,2,2,MONDAY,11,0,0,0,0,0,0,XNA,0.5990781768030127,0.6303627556709629,0.2678689358444539,0.1124,0.1477,0.9856,0.8028,0.1248,0.0,0.1724,0.1667,0.2083,0.0749,0.0908,0.1071,0.0039,0.0087,0.1145,0.1532,0.9856,0.8105,0.126,0.0,0.1724,0.1667,0.2083,0.0766,0.0992,0.1116,0.0039,0.0092,0.1135,0.1477,0.9856,0.8054,0.1256,0.0,0.1724,0.1667,0.2083,0.0762,0.0923,0.109,0.0039,0.0089,org spec account,block of flats,0.154,"Stone, brick",No,0.0,0.0,0.0,0.0,-2097.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1456587,129700,Cash loans,22301.19,112500.0,116212.5,,112500.0,TUESDAY,11,Y,1,,,,XNA,Approved,-1194,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-1164.0,-1014.0,-1074.0,-1070.0,1.0,0,Cash loans,F,N,Y,0,135000.0,101880.0,10827.0,90000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.02461,-20856,365243,-1837.0,-4309,,1,0,0,1,1,0,,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,XNA,,0.6782154428277698,,0.0082,0.0,0.9717,0.6124,0.0007,0.0,0.0345,0.0417,0.0833,,0.0067,0.0057,0.0,0.0,0.0084,0.0,0.9717,0.6276,0.0007,0.0,0.0345,0.0417,0.0833,,0.0073,0.0059,0.0,0.0,0.0083,0.0,0.9717,0.6176,0.0007,0.0,0.0345,0.0417,0.0833,,0.0068,0.0058,0.0,0.0,reg oper account,block of flats,0.0048,Block,No,5.0,1.0,5.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2357312,118721,Cash loans,20264.04,270000.0,337981.5,0.0,270000.0,FRIDAY,16,Y,1,0.0,,,Repairs,Approved,-1873,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,22.0,low_normal,Cash Street: low,365243.0,-1838.0,-1208.0,-1538.0,-1535.0,0.0,0,Cash loans,M,Y,Y,0,126000.0,331920.0,16096.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-16744,-150,-8385.0,-283,8.0,1,1,0,1,0,0,Drivers,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Self-employed,,0.4776026103211307,0.08963066908713159,0.3062,0.1786,0.9846,0.7892,0.1112,0.32,0.2759,0.3333,0.375,0.2497,0.248,0.3145,0.0077,0.0174,0.312,0.1853,0.9846,0.7975,0.1123,0.3222,0.2759,0.3333,0.375,0.2554,0.2709,0.3276,0.0078,0.0184,0.3092,0.1786,0.9846,0.792,0.112,0.32,0.2759,0.3333,0.375,0.254,0.2522,0.3201,0.0078,0.0178,,block of flats,0.3119,"Stone, brick",No,0.0,0.0,0.0,0.0,-1298.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1206746,258446,Consumer loans,12273.795,91300.5,100944.0,0.0,91300.5,WEDNESDAY,20,Y,1,0.0,,,XAP,Approved,-579,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,50,Connectivity,12.0,high,POS mobile with interest,365243.0,-542.0,-212.0,-362.0,-358.0,0.0,0,Cash loans,M,Y,Y,0,112500.0,265500.0,21415.5,265500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.005084,-9102,-1079,-9102.0,-1767,8.0,1,1,0,1,0,1,Laborers,1.0,2,2,MONDAY,14,0,0,0,0,1,1,Business Entity Type 1,,0.6098327317031846,0.2764406945454034,0.0825,0.102,0.9876,,,0.0,0.2069,0.1667,,0.0991,,0.0807,,0.0,0.084,0.1059,0.9876,,,0.0,0.2069,0.1667,,0.1014,,0.0841,,0.0,0.0833,0.102,0.9876,,,0.0,0.2069,0.1667,,0.1008,,0.0821,,0.0,,block of flats,0.0721,Panel,No,3.0,0.0,3.0,0.0,-579.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,2.0,4.0 +2588292,284542,Consumer loans,2983.23,30595.5,19566.0,12240.0,30595.5,SUNDAY,15,Y,1,0.4191181766733548,,,XAP,Approved,-1727,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,1600,Consumer electronics,8.0,middle,POS household with interest,365243.0,-1696.0,-1486.0,-1516.0,-1510.0,0.0,0,Cash loans,F,N,N,1,202500.0,808650.0,26217.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.005084,-13085,-4914,-7157.0,-4230,,1,1,0,1,0,0,High skill tech staff,3.0,2,2,FRIDAY,15,0,0,0,0,0,0,Business Entity Type 2,0.7491454654432174,0.7403592273646368,0.5082869913916046,0.101,0.1159,0.9806,0.7348,0.0489,0.0,0.2069,0.1667,0.2083,,0.0824,0.0889,0.0,0.0,0.1029,0.1202,0.9806,0.7452,0.0493,0.0,0.2069,0.1667,0.2083,,0.09,0.0927,0.0,0.0,0.102,0.1159,0.9806,0.7383,0.0492,0.0,0.2069,0.1667,0.2083,,0.0838,0.0905,0.0,0.0,reg oper account,block of flats,0.07,"Stone, brick",No,0.0,0.0,0.0,0.0,-1727.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1176400,448858,Cash loans,12276.495,346500.0,346500.0,,346500.0,THURSDAY,6,Y,1,,,,XNA,Approved,-529,XNA,XAP,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,middle,Cash X-Sell: middle,365243.0,-499.0,1271.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,270000.0,351000.0,13230.0,351000.0,Unaccompanied,Pensioner,Lower secondary,Married,House / apartment,0.018209,-21618,365243,-5145.0,-4059,,1,0,0,1,0,0,,2.0,3,3,SUNDAY,9,0,0,0,0,0,0,XNA,,0.25076199508204555,0.4101025731788671,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-886.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +1697291,222466,Consumer loans,5739.21,127255.5,127255.5,0.0,127255.5,MONDAY,10,Y,1,0.0,,,XAP,Approved,-1132,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,1200,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1101.0,-411.0,-561.0,-552.0,0.0,0,Cash loans,F,N,N,1,90000.0,450000.0,22977.0,450000.0,Unaccompanied,Working,Higher education,Married,Rented apartment,0.018209,-10504,-1568,-4713.0,-1003,,1,1,0,1,0,0,Sales staff,3.0,3,3,FRIDAY,7,0,0,0,1,1,0,Business Entity Type 3,0.4057135216360943,0.5139443173216002,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-727.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2436719,443929,Consumer loans,11652.84,103410.0,114331.5,0.0,103410.0,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-550,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Regional / Local,148,Consumer electronics,12.0,middle,POS household with interest,365243.0,-519.0,-189.0,-180.0,-178.0,0.0,0,Cash loans,F,N,Y,0,63000.0,263686.5,15268.5,238500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006296,-18551,-2116,-1835.0,-1827,,1,1,1,1,0,0,Laborers,2.0,3,3,WEDNESDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.6442465594942342,0.4956658291397297,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-905.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1287771,252346,Cash loans,49017.825,1354500.0,1515415.5,,1354500.0,TUESDAY,11,Y,1,,,,XNA,Approved,-790,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-760.0,1010.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,157500.0,417024.0,21289.5,360000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.030755,-18621,-209,-5270.0,-2062,,1,1,0,1,0,1,Cleaning staff,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Self-employed,0.5104164666874272,0.6391534436592254,0.34741822720026416,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2551.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2472297,238250,Cash loans,,0.0,0.0,,,SUNDAY,8,Y,1,,,,XNA,Refused,-325,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,157500.0,1575000.0,47754.0,1575000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.007120000000000001,-21536,365243,-2878.0,-4758,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,XNA,0.8451232407513305,0.6076400241213843,0.6313545365850379,0.0165,0.0479,0.9309,,,0.0,0.069,0.0417,,,,0.0079,,0.0805,0.0168,0.0497,0.931,,,0.0,0.069,0.0417,,,,0.0083,,0.0852,0.0167,0.0479,0.9309,,,0.0,0.069,0.0417,,,,0.0081,,0.0821,,block of flats,0.0062,Mixed,No,0.0,0.0,0.0,0.0,-1450.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,7.0 +2056911,384341,Consumer loans,15844.41,178672.5,155200.5,35734.5,178672.5,THURSDAY,5,Y,1,0.2038291517579757,,,XAP,Approved,-713,Cash through the bank,XAP,,New,Construction Materials,POS,XNA,Country-wide,2000,Consumer electronics,12.0,middle,POS household with interest,365243.0,-681.0,-351.0,-351.0,-346.0,0.0,0,Cash loans,F,N,N,1,166500.0,255429.0,29016.0,220500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.002134,-15256,-1254,-1038.0,-1893,,1,1,0,1,0,0,Laborers,3.0,3,3,SATURDAY,5,0,0,0,1,1,0,Housing,,0.6024196400796825,0.633031641417419,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-713.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2112125,329239,Cash loans,26327.97,450000.0,512370.0,,450000.0,MONDAY,12,Y,1,,,,XNA,Refused,-970,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,36.0,middle,Cash X-Sell: middle,,,,,,,0,Revolving loans,M,Y,N,0,355500.0,315000.0,15750.0,315000.0,Family,Pensioner,Higher education,Civil marriage,Rented apartment,0.028663,-20875,365243,-753.0,-710,2.0,1,0,0,1,0,0,,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,XNA,,0.5598548039261848,0.4884551844437485,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1217.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,4.0 +1059913,140344,Revolving loans,2250.0,0.0,45000.0,,,WEDNESDAY,11,Y,1,,,,XAP,Approved,-1188,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,-62.0,0.0,0,Cash loans,F,N,N,2,180000.0,640080.0,29970.0,450000.0,Family,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-14572,-3038,-8592.0,-4246,,1,1,0,1,0,0,Laborers,4.0,2,2,MONDAY,11,0,0,0,0,1,1,Business Entity Type 3,,0.6685245957479602,0.5388627065779676,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2171.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +1102530,215477,Consumer loans,3459.825,25515.0,28701.0,2700.0,25515.0,WEDNESDAY,15,Y,1,0.09364496208864216,,,XAP,Approved,-1912,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,17,Connectivity,12.0,high,POS mobile with interest,365243.0,-1881.0,-1551.0,-1641.0,-1635.0,0.0,0,Cash loans,F,N,Y,1,315000.0,1755000.0,46296.0,1755000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-14897,-686,-1142.0,-4193,,1,1,0,1,0,0,Managers,3.0,2,2,THURSDAY,9,0,0,0,0,1,1,Other,,0.651822631716,0.6801388218428291,0.0701,0.0641,0.9786,0.7076,0.009000000000000001,0.0,0.1379,0.1667,0.2083,0.0472,0.0572,0.0602,0.0,0.0489,0.0714,0.0665,0.9786,0.7190000000000001,0.0091,0.0,0.1379,0.1667,0.2083,0.0483,0.0624,0.0627,0.0,0.0517,0.0708,0.0641,0.9786,0.7115,0.0091,0.0,0.1379,0.1667,0.2083,0.0481,0.0581,0.0612,0.0,0.0499,reg oper account,block of flats,0.0629,"Stone, brick",No,4.0,0.0,4.0,0.0,-135.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1813195,164018,Revolving loans,22500.0,450000.0,450000.0,,450000.0,SUNDAY,12,Y,1,,,,XAP,Refused,-232,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,196650.0,1312110.0,52038.0,1125000.0,Family,State servant,Secondary / secondary special,Married,House / apartment,0.01885,-18030,-1687,-10482.0,-1508,,1,1,0,1,0,0,Medicine staff,2.0,2,2,MONDAY,15,0,1,1,0,0,0,Government,0.7939140811659118,0.7344310990210219,0.0005272652387098817,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-465.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1891859,389944,Cash loans,14854.32,360000.0,434844.0,,360000.0,THURSDAY,13,Y,1,,,,XNA,Refused,-776,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,54.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,90000.0,284400.0,16011.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.04622,-23852,365243,-8485.0,-4863,,1,0,0,1,0,0,,1.0,1,1,WEDNESDAY,11,0,0,0,0,0,0,XNA,0.9381898536982772,0.7129296061072307,,0.0753,0.0819,0.9712,0.6056,0.0224,0.0,0.1034,0.1667,0.2083,0.0804,0.058,0.0925,0.0154,0.0437,0.0767,0.085,0.9712,0.621,0.0226,0.0,0.1034,0.1667,0.2083,0.0822,0.0634,0.0963,0.0156,0.0463,0.076,0.0819,0.9712,0.6109,0.0225,0.0,0.1034,0.1667,0.2083,0.0818,0.059,0.0941,0.0155,0.0446,reg oper account,block of flats,0.0945,"Stone, brick",No,0.0,0.0,0.0,0.0,-1887.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1134916,124991,Cash loans,42683.355,1354500.0,1515415.5,,1354500.0,THURSDAY,12,Y,1,,,,XNA,Approved,-838,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-808.0,962.0,-148.0,-142.0,1.0,0,Cash loans,F,N,Y,0,180000.0,900000.0,39645.0,900000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-20509,365243,-144.0,-3883,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,16,0,0,0,0,0,0,XNA,0.6987656121718359,0.6181456299376225,0.6769925032909132,0.0814,,0.9737,,,0.0,0.1379,0.1667,,,,0.0559,,0.0214,0.083,,0.9737,,,0.0,0.1379,0.1667,,,,0.0583,,0.0226,0.0822,,0.9737,,,0.0,0.1379,0.1667,,,,0.057,,0.0218,,block of flats,0.0486,"Stone, brick",No,4.0,0.0,4.0,0.0,-3176.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,5.0 +1258575,244348,Consumer loans,21005.595,128250.0,113427.0,22500.0,128250.0,WEDNESDAY,16,Y,1,0.1802772477472868,,,XAP,Approved,-21,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,50,Furniture,6.0,middle,POS industry with interest,365243.0,365243.0,159.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,202500.0,891522.0,43020.0,783000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-20144,-693,-11425.0,-3689,,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,9,0,0,0,0,1,1,Restaurant,,0.661984729193039,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,2.0,2.0,1.0,-478.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1251152,305992,Cash loans,15893.1,405000.0,405000.0,,405000.0,FRIDAY,12,Y,1,,,,XNA,Approved,-1034,Cash through the bank,XAP,Family,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-1004.0,406.0,-14.0,-10.0,0.0,1,Cash loans,F,N,Y,0,180000.0,474048.0,21010.5,360000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.010966,-14570,-3015,-8233.0,-2820,,1,1,1,1,0,0,Laborers,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Industry: type 3,0.28349302708113583,0.3111688661562623,0.3876253444214701,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2679.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +2632045,310206,Consumer loans,4928.175,40455.0,40014.0,4045.5,40455.0,FRIDAY,14,Y,1,0.09999925720281153,,,XAP,Approved,-1852,Cash through the bank,XAP,Other_A,New,Mobile,POS,XNA,Regional / Local,126,Consumer electronics,12.0,high,POS household with interest,365243.0,-1821.0,-1491.0,-1491.0,-1486.0,0.0,0,Cash loans,M,N,Y,0,180000.0,521280.0,28408.5,450000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.030755,-11573,-429,-231.0,-3806,,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Self-employed,0.21987126930287124,0.29743057325494376,0.3606125659189888,0.1536,0.0806,0.9806,0.7348,0.0388,0.0,0.1034,0.1667,0.0833,0.0157,0.1244,0.0601,0.0039,0.0033,0.1565,0.0836,0.9806,0.7452,0.0392,0.0,0.1034,0.1667,0.0833,0.016,0.1359,0.0627,0.0039,0.0034,0.1551,0.0806,0.9806,0.7383,0.0391,0.0,0.1034,0.1667,0.0833,0.0159,0.1266,0.0612,0.0039,0.0033,reg oper account,block of flats,0.0556,"Stone, brick",No,3.0,0.0,3.0,0.0,-1852.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1906366,398016,Cash loans,7357.095,67500.0,91476.0,,67500.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-1147,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,high,Cash Street: high,365243.0,-1117.0,-427.0,-427.0,-422.0,1.0,0,Cash loans,M,Y,Y,0,157500.0,215640.0,11826.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-18298,-738,-10765.0,-1840,9.0,1,1,0,1,1,0,Drivers,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Self-employed,0.4873583829799671,0.758310951058331,0.8128226070575616,0.0722,0.0785,0.9771,0.6872,0.0,0.0,0.1379,0.1667,0.2083,0.0647,0.0588,0.0638,0.0,0.0,0.0735,0.0815,0.9772,0.6994,0.0,0.0,0.1379,0.1667,0.2083,0.0662,0.0643,0.0664,0.0,0.0,0.0729,0.0785,0.9771,0.6914,0.0,0.0,0.1379,0.1667,0.2083,0.0658,0.0599,0.0649,0.0,0.0,reg oper account,block of flats,0.0502,"Stone, brick",No,0.0,0.0,0.0,0.0,-2536.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2827100,427342,Cash loans,65161.98,1125000.0,1223010.0,,1125000.0,WEDNESDAY,14,Y,1,,,,XNA,Approved,-1336,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-1306.0,-616.0,-616.0,-611.0,1.0,0,Cash loans,F,Y,N,0,360000.0,454500.0,43150.5,454500.0,Unaccompanied,Commercial associate,Academic degree,Married,House / apartment,0.072508,-17248,-3138,-9960.0,-755,2.0,1,1,0,1,1,0,Managers,2.0,1,1,THURSDAY,19,0,0,0,0,0,0,Business Entity Type 3,,0.6748849073658882,0.4686596550493113,0.4237,0.2009,0.9861,0.8096,0.747,0.48,0.2069,0.6667,0.7083,0.0,0.3421,0.5176,0.0154,0.0061,0.4317,0.2085,0.9861,0.8171,0.7538,0.4834,0.2069,0.6667,0.7083,0.0,0.3737,0.5392,0.0156,0.0065,0.4278,0.2009,0.9861,0.8121,0.7518,0.48,0.2069,0.6667,0.7083,0.0,0.348,0.5269,0.0155,0.0062,reg oper account,block of flats,0.4084,Panel,No,0.0,0.0,0.0,0.0,-3261.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2657485,337909,Consumer loans,15792.75,82980.0,82980.0,0.0,82980.0,SATURDAY,10,Y,1,0.0,,,XAP,Approved,-171,Cash through the bank,XAP,,Refreshed,Audio/Video,POS,XNA,Stone,20,Consumer electronics,6.0,middle,POS household with interest,365243.0,-138.0,12.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,0,112500.0,630000.0,34177.5,630000.0,Unaccompanied,Working,Higher education,Married,With parents,0.030755,-9212,-1658,-7473.0,-1706,,1,1,1,1,0,0,,2.0,2,2,MONDAY,13,0,0,0,0,0,0,Business Entity Type 2,,0.4789558409906696,0.5549467685334323,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1357.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2565089,147330,Consumer loans,2851.875,60340.5,60340.5,0.0,60340.5,MONDAY,17,Y,1,0.0,,,XAP,Approved,-1151,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,1000,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1120.0,-430.0,-730.0,-718.0,0.0,0,Cash loans,F,N,N,0,112500.0,675000.0,20596.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-23155,-401,-3555.0,-4600,,1,1,0,1,1,0,Cleaning staff,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Housing,,0.6442114754526893,0.746300213050371,0.1237,,0.995,,,0.12,0.1034,0.375,,0.0851,,0.1287,,0.0,0.1261,,0.995,,,0.1208,0.1034,0.375,,0.087,,0.1341,,0.0,0.1249,,0.995,,,0.12,0.1034,0.375,,0.0865,,0.131,,0.0,,block of flats,0.1012,Panel,No,4.0,1.0,4.0,0.0,-1.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,2.0 +2005196,251040,Cash loans,18742.275,274500.0,304213.5,,274500.0,TUESDAY,10,Y,1,,,,XNA,Refused,-378,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,Y,Y,0,270000.0,675000.0,41296.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.026392000000000002,-12267,-738,-4247.0,-4653,10.0,1,1,1,1,0,0,Drivers,1.0,2,2,TUESDAY,13,0,0,0,0,0,0,Transport: type 3,,0.5322772218118047,0.3656165070113335,0.2031,,0.994,,,0.2,0.1724,0.375,,,,0.2108,,0.0,0.2069,,0.994,,,0.2014,0.1724,0.375,,,,0.2196,,0.0,0.2051,,0.994,,,0.2,0.1724,0.375,,,,0.2146,,0.0,,block of flats,0.1658,Panel,No,2.0,1.0,2.0,1.0,-1460.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,2.0,4.0 +2270017,149343,Cash loans,12072.78,135000.0,152820.0,,135000.0,FRIDAY,12,Y,1,,,,XNA,Approved,-928,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,0,XNA,24.0,high,Cash Street: high,365243.0,-898.0,-208.0,-208.0,-205.0,1.0,1,Cash loans,F,N,N,2,117000.0,385164.0,21024.0,292500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-10560,-1111,-1548.0,-1545,,1,1,0,1,0,0,Cleaning staff,4.0,3,3,TUESDAY,11,0,0,0,1,1,0,Hotel,0.17762120550231075,0.3093578405468962,0.2721336844147212,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-267.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2538265,127910,Consumer loans,5881.68,36760.5,33084.0,3676.5,36760.5,SATURDAY,13,Y,1,0.10892242290699868,,,XAP,Approved,-549,XNA,XAP,,Repeater,Construction Materials,POS,XNA,Stone,20,Construction,6.0,low_normal,POS industry with interest,365243.0,-512.0,-362.0,-482.0,-478.0,0.0,0,Cash loans,F,N,Y,0,112500.0,359725.5,20214.0,297000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.030755,-22085,-2627,-5787.0,-4011,,1,1,0,1,0,0,High skill tech staff,1.0,2,2,TUESDAY,10,0,0,0,0,0,0,Transport: type 4,,0.5748722923126679,0.7700870700124128,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,0.0,-1407.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1079837,213713,Cash loans,9198.495,94500.0,126405.0,,94500.0,THURSDAY,13,Y,1,,,,XNA,Approved,-344,XNA,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-314.0,376.0,-164.0,-159.0,1.0,1,Cash loans,M,N,N,0,135000.0,314100.0,17167.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.00823,-10588,-2265,-695.0,-3270,,1,1,0,1,0,0,Drivers,1.0,2,2,FRIDAY,8,0,0,0,0,1,1,Self-employed,,0.5953754883558221,0.8128226070575616,0.0825,0.092,0.9826,,,,0.2069,0.1667,,,,,,,0.084,0.0955,0.9826,,,,0.2069,0.1667,,,,,,,0.0833,0.092,0.9826,,,,0.2069,0.1667,,,,,,,,block of flats,0.09,Panel,No,6.0,1.0,6.0,0.0,-2224.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1441882,111059,Cash loans,9165.825,67500.0,81864.0,,67500.0,FRIDAY,8,Y,1,,,,XNA,Approved,-1482,Non-cash from your account,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-1452.0,-1122.0,-1152.0,-1144.0,1.0,0,Cash loans,F,N,Y,1,76500.0,355536.0,18742.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-15524,-955,-720.0,-55,,1,1,0,1,1,0,,3.0,2,2,WEDNESDAY,11,0,0,0,0,1,1,Business Entity Type 1,0.6061502631624591,0.2575934077239959,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-397.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2446535,398128,Cash loans,21119.175,184500.0,196677.0,0.0,184500.0,THURSDAY,17,Y,1,0.0,,,XNA,Approved,-2451,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,middle,Cash Street: middle,365243.0,-2414.0,-2084.0,-2114.0,-2112.0,1.0,0,Cash loans,F,N,Y,0,81000.0,152820.0,14886.0,135000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.04622,-19894,-3947,-11175.0,-2982,,1,1,1,1,0,0,High skill tech staff,2.0,1,1,FRIDAY,11,0,0,0,0,1,1,Business Entity Type 3,,0.6843878304678221,,0.0186,,0.9846,,,0.0,0.1034,0.0417,,0.0,,0.0169,,0.0,0.0189,,0.9846,,,0.0,0.1034,0.0417,,0.0,,0.0177,,0.0,0.0187,,0.9846,,,0.0,0.1034,0.0417,,0.0,,0.0173,,0.0,,,0.015,,No,0.0,0.0,0.0,0.0,-1492.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1131047,205978,Cash loans,16591.5,135000.0,135000.0,,135000.0,THURSDAY,18,Y,1,,,,XNA,Approved,-2627,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,10.0,middle,Cash Street: middle,365243.0,-2597.0,-2327.0,-2327.0,-2316.0,0.0,0,Cash loans,M,Y,Y,0,157500.0,268659.0,15552.0,243000.0,Unaccompanied,State servant,Secondary / secondary special,Widow,House / apartment,0.007273999999999998,-19336,-2008,-10186.0,-2896,24.0,1,1,0,1,0,0,Security staff,1.0,2,2,SATURDAY,10,0,0,0,0,0,0,Security,,0.14147872574426312,0.6296742509538716,0.0804,0.0976,0.9831,0.7688,,0.0,0.2069,0.1667,,0.0563,0.0656,0.0442,0.0,0.0,0.0819,0.1013,0.9831,0.7779,,0.0,0.2069,0.1667,,0.0576,0.0716,0.0461,0.0,0.0,0.0812,0.0976,0.9831,0.7719,,0.0,0.2069,0.1667,,0.0573,0.0667,0.045,0.0,0.0,reg oper account,block of flats,0.0587,"Stone, brick",No,0.0,0.0,0.0,0.0,-718.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1614936,263165,Consumer loans,5523.075,35014.5,27301.5,9000.0,35014.5,THURSDAY,14,Y,1,0.2700113819489052,,,XAP,Approved,-1410,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Stone,12,Connectivity,6.0,high,POS mobile with interest,365243.0,-1345.0,-1195.0,-1195.0,-1190.0,0.0,0,Cash loans,F,Y,Y,0,270000.0,1078200.0,31522.5,900000.0,Unaccompanied,Working,Higher education,Widow,House / apartment,0.035792000000000004,-21887,-6420,-8544.0,-4883,2.0,1,1,0,1,1,0,Managers,1.0,2,2,SUNDAY,12,0,0,0,0,0,0,Self-employed,0.8197771480754233,0.7665959022870554,0.646329897706246,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,0.0,-1521.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2059700,377590,Cash loans,22091.04,450000.0,521383.5,,450000.0,WEDNESDAY,13,Y,1,,,,XNA,Refused,-297,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,270000.0,866916.0,28093.5,621000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0228,-17866,-1199,-424.0,-1405,,1,1,0,1,0,0,Managers,2.0,2,2,SATURDAY,16,0,0,0,0,0,0,Industry: type 1,0.7089485062120242,0.5103929548975317,0.1556893746835917,0.1227,0.1235,0.9821,0.7552,0.016,0.0,0.2759,0.1667,0.2083,0.041,0.1,0.1066,0.0,0.0,0.125,0.1282,0.9821,0.7648,0.0161,0.0,0.2759,0.1667,0.2083,0.0419,0.1093,0.111,0.0,0.0,0.1239,0.1235,0.9821,0.7585,0.0161,0.0,0.2759,0.1667,0.2083,0.0417,0.1018,0.1085,0.0,0.0,org spec account,block of flats,0.0926,Panel,No,4.0,0.0,4.0,0.0,-756.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1965729,129593,Cash loans,13495.365,157500.0,207270.0,,157500.0,THURSDAY,14,Y,1,,,,Repairs,Refused,-251,Cash through the bank,SCOFR,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,Y,Y,0,135000.0,107820.0,8595.0,90000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-16278,-671,-1280.0,-4094,4.0,1,1,0,1,0,0,Cooking staff,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,School,,0.4752734340079517,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-251.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1216679,335989,Cash loans,14354.415,135000.0,171414.0,,135000.0,THURSDAY,13,Y,1,,,,Other,Approved,-844,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-814.0,-304.0,-754.0,-750.0,1.0,0,Cash loans,M,N,Y,0,270000.0,263686.5,29952.0,238500.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.025164,-13173,-394,-193.0,-3240,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Construction,,0.03421248718815415,0.2650494299443805,0.0722,0.0465,0.9717,0.6124,0.0319,0.0,0.2069,0.1667,0.2083,0.0536,0.058,0.0893,0.0039,0.0069,0.0735,0.0482,0.9717,0.6276,0.0322,0.0,0.2069,0.1667,0.2083,0.0548,0.0634,0.093,0.0039,0.0073,0.0729,0.0465,0.9717,0.6176,0.0321,0.0,0.2069,0.1667,0.2083,0.0545,0.059,0.0909,0.0039,0.006999999999999999,reg oper account,block of flats,0.0873,Block,No,2.0,1.0,2.0,1.0,-131.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,2.0,0.0,0.0,0.0,0.0,1.0 +1464466,339301,Consumer loans,14248.71,145647.0,158143.5,0.0,145647.0,MONDAY,12,Y,1,0.0,,,XAP,Approved,-817,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,500,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-786.0,-456.0,-666.0,-656.0,0.0,0,Cash loans,F,Y,Y,1,130500.0,1219500.0,35658.0,1219500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.00963,-17073,-8223,-11092.0,-561,2.0,1,1,0,1,0,0,Medicine staff,3.0,2,2,SATURDAY,14,0,0,0,0,0,0,Medicine,,0.3997857852853466,0.33285056416487313,0.0144,,0.9687,,,0.0,0.1034,0.0417,,0.0523,,0.0164,,0.0,0.0147,,0.9687,,,0.0,0.1034,0.0417,,0.0535,,0.017,,0.0,0.0146,,0.9687,,,0.0,0.1034,0.0417,,0.0532,,0.0166,,0.0,,block of flats,0.0129,Block,No,3.0,0.0,3.0,0.0,-215.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1065210,419577,Consumer loans,4197.285,29065.5,31464.0,0.0,29065.5,TUESDAY,16,Y,1,0.0,,,XAP,Approved,-2762,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,25,Connectivity,10.0,high,POS mobile with interest,365243.0,-2731.0,-2461.0,-2551.0,-2547.0,1.0,0,Cash loans,F,N,Y,0,112500.0,545040.0,26640.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-14960,-78,-2026.0,-1636,,1,1,0,1,0,0,Sales staff,2.0,2,1,SATURDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.6588952236317969,0.1997705696341145,0.1113,0.0831,0.9935,0.9116,0.067,0.08,0.0345,0.3333,0.375,0.0526,0.0908,0.0916,0.0,0.0,0.1134,0.0862,0.9935,0.9151,0.0676,0.0806,0.0345,0.3333,0.375,0.0538,0.0992,0.0955,0.0,0.0,0.1124,0.0831,0.9935,0.9128,0.0674,0.08,0.0345,0.3333,0.375,0.0535,0.0923,0.0933,0.0,0.0,reg oper account,block of flats,0.0992,Panel,No,0.0,0.0,0.0,0.0,-1690.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1334558,393427,Cash loans,16056.81,202500.0,222547.5,,202500.0,SUNDAY,9,Y,1,,,,XNA,Approved,-729,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-699.0,-189.0,-189.0,-183.0,1.0,0,Cash loans,F,N,Y,0,157500.0,254700.0,24939.0,225000.0,Unaccompanied,Pensioner,Higher education,Widow,House / apartment,0.020713,-24397,365243,-383.0,-3518,,1,0,0,1,0,0,,1.0,3,1,MONDAY,11,0,0,0,0,0,0,XNA,,0.6160271197421764,0.7981372313187245,0.0608,0.0,0.9767,,,0.0,0.1207,0.1667,,0.0299,,0.051,,0.0351,0.0567,0.0,0.9767,,,0.0,0.1034,0.1667,,0.027000000000000003,,0.0477,,0.0191,0.0614,0.0,0.9767,,,0.0,0.1207,0.1667,,0.0304,,0.0519,,0.0359,,block of flats,0.0399,"Stone, brick",No,1.0,1.0,1.0,0.0,-1624.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +1508214,322340,Revolving loans,3375.0,67500.0,67500.0,,67500.0,TUESDAY,18,Y,1,,,,XAP,Refused,-486,XNA,SCOFR,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,1,Cash loans,F,N,Y,0,202500.0,1082214.0,31770.0,945000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.010643000000000001,-21551,-612,-308.0,-4410,,1,1,0,1,0,0,Medicine staff,1.0,2,2,FRIDAY,12,0,0,0,0,0,0,Medicine,,0.6185791151269217,0.1766525794312139,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1099.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1109346,443138,Cash loans,23371.875,184500.0,222462.0,,184500.0,FRIDAY,7,Y,1,,,,XNA,Approved,-889,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,157500.0,225000.0,23184.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-19408,-1918,-5288.0,-2906,,1,1,0,1,0,0,Sales staff,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,Self-employed,0.3280955565091916,0.3491243267843045,0.3606125659189888,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-907.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2203798,408379,Cash loans,9175.995,45000.0,46485.0,,45000.0,SATURDAY,14,Y,1,,,,XNA,Approved,-464,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Country-wide,32,Connectivity,6.0,high,Cash X-Sell: high,365243.0,-434.0,-284.0,-284.0,365243.0,1.0,0,Cash loans,M,N,N,0,135000.0,275040.0,13374.0,180000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.006233,-21852,365243,-878.0,-4825,,1,0,0,1,1,0,,1.0,2,2,SUNDAY,12,0,0,0,0,0,0,XNA,,0.4815649381984515,0.5989262182569273,0.0711,0.0846,0.9781,,,,0.1379,0.1667,,0.0,,0.0664,,0.0043,0.0725,0.0878,0.9782,,,,0.1379,0.1667,,0.0,,0.0691,,0.0046,0.0718,0.0846,0.9781,,,,0.1379,0.1667,,0.0,,0.0676,,0.0044,,block of flats,0.0531,"Stone, brick",No,2.0,1.0,2.0,1.0,-151.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1323581,286775,Cash loans,25004.655,405000.0,479844.0,,405000.0,TUESDAY,7,Y,1,,,,XNA,Refused,-523,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,Y,2,225000.0,545040.0,34960.5,450000.0,"Spouse, partner",Commercial associate,Higher education,Married,House / apartment,0.018801,-11729,-1153,-389.0,-3289,,1,1,0,1,0,0,Managers,4.0,2,2,SUNDAY,11,0,0,0,0,0,0,Other,0.5422870196199263,0.6644074319348852,0.5352762504724826,0.5186,0.0513,0.9995,0.9864,0.1666,0.24,0.1034,0.6667,0.7083,0.091,0.4169,0.2413,0.027000000000000003,0.0383,0.5284,0.0532,0.9995,0.9869,0.1681,0.2417,0.1034,0.6667,0.7083,0.0931,0.4555,0.2515,0.0272,0.0405,0.5236,0.0513,0.9995,0.9866,0.1677,0.24,0.1034,0.6667,0.7083,0.0926,0.4241,0.2457,0.0272,0.0391,reg oper account,block of flats,0.2885,Mixed,No,2.0,1.0,2.0,0.0,-1672.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1743064,103033,Consumer loans,5234.67,53955.0,44725.5,13500.0,53955.0,THURSDAY,10,Y,1,0.25251354256686964,,,XAP,Approved,-585,XNA,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,40,Connectivity,12.0,high,POS mobile with interest,365243.0,-553.0,-223.0,-253.0,-246.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,900000.0,26316.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.001276,-13893,-1138,-2076.0,-1060,20.0,1,1,0,1,0,0,Managers,2.0,2,2,MONDAY,7,0,0,0,0,0,0,Transport: type 4,,0.6354939938767754,0.7517237147741489,0.0672,0.0498,0.9871,0.8232,0.0104,0.0,0.1034,0.1733,0.2167,0.0356,0.0625,0.039,0.0008,0.035,0.0641,0.0643,0.9871,0.8367,0.009000000000000001,0.0,0.069,0.1667,0.2083,0.0205,0.056,0.0302,0.0,0.0,0.0635,0.054000000000000006,0.9871,0.8323,0.009000000000000001,0.0,0.1034,0.1667,0.2083,0.029,0.0522,0.037000000000000005,0.0,0.0225,reg oper account,block of flats,0.0366,Panel,No,9.0,0.0,9.0,0.0,-1853.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,1.0,0.0,3.0 +1865982,265240,Cash loans,13155.75,225000.0,225000.0,,225000.0,SUNDAY,12,Y,1,,,,XNA,Approved,-1352,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-1321.0,-631.0,-661.0,-659.0,0.0,0,Cash loans,M,Y,N,0,202500.0,450000.0,18328.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.009334,-12388,-4671,-6480.0,-4833,1.0,1,1,1,1,0,0,Laborers,2.0,2,2,MONDAY,9,0,0,0,0,0,0,Trade: type 2,,0.5696159316737935,0.4632753280912678,0.0082,0.0,0.9583,0.4288,0.0011,0.0,0.069,0.0417,0.0833,0.0063,0.0067,0.0097,0.0,0.0,0.0084,0.0,0.9583,0.4512,0.0011,0.0,0.069,0.0417,0.0833,0.0064,0.0073,0.0101,0.0,0.0,0.0083,0.0,0.9583,0.4364,0.0011,0.0,0.069,0.0417,0.0833,0.0064,0.0068,0.0099,0.0,0.0,reg oper account,block of flats,0.0083,Wooden,Yes,9.0,0.0,9.0,0.0,-1351.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,3.0 +1261376,261517,Cash loans,9662.85,225000.0,225000.0,,225000.0,WEDNESDAY,12,Y,1,,,,Repairs,Approved,-1689,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,low_normal,Cash Street: low,365243.0,-1653.0,-603.0,-1203.0,-1195.0,0.0,0,Cash loans,F,N,Y,1,180000.0,794173.5,33777.0,697500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.031329,-15502,-3167,-2863.0,-2958,,1,1,0,1,0,0,Core staff,3.0,2,2,FRIDAY,11,0,0,0,0,0,0,Kindergarten,0.5279440950643578,0.5109066099016824,0.6397075677637197,0.066,0.0628,0.9737,,,0.0,0.1379,0.125,,,,0.0496,,0.0651,0.0672,0.0652,0.9737,,,0.0,0.1379,0.125,,,,0.0517,,0.0689,0.0666,0.0628,0.9737,,,0.0,0.1379,0.125,,,,0.0505,,0.0664,,block of flats,0.0528,Block,No,2.0,1.0,2.0,1.0,-1689.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2486723,107181,Consumer loans,3375.675,31186.8,30384.0,3120.3,31186.8,SATURDAY,10,Y,1,0.10142848421355956,,,XAP,Approved,-2446,XNA,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Stone,259,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2408.0,-2138.0,-2138.0,-2130.0,1.0,0,Cash loans,F,N,Y,0,67500.0,171900.0,6610.5,112500.0,Children,Working,Secondary / secondary special,Civil marriage,House / apartment,0.010966,-15693,-606,-3393.0,-4315,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,11,0,0,0,1,1,1,Business Entity Type 3,,0.20357246321933267,0.25259869783397665,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,4.0 +2095688,180801,Consumer loans,5885.82,32589.0,29326.5,3262.5,32589.0,TUESDAY,15,Y,1,0.10902939921166928,,,XAP,Approved,-2601,Cash through the bank,XAP,Other_A,Repeater,Mobile,POS,XNA,Stone,15,Connectivity,6.0,high,POS mobile with interest,365243.0,-2561.0,-2411.0,-2411.0,-2379.0,0.0,0,Cash loans,F,N,Y,0,33750.0,47970.0,4801.5,45000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.018209,-19517,365243,-8614.0,-3041,,1,0,0,1,0,0,,2.0,3,3,SATURDAY,12,0,0,0,0,0,0,XNA,,0.5158068764797473,0.807273923277881,0.0165,0.0,0.9806,0.7348,0.0017,0.0,0.069,0.0417,0.0833,0.0433,0.0134,0.0132,0.0,0.0,0.0168,0.0,0.9806,0.7452,0.0017,0.0,0.069,0.0417,0.0833,0.0443,0.0147,0.0137,0.0,0.0,0.0167,0.0,0.9806,0.7383,0.0017,0.0,0.069,0.0417,0.0833,0.044,0.0137,0.0134,0.0,0.0,reg oper account,block of flats,0.0113,Panel,No,0.0,0.0,0.0,0.0,-273.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2823888,196692,Cash loans,27295.605,540000.0,604152.0,,540000.0,FRIDAY,9,Y,1,,,,XNA,Refused,-1213,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),-1,XNA,36.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,Y,Y,0,135000.0,513531.0,27985.5,459000.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.018029,-21756,365243,-9235.0,-4350,10.0,1,0,0,1,0,0,,2.0,3,3,SUNDAY,11,0,0,0,0,0,0,XNA,,0.534356300518794,,0.1546,0.2032,0.9871,0.8232,0.0313,0.0,0.2759,0.1667,0.0417,,,0.1587,,0.0,0.1576,0.2108,0.9871,0.8301,0.0316,0.0,0.2759,0.1667,0.0417,,,0.1654,,0.0,0.1561,0.2032,0.9871,0.8256,0.0315,0.0,0.2759,0.1667,0.0417,,,0.1616,,0.0,,block of flats,0.142,Panel,No,8.0,1.0,8.0,1.0,-1933.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1971763,198707,Cash loans,52788.78,1125000.0,1255680.0,,1125000.0,MONDAY,19,Y,1,,,,Repairs,Refused,-508,XNA,LIMIT,,Repeater,XNA,Cash,walk-in,Contact center,-1,XNA,48.0,middle,Cash Street: middle,,,,,,,1,Revolving loans,M,Y,Y,1,157500.0,270000.0,13500.0,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.030755,-17169,-1556,-1400.0,-674,12.0,1,1,0,1,0,0,Managers,3.0,2,2,FRIDAY,14,0,0,0,0,1,1,Self-employed,,0.10926890384218267,0.0576392903477425,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-596.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2492066,397580,Cash loans,22414.05,450000.0,533160.0,,450000.0,THURSDAY,15,Y,1,,,,Repairs,Approved,-767,XNA,XAP,,New,XNA,Cash,walk-in,Contact center,-1,XNA,48.0,middle,Cash Street: middle,,,,,,,0,Cash loans,M,N,Y,0,225000.0,625536.0,34065.0,540000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00963,-19818,-1266,-1519.0,-2600,,1,1,0,1,0,0,Drivers,2.0,2,2,MONDAY,10,0,0,0,0,1,1,Business Entity Type 3,,0.4547128359072316,0.16146308000577247,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-767.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1154414,270003,Consumer loans,8009.865,78165.0,79290.0,0.0,78165.0,THURSDAY,14,Y,1,0.0,,,XAP,Approved,-103,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Stone,20,Clothing,12.0,middle,POS industry with interest,365243.0,-72.0,258.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,166500.0,922500.0,27103.5,922500.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.015221,-21175,365243,-3758.0,-4472,11.0,1,0,0,1,0,0,,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,0.9107050975523676,0.19421511211361847,0.6430255641096323,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1793828,326713,Cash loans,8981.82,45000.0,46485.0,0.0,45000.0,WEDNESDAY,14,Y,1,0.0,,,XNA,Approved,-2318,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,100,XNA,6.0,high,Cash Street: high,365243.0,-2288.0,-2138.0,-2138.0,-2125.0,1.0,0,Cash loans,M,N,Y,0,315000.0,1428408.0,76225.5,1350000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.032561,-11234,-743,-5462.0,-3841,,1,1,0,1,0,1,Core staff,2.0,1,1,THURSDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.6769112034760655,0.6817058776720116,0.0258,0.0,0.9513,,,0.08,0.2414,0.25,,,,0.0497,,0.3393,0.0263,0.0,0.9513,,,0.0806,0.2414,0.25,,,,0.0518,,0.3592,0.026,0.0,0.9513,,,0.08,0.2414,0.25,,,,0.0506,,0.3464,,block of flats,0.1129,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2364855,422466,Cash loans,15895.35,373500.0,442521.0,,373500.0,WEDNESDAY,15,Y,1,,,,XNA,Refused,-282,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,135000.0,990432.0,32733.0,855000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.0031219999999999998,-20109,365243,-2858.0,-939,,1,0,0,1,0,0,,2.0,3,3,FRIDAY,17,0,0,0,0,0,0,XNA,,0.6938365970773501,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-788.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1167270,301196,Cash loans,39428.37,1125000.0,1255680.0,,1125000.0,TUESDAY,16,Y,1,,,,Repairs,Refused,-250,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,Y,Y,2,315000.0,1078200.0,38331.0,900000.0,"Spouse, partner",State servant,Higher education,Married,Rented apartment,0.0105,-12034,-2423,-4160.0,-4218,1.0,1,1,0,1,0,1,Core staff,4.0,3,3,SUNDAY,14,0,0,0,0,0,0,Kindergarten,0.4766966631790236,0.5762558779256433,0.04926257783871888,,,0.9841,,,,,,,,,0.0636,,,,,0.9841,,,,,,,,,0.0663,,,,,0.9841,,,,,,,,,0.0648,,,,,0.05,,No,1.0,0.0,1.0,0.0,-499.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1132945,419562,Consumer loans,2716.2,24439.5,13500.0,10939.5,24439.5,WEDNESDAY,18,Y,1,0.487494015835021,,,XAP,Approved,-1164,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,140,Consumer electronics,6.0,high,POS household with interest,365243.0,-1133.0,-983.0,-983.0,-978.0,0.0,0,Cash loans,F,N,Y,0,81000.0,98910.0,7011.0,90000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.009549,-18956,-379,-17039.0,-2514,,1,1,0,1,0,0,Cleaning staff,2.0,2,2,FRIDAY,18,0,0,0,0,0,0,Business Entity Type 3,,0.3359617146431051,,0.0825,0.079,0.9757,,,,0.1379,0.1667,,0.059,,0.0711,,,0.084,0.08199999999999999,0.9757,,,,0.1379,0.1667,,0.0604,,0.0741,,,0.0833,0.079,0.9757,,,,0.1379,0.1667,,0.0601,,0.0724,,,,block of flats,0.0559,Panel,No,1.0,0.0,1.0,0.0,-654.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1597105,415661,Cash loans,39537.27,450000.0,546178.5,,450000.0,SUNDAY,10,Y,1,,,,XNA,Approved,-535,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,30,Connectivity,18.0,middle,Cash X-Sell: middle,365243.0,-505.0,5.0,-25.0,-17.0,1.0,0,Cash loans,F,N,Y,3,144000.0,981162.0,28818.0,819000.0,Family,State servant,Secondary / secondary special,Married,House / apartment,0.020713,-16647,-2844,-5947.0,-186,,1,1,0,1,0,0,Medicine staff,5.0,3,3,WEDNESDAY,10,0,0,0,0,0,0,Other,,0.5010679265512074,0.5656079814115492,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-717.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +2110083,174431,Consumer loans,16883.685,152325.0,143325.0,9000.0,152325.0,MONDAY,11,Y,1,0.06434805962132402,,,XAP,Approved,-1212,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Stone,350,Furniture,10.0,middle,POS industry with interest,365243.0,-1177.0,-907.0,-907.0,-905.0,0.0,0,Cash loans,F,N,Y,0,67500.0,254700.0,14350.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.032561,-24177,365243,-8201.0,-4312,,1,0,0,1,1,0,,2.0,1,1,TUESDAY,14,0,0,0,0,0,0,XNA,,0.7387502503052581,0.5884877883422673,0.1845,0.1216,0.9841,,,0.2,0.1724,0.3333,,,,0.1792,,0.0209,0.188,0.1262,0.9841,,,0.2014,0.1724,0.3333,,,,0.1867,,0.0221,0.1863,0.1216,0.9841,,,0.2,0.1724,0.3333,,,,0.1824,,0.0213,,block of flats,0.1454,Panel,No,0.0,0.0,0.0,0.0,-1413.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,4.0 +1311618,314765,Consumer loans,13967.145,67365.0,72702.0,0.0,67365.0,SUNDAY,9,Y,1,0.0,,,XAP,Approved,-79,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,91,Consumer electronics,6.0,middle,POS household with interest,365243.0,-49.0,101.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,1,270000.0,1006920.0,51543.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.020713,-13563,-5587,-3045.0,-4311,,1,1,1,1,0,0,,3.0,3,1,TUESDAY,9,0,0,0,0,0,0,Industry: type 11,0.8848948235364935,0.4070695588385731,0.6313545365850379,0.0835,0.0805,0.9776,0.6940000000000001,0.0077,0.0,0.1379,0.1667,0.0,0.0524,0.0672,0.0705,0.0039,0.0012,0.0851,0.0835,0.9777,0.706,0.0078,0.0,0.1379,0.1667,0.0,0.0536,0.0735,0.0735,0.0039,0.0013,0.0843,0.0805,0.9776,0.6981,0.0078,0.0,0.1379,0.1667,0.0,0.0533,0.0684,0.0718,0.0039,0.0012,reg oper account,block of flats,0.06,Panel,No,2.0,0.0,2.0,0.0,-2632.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2299493,406034,Consumer loans,9215.37,83700.0,83700.0,0.0,83700.0,THURSDAY,12,Y,1,0.0,,,XAP,Approved,-863,XNA,XAP,,Repeater,Furniture,POS,XNA,Stone,661,Furniture,10.0,low_normal,POS industry with interest,365243.0,-832.0,-562.0,-562.0,-559.0,0.0,0,Cash loans,F,Y,Y,0,292500.0,810000.0,23814.0,810000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.019688999999999998,-13122,-3687,-3876.0,-4013,3.0,1,1,0,1,0,0,Core staff,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Security Ministries,0.8581038607989572,0.5028774388504921,0.34090642641523844,0.0546,,0.9826,,,,0.1034,0.1667,,,,0.046,,,0.0557,,0.9826,,,,0.1034,0.1667,,,,0.0479,,,0.0552,,0.9826,,,,0.1034,0.1667,,,,0.0468,,,,block of flats,0.0374,"Stone, brick",No,2.0,0.0,2.0,0.0,-2587.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2168653,426989,Cash loans,12891.33,67500.0,69727.5,,67500.0,THURSDAY,12,Y,1,,,,XNA,Approved,-160,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-130.0,20.0,-130.0,-122.0,1.0,0,Cash loans,F,N,Y,0,202500.0,1080000.0,35824.5,1080000.0,Family,Working,Higher education,Civil marriage,House / apartment,0.025164,-14604,-199,-2448.0,-4382,,1,1,0,1,0,0,Managers,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Self-employed,,0.08637535901896644,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,1.0,-160.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1976259,193175,Consumer loans,8630.55,120591.0,132606.0,12150.0,120591.0,FRIDAY,9,Y,1,0.0914121317627908,,,XAP,Approved,-1134,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,3000,Consumer electronics,24.0,middle,POS household with interest,365243.0,-1103.0,-413.0,-653.0,-649.0,0.0,0,Cash loans,M,Y,Y,2,166500.0,284400.0,22599.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009175,-13332,-3861,-2376.0,-3494,6.0,1,1,0,1,0,1,Laborers,4.0,2,2,FRIDAY,10,0,1,1,0,1,1,Industry: type 9,0.5363265495716337,0.7539318324320676,0.18411615593071512,0.1629,,0.9955,,,0.16,0.1379,0.375,,,,0.1489,,,0.166,,0.9955,,,0.1611,0.1379,0.375,,,,0.1551,,,0.1645,,0.9955,,,0.16,0.1379,0.375,,,,0.1515,,,,block of flats,0.1335,"Stone, brick",No,0.0,0.0,0.0,0.0,-1317.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1730001,347644,Consumer loans,9837.27,67563.0,51034.5,20272.5,67563.0,TUESDAY,14,Y,1,0.3096273220657922,,,XAP,Approved,-74,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,1000,Consumer electronics,6.0,middle,POS household without interest,365243.0,-42.0,108.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,3,157500.0,454500.0,21996.0,454500.0,Family,Working,Higher education,Married,House / apartment,0.026392000000000002,-14274,-230,-156.0,-4182,,1,1,0,1,0,0,Accountants,5.0,2,2,SATURDAY,12,0,0,0,0,0,0,Construction,,0.5337196380661132,0.6347055309763198,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2029377,127182,Consumer loans,10199.79,90900.0,99900.0,0.0,90900.0,THURSDAY,16,Y,1,0.0,,,XAP,Approved,-2210,Cash through the bank,XAP,Unaccompanied,New,Furniture,POS,XNA,Stone,30,Furniture,12.0,middle,POS industry with interest,365243.0,-2173.0,-1843.0,-1843.0,-1836.0,0.0,0,Cash loans,F,N,Y,0,126000.0,215640.0,11826.0,180000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.030755,-24246,365243,-5779.0,-5796,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,XNA,,0.5673146122008357,0.4382813743111921,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1759.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1530912,291624,Consumer loans,6354.0,116451.0,141043.5,0.0,116451.0,FRIDAY,18,Y,1,0.0,,,XAP,Approved,-699,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,939,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-668.0,22.0,-128.0,-123.0,0.0,0,Cash loans,F,N,Y,0,76500.0,71955.0,7006.5,67500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-21201,365243,-5673.0,-4138,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,XNA,,0.4738012012831454,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-699.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2276858,183755,Consumer loans,9666.72,97042.5,107289.0,0.0,97042.5,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-1063,XNA,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,1500,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-1032.0,-702.0,-702.0,-697.0,0.0,0,Cash loans,M,N,N,0,157500.0,654498.0,49063.5,585000.0,Other_B,State servant,Higher education,Single / not married,Office apartment,0.014464,-10230,-1080,-3490.0,-2893,,1,1,0,1,0,0,Laborers,1.0,2,2,FRIDAY,6,0,0,0,0,0,0,Trade: type 7,,0.10091684040322407,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1906265,274572,Consumer loans,10747.35,134329.5,94027.5,40302.0,134329.5,FRIDAY,10,Y,1,0.3267528116920096,,,XAP,Approved,-2276,XNA,XAP,"Spouse, partner",New,Construction Materials,POS,XNA,Stone,1,Construction,10.0,middle,POS industry with interest,365243.0,-2221.0,-1951.0,-1951.0,-1945.0,0.0,0,Cash loans,M,Y,Y,0,202500.0,472500.0,46161.0,454500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010006000000000001,-23006,-7096,-8030.0,-5345,4.0,1,1,1,1,0,0,Laborers,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,Housing,,0.669318833369167,0.6940926425266661,0.1485,,0.9871,,,0.16,0.1379,0.3333,,,,,,,0.1513,,0.9871,,,0.1611,0.1379,0.3333,,,,,,,0.1499,,0.9871,,,0.16,0.1379,0.3333,,,,,,,,block of flats,0.1942,Panel,No,2.0,2.0,2.0,0.0,-2276.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,1.0,0.0,0.0,0.0,0.0 +1507010,360990,Revolving loans,6750.0,135000.0,135000.0,,135000.0,SATURDAY,13,Y,1,,,,XAP,Refused,-647,XNA,SCOFR,,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),4,XNA,0.0,XNA,Card Street,,,,,,,1,Revolving loans,M,N,Y,0,180000.0,225000.0,11250.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.035792000000000004,-14706,-279,-1071.0,-3249,,1,1,0,1,0,0,Drivers,1.0,2,2,TUESDAY,16,0,0,0,0,0,0,Self-employed,0.4082821543233791,0.47897221264743606,,0.1031,0.081,0.9801,,,0.0,0.2069,0.1667,,0.0709,,0.0843,,,0.105,0.0841,0.9801,,,0.0,0.2069,0.1667,,0.0725,,0.0878,,,0.1041,0.081,0.9801,,,0.0,0.2069,0.1667,,0.0721,,0.0858,,,,block of flats,0.087,Panel,No,1.0,1.0,1.0,1.0,-1040.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1524784,321501,Cash loans,5874.66,49500.0,49500.0,,49500.0,TUESDAY,13,Y,1,,,,Other,Refused,-406,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,,,,,,,1,Cash loans,F,N,Y,0,112500.0,194076.0,8676.0,162000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.008473999999999999,-22113,365243,-9645.0,-4289,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,,0.3454117181903106,0.2650494299443805,0.0701,0.0851,0.9811,,,0.0,0.1379,0.1667,,,,0.0657,,0.0189,0.0714,0.0883,0.9811,,,0.0,0.1379,0.1667,,,,0.0684,,0.02,0.0708,0.0851,0.9811,,,0.0,0.1379,0.1667,,,,0.0669,,0.0193,,block of flats,0.0517,"Stone, brick",No,0.0,0.0,0.0,0.0,-670.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +2467957,407016,Consumer loans,7424.82,34200.0,36414.0,3420.0,34200.0,WEDNESDAY,11,Y,1,0.09350531980446118,,,XAP,Approved,-1896,XNA,XAP,,New,Mobile,POS,XNA,Stone,41,Connectivity,6.0,high,POS mobile with interest,365243.0,-1858.0,-1708.0,-1738.0,-1731.0,0.0,0,Cash loans,F,N,Y,2,41332.5,242595.0,11799.0,202500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-21594,365243,-7078.0,-5132,,1,0,0,1,0,0,,4.0,2,2,TUESDAY,14,0,0,0,0,0,0,XNA,,0.13011825057281026,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,1.0,5.0,0.0,-1.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1169130,190408,Cash loans,42412.5,607500.0,607500.0,,607500.0,THURSDAY,17,Y,1,,,,XNA,Approved,-1082,Non-cash from your account,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-1052.0,-542.0,-932.0,-925.0,0.0,0,Cash loans,F,Y,Y,0,225000.0,1057500.0,34114.5,1057500.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.072508,-21349,365243,-553.0,-1470,1.0,1,0,0,1,1,1,,1.0,1,1,MONDAY,13,1,0,0,0,0,0,XNA,,0.6764758434616989,0.6195277080511546,0.2206,0.0,0.9955,0.9388,0.0,0.2,0.0345,1.0,1.0,0.0,0.1799,0.3059,0.0,0.3552,0.2248,0.0,0.9955,0.9412,0.0,0.2014,0.0345,1.0,1.0,0.0,0.1965,0.3187,0.0,0.376,0.2228,0.0,0.9955,0.9396,0.0,0.2,0.0345,1.0,1.0,0.0,0.183,0.3114,0.0,0.3626,reg oper spec account,block of flats,0.3178,Panel,No,0.0,0.0,0.0,0.0,-335.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2383401,347419,Consumer loans,18103.41,129361.5,95031.0,38812.5,129361.5,TUESDAY,10,Y,1,0.31581915378102704,,,XAP,Approved,-2074,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Stone,150,Consumer electronics,6.0,middle,POS household with interest,365243.0,-2043.0,-1893.0,-1893.0,-1887.0,0.0,0,Cash loans,F,N,Y,0,112500.0,1185282.0,34785.0,1035000.0,"Spouse, partner",Working,Secondary / secondary special,Civil marriage,House / apartment,0.008865999999999999,-18727,-300,-5252.0,-2215,,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,12,0,0,0,1,0,1,Self-employed,,0.6469483494970222,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0745,,No,1.0,1.0,1.0,1.0,-2074.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1371660,317481,Consumer loans,6650.415,77481.0,60916.5,23247.0,77481.0,THURSDAY,13,Y,1,0.3008203837012049,,,XAP,Refused,-404,Cash through the bank,LIMIT,,Repeater,Mobile,POS,XNA,Country-wide,31,Connectivity,14.0,high,POS mobile with interest,,,,,,,0,Cash loans,M,N,Y,0,67500.0,95940.0,11385.0,90000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.015221,-9319,-1431,-4071.0,-1989,,1,1,1,1,1,0,Laborers,1.0,2,2,TUESDAY,13,0,0,0,0,0,0,Business Entity Type 2,0.4768620465512889,0.4800473819909482,,,,0.9861,,,,,,,,,0.0165,,,,,0.9861,,,,,,,,,0.0172,,,,,0.9861,,,,,,,,,0.0168,,,,,0.013,,No,1.0,0.0,1.0,0.0,-669.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2450548,190408,Cash loans,35624.7,562500.0,607050.0,,562500.0,SATURDAY,9,Y,1,,,,XNA,Approved,-541,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-511.0,179.0,-451.0,-449.0,1.0,0,Cash loans,F,Y,Y,0,225000.0,1057500.0,34114.5,1057500.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.072508,-21349,365243,-553.0,-1470,1.0,1,0,0,1,1,1,,1.0,1,1,MONDAY,13,1,0,0,0,0,0,XNA,,0.6764758434616989,0.6195277080511546,0.2206,0.0,0.9955,0.9388,0.0,0.2,0.0345,1.0,1.0,0.0,0.1799,0.3059,0.0,0.3552,0.2248,0.0,0.9955,0.9412,0.0,0.2014,0.0345,1.0,1.0,0.0,0.1965,0.3187,0.0,0.376,0.2228,0.0,0.9955,0.9396,0.0,0.2,0.0345,1.0,1.0,0.0,0.183,0.3114,0.0,0.3626,reg oper spec account,block of flats,0.3178,Panel,No,0.0,0.0,0.0,0.0,-335.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1936958,294238,Consumer loans,9004.365,87700.5,86490.0,9000.0,87700.5,SATURDAY,17,Y,1,0.10264758803872846,,,XAP,Approved,-1285,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,951,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1254.0,-924.0,-924.0,-920.0,0.0,0,Cash loans,M,N,N,1,202500.0,1125000.0,33025.5,1125000.0,Unaccompanied,Commercial associate,Higher education,Married,Co-op apartment,0.009334,-16277,-504,-2339.0,-4652,,1,1,0,1,0,0,Laborers,3.0,2,2,WEDNESDAY,18,0,0,0,0,0,0,Business Entity Type 3,0.6533695832099776,0.6846145108529766,0.1766525794312139,0.0175,0.008,0.9762,0.6736,,0.0,0.069,0.1667,0.2083,0.0167,,0.0284,,0.0,0.0179,0.0083,0.9762,0.6864,,0.0,0.069,0.1667,0.2083,0.0171,,0.0296,,0.0,0.0177,0.008,0.9762,0.6779999999999999,,0.0,0.069,0.1667,0.2083,0.017,,0.0289,,0.0,reg oper account,block of flats,0.0338,"Stone, brick",No,1.0,0.0,1.0,0.0,-1735.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1864306,242880,Consumer loans,1431.315,15673.5,14103.0,1570.5,15673.5,THURSDAY,12,Y,1,0.1091279722287474,,,XAP,Approved,-851,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,72,Connectivity,12.0,middle,POS mobile with interest,365243.0,-806.0,-476.0,-716.0,-708.0,0.0,0,Revolving loans,F,Y,Y,2,157500.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.007114,-11275,-912,-2448.0,-2917,1.0,1,1,0,1,0,0,Sales staff,4.0,2,2,MONDAY,12,0,0,0,0,0,0,Transport: type 4,0.2390774984759471,0.6099211808237698,0.3740208032583212,0.1392,0.1483,0.9801,0.728,0.0198,0.0,0.3103,0.1667,0.2083,,0.1135,0.1271,0.0039,0.0077,0.1418,0.1539,0.9801,0.7387,0.02,0.0,0.3103,0.1667,0.2083,,0.124,0.1324,0.0039,0.0081,0.1405,0.1483,0.9801,0.7316,0.0199,0.0,0.3103,0.1667,0.2083,,0.1154,0.1294,0.0039,0.0078,reg oper account,block of flats,0.1108,Panel,No,0.0,0.0,0.0,0.0,-851.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2140261,235062,Revolving loans,24750.0,495000.0,495000.0,,495000.0,TUESDAY,11,Y,1,,,,XAP,Approved,-90,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,157500.0,808650.0,21460.5,675000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.011703,-14244,-2414,-4017.0,-1222,7.0,1,1,0,1,1,0,Accountants,2.0,2,2,MONDAY,14,0,0,0,0,0,0,School,,0.5804952416005804,,0.1206,0.0346,0.9732,0.6328,0.0231,0.0,0.2069,0.1667,0.2083,0.0874,0.0941,0.147,0.0193,0.0528,0.1229,0.036000000000000004,0.9732,0.6472,0.0233,0.0,0.2069,0.1667,0.2083,0.0894,0.1028,0.1532,0.0195,0.0558,0.1218,0.0346,0.9732,0.6377,0.0232,0.0,0.2069,0.1667,0.2083,0.0889,0.0958,0.1496,0.0194,0.0539,reg oper account,block of flats,0.1397,"Stone, brick",No,0.0,0.0,0.0,0.0,-778.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1437019,140369,Revolving loans,5625.0,0.0,112500.0,,,TUESDAY,13,Y,1,,,,XAP,Approved,-2541,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,602,Consumer electronics,0.0,XNA,Card Street,-2539.0,-1379.0,365243.0,-416.0,365243.0,0.0,0,Cash loans,F,N,N,0,99000.0,675000.0,19071.0,675000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.014519999999999996,-20870,365243,-13587.0,-4297,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,XNA,0.7760836978462177,0.26846074567713396,0.7165702448010511,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-2541.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1846761,197605,Cash loans,9072.045,90000.0,98910.0,,90000.0,TUESDAY,2,Y,1,,,,Repairs,Approved,-471,Cash through the bank,XAP,,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,365243.0,-441.0,69.0,-351.0,-347.0,1.0,0,Cash loans,M,N,Y,0,67500.0,299772.0,20160.0,247500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010032,-22122,365243,-5112.0,-4476,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,7,0,0,0,0,0,0,XNA,0.6332710281146813,0.6264973845393977,,0.1454,0.0978,0.9846,0.7892,0.0355,0.16,0.1379,0.3333,0.2083,0.0942,0.121,0.1687,0.0,0.0431,0.1513,0.0904,0.9841,0.7909,0.0264,0.1611,0.1379,0.3333,0.0417,0.0816,0.1322,0.1588,0.0,0.0,0.1499,0.0972,0.9846,0.792,0.0357,0.16,0.1379,0.3333,0.2083,0.0875,0.1231,0.1634,0.0,0.0658,reg oper spec account,block of flats,0.122,Panel,No,4.0,0.0,4.0,0.0,-471.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1485640,350228,Consumer loans,10405.08,45000.0,53163.0,0.0,45000.0,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-779,XNA,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,26,Furniture,6.0,high,POS industry with interest,365243.0,-748.0,-598.0,-658.0,-652.0,0.0,0,Cash loans,F,N,Y,0,157500.0,490005.0,26712.0,423000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.010147,-16590,-3301,-9673.0,-138,,1,1,0,1,0,0,,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.5487154311001134,0.4578995512067301,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-476.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2207605,207204,Consumer loans,8259.93,41265.0,50584.5,0.0,41265.0,SUNDAY,10,Y,1,0.0,,,XAP,Refused,-235,Cash through the bank,LIMIT,"Spouse, partner",Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,8.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,N,0,90000.0,225000.0,12204.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.018029,-9338,-695,-4726.0,-2008,,1,1,0,1,1,0,Sales staff,1.0,3,3,WEDNESDAY,9,0,0,0,0,0,0,Self-employed,0.21304577967742944,0.18697964089056324,0.646329897706246,0.1237,0.0943,0.9791,0.7144,0.0754,0.0,0.2069,0.1667,0.0417,0.0224,0.1009,0.0949,0.0,0.0,0.1261,0.0979,0.9791,0.7256,0.0761,0.0,0.2069,0.1667,0.0417,0.0229,0.1102,0.0988,0.0,0.0,0.1249,0.0943,0.9791,0.7182,0.0759,0.0,0.2069,0.1667,0.0417,0.0227,0.1026,0.0966,0.0,0.0,reg oper account,block of flats,0.1159,Panel,No,0.0,0.0,0.0,0.0,-380.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2401572,325403,Consumer loans,13168.755,157941.0,148464.0,9477.0,157941.0,SUNDAY,14,Y,1,0.06534917814534885,,,XAP,Refused,-2315,Cash through the bank,SCO,Family,Repeater,Computers,POS,XNA,Country-wide,650,Consumer electronics,12.0,low_action,POS household without interest,,,,,,,0,Cash loans,F,Y,N,2,225000.0,900000.0,26316.0,900000.0,Unaccompanied,Working,Higher education,Married,Municipal apartment,0.018029,-11303,-2503,-5405.0,-3606,12.0,1,1,1,1,1,0,Core staff,4.0,3,3,THURSDAY,15,0,0,0,0,0,0,Other,,0.49014088195172295,0.6212263380626669,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2315.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1099633,351044,Consumer loans,13011.795,152991.0,137691.0,15300.0,152991.0,THURSDAY,19,Y,1,0.10891549770307346,,,XAP,Refused,-1121,Cash through the bank,LIMIT,Children,New,Audio/Video,POS,XNA,Country-wide,3205,Consumer electronics,12.0,low_normal,POS household with interest,,,,,,,0,Cash loans,F,Y,Y,1,157500.0,450000.0,29533.5,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.04622,-11217,-821,-6090.0,-1861,4.0,1,1,1,1,0,0,Core staff,3.0,1,1,FRIDAY,12,0,0,0,1,1,0,Trade: type 2,0.5260667738324717,0.6831726548637616,0.6738300778602003,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-885.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1288912,110374,Consumer loans,13266.81,118341.0,117198.0,11700.0,118341.0,SATURDAY,10,Y,1,0.09885617803506364,,,XAP,Approved,-1687,Cash through the bank,XAP,Children,Repeater,Computers,POS,XNA,Country-wide,3205,Consumer electronics,12.0,high,POS household with interest,365243.0,-1656.0,-1326.0,-1446.0,-1441.0,0.0,0,Cash loans,F,N,Y,1,112500.0,521280.0,31630.5,450000.0,Family,Commercial associate,Lower secondary,Single / not married,House / apartment,0.04622,-13142,-602,-7135.0,-539,,1,1,0,1,1,0,Laborers,2.0,1,1,SATURDAY,11,0,0,0,0,1,1,Trade: type 7,0.4745273201681741,0.6832010533189734,0.23791607950711405,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1449.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,9.0 +1845496,328085,Consumer loans,24322.005,211495.5,211495.5,0.0,211495.5,THURSDAY,7,Y,1,0.0,,,XAP,Approved,-397,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Regional / Local,142,Consumer electronics,10.0,middle,POS household with interest,365243.0,-358.0,-88.0,-178.0,-170.0,0.0,0,Cash loans,M,Y,Y,0,247500.0,254700.0,24939.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.030755,-20950,365243,-125.0,-4396,0.0,1,0,0,1,0,0,,1.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,,0.3464458086702212,0.7338145369642702,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1230827,420050,Consumer loans,6130.35,27639.0,29425.5,2767.5,27639.0,FRIDAY,7,Y,1,0.09362467278318548,,,XAP,Approved,-1740,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Stone,107,Consumer electronics,6.0,high,POS household with interest,365243.0,-1709.0,-1559.0,-1559.0,-1555.0,0.0,1,Cash loans,F,N,Y,1,96750.0,314100.0,17167.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-9383,-477,-734.0,-1497,,1,1,0,1,0,0,Laborers,3.0,2,2,TUESDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.2356050685070321,0.22888341670067305,0.0041,,0.9722,,,0.0,0.1379,0.0,,,,0.0019,,0.0,0.0042,,0.9722,,,0.0,0.1379,0.0,,,,0.002,,0.0,0.0042,,0.9722,,,0.0,0.1379,0.0,,,,0.0019,,0.0,,block of flats,0.0015,Mixed,No,0.0,0.0,0.0,0.0,-1740.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2007485,344279,Cash loans,19949.625,283500.0,306513.0,,283500.0,TUESDAY,16,Y,1,,,,XNA,Approved,-178,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_action,Cash X-Sell: low,365243.0,-148.0,362.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,180000.0,1143000.0,45328.5,1143000.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,House / apartment,0.025164,-14317,-3933,-7730.0,-4281,,1,1,0,1,1,0,,1.0,2,2,FRIDAY,15,0,0,0,0,0,0,Industry: type 11,0.4886393730455996,0.6625960969819155,0.6785676886853644,0.0979,0.0505,0.9856,0.8028,0.029,0.08,0.0517,0.4583,0.5,0.0,0.0799,0.1016,0.0,0.0,0.0819,0.0493,0.9782,0.7125,0.0188,0.0806,0.0345,0.375,0.4167,0.0,0.0716,0.0985,0.0,0.0,0.0989,0.0505,0.9856,0.8054,0.0292,0.08,0.0517,0.4583,0.5,0.0,0.0812,0.1034,0.0,0.0,reg oper account,block of flats,0.0743,Panel,No,5.0,0.0,5.0,0.0,-1478.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1282417,348959,Consumer loans,9871.605,49495.5,49347.0,2475.0,49495.5,SATURDAY,16,Y,1,0.05201458839874956,,,XAP,Approved,-1161,XNA,XAP,"Spouse, partner",New,Audio/Video,POS,XNA,Country-wide,2170,Consumer electronics,6.0,high,POS household with interest,365243.0,-1130.0,-980.0,-1010.0,-1006.0,0.0,0,Cash loans,M,Y,N,0,184500.0,824823.0,24246.0,688500.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.010276,-22485,365243,-1191.0,-3515,9.0,1,0,0,1,0,0,,2.0,2,2,FRIDAY,16,0,0,0,0,0,0,XNA,,0.5840482375789345,0.4884551844437485,0.1381,0.0,0.9916,0.8844,0.0196,0.0,0.3103,0.1667,0.2083,0.1163,0.1126,0.1232,0.0,0.0,0.1408,0.0,0.9916,0.8889,0.0198,0.0,0.3103,0.1667,0.2083,0.119,0.123,0.1284,0.0,0.0,0.1395,0.0,0.9916,0.8859,0.0198,0.0,0.3103,0.1667,0.2083,0.1183,0.1146,0.1254,0.0,0.0,reg oper account,block of flats,0.1077,"Stone, brick",No,0.0,0.0,0.0,0.0,-1161.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1591173,257382,Consumer loans,9068.13,109755.0,124699.5,0.0,109755.0,SATURDAY,17,Y,1,0.0,,,XAP,Approved,-989,XNA,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,2170,Consumer electronics,18.0,middle,POS household with interest,365243.0,-958.0,-448.0,-478.0,-470.0,0.0,0,Cash loans,F,N,Y,0,360000.0,177237.0,18738.0,153000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.010276,-10003,-3099,-4843.0,-1686,,1,1,0,1,1,1,,2.0,2,2,MONDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.4612267483380265,0.7693158410005879,0.1455428133497032,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2419.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2542631,310454,Cash loans,80395.83,2025000.0,2169342.0,,2025000.0,SATURDAY,15,Y,1,,,,XNA,Approved,-605,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_action,Cash X-Sell: low,365243.0,-575.0,475.0,-245.0,-240.0,0.0,0,Cash loans,M,Y,Y,0,900000.0,1800000.0,49500.0,1800000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.006233,-16632,-3850,-60.0,-140,7.0,1,1,0,1,0,0,Managers,1.0,2,2,TUESDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.7192336532798607,0.633031641417419,0.068,0.0223,0.9816,0.7484,0.0174,0.04,0.0345,0.4167,0.4583,0.0292,0.0521,0.0687,0.0154,0.0206,0.0693,0.0232,0.9816,0.7583,0.0176,0.0403,0.0345,0.4167,0.4583,0.0299,0.0569,0.0716,0.0156,0.0218,0.0687,0.0223,0.9816,0.7518,0.0175,0.04,0.0345,0.4167,0.4583,0.0297,0.053,0.0699,0.0155,0.021,reg oper spec account,block of flats,0.068,"Stone, brick",No,1.0,0.0,1.0,0.0,-1608.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2155344,414547,Consumer loans,1618.2,16362.0,16182.0,1638.0,16362.0,MONDAY,9,Y,1,0.10010835629017444,,,XAP,Approved,-2571,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Stone,180,Consumer electronics,12.0,middle,POS household with interest,365243.0,-2540.0,-2210.0,-2210.0,-2208.0,1.0,1,Cash loans,F,N,Y,0,180000.0,497520.0,33376.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-17713,-1326,-5942.0,-1237,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,13,0,0,0,1,1,1,Self-employed,,0.3653609162854136,0.042929206557984725,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,13.0,1.0,13.0,0.0,-734.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1249718,359487,Consumer loans,8832.915,92862.0,93312.0,0.0,92862.0,TUESDAY,13,Y,1,0.0,,,XAP,Approved,-977,Cash through the bank,XAP,Unaccompanied,New,Furniture,POS,XNA,Stone,25,Furniture,12.0,low_normal,POS industry without interest,365243.0,-946.0,-616.0,-616.0,-608.0,0.0,0,Cash loans,F,N,N,1,81000.0,679500.0,19867.5,679500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.0228,-12988,-1489,-1013.0,-1234,,1,1,1,1,0,0,Accountants,3.0,2,2,FRIDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.7365921189414943,0.4418358231994413,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1536.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2324147,154628,Consumer loans,5837.4,58383.0,52542.0,5841.0,58383.0,TUESDAY,20,Y,1,0.10895945737629104,,,XAP,Refused,-2431,Cash through the bank,SCO,Family,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,-1,Consumer electronics,10.0,low_normal,POS household without interest,,,,,,,0,Cash loans,F,N,Y,0,216000.0,675000.0,18940.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.026392000000000002,-22200,-7278,-12434.0,-4117,,1,1,0,1,1,0,,1.0,2,2,THURSDAY,10,0,0,0,0,0,0,Medicine,,0.6988303990953139,0.6075573001388961,0.0825,,0.9757,,,0.0,0.1379,0.1667,,,,0.0733,,,0.084,,0.9757,,,0.0,0.1379,0.1667,,,,0.0764,,,0.0833,,0.9757,,,0.0,0.1379,0.1667,,,,0.0746,,,,block of flats,0.0745,Panel,No,5.0,1.0,5.0,0.0,-2545.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1055751,260292,Consumer loans,14437.035,133380.0,129946.5,13338.0,133380.0,THURSDAY,15,Y,1,0.10138078121118853,,,XAP,Approved,-1481,Cash through the bank,XAP,Other_B,New,Audio/Video,POS,XNA,Stone,70,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1445.0,-1175.0,-1175.0,-1170.0,0.0,0,Revolving loans,F,N,Y,0,90000.0,247500.0,12375.0,247500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-20696,365243,-8998.0,-2327,,1,0,0,1,0,0,,2.0,2,2,MONDAY,10,0,0,0,0,0,0,XNA,,0.5099940374111857,0.4830501881366946,0.0619,0.049,0.9771,,,0.0,0.1379,0.1667,,0.0647,,0.0521,,0.0,0.063,0.0508,0.9772,,,0.0,0.1379,0.1667,,0.0662,,0.0543,,0.0,0.0625,0.049,0.9771,,,0.0,0.1379,0.1667,,0.0658,,0.053,,0.0,,block of flats,0.041,Panel,No,0.0,0.0,0.0,0.0,-1095.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2180647,273008,Cash loans,59800.545,1215000.0,1338493.5,,1215000.0,SUNDAY,11,Y,1,,,,XNA,Approved,-810,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,42.0,middle,Cash X-Sell: middle,365243.0,-780.0,450.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,0,157500.0,261288.0,12838.5,171000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.032561,-14025,-1107,-507.0,-4514,24.0,1,1,0,1,0,0,Managers,2.0,1,1,FRIDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.7298252361932565,0.4418358231994413,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1175.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2710381,350541,Consumer loans,5470.155,93771.0,105867.0,0.0,93771.0,SATURDAY,14,Y,1,0.0,,,XAP,Approved,-633,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,2300,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-602.0,88.0,365243.0,365243.0,0.0,1,Cash loans,M,N,Y,0,202500.0,1339884.0,39177.0,1170000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00823,-11330,-891,-4556.0,-2573,,1,1,0,1,0,0,Core staff,2.0,2,2,TUESDAY,13,0,0,0,0,1,1,Housing,,0.14753349056828854,0.12689752616027333,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1803.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1539338,399933,Cash loans,54249.12,846000.0,846000.0,,846000.0,TUESDAY,9,Y,1,,,,XNA,Approved,-846,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Stone,148,Consumer electronics,24.0,middle,Cash X-Sell: middle,365243.0,-816.0,-126.0,-186.0,-183.0,0.0,0,Cash loans,F,N,Y,1,121500.0,938304.0,50121.0,810000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00702,-13711,-1049,-12391.0,-145,,1,1,0,1,0,0,Core staff,3.0,2,2,MONDAY,16,0,0,0,0,0,0,Trade: type 7,0.7486168407148277,0.6955387552603403,0.6212263380626669,0.0082,,0.9692,,,0.0,0.069,0.0417,,0.0655,,0.0058,,,0.0084,,0.9692,,,0.0,0.069,0.0417,,0.067,,0.0061,,,0.0083,,0.9692,,,0.0,0.069,0.0417,,0.0666,,0.0059,,,,block of flats,0.0046,"Stone, brick",No,0.0,0.0,0.0,0.0,-1330.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +2630280,268098,Consumer loans,4406.085,25942.5,21780.0,5188.5,25942.5,WEDNESDAY,7,Y,1,0.2095314230238308,,,XAP,Approved,-1410,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,6.0,high,POS mobile with interest,365243.0,-1378.0,-1228.0,-1258.0,-1244.0,0.0,1,Cash loans,M,Y,N,1,157500.0,270000.0,13846.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018209,-10685,-676,-3152.0,-3162,10.0,1,1,0,1,0,0,Laborers,3.0,3,3,SATURDAY,8,0,0,0,0,0,0,Self-employed,0.2415530123595199,0.0508860237013446,0.1684161714286957,0.068,0.0789,0.9762,0.6736,0.0092,0.0,0.1379,0.1667,0.0417,0.0146,0.0538,0.0756,0.0077,0.0711,0.0693,0.0819,0.9762,0.6864,0.0093,0.0,0.1379,0.1667,0.0417,0.0149,0.0588,0.0788,0.0078,0.0752,0.0687,0.0789,0.9762,0.6779999999999999,0.0093,0.0,0.1379,0.1667,0.0417,0.0148,0.0547,0.077,0.0078,0.0726,reg oper account,block of flats,0.0645,Panel,No,0.0,0.0,0.0,0.0,-1739.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1598691,376663,Consumer loans,13565.025,75082.5,75082.5,0.0,75082.5,FRIDAY,12,Y,1,0.0,,,XAP,Approved,-13,Cash through the bank,XAP,,Refreshed,Construction Materials,POS,XNA,Regional / Local,1366,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,365243.0,171.0,365243.0,365243.0,0.0,0,Revolving loans,M,Y,Y,0,180000.0,270000.0,13500.0,270000.0,Family,Working,Higher education,Married,House / apartment,0.031329,-21013,-3137,-8038.0,-3915,64.0,1,1,0,1,1,0,,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Industry: type 7,,0.6897148596840477,0.7490217048463391,0.0619,0.133,0.9702,0.5920000000000001,0.0115,0.0,0.2069,0.125,0.1667,0.0677,0.0504,0.0688,0.0,0.0202,0.063,0.138,0.9702,0.608,0.0116,0.0,0.2069,0.125,0.1667,0.0692,0.0551,0.0716,0.0,0.0214,0.0625,0.133,0.9702,0.5975,0.0116,0.0,0.2069,0.125,0.1667,0.0689,0.0513,0.07,0.0,0.0206,reg oper account,block of flats,0.0702,Others,No,0.0,0.0,0.0,0.0,-1793.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1136894,117127,Revolving loans,2250.0,0.0,45000.0,,,SATURDAY,9,Y,1,,,,XAP,Approved,-2138,XNA,XAP,,Repeater,XNA,Cards,x-sell,Stone,145,Consumer electronics,0.0,XNA,Card X-Sell,-2133.0,-2079.0,365243.0,-892.0,365243.0,0.0,0,Cash loans,F,N,N,1,157500.0,225000.0,9661.5,225000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.031329,-15326,-8439,-3317.0,-4438,,1,1,1,1,1,0,Core staff,3.0,2,2,MONDAY,15,0,0,0,0,0,0,Telecom,0.6082206328709238,0.6602209692173812,0.2458512138252296,0.0381,0.0645,0.9757,0.6668,0.004,0.0,0.1034,0.125,,,0.0303,0.0296,0.0039,0.0407,0.0389,0.0669,0.9757,0.6798,0.004,0.0,0.1034,0.125,,,0.0331,0.0308,0.0039,0.043,0.0385,0.0645,0.9757,0.6713,0.004,0.0,0.1034,0.125,,,0.0308,0.0301,0.0039,0.0415,reg oper account,block of flats,0.0321,"Stone, brick",No,8.0,0.0,8.0,0.0,-2475.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1334783,302362,Consumer loans,4999.815,28656.0,30132.0,2866.5,28656.0,SATURDAY,12,Y,1,0.09460669699862387,,,XAP,Approved,-1255,XNA,XAP,Family,Refreshed,Mobile,POS,XNA,Regional / Local,15,Connectivity,8.0,high,POS mobile with interest,365243.0,-1224.0,-1014.0,-1014.0,-1009.0,0.0,0,Cash loans,F,N,Y,0,90000.0,101880.0,10053.0,90000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-22558,365243,-9484.0,-5038,,1,0,0,1,0,0,,2.0,2,2,MONDAY,15,0,0,0,0,0,0,XNA,0.8890906929214677,0.6309790701619788,0.8435435389318647,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1255.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2627365,291770,Consumer loans,6463.665,128218.5,142717.5,0.0,128218.5,WEDNESDAY,16,Y,1,0.0,,,XAP,Approved,-292,Cash through the bank,XAP,,Refreshed,Audio/Video,POS,XNA,Country-wide,1329,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-261.0,429.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,198000.0,672174.0,24822.0,481500.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.019101,-19018,-4612,-5085.0,-2565,5.0,1,1,0,1,0,0,Core staff,2.0,2,2,MONDAY,15,0,0,0,0,0,0,School,0.7161145799808676,0.5591541733125684,0.375711009574066,0.0206,0.0344,0.9881,,,0.0,0.0345,0.1667,,0.0162,,0.0229,,0.0,0.021,0.0357,0.9881,,,0.0,0.0345,0.1667,,0.0165,,0.0238,,0.0,0.0208,0.0344,0.9881,,,0.0,0.0345,0.1667,,0.0164,,0.0233,,0.0,,block of flats,0.016,"Stone, brick",No,0.0,0.0,0.0,0.0,-45.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1255856,360806,Consumer loans,2198.07,27441.0,31518.0,0.0,27441.0,TUESDAY,15,Y,1,0.0,,,XAP,Approved,-1294,Cash through the bank,XAP,Other_B,Repeater,Consumer Electronics,POS,XNA,Country-wide,2160,Consumer electronics,18.0,low_normal,POS household with interest,365243.0,-1262.0,-752.0,-962.0,-952.0,0.0,0,Cash loans,M,N,Y,0,157500.0,364896.0,23449.5,315000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.030755,-23301,365243,-6058.0,-4323,,1,0,0,1,1,0,,2.0,2,2,MONDAY,11,0,0,0,0,0,0,XNA,,0.560614449081687,0.3360615207658242,0.1474,0.0534,0.9881,0.8368,0.0302,0.16,0.1379,0.3333,0.375,0.0533,0.1194,0.1531,0.0039,0.0265,0.1502,0.0554,0.9881,0.8432,0.0305,0.1611,0.1379,0.3333,0.375,0.0545,0.1304,0.1596,0.0039,0.0281,0.1489,0.0534,0.9881,0.8390000000000001,0.0304,0.16,0.1379,0.3333,0.375,0.0542,0.1214,0.1559,0.0039,0.0271,reg oper account,block of flats,0.1428,"Stone, brick",No,0.0,0.0,0.0,0.0,-1729.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,8.0 +1367651,181401,Consumer loans,18991.89,116995.5,99486.0,22500.0,116995.5,THURSDAY,13,Y,1,0.20087998175647576,,,XAP,Approved,-960,Cash through the bank,XAP,Other_B,New,Audio/Video,POS,XNA,Country-wide,1500,Consumer electronics,6.0,middle,POS household with interest,365243.0,-929.0,-779.0,-779.0,-775.0,0.0,0,Cash loans,M,Y,Y,0,360000.0,254700.0,30357.0,225000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.007305,-9255,-588,-4091.0,-1935,9.0,1,1,0,1,0,0,Managers,1.0,3,3,FRIDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.6322917670927588,0.3962195720630885,0.0629,0.0522,0.9841,0.7824,0.043,0.04,0.0345,0.3333,0.375,0.0337,0.0504,0.0612,0.0039,0.0224,0.0641,0.0542,0.9841,0.7909,0.0434,0.0403,0.0345,0.3333,0.375,0.0345,0.0551,0.0638,0.0039,0.0237,0.0635,0.0522,0.9841,0.7853,0.0433,0.04,0.0345,0.3333,0.375,0.0343,0.0513,0.0623,0.0039,0.0229,reg oper account,block of flats,0.0765,"Stone, brick",No,1.0,0.0,1.0,0.0,-960.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1179441,301437,Cash loans,48179.07,450000.0,494550.0,,450000.0,TUESDAY,9,Y,1,,,,XNA,Approved,-364,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-334.0,-4.0,-4.0,-2.0,1.0,0,Cash loans,F,Y,Y,0,157500.0,1280916.0,46008.0,1035000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.011656999999999999,-14621,-1825,-8700.0,-4940,7.0,1,1,0,1,1,1,Managers,2.0,1,1,TUESDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.7394954249686432,0.6699960785299378,0.5513812618027899,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-3461.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1258114,407284,Cash loans,12390.66,180000.0,215640.0,,180000.0,TUESDAY,11,Y,1,,,,XNA,Approved,-834,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Stone,246,Consumer electronics,36.0,high,Cash X-Sell: high,365243.0,-804.0,246.0,365243.0,365243.0,1.0,1,Cash loans,F,N,Y,1,121500.0,261000.0,20749.5,261000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.018209,-12796,-2474,-6911.0,-4180,,1,1,0,1,0,1,Sales staff,3.0,3,3,WEDNESDAY,8,0,0,0,0,1,1,Government,0.05956135213417529,0.011371351856061295,0.3077366963789207,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1436.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1885236,357121,Consumer loans,8660.385,100813.5,116784.0,0.0,100813.5,WEDNESDAY,17,Y,1,0.0,,,XAP,Approved,-619,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,1400,Consumer electronics,18.0,middle,POS household with interest,365243.0,-588.0,-78.0,-78.0,-69.0,0.0,0,Cash loans,F,N,Y,0,135000.0,90000.0,5566.5,90000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.010643000000000001,-18987,-1609,-1193.0,-1758,,1,1,0,1,0,0,,1.0,2,2,SATURDAY,10,0,0,0,0,0,0,Self-employed,,0.620774585008151,0.5919766183185521,0.1093,0.0593,0.9836,0.7756,,0.0,0.0345,0.1667,0.2083,0.0286,0.0891,0.025,0.0,0.0453,0.1113,0.0615,0.9836,0.7844,,0.0,0.0345,0.1667,0.2083,0.0293,0.0973,0.0261,0.0,0.048,0.1103,0.0593,0.9836,0.7786,,0.0,0.0345,0.1667,0.2083,0.0291,0.0906,0.0255,0.0,0.0463,reg oper spec account,specific housing,0.0449,"Stone, brick",No,0.0,0.0,0.0,0.0,-1305.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2574191,158643,Consumer loans,3980.115,31275.0,33502.5,4725.0,31275.0,TUESDAY,18,Y,1,0.1346139440312482,,,XAP,Approved,-1875,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,53,Connectivity,12.0,high,POS mobile with interest,365243.0,-1844.0,-1514.0,-1514.0,-1506.0,0.0,1,Cash loans,F,N,Y,0,117000.0,640080.0,24259.5,450000.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,House / apartment,0.019101,-16344,-420,-4093.0,-4331,,1,1,1,1,1,0,Laborers,1.0,2,2,MONDAY,13,0,0,0,0,0,0,School,,0.6695656255568301,0.21518240418475384,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-152.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1834195,264414,Cash loans,16011.405,225000.0,284400.0,,225000.0,TUESDAY,6,Y,1,,,,XNA,Refused,-200,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,112500.0,254700.0,15709.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018029,-24327,365243,-4425.0,-4426,,1,0,0,1,0,0,,2.0,3,3,SATURDAY,10,0,0,0,0,0,0,XNA,,0.38459216061044094,0.6161216908872079,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-222.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1601580,397712,Cash loans,31544.37,675000.0,744498.0,,675000.0,SUNDAY,12,Y,1,,,,XNA,Refused,-583,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,180000.0,328500.0,15804.0,328500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.022625,-20035,-5327,-665.0,-3569,,1,1,1,1,1,0,Core staff,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,Medicine,,0.7115626604206907,0.28812959991785075,0.0608,0.0436,0.9752,0.66,0.0,0.0,0.1034,0.1667,0.2083,0.0458,0.0488,0.0504,0.0039,0.0056,0.062,0.0452,0.9752,0.6733,0.0,0.0,0.1034,0.1667,0.2083,0.0469,0.0533,0.0525,0.0039,0.0059,0.0614,0.0436,0.9752,0.6645,0.0,0.0,0.1034,0.1667,0.2083,0.0466,0.0496,0.0513,0.0039,0.0057,reg oper account,block of flats,0.0408,Panel,No,0.0,0.0,0.0,0.0,-2077.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2391798,125805,Cash loans,45994.86,450000.0,470790.0,,450000.0,SATURDAY,14,Y,1,,,,XNA,Approved,-363,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-333.0,-3.0,-93.0,-89.0,1.0,0,Cash loans,F,N,Y,0,270000.0,536917.5,27544.5,463500.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.010147,-23307,365243,-11333.0,-3682,,1,0,0,1,0,1,,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,XNA,0.6357903427011057,0.7331196547915283,0.6397075677637197,0.3907,0.2727,0.9821,0.7552,0.0685,0.4,0.3448,0.3333,0.375,0.1619,0.3177,0.4052,0.0039,0.0048,0.3981,0.28300000000000003,0.9821,0.7648,0.0691,0.4028,0.3448,0.3333,0.375,0.1656,0.3471,0.4222,0.0039,0.0051,0.3945,0.2727,0.9821,0.7585,0.0689,0.4,0.3448,0.3333,0.375,0.1648,0.3232,0.4125,0.0039,0.0049,reg oper account,block of flats,0.3572,"Stone, brick",No,3.0,0.0,3.0,0.0,-726.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,6.0 +1471296,392442,Consumer loans,2682.36,27400.5,22693.5,6750.0,27400.5,SATURDAY,12,Y,1,0.2496769621941561,,,XAP,Approved,-1966,XNA,XAP,,New,Mobile,POS,XNA,Country-wide,57,Connectivity,12.0,high,POS mobile with interest,365243.0,-1932.0,-1602.0,-1602.0,-1594.0,0.0,0,Cash loans,M,N,Y,0,157500.0,943425.0,27585.0,787500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-19456,-464,-6373.0,-2704,,1,1,1,1,1,0,Laborers,2.0,2,2,FRIDAY,8,0,0,0,0,0,0,Industry: type 9,,0.6368807935784376,0.3706496323299817,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-242.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1228526,361041,Consumer loans,12514.275,75546.0,70582.5,4963.5,75546.0,SUNDAY,12,Y,1,0.07155511512552255,,,XAP,Refused,-2635,Cash through the bank,SCO,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Country-wide,-1,Consumer electronics,6.0,low_normal,POS household without interest,,,,,,,0,Cash loans,M,Y,Y,1,247500.0,370107.0,19026.0,319500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.035792000000000004,-11711,-992,-645.0,-4246,3.0,1,1,0,1,0,0,Laborers,3.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Transport: type 4,0.5634753380874193,0.6996489904668142,0.7047064232963289,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2588.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2690309,107410,Consumer loans,12816.315,126882.0,126252.0,12690.0,126882.0,SUNDAY,16,Y,1,0.09947002084584668,,,XAP,Approved,-904,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,300,Consumer electronics,12.0,middle,POS household with interest,365243.0,-873.0,-543.0,-543.0,-533.0,0.0,0,Cash loans,F,N,Y,0,157500.0,383760.0,37512.0,360000.0,Unaccompanied,State servant,Secondary / secondary special,Separated,Municipal apartment,0.04622,-23062,-13529,-11675.0,-2134,,1,1,0,1,0,0,Cooking staff,1.0,1,1,MONDAY,14,0,0,0,0,0,0,Kindergarten,0.4023548096168104,0.737372057887035,,0.0768,0.0456,0.9831,0.7688,,0.04,0.0862,0.3542,,0.036000000000000004,,0.0682,,0.0,0.0725,0.0282,0.9752,0.6733,,0.0,0.0345,0.1667,,0.0286,,0.0675,,0.0,0.0775,0.0456,0.9831,0.7719,,0.04,0.0862,0.3542,,0.0367,,0.0694,,0.0,reg oper account,block of flats,0.0509,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +2465186,264309,Revolving loans,2250.0,0.0,45000.0,,,THURSDAY,10,Y,1,,,,XAP,Approved,-473,XNA,XAP,,Refreshed,XNA,Cards,x-sell,Country-wide,60,Connectivity,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,135000.0,360000.0,12928.5,360000.0,Other_B,State servant,Higher education,Married,House / apartment,0.015221,-14970,-3548,-1403.0,-4527,,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,11,0,0,0,0,0,0,Bank,0.5653051941372954,0.5888319554112929,0.520897599048938,0.0619,0.0641,0.9752,0.66,0.0453,0.0,0.1034,0.1667,0.0417,0.0393,0.0504,0.0493,0.0,0.0,0.063,0.0665,0.9752,0.6733,0.0457,0.0,0.1034,0.1667,0.0417,0.0402,0.0551,0.0514,0.0,0.0,0.0625,0.0641,0.9752,0.6645,0.0456,0.0,0.1034,0.1667,0.0417,0.04,0.0513,0.0502,0.0,0.0,reg oper account,block of flats,0.0636,"Stone, brick",No,0.0,0.0,0.0,0.0,-2091.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2642219,355467,Consumer loans,5755.68,47875.5,46642.5,4788.0,47875.5,TUESDAY,7,Y,1,0.10139056149030773,,,XAP,Approved,-1596,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,2200,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1565.0,-1295.0,-1445.0,-1437.0,0.0,0,Cash loans,M,Y,Y,0,108000.0,152820.0,15241.5,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0038130000000000004,-23270,-687,-7783.0,-4424,24.0,1,1,0,1,1,0,Security staff,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Medicine,,0.5208732861849713,0.646329897706246,0.0619,0.0536,0.9846,0.7892,0.0082,0.0,0.1379,0.1667,0.2083,0.0185,0.0429,0.0448,0.0347,0.0298,0.063,0.0556,0.9846,0.7975,0.0082,0.0,0.1379,0.1667,0.2083,0.0189,0.0468,0.0467,0.035,0.0315,0.0625,0.0536,0.9846,0.792,0.0082,0.0,0.1379,0.1667,0.2083,0.0188,0.0436,0.0456,0.0349,0.0304,reg oper account,block of flats,0.0462,Panel,No,5.0,0.0,5.0,0.0,-1596.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1614952,164209,Consumer loans,11336.625,121455.0,121455.0,0.0,121455.0,SATURDAY,18,Y,1,0.0,,,XAP,Approved,-404,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Stone,100,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-373.0,-43.0,-103.0,-95.0,0.0,0,Cash loans,M,N,Y,0,112500.0,142200.0,8293.5,112500.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.030755,-13337,-3848,-6904.0,-4345,,1,1,0,1,0,0,,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.3835937494975944,0.3441550073724169,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1238473,212871,Cash loans,41728.41,1129500.0,1293502.5,,1129500.0,MONDAY,11,Y,1,,,,XNA,Approved,-337,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-307.0,1463.0,-247.0,-240.0,1.0,0,Cash loans,F,N,Y,0,315000.0,1354500.0,50197.5,1354500.0,Unaccompanied,Pensioner,Academic degree,Married,House / apartment,0.072508,-23405,365243,-11940.0,-4522,,1,0,0,1,0,0,,2.0,1,1,TUESDAY,10,0,0,0,0,0,0,XNA,,0.7645433280960092,0.722392890081304,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2253837,130892,Cash loans,32524.02,450000.0,497520.0,,450000.0,THURSDAY,8,Y,1,,,,XNA,Approved,-182,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-152.0,538.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,2,283500.0,316125.0,21253.5,261000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.006852,-15918,-4204,-1777.0,-4322,10.0,1,1,0,1,0,0,Cooking staff,4.0,3,3,THURSDAY,7,0,0,0,0,0,0,Restaurant,,0.2858978721410488,0.21275630545434146,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-1523.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2027836,371938,Consumer loans,3852.855,20205.0,19143.0,2020.5,20205.0,SATURDAY,14,Y,1,0.10397657201399496,,,XAP,Approved,-795,Cash through the bank,XAP,"Spouse, partner",New,Mobile,POS,XNA,Country-wide,154,Connectivity,6.0,high,POS mobile with interest,365243.0,-764.0,-614.0,-674.0,-668.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,67500.0,7398.0,67500.0,Unaccompanied,Working,Lower secondary,Married,House / apartment,0.015221,-10647,-853,-4922.0,-2917,4.0,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Industry: type 1,,0.32949494769363696,0.5638350489514956,0.0762,0.0542,0.9771,0.7212,0.0392,0.046,0.1255,0.1679,0.2383,0.0454,0.0839,0.0733,0.0041,0.0065,0.0945,0.0,0.9772,0.6994,0.0341,0.0,0.2069,0.1667,0.2083,0.0604,0.0826,0.0911,0.0,0.0,0.0614,0.06,0.9771,0.7182,0.034,0.0,0.1379,0.1667,0.2083,0.0403,0.077,0.0861,0.0,0.0,reg oper account,block of flats,0.0688,"Stone, brick",No,3.0,1.0,3.0,1.0,-420.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1255317,155490,Consumer loans,12114.81,133609.5,118170.0,26725.5,133609.5,SUNDAY,11,Y,1,0.20087924808506186,,,XAP,Approved,-5,Cash through the bank,XAP,Family,Repeater,Clothing and Accessories,POS,XNA,Regional / Local,50,Clothing,12.0,middle,POS industry with interest,365243.0,365243.0,355.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,1,103500.0,343800.0,13090.5,225000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.010276,-19856,-143,-3397.0,-3403,15.0,1,1,0,1,1,0,,3.0,2,2,FRIDAY,10,0,0,0,0,1,1,Other,,0.22054836981105155,0.7610263695502636,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2538451,267478,Cash loans,13288.05,202500.0,202500.0,0.0,202500.0,THURSDAY,15,Y,1,0.0,,,XNA,Approved,-2505,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,24.0,middle,Cash Street: middle,365243.0,-2475.0,-1785.0,-1785.0,-1781.0,0.0,0,Cash loans,M,Y,Y,0,202500.0,225000.0,14508.0,225000.0,Unaccompanied,State servant,Secondary / secondary special,Married,Rented apartment,0.018209,-12748,-5147,-441.0,-4146,16.0,1,1,0,1,0,0,Core staff,2.0,3,3,WEDNESDAY,8,0,0,0,0,0,0,Police,0.2536766324525848,0.39194135170735417,0.4596904504249018,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1194416,264450,Cash loans,19155.375,360000.0,401580.0,,360000.0,THURSDAY,11,Y,1,,,,XNA,Approved,-808,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,low_normal,Cash X-Sell: low,365243.0,-778.0,92.0,-598.0,-595.0,1.0,0,Cash loans,F,N,Y,0,112500.0,728847.0,24214.5,553500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.006852,-22991,365243,-2981.0,-4549,,1,0,0,1,0,0,,2.0,3,3,SUNDAY,7,0,0,0,0,0,0,XNA,,0.32232258654229995,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1168.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1111528,398539,Consumer loans,7521.705,73368.0,73368.0,0.0,73368.0,MONDAY,12,Y,1,0.0,,,XAP,Approved,-453,Cash through the bank,XAP,,Repeater,Education,POS,XNA,Stone,96,Industry,12.0,middle,POS industry with interest,365243.0,-421.0,-91.0,-241.0,-237.0,0.0,0,Cash loans,F,Y,Y,0,238500.0,1078200.0,34780.5,900000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.035792000000000004,-11477,-276,-1932.0,-4042,8.0,1,1,0,1,1,0,,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.3664140182787077,0.7216998859575542,0.36227724703843145,0.3113,0.0,0.997,0.9524,0.3611,0.24,0.1034,0.625,0.0417,0.1846,0.2152,0.2291,0.1776,0.0793,0.3172,0.0,0.997,0.9543,0.3644,0.2417,0.1034,0.625,0.0417,0.1889,0.2351,0.2387,0.179,0.0839,0.3144,0.0,0.997,0.953,0.3634,0.24,0.1034,0.625,0.0417,0.1879,0.2189,0.2332,0.1786,0.0809,reg oper account,block of flats,0.2449,Panel,No,0.0,0.0,0.0,0.0,-973.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,2.0 +2229764,148132,Consumer loans,5127.075,22693.5,26748.0,0.0,22693.5,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-746,XNA,XAP,,Repeater,Consumer Electronics,POS,XNA,Regional / Local,46,Consumer electronics,6.0,middle,POS household with interest,365243.0,-712.0,-562.0,-562.0,-556.0,0.0,0,Cash loans,F,Y,N,0,540000.0,1125000.0,47664.0,1125000.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.007273999999999998,-18215,-1391,-5922.0,-1696,2.0,1,1,1,1,1,0,Managers,1.0,2,2,TUESDAY,17,0,1,1,1,1,1,Cleaning,0.699440596509436,0.5747333343674708,0.04118592960940065,0.0804,0.0677,0.9796,,,0.0,0.1379,0.1667,,0.0562,,0.0442,,0.0182,0.0819,0.0703,0.9796,,,0.0,0.1379,0.1667,,0.0575,,0.0461,,0.0193,0.0812,0.0677,0.9796,,,0.0,0.1379,0.1667,,0.0572,,0.045,,0.0186,,block of flats,0.0551,"Stone, brick",No,0.0,0.0,0.0,0.0,-2666.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1837716,299922,Cash loans,34913.25,900000.0,1078200.0,,900000.0,MONDAY,9,Y,1,,,,XNA,Refused,-173,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,N,Y,0,247500.0,900000.0,32017.5,900000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.0228,-17237,-751,-788.0,-792,,1,1,0,1,0,0,Drivers,2.0,2,2,SATURDAY,10,0,0,0,0,1,1,Business Entity Type 3,,0.3745249834514295,0.1777040724853336,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1404.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2258174,191538,Consumer loans,2102.355,46615.5,46615.5,0.0,46615.5,TUESDAY,17,Y,1,0.0,,,XAP,Approved,-1501,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Country-wide,261,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1467.0,-777.0,-1047.0,-1041.0,0.0,0,Cash loans,F,N,N,1,135000.0,1078200.0,31653.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-13957,-737,-2790.0,-4248,,1,1,0,1,0,0,Sales staff,3.0,2,2,FRIDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.32867899642154497,0.6144143775673561,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1501.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1079937,172894,Cash loans,10850.805,90000.0,95940.0,,90000.0,FRIDAY,13,Y,1,,,,XNA,Approved,-357,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,20,Connectivity,12.0,high,Cash X-Sell: high,365243.0,-327.0,3.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,1,81000.0,127350.0,12726.0,112500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.031329,-14456,-1687,-522.0,-3889,,1,1,0,1,0,0,Cooking staff,3.0,2,2,FRIDAY,12,0,0,0,0,0,0,Self-employed,0.5837494425052525,0.6087968209344847,0.5656079814115492,0.0345,0.0,0.9811,0.6532,0.0,0.0,0.1207,0.1042,0.0833,0.0436,0.0101,0.0388,0.0,0.0,0.0126,0.0,0.9747,0.6668,0.0,0.0,0.069,0.0417,0.0833,0.0446,0.011,0.0097,0.0,0.0,0.0349,0.0,0.9811,0.6578,0.0,0.0,0.1207,0.1042,0.0833,0.0443,0.0103,0.0395,0.0,0.0,reg oper account,block of flats,0.0584,"Stone, brick",No,5.0,0.0,5.0,0.0,-511.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1292088,100036,Consumer loans,13290.3,197752.5,221247.0,0.0,197752.5,SATURDAY,14,Y,1,0.0,,,XAP,Refused,-185,Cash through the bank,HC,Family,Repeater,Audio/Video,POS,XNA,Country-wide,2000,Consumer electronics,18.0,low_action,POS household without interest,,,,,,,0,Cash loans,F,N,Y,0,112500.0,512064.0,25033.5,360000.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.008575,-11144,-1104,-7846.0,-2904,,1,1,0,1,0,0,Private service staff,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Services,0.2744223724911185,0.6273004007953609,,0.3670000000000001,0.3751,0.9901,,,0.28,0.4828,0.375,,0.1569,,0.2574,,,0.3739,0.3893,0.9901,,,0.282,0.4828,0.375,,0.1604,,0.2682,,,0.3706,0.3751,0.9901,,,0.28,0.4828,0.375,,0.1596,,0.262,,,,block of flats,0.3388,Block,No,2.0,0.0,2.0,0.0,-397.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +1924385,300757,Consumer loans,6852.375,62356.5,62356.5,0.0,62356.5,SUNDAY,16,Y,1,0.0,,,XAP,Approved,-543,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,45,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-508.0,-238.0,-238.0,-235.0,0.0,0,Cash loans,F,Y,Y,2,292500.0,781920.0,34573.5,675000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.030755,-15484,-1514,-3370.0,-5188,3.0,1,1,0,1,0,0,Accountants,4.0,2,2,THURSDAY,14,0,0,0,0,1,1,Business Entity Type 3,0.6093048681959464,0.6373863597363608,0.7091891096653581,0.0186,,0.9697,0.5852,,0.0,0.1034,0.0417,0.0833,0.0447,0.0151,0.0206,0.0,0.0,0.0189,,0.9697,0.6014,,0.0,0.1034,0.0417,0.0833,0.0457,0.0165,0.0215,0.0,0.0,0.0187,,0.9697,0.5907,,0.0,0.1034,0.0417,0.0833,0.0455,0.0154,0.021,0.0,0.0,reg oper account,block of flats,0.0178,"Stone, brick",No,0.0,0.0,0.0,0.0,-543.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1233293,249204,Cash loans,43373.25,1129500.0,1277104.5,,1129500.0,WEDNESDAY,15,Y,1,,,,XNA,Approved,-625,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,54.0,low_normal,Cash X-Sell: low,365243.0,-595.0,995.0,-115.0,-110.0,1.0,0,Cash loans,M,Y,Y,0,292500.0,1078200.0,31522.5,900000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.005144,-20248,-3289,-72.0,-3523,4.0,1,1,1,1,1,0,Managers,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.6861705568824936,0.4920600938649263,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1903.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2334701,326752,Consumer loans,11094.21,53955.0,53955.0,0.0,53955.0,FRIDAY,17,Y,1,0.0,,,XAP,Approved,-511,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,6.0,high,POS mobile with interest,365243.0,-474.0,-324.0,-324.0,-320.0,0.0,0,Cash loans,F,N,Y,0,90000.0,315000.0,24885.0,315000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-14799,-1374,-2132.0,-2137,,1,1,1,1,1,0,Accountants,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Transport: type 4,,0.6057354596320079,0.2692857999073816,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1673.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1927264,277477,Consumer loans,32709.735,327132.0,294417.0,32715.0,327132.0,SUNDAY,15,Y,1,0.10891508348589886,,,XAP,Refused,-2671,Cash through the bank,SCO,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Country-wide,-1,Consumer electronics,10.0,low_normal,POS household without interest,,,,,,,0,Cash loans,F,Y,Y,0,315000.0,1345500.0,57136.5,1345500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.028663,-14412,-637,-2120.0,-4251,3.0,1,1,0,1,0,1,,2.0,2,2,THURSDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.6382552956342167,0.5579949221607324,0.7366226976503176,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-620.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2227694,259173,Cash loans,23960.655,540000.0,604152.0,,540000.0,FRIDAY,13,Y,1,,,,XNA,Approved,-819,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-789.0,261.0,-429.0,-418.0,1.0,0,Cash loans,F,Y,Y,0,135000.0,675000.0,21906.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.032561,-16355,-2645,-991.0,-4413,7.0,1,1,0,1,0,0,Accountants,2.0,1,1,FRIDAY,18,0,0,0,0,0,0,Housing,,0.6925716280966457,0.7610263695502636,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-819.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2036186,342568,Consumer loans,3076.605,21915.0,24228.0,0.0,21915.0,FRIDAY,11,Y,1,0.0,,,XAP,Approved,-1016,Cash through the bank,XAP,Family,New,Photo / Cinema Equipment,POS,XNA,Country-wide,25,Connectivity,12.0,high,POS mobile with interest,365243.0,-985.0,-655.0,-655.0,-649.0,0.0,0,Cash loans,F,N,N,2,58500.0,358443.0,13639.5,252000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.010966,-13588,-262,-4471.0,-4450,,1,1,0,1,0,0,Cooking staff,4.0,2,2,SATURDAY,10,0,0,0,0,1,1,Business Entity Type 3,,0.3986109731852959,0.6363761710860439,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,1.0,5.0,1.0,-1016.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2036691,344617,Cash loans,8750.07,225000.0,299250.0,,225000.0,MONDAY,11,Y,1,,,,Repairs,Refused,-360,Cash through the bank,LIMIT,,Repeater,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,Y,N,0,225000.0,1159515.0,32013.0,1012500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.007273999999999998,-14071,-658,-8212.0,-4677,7.0,1,1,0,1,0,0,Sales staff,1.0,2,2,THURSDAY,11,0,0,0,0,0,0,Trade: type 3,0.3947270064576074,0.3316726067090988,0.7338145369642702,0.0392,0.0466,0.9801,0.728,0.0052,0.0,0.069,0.1667,0.0417,0.0,0.0319,0.0271,0.0077,0.0078,0.0399,0.0483,0.9801,0.7387,0.0053,0.0,0.069,0.1667,0.0417,0.0,0.0349,0.0283,0.0078,0.0083,0.0396,0.0466,0.9801,0.7316,0.0053,0.0,0.069,0.1667,0.0417,0.0,0.0325,0.0276,0.0078,0.008,reg oper account,block of flats,0.0311,Panel,No,0.0,0.0,0.0,0.0,-76.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,4.0 +1250879,102143,Cash loans,27198.225,810000.0,948996.0,,810000.0,WEDNESDAY,9,Y,1,,,,Repairs,Refused,-793,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,Y,Y,0,396000.0,1125171.0,48303.0,1035000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.025164,-15617,-2692,-156.0,-4386,10.0,1,1,1,1,1,0,Managers,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.4511475139180595,0.3723336657058204,0.2948,0.0981,0.995,0.932,0.1146,0.32,0.2759,0.375,0.4167,0.0892,0.2379,0.3223,0.7452,0.011,0.3004,0.1018,0.995,0.9347,0.1157,0.3222,0.2759,0.375,0.4167,0.0913,0.2599,0.3358,0.7509999999999999,0.0116,0.2977,0.0981,0.995,0.9329,0.1154,0.32,0.2759,0.375,0.4167,0.0908,0.242,0.3281,0.7492,0.0112,reg oper account,block of flats,0.3185,Panel,No,2.0,0.0,2.0,0.0,-394.0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1644296,235177,Consumer loans,2534.715,11673.0,13707.0,0.0,11673.0,SUNDAY,15,Y,1,0.0,,,XAP,Approved,-765,Cash through the bank,XAP,Unaccompanied,Repeater,Homewares,POS,XNA,Country-wide,1100,Consumer electronics,6.0,middle,POS household with interest,365243.0,-734.0,-584.0,-584.0,-569.0,0.0,0,Cash loans,F,Y,Y,1,103500.0,675000.0,41427.0,675000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.015221,-13285,-2127,-6752.0,-2135,6.0,1,1,0,1,0,0,Core staff,3.0,2,2,TUESDAY,13,0,0,0,1,0,1,Self-employed,0.40352656843446144,0.464771540163717,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2530.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1219402,330209,Consumer loans,15337.8,164322.0,164322.0,0.0,164322.0,TUESDAY,19,Y,1,0.0,,,XAP,Approved,-518,XNA,XAP,,Refreshed,Medical Supplies,POS,XNA,Stone,100,Industry,12.0,low_normal,POS industry with interest,365243.0,-477.0,-147.0,-207.0,-198.0,0.0,0,Cash loans,F,N,Y,1,315000.0,427176.0,23301.0,306000.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.016612000000000002,-12390,-760,-579.0,-4560,,1,1,0,1,0,0,Accountants,2.0,2,2,TUESDAY,14,0,0,0,0,1,1,Business Entity Type 3,0.4335277360296612,0.5327889343525918,0.622922000268356,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +2798087,111249,Consumer loans,5992.065,74214.0,59368.5,14845.5,74214.0,WEDNESDAY,18,Y,1,0.2178578043348842,0.17600306018361106,0.8350951374207188,XAP,Approved,-175,XNA,XAP,,Repeater,Computers,POS,XNA,Country-wide,50,Connectivity,12.0,middle,POS mobile with interest,365243.0,-139.0,191.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,0,405000.0,942759.0,45486.0,828000.0,Unaccompanied,Commercial associate,Incomplete higher,Single / not married,With parents,0.072508,-11923,-3469,-5711.0,-3243,,1,1,0,1,0,0,Laborers,1.0,1,1,WEDNESDAY,16,0,1,1,0,0,0,Bank,0.24391386889849664,0.6173142578286894,0.4400578303966329,0.3186,0.2469,0.9781,0.7008,0.0466,0.3464,0.2986,0.3333,0.375,0.041,0.2597,0.3016,0.0,0.0309,0.375,0.2313,0.9782,0.7125,0.0326,0.4028,0.3448,0.3333,0.375,0.0392,0.3278,0.2168,0.0,0.0005,0.3716,0.2586,0.9781,0.7048,0.0534,0.4,0.3448,0.3333,0.375,0.043,0.3053,0.354,0.0,0.0005,reg oper account,block of flats,0.1836,Block,No,0.0,0.0,0.0,0.0,-175.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1127987,148670,Consumer loans,14999.49,78727.5,70852.5,7875.0,78727.5,FRIDAY,10,Y,1,0.1089402166852867,,,XAP,Approved,-1077,XNA,XAP,Unaccompanied,New,Construction Materials,POS,XNA,Stone,1016,Construction,5.0,low_normal,POS industry without interest,365243.0,-1039.0,-919.0,-949.0,-942.0,0.0,0,Cash loans,F,N,Y,0,144000.0,945000.0,40167.0,945000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-18816,-2604,-3908.0,-2341,,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Industry: type 3,,0.5698946772632064,0.7136313997323308,0.0722,0.0709,0.9791,0.7144,0.0081,0.0,0.1379,0.1667,0.2083,0.0578,0.0588,0.0664,0.0,0.0,0.0735,0.0736,0.9791,0.7256,0.0082,0.0,0.1379,0.1667,0.2083,0.0592,0.0643,0.0692,0.0,0.0,0.0729,0.0709,0.9791,0.7182,0.0082,0.0,0.1379,0.1667,0.2083,0.0588,0.0599,0.0676,0.0,0.0,reg oper account,block of flats,0.0522,"Stone, brick",No,4.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1994388,249749,Consumer loans,6598.845,59760.0,58221.0,5976.0,59760.0,SUNDAY,15,Y,1,0.10138179779004118,,,XAP,Approved,-1873,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Regional / Local,400,Furniture,10.0,low_normal,POS industry with interest,365243.0,-1842.0,-1572.0,-1602.0,-1600.0,0.0,0,Cash loans,F,Y,Y,0,112500.0,1178982.0,50080.5,1084500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.008625,-21636,365243,-11188.0,-4690,17.0,1,0,0,1,1,0,,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,XNA,,0.7426226933975743,0.6195277080511546,0.1485,0.1049,0.9841,0.7824,0.0824,0.16,0.1379,0.3333,0.375,0.0323,0.121,0.1636,0.0,0.0,0.1513,0.1088,0.9841,0.7909,0.0831,0.1611,0.1379,0.3333,0.375,0.033,0.1322,0.1705,0.0,0.0,0.1499,0.1049,0.9841,0.7853,0.0829,0.16,0.1379,0.3333,0.375,0.0329,0.1231,0.1666,0.0,0.0,reg oper spec account,block of flats,0.1732,Panel,No,6.0,0.0,6.0,0.0,-1873.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2440990,382594,Cash loans,19281.6,450000.0,533160.0,,450000.0,TUESDAY,10,Y,1,,,,XNA,Refused,-359,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,2,234000.0,688090.5,35262.0,594000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.04622,-13580,-3152,-5329.0,-4352,,1,1,0,1,0,0,Medicine staff,4.0,1,1,THURSDAY,10,0,0,0,0,0,0,Medicine,0.90233400573112,0.6342926444150448,0.7503751495159068,0.0619,0.0664,0.9796,0.7212,0.008,0.0,0.1379,0.1667,0.2083,0.0119,0.0504,0.0339,0.0,0.0,0.063,0.0689,0.9796,0.7321,0.008,0.0,0.1379,0.1667,0.2083,0.0122,0.0551,0.0353,0.0,0.0,0.0625,0.0664,0.9796,0.7249,0.008,0.0,0.1379,0.1667,0.2083,0.0121,0.0513,0.0345,0.0,0.0,reg oper account,block of flats,0.0496,Panel,No,0.0,0.0,0.0,0.0,-885.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,4.0 +2787580,339356,Cash loans,16872.21,90000.0,92970.0,,90000.0,TUESDAY,6,Y,1,,,,XNA,Approved,-90,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,low_normal,Cash X-Sell: low,365243.0,-60.0,90.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,N,0,58500.0,168102.0,16375.5,148500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.018801,-24420,365243,-3548.0,-4863,14.0,1,0,0,1,0,0,,2.0,2,2,MONDAY,9,0,0,0,0,0,0,XNA,,0.15167293965939385,0.8193176922872417,0.1485,0.0754,0.9791,0.7144,0.0373,0.16,0.1379,0.3333,0.375,0.0696,0.121,0.1463,0.0,0.0,0.1513,0.0782,0.9791,0.7256,0.0377,0.1611,0.1379,0.3333,0.375,0.0712,0.1322,0.1524,0.0,0.0,0.1499,0.0754,0.9791,0.7182,0.0376,0.16,0.1379,0.3333,0.375,0.0708,0.1231,0.1489,0.0,0.0,reg oper spec account,block of flats,0.115,Panel,No,4.0,0.0,4.0,0.0,-1517.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +1469601,155490,Consumer loans,9377.865,72157.5,70299.0,7218.0,72157.5,WEDNESDAY,14,Y,1,0.10141076385590488,,,XAP,Approved,-2466,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,67,Connectivity,10.0,low_normal,POS mobile with interest,365243.0,-2435.0,-2165.0,-2165.0,-2161.0,1.0,0,Cash loans,F,Y,Y,1,103500.0,343800.0,13090.5,225000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.010276,-19856,-143,-3397.0,-3403,15.0,1,1,0,1,1,0,,3.0,2,2,FRIDAY,10,0,0,0,0,1,1,Other,,0.22054836981105155,0.7610263695502636,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1262016,342114,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,11,Y,1,,,,XAP,Approved,-507,XNA,XAP,,New,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-496.0,-465.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,112500.0,454500.0,16974.0,454500.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.019101,-9936,-1035,-4221.0,-2587,3.0,1,1,0,1,0,1,Sales staff,1.0,2,2,SATURDAY,11,0,0,0,0,0,0,Industry: type 2,,0.6501184430813258,0.5082869913916046,0.1237,0.1303,0.9906,0.8708,0.0316,0.16,0.1379,0.3333,0.375,0.0832,0.1009,0.0812,0.0116,0.0738,0.1261,0.1352,0.9906,0.8759,0.0319,0.1611,0.1379,0.3333,0.375,0.0851,0.1102,0.0846,0.0117,0.0782,0.1249,0.1303,0.9906,0.8725,0.0318,0.16,0.1379,0.3333,0.375,0.0847,0.1026,0.0827,0.0116,0.0754,reg oper account,block of flats,0.1054,"Stone, brick",No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,2.0 +2292486,278661,Consumer loans,9652.365,103455.0,103455.0,0.0,103455.0,SATURDAY,10,Y,1,0.0,,,XAP,Approved,-2733,XNA,XAP,,New,Furniture,POS,XNA,Stone,75,Furniture,12.0,low_normal,POS industry with interest,365243.0,-2690.0,-2360.0,-2360.0,-2354.0,0.0,0,Cash loans,F,N,N,0,144000.0,1174090.5,49743.0,1080000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.01885,-16861,-2699,-427.0,-418,,1,1,1,1,1,0,Laborers,1.0,2,2,TUESDAY,17,0,1,1,0,1,1,Business Entity Type 3,0.5343783884481863,0.5605013283500752,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-57.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,0.0 +1847105,295643,Consumer loans,4331.385,57330.0,44370.0,17199.0,57330.0,SUNDAY,6,Y,1,0.30423223611646355,,,XAP,Approved,-601,Cash through the bank,XAP,,Refreshed,Computers,POS,XNA,Regional / Local,200,Consumer electronics,12.0,middle,POS household with interest,365243.0,-555.0,-225.0,-465.0,-461.0,0.0,0,Cash loans,M,Y,N,0,121500.0,234369.0,17185.5,193500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.002134,-19104,-2834,-3640.0,-2509,8.0,1,1,0,1,0,0,High skill tech staff,2.0,3,3,SATURDAY,6,0,0,0,0,0,0,Government,,0.7161455359862341,0.15380258630671767,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,2.0,7.0,2.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,1.0 +2033371,418995,Consumer loans,5243.715,63328.5,50661.0,12667.5,63328.5,SUNDAY,9,Y,1,0.2178491372906209,,,XAP,Approved,-43,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,40,Connectivity,12.0,middle,POS mobile with interest,365243.0,-13.0,317.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,94500.0,900000.0,47952.0,900000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.00963,-11516,-852,-2860.0,-2954,,1,1,0,1,1,0,,2.0,2,2,SUNDAY,18,0,0,0,0,1,1,Business Entity Type 3,0.22252544864573087,0.4126549128665547,0.6690566947824041,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1105.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1644223,101683,Revolving loans,4500.0,90000.0,90000.0,,90000.0,WEDNESDAY,14,Y,1,,,,XAP,Approved,-189,XNA,XAP,Other_A,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-188.0,-139.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,1,90000.0,133528.5,10705.5,121500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.028663,-9575,-617,-1023.0,-2265,,1,1,1,1,0,1,Sales staff,2.0,2,2,SUNDAY,12,0,0,0,0,0,0,Self-employed,0.3269410439332157,0.35959012324844264,,0.1093,0.0658,0.9925,0.898,0.004,0.08,0.069,0.3333,0.2917,0.0778,0.0891,0.1605,0.0,0.0,0.1113,0.0683,0.9926,0.902,0.004,0.0806,0.069,0.3333,0.2917,0.0796,0.0973,0.1672,0.0,0.0,0.1103,0.0658,0.9925,0.8994,0.004,0.08,0.069,0.3333,0.2917,0.0791,0.0906,0.1633,0.0,0.0,reg oper account,block of flats,0.1476,"Stone, brick",No,0.0,0.0,0.0,0.0,-474.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1648528,270193,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SATURDAY,11,Y,1,,,,XAP,Approved,-249,XNA,XAP,Unaccompanied,New,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-249.0,-205.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,M,Y,Y,0,225000.0,783000.0,21532.5,783000.0,Unaccompanied,Commercial associate,Incomplete higher,Single / not married,House / apartment,0.011656999999999999,-14032,-287,-397.0,-4552,3.0,1,1,0,1,0,0,,1.0,1,1,WEDNESDAY,9,0,1,1,0,1,1,Business Entity Type 3,0.1806784993395953,0.5906731307975637,0.6380435278721609,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1315.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1789121,203852,Consumer loans,12434.355,127786.5,125599.5,13500.0,127786.5,FRIDAY,16,Y,1,0.10569935386343783,,,XAP,Approved,-2467,Cash through the bank,XAP,"Spouse, partner",New,Audio/Video,POS,XNA,Country-wide,1500,Consumer electronics,12.0,middle,POS household with interest,365243.0,-2436.0,-2106.0,-2106.0,-2101.0,1.0,0,Cash loans,M,Y,Y,0,121500.0,274500.0,14143.5,274500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018209,-21188,365243,-10303.0,-4354,1.0,1,0,0,1,0,1,,2.0,3,3,MONDAY,10,0,0,0,0,0,0,XNA,0.5507693582627585,0.5217245741534444,0.17146836689679945,0.0742,0.0527,0.9856,0.8028,0.0323,0.08,0.069,0.3333,0.375,0.0508,0.0605,0.0774,0.0,0.0,0.0756,0.0547,0.9856,0.8105,0.0325,0.0806,0.069,0.3333,0.375,0.0519,0.0661,0.0806,0.0,0.0,0.0749,0.0527,0.9856,0.8054,0.0325,0.08,0.069,0.3333,0.375,0.0516,0.0616,0.0788,0.0,0.0,reg oper account,block of flats,0.0785,Panel,No,2.0,0.0,2.0,0.0,-2467.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2019069,171793,Consumer loans,3573.27,57096.0,69156.0,0.0,57096.0,SATURDAY,12,Y,1,0.0,,,XAP,Refused,-617,Cash through the bank,LIMIT,Family,Repeater,Audio/Video,POS,XNA,Country-wide,3303,Consumer electronics,24.0,low_normal,POS household with interest,,,,,,,0,Cash loans,M,Y,N,1,117000.0,360000.0,16780.5,360000.0,Children,Working,Higher education,Separated,House / apartment,0.015221,-14045,-115,-7971.0,-4969,32.0,1,1,0,1,1,1,Drivers,2.0,2,2,SUNDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.22136077288756856,0.6330235847865322,,0.0825,0.0641,0.9796,0.7212,0.0494,0.0,0.1379,0.1667,0.2083,0.0388,0.0672,0.0702,0.0,0.0,0.084,0.0665,0.9796,0.7321,0.0499,0.0,0.1379,0.1667,0.2083,0.0397,0.0735,0.0731,0.0,0.0,0.0833,0.0641,0.9796,0.7249,0.0497,0.0,0.1379,0.1667,0.2083,0.0394,0.0684,0.0714,0.0,0.0,reg oper account,block of flats,0.0822,Panel,No,0.0,0.0,0.0,0.0,-778.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1739954,170550,Consumer loans,9703.755,81162.9,88304.4,0.0,81162.9,THURSDAY,15,Y,1,0.0,,,XAP,Approved,-429,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,42,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-378.0,-108.0,-168.0,-160.0,0.0,0,Cash loans,M,N,Y,0,135000.0,1067418.0,31338.0,891000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,Rented apartment,0.019688999999999998,-13468,-789,-963.0,-4275,,1,1,0,1,0,0,,1.0,2,2,SATURDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.4634390543886789,0.7407990879702335,0.067,,0.9811,,,,0.1379,0.1667,,,,0.0619,,,0.0683,,0.9811,,,,0.1379,0.1667,,,,0.0645,,,0.0677,,0.9811,,,,0.1379,0.1667,,,,0.063,,,,block of flats,0.0528,"Stone, brick",No,0.0,0.0,0.0,0.0,-179.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2353281,210715,Consumer loans,4404.96,38160.0,37746.0,3816.0,38160.0,THURSDAY,14,Y,1,0.0999944879719674,,,XAP,Approved,-2274,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Stone,2,Connectivity,12.0,high,POS mobile with interest,365243.0,-2232.0,-1902.0,-1902.0,-1900.0,1.0,1,Cash loans,F,Y,Y,1,157500.0,675000.0,37822.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-13259,-1051,-369.0,-657,18.0,1,1,1,1,0,0,Sales staff,3.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.3388379975290145,0.3572116758640995,0.4311917977993083,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-460.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2374076,210773,Consumer loans,6169.41,34155.0,30739.5,3415.5,34155.0,SUNDAY,14,Y,1,0.1089090909090909,,,XAP,Approved,-2556,Cash through the bank,XAP,"Spouse, partner",New,Mobile,POS,XNA,Country-wide,3234,Consumer electronics,6.0,high,POS household with interest,365243.0,-2525.0,-2375.0,-2435.0,-2430.0,0.0,0,Cash loans,F,N,Y,1,180000.0,640080.0,24259.5,450000.0,Unaccompanied,Commercial associate,Incomplete higher,Separated,House / apartment,0.032561,-15606,-2125,-9708.0,-4765,,1,1,0,1,1,0,,2.0,1,1,MONDAY,9,0,0,0,0,1,1,Business Entity Type 3,,0.6957193255465108,0.4561097392782771,0.2026,0.1335,0.9866,,,0.22,0.1897,0.3333,,,,0.1981,,0.011,0.0378,0.0286,0.9841,,,0.0403,0.0345,0.3333,,,,0.0443,,0.006,0.2045,0.1335,0.9866,,,0.22,0.1897,0.3333,,,,0.2017,,0.0113,,block of flats,0.3104,Panel,No,2.0,0.0,2.0,0.0,-1593.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,2.0,6.0 +1163990,134537,Consumer loans,4813.515,41805.0,41247.0,4275.0,41805.0,FRIDAY,12,Y,1,0.10227722060462267,,,XAP,Approved,-2373,Cash through the bank,XAP,,New,Mobile,POS,XNA,Stone,46,Connectivity,12.0,high,POS mobile with interest,365243.0,-2328.0,-1998.0,-2028.0,-2021.0,1.0,0,Cash loans,F,N,N,0,67500.0,225000.0,12915.0,225000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.011656999999999999,-14532,-4110,-7729.0,-4091,,1,1,1,1,0,0,Medicine staff,2.0,1,1,WEDNESDAY,18,0,0,0,0,0,0,Medicine,0.7260289472082755,0.2817197847294197,0.7862666146611379,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,5.0,0.0,-2373.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1705733,286095,Consumer loans,24320.79,145354.5,130815.0,14539.5,145354.5,SATURDAY,14,Y,1,0.10893943615593096,,,XAP,Approved,-175,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Regional / Local,1328,Consumer electronics,6.0,middle,POS household with interest,365243.0,-145.0,5.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,Y,0,360000.0,720000.0,36000.0,720000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.032561,-18897,-4630,-410.0,-2417,,1,1,0,1,0,0,Core staff,2.0,1,1,SATURDAY,14,0,0,0,0,0,0,Government,,0.3177874888847949,0.5762088360175724,0.066,0.0669,0.9742,0.6464,,0.0,0.1379,0.125,,0.0603,,0.0558,,0.0529,0.0672,0.0694,0.9742,0.6602,,0.0,0.1379,0.125,,0.0617,,0.0582,,0.056,0.0666,0.0669,0.9742,0.6511,,0.0,0.1379,0.125,,0.0614,,0.0568,,0.054000000000000006,,block of flats,0.0554,"Stone, brick",No,4.0,0.0,4.0,0.0,-1624.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2677963,276787,Cash loans,43829.28,1305000.0,1494486.0,,1305000.0,WEDNESDAY,17,Y,1,,,,XNA,Refused,-14,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,Y,Y,1,270000.0,575419.5,56187.0,553500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.00702,-13082,-2538,-7133.0,-4589,16.0,1,1,0,1,0,0,Core staff,3.0,2,2,WEDNESDAY,16,0,0,0,0,1,1,Bank,,0.5853704219676771,0.21275630545434146,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2097754,121731,Cash loans,15789.6,540000.0,540000.0,,540000.0,SATURDAY,14,Y,1,,,,XNA,Refused,-165,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,153000.0,239850.0,25830.0,225000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.003540999999999999,-15465,-2061,-1740.0,-3178,,1,1,1,1,0,0,Medicine staff,2.0,1,1,WEDNESDAY,7,0,0,0,0,0,0,Medicine,,0.6223845480917829,0.5478104658520093,0.0598,0.0,0.9836,0.7756,,0.0,0.069,0.0417,0.0833,0.0126,,0.0087,,0.0,0.0609,0.0,0.9836,0.7844,,0.0,0.069,0.0417,0.0833,0.0129,,0.0091,,0.0,0.0604,0.0,0.9836,0.7786,,0.0,0.069,0.0417,0.0833,0.0128,,0.0089,,0.0,not specified,specific housing,0.0109,Wooden,No,3.0,0.0,3.0,0.0,-203.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2134939,384426,Consumer loans,3771.63,35910.0,32319.0,3591.0,35910.0,MONDAY,8,Y,1,0.1089090909090909,,,XAP,Approved,-2581,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,19,Connectivity,12.0,high,POS mobile with interest,365243.0,-2550.0,-2220.0,-2340.0,-2330.0,0.0,0,Cash loans,F,N,Y,0,135000.0,342000.0,11052.0,342000.0,Family,Pensioner,Secondary / secondary special,Separated,House / apartment,0.018209,-19585,365243,-10650.0,-1622,,1,0,0,1,0,0,,1.0,3,3,SATURDAY,7,0,0,0,0,0,0,XNA,0.11197416011619726,0.4080093897452581,0.13680052191177486,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1906.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2366123,119227,Consumer loans,16914.15,65052.0,65052.0,0.0,65052.0,THURSDAY,6,Y,1,0.0,,,XAP,Approved,-952,XNA,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Regional / Local,100,Industry,4.0,low_action,POS industry with interest,365243.0,-920.0,-830.0,-830.0,-822.0,0.0,0,Cash loans,F,N,Y,0,202500.0,585000.0,28273.5,585000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020713,-19889,365243,-3148.0,-1941,,1,0,0,1,0,0,,2.0,3,3,THURSDAY,9,0,0,0,0,0,0,XNA,,0.5707413624825899,0.4241303111942548,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-204.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1367234,272670,Consumer loans,9869.22,160420.5,188370.0,0.0,160420.5,FRIDAY,12,Y,1,0.0,,,XAP,Approved,-1204,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Regional / Local,1011,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-1172.0,-482.0,-632.0,-628.0,0.0,0,Cash loans,F,Y,Y,1,121500.0,384048.0,14607.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,Rented apartment,0.008865999999999999,-11677,-157,-1913.0,-2590,5.0,1,1,1,1,0,0,Managers,3.0,2,2,FRIDAY,15,0,0,0,1,1,0,Business Entity Type 3,0.3585437111895524,0.3492088064522291,0.4561097392782771,0.0021,,0.9727,,,,,0.0,,,,0.0011,,0.0005,0.0021,,0.9727,,,,,0.0,,,,0.0011,,0.0005,0.0021,,0.9727,,,,,0.0,,,,0.0011,,0.0005,,terraced house,0.001,Wooden,No,2.0,0.0,2.0,0.0,-1204.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1328248,438094,Revolving loans,9000.0,0.0,180000.0,,,WEDNESDAY,13,Y,1,,,,XAP,Approved,-790,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-786.0,-738.0,365243.0,-463.0,365243.0,0.0,0,Cash loans,F,N,Y,2,202500.0,1157242.5,41697.0,999000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.030755,-9825,-2485,-3562.0,-2506,,1,1,0,1,0,0,,4.0,2,2,TUESDAY,16,0,0,0,0,0,0,Advertising,0.4100964498172127,0.505665344903408,0.3572932680336494,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1712.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +1161945,365967,Cash loans,26622.81,472500.0,547344.0,,472500.0,THURSDAY,10,Y,1,,,,Repairs,Approved,-420,Cash through the bank,XAP,,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,middle,Cash Street: middle,365243.0,-390.0,1020.0,-240.0,-235.0,1.0,0,Cash loans,F,N,Y,0,90000.0,675000.0,26284.5,675000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.015221,-16151,-8929,-10277.0,-4151,,1,1,0,1,0,0,,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Medicine,,0.5037903695705864,0.052036407096232806,0.0928,0.099,0.9791,0.7144,0.0429,0.0,0.2069,0.1667,0.2083,0.0358,0.0756,0.0866,0.0,0.0,0.0945,0.1027,0.9791,0.7256,0.0433,0.0,0.2069,0.1667,0.2083,0.0366,0.0826,0.0902,0.0,0.0,0.0937,0.099,0.9791,0.7182,0.0432,0.0,0.2069,0.1667,0.2083,0.0364,0.077,0.0881,0.0,0.0,org spec account,block of flats,0.0916,Panel,No,0.0,0.0,0.0,0.0,-420.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +2137220,360155,Consumer loans,16480.845,93141.0,46570.5,46570.5,93141.0,SUNDAY,14,Y,1,0.5445454545454544,,,XAP,Approved,-233,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,2178,Consumer electronics,3.0,middle,POS household with interest,365243.0,-202.0,-142.0,-142.0,-135.0,0.0,0,Revolving loans,M,Y,Y,0,337500.0,675000.0,33750.0,675000.0,Unaccompanied,State servant,Higher education,Married,With parents,0.035792000000000004,-16379,-1601,-3994.0,-4815,6.0,1,1,0,1,0,0,Managers,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Other,,0.6964086413399206,0.4812493411434029,0.133,0.1469,0.9781,0.7008,0.0154,0.0,0.2759,0.1667,0.2083,0.1335,0.1059,0.1179,0.0116,0.0097,0.1355,0.1524,0.9782,0.7125,0.0156,0.0,0.2759,0.1667,0.2083,0.1366,0.1157,0.1229,0.0117,0.0103,0.1343,0.1469,0.9781,0.7048,0.0155,0.0,0.2759,0.1667,0.2083,0.1358,0.1077,0.12,0.0116,0.0099,reg oper account,block of flats,0.0949,"Stone, brick",No,,,,,-958.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1639045,270726,Revolving loans,4500.0,0.0,90000.0,,,TUESDAY,7,Y,1,,,,XAP,Approved,-2838,XNA,XAP,,Repeater,XNA,Cards,x-sell,Stone,150,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,M,N,N,0,135000.0,164952.0,10867.5,130500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.020246,-11928,-3635,-1488.0,-4329,,1,1,0,1,0,0,Laborers,1.0,3,3,FRIDAY,7,0,0,0,1,1,0,Business Entity Type 2,0.341681516486076,0.033521331548010694,,0.0155,0.0,0.9588,0.4356,0.0145,0.0,0.5172,0.0,0.0417,0.0306,0.0126,0.0087,0.0,0.0,0.0158,0.0,0.9588,0.4577,0.0147,0.0,0.5172,0.0,0.0417,0.0313,0.0138,0.0091,0.0,0.0,0.0156,0.0,0.9588,0.4431,0.0146,0.0,0.5172,0.0,0.0417,0.0312,0.0128,0.0089,0.0,0.0,not specified,terraced house,0.0069,Wooden,Yes,2.0,1.0,2.0,1.0,-2467.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1288239,361686,Consumer loans,5253.84,25191.0,18441.0,6750.0,25191.0,FRIDAY,18,Y,1,0.29182500243593484,,,XAP,Approved,-2666,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,1200,Consumer electronics,4.0,high,POS household with interest,365243.0,-2634.0,-2544.0,-2544.0,-2538.0,0.0,0,Cash loans,F,Y,Y,2,202500.0,1125000.0,47664.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-13285,-361,-3674.0,-3667,3.0,1,1,0,1,0,0,Medicine staff,4.0,2,2,THURSDAY,19,0,0,0,0,0,0,Industry: type 9,0.8092860069979969,0.6266866933965973,0.34578480246959553,0.1196,0.0682,0.9781,,,0.0,0.0345,0.1667,,0.0408,,0.0508,,,0.1218,0.0708,0.9782,,,0.0,0.0345,0.1667,,0.0417,,0.0529,,,0.1207,0.0682,0.9781,,,0.0,0.0345,0.1667,,0.0415,,0.0517,,,,block of flats,0.0523,"Stone, brick",No,0.0,0.0,0.0,0.0,-1587.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2569751,213934,Cash loans,26189.1,720000.0,834048.0,,720000.0,FRIDAY,7,Y,1,,,,Repairs,Refused,-335,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),50,XNA,48.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,N,0,85500.0,540000.0,27571.5,540000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.015221,-18468,-446,-581.0,-2010,,1,1,1,1,1,0,Medicine staff,2.0,2,2,MONDAY,14,0,0,0,0,1,1,Government,,0.004960455746336629,0.34090642641523844,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1617.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1986072,124714,Consumer loans,4603.59,28035.0,30010.5,0.0,28035.0,FRIDAY,11,Y,1,0.0,,,XAP,Approved,-893,Cash through the bank,XAP,Family,Repeater,Auto Accessories,POS,XNA,Stone,132,Industry,8.0,high,POS other with interest,365243.0,-862.0,-652.0,-832.0,-828.0,0.0,0,Cash loans,M,Y,Y,0,144000.0,954207.0,28030.5,796500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-23403,365243,-15387.0,-4589,10.0,1,0,0,1,1,0,,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,XNA,,0.5685702440210428,0.15759499866631024,0.233,0.223,0.9821,0.7552,0.0339,0.0,0.5517,0.1667,0.0,0.068,0.19,0.236,0.0154,0.1075,0.2374,0.2314,0.9821,0.7648,0.0343,0.0,0.5517,0.1667,0.0,0.0695,0.2075,0.2459,0.0156,0.1138,0.2352,0.223,0.9821,0.7585,0.0342,0.0,0.5517,0.1667,0.0,0.0691,0.1932,0.2403,0.0155,0.1097,reg oper account,block of flats,0.209,Block,No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,1.0,0.0,0.0,1.0,1.0 +2240681,131254,Consumer loans,11156.985,51705.0,54265.5,0.0,51705.0,MONDAY,15,Y,1,0.0,,,XAP,Approved,-1485,Cash through the bank,XAP,Children,Refreshed,Furniture,POS,XNA,Stone,140,Furniture,6.0,high,POS industry with interest,365243.0,-1454.0,-1304.0,-1334.0,-1331.0,0.0,0,Cash loans,F,N,Y,0,135000.0,453514.5,21145.5,391500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.035792000000000004,-20084,-9804,-9237.0,-3422,,1,1,0,1,0,0,Core staff,1.0,2,2,TUESDAY,14,0,0,0,0,0,0,Postal,,0.10571324539368562,,0.0144,,0.9513,,,0.0,0.0345,0.0417,,0.0068,0.005,0.0043,0.0,0.0,0.0147,,0.9513,,,0.0,0.0345,0.0417,,0.006999999999999999,0.0055,0.0045,0.0,0.0,0.0146,,0.9513,,,0.0,0.0345,0.0417,,0.0069,0.0051,0.0044,0.0,0.0,reg oper account,block of flats,0.0036,"Stone, brick",No,4.0,1.0,4.0,1.0,-1485.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2367753,100078,Cash loans,38263.5,900000.0,900000.0,,900000.0,WEDNESDAY,11,Y,1,,,,XNA,Refused,-13,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,Y,Y,0,180000.0,1035000.0,43983.0,1035000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.028663,-19550,-4856,-6836.0,-3084,21.0,1,1,0,1,0,0,Core staff,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,Government,0.7961611232881004,0.5172704004425673,0.4294236843421945,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1594.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2411615,372843,Consumer loans,19766.52,144000.0,106186.5,45000.0,144000.0,THURSDAY,13,Y,1,0.3241631422719019,,,XAP,Approved,-257,Cash through the bank,XAP,Unaccompanied,Refreshed,Gardening,POS,XNA,Country-wide,16,Auto technology,6.0,middle,POS other with interest,365243.0,-227.0,-77.0,-137.0,-135.0,1.0,0,Cash loans,M,N,Y,2,202500.0,1085058.0,55399.5,891000.0,Unaccompanied,Working,Secondary / secondary special,Married,Rented apartment,0.0228,-12325,-280,-2240.0,-4373,,1,1,0,1,0,0,Laborers,4.0,2,2,TUESDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.3308372896966228,0.6704165831968272,0.7062051096536562,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-257.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1783986,186837,Consumer loans,3415.77,24705.0,21537.0,4500.0,24705.0,SATURDAY,9,Y,1,0.18822863966313666,,,XAP,Approved,-2405,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,8.0,low_normal,POS mobile with interest,365243.0,-2374.0,-2164.0,-2164.0,-2159.0,1.0,0,Cash loans,F,Y,Y,0,315000.0,728460.0,38808.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.019101,-17495,-4510,-9275.0,-1042,6.0,1,1,0,1,0,0,,1.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Kindergarten,,0.7114369765110798,0.6246146584503397,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1638.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2687177,164684,Consumer loans,5589.45,110488.5,121774.5,16600.5,110488.5,SATURDAY,18,Y,1,0.13065549150036948,,,XAP,Approved,-2545,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,10,Consumer electronics,36.0,middle,POS household without interest,365243.0,-2513.0,-1463.0,-1733.0,-1725.0,1.0,0,Cash loans,M,Y,N,1,225000.0,797557.5,26050.5,688500.0,Unaccompanied,Commercial associate,Incomplete higher,Single / not married,House / apartment,0.025164,-13697,-1185,-1591.0,-4424,13.0,1,1,0,1,1,0,Managers,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,Trade: type 7,0.3983843204795514,0.6353065521725396,0.6817058776720116,0.1134,0.0582,0.9975,0.966,0.0564,0.12,0.1034,0.375,0.4167,0.0,0.0925,0.1105,0.0,0.0,0.1155,0.0604,0.9975,0.9673,0.0569,0.1208,0.1034,0.375,0.4167,0.0,0.101,0.1151,0.0,0.0,0.1145,0.0582,0.9975,0.9665,0.0567,0.12,0.1034,0.375,0.4167,0.0,0.0941,0.1125,0.0,0.0,reg oper account,block of flats,0.1178,Panel,No,1.0,1.0,1.0,0.0,-1282.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2730780,235042,Consumer loans,10718.55,75960.0,75960.0,0.0,75960.0,TUESDAY,17,Y,1,0.0,,,XAP,Approved,-79,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,110,Consumer electronics,8.0,low_normal,POS household with interest,365243.0,-47.0,163.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,N,2,90000.0,99000.0,10791.0,99000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-11212,-1958,-4027.0,-3044,6.0,1,1,0,1,0,0,Sales staff,4.0,2,2,THURSDAY,17,0,0,0,1,1,1,Business Entity Type 3,0.5260777931780674,0.6209084218408137,0.6075573001388961,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,1.0,8.0,0.0,-112.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2813166,320184,Revolving loans,11250.0,0.0,225000.0,,,FRIDAY,11,Y,1,,,,XAP,Approved,-1260,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,0,292500.0,1080000.0,42831.0,1080000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.0105,-20799,-725,-10041.0,-3972,,1,1,1,1,1,0,Security staff,2.0,3,3,THURSDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.7323701875102332,0.0223731288736982,0.3656165070113335,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0298,,No,0.0,0.0,0.0,0.0,-1703.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2056894,306962,Cash loans,24160.5,225000.0,225000.0,0.0,225000.0,WEDNESDAY,15,Y,1,0.0,,,XNA,Approved,-2262,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,middle,Cash Street: middle,365243.0,-2232.0,-1902.0,-1932.0,-1929.0,0.0,0,Cash loans,M,Y,N,0,270000.0,2217456.0,67230.0,2025000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.04622,-20848,-2117,-8287.0,-4354,6.0,1,1,1,1,0,0,High skill tech staff,2.0,1,1,WEDNESDAY,17,0,0,0,0,0,0,Construction,0.6806406803255027,0.7413751916766949,,0.0619,,0.9886,,,0.0,0.1034,0.1667,,0.0139,,0.0395,,0.0,0.063,,0.9886,,,0.0,0.1034,0.1667,,0.0143,,0.0412,,0.0,0.0625,,0.9886,,,0.0,0.1034,0.1667,,0.0142,,0.0402,,0.0,,block of flats,0.0525,Panel,No,0.0,0.0,0.0,0.0,-1518.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +2411311,383215,Consumer loans,6924.735,35955.0,33961.5,3595.5,35955.0,SUNDAY,5,Y,1,0.10426355575888284,,,XAP,Approved,-1571,XNA,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,89,Connectivity,6.0,high,POS mobile with interest,365243.0,-1540.0,-1390.0,-1390.0,-1382.0,0.0,0,Cash loans,M,N,Y,0,270000.0,1066500.0,31311.0,1066500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.014464,-21001,-1842,-8793.0,-4366,,1,1,0,1,0,0,Drivers,2.0,2,2,WEDNESDAY,5,0,0,0,0,0,0,Business Entity Type 3,,0.5809211979048913,0.33928769990891394,0.0722,0.0911,0.9856,0.8028,0.0,0.0,0.1724,0.1667,0.2083,0.0274,0.0588,0.0787,0.0,0.0,0.0735,0.0946,0.9856,0.8105,0.0,0.0,0.1724,0.1667,0.2083,0.028,0.0643,0.08199999999999999,0.0,0.0,0.0729,0.0911,0.9856,0.8054,0.0,0.0,0.1724,0.1667,0.2083,0.0278,0.0599,0.0801,0.0,0.0,reg oper account,block of flats,0.0621,Panel,No,0.0,0.0,0.0,0.0,-1571.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1216768,436114,Consumer loans,5018.94,41625.0,42268.5,8325.0,41625.0,SUNDAY,17,Y,1,0.17920645573407293,,,XAP,Approved,-719,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,15,Connectivity,12.0,high,POS mobile with interest,365243.0,-663.0,-333.0,-393.0,-383.0,0.0,1,Cash loans,M,N,N,1,135000.0,1125000.0,62950.5,1125000.0,Family,Working,Secondary / secondary special,Married,With parents,0.072508,-15094,-418,-9151.0,-5152,,1,1,1,1,1,0,Laborers,3.0,1,1,FRIDAY,18,0,0,0,0,0,0,Advertising,0.26042038030462505,0.7360019402813961,0.20915469884100693,0.0784,0.078,0.9742,0.6464,,0.0,0.1379,0.1667,0.2083,,,0.0447,,,0.0798,0.0809,0.9742,0.6602,,0.0,0.1379,0.1667,0.2083,,,0.0465,,,0.0791,0.078,0.9742,0.6511,,0.0,0.1379,0.1667,0.2083,,,0.0455,,,reg oper account,block of flats,0.0534,"Stone, brick",No,0.0,0.0,0.0,0.0,-1564.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1503544,256699,Consumer loans,23232.555,121455.0,113301.0,13500.0,121455.0,MONDAY,13,Y,1,0.1159511933874912,,,XAP,Approved,-1820,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,2250,Consumer electronics,6.0,high,POS household with interest,365243.0,-1789.0,-1639.0,-1639.0,-1632.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,90000.0,8901.0,90000.0,Family,Working,Secondary / secondary special,Single / not married,With parents,0.010006000000000001,-8521,-1835,-2841.0,-1187,9.0,1,1,0,1,0,0,Sales staff,1.0,2,1,MONDAY,17,0,0,0,0,0,0,Industry: type 1,,0.6273924215945101,0.6738300778602003,0.2928,0.1968,0.995,0.932,0.0763,0.32,0.2759,0.3333,0.375,0.1474,0.2387,0.3232,0.0,0.0,0.2983,0.2042,0.995,0.9347,0.077,0.3222,0.2759,0.3333,0.375,0.1508,0.2608,0.3368,0.0,0.0,0.2956,0.1968,0.995,0.9329,0.0768,0.32,0.2759,0.3333,0.375,0.15,0.2428,0.329,0.0,0.0,reg oper account,block of flats,0.3007,Panel,No,0.0,0.0,0.0,0.0,-1820.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2572028,222111,Consumer loans,7016.805,37467.0,35451.0,7497.0,37467.0,WEDNESDAY,18,Y,1,0.19011163605882792,,,XAP,Approved,-691,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,6.0,high,POS mobile with interest,365243.0,-660.0,-510.0,-510.0,-505.0,0.0,0,Cash loans,F,N,Y,0,99000.0,540000.0,21055.5,540000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-10209,-859,-202.0,-2666,,1,1,0,1,1,0,Sales staff,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Trade: type 7,0.4035606106185553,0.7618837350511866,0.08846056465419698,0.0742,0.1324,1.0,1.0,0.0267,0.08,0.069,0.3333,0.0417,0.0793,0.0588,0.0954,0.0077,0.0107,0.0756,0.1374,1.0,1.0,0.027000000000000003,0.0806,0.069,0.3333,0.0417,0.0811,0.0643,0.0994,0.0078,0.0114,0.0749,0.1324,1.0,1.0,0.0269,0.08,0.069,0.3333,0.0417,0.0806,0.0599,0.0971,0.0078,0.011,reg oper account,block of flats,0.092,"Stone, brick",No,1.0,1.0,1.0,1.0,-2078.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,2.0,4.0 +2243435,181658,Consumer loans,5037.075,30325.5,30325.5,0.0,30325.5,THURSDAY,11,Y,1,0.0,,,XAP,Approved,-60,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,8.0,high,POS mobile with interest,365243.0,-22.0,188.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,157500.0,323460.0,25159.5,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00702,-11232,-3573,-3352.0,-3352,0.0,1,1,0,1,0,0,Medicine staff,2.0,2,2,MONDAY,16,0,0,0,0,1,1,Other,0.32406297208517604,0.04776162149751848,0.32173528219668485,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,0.0,-481.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,1.0 +1947543,329054,Consumer loans,8221.68,81225.0,89802.0,0.0,81225.0,WEDNESDAY,12,Y,1,0.0,,,XAP,Approved,-976,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,2500,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-945.0,-615.0,-615.0,-608.0,0.0,0,Cash loans,M,N,Y,0,135000.0,355536.0,19417.5,270000.0,Family,State servant,Secondary / secondary special,Married,Municipal apartment,0.018801,-11401,-582,-5185.0,-3746,,1,1,1,1,0,0,Managers,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,Military,0.2934641421829585,0.4899332224043141,0.3825018041447388,0.0928,0.0811,0.9831,0.7688,0.0433,0.0,0.2069,0.1667,0.2083,0.0631,0.0756,0.0773,0.0,0.0,0.0945,0.0842,0.9831,0.7779,0.0437,0.0,0.2069,0.1667,0.2083,0.0645,0.0826,0.0805,0.0,0.0,0.0937,0.0811,0.9831,0.7719,0.0436,0.0,0.2069,0.1667,0.2083,0.0642,0.077,0.0787,0.0,0.0,reg oper account,block of flats,0.0845,Panel,No,0.0,0.0,0.0,0.0,-1.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2052140,209502,Cash loans,52907.4,1350000.0,1467612.0,,1350000.0,SATURDAY,12,Y,1,,,,XNA,Approved,-383,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_action,Cash X-Sell: low,365243.0,-353.0,697.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,0,202500.0,525735.0,37516.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.005313,-15974,-3133,-2625.0,-5114,1.0,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,17,0,0,0,0,1,1,Self-employed,0.5180871941089177,0.5258699790716845,0.5513812618027899,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-383.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1902097,198928,Cash loans,23366.205,225000.0,239850.0,,225000.0,SUNDAY,12,Y,1,,,,Repairs,Refused,-422,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,N,0,112500.0,450000.0,22018.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-14267,-829,-2947.0,-4848,,1,1,0,1,1,0,Sales staff,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Trade: type 3,0.3496988232578329,0.3718395096782981,0.6195277080511546,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-423.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2428050,405926,Consumer loans,19262.205,112455.0,101209.5,11245.5,112455.0,MONDAY,18,Y,1,0.1089090909090909,,,XAP,Approved,-217,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,17,Connectivity,6.0,middle,POS mobile with interest,365243.0,-179.0,-29.0,-59.0,-57.0,0.0,0,Cash loans,M,N,N,0,135000.0,450000.0,48465.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.006670999999999999,-8398,-361,-8384.0,-1019,,1,1,0,1,0,0,Cooking staff,1.0,2,2,FRIDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.7189200201479709,0.6006575372857061,0.0577,0.0944,0.9786,,,,0.1379,0.1667,,,,0.0367,,0.0555,0.0588,0.098,0.9786,,,,0.1379,0.1667,,,,0.0382,,0.0587,0.0583,0.0944,0.9786,,,,0.1379,0.1667,,,,0.0373,,0.0567,,block of flats,0.0536,"Stone, brick",No,0.0,0.0,0.0,0.0,-1013.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1501216,288019,Consumer loans,29677.41,107910.0,107910.0,0.0,107910.0,SUNDAY,7,Y,1,0.0,,,XAP,Refused,-197,Cash through the bank,HC,,Repeater,Mobile,POS,XNA,Country-wide,48,Connectivity,4.0,middle,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,0,180000.0,432567.0,22216.5,328500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.010032,-23067,365243,-11234.0,-4744,,1,0,0,1,0,0,,1.0,2,2,MONDAY,6,0,0,0,0,0,0,XNA,,0.3582969522330752,0.6279908192952864,0.1108,0.085,0.9841,0.7824,0.027000000000000003,0.12,0.1034,0.3333,0.0417,0.078,0.0609,0.1124,0.1351,0.0016,0.0746,0.059,0.9841,0.7909,0.0179,0.0806,0.069,0.3333,0.0417,0.058,0.0009,0.0781,0.0,0.0,0.1119,0.085,0.9841,0.7853,0.0272,0.12,0.1034,0.3333,0.0417,0.0794,0.062,0.1144,0.1359,0.0016,reg oper account,block of flats,0.0694,Panel,No,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2491304,361384,Consumer loans,15126.12,80329.5,84573.0,0.0,80329.5,SUNDAY,4,Y,1,0.0,,,XAP,Approved,-880,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Regional / Local,340,Consumer electronics,6.0,low_normal,POS household without interest,365243.0,-848.0,-698.0,-698.0,-691.0,0.0,1,Cash loans,M,N,N,0,180000.0,119925.0,13563.0,112500.0,Other_B,Working,Secondary / secondary special,Single / not married,With parents,0.0038179999999999998,-9046,-1202,-1388.0,-1347,,1,1,1,1,1,1,,1.0,2,2,FRIDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.2858978721410488,0.2650494299443805,0.0495,0.0584,0.9747,0.6532,0.0344,0.0,0.1034,0.125,0.1667,0.0515,0.0378,0.0384,0.0116,0.0095,0.0504,0.0606,0.9747,0.6668,0.0347,0.0,0.1034,0.125,0.1667,0.0526,0.0413,0.04,0.0117,0.0101,0.05,0.0584,0.9747,0.6578,0.0346,0.0,0.1034,0.125,0.1667,0.0524,0.0385,0.0391,0.0116,0.0097,reg oper account,block of flats,0.0323,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1363147,433533,Cash loans,10476.585,94500.0,120541.5,0.0,94500.0,MONDAY,13,Y,1,0.0,,,XNA,Approved,-1954,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-1924.0,-1414.0,-1414.0,-1401.0,1.0,0,Cash loans,F,N,Y,0,216000.0,289597.5,14062.5,234000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018634,-22715,365243,-9751.0,-4821,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,0.5660674740526591,0.7209526163974687,0.32173528219668485,0.1361,0.0573,0.9752,0.66,0.0103,0.0,0.2069,0.1667,0.2083,0.0338,0.1042,0.0903,0.0309,0.067,0.1387,0.0594,0.9752,0.6733,0.0104,0.0,0.2069,0.1667,0.2083,0.0346,0.1139,0.0941,0.0311,0.0709,0.1374,0.0573,0.9752,0.6645,0.0104,0.0,0.2069,0.1667,0.2083,0.0344,0.106,0.092,0.0311,0.0684,,block of flats,0.0913,"Stone, brick",No,5.0,0.0,5.0,0.0,-1603.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,8.0 +1050170,130359,Consumer loans,8872.92,66330.0,59670.0,6660.0,66330.0,TUESDAY,8,Y,1,0.1093524114962378,,,XAP,Approved,-2027,XNA,XAP,Family,Repeater,Construction Materials,POS,XNA,Regional / Local,10,Industry,8.0,middle,POS industry with interest,365243.0,-1995.0,-1785.0,-1785.0,-1777.0,0.0,0,Cash loans,M,Y,N,2,135000.0,886176.0,29286.0,765000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.020713,-17978,-2776,-1015.0,-1488,7.0,1,1,1,1,0,0,Laborers,4.0,3,3,WEDNESDAY,15,0,0,0,0,0,0,Self-employed,,0.469654219598491,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,1.0,6.0,0.0,-1093.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1112703,100009,Consumer loans,9845.01,98460.0,88614.0,9846.0,98460.0,SATURDAY,11,Y,1,0.1089090909090909,,,XAP,Approved,-1562,Cash through the bank,XAP,Family,Refreshed,Audio/Video,POS,XNA,Regional / Local,190,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1531.0,-1261.0,-1261.0,-1252.0,0.0,0,Cash loans,F,Y,Y,1,171000.0,1560726.0,41301.0,1395000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.035792000000000004,-13778,-3130,-1213.0,-619,17.0,1,1,0,1,1,0,Accountants,3.0,2,2,SUNDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.7747614130547695,0.7239998516953141,0.4920600938649263,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1562.0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,2.0 +2056122,353487,Consumer loans,11674.935,107757.0,119137.5,0.0,107757.0,MONDAY,11,Y,1,0.0,,,XAP,Approved,-566,Cash through the bank,XAP,,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,18,Connectivity,12.0,low_normal,POS mobile without interest,365243.0,-535.0,-205.0,-415.0,-406.0,0.0,0,Cash loans,M,N,Y,1,157500.0,838453.5,35653.5,688500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.010032,-11895,-2722,-8300.0,-69,,1,1,0,1,0,0,Laborers,2.0,2,2,SUNDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.3859438898470895,0.6594055320683344,0.1103,0.0625,0.9881,0.8368,0.0414,0.08,0.069,0.3333,0.375,0.0269,0.0899,0.1076,0.0,0.0,0.1124,0.0648,0.9881,0.8432,0.0417,0.0806,0.069,0.3333,0.375,0.0276,0.0983,0.1121,0.0,0.0,0.1114,0.0625,0.9881,0.8390000000000001,0.0416,0.08,0.069,0.3333,0.375,0.0274,0.0915,0.1095,0.0,0.0,reg oper account,block of flats,0.1072,"Stone, brick",No,6.0,2.0,6.0,1.0,-566.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +2491872,222513,Consumer loans,6249.42,33705.0,30649.5,4500.0,33705.0,WEDNESDAY,16,Y,1,0.13943040700178072,,,XAP,Approved,-1650,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Stone,22,Connectivity,6.0,high,POS mobile with interest,365243.0,-1619.0,-1469.0,-1469.0,-1464.0,0.0,0,Cash loans,F,N,Y,0,225000.0,629325.0,26793.0,562500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-10974,-246,-4807.0,-3085,,1,1,0,1,1,0,Sales staff,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.10458364917007422,0.33928769990891394,0.1031,0.0,0.9811,0.7416,0.0373,0.0,0.2069,0.1667,0.2083,0.0,0.0841,0.08800000000000001,0.0,0.0,0.105,0.0,0.9811,0.7517,0.0376,0.0,0.2069,0.1667,0.2083,0.0,0.0918,0.0916,0.0,0.0,0.1041,0.0,0.9811,0.7451,0.0375,0.0,0.2069,0.1667,0.2083,0.0,0.0855,0.0895,0.0,0.0,reg oper account,block of flats,0.0692,Monolithic,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1290645,229149,Consumer loans,6053.535,139482.0,139482.0,0.0,139482.0,THURSDAY,17,Y,1,0.0,,,XAP,Approved,-1027,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,1500,Consumer electronics,30.0,low_normal,POS household with interest,365243.0,-996.0,-126.0,-186.0,-184.0,0.0,1,Cash loans,F,Y,Y,0,81000.0,314100.0,13437.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.02461,-24320,365243,-10024.0,-4053,30.0,1,0,0,1,1,0,,1.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,0.8160489849995683,0.7366642408689033,0.7738956942145427,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1556.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,1.0,0.0,5.0 +1137206,308561,Consumer loans,23885.685,364500.0,364500.0,0.0,364500.0,MONDAY,12,Y,1,0.0,,,XAP,Approved,-603,Cash through the bank,XAP,,Repeater,Clothing and Accessories,POS,XNA,Stone,25,Construction,18.0,low_normal,POS industry with interest,365243.0,-572.0,-62.0,-62.0,-58.0,0.0,0,Revolving loans,F,Y,Y,0,67500.0,225000.0,11250.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009175,-10765,-1483,-682.0,-1140,6.0,1,1,1,1,0,0,High skill tech staff,2.0,2,2,TUESDAY,10,0,0,0,1,1,1,Transport: type 3,0.4837019064451,0.7737140709056252,0.746300213050371,,,0.9786,,,,,,,,,,,,,,0.9786,,,,,,,,,,,,,,0.9786,,,,,,,,,,,,,block of flats,,,No,1.0,0.0,1.0,0.0,-1095.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1075163,395618,Cash loans,5166.36,45000.0,47970.0,,45000.0,FRIDAY,10,Y,1,,,,XNA,Approved,-822,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-792.0,-462.0,-462.0,-456.0,1.0,0,Cash loans,F,N,Y,0,112500.0,71955.0,7245.0,67500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-20307,-156,-9679.0,-3773,,1,1,1,1,1,0,,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Other,,0.15967923350263774,0.7295666907060153,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1207.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1766001,453647,Consumer loans,12941.73,100170.0,108985.5,0.0,100170.0,FRIDAY,15,Y,1,0.0,,,XAP,Approved,-299,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Stone,40,Consumer electronics,10.0,middle,POS household with interest,365243.0,-269.0,1.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,1,225000.0,1009368.0,44460.0,886500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.008473999999999999,-15142,-2441,-2505.0,-3232,16.0,1,1,1,1,1,0,Managers,3.0,2,2,WEDNESDAY,11,0,1,1,0,1,1,Transport: type 4,,0.3975630190169721,0.5352762504724826,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-299.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1126057,212036,Consumer loans,9276.57,101560.5,91404.0,10156.5,101560.5,MONDAY,13,Y,1,0.10891391651460773,,,XAP,Approved,-455,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,middle,POS mobile with interest,365243.0,-410.0,-80.0,-350.0,-332.0,0.0,0,Cash loans,F,N,N,1,135000.0,143910.0,15268.5,135000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.020713,-9495,-1553,-9495.0,-2174,,1,1,0,1,1,0,Sales staff,3.0,3,2,SATURDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.5616894537676761,0.2998718920956366,0.4668640059537032,0.099,0.1176,0.9821,0.7552,0.2321,0.16,0.1379,0.3333,0.375,0.1232,0.0765,0.1239,0.0193,0.1354,0.1008,0.122,0.9821,0.7648,0.2342,0.1611,0.1379,0.3333,0.375,0.126,0.0836,0.1291,0.0195,0.1434,0.0999,0.1176,0.9821,0.7585,0.2336,0.16,0.1379,0.3333,0.375,0.1254,0.0778,0.1261,0.0194,0.1383,reg oper account,block of flats,0.1269,Panel,No,0.0,0.0,0.0,0.0,-685.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1698971,160072,Consumer loans,4453.83,50773.5,50773.5,0.0,50773.5,FRIDAY,8,Y,1,0.0,,,XAP,Refused,-292,Cash through the bank,SCO,,Repeater,Computers,POS,XNA,Country-wide,3855,Consumer electronics,12.0,low_action,POS household without interest,,,,,,,0,Cash loans,F,N,N,0,67500.0,279000.0,14575.5,279000.0,Unaccompanied,Working,Higher education,Single / not married,Rented apartment,0.018209,-8720,-1082,-3599.0,-1408,,1,1,0,1,0,0,Sales staff,1.0,3,3,WEDNESDAY,8,0,0,0,1,1,0,Trade: type 2,0.3000477941766801,0.6764375554184685,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-741.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2347777,276557,Consumer loans,13114.89,80315.28,80311.5,3.78,80315.28,THURSDAY,10,Y,1,5.12575394914098e-05,,,XAP,Approved,-1171,Non-cash from your account,XAP,Unaccompanied,Repeater,Construction Materials,POS,XNA,Stone,140,Construction,8.0,high,POS industry with interest,365243.0,-1140.0,-930.0,-990.0,-986.0,0.0,0,Cash loans,F,N,Y,0,185400.0,675000.0,19867.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.0228,-19982,365243,-1220.0,-3490,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,XNA,,0.5657411712295362,0.6658549219640212,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-2142.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1841669,304996,Consumer loans,14275.395,73926.0,69426.0,4500.0,73926.0,FRIDAY,10,Y,1,0.06629479602452573,,,XAP,Refused,-853,Cash through the bank,SCO,,Repeater,Mobile,POS,XNA,Country-wide,25,Connectivity,6.0,high,POS mobile with interest,,,,,,,0,Cash loans,M,Y,N,0,270000.0,414612.0,22621.5,297000.0,Unaccompanied,Working,Incomplete higher,Civil marriage,House / apartment,0.0228,-11057,-668,-408.0,-3738,1.0,1,1,1,1,0,0,Laborers,2.0,2,2,THURSDAY,14,0,1,1,1,1,1,Industry: type 9,,0.22498948572998964,0.3539876078507373,0.0928,0.0,0.9821,0.7552,0.1367,0.0,0.2069,0.1667,0.2083,0.0,0.0756,0.0844,0.0,0.0,0.0945,0.0,0.9821,0.7648,0.1379,0.0,0.2069,0.1667,0.2083,0.0,0.0826,0.08800000000000001,0.0,0.0,0.0937,0.0,0.9821,0.7585,0.1375,0.0,0.2069,0.1667,0.2083,0.0,0.077,0.086,0.0,0.0,reg oper account,block of flats,0.0747,Panel,No,0.0,0.0,0.0,0.0,-972.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2439564,112447,Consumer loans,33262.515,286623.0,302386.5,0.0,286623.0,WEDNESDAY,15,Y,1,0.0,,,XAP,Approved,-734,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,3125,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-703.0,-433.0,-493.0,-485.0,0.0,0,Cash loans,M,Y,Y,0,157500.0,545040.0,26509.5,450000.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,With parents,0.030755,-8911,-1083,-2163.0,-1575,64.0,1,1,0,1,0,0,Laborers,1.0,2,2,TUESDAY,15,0,0,0,0,1,1,Business Entity Type 2,0.2566215274617927,0.5794351561551204,0.1301285429480269,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,1.0,5.0,1.0,-734.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1358239,129342,Cash loans,8648.01,247500.0,314473.5,,247500.0,WEDNESDAY,12,Y,1,,,,XNA,Refused,-267,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,81000.0,313438.5,18121.5,283500.0,Unaccompanied,Working,Secondary / secondary special,Widow,Municipal apartment,0.020713,-19155,-2434,-6992.0,-2452,,1,1,0,1,0,0,Cooking staff,1.0,3,3,THURSDAY,13,0,0,0,0,0,0,Construction,,0.2988536655003803,,0.1247,0.0773,0.9771,,,,0.1034,0.1667,,0.0325,,0.0448,,0.0167,0.1271,0.0802,0.9772,,,,0.1034,0.1667,,0.0332,,0.0467,,0.0177,0.126,0.0773,0.9771,,,,0.1034,0.1667,,0.033,,0.0456,,0.0171,,block of flats,0.057,Panel,No,1.0,0.0,1.0,0.0,-1928.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2118080,408279,Consumer loans,18441.405,199800.0,195250.5,19980.0,199800.0,MONDAY,10,Y,1,0.10110108169444557,,,XAP,Approved,-989,XNA,XAP,,Repeater,Furniture,POS,XNA,Stone,43,Furniture,12.0,low_normal,POS industry with interest,365243.0,-956.0,-626.0,-626.0,-619.0,0.0,0,Cash loans,F,N,Y,0,81000.0,135000.0,13963.5,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-15190,-601,-7557.0,-4937,,1,1,1,1,1,0,,2.0,2,2,WEDNESDAY,10,0,0,0,0,1,1,Industry: type 11,0.3993592795160771,0.5474209195555624,0.363945238612397,0.0165,,0.9762,,,0.0,0.069,0.0417,,,,0.0068,,,0.0168,,0.9762,,,0.0,0.069,0.0417,,,,0.0071,,,0.0167,,0.9762,,,0.0,0.069,0.0417,,,,0.0069,,,,block of flats,0.0107,Block,No,5.0,2.0,5.0,1.0,-1813.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2641350,275826,Consumer loans,7169.175,53955.0,52560.0,5400.0,53955.0,SUNDAY,12,Y,1,0.10146809712027108,,,XAP,Approved,-1722,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,31,Connectivity,10.0,high,POS mobile with interest,365243.0,-1687.0,-1417.0,-1417.0,-1414.0,0.0,0,Revolving loans,F,N,Y,0,126000.0,405000.0,20250.0,405000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.030755,-16544,-3994,-3855.0,-92,,1,1,0,1,1,0,High skill tech staff,2.0,2,2,SUNDAY,10,0,0,0,0,1,1,Self-employed,0.8523153826099328,0.7000118907435731,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1722.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2527013,321007,Consumer loans,4792.95,103495.5,103495.5,0.0,103495.5,SATURDAY,15,Y,1,0.0,,,XAP,Approved,-61,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,1500,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-30.0,660.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,2,126000.0,544491.0,16047.0,454500.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.022625,-14356,-1010,-8217.0,-4655,,1,1,1,1,0,0,Sales staff,3.0,2,2,THURSDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.6108483004314346,0.6633827380830157,0.3031463744186309,0.0619,0.062,0.9811,0.7416,0.0278,0.0,0.1379,0.1667,0.2083,0.0542,0.0504,0.0523,0.0,0.0,0.063,0.0643,0.9811,0.7517,0.0281,0.0,0.1379,0.1667,0.2083,0.0555,0.0551,0.0545,0.0,0.0,0.0625,0.062,0.9811,0.7451,0.028,0.0,0.1379,0.1667,0.2083,0.0552,0.0513,0.0532,0.0,0.0,reg oper account,block of flats,0.0563,Panel,No,3.0,1.0,3.0,0.0,-61.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1480722,294334,Consumer loans,13029.615,141219.0,127093.5,14125.5,141219.0,THURSDAY,18,Y,1,0.10893685436353204,,,XAP,Approved,-298,Cash through the bank,XAP,,Refreshed,Audio/Video,POS,XNA,Stone,138,Consumer electronics,12.0,middle,POS household with interest,365243.0,-267.0,63.0,-237.0,-232.0,0.0,0,Cash loans,M,Y,Y,2,195750.0,740088.0,34425.0,661500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-16431,-1645,-5704.0,-4391,11.0,1,1,0,1,0,0,Drivers,4.0,2,2,MONDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.5721455187865838,0.6131523650712788,0.4668640059537032,0.0722,0.0854,0.9831,0.7688,0.0348,0.0,0.1379,0.1667,0.0417,0.0547,0.058,0.0671,0.0039,0.0083,0.0735,0.0886,0.9831,0.7779,0.0351,0.0,0.1379,0.1667,0.0417,0.056,0.0634,0.0699,0.0039,0.0088,0.0729,0.0854,0.9831,0.7719,0.035,0.0,0.1379,0.1667,0.0417,0.0557,0.059,0.0683,0.0039,0.0085,reg oper account,block of flats,0.0736,"Stone, brick",No,0.0,0.0,0.0,0.0,-4.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1931403,177402,Consumer loans,12296.25,92205.0,67950.0,27661.5,92205.0,FRIDAY,6,Y,1,0.3150864507074794,,,XAP,Approved,-777,XNA,XAP,Family,Repeater,Computers,POS,XNA,Regional / Local,140,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-744.0,-594.0,-594.0,-586.0,0.0,0,Cash loans,F,N,Y,0,207000.0,699322.5,37255.5,648000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.006305,-14924,-2108,-8039.0,-4425,,1,1,0,1,0,0,Sales staff,1.0,3,3,FRIDAY,10,0,0,0,0,1,1,Self-employed,0.5562241973967238,0.3572769521408448,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-5.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1431393,132539,Consumer loans,13666.995,128205.0,127570.5,12820.5,128205.0,FRIDAY,14,Y,1,0.09945573434194503,,,XAP,Approved,-232,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,100,Connectivity,12.0,middle,POS mobile with interest,365243.0,-202.0,128.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,0,270000.0,808650.0,23305.5,675000.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.072508,-22700,365243,-8008.0,-4054,6.0,1,0,0,1,0,0,,2.0,1,1,SATURDAY,17,0,0,0,0,0,0,XNA,,0.6489585936943045,0.7001838506835805,0.217,0.1161,0.9891,0.8504,0.1269,0.36,0.1552,0.5417,0.5625,0.136,0.1759,0.2074,0.0058,0.0561,0.1397,0.09,0.9891,0.8563,0.0966,0.3222,0.1379,0.5417,0.5833,0.0785,0.1194,0.1543,0.0,0.0041,0.1947,0.1095,0.9891,0.8524,0.1151,0.32,0.1379,0.5417,0.5833,0.1568,0.159,0.1842,0.0058,0.0269,reg oper spec account,block of flats,0.1905,Panel,No,10.0,3.0,10.0,3.0,-837.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1315275,217486,Consumer loans,9179.955,98550.0,88695.0,9855.0,98550.0,TUESDAY,11,Y,1,0.1089090909090909,,,XAP,Approved,-2068,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Stone,104,Consumer electronics,12.0,middle,POS household with interest,365243.0,-2037.0,-1707.0,-1707.0,-1678.0,0.0,0,Cash loans,M,Y,N,0,202500.0,900000.0,26446.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.035792000000000004,-10095,-1694,-3546.0,-2775,24.0,1,1,1,1,0,0,Managers,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,Trade: type 7,,0.4894687334690646,0.3842068130556564,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-19.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1495557,319869,Cash loans,10332.72,90000.0,95940.0,,90000.0,TUESDAY,8,Y,1,,,,XNA,Approved,-675,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-645.0,-315.0,-620.0,-614.0,1.0,0,Cash loans,F,N,Y,0,180000.0,1035832.5,30415.5,904500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-21385,365243,-3756.0,-4018,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,XNA,,0.6560339931796314,0.5762088360175724,0.0392,,0.9806,,,0.04,0.0345,0.375,,,,0.0031,,,0.0399,,0.9732,,,0.0403,0.0345,0.375,,,,0.0032,,,0.0396,,0.9806,,,0.04,0.0345,0.375,,,,0.0032,,,,block of flats,0.0024,"Stone, brick",Yes,0.0,0.0,0.0,0.0,-1243.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2736861,138091,Cash loans,31043.43,315000.0,458883.0,,315000.0,FRIDAY,10,Y,1,,,,XNA,Approved,-377,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,50,Connectivity,36.0,high,Cash X-Sell: high,365243.0,-347.0,703.0,-167.0,-165.0,1.0,0,Cash loans,F,N,Y,0,247500.0,1354500.0,55165.5,1354500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.006629,-11091,-389,-3999.0,-86,,1,1,1,1,1,0,Sales staff,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,Business Entity Type 2,0.619721846646376,0.6520707327756791,0.5406544504453575,0.0041,0.0,0.9846,0.7892,0.0,0.0,0.069,0.0417,0.0833,,0.0034,0.0053,0.0,0.0,0.0042,0.0,0.9846,0.7975,0.0,0.0,0.069,0.0417,0.0833,,0.0037,0.0055,0.0,0.0,0.0042,0.0,0.9846,0.792,0.0,0.0,0.069,0.0417,0.0833,,0.0034,0.0054,0.0,0.0,reg oper account,block of flats,0.0042,Wooden,No,0.0,0.0,0.0,0.0,-377.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1952373,446462,Consumer loans,7527.24,75282.975,67752.0,7530.975,75282.975,FRIDAY,14,Y,1,0.10894782530965208,,,XAP,Approved,-2851,Cash through the bank,XAP,Unaccompanied,Repeater,Other,POS,XNA,Stone,421,Industry,10.0,low_normal,POS industry with interest,365243.0,-2820.0,-2550.0,-2550.0,-2548.0,0.0,0,Cash loans,F,N,N,2,135000.0,119893.5,12415.5,103500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.01885,-13439,-3496,-1262.0,-2460,,1,1,0,1,0,0,Sales staff,4.0,2,2,SUNDAY,11,0,0,0,0,0,0,Self-employed,0.6638609044708821,0.7061879872587072,0.5937175866150576,0.0773,0.0562,0.9767,0.6804,0.0103,0.0,0.1724,0.1667,0.2083,0.0844,0.063,0.0655,0.0,0.0,0.0788,0.0583,0.9767,0.6929,0.0104,0.0,0.1724,0.1667,0.2083,0.0863,0.0689,0.0682,0.0,0.0,0.0781,0.0562,0.9767,0.6847,0.0104,0.0,0.1724,0.1667,0.2083,0.0858,0.0641,0.0667,0.0,0.0,reg oper account,block of flats,0.0572,Panel,No,2.0,0.0,2.0,0.0,-2536.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,5.0 +2248013,263744,Consumer loans,18471.24,138510.0,138465.0,45.0,138510.0,SUNDAY,10,Y,1,0.0003538307047078975,,,XAP,Approved,-2685,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Stone,1918,Consumer electronics,10.0,high,POS household with interest,,,,,,,0,Cash loans,F,N,Y,1,99000.0,288873.0,16258.5,238500.0,Family,Working,Secondary / secondary special,Separated,House / apartment,0.025164,-13228,-208,-126.0,-5102,,1,1,0,1,1,0,Cooking staff,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.2992649501655325,0.5828949845045354,0.8128226070575616,0.033,0.0,0.9747,0.6532,0.016,0.0,0.069,0.125,0.1667,0.0,0.0269,0.0251,0.0,0.0,0.0336,0.0,0.9747,0.6668,0.0161,0.0,0.069,0.125,0.1667,0.0,0.0294,0.0261,0.0,0.0,0.0333,0.0,0.9747,0.6578,0.0161,0.0,0.069,0.125,0.1667,0.0,0.0274,0.0255,0.0,0.0,reg oper account,block of flats,0.0284,Others,No,0.0,0.0,0.0,0.0,-1374.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1486894,170725,Cash loans,10588.995,90000.0,95940.0,0.0,90000.0,SATURDAY,11,Y,1,0.0,,,XNA,Approved,-2068,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,high,Cash Street: high,365243.0,-2038.0,-1708.0,-1708.0,-1696.0,1.0,0,Cash loans,F,N,Y,3,112500.0,343800.0,12478.5,225000.0,Family,Pensioner,Higher education,Married,Co-op apartment,0.019688999999999998,-21147,365243,-9002.0,-4617,,1,0,0,1,0,0,,5.0,2,2,TUESDAY,11,0,0,0,0,0,0,XNA,,0.2777281390176555,0.4543210601605785,0.1907,0.0,0.9876,0.83,,0.2,0.1724,0.3333,0.375,0.0924,0.1513,0.2048,0.0193,0.2264,0.1943,0.0,0.9876,0.8367,,0.2014,0.1724,0.3333,0.375,0.0945,0.1653,0.2134,0.0195,0.2397,0.1926,0.0,0.9876,0.8323,,0.2,0.1724,0.3333,0.375,0.094,0.1539,0.2085,0.0194,0.2312,not specified,block of flats,0.2097,"Stone, brick",No,5.0,0.0,5.0,0.0,-711.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,9.0 +1015991,271663,Cash loans,25105.005,675000.0,781920.0,,675000.0,MONDAY,17,Y,1,,,,Payments on other loans,Refused,-32,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,135000.0,513531.0,20223.0,459000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.019101,-20600,365243,-5519.0,-4075,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,16,0,0,0,0,0,0,XNA,,0.7464077694565145,0.5226973172821112,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2478.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,3.0 +2790128,174436,Cash loans,29798.82,450000.0,556942.5,,450000.0,TUESDAY,15,Y,1,,,,XNA,Approved,-1190,Cash through the bank,XAP,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,24.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,Y,Y,1,270000.0,506889.0,19237.5,418500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.01885,-16748,-5940,-4920.0,-279,9.0,1,1,0,1,0,0,Managers,3.0,2,2,WEDNESDAY,18,0,0,0,0,0,0,Agriculture,,0.6444419993555024,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1191.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2499408,390649,Revolving loans,11250.0,225000.0,225000.0,,225000.0,THURSDAY,10,Y,1,,,,XAP,Approved,-967,XNA,XAP,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-893.0,-860.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,157500.0,392238.0,22648.5,346500.0,Unaccompanied,Pensioner,Incomplete higher,Widow,House / apartment,0.020246,-19466,365243,-8163.0,-639,,1,0,0,1,1,1,,1.0,3,3,FRIDAY,8,0,0,0,0,0,0,XNA,0.8707875746048257,0.4670950638107434,0.41534714488434,0.0742,,0.9841,,,0.08,0.069,0.3333,,,,0.0761,,,0.0756,,0.9841,,,0.0806,0.069,0.3333,,,,0.0793,,,0.0749,,0.9841,,,0.08,0.069,0.3333,,,,0.0774,,,,block of flats,0.0598,Panel,No,0.0,0.0,0.0,0.0,-1980.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,2.0 +2811524,334087,Cash loans,25112.52,328500.0,351265.5,,328500.0,MONDAY,13,Y,1,,,,XNA,Refused,-353,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,112500.0,675000.0,29862.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.010006000000000001,-23307,365243,-1585.0,-4445,,1,0,0,1,1,0,,1.0,2,1,THURSDAY,14,0,0,0,0,0,0,XNA,0.8196399802916178,0.3985480696274756,0.7338145369642702,0.1433,0.1038,0.997,0.9592,0.0427,0.16,0.1379,0.375,0.0417,0.04,0.1143,0.1245,0.0116,0.226,0.146,0.1077,0.997,0.9608,0.0431,0.1611,0.1379,0.375,0.0417,0.0409,0.1249,0.1297,0.0117,0.2393,0.1447,0.1038,0.997,0.9597,0.043,0.16,0.1379,0.375,0.0417,0.0407,0.1163,0.1268,0.0116,0.2308,reg oper account,block of flats,0.1704,"Stone, brick",No,0.0,0.0,0.0,0.0,-821.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2168489,138830,Cash loans,24172.65,229500.0,241920.0,,229500.0,THURSDAY,12,Y,1,,,,XNA,Approved,-747,Cash through the bank,XAP,Children,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-717.0,-387.0,-687.0,-680.0,1.0,0,Cash loans,F,N,Y,0,247500.0,1024290.0,30078.0,855000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-21677,365243,-89.0,-4291,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,0.8260206981225124,0.6055578835260735,0.3672910183026313,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-692.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,5.0 +1543089,370590,Consumer loans,2626.785,20479.5,22509.0,0.0,20479.5,THURSDAY,10,Y,1,0.0,,,XAP,Approved,-2315,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,89,Connectivity,12.0,high,POS mobile with interest,365243.0,-2284.0,-1954.0,-1954.0,-1948.0,1.0,0,Cash loans,M,N,Y,7,103500.0,110331.0,10876.5,103500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-17610,-968,-2461.0,-1140,,1,1,0,1,0,0,Cleaning staff,9.0,2,2,TUESDAY,12,0,0,0,0,0,0,Housing,,0.6136553749013692,0.511891801533151,0.0722,0.0824,0.9791,0.7144,0.098,,0.1379,0.1667,,0.051,0.0563,0.0635,0.0116,0.0104,0.0735,0.0855,0.9791,0.7256,0.0989,,0.1379,0.1667,,0.0522,0.0615,0.0662,0.0117,0.011,0.0729,0.0824,0.9791,0.7182,0.0987,,0.1379,0.1667,,0.0519,0.0573,0.0646,0.0116,0.0106,org spec account,block of flats,0.0536,Block,No,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1518310,125861,Consumer loans,6804.495,86602.5,108981.0,0.0,86602.5,SATURDAY,9,Y,1,0.0,,,XAP,Approved,-999,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,2106,Consumer electronics,24.0,middle,POS household with interest,365243.0,-968.0,-278.0,-278.0,-270.0,0.0,1,Cash loans,F,Y,Y,1,180000.0,1078200.0,31653.0,900000.0,Children,Working,Secondary / secondary special,Civil marriage,House / apartment,0.020246,-13965,-263,-779.0,-3019,20.0,1,1,0,1,0,0,Sales staff,3.0,3,3,THURSDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.4546901616899194,0.251596941063024,0.31547215492577346,0.068,0.0843,0.9781,0.7008,0.0087,0.0,0.1379,0.1667,0.2083,0.0608,0.0546,0.0617,0.0039,0.1011,0.0693,0.0875,0.9782,0.7125,0.0088,0.0,0.1379,0.1667,0.2083,0.0622,0.0597,0.0643,0.0039,0.1071,0.0687,0.0843,0.9781,0.7048,0.0088,0.0,0.1379,0.1667,0.2083,0.0619,0.0556,0.0629,0.0039,0.1033,reg oper account,block of flats,0.0753,"Stone, brick",No,0.0,0.0,0.0,0.0,-999.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1264024,384955,Cash loans,19756.935,450000.0,553950.0,,450000.0,FRIDAY,17,Y,1,,,,XNA,Approved,-1272,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,60.0,middle,Cash X-Sell: middle,365243.0,-1242.0,528.0,365243.0,365243.0,1.0,0,Revolving loans,F,N,Y,0,135000.0,225000.0,11250.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-19087,-1101,-8890.0,-2650,,1,1,0,1,0,0,High skill tech staff,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.5974861685603159,0.3672910183026313,0.1876,0.14800000000000002,0.9876,0.83,0.031,0.2,0.1724,0.3333,0.375,0.0493,0.1521,0.1941,0.0039,0.0326,0.1912,0.1536,0.9876,0.8367,0.0313,0.2014,0.1724,0.3333,0.375,0.0504,0.1662,0.2023,0.0039,0.0345,0.1894,0.14800000000000002,0.9876,0.8323,0.0312,0.2,0.1724,0.3333,0.375,0.0502,0.1548,0.1976,0.0039,0.0333,reg oper account,block of flats,0.1767,"Stone, brick",No,1.0,0.0,1.0,0.0,-916.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +1273690,305206,Cash loans,32401.89,675000.0,850666.5,,675000.0,THURSDAY,11,Y,1,,,,Other,Refused,-214,Cash through the bank,HC,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,Y,N,0,225000.0,343800.0,16155.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.01885,-12572,-556,-6037.0,-3839,14.0,1,1,0,1,0,0,Laborers,1.0,2,2,MONDAY,11,0,0,0,0,1,1,Construction,0.13526570937157106,0.7127998007976447,0.11104240226943142,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-336.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,7.0 +1384346,129910,Consumer loans,3122.55,29587.5,26563.5,5917.5,29587.5,SUNDAY,11,Y,1,0.19841431774100105,,,XAP,Approved,-775,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,100,Consumer electronics,10.0,middle,POS household with interest,365243.0,-744.0,-474.0,-744.0,-731.0,0.0,0,Cash loans,M,N,Y,0,135000.0,900000.0,32017.5,900000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.031329,-8665,-559,-1186.0,-687,,1,1,1,1,1,0,Core staff,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Military,0.11900271116902887,0.5472963090029784,0.5172965813614878,0.2227,,0.9796,,,0.24,0.2069,0.3333,,,,0.225,,,0.2269,,0.9796,,,0.2417,0.2069,0.3333,,,,0.2344,,,0.2248,,0.9796,,,0.24,0.2069,0.3333,,,,0.229,,,,block of flats,0.1769,"Stone, brick",No,0.0,0.0,0.0,0.0,-970.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2547558,215341,Revolving loans,9000.0,0.0,180000.0,,,THURSDAY,13,Y,1,,,,XAP,Approved,-2535,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,800,Consumer electronics,0.0,XNA,Card Street,-2475.0,-2419.0,365243.0,-653.0,365243.0,0.0,0,Cash loans,F,N,Y,1,270000.0,1379376.0,40329.0,1080000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00702,-14403,-988,-6.0,-1563,,1,1,0,1,0,0,Private service staff,3.0,2,2,FRIDAY,15,0,0,0,0,0,0,Medicine,0.6478398505747457,0.6986370633004381,0.6347055309763198,,,,,,0.0,,0.1667,0.0417,,,,,,,,,,,0.0,,0.1667,0.0417,,,,,,,,,,,0.0,,0.1667,0.0417,,,,,,,,,,No,0.0,0.0,0.0,0.0,-80.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1301916,227880,Consumer loans,8067.195,60705.0,59143.5,6070.5,60705.0,MONDAY,13,Y,1,0.10137894261410688,,,XAP,Approved,-1702,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,38,Connectivity,10.0,high,POS mobile with interest,365243.0,-1671.0,-1401.0,-1401.0,-1395.0,0.0,0,Cash loans,F,N,N,2,157500.0,1546020.0,45333.0,1350000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.035792000000000004,-11678,-2758,-5142.0,-1889,,1,1,0,1,0,0,Sales staff,4.0,2,2,TUESDAY,12,0,0,0,0,0,0,Transport: type 4,,0.5101470483904845,0.6986675550534175,,,0.9841,,,,,,,,,0.0883,,,,,0.9841,,,,,,,,,0.092,,,,,0.9841,,,,,,,,,0.0899,,,,,0.0695,,No,1.0,1.0,1.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1520154,196144,Revolving loans,10125.0,202500.0,202500.0,,202500.0,TUESDAY,18,Y,1,,,,XAP,Approved,-238,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-238.0,-189.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,M,Y,Y,0,112500.0,370107.0,22495.5,319500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.018634,-15744,-728,-3310.0,-5433,13.0,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.5797921516721589,0.7738956942145427,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1660.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2306003,327920,Consumer loans,3736.35,19710.0,18616.5,1971.0,19710.0,TUESDAY,16,Y,1,0.1042670640834575,,,XAP,Approved,-2831,Cash through the bank,XAP,Other_B,New,Mobile,POS,XNA,Stone,100,Connectivity,6.0,high,POS mobile with interest,365243.0,-2797.0,-2647.0,-2647.0,-2084.0,1.0,0,Cash loans,F,Y,N,1,270000.0,900000.0,38133.0,900000.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.00702,-16754,-9532,-308.0,-296,9.0,1,1,1,1,0,0,Core staff,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Bank,0.4145880968100383,0.6086249416481376,0.2580842039460289,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1883.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1244047,154031,Consumer loans,16826.4,256500.0,256500.0,0.0,256500.0,FRIDAY,14,Y,1,0.0,,,XAP,Approved,-1151,XNA,XAP,"Spouse, partner",Repeater,Construction Materials,POS,XNA,Stone,12,Construction,18.0,low_normal,POS industry with interest,365243.0,-1119.0,-609.0,-639.0,-629.0,0.0,0,Cash loans,M,N,Y,2,202500.0,787131.0,26145.0,679500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-15171,-2541,-6076.0,-4193,,1,1,0,1,0,0,,4.0,2,2,MONDAY,8,0,0,0,0,0,0,Industry: type 2,0.2319321575333639,0.6285980607224058,0.4083588531230431,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1858.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1975430,176518,Consumer loans,11875.32,107959.5,119358.0,0.0,107959.5,TUESDAY,10,Y,1,0.0,,,XAP,Approved,-1095,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Stone,148,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1064.0,-734.0,-734.0,-724.0,0.0,0,Cash loans,F,N,Y,0,157500.0,472500.0,22860.0,472500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-14542,-3335,-58.0,-4144,,1,1,0,1,0,0,Sales staff,2.0,2,1,FRIDAY,8,0,0,0,0,0,0,Self-employed,0.7802281055678962,0.7556034639453564,,0.1845,0.1888,0.9811,0.7416,,,0.4138,0.1667,,0.1754,,0.1589,,0.0065,0.188,0.1959,0.9811,0.7517,,,0.4138,0.1667,,0.1794,,0.1656,,0.0069,0.1863,0.1888,0.9811,0.7451,,,0.4138,0.1667,,0.1785,,0.1618,,0.0067,reg oper account,block of flats,0.1452,Panel,No,4.0,0.0,4.0,0.0,-1095.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1370132,455608,Consumer loans,8490.645,84915.0,76423.5,8491.5,84915.0,WEDNESDAY,12,Y,1,0.1089090909090909,,,XAP,Approved,-2768,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Stone,475,Furniture,10.0,low_normal,POS industry with interest,365243.0,-2731.0,-2461.0,-2461.0,-2456.0,0.0,0,Cash loans,F,Y,Y,1,112500.0,1264428.0,37098.0,990000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-10641,-3188,-4219.0,-2913,14.0,1,1,0,1,1,0,,3.0,2,2,SATURDAY,13,0,0,0,0,0,0,Transport: type 4,,0.4715337726580377,0.3539876078507373,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-2095.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +2717630,242249,Consumer loans,12937.635,103419.0,114340.5,0.0,103419.0,WEDNESDAY,10,Y,1,0.0,,,XAP,Approved,-360,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,15,Connectivity,12.0,high,POS mobile with interest,365243.0,-324.0,6.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,99000.0,436500.0,21361.5,436500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.025164,-11370,-2078,-1454.0,-2616,,1,1,0,1,0,0,Laborers,1.0,2,2,SATURDAY,10,0,0,0,0,0,0,Business Entity Type 1,,0.09708438799096142,0.6446794549585961,0.0371,0.0401,0.9732,0.6328,0.0047,0.0,0.069,0.1667,0.2083,0.0251,0.0303,0.0276,0.0,0.0,0.0378,0.0416,0.9732,0.6472,0.0047,0.0,0.069,0.1667,0.2083,0.0257,0.0331,0.0288,0.0,0.0,0.0375,0.0401,0.9732,0.6377,0.0047,0.0,0.069,0.1667,0.2083,0.0256,0.0308,0.0281,0.0,0.0,reg oper account,block of flats,0.0243,"Stone, brick",No,6.0,2.0,6.0,2.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2263115,213794,Revolving loans,0.0,0.0,0.0,,0.0,WEDNESDAY,10,Y,1,,,,XAP,Approved,-59,XNA,XAP,Unaccompanied,Refreshed,XNA,Cards,walk-in,Country-wide,15,Connectivity,0.0,XNA,Card Street,-59.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,99000.0,348264.0,20124.0,315000.0,Family,Pensioner,Incomplete higher,Widow,House / apartment,0.018634,-23582,365243,-11860.0,-4966,,1,0,0,1,0,0,,1.0,2,2,SATURDAY,9,0,0,0,0,0,0,XNA,,0.3387285110592516,0.7850520263728172,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-977.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1108315,182401,Cash loans,8061.12,90000.0,98910.0,,90000.0,TUESDAY,9,Y,1,,,,XNA,Approved,-533,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,15,Connectivity,18.0,middle,Cash X-Sell: middle,365243.0,-503.0,7.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,90000.0,269550.0,19300.5,225000.0,Unaccompanied,State servant,Secondary / secondary special,Separated,House / apartment,0.018634,-18137,-2826,-9256.0,-1687,,1,1,1,1,1,0,Core staff,1.0,2,2,WEDNESDAY,11,0,0,0,0,1,1,Government,,0.25272270554610576,0.8256357449717892,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1772.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1935388,291026,Consumer loans,,44995.5,44995.5,,44995.5,SATURDAY,17,Y,1,,,,XAP,Refused,-1311,Cash through the bank,LIMIT,Unaccompanied,Repeater,Computers,XNA,XNA,Country-wide,700,Consumer electronics,,XNA,POS household with interest,,,,,,,1,Cash loans,M,N,Y,0,270000.0,714915.0,34524.0,639000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007114,-8363,-282,-3007.0,-741,,1,1,0,1,1,0,Sales staff,2.0,2,2,MONDAY,15,0,0,0,0,0,0,Self-employed,,0.1353946664058424,0.5989262182569273,0.0165,,0.9846,,,,0.069,0.0417,,,,0.0174,,,0.0168,,0.9846,,,,0.069,0.0417,,,,0.0182,,,0.0167,,0.9846,,,,0.069,0.0417,,,,0.0177,,,,block of flats,0.0137,Wooden,Yes,2.0,1.0,2.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2592830,137842,Revolving loans,2250.0,45000.0,45000.0,,45000.0,TUESDAY,11,Y,1,,,,XAP,Approved,-431,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,Y,Y,0,202500.0,118512.0,9490.5,90000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-11101,-1424,-4880.0,-3619,21.0,1,1,0,1,0,0,Cleaning staff,2.0,2,2,SATURDAY,12,0,0,0,0,1,1,Business Entity Type 3,,0.3096475874977861,0.43473324875017305,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,1.0,-2354.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1642055,201985,Revolving loans,2250.0,45000.0,45000.0,,45000.0,MONDAY,11,Y,1,,,,XAP,Approved,-291,XNA,XAP,Family,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,-31.0,0.0,1,Cash loans,M,Y,Y,1,157500.0,302341.5,18400.5,261000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-10173,-1335,-2515.0,-2510,42.0,1,1,0,1,1,0,Low-skill Laborers,3.0,2,2,FRIDAY,18,0,0,0,0,0,0,Self-employed,,0.5983220774459101,0.4525335592581747,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-106.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1945328,229343,Cash loans,17565.3,454500.0,544491.0,,454500.0,MONDAY,11,Y,1,,,,XNA,Approved,-276,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-246.0,1524.0,365243.0,365243.0,1.0,0,Cash loans,M,N,N,0,126000.0,679500.0,22455.0,679500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-19783,365243,-413.0,-3318,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,XNA,0.773325152189662,0.7911830481015557,0.5513812618027899,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2538.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,4.0 +2694265,159401,Revolving loans,4410.0,69705.0,63000.0,6970.5,69705.0,SUNDAY,11,Y,1,0.1084958401300288,,,XAP,Refused,-2629,XNA,SCO,,New,Consumer Electronics,Cards,x-sell,Stone,818,Consumer electronics,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,N,N,0,157500.0,360000.0,42723.0,360000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.009549,-10179,-477,-1.0,-2729,,1,1,0,1,0,0,Core staff,1.0,2,2,WEDNESDAY,15,0,0,0,0,1,1,Emergency,0.6966140800575431,0.5906149713334774,0.4776491548517548,0.1015,0.0595,0.9757,0.6668,0.0307,0.0,0.2069,0.1667,0.2083,0.1054,0.0824,0.0834,0.0039,0.041,0.1019,0.0,0.9752,0.6733,0.0125,0.0,0.2069,0.1667,0.2083,0.0732,0.0882,0.0796,0.0039,0.0,0.1025,0.0595,0.9757,0.6713,0.0309,0.0,0.2069,0.1667,0.2083,0.1073,0.0838,0.0849,0.0039,0.0419,reg oper account,block of flats,0.0811,"Stone, brick",No,8.0,0.0,8.0,0.0,-262.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2677599,402463,Cash loans,30452.94,454500.0,520830.0,,454500.0,WEDNESDAY,8,Y,1,,,,XNA,Approved,-693,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-663.0,27.0,-573.0,-563.0,1.0,0,Cash loans,F,N,Y,2,112500.0,589045.5,36166.5,508500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-14037,-4372,-11856.0,-4858,,1,1,0,1,0,0,Laborers,4.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Business Entity Type 2,,0.6886421586614094,0.7338145369642702,,,0.9836,,,,,,,,,0.0678,,,,,0.9836,,,,,,,,,0.0706,,,,,0.9836,,,,,,,,,0.069,,,,,0.0533,,No,3.0,0.0,3.0,0.0,-672.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1501018,152474,Consumer loans,4519.125,74448.0,100314.0,0.0,74448.0,SATURDAY,20,Y,1,0.0,,,XAP,Refused,-800,Cash through the bank,HC,Unaccompanied,New,Computers,POS,XNA,Country-wide,2500,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,0,Cash loans,M,Y,N,0,405000.0,450000.0,53536.5,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.072508,-17594,-1183,-9997.0,-829,5.0,1,1,1,1,0,0,Drivers,2.0,1,1,MONDAY,15,0,0,0,0,1,1,Business Entity Type 3,,0.7531398915684606,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-800.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1226264,170470,Consumer loans,9838.62,105984.0,105984.0,0.0,105984.0,FRIDAY,11,Y,1,0.0,,,XAP,Approved,-1120,Cash through the bank,XAP,Children,Repeater,Computers,POS,XNA,Regional / Local,59,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-1089.0,-759.0,-759.0,-754.0,0.0,0,Cash loans,F,N,N,0,117000.0,526491.0,19039.5,454500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-16271,-2679,-1822.0,-1824,,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,10,0,0,0,0,1,1,Self-employed,0.5649815116080652,0.6396273930436418,0.36896873825284665,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1813.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2663109,362297,Consumer loans,7540.11,89550.0,89550.0,0.0,89550.0,WEDNESDAY,13,Y,1,0.0,,,XAP,Approved,-1490,Cash through the bank,XAP,,New,Clothing and Accessories,POS,XNA,Stone,11,Clothing,18.0,high,POS industry with interest,365243.0,-1458.0,-948.0,-1008.0,-1003.0,0.0,0,Cash loans,M,N,Y,0,135000.0,116892.0,4536.0,76500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-16821,-3406,-4925.0,-353,,1,1,1,1,1,0,Laborers,2.0,2,2,TUESDAY,6,0,0,0,0,1,1,Industry: type 5,0.4511791305501744,0.5588253344657188,0.14287252304131962,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1559.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,0.0 +1895674,123610,Revolving loans,0.0,0.0,0.0,,0.0,MONDAY,13,Y,1,,,,XAP,Approved,-350,XNA,XAP,,New,XNA,Cards,walk-in,Country-wide,83,Connectivity,0.0,XNA,Card Street,-350.0,-302.0,365243.0,-241.0,365243.0,0.0,0,Cash loans,M,N,Y,0,270000.0,668484.0,26032.5,558000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.004849,-14537,-2487,-8668.0,-4008,,1,1,0,1,0,0,Managers,1.0,2,2,MONDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.597864763834275,,0.1237,0.1505,0.9786,0.7076,0.0161,0.0,0.2759,0.1667,0.2083,0.0785,0.1009,0.0949,0.0193,0.0996,0.1261,0.1562,0.9786,0.7190000000000001,0.0163,0.0,0.2759,0.1667,0.2083,0.0803,0.1102,0.0989,0.0195,0.1054,0.1249,0.1505,0.9786,0.7115,0.0162,0.0,0.2759,0.1667,0.2083,0.0798,0.1026,0.0966,0.0194,0.1016,reg oper account,block of flats,0.1051,"Stone, brick",No,0.0,0.0,0.0,0.0,-350.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2005050,110410,Consumer loans,5573.07,52150.5,46935.0,5215.5,52150.5,WEDNESDAY,18,Y,1,0.10891848853536663,,,XAP,Approved,-224,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,48,Connectivity,12.0,high,POS mobile with interest,365243.0,-188.0,142.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,N,0,67500.0,180000.0,9000.0,180000.0,Other_B,Working,Secondary / secondary special,Single / not married,With parents,0.026392000000000002,-7800,-108,-7799.0,-470,,1,1,0,1,1,0,Core staff,1.0,2,2,WEDNESDAY,18,0,0,0,1,1,0,Kindergarten,,0.4094203965128226,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-6.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2471726,415220,Consumer loans,5853.96,31901.4,28710.0,3191.4,31901.4,FRIDAY,14,Y,1,0.10895210640513353,,,XAP,Approved,-1461,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,6.0,high,POS mobile with interest,365243.0,-1425.0,-1275.0,-1305.0,-1298.0,0.0,0,Cash loans,F,N,Y,0,135000.0,398016.0,22977.0,360000.0,Children,Pensioner,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-23623,365243,-7586.0,-4067,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,XNA,0.6637228131280455,0.052658238580629055,0.445396241560834,0.0711,0.0544,0.9906,0.8708,0.0293,0.0,0.2069,0.1667,0.2083,0.0456,0.0572,0.0743,0.0039,0.0419,0.0725,0.0565,0.9906,0.8759,0.0296,0.0,0.2069,0.1667,0.2083,0.0466,0.0624,0.0774,0.0039,0.0443,0.0718,0.0544,0.9906,0.8725,0.0295,0.0,0.2069,0.1667,0.2083,0.0464,0.0581,0.0756,0.0039,0.0427,reg oper account,block of flats,0.0835,"Stone, brick",No,0.0,0.0,0.0,0.0,-1919.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +1900048,164065,Consumer loans,6166.665,47160.0,38160.0,9000.0,47160.0,WEDNESDAY,12,Y,1,0.2078417765440665,,,XAP,Approved,-1917,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,22,Connectivity,8.0,high,POS mobile with interest,365243.0,-1867.0,-1657.0,-1687.0,-1682.0,0.0,0,Cash loans,M,Y,Y,1,157500.0,531706.5,28975.5,459000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019101,-10838,-2099,-5229.0,-3532,2.0,1,1,0,1,1,0,Laborers,3.0,2,2,TUESDAY,11,0,0,0,0,0,0,Self-employed,0.21343432392853529,0.3818269572221824,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1309.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2164252,264584,Revolving loans,9000.0,0.0,180000.0,,,THURSDAY,12,Y,1,,,,XAP,Approved,-742,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,90000.0,306000.0,17694.0,306000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.001417,-15414,-354,-3956.0,-4912,,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.5671482025668688,0.3740208032583212,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1563.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2426742,407795,Cash loans,12437.505,157500.0,178290.0,,157500.0,MONDAY,10,Y,1,,,,XNA,Approved,-779,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-749.0,-59.0,-239.0,-234.0,1.0,0,Cash loans,F,N,N,0,90000.0,1078200.0,31653.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-19151,-1442,-7758.0,-2690,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.6068126940270205,0.7137032332788874,0.5478104658520093,0.0619,0.0626,0.9846,0.7892,0.1021,0.0,0.1379,0.1667,0.2083,0.0354,0.0504,0.0544,0.0,0.0,0.063,0.065,0.9846,0.7975,0.103,0.0,0.1379,0.1667,0.2083,0.0362,0.0551,0.0567,0.0,0.0,0.0625,0.0626,0.9846,0.792,0.1027,0.0,0.1379,0.1667,0.2083,0.036000000000000004,0.0513,0.0554,0.0,0.0,,block of flats,0.0558,"Stone, brick",No,0.0,0.0,0.0,0.0,-1111.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2393195,320447,Revolving loans,11250.0,0.0,225000.0,,0.0,MONDAY,7,Y,1,,,,XAP,Approved,-1111,XNA,XAP,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-1040.0,-1002.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,2,90000.0,508495.5,21672.0,454500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.025164,-13785,-801,-284.0,-4049,,1,1,0,1,0,0,Core staff,4.0,2,2,SATURDAY,11,0,0,0,0,0,0,Kindergarten,0.2425796023591352,0.17381873317905736,0.5064842396679806,0.0722,,0.9762,,,0.0,0.1379,0.1667,,,,0.0528,,0.0437,0.0735,,0.9762,,,0.0,0.1379,0.1667,,,,0.055,,0.0463,0.0729,,0.9762,,,0.0,0.1379,0.1667,,,,0.0537,,0.0447,,block of flats,0.051,"Stone, brick",No,0.0,0.0,0.0,0.0,-1938.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,2.0,7.0 +1385580,119019,Cash loans,26442.0,450000.0,450000.0,,450000.0,MONDAY,11,Y,1,,,,XNA,Approved,-1555,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-1525.0,-835.0,-941.0,-933.0,0.0,0,Cash loans,F,N,N,1,247500.0,900000.0,50256.0,900000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.04622,-18776,-1908,-8972.0,-2225,,1,1,1,1,1,0,Medicine staff,3.0,1,1,FRIDAY,14,0,0,0,0,0,0,Kindergarten,0.7479275233614717,0.7433534516256999,,0.0928,0.1055,0.9871,0.8232,,0.0,0.2069,0.1667,0.2083,,0.0756,0.0921,0.0,0.0,0.0945,0.1094,0.9871,0.8301,,0.0,0.2069,0.1667,0.2083,,0.0826,0.096,0.0,0.0,0.0937,0.1055,0.9871,0.8256,,0.0,0.2069,0.1667,0.2083,,0.077,0.0938,0.0,0.0,reg oper account,block of flats,0.0725,Panel,No,0.0,0.0,0.0,0.0,-3050.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,7.0 +1209807,175105,Cash loans,35193.15,679500.0,737802.0,,679500.0,TUESDAY,8,Y,1,,,,XNA,Approved,-564,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,low_normal,Cash X-Sell: low,365243.0,-534.0,336.0,-324.0,-321.0,1.0,0,Cash loans,F,N,Y,0,135000.0,273024.0,9936.0,216000.0,Children,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-21819,365243,-3992.0,-4057,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,8,0,0,0,0,0,0,XNA,,0.16318703546427088,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-350.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2621254,357475,Revolving loans,9000.0,180000.0,180000.0,,180000.0,SATURDAY,14,Y,1,,,,XAP,Refused,-262,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,Y,Y,0,90000.0,301464.0,23949.0,238500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.025164,-9418,-350,-7141.0,-2055,3.0,1,1,0,1,1,1,Low-skill Laborers,1.0,2,2,TUESDAY,11,0,0,0,0,0,0,Trade: type 7,0.14667999631802678,0.22063484323687307,0.3979463219016906,0.1608,0.1571,0.9816,0.7484,0.0,0.12,0.1034,0.3333,0.375,0.0,0.1311,0.1479,0.0,0.0576,0.1639,0.163,0.9816,0.7583,0.0,0.1208,0.1034,0.3333,0.375,0.0,0.1433,0.1541,0.0,0.061,0.1624,0.1571,0.9816,0.7518,0.0,0.12,0.1034,0.3333,0.375,0.0,0.1334,0.1506,0.0,0.0588,reg oper account,block of flats,0.1289,Panel,No,1.0,0.0,1.0,0.0,-854.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,7.0 +1682532,121331,Revolving loans,5625.0,0.0,67500.0,,,SATURDAY,10,Y,1,,,,XAP,Approved,-2698,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,50,Connectivity,0.0,XNA,Card Street,-2696.0,-2650.0,365243.0,-793.0,365243.0,0.0,0,Cash loans,F,N,Y,0,81000.0,182286.0,17437.5,171000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.015221,-22191,365243,-10367.0,-4215,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,,0.2359084486891837,0.3360615207658242,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1646.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2746508,348670,Cash loans,25450.83,121500.0,125509.5,,121500.0,TUESDAY,5,Y,1,,,,Repairs,Approved,-709,Cash through the bank,XAP,,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,365243.0,-679.0,-529.0,-559.0,-550.0,1.0,0,Cash loans,M,Y,Y,0,225000.0,953460.0,73786.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.002506,-21597,-6015,-4626.0,-4634,15.0,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,3,0,0,0,0,0,0,Government,0.8026260453517279,0.5845581398079928,0.6879328378491735,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-709.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1362683,431041,Consumer loans,10953.675,62622.0,61780.5,3757.5,62622.0,THURSDAY,12,Y,1,0.0624410127087963,,,XAP,Approved,-2611,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Stone,60,Consumer electronics,6.0,low_normal,POS household without interest,365243.0,-2575.0,-2425.0,-2425.0,-2391.0,1.0,0,Cash loans,F,Y,Y,0,112500.0,1006920.0,45499.5,900000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-19330,365243,-9277.0,-2892,15.0,1,0,0,1,1,0,,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,XNA,,0.4637653299014935,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1133.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1217065,394157,Consumer loans,,28651.5,28651.5,0.0,28651.5,FRIDAY,17,Y,1,0.0,,,XAP,Refused,-361,Cash through the bank,SCO,,Refreshed,Mobile,XNA,XNA,Country-wide,30,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,M,Y,Y,1,135000.0,497520.0,39438.0,450000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-16838,-122,-5356.0,-376,11.0,1,1,0,1,1,0,Sales staff,3.0,2,2,TUESDAY,16,0,0,0,0,0,0,Self-employed,,0.6600885071602788,0.6769925032909132,0.0402,0.0946,0.9627,,0.0401,,0.1724,0.125,,0.0622,0.0269,0.0501,0.0232,0.0274,0.041,0.0982,0.9628,,0.0405,,0.1724,0.125,,0.0636,0.0294,0.0522,0.0233,0.029,0.0406,0.0946,0.9627,,0.0404,,0.1724,0.125,,0.0633,0.0274,0.051,0.0233,0.028,reg oper spec account,block of flats,0.0394,"Stone, brick",No,0.0,0.0,0.0,0.0,-154.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1074617,212596,Cash loans,39308.715,1170000.0,1339884.0,,1170000.0,THURSDAY,9,Y,1,,,,XNA,Approved,-5,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,Y,Y,2,540000.0,1339884.0,39307.5,1170000.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.019688999999999998,-17636,-4989,-7896.0,-1165,13.0,1,1,0,1,1,0,,4.0,2,2,TUESDAY,8,0,0,0,0,0,0,Transport: type 4,,0.5859276023435899,0.7850520263728172,0.4299,,0.9871,0.8232,0.0717,0.44,0.3103,0.625,0.375,0.2432,0.3438,0.5262,0.0077,0.0144,0.438,,0.9871,0.8301,0.0724,0.4431,0.3103,0.625,0.375,0.2488,0.3756,0.5482,0.0078,0.0152,0.4341,,0.9871,0.8256,0.0722,0.44,0.3103,0.625,0.375,0.2475,0.3497,0.5356,0.0078,0.0147,org spec account,block of flats,0.417,Panel,No,0.0,0.0,0.0,0.0,-2693.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1320675,235036,Consumer loans,7527.78,41805.0,37620.0,4185.0,41805.0,WEDNESDAY,15,Y,1,0.109026323515021,,,XAP,Approved,-2191,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,11,Connectivity,6.0,high,POS mobile with interest,365243.0,-2154.0,-2004.0,-2004.0,-1998.0,0.0,0,Cash loans,F,N,Y,0,90000.0,314100.0,17167.5,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.032561,-10136,-1211,-4888.0,-2736,,1,1,0,1,0,0,Accountants,1.0,1,1,WEDNESDAY,15,0,0,0,0,0,0,Industry: type 7,,0.6715365950254448,,0.4017,0.1791,0.9866,0.83,0.0068,0.32,0.1379,0.625,0.5,0.1141,0.4068,0.4622,0.0116,0.0166,0.0987,0.0422,0.9866,0.8367,0.0069,0.0806,0.0345,0.625,0.5,0.1167,0.4444,0.6521,0.0117,0.0155,0.5069,0.24,0.9866,0.8323,0.0069,0.4,0.1724,0.625,0.5,0.1161,0.4139,0.5742,0.0116,0.0175,org spec account,block of flats,0.4955,Panel,No,2.0,0.0,2.0,0.0,-2191.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1164571,275645,Cash loans,8598.69,135000.0,161730.0,,135000.0,TUESDAY,9,Y,1,,,,XNA,Refused,-180,Cash through the bank,XNA,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,N,Y,0,180000.0,275040.0,13504.5,180000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.008575,-12410,-1620,-1747.0,-4414,,1,1,0,1,0,0,Sales staff,2.0,2,2,SUNDAY,18,0,0,0,0,0,0,Self-employed,0.2493600426651004,0.4236677072982387,0.36227724703843145,0.4732,0.0368,0.9975,0.966,0.151,0.48,0.2069,0.6667,0.7083,0.2006,0.3858,0.5218,0.0,0.0,0.4821,0.0382,0.9975,0.9673,0.1524,0.4834,0.2069,0.6667,0.7083,0.2052,0.4215,0.5437,0.0,0.0,0.4778,0.0368,0.9975,0.9665,0.1519,0.48,0.2069,0.6667,0.7083,0.2041,0.3925,0.5312,0.0,0.0,reg oper account,block of flats,0.5401,Panel,No,0.0,0.0,0.0,0.0,-297.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,4.0 +1033693,374743,Cash loans,38914.425,337500.0,422851.5,,337500.0,WEDNESDAY,13,Y,1,,,,Other,Approved,-499,Cash through the bank,XAP,,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,365243.0,-469.0,41.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,0,315000.0,485640.0,44671.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.072508,-16897,-313,-2307.0,-458,,1,1,0,1,0,0,Managers,1.0,1,1,FRIDAY,13,0,1,1,0,0,0,Self-employed,,0.21146906569879784,,0.3299,0.1746,0.9955,0.9388,0.1518,0.48,0.2069,0.5417,0.5,0.036000000000000004,0.2589,0.3445,0.0463,0.0398,0.3361,0.1812,0.9955,0.9412,0.1532,0.4834,0.2069,0.5417,0.5,0.0369,0.2828,0.359,0.0467,0.0422,0.3331,0.1746,0.9955,0.9396,0.1527,0.48,0.2069,0.5417,0.5,0.0367,0.2634,0.3507,0.0466,0.0407,reg oper account,block of flats,0.2796,Panel,No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1365938,261484,Cash loans,19151.1,450000.0,533160.0,,450000.0,THURSDAY,4,Y,1,,,,XNA,Refused,-421,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,2,144000.0,208512.0,24876.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.014464,-13835,-198,-910.0,-2549,,1,1,0,1,0,0,Cleaning staff,3.0,2,2,FRIDAY,6,0,0,0,0,0,0,Trade: type 7,0.6849578291213759,0.1953056800883045,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-62.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2333279,296729,Cash loans,11916.315,135000.0,178308.0,,135000.0,SATURDAY,11,Y,1,,,,XNA,Approved,-663,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-633.0,57.0,-243.0,-235.0,1.0,0,Cash loans,F,N,Y,0,180000.0,419679.0,19692.0,346500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018029,-19522,-818,-4787.0,-3032,,1,1,0,1,0,0,Security staff,2.0,3,3,THURSDAY,8,0,0,0,0,0,0,Transport: type 4,,0.6014712676636255,0.4776491548517548,0.1103,0.0904,0.9856,0.8028,0.028,0.12,0.1034,0.3333,0.0417,0.0,,0.1258,,0.0,0.1124,0.0938,0.9856,0.8105,0.0283,0.1208,0.1034,0.3333,0.0417,0.0,,0.1311,,0.0,0.1114,0.0904,0.9856,0.8054,0.0282,0.12,0.1034,0.3333,0.0417,0.0,,0.128,,0.0,,block of flats,0.1143,Panel,No,0.0,0.0,0.0,0.0,-2474.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2607105,196692,Cash loans,7929.81,135000.0,157275.0,,135000.0,SATURDAY,5,Y,1,,,,XNA,Refused,-596,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,Y,Y,0,135000.0,513531.0,27985.5,459000.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.018029,-21756,365243,-9235.0,-4350,10.0,1,0,0,1,0,0,,2.0,3,3,SUNDAY,11,0,0,0,0,0,0,XNA,,0.534356300518794,,0.1546,0.2032,0.9871,0.8232,0.0313,0.0,0.2759,0.1667,0.0417,,,0.1587,,0.0,0.1576,0.2108,0.9871,0.8301,0.0316,0.0,0.2759,0.1667,0.0417,,,0.1654,,0.0,0.1561,0.2032,0.9871,0.8256,0.0315,0.0,0.2759,0.1667,0.0417,,,0.1616,,0.0,,block of flats,0.142,Panel,No,8.0,1.0,8.0,1.0,-1933.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2555785,296220,Cash loans,11781.0,225000.0,225000.0,,225000.0,FRIDAY,17,Y,1,,,,Repairs,Refused,-332,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Country-wide,52,Connectivity,36.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,90000.0,127350.0,13842.0,112500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.019101,-14684,-4644,-4647.0,-424,,1,1,0,1,1,0,Laborers,1.0,2,2,MONDAY,9,0,0,0,0,0,0,Industry: type 11,,0.5413083136937522,0.722392890081304,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-335.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1493143,239870,Consumer loans,3955.635,17050.5,19237.5,0.0,17050.5,SUNDAY,16,Y,1,0.0,,,XAP,Approved,-701,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,27,Connectivity,6.0,high,POS mobile with interest,365243.0,-670.0,-520.0,-520.0,-505.0,0.0,0,Revolving loans,F,N,Y,2,90000.0,157500.0,7875.0,157500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.022625,-11590,-1166,-2610.0,-4023,,1,1,0,1,1,0,Core staff,3.0,2,2,MONDAY,16,0,0,0,0,0,0,Kindergarten,0.2429956206119289,0.5998504655410338,0.5280927512030451,0.0825,0.0792,0.9767,0.6804,0.0079,0.0,0.1379,0.1667,0.2083,0.064,0.0656,0.0703,0.0077,0.0071,0.084,0.0822,0.9767,0.6929,0.008,0.0,0.1379,0.1667,0.2083,0.0654,0.0716,0.0733,0.0078,0.0075,0.0833,0.0792,0.9767,0.6847,0.008,0.0,0.1379,0.1667,0.2083,0.0651,0.0667,0.0716,0.0078,0.0073,reg oper account,block of flats,0.0596,Panel,No,0.0,0.0,0.0,0.0,-701.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2098069,134907,Revolving loans,2250.0,45000.0,45000.0,,45000.0,FRIDAY,14,Y,1,,,,XAP,Refused,-317,XNA,SCOFR,Children,Refreshed,XNA,Cards,walk-in,Regional / Local,50,Consumer electronics,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,N,1,175500.0,225000.0,23755.5,225000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.022625,-14236,-7002,-3113.0,-4253,,1,1,1,1,1,0,Core staff,3.0,2,2,SATURDAY,16,0,0,0,0,0,0,Police,0.5388381639706087,0.3945292907906072,0.5937175866150576,0.1309,,0.6533,,,0.1064,0.069,0.4792,,,,0.0733,,0.4466,0.0,,0.0,,,0.0,0.0345,0.3333,,,,0.0763,,0.2005,0.1291,,0.9771,,,0.08,0.069,0.4792,,,,0.0746,,0.4559,,block of flats,0.0,Panel,No,0.0,0.0,0.0,0.0,-317.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1861885,286867,Cash loans,92606.985,810000.0,837801.0,,810000.0,TUESDAY,10,Y,1,,,,XNA,Approved,-598,XNA,XAP,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-568.0,-238.0,-358.0,-355.0,1.0,0,Cash loans,M,Y,N,0,270000.0,900000.0,85585.5,900000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.04622,-19665,365243,-6100.0,-3200,11.0,1,0,0,1,0,0,,2.0,1,1,THURSDAY,11,0,0,0,0,0,0,XNA,0.4750365033510438,0.6954692891095018,0.7503751495159068,,,0.9911,,,,,0.3333,,,,,,,,,0.9911,,,,,0.3333,,,,,,,,,0.9911,,,,,0.3333,,,,,,,,,0.1947,Panel,No,0.0,0.0,0.0,0.0,-1250.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2310682,252525,Revolving loans,13500.0,270000.0,270000.0,,270000.0,TUESDAY,17,Y,1,,,,XAP,Approved,-213,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,135000.0,441000.0,28314.0,441000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-12656,-1770,-4959.0,-5041,,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.5344433568166397,0.5919766183185521,0.1237,0.0919,0.9816,,,0.0,0.069,0.1667,,0.0185,,0.0646,,0.0,0.1261,0.0954,0.9816,,,0.0,0.069,0.1667,,0.0189,,0.0673,,0.0,0.1249,0.0919,0.9816,,,0.0,0.069,0.1667,,0.0188,,0.0657,,0.0,,block of flats,0.0605,"Stone, brick",No,0.0,0.0,0.0,0.0,-993.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1366329,340534,Cash loans,45679.455,810000.0,893398.5,,810000.0,THURSDAY,16,Y,1,,,,XNA,Refused,-257,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,N,1,238500.0,1012653.0,40288.5,931500.0,Family,Commercial associate,Higher education,Separated,House / apartment,0.003069,-13233,-3274,-727.0,-4984,,1,1,0,1,0,0,Managers,2.0,3,3,TUESDAY,14,0,0,0,0,0,0,Security Ministries,0.5548535180642846,0.6513013514619526,0.4014074137749511,0.1031,0.1118,0.9791,0.7144,,0.0,0.1379,0.1667,0.2083,0.0334,0.0799,0.0593,0.0193,0.1046,0.105,0.116,0.9791,0.7256,,0.0,0.1379,0.1667,0.2083,0.0342,0.0872,0.0618,0.0195,0.1108,0.1041,0.1118,0.9791,0.7182,,0.0,0.1379,0.1667,0.2083,0.034,0.0812,0.0604,0.0194,0.1068,reg oper account,block of flats,0.0694,"Stone, brick",No,0.0,0.0,0.0,0.0,-2145.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1563353,286607,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SATURDAY,12,Y,1,,,,XAP,Approved,-268,XNA,XAP,,New,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-265.0,-220.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,1,121500.0,640080.0,29970.0,450000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.020246,-12991,-212,-1025.0,-1756,,1,1,0,1,0,0,Core staff,3.0,3,3,MONDAY,8,0,0,0,0,0,0,Transport: type 4,0.18860225227133595,0.02889184928866622,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-268.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2471900,105718,Cash loans,89026.02,1129500.0,1326766.5,,1129500.0,SATURDAY,12,Y,1,,,,XNA,Approved,-614,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-584.0,-74.0,-74.0,-67.0,1.0,0,Cash loans,F,Y,Y,0,360000.0,1506816.0,49927.5,1350000.0,Family,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.020713,-14781,-4292,-4986.0,-1785,2.0,1,1,1,1,0,0,Managers,1.0,3,2,THURSDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.4972338706990262,0.45190026941427,0.5867400085415683,0.0835,0.0067,0.9771,,,0.0,0.0345,0.125,,0.0336,,0.0273,,0.0437,0.0851,0.006999999999999999,0.9772,,,0.0,0.0345,0.125,,0.0344,,0.0284,,0.0463,0.0843,0.0067,0.9771,,,0.0,0.0345,0.125,,0.0342,,0.0278,,0.0446,,block of flats,0.0297,"Stone, brick",No,3.0,0.0,3.0,0.0,-1933.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1531270,218388,Consumer loans,7060.95,119245.5,153873.0,0.0,119245.5,SATURDAY,10,Y,1,0.0,,,XAP,Approved,-21,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,120,Consumer electronics,24.0,low_action,POS household without interest,365243.0,365243.0,699.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,0,157500.0,348264.0,23404.5,315000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-19827,-1032,-1541.0,-1544,18.0,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,Self-employed,,0.712419135144131,0.4101025731788671,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-778.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1748092,247782,Consumer loans,2677.995,19066.5,22504.5,1125.0,19066.5,WEDNESDAY,15,Y,1,0.05185159536711621,,,XAP,Approved,-1269,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Stone,160,Consumer electronics,12.0,high,POS household with interest,365243.0,-1238.0,-908.0,-998.0,-992.0,0.0,1,Cash loans,M,N,Y,1,157500.0,333000.0,26437.5,333000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.015221,-13863,-238,-4839.0,-5107,,1,1,0,1,0,0,,3.0,2,2,FRIDAY,15,0,0,0,0,0,0,Construction,,0.4034802433232425,0.3280631605201915,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-175.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,7.0 +2020906,433803,Consumer loans,7610.355,116082.0,116082.0,0.0,116082.0,FRIDAY,16,Y,1,0.0,,,XAP,Refused,-252,Cash through the bank,LIMIT,Family,Repeater,Audio/Video,POS,XNA,Country-wide,988,Consumer electronics,18.0,low_normal,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,225000.0,553500.0,21082.5,553500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.030755,-9732,-322,-5375.0,-2403,,1,1,0,1,0,0,Sales staff,2.0,2,2,FRIDAY,11,0,0,0,0,1,1,Trade: type 3,0.20475212569203785,0.6200999740129116,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-334.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2121009,137024,Consumer loans,25080.975,250839.0,225751.5,25087.5,250839.0,MONDAY,13,Y,1,0.10892472136238056,,,XAP,Approved,-2593,XNA,XAP,,Repeater,Other,POS,XNA,Stone,14,Industry,10.0,low_normal,POS industry without interest,365243.0,-2558.0,-2288.0,-2288.0,-2279.0,0.0,0,Cash loans,F,N,Y,1,126000.0,1002726.0,29448.0,837000.0,Unaccompanied,State servant,Secondary / secondary special,Civil marriage,House / apartment,0.018801,-11813,-74,-1815.0,-3921,,1,1,0,1,0,1,HR staff,3.0,2,2,THURSDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.3989713193646955,0.5979751655005192,0.06733950871403091,0.0299,0.0,0.9752,0.66,0.0053,0.0,0.1034,0.0833,0.125,0.044,0.0202,0.0205,0.0193,0.0352,0.0305,0.0,0.9752,0.6733,0.0053,0.0,0.1034,0.0833,0.125,0.045,0.022,0.0214,0.0195,0.0372,0.0302,0.0,0.9752,0.6645,0.0053,0.0,0.1034,0.0833,0.125,0.0448,0.0205,0.0209,0.0194,0.0359,reg oper account,block of flats,0.0267,"Stone, brick",No,2.0,0.0,2.0,0.0,-20.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2485485,174076,Cash loans,47952.0,900000.0,900000.0,,900000.0,SATURDAY,12,Y,1,,,,XNA,Approved,-191,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-161.0,529.0,-101.0,-99.0,0.0,0,Cash loans,M,N,Y,0,270000.0,1787283.0,52389.0,1597500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.025164,-19480,-353,-686.0,-3020,,1,1,0,1,0,0,Managers,2.0,2,2,MONDAY,16,0,0,0,0,0,0,Business Entity Type 1,0.7070150034876139,0.6549426491435624,0.180887977767074,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1367204,166342,Consumer loans,4560.93,27225.0,22725.0,4500.0,27225.0,TUESDAY,11,Y,1,0.18001502629601804,,,XAP,Approved,-2475,XNA,XAP,Children,Repeater,Mobile,POS,XNA,Stone,12,Connectivity,6.0,high,POS mobile with interest,365243.0,-2427.0,-2277.0,-2337.0,-2330.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,808650.0,23773.5,675000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.015221,-20562,-3198,-12743.0,-4086,12.0,1,1,1,1,1,0,Laborers,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Business Entity Type 1,0.5636318786552834,0.481384778295505,0.6178261467332483,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-2002.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +2474622,353457,Consumer loans,16959.015,172980.0,168277.5,18000.0,172980.0,MONDAY,12,Y,1,0.1052388848016339,,,XAP,Approved,-406,Non-cash from your account,XAP,,New,Consumer Electronics,POS,XNA,Stone,70,Construction,12.0,middle,POS industry with interest,365243.0,-375.0,-45.0,-45.0,-43.0,0.0,0,Cash loans,F,N,N,0,103500.0,242329.5,17361.0,220500.0,Family,Pensioner,Lower secondary,Separated,Municipal apartment,0.005002,-21479,365243,-4841.0,-4294,,1,0,0,1,0,0,,1.0,3,3,MONDAY,12,0,0,0,0,0,0,XNA,,0.5416340708669279,0.7267112092725122,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-406.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1180080,204277,Cash loans,13533.66,247500.0,280989.0,,247500.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-965,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,low_normal,Cash X-Sell: low,365243.0,-935.0,-65.0,-665.0,-660.0,1.0,0,Cash loans,M,N,Y,0,189000.0,508495.5,22527.0,454500.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.01885,-21747,365243,-978.0,-4155,,1,0,0,1,0,1,,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,XNA,0.7524778645021105,0.4853875669738594,0.18303516721781032,0.2598,0.1716,0.9866,0.8164,0.0,0.28,0.2414,0.3333,0.375,0.1416,0.2118,0.2741,0.0,0.0,0.2647,0.1781,0.9866,0.8236,0.0,0.282,0.2414,0.3333,0.375,0.1449,0.2314,0.2856,0.0,0.0,0.2623,0.1716,0.9866,0.8189,0.0,0.28,0.2414,0.3333,0.375,0.1441,0.2155,0.2791,0.0,0.0,reg oper spec account,block of flats,0.2156,Panel,No,0.0,0.0,0.0,0.0,-1701.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,4.0 +1005167,118586,Consumer loans,7244.64,106200.0,38700.0,67500.0,106200.0,SATURDAY,10,Y,1,0.6922187981510015,,,XAP,Approved,-1594,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,20,Furniture,6.0,middle,POS industry with interest,365243.0,-1559.0,-1409.0,-1409.0,-1404.0,0.0,0,Cash loans,F,Y,Y,1,180000.0,675000.0,37692.0,675000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.018209,-13675,-5377,-1423.0,-4392,9.0,1,1,1,1,0,0,Managers,3.0,3,3,THURSDAY,6,0,0,0,0,0,0,Business Entity Type 3,,0.6311776260612801,0.33125086459090186,0.0237,0.0,0.9747,,,0.0,0.069,0.0833,,0.0145,,0.0175,,0.0054,0.0242,0.0,0.9747,,,0.0,0.069,0.0833,,0.0148,,0.0183,,0.0057,0.0239,0.0,0.9747,,,0.0,0.069,0.0833,,0.0147,,0.0179,,0.0055,,block of flats,0.0161,"Stone, brick",No,0.0,0.0,0.0,0.0,-1594.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,8.0 +1072158,295685,Cash loans,21057.93,540000.0,648711.0,,540000.0,FRIDAY,14,Y,1,,,,XNA,Refused,-906,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,N,0,270000.0,990000.0,29074.5,990000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.026392000000000002,-13984,-730,-2231.0,-4309,,1,1,0,1,0,0,Core staff,2.0,2,2,MONDAY,18,0,0,0,1,1,0,University,,0.6665591080662874,0.1556893746835917,0.3175,0.2065,0.9851,0.7959999999999999,0.0796,0.36,0.3103,0.3333,0.375,0.562,0.2564,0.3667,0.0116,0.0273,0.3235,0.2143,0.9851,0.804,0.0803,0.3625,0.3103,0.3333,0.375,0.5749,0.2801,0.3821,0.0117,0.0289,0.3206,0.2065,0.9851,0.7987,0.0801,0.36,0.3103,0.3333,0.375,0.5718,0.2608,0.3733,0.0116,0.0279,reg oper account,block of flats,0.2944,Panel,No,0.0,0.0,0.0,0.0,-2176.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2010624,244425,Consumer loans,6866.685,68931.0,76212.0,0.0,68931.0,SUNDAY,14,Y,1,0.0,,,XAP,Approved,-168,Cash through the bank,XAP,Family,Refreshed,Consumer Electronics,POS,XNA,Regional / Local,1691,Auto technology,12.0,low_action,POS others without interest,365243.0,-138.0,192.0,365243.0,365243.0,1.0,0,Revolving loans,F,N,Y,1,202500.0,225000.0,11250.0,225000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.0060079999999999995,-12694,-2303,-4254.0,-1027,,1,1,0,1,1,0,,3.0,2,2,SUNDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.6726209530579372,0.3506958432829587,,,0.9816,,,,,,,,,0.0831,,,,,0.9816,,,,,,,,,0.0866,,,,,0.9816,,,,,,,,,0.0846,,,,,,,No,1.0,0.0,1.0,0.0,-168.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1932159,445584,Cash loans,70016.175,337500.0,345298.5,,337500.0,FRIDAY,12,Y,1,,,,XNA,Approved,-780,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,high,Cash X-Sell: high,365243.0,-750.0,-600.0,-750.0,-743.0,1.0,1,Cash loans,M,Y,Y,1,225000.0,640080.0,29970.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.022625,-13674,-283,-7633.0,-111,6.0,1,1,0,1,0,1,Core staff,3.0,2,2,MONDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.14990079842600634,0.5357652633664656,0.1206410299309233,0.1979,0.1233,0.9851,0.7959999999999999,0.2853,0.32,0.1379,0.4583,0.5,0.0114,0.1614,0.1983,0.0,0.0013,0.2017,0.1279,0.9851,0.804,0.2879,0.3222,0.1379,0.4583,0.5,0.0116,0.1763,0.2066,0.0,0.0014,0.1999,0.1233,0.9851,0.7987,0.2871,0.32,0.1379,0.4583,0.5,0.0116,0.1642,0.2018,0.0,0.0013,reg oper account,block of flats,0.1866,Panel,No,5.0,0.0,5.0,0.0,-788.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2172164,173102,Cash loans,6666.3,45000.0,55075.5,,45000.0,SATURDAY,9,Y,1,,,,XNA,Refused,-1153,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,,,,,,,0,Revolving loans,F,N,Y,0,315000.0,585000.0,29250.0,585000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-22344,-7329,-806.0,-4019,,1,1,0,1,0,0,,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Police,,0.7210010063337017,0.6496203111237195,0.2031,,0.997,,,0.2,0.1724,0.375,,,,0.2143,,0.0,0.2069,,0.997,,,0.2014,0.1724,0.375,,,,0.2233,,0.0,0.2051,,0.997,,,0.2,0.1724,0.375,,,,0.2182,,0.0,,block of flats,0.1686,Panel,No,0.0,0.0,0.0,0.0,-1176.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2716526,401478,Consumer loans,13399.245,64602.0,67801.5,0.0,64602.0,MONDAY,15,Y,1,0.0,,,XAP,Approved,-1435,XNA,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,1487,Consumer electronics,6.0,high,POS household with interest,365243.0,-1404.0,-1254.0,-1254.0,-1247.0,0.0,0,Cash loans,F,N,Y,0,130500.0,1037128.5,46395.0,927000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-19580,-9122,-12263.0,-2722,,1,1,1,1,1,0,,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Other,,0.5946746534403791,0.4436153084085652,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1435.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1510325,343290,Consumer loans,2921.94,25317.0,25038.0,2533.5,25317.0,SUNDAY,11,Y,1,0.10007478077659243,,,XAP,Approved,-2293,Cash through the bank,XAP,Group of people,Repeater,Mobile,POS,XNA,Country-wide,25,Connectivity,12.0,high,POS mobile with interest,365243.0,-2262.0,-1932.0,-1932.0,-1929.0,1.0,0,Cash loans,F,Y,Y,1,103500.0,161730.0,11385.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.02461,-17623,-1636,-7737.0,-1128,11.0,1,1,1,1,1,0,Laborers,3.0,2,2,THURSDAY,14,0,0,0,0,0,0,Self-employed,,0.6846333969213162,0.39277386060313396,0.0278,0.0493,0.9881,,,,0.1034,0.0833,,,,0.0307,,0.0359,0.0284,0.0512,0.9881,,,,0.1034,0.0833,,,,0.032,,0.038,0.0281,0.0493,0.9881,,,,0.1034,0.0833,,,,0.0313,,0.0366,,block of flats,0.0242,"Stone, brick",No,0.0,0.0,0.0,0.0,-2293.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2617302,199171,Cash loans,28436.175,135000.0,155380.5,,135000.0,SUNDAY,15,Y,1,,,,XNA,Approved,-223,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),5,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-193.0,-43.0,-43.0,-41.0,1.0,0,Cash loans,F,Y,Y,0,121500.0,810000.0,26770.5,810000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-16882,-1261,-9220.0,-422,6.0,1,1,1,1,1,0,Managers,2.0,2,2,SATURDAY,8,0,0,0,0,0,0,Self-employed,,0.4883704275437241,,0.0165,,0.9776,,,0.0,0.069,0.0417,,,,0.0096,,0.018000000000000002,0.0168,,0.9777,,,0.0,0.069,0.0417,,,,0.01,,0.0191,0.0167,,0.9776,,,0.0,0.069,0.0417,,,,0.0098,,0.0184,,block of flats,0.0115,Panel,No,0.0,0.0,0.0,0.0,-773.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2012339,391699,Revolving loans,2250.0,45000.0,45000.0,,45000.0,MONDAY,10,Y,1,,,,XAP,Refused,-659,XNA,HC,,Refreshed,XNA,Cards,walk-in,AP+ (Cash loan),5,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,Y,N,0,144000.0,450000.0,22018.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014464,-9916,-2013,-4242.0,-2503,22.0,1,1,0,1,1,0,Core staff,2.0,2,2,TUESDAY,5,0,0,0,0,0,0,Business Entity Type 2,0.17439070286637268,0.31605486966702245,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-550.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1040246,438980,Cash loans,48111.885,337500.0,405391.5,,337500.0,THURSDAY,11,Y,1,,,,Other,Refused,-509,Cash through the bank,LIMIT,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,M,Y,N,2,135000.0,1288350.0,41692.5,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,With parents,0.035792000000000004,-13425,-1097,-440.0,-2489,6.0,1,1,0,1,1,0,Core staff,4.0,2,2,TUESDAY,11,0,0,0,0,0,0,Self-employed,,0.6251967612445479,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-628.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1870649,179086,Cash loans,35817.795,675000.0,744498.0,,675000.0,THURSDAY,18,Y,1,,,,XNA,Approved,-1048,Cash through the bank,XAP,"Spouse, partner",New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,middle,Cash Street: middle,365243.0,-1018.0,32.0,-718.0,-709.0,1.0,0,Cash loans,F,N,Y,0,225000.0,783927.0,40023.0,688500.0,"Spouse, partner",Commercial associate,Higher education,Married,House / apartment,0.01885,-10755,-1040,-2687.0,-3092,,1,1,0,1,0,1,Sales staff,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,Realtor,0.5265956735838829,0.5765281813011602,0.4525335592581747,0.2313,0.1114,0.9851,0.7959999999999999,0.0323,0.24,0.2069,0.3333,,0.0355,,0.1938,0.0064,0.0658,0.1134,0.0838,0.9846,0.7975,0.0174,0.1208,0.1034,0.3333,,0.0159,,0.1217,0.0,0.0026,0.1124,0.0849,0.9851,0.7987,0.0325,0.12,0.1034,0.3333,,0.0361,,0.1231,0.0039,0.0672,,block of flats,0.3244,"Stone, brick",No,0.0,0.0,0.0,0.0,-1048.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +2048857,292887,Cash loans,16925.85,445500.0,445500.0,,445500.0,MONDAY,10,Y,1,,,,XNA,Approved,-183,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,25,Connectivity,48.0,middle,Cash X-Sell: middle,365243.0,-153.0,1257.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,54000.0,152820.0,15241.5,135000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.02461,-21432,365243,-10078.0,-4696,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,XNA,,0.35601755646863426,0.42765737003502935,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,1.0,0.0,-726.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1457743,385241,Consumer loans,,84100.5,84100.5,0.0,84100.5,THURSDAY,18,Y,1,0.0,,,XAP,Refused,-750,Cash through the bank,LIMIT,,Repeater,Mobile,XNA,XNA,Country-wide,77,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Revolving loans,M,Y,Y,0,157500.0,180000.0,9000.0,180000.0,Family,Working,Higher education,Single / not married,House / apartment,0.009175,-8832,-1184,-821.0,-1234,64.0,1,1,0,1,0,0,Laborers,1.0,2,2,FRIDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.6966305151295921,0.28812959991785075,0.1237,0.0,0.9762,,,0.0,0.2069,0.1667,,0.0743,,0.0688,,0.1644,0.1261,0.0,0.9762,,,0.0,0.2069,0.1667,,0.076,,0.0717,,0.1741,0.1249,0.0,0.9762,,,0.0,0.2069,0.1667,,0.0756,,0.0701,,0.1679,,block of flats,0.0795,Panel,No,0.0,0.0,0.0,0.0,-852.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1544541,236231,Consumer loans,7309.305,61636.5,60961.5,6165.0,61636.5,THURSDAY,9,Y,1,0.10002376787923482,,,XAP,Approved,-1710,Cash through the bank,XAP,Family,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,1782,Consumer electronics,12.0,high,POS household with interest,365243.0,-1679.0,-1349.0,-1589.0,-1581.0,0.0,0,Cash loans,F,N,Y,1,99000.0,592560.0,35937.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-16093,-1913,-5335.0,-3694,,1,1,0,1,0,0,Sales staff,3.0,3,2,SATURDAY,10,0,0,0,0,0,0,Self-employed,,0.30115896519935303,0.19633396621345675,0.1196,0.1022,0.9771,0.6872,0.0478,0.0,0.2759,0.1667,0.2083,0.0649,0.0941,0.1016,0.0154,0.0239,0.1218,0.1061,0.9772,0.6994,0.0483,0.0,0.2759,0.1667,0.2083,0.0664,0.1028,0.1058,0.0156,0.0253,0.1207,0.1022,0.9771,0.6914,0.0481,0.0,0.2759,0.1667,0.2083,0.066,0.0958,0.1034,0.0155,0.0244,reg oper account,block of flats,0.1112,Panel,No,3.0,0.0,3.0,0.0,-274.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1457594,154826,Revolving loans,13500.0,382500.0,382500.0,,382500.0,THURSDAY,15,N,0,,,,XAP,Refused,-208,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,202500.0,728460.0,50827.5,675000.0,Children,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.019101,-21314,365243,-1406.0,-4549,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,,0.7982955320802982,0.2778856891082046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-865.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,4.0 +1320829,383393,Cash loans,30938.94,292500.0,308331.0,,292500.0,FRIDAY,14,Y,1,,,,XNA,Approved,-822,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-792.0,-462.0,-672.0,-666.0,1.0,0,Cash loans,F,Y,Y,1,247500.0,900000.0,32017.5,900000.0,Family,Working,Higher education,Single / not married,House / apartment,0.026392000000000002,-19824,-2468,-1795.0,-3363,5.0,1,1,0,1,0,1,Core staff,2.0,2,2,MONDAY,18,0,0,0,0,0,0,Self-employed,0.8391792142891285,0.7027233484306864,0.3723336657058204,0.3557,,0.9846,,,0.0,0.7586,0.1667,,,,0.3304,,0.0,0.3624,,0.9846,,,0.0,0.7586,0.1667,,,,0.3443,,0.0,0.3591,,0.9846,,,0.0,0.7586,0.1667,,,,0.3364,,0.0,,block of flats,0.2599,Panel,No,0.0,0.0,0.0,0.0,-1263.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,6.0,0.0,2.0 +2145245,240528,Revolving loans,,0.0,0.0,,,WEDNESDAY,10,Y,1,,,,XAP,Refused,-301,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Card Street,,,,,,,0,Cash loans,F,N,N,0,211500.0,450000.0,35554.5,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018801,-14098,-4190,-2071.0,-2564,,1,1,0,1,1,0,Accountants,2.0,2,2,TUESDAY,15,0,0,0,0,1,1,Business Entity Type 3,0.4645232781358253,0.5156539549135831,0.656158373001177,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-1708.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1327948,436953,Consumer loans,1770.165,22176.45,14976.0,8550.45,22176.45,SATURDAY,19,Y,1,0.3958190616789343,,,XAP,Approved,-2209,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,1600,Consumer electronics,12.0,high,POS household with interest,365243.0,-2178.0,-1848.0,-2058.0,-2054.0,0.0,0,Cash loans,M,N,Y,0,112500.0,1125000.0,33025.5,1125000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010147,-18838,-263,-1903.0,-2378,,1,1,1,1,1,0,High skill tech staff,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.8405321729319314,0.7230681417377266,0.7180328113294772,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2152.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1304990,165586,Revolving loans,3375.0,0.0,67500.0,,,TUESDAY,13,Y,1,,,,XAP,Approved,-2738,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,0,XNA,0.0,XNA,Card Street,-2733.0,-2673.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,103500.0,254700.0,14350.5,225000.0,Unaccompanied,Pensioner,Higher education,Widow,House / apartment,0.018634,-21489,365243,-4635.0,-4677,,1,0,0,1,1,0,,1.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,XNA,0.8025280036774759,0.7297691783799533,0.8327850252992314,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2534.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1424181,423425,Cash loans,16043.445,270000.0,313839.0,,270000.0,FRIDAY,7,Y,1,,,,XNA,Approved,-1231,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-1201.0,-151.0,-751.0,-746.0,1.0,0,Cash loans,F,N,Y,0,67500.0,549882.0,17869.5,459000.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.018209,-21373,365243,-128.0,-4382,,1,0,0,1,1,0,,2.0,3,3,THURSDAY,13,0,0,0,0,0,0,XNA,,0.5570238994848895,0.3092753558842053,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1231.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2766073,382797,Cash loans,20181.06,261000.0,289251.0,,261000.0,MONDAY,12,Y,1,,,,XNA,Approved,-695,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-665.0,25.0,-65.0,-59.0,1.0,0,Cash loans,F,N,Y,0,130500.0,508495.5,26091.0,454500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.004849,-16269,-2671,-2785.0,-3114,,1,1,0,1,1,0,Sales staff,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Self-employed,0.5814408034773476,0.4496102084283408,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1866.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,4.0 +1997740,179074,Consumer loans,5234.625,38191.5,42570.0,4500.0,38191.5,THURSDAY,17,Y,1,0.1041195897792456,,,XAP,Approved,-1429,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,60,Connectivity,12.0,high,POS mobile with interest,365243.0,-1398.0,-1068.0,-1098.0,-1090.0,0.0,0,Cash loans,F,N,Y,0,112500.0,343377.0,22486.5,283500.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.009656999999999999,-9055,-1513,-5295.0,-1724,,1,1,0,1,0,0,Laborers,1.0,2,2,FRIDAY,16,0,0,0,0,0,0,Electricity,0.1577990744320715,0.3107940173684109,0.5726825047161584,0.0691,0.0993,0.9916,0.8844,,0.0,0.069,0.125,,0.0474,0.0563,0.0565,,0.0139,0.0704,0.103,0.9916,0.8889,,0.0,0.069,0.125,,0.0485,0.0615,0.0589,,0.0147,0.0697,0.0993,0.9916,0.8859,,0.0,0.069,0.125,,0.0482,0.0573,0.0575,,0.0142,reg oper account,block of flats,0.0444,Panel,No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1706134,319649,Revolving loans,11250.0,225000.0,225000.0,,225000.0,WEDNESDAY,11,Y,1,,,,XAP,Refused,-572,XNA,LIMIT,,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),4,XNA,0.0,XNA,Card Street,,,,,,,1,Cash loans,F,N,Y,0,153000.0,668304.0,34254.0,540000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.015221,-19254,-1745,-9250.0,-2783,,1,1,1,1,1,0,Sales staff,2.0,2,2,MONDAY,9,0,0,0,0,0,0,Trade: type 7,0.6192155042903184,0.6384622021657808,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-714.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1285533,197874,Consumer loans,9881.91,107100.0,96390.0,10710.0,107100.0,WEDNESDAY,16,Y,1,0.1089090909090909,,,XAP,Approved,-413,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Stone,50,Furniture,12.0,middle,POS industry with interest,365243.0,-380.0,-50.0,-170.0,-164.0,0.0,0,Cash loans,F,N,Y,0,157500.0,119925.0,11988.0,112500.0,Family,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.018634,-22615,365243,-804.0,-4394,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,,0.27052714002809525,0.6430255641096323,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1279.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1736681,114880,Consumer loans,19969.47,227475.0,283014.0,0.0,227475.0,SUNDAY,11,Y,1,0.0,,,XAP,Approved,-836,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Stone,77,Consumer electronics,18.0,middle,POS household with interest,365243.0,-805.0,-295.0,-352.0,-346.0,0.0,0,Cash loans,M,N,Y,0,202500.0,515529.0,26451.0,391500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.007114,-13067,-1770,-705.0,-4074,,1,1,0,1,0,0,Laborers,1.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Transport: type 4,0.0808020100921758,0.5750646760867271,0.30620229831350426,0.0186,0.0517,,0.7824,,,0.1034,0.0417,0.0833,0.0204,,0.0101,,,0.0189,0.0537,,0.7909,,,0.1034,0.0417,0.0833,0.0208,,0.0105,,,0.0187,0.0517,,0.7853,,,0.1034,0.0417,0.0833,0.0207,,0.0103,,,,block of flats,0.008,Block,No,2.0,1.0,2.0,1.0,-1477.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2286165,181067,Cash loans,40115.655,382500.0,400171.5,,382500.0,SUNDAY,12,Y,1,,,,XNA,Approved,-434,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-404.0,-74.0,-194.0,-189.0,1.0,0,Cash loans,F,N,Y,0,225000.0,1331019.0,44113.5,1192500.0,Children,Pensioner,Higher education,Widow,House / apartment,0.032561,-23836,365243,-3888.0,-4212,,1,0,0,1,0,0,,1.0,1,1,SUNDAY,12,0,0,0,0,0,0,XNA,,0.6886702902777722,0.7032033049040319,0.0619,0.0612,0.9732,0.6328,0.0086,0.0,0.1379,0.1667,0.2083,0.0,0.0504,0.0549,0.0,0.0,0.063,0.0635,0.9732,0.6472,0.0086,0.0,0.1379,0.1667,0.2083,0.0,0.0551,0.0572,0.0,0.0,0.0625,0.0612,0.9732,0.6377,0.0086,0.0,0.1379,0.1667,0.2083,0.0,0.0513,0.0559,0.0,0.0,reg oper spec account,block of flats,0.0432,Panel,No,0.0,0.0,0.0,0.0,-434.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,1.0 +2361731,232854,Cash loans,10374.435,180000.0,215640.0,,180000.0,THURSDAY,13,Y,1,,,,XNA,Approved,-638,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-606.0,444.0,-516.0,-509.0,0.0,1,Cash loans,F,N,N,1,180000.0,450000.0,21888.0,450000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.007305,-13280,-741,-4319.0,-4312,,1,1,0,1,1,0,Sales staff,3.0,3,3,THURSDAY,14,0,0,0,0,0,0,Trade: type 7,,0.16756945641636362,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1504.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1513649,419298,Cash loans,60916.86,900000.0,952272.0,,900000.0,FRIDAY,7,Y,1,,,,XNA,Approved,-853,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-823.0,-133.0,-373.0,-368.0,1.0,0,Cash loans,M,N,N,1,180000.0,550467.0,26901.0,387000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.007305,-14196,-196,-1848.0,-4321,,1,1,0,1,0,0,Drivers,3.0,3,3,THURSDAY,8,0,0,0,0,0,0,Other,,0.22503524543062106,0.375711009574066,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,1.0,5.0,0.0,-1363.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1934490,225845,Consumer loans,7780.275,55732.5,44586.0,11146.5,55732.5,FRIDAY,11,Y,1,0.2178181818181818,,,XAP,Refused,-2588,Cash through the bank,SCO,,Repeater,XNA,POS,XNA,Regional / Local,70,Consumer electronics,6.0,low_action,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,225000.0,545040.0,20677.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-15374,-5221,-9440.0,-4232,,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.7103400346925892,0.6615001414631904,0.7700870700124128,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1896.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2006835,379530,Cash loans,50000.4,1710000.0,1710000.0,,1710000.0,TUESDAY,12,Y,1,,,,Buying a used car,Refused,-319,XNA,VERIF,Unaccompanied,Repeater,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,N,0,173025.0,497520.0,25888.5,450000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.020713,-13218,-690,-7094.0,-2447,,1,1,1,1,0,0,Core staff,2.0,3,2,FRIDAY,6,0,0,0,0,0,0,Trade: type 5,0.5563616549808598,0.5851156380912395,,0.132,0.0986,0.9816,0.7484,0.2072,0.16,0.1379,0.3333,0.375,0.0446,0.1025,0.131,0.0232,0.0474,0.1345,0.1024,0.9816,0.7583,0.2091,0.1611,0.1379,0.3333,0.375,0.0456,0.112,0.1364,0.0233,0.0502,0.1332,0.0986,0.9816,0.7518,0.2086,0.16,0.1379,0.3333,0.375,0.0453,0.1043,0.1333,0.0233,0.0484,reg oper account,block of flats,0.1133,Panel,No,6.0,0.0,6.0,0.0,-434.0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,,,,,, +2628337,250597,Consumer loans,8588.34,56916.0,47934.0,11385.0,56916.0,TUESDAY,15,Y,1,0.2090274616901835,,,XAP,Approved,-322,Cash through the bank,XAP,Family,Refreshed,Consumer Electronics,POS,XNA,Country-wide,250,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-291.0,-141.0,-141.0,-135.0,0.0,0,Cash loans,F,Y,Y,0,202500.0,1288350.0,37800.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00823,-19748,-5307,-4000.0,-3142,1.0,1,1,1,1,0,0,Accountants,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Self-employed,0.8440383543601119,0.39984875432364336,0.18195910978627852,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2978.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2693052,243615,Revolving loans,6750.0,0.0,270000.0,,,FRIDAY,13,N,0,,,,XAP,Refused,-339,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,Y,Y,0,112500.0,1602000.0,48699.0,1602000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.018209,-21381,365243,-10083.0,-4686,13.0,1,0,0,1,0,0,,2.0,3,3,MONDAY,15,0,0,0,0,0,0,XNA,,0.5629347101367803,0.475849908720221,0.1113,0.0811,0.9866,0.8164,0.0423,0.12,0.1034,0.3333,0.0417,0.0935,0.0908,0.1019,0.0,0.0,0.1134,0.0842,0.9866,0.8236,0.0427,0.1208,0.1034,0.3333,0.0417,0.0957,0.0992,0.1061,0.0,0.0,0.1124,0.0811,0.9866,0.8189,0.0425,0.12,0.1034,0.3333,0.0417,0.0952,0.0923,0.1037,0.0,0.0,reg oper account,block of flats,0.1032,Panel,No,0.0,0.0,0.0,0.0,-1581.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1141103,284413,Consumer loans,8402.31,101970.0,81576.0,20394.0,101970.0,WEDNESDAY,12,Y,1,0.2178181818181818,,,XAP,Refused,-1941,Cash through the bank,HC,,Repeater,Computers,POS,XNA,Stone,34,Consumer electronics,12.0,middle,POS household with interest,,,,,,,0,Cash loans,F,Y,Y,1,180000.0,270000.0,26833.5,270000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.009549,-12018,-467,-6065.0,-374,7.0,1,1,0,1,0,0,Waiters/barmen staff,3.0,2,2,FRIDAY,16,0,0,0,0,1,1,Business Entity Type 3,0.2386789230082169,0.6159909115445431,0.6512602186973006,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +2487480,167748,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SUNDAY,16,Y,1,,,,XAP,Approved,-109,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,90000.0,913500.0,29596.5,913500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006207,-16051,-8882,-7050.0,-3716,,1,1,0,1,1,0,Laborers,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,Other,0.6737696072406889,0.5954703083896647,0.520897599048938,0.233,0.0,0.9851,0.7959999999999999,,0.24,0.2069,0.375,0.375,0.0437,0.19,0.234,0.0,0.0,0.2374,0.0,0.9851,0.804,,0.2417,0.2069,0.375,0.375,0.0447,0.2075,0.2438,0.0,0.0,0.2352,0.0,0.9851,0.7987,,0.24,0.2069,0.375,0.375,0.0444,0.1932,0.2382,0.0,0.0,reg oper account,block of flats,0.2034,Panel,No,0.0,0.0,0.0,0.0,-317.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2098767,353418,Consumer loans,11885.85,229904.55,229900.5,4.05,229904.55,MONDAY,10,Y,1,1.9185432310139926e-05,,,XAP,Approved,-1460,Cash through the bank,XAP,,New,Computers,POS,XNA,Country-wide,595,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-1424.0,-734.0,-734.0,-719.0,0.0,0,Cash loans,F,N,N,0,238500.0,1125000.0,33025.5,1125000.0,Unaccompanied,Commercial associate,Higher education,Married,Municipal apartment,0.0228,-17615,-1960,-6205.0,-105,,1,1,1,1,1,0,Accountants,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,Other,0.7283000128403945,0.7287199814832537,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-1460.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1945898,172722,Revolving loans,4500.0,0.0,90000.0,,,WEDNESDAY,12,Y,1,,,,XAP,Approved,-1368,XNA,XAP,,Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,90000.0,931401.0,47556.0,832500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-20662,365243,-109.0,-3846,1.0,1,0,0,1,0,0,,2.0,2,2,SATURDAY,9,0,0,0,0,0,0,XNA,,0.3229629774827344,0.7338145369642702,0.0186,0.0,0.9861,,,0.0,0.0345,0.0417,,,,0.0198,,0.0107,0.0189,0.0,0.9861,,,0.0,0.0345,0.0417,,,,0.0207,,0.0113,0.0187,0.0,0.9861,,,0.0,0.0345,0.0417,,,,0.0202,,0.0109,,block of flats,0.0179,Wooden,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1988626,398815,Consumer loans,16703.055,180972.0,176845.5,18099.0,180972.0,FRIDAY,7,Y,1,0.10111316997215287,,,XAP,Refused,-621,XNA,LIMIT,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Country-wide,314,Consumer electronics,12.0,low_normal,POS household with interest,,,,,,,1,Cash loans,F,N,Y,0,81000.0,216144.0,17208.0,171000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.018029,-14204,-3303,-2721.0,-1265,,1,1,0,1,0,0,Sales staff,2.0,3,3,WEDNESDAY,13,0,0,0,0,0,0,Self-employed,,0.21379749306212667,0.6863823354047934,0.0928,0.1255,0.9767,0.6804,0.0119,0.0,0.2069,0.1667,0.0417,0.0,,0.0879,,0.0,0.0945,0.1302,0.9767,0.6929,0.012,0.0,0.2069,0.1667,0.0417,0.0,,0.0915,,0.0,0.0937,0.1255,0.9767,0.6847,0.012,0.0,0.2069,0.1667,0.0417,0.0,,0.0894,,0.0,,block of flats,0.0756,Panel,No,0.0,0.0,0.0,0.0,-733.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1597521,430517,Revolving loans,38250.0,765000.0,765000.0,,765000.0,FRIDAY,9,Y,1,,,,XAP,Approved,-416,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,2,90000.0,101880.0,10206.0,90000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-13586,-580,-4329.0,-3959,,1,1,0,1,0,0,Core staff,4.0,2,2,MONDAY,8,0,0,0,0,0,0,Kindergarten,0.5482923303660718,0.07073398796624836,0.8004513396487078,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1071.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +1015445,245521,Cash loans,28054.305,405000.0,533304.0,,405000.0,MONDAY,13,Y,1,,,,XNA,Refused,-295,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,N,2,135000.0,218016.0,17221.5,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-10083,-2796,-585.0,-1188,,1,1,0,1,0,0,,4.0,2,2,MONDAY,14,0,0,0,0,0,0,Transport: type 2,0.4690687194437676,0.38341279530113626,0.3046721837533529,0.0835,0.0816,0.9856,0.8028,0.0128,0.0,0.2069,0.1667,0.2083,,0.0672,0.0811,0.0039,0.0022,0.0851,0.0847,0.9856,0.8105,0.013,0.0,0.2069,0.1667,0.2083,,0.0735,0.0845,0.0039,0.0023,0.0843,0.0816,0.9856,0.8054,0.0129,0.0,0.2069,0.1667,0.2083,,0.0684,0.0826,0.0039,0.0022,reg oper account,block of flats,0.07200000000000001,"Stone, brick",No,9.0,0.0,9.0,0.0,-604.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2373062,209934,Cash loans,10080.63,135000.0,152820.0,,135000.0,FRIDAY,15,Y,1,,,,Other,Refused,-106,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,middle,Cash Street: middle,,,,,,,1,Cash loans,M,N,Y,0,270000.0,255960.0,20353.5,202500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.02461,-13633,-881,-7725.0,-4396,,1,1,0,1,1,0,Laborers,1.0,2,2,SATURDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.6888296764591463,0.15193454904964762,0.1237,0.066,0.9806,0.7348,,0.0,0.069,0.1667,,0.0505,,0.0645,,0.0,0.1261,0.0685,0.9806,0.7452,,0.0,0.069,0.1667,,0.0517,,0.0672,,0.0,0.1249,0.066,0.9806,0.7383,,0.0,0.069,0.1667,,0.0514,,0.0657,,0.0,,block of flats,0.0575,"Stone, brick",No,0.0,0.0,0.0,0.0,-650.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,9.0 +2222497,277525,Cash loans,13289.13,139500.0,153310.5,,139500.0,WEDNESDAY,12,Y,1,,,,XNA,Refused,-337,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,N,1,112500.0,371245.5,18184.5,261000.0,Unaccompanied,Working,Higher education,Separated,With parents,0.006207,-9957,-879,-9957.0,-1463,,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Industry: type 11,0.0691521737523583,0.5301044223849315,0.34741822720026416,0.0742,0.0,0.9861,0.8096,,0.08,0.069,0.3333,0.375,0.0304,0.0614,0.0769,0.0,0.0,0.0756,0.0,0.9861,0.8171,,0.0806,0.069,0.3333,0.375,0.0311,0.067,0.0802,0.0,0.0,0.0749,0.0,0.9861,0.8121,,0.08,0.069,0.3333,0.375,0.0309,0.0624,0.0783,0.0,0.0,reg oper account,block of flats,0.0679,Panel,No,0.0,0.0,0.0,0.0,-552.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1434401,173001,Cash loans,14991.525,139500.0,163449.0,,139500.0,WEDNESDAY,14,Y,1,,,,Repairs,Approved,-363,XNA,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,365243.0,-331.0,179.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,121500.0,269550.0,14751.0,225000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.010147,-10665,-2422,-1125.0,-2527,6.0,1,1,1,1,1,0,High skill tech staff,2.0,2,2,TUESDAY,17,0,0,0,0,0,0,Business Entity Type 1,0.17824701059805054,0.21923546925164028,0.18195910978627852,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-243.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1754214,122307,Cash loans,8916.75,319500.0,319500.0,,319500.0,SUNDAY,10,Y,1,,,,XNA,Refused,-367,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,225000.0,864000.0,55345.5,864000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.028663,-13803,-1224,-7873.0,-3147,,1,1,0,1,0,1,Accountants,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,School,0.442210940454444,0.7471107829298512,0.5814837058057234,0.0711,,0.9836,0.7756,,0.08,0.069,0.3333,0.375,,,0.0722,,0.0771,0.0725,,0.9836,0.7844,,0.0806,0.069,0.3333,0.375,,,0.0753,,0.0816,0.0718,,0.9836,0.7786,,0.08,0.069,0.3333,0.375,,,0.0735,,0.0787,,block of flats,0.0736,,No,1.0,0.0,1.0,0.0,-1233.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1384985,181755,Consumer loans,2539.62,22050.0,21762.0,2250.0,22050.0,THURSDAY,11,Y,1,0.10205124710372086,,,XAP,Approved,-2206,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,39,Connectivity,12.0,high,POS mobile with interest,365243.0,-2155.0,-1825.0,-1825.0,-1818.0,1.0,0,Cash loans,F,N,Y,0,180000.0,379008.0,37053.0,360000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.030755,-19416,-6199,-4370.0,-653,,1,1,0,1,0,0,,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,Medicine,,0.5537408195029511,0.5262949398096192,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2419695,138166,Revolving loans,6750.0,135000.0,135000.0,,135000.0,MONDAY,15,Y,1,,,,XAP,Refused,-872,XNA,LIMIT,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,N,0,270000.0,835605.0,24075.0,697500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.035792000000000004,-9804,-261,-4168.0,-1855,,1,1,0,1,1,0,Sales staff,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.4146846427269168,0.5236449579517265,0.4668640059537032,0.2536,0.0692,0.9846,0.7892,0.0335,0.08,0.069,0.3333,0.375,0.0498,0.2051,0.1235,0.0077,0.0248,0.2584,0.0718,0.9846,0.7975,0.0338,0.0806,0.069,0.3333,0.375,0.051,0.2241,0.1286,0.0078,0.0262,0.2561,0.0692,0.9846,0.792,0.0337,0.08,0.069,0.3333,0.375,0.0507,0.2086,0.1257,0.0078,0.0253,reg oper account,block of flats,0.1025,"Stone, brick",No,0.0,0.0,0.0,0.0,-989.0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2395522,156415,Consumer loans,3258.045,21411.0,20542.5,2142.0,21411.0,FRIDAY,10,Y,1,0.10283818145750301,,,XAP,Approved,-2285,XNA,XAP,Family,New,Mobile,POS,XNA,Country-wide,156,Connectivity,8.0,low_normal,POS mobile with interest,365243.0,-2252.0,-2042.0,-2102.0,-2094.0,1.0,0,Cash loans,F,N,Y,1,157500.0,1002870.0,39771.0,922500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.008575,-14080,-4315,-6404.0,-2324,,1,1,1,1,1,0,Core staff,3.0,2,2,MONDAY,15,0,0,0,0,0,0,Kindergarten,,0.436633242193628,0.5424451438613613,0.0258,,0.9826,0.762,0.0,0.0,0.069,0.0833,0.125,,0.0202,0.0254,0.0039,0.0,0.0263,,0.9826,0.7713,0.0,0.0,0.069,0.0833,0.125,,0.022,0.0265,0.0039,0.0,0.026,,0.9826,0.7652,0.0,0.0,0.069,0.0833,0.125,,0.0205,0.0259,0.0039,0.0,reg oper account,block of flats,0.022,Panel,No,1.0,1.0,1.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1984388,346493,Consumer loans,14853.825,145336.5,161973.0,450.0,145336.5,SATURDAY,19,Y,1,0.003017373826926661,,,XAP,Approved,-1681,Cash through the bank,XAP,Children,Repeater,Audio/Video,POS,XNA,Country-wide,951,Consumer electronics,16.0,high,POS household with interest,365243.0,-1649.0,-1199.0,-1199.0,-1190.0,0.0,0,Cash loans,F,N,Y,0,135000.0,212656.5,17181.0,193500.0,Family,Pensioner,Secondary / secondary special,Separated,House / apartment,0.009334,-20581,365243,-10379.0,-4142,,1,0,0,1,0,0,,1.0,2,2,SUNDAY,12,0,0,0,0,0,0,XNA,,0.3813264156612074,0.2032521136204725,0.044,0.0442,0.9786,0.6668,0.0065,0.0,0.1148,0.125,0.0275,0.0128,0.0359,0.0448,0.0,0.0,0.063,0.0689,0.9826,0.7713,0.0091,0.0,0.1379,0.1667,0.0,0.0161,0.0551,0.0562,0.0,0.0,0.0625,0.0664,0.9826,0.7652,0.0091,0.0,0.1379,0.1667,0.0,0.016,0.0513,0.0549,0.0,0.0,reg oper account,block of flats,0.0424,Panel,No,3.0,0.0,3.0,0.0,-1188.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1406211,338346,Cash loans,7711.335,90000.0,118435.5,,90000.0,SATURDAY,15,Y,1,,,,Urgent needs,Approved,-264,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,middle,Cash Street: middle,365243.0,-234.0,456.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,1,67500.0,45000.0,3555.0,45000.0,Children,Working,Secondary / secondary special,Civil marriage,House / apartment,0.010643000000000001,-12949,-930,-7062.0,-3300,,1,1,1,1,0,0,,3.0,2,2,THURSDAY,17,0,0,0,0,0,0,Industry: type 6,,0.611252243564722,0.13937578009978951,0.099,0.0723,0.9821,0.7552,,0.0,0.069,0.1667,0.2083,0.0532,,0.0512,,0.1442,0.1008,0.075,0.9821,0.7648,,0.0,0.069,0.1667,0.2083,0.0545,,0.0534,,0.1526,0.0999,0.0723,0.9821,0.7585,,0.0,0.069,0.1667,0.2083,0.0542,,0.0522,,0.1472,,block of flats,0.0777,"Stone, brick",No,0.0,0.0,0.0,0.0,-264.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2383822,113241,Consumer loans,1804.95,17910.0,17910.0,0.0,17910.0,THURSDAY,12,Y,1,0.0,,,XAP,Approved,-23,Cash through the bank,XAP,Children,Repeater,Photo / Cinema Equipment,POS,XNA,Regional / Local,50,Connectivity,12.0,middle,POS mobile with interest,365243.0,365243.0,337.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,Y,2,126000.0,270000.0,13500.0,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.01885,-13300,-1320,-35.0,-2705,,1,1,1,1,1,0,,4.0,2,2,SATURDAY,12,0,0,0,0,0,0,Self-employed,0.4016854290405159,0.6251813887039962,0.5154953751603267,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-1647.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,1.0,3.0 +1725923,196553,Consumer loans,20570.535,89955.0,100885.5,8995.5,89955.0,FRIDAY,4,Y,1,0.08915933849097905,,,XAP,Approved,-910,XNA,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,63,Connectivity,6.0,high,POS mobile with interest,365243.0,-873.0,-723.0,-723.0,-719.0,0.0,0,Cash loans,M,Y,N,0,189000.0,497520.0,32521.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,With parents,0.006629,-11201,-1246,-4798.0,-2332,8.0,1,1,0,1,0,0,Drivers,2.0,2,2,FRIDAY,8,0,0,0,0,0,0,Business Entity Type 3,0.2273225000422309,0.6688782471785949,0.4974688893052743,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,6.0,0.0,-1990.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1118308,415331,Consumer loans,7835.625,78354.0,70515.0,7839.0,78354.0,FRIDAY,3,Y,1,0.10895912954493238,,,XAP,Approved,-689,XNA,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Stone,312,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-658.0,-388.0,-478.0,-463.0,0.0,0,Cash loans,F,Y,Y,2,225000.0,720000.0,25636.5,720000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010032,-12985,-681,-1348.0,-3325,29.0,1,1,1,1,1,0,High skill tech staff,4.0,2,2,MONDAY,4,0,0,0,0,0,0,Business Entity Type 2,0.4656668139048957,0.6093643514346528,0.8256357449717892,0.1237,0.0877,0.9886,0.8436,0.0305,0.12,0.1034,0.375,0.4167,0.1258,0.1009,0.1309,0.0,0.0,0.084,0.0598,0.9876,0.8367,0.0194,0.0806,0.069,0.375,0.4167,0.0583,0.0735,0.0882,0.0,0.0,0.1041,0.0738,0.9886,0.8457,0.0261,0.1,0.0862,0.375,0.4167,0.12,0.0855,0.1128,0.0,0.0,reg oper account,block of flats,0.1993,Panel,No,0.0,0.0,0.0,0.0,-2447.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,0.0 +1078582,363472,Consumer loans,5129.55,49023.0,38452.5,13500.0,49023.0,SUNDAY,17,Y,1,0.2830032678451907,,,XAP,Approved,-2482,Cash through the bank,XAP,Family,New,Photo / Cinema Equipment,POS,XNA,Country-wide,3100,Consumer electronics,10.0,high,POS household with interest,365243.0,-2451.0,-2181.0,-2301.0,-2293.0,1.0,0,Cash loans,F,Y,Y,0,135000.0,1125000.0,32895.0,1125000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.011703,-23478,365243,-366.0,-4234,16.0,1,0,0,1,0,0,,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,XNA,,0.4466141745141018,0.8555235867964663,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2700677,395341,Consumer loans,8193.105,73530.0,81297.0,0.0,73530.0,SUNDAY,6,Y,1,0.0,,,XAP,Approved,-674,XNA,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,1295,Consumer electronics,12.0,middle,POS household with interest,365243.0,-642.0,-312.0,-612.0,-603.0,0.0,0,Cash loans,F,Y,Y,0,135000.0,473760.0,46282.5,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.006629,-21653,365243,-5499.0,-930,16.0,1,0,0,1,0,0,,2.0,2,2,TUESDAY,7,0,0,0,0,0,0,XNA,,0.6486347157675003,,,,0.9791,,,,0.2069,0.1667,,,,0.0653,,0.0773,,,0.9712,,,,0.2069,0.1667,,,,0.0076,,0.0818,,,0.9791,,,,0.2069,0.1667,,,,0.0665,,0.0789,,block of flats,0.0094,Panel,Yes,8.0,0.0,8.0,0.0,-1349.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2583093,346294,Cash loans,53891.64,1170000.0,1271929.5,,1170000.0,THURSDAY,10,Y,1,,,,XNA,Approved,-609,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-579.0,471.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,270000.0,634500.0,27013.5,634500.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.018209,-21938,365243,-1443.0,-3922,,1,0,0,1,0,0,,2.0,3,3,THURSDAY,12,0,0,0,0,0,0,XNA,0.4461063500423352,,0.3996756156233169,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1940245,249929,Consumer loans,17668.53,495000.0,445500.0,49500.0,495000.0,WEDNESDAY,15,Y,1,0.1089090909090909,,,XAP,Approved,-405,Cash through the bank,XAP,Unaccompanied,New,Construction Materials,POS,XNA,Stone,20,Furniture,36.0,low_normal,POS industry with interest,365243.0,-373.0,677.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,135000.0,256500.0,14044.5,256500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.018209,-14691,-1543,-1136.0,-4960,,1,1,0,1,0,0,Laborers,1.0,3,3,TUESDAY,13,0,0,0,0,0,0,Housing,0.5233883456676132,0.29308064090127195,,0.1856,0.1437,0.9856,0.7959999999999999,0.0105,0.2,0.1724,0.3333,,0.0966,0.1513,0.1209,0.0,0.2857,0.1891,0.1491,0.9856,0.804,0.0106,0.2014,0.1724,0.3333,,0.0988,0.1653,0.126,0.0,0.3024,0.1874,0.1437,0.9856,0.7987,0.0106,0.2,0.1724,0.3333,,0.0983,0.1539,0.1231,0.0,0.2916,org spec account,block of flats,0.1572,Panel,No,4.0,0.0,4.0,0.0,-405.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2053897,440035,Consumer loans,4409.91,53865.0,56155.5,5386.5,53865.0,SATURDAY,10,Y,1,0.09532332686325083,,,XAP,Approved,-247,Cash through the bank,XAP,"Spouse, partner",Repeater,Mobile,POS,XNA,Country-wide,15,Connectivity,18.0,middle,POS mobile with interest,365243.0,-217.0,293.0,365243.0,365243.0,1.0,1,Cash loans,F,Y,N,0,90000.0,170640.0,8428.5,135000.0,"Spouse, partner",Working,Secondary / secondary special,Civil marriage,With parents,0.007120000000000001,-15748,-179,-1892.0,-4531,20.0,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,13,0,0,0,0,0,0,Self-employed,0.6437372465509968,0.1942664499695638,0.08503261489695353,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,2.0,7.0,0.0,-324.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2448490,260502,Consumer loans,5269.23,38650.5,43947.0,3865.5,38650.5,THURSDAY,13,Y,1,0.08804979679144381,,,XAP,Approved,-1932,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,70,Connectivity,12.0,high,POS mobile with interest,365243.0,-1900.0,-1570.0,-1570.0,-1565.0,0.0,0,Cash loans,F,N,N,0,67500.0,601470.0,25614.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-18476,-2756,-11398.0,-2026,,1,1,0,1,0,1,Cooking staff,2.0,3,3,THURSDAY,9,0,0,0,0,0,0,Hotel,0.551121454867407,0.32852943685397884,0.4776491548517548,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1932.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2691226,312892,Consumer loans,25789.95,136111.5,141952.5,0.0,136111.5,FRIDAY,14,Y,1,0.0,,,XAP,Approved,-448,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Country-wide,100,Furniture,6.0,middle,POS industry with interest,365243.0,-414.0,-264.0,-264.0,-257.0,0.0,0,Cash loans,M,N,N,1,202500.0,1256400.0,44644.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.04622,-11198,-345,-4798.0,-741,,1,1,1,1,1,0,Low-skill Laborers,3.0,1,1,FRIDAY,13,1,0,1,1,1,1,Business Entity Type 3,0.15519236472609535,0.6603190731045404,0.7751552674785404,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-601.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1953891,421564,Consumer loans,5015.655,42295.5,41832.0,4230.0,42295.5,MONDAY,15,Y,1,0.10001421009627336,,,XAP,Approved,-2269,Cash through the bank,XAP,Other_B,Repeater,Mobile,POS,XNA,Country-wide,1811,Consumer electronics,12.0,high,POS household with interest,365243.0,-2238.0,-1908.0,-1908.0,-1906.0,0.0,0,Cash loans,F,N,Y,0,225000.0,145957.5,16636.5,126000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010006000000000001,-10287,-2827,-4388.0,-1063,,1,1,0,1,0,0,Accountants,2.0,2,1,TUESDAY,15,0,0,0,0,0,0,Business Entity Type 1,0.5713057308519995,0.7462918553178124,0.6738300778602003,0.1454,0.1029,0.994,0.9184,0.1302,0.16,0.1379,0.3333,0.375,0.0796,0.0017,0.1672,0.5367,0.0148,0.1481,0.1068,0.994,0.9216,0.1314,0.1611,0.1379,0.3333,0.375,0.0814,0.0018,0.1742,0.5409,0.0156,0.1468,0.1029,0.994,0.9195,0.131,0.16,0.1379,0.3333,0.375,0.0809,0.0017,0.1702,0.5396,0.0151,reg oper account,block of flats,0.1562,Panel,No,5.0,0.0,5.0,0.0,-108.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1700510,106847,Revolving loans,11250.0,225000.0,225000.0,,225000.0,FRIDAY,12,Y,1,,,,XAP,Refused,-720,XNA,HC,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Revolving loans,F,N,Y,0,112500.0,630000.0,31500.0,630000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-19314,-4028,-9648.0,-2850,,1,1,0,1,0,0,Medicine staff,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Medicine,,0.7228272443520909,0.4776491548517548,0.0619,0.0583,0.9791,,,0.0,0.1034,0.1667,,0.0,,0.0514,,0.0,0.063,0.0605,0.9791,,,0.0,0.1034,0.1667,,0.0,,0.0536,,0.0,0.0625,0.0583,0.9791,,,0.0,0.1034,0.1667,,0.0,,0.0524,,0.0,,block of flats,0.0677,Panel,No,6.0,0.0,6.0,0.0,-2075.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1193148,162582,Cash loans,30431.655,135000.0,156388.5,,135000.0,SATURDAY,14,Y,1,,,,XNA,Approved,-496,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,high,Cash X-Sell: high,365243.0,-466.0,-316.0,-316.0,-306.0,1.0,0,Cash loans,M,Y,Y,2,225000.0,592560.0,35937.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-12599,-1325,-5996.0,-4272,20.0,1,1,0,1,0,0,Drivers,4.0,2,2,FRIDAY,16,0,0,0,0,0,0,Self-employed,,0.38613565724626414,0.178760465484575,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-2816.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2712757,450485,Cash loans,5444.955,45000.0,57942.0,,45000.0,THURSDAY,9,Y,1,,,,XNA,Approved,-680,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-650.0,-140.0,-140.0,-138.0,1.0,1,Cash loans,M,N,Y,0,202500.0,675000.0,53329.5,675000.0,Family,Working,Secondary / secondary special,Single / not married,House / apartment,0.030755,-10211,-1720,-1522.0,-2226,,1,1,0,1,0,0,Laborers,1.0,2,2,FRIDAY,13,0,0,0,0,0,0,Industry: type 7,0.08815323148945221,0.24893815466239397,0.475849908720221,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1310.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1924121,311175,Consumer loans,10337.22,87165.0,86215.5,8716.5,87165.0,THURSDAY,19,Y,1,0.09999853483641877,,,XAP,Approved,-2149,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,25,Connectivity,12.0,high,POS mobile with interest,365243.0,-2113.0,-1783.0,-1783.0,-1775.0,0.0,0,Cash loans,F,N,Y,0,121500.0,392238.0,31117.5,346500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.04622,-17706,-456,-6722.0,-1247,,1,1,1,1,1,0,Laborers,2.0,1,1,WEDNESDAY,23,0,0,0,0,1,1,Business Entity Type 3,,0.4983399533733603,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2051.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1464570,415927,Consumer loans,11345.355,188999.64,170095.5,18904.14,188999.64,TUESDAY,14,Y,1,0.10893315467787036,,,XAP,Approved,-938,Cash through the bank,XAP,Unaccompanied,Refreshed,Computers,POS,XNA,Country-wide,400,Consumer electronics,18.0,low_normal,POS household with interest,365243.0,-907.0,-397.0,-397.0,-394.0,0.0,0,Cash loans,F,Y,Y,0,202500.0,566055.0,17352.0,472500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018634,-21066,365243,-4253.0,-2623,14.0,1,0,0,1,1,0,,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,XNA,0.7644941142848843,0.6119794687927166,0.7180328113294772,0.0227,,0.9791,,,0.0,0.1034,0.0417,,0.0275,,0.0181,,0.0,0.0231,,0.9791,,,0.0,0.1034,0.0417,,0.0281,,0.0189,,0.0,0.0229,,0.9791,,,0.0,0.1034,0.0417,,0.028,,0.0184,,0.0,,block of flats,0.0154,"Stone, brick",No,0.0,0.0,0.0,0.0,-7.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2435549,354408,Cash loans,16581.78,270000.0,366934.5,,270000.0,FRIDAY,6,Y,1,,,,XNA,Approved,-963,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-933.0,117.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,3,270000.0,508495.5,22396.5,454500.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.007305,-19304,-3551,-7095.0,-2850,,1,1,0,1,0,0,Managers,5.0,3,3,MONDAY,14,0,0,0,0,0,0,Self-employed,,0.5954597731821383,0.6577838002083306,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-963.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1516831,224423,Consumer loans,4909.725,33183.0,34119.0,1665.0,33183.0,FRIDAY,18,Y,1,0.05067450155478325,,,XAP,Approved,-2070,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,24,Connectivity,10.0,high,POS mobile with interest,365243.0,-2039.0,-1769.0,-1769.0,-1760.0,0.0,0,Cash loans,F,N,N,3,135000.0,808650.0,26217.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009175,-12538,-2562,-6550.0,-5089,,1,1,0,1,1,0,Managers,5.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Construction,,0.691383084619226,,0.0613,0.0018,0.9752,,,0.0,0.1034,0.1667,,0.0202,,0.0469,,0.0015,0.042,0.0019,0.9752,,,0.0,0.069,0.1667,,0.0155,,0.0326,,0.0,0.0619,0.0018,0.9752,,,0.0,0.1034,0.1667,,0.0206,,0.0477,,0.0015,,block of flats,0.0246,"Stone, brick",No,2.0,0.0,2.0,0.0,-1625.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1380841,407413,Consumer loans,2362.5,25605.0,23044.5,2560.5,25605.0,WEDNESDAY,12,Y,1,0.1089090909090909,,,XAP,Approved,-630,XNA,XAP,,New,Consumer Electronics,POS,XNA,Stone,200,Consumer electronics,12.0,middle,POS household with interest,365243.0,-598.0,-268.0,-448.0,-418.0,0.0,0,Cash loans,F,Y,Y,0,157500.0,509922.0,27297.0,472500.0,Family,Working,Higher education,Married,House / apartment,0.015221,-19232,-1943,-1653.0,-1694,3.0,1,1,1,1,1,0,Managers,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Agriculture,,0.2887008152374244,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1363512,372437,Revolving loans,2250.0,45000.0,45000.0,,45000.0,MONDAY,19,Y,1,,,,XAP,Approved,-186,XNA,XAP,"Spouse, partner",Repeater,XNA,Cards,walk-in,Country-wide,1600,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,180000.0,1123443.0,32845.5,981000.0,Unaccompanied,State servant,Secondary / secondary special,Civil marriage,House / apartment,0.02461,-12674,-513,-234.0,-4122,,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.6938876926987232,0.6817058776720116,0.0165,0.0,0.9722,0.6192,,0.0,0.069,0.0417,,0.0246,,0.011,,0.0,0.0168,0.0,0.9722,0.6341,,0.0,0.069,0.0417,,0.0251,,0.0115,,0.0,0.0167,0.0,0.9722,0.6243,,0.0,0.069,0.0417,,0.025,,0.0112,,0.0,,block of flats,0.0093,Block,No,1.0,0.0,1.0,0.0,-186.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2463830,324908,Consumer loans,12657.42,107892.0,119286.0,0.0,107892.0,FRIDAY,10,Y,1,0.0,,,XAP,Approved,-269,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,1000,Consumer electronics,12.0,middle,POS household with interest,365243.0,-238.0,92.0,365243.0,365243.0,0.0,0,Revolving loans,M,Y,Y,0,157500.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.020713,-11768,-1180,-3824.0,-4102,14.0,1,1,0,1,0,0,Laborers,2.0,3,2,MONDAY,7,0,0,0,0,0,0,Self-employed,0.09500327302480208,0.4079301644441916,0.5884877883422673,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-987.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2466934,444503,Consumer loans,18156.87,107964.0,94716.0,18000.0,107964.0,SUNDAY,10,Y,1,0.17392061786823845,,,XAP,Approved,-78,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Stone,250,Consumer electronics,6.0,middle,POS household with interest,365243.0,-48.0,102.0,-18.0,-15.0,1.0,1,Cash loans,M,N,Y,0,112500.0,143910.0,17208.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.031329,-10804,-1263,-2293.0,-2753,,1,1,0,1,0,0,Laborers,1.0,2,2,MONDAY,14,0,0,0,0,0,0,Construction,,0.13091732247830526,0.3910549766342248,0.1392,0.1596,0.9851,0.7959999999999999,0.0177,0.0,0.3103,0.1667,0.0,0.1599,0.1135,0.0751,0.0,0.0,0.1418,0.1656,0.9851,0.804,0.0178,0.0,0.3103,0.1667,0.0,0.1636,0.124,0.0783,0.0,0.0,0.1405,0.1596,0.9851,0.7987,0.0178,0.0,0.3103,0.1667,0.0,0.1627,0.1154,0.0765,0.0,0.0,reg oper account,block of flats,0.1095,"Stone, brick",No,0.0,0.0,0.0,0.0,-260.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2129621,241602,Cash loans,17716.68,225000.0,247275.0,,225000.0,MONDAY,12,Y,1,,,,XNA,Refused,-148,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,,,,,,,1,Cash loans,F,N,Y,0,66600.0,808650.0,31464.0,675000.0,Family,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.072508,-20513,365243,-13619.0,-3088,,1,0,0,1,0,0,,2.0,1,1,TUESDAY,16,0,0,0,0,0,0,XNA,,0.7113741223506164,,0.0691,0.0714,0.9752,0.66,0.0019,0.0,0.1207,0.1667,0.2083,0.0,0.0555,0.0576,0.0039,0.0126,0.0567,0.0622,0.9752,0.6733,0.0,0.0,0.1034,0.1667,0.2083,0.0,0.0478,0.0458,0.0,0.0,0.0697,0.0714,0.9752,0.6645,0.0019,0.0,0.1207,0.1667,0.2083,0.0,0.0564,0.0586,0.0039,0.0129,reg oper account,block of flats,0.0421,Panel,No,1.0,0.0,1.0,0.0,-401.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2553654,446142,Cash loans,14231.52,112500.0,119925.0,0.0,112500.0,MONDAY,8,Y,1,0.0,,,Medicine,Approved,-1723,XNA,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-1693.0,-1363.0,-1453.0,-1445.0,1.0,0,Cash loans,F,N,N,0,76500.0,254700.0,25321.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,Municipal apartment,0.0038130000000000004,-24560,365243,-48.0,-4863,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,XNA,,0.3775367666945308,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-737.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1852853,259315,Cash loans,10704.555,135000.0,148365.0,,135000.0,TUESDAY,12,Y,1,,,,XNA,Approved,-556,Non-cash from your account,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-526.0,-16.0,-376.0,-369.0,1.0,0,Cash loans,F,N,N,0,67500.0,900000.0,26316.0,900000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018209,-21841,365243,-9654.0,-3776,,1,0,0,1,0,0,,2.0,3,3,THURSDAY,6,0,0,0,0,0,0,XNA,,0.3604214468259385,0.5902333386185574,0.0969,0.1068,0.9861,0.8096,0.1383,0.0,0.2069,0.1667,0.2083,0.062,0.079,0.0866,0.0,0.0347,0.0987,0.1108,0.9861,0.8171,0.1396,0.0,0.2069,0.1667,0.2083,0.0635,0.0863,0.0902,0.0,0.0367,0.0978,0.1068,0.9861,0.8121,0.1392,0.0,0.2069,0.1667,0.2083,0.0631,0.0804,0.0881,0.0,0.0354,reg oper account,block of flats,0.0756,Panel,No,2.0,0.0,2.0,0.0,-1770.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1963242,398441,Cash loans,43551.0,1350000.0,1350000.0,,1350000.0,WEDNESDAY,13,Y,1,,,,Repairs,Refused,-624,Cash through the bank,LIMIT,,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),3,XNA,60.0,low_normal,Cash Street: low,,,,,,,1,Cash loans,M,Y,N,0,360000.0,675000.0,53460.0,675000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.003540999999999999,-21517,-854,-2561.0,-2562,7.0,1,1,1,1,0,0,Managers,2.0,1,1,WEDNESDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.7649648695616064,0.6124830398451773,0.14734591802757252,,,0.9861,0.8096,,0.0,0.0345,0.0,,,,0.0078,,,,,0.9861,0.8171,,0.0,0.0345,0.0,,,,0.0081,,,,,0.9861,0.8121,,0.0,0.0345,0.0,,,,0.0079,,,reg oper account,specific housing,0.0061,Wooden,No,0.0,0.0,0.0,0.0,-2541.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2486919,166313,Consumer loans,6494.355,64953.0,58455.0,6498.0,64953.0,SATURDAY,12,Y,1,0.10895436280499324,,,XAP,Approved,-2574,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,50,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2537.0,-2267.0,-2267.0,-2258.0,0.0,0,Cash loans,F,N,Y,1,135000.0,619965.0,20128.5,517500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.019101,-14931,-1041,-1513.0,-4409,,1,1,0,1,0,0,High skill tech staff,3.0,2,2,THURSDAY,9,0,0,0,0,0,0,Security Ministries,0.7269703728383168,0.7122174845058928,0.5989262182569273,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1635.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1846222,133959,Consumer loans,3341.34,25609.5,16609.5,9000.0,25609.5,THURSDAY,14,Y,1,0.3827414897525597,,,XAP,Approved,-817,XNA,XAP,,New,Mobile,POS,XNA,Country-wide,20,Connectivity,6.0,high,POS mobile with interest,365243.0,-778.0,-628.0,-628.0,-611.0,0.0,1,Cash loans,F,N,Y,0,202500.0,510853.5,31000.5,441000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.005313,-18223,-1664,-813.0,-1776,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,15,0,0,0,0,1,1,Business Entity Type 3,0.8566305067745072,0.5708592226501256,0.4920600938649263,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,0.0,8.0,0.0,-817.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2377266,156693,Cash loans,13151.7,135000.0,135000.0,,135000.0,FRIDAY,12,Y,1,,,,XNA,Approved,-389,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Contact center,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-359.0,-29.0,-29.0,-23.0,0.0,0,Cash loans,F,N,Y,0,225000.0,450000.0,24543.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.014519999999999996,-15848,-2870,-3009.0,-4676,,1,1,0,1,0,0,Sales staff,1.0,2,2,TUESDAY,10,0,0,0,0,0,0,Self-employed,,0.6346222955186676,0.3723336657058204,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2578.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,6.0 +2444569,362491,Cash loans,7032.735,54000.0,65299.5,,54000.0,FRIDAY,10,Y,1,,,,XNA,Approved,-1020,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-990.0,-660.0,-990.0,-983.0,1.0,0,Cash loans,F,N,Y,0,135000.0,539100.0,29376.0,450000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.005084,-18348,-7084,-2507.0,-1892,,1,1,0,1,0,0,Core staff,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Medicine,,0.5241413093832392,0.7121551551910698,0.166,0.0729,0.9841,,,0.0,0.069,0.1667,,,,0.0686,,0.0142,0.1691,0.0757,0.9841,,,0.0,0.069,0.1667,,,,0.0714,,0.0151,0.1676,0.0729,0.9841,,,0.0,0.069,0.1667,,,,0.0698,,0.0145,,block of flats,0.0536,"Stone, brick",No,0.0,0.0,0.0,0.0,-1344.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1717168,182197,Cash loans,16762.905,135000.0,162315.0,,135000.0,SATURDAY,11,Y,1,,,,XNA,Approved,-759,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-729.0,-399.0,-549.0,-541.0,1.0,0,Cash loans,F,N,Y,0,112500.0,477000.0,27382.5,477000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00702,-19318,-324,-13234.0,-2847,,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,13,0,1,1,0,1,1,Housing,,0.5852908069048889,0.746300213050371,0.0124,0.0437,0.9717,,,,0.069,0.0417,,,,0.0196,,0.0,0.0126,0.0454,0.9717,,,,0.069,0.0417,,,,0.0205,,0.0,0.0125,0.0437,0.9717,,,,0.069,0.0417,,,,0.02,,0.0,,block of flats,0.0168,"Stone, brick",No,0.0,0.0,0.0,0.0,-135.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2574674,104836,Cash loans,23944.23,450000.0,501975.0,,450000.0,FRIDAY,10,Y,1,,,,XNA,Approved,-787,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,low_normal,Cash X-Sell: low,365243.0,-757.0,113.0,-187.0,-183.0,1.0,0,Cash loans,F,Y,Y,0,180000.0,495000.0,16488.0,495000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.005313,-20176,-2121,-5344.0,-804,12.0,1,1,0,1,0,0,Core staff,1.0,2,2,MONDAY,17,0,0,0,0,0,0,Kindergarten,0.3993847239447776,0.4627757243359564,0.5136937663039473,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-97.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1963292,291390,Consumer loans,5857.065,25956.0,21492.0,5193.0,25956.0,MONDAY,14,Y,1,0.21194113138126625,,,XAP,Approved,-757,Cash through the bank,XAP,Unaccompanied,New,Photo / Cinema Equipment,POS,XNA,Country-wide,23,Connectivity,4.0,middle,POS mobile without interest,365243.0,-726.0,-636.0,-636.0,-629.0,0.0,0,Cash loans,F,N,Y,0,180000.0,444420.0,23400.0,337500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.011703,-21431,365243,-6678.0,-4276,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,XNA,,0.7366048472624444,0.6144143775673561,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-757.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1348426,427347,Cash loans,53406.0,450000.0,450000.0,,450000.0,THURSDAY,16,Y,1,,,,XNA,Refused,-636,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Country-wide,5,Connectivity,12.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,M,Y,N,2,360000.0,450000.0,50904.0,450000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.006670999999999999,-16814,-1429,-638.0,-250,11.0,1,1,1,1,0,0,Laborers,4.0,2,2,WEDNESDAY,14,0,1,1,0,1,1,Business Entity Type 3,,0.6410023183276151,0.13680052191177486,0.0103,0.0193,0.9657,,,0.0,0.069,0.0417,,0.0154,,0.0086,,0.0,0.0105,0.02,0.9657,,,0.0,0.069,0.0417,,0.0158,,0.0089,,0.0,0.0104,0.0193,0.9657,,,0.0,0.069,0.0417,,0.0157,,0.0087,,0.0,,block of flats,0.0125,"Stone, brick",No,0.0,0.0,0.0,0.0,-888.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1860366,378986,Consumer loans,4693.725,112666.5,100723.5,11943.0,112666.5,FRIDAY,9,Y,1,0.1154470293057184,,,XAP,Refused,-2680,Cash through the bank,SCO,Children,Repeater,XNA,POS,XNA,Stone,400,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,0,Cash loans,F,Y,N,0,108000.0,855000.0,26050.5,855000.0,Unaccompanied,Working,Secondary / secondary special,Widow,With parents,0.015221,-14717,-1471,-6167.0,-4146,11.0,1,1,0,1,0,0,Sales staff,1.0,2,2,TUESDAY,14,0,0,0,1,1,0,Self-employed,0.4859759839610385,0.4001059122274115,0.3979463219016906,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-452.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2007804,385631,Consumer loans,10402.875,102744.0,113593.5,0.0,102744.0,MONDAY,4,Y,1,0.0,,,XAP,Approved,-658,XNA,XAP,,New,Computers,POS,XNA,Country-wide,138,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-627.0,-297.0,-297.0,-295.0,0.0,0,Cash loans,M,N,N,0,279000.0,450000.0,27324.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.006305,-11046,-1030,-3079.0,-2426,,1,1,1,1,1,0,Laborers,2.0,3,3,SUNDAY,14,0,1,1,1,1,1,Business Entity Type 3,0.16199158451915946,0.5102290177776901,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-658.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,1.0,0.0,0.0,0.0,2.0 +1130051,444621,Cash loans,24789.555,229500.0,241920.0,,229500.0,WEDNESDAY,7,Y,1,,,,XNA,Approved,-623,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-593.0,-263.0,-473.0,-465.0,1.0,0,Cash loans,M,N,Y,0,130500.0,486000.0,39096.0,486000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018209,-20989,365243,-11297.0,-4528,,1,0,0,1,0,0,,2.0,3,3,WEDNESDAY,7,0,0,0,0,0,0,XNA,,0.3978615907091013,0.5046813193144684,0.066,0.0,0.9727,0.626,0.0056,0.0,0.1379,0.125,0.1667,0.0142,0.0513,0.0483,0.0116,0.0083,0.0672,0.0,0.9727,0.6406,0.0057,0.0,0.1379,0.125,0.1667,0.0145,0.056,0.0503,0.0117,0.0088,0.0666,0.0,0.9727,0.631,0.0056,0.0,0.1379,0.125,0.1667,0.0144,0.0522,0.0491,0.0116,0.0085,reg oper account,block of flats,0.0428,"Stone, brick",No,1.0,0.0,1.0,0.0,-2161.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +2414094,225659,Revolving loans,9000.0,0.0,180000.0,,,SUNDAY,11,Y,1,,,,XAP,Approved,-2299,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,980,Consumer electronics,0.0,XNA,Card X-Sell,-2260.0,-2201.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,202500.0,315000.0,30816.0,315000.0,Unaccompanied,Pensioner,Higher education,Civil marriage,House / apartment,0.04622,-20558,365243,-1574.0,-4072,1.0,1,0,0,1,0,0,,2.0,1,1,WEDNESDAY,13,0,0,0,0,0,0,XNA,,0.5167571073184505,0.6658549219640212,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2372412,175078,Cash loans,54690.03,540000.0,561384.0,,540000.0,FRIDAY,6,Y,1,,,,XNA,Approved,-490,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-460.0,-130.0,-190.0,-187.0,1.0,0,Cash loans,F,Y,Y,1,202500.0,986418.0,50364.0,810000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Rented apartment,0.006305,-15632,-2521,-8053.0,-2340,6.0,1,1,0,1,0,0,Private service staff,3.0,3,3,FRIDAY,4,0,0,0,0,0,0,Services,0.5868047593130217,0.6850959149400206,0.4329616670974407,0.0361,0.0,0.9811,0.7416,0.0063,0.0,0.1034,0.1667,0.0417,0.0415,0.0294,0.0642,0.0,0.0,0.0368,0.0,0.9811,0.7517,0.0064,0.0,0.1034,0.1667,0.0417,0.0425,0.0321,0.0669,0.0,0.0,0.0364,0.0,0.9811,0.7451,0.0063,0.0,0.1034,0.1667,0.0417,0.0423,0.0299,0.0653,0.0,0.0,not specified,specific housing,0.0511,Panel,No,2.0,1.0,2.0,1.0,-1664.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2557470,232268,Consumer loans,11437.74,98910.0,109354.5,0.0,98910.0,TUESDAY,14,Y,1,0.0,,,XAP,Approved,-729,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Stone,30,Consumer electronics,12.0,middle,POS mobile with interest,365243.0,-661.0,-331.0,-421.0,-416.0,0.0,0,Cash loans,F,N,Y,1,135000.0,808650.0,21460.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0228,-13810,-1811,-1059.0,-1847,,1,1,0,1,0,0,Medicine staff,3.0,2,2,WEDNESDAY,9,0,0,0,0,1,1,Medicine,,0.4389206859506318,0.5424451438613613,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-729.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1591635,305043,Consumer loans,10879.92,108810.0,97929.0,10881.0,108810.0,TUESDAY,16,Y,1,0.1089090909090909,,,XAP,Approved,-2704,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Stone,350,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2673.0,-2403.0,-2403.0,-2398.0,0.0,0,Cash loans,F,Y,Y,0,135000.0,526491.0,29398.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.008019,-14707,-912,-6448.0,-4154,5.0,1,1,0,1,0,0,Managers,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Transport: type 4,0.8132554743027574,0.6253248559265638,0.6127042441012546,0.0825,0.0801,0.9771,,,0.0,0.1379,0.1667,,0.0323,,0.0635,,0.0,0.084,0.0832,0.9772,,,0.0,0.1379,0.1667,,0.033,,0.0662,,0.0,0.0833,0.0801,0.9771,,,0.0,0.1379,0.1667,,0.0328,,0.0646,,0.0,,block of flats,0.0616,"Stone, brick",No,1.0,0.0,1.0,0.0,-517.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +2102487,145764,Consumer loans,4596.615,99027.0,99027.0,0.0,99027.0,FRIDAY,10,Y,1,0.0,,,XAP,Approved,-1089,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,1000,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1057.0,-367.0,-517.0,-513.0,0.0,0,Cash loans,F,N,Y,0,270000.0,841500.0,29943.0,841500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.014519999999999996,-23635,365243,-4995.0,-5094,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,,0.647043242831215,0.6263042766749393,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1089.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1310067,353823,Consumer loans,7559.415,112990.5,38295.0,76500.0,112990.5,FRIDAY,14,Y,1,0.7257759880260858,,,XAP,Approved,-1617,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Regional / Local,154,Consumer electronics,6.0,high,POS household with interest,365243.0,-1586.0,-1436.0,-1436.0,-1433.0,0.0,0,Cash loans,F,N,Y,0,112500.0,315000.0,14683.5,315000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018634,-11461,-720,-119.0,-3111,,1,1,0,1,1,0,,2.0,2,2,FRIDAY,8,0,0,0,0,0,0,Other,0.4526526226995862,0.6491528546484134,0.7946285827840042,0.0866,0.0494,0.9911,0.8776,0.0619,0.08,0.0345,0.7083,0.0417,0.0222,0.0706,0.1199,0.0154,0.0206,0.0882,0.0512,0.9911,0.8824,0.0625,0.0806,0.0345,0.7083,0.0417,0.0228,0.0771,0.1249,0.0156,0.0218,0.0874,0.0494,0.9911,0.8792,0.0623,0.08,0.0345,0.7083,0.0417,0.0226,0.0718,0.1221,0.0155,0.0211,reg oper spec account,block of flats,0.1326,Monolithic,No,0.0,0.0,0.0,0.0,-1617.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1083988,309096,Cash loans,22754.52,450000.0,501975.0,,450000.0,TUESDAY,11,Y,1,,,,XNA,Approved,-556,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),-1,XNA,30.0,low_normal,Cash X-Sell: low,365243.0,-526.0,344.0,-226.0,-222.0,1.0,0,Cash loans,F,N,N,0,135000.0,787086.0,25519.5,657000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.019688999999999998,-22960,365243,-6139.0,-4413,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,XNA,,0.27894484293408656,0.3201633668633456,0.2371,0.1724,0.9881,0.8368,0.0475,0.24,0.2069,0.375,0.4167,0.2082,0.1933,0.1599,0.0,0.0494,0.2416,0.1789,0.9881,0.8432,0.0479,0.2417,0.2069,0.375,0.4167,0.213,0.2112,0.1666,0.0,0.0523,0.2394,0.1724,0.9881,0.8390000000000001,0.0478,0.24,0.2069,0.375,0.4167,0.2119,0.1967,0.1628,0.0,0.0505,reg oper account,block of flats,0.2046,Panel,No,0.0,0.0,0.0,0.0,-1645.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2744768,418548,Cash loans,20287.17,90000.0,104256.0,,90000.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-690,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,high,Cash X-Sell: high,365243.0,-660.0,-510.0,-510.0,-504.0,1.0,0,Revolving loans,F,Y,Y,1,76500.0,135000.0,6750.0,135000.0,Unaccompanied,Commercial associate,Incomplete higher,Single / not married,House / apartment,0.018801,-13744,-552,-3911.0,-4024,13.0,1,1,0,1,0,0,,2.0,2,2,SUNDAY,11,0,0,0,0,1,1,Other,,0.6043977327289187,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-2554.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2392063,327636,Revolving loans,4500.0,0.0,180000.0,,,THURSDAY,9,N,0,,,,XAP,Refused,-2562,XNA,XNA,,Repeater,XNA,Cards,x-sell,Stone,85,Connectivity,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,N,0,337500.0,1561225.5,102591.0,1507500.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.014464,-23017,-1577,-8150.0,-5021,,1,1,0,1,0,0,Accountants,1.0,2,2,THURSDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.7998981241685418,0.7249296194921615,0.6075573001388961,0.1639,0.1184,0.9886,0.8436,,0.16,0.1379,0.375,0.4167,0.1089,0.1336,0.1868,0.0,0.0082,0.16699999999999998,0.1228,0.9886,0.8497,,0.1611,0.1379,0.375,0.4167,0.1113,0.146,0.1946,0.0,0.0087,0.1655,0.1184,0.9886,0.8457,,0.16,0.1379,0.375,0.4167,0.1107,0.136,0.1902,0.0,0.0084,reg oper account,block of flats,0.1487,Panel,No,2.0,0.0,2.0,0.0,-2340.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1465581,249296,Cash loans,6552.225,90000.0,107820.0,,90000.0,MONDAY,6,Y,1,,,,XNA,Approved,-570,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash X-Sell: high,365243.0,-540.0,510.0,-540.0,-529.0,1.0,0,Cash loans,F,N,Y,2,135000.0,539100.0,29376.0,450000.0,Other_B,Working,Secondary / secondary special,Married,House / apartment,0.020713,-12551,-4102,-12551.0,-688,,1,1,0,1,1,0,Sales staff,4.0,3,3,THURSDAY,3,0,0,0,0,0,0,Industry: type 4,,0.4019128083559193,0.5136937663039473,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-464.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2310367,175094,Revolving loans,38250.0,0.0,765000.0,,,THURSDAY,12,Y,1,,,,XAP,Approved,-505,XNA,XAP,,Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,135000.0,990000.0,39262.5,990000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-15268,-1032,-7420.0,-3962,,1,1,0,1,1,0,Sales staff,2.0,2,2,THURSDAY,21,0,0,0,0,0,0,Self-employed,0.5741134863889099,0.6103425155084179,0.3893387918468769,0.2227,0.1268,0.9796,0.7212,0.0403,0.16,0.1379,0.3333,0.375,0.1229,0.1799,0.2165,0.0077,0.0344,0.2269,0.1316,0.9796,0.7321,0.0407,0.1611,0.1379,0.3333,0.375,0.1257,0.1965,0.2256,0.0078,0.0364,0.2248,0.1268,0.9796,0.7249,0.0406,0.16,0.1379,0.3333,0.375,0.1251,0.183,0.2204,0.0078,0.0351,reg oper account,block of flats,0.2184,Panel,No,4.0,2.0,4.0,1.0,-505.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1385993,299015,Consumer loans,16763.445,99607.5,90652.5,13500.0,99607.5,SUNDAY,8,Y,1,0.14116538030990392,,,XAP,Approved,-535,Cash through the bank,XAP,,Refreshed,Computers,POS,XNA,Country-wide,664,Consumer electronics,6.0,middle,POS household with interest,365243.0,-503.0,-353.0,-473.0,-465.0,0.0,0,Cash loans,F,N,Y,0,67500.0,835380.0,33259.5,675000.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.020246,-19697,365243,-13757.0,-3101,,1,0,0,1,0,0,,2.0,3,3,WEDNESDAY,11,0,0,0,0,0,0,XNA,0.7321136876603365,0.3941323638885272,0.501075160239048,0.0825,0.0676,0.9762,0.6736,0.0087,0.0,0.1379,0.1667,0.2083,0.0891,0.0672,0.0699,0.0,0.0,0.084,0.0701,0.9762,0.6864,0.0088,0.0,0.1379,0.1667,0.2083,0.0911,0.0735,0.0728,0.0,0.0,0.0833,0.0676,0.9762,0.6779999999999999,0.0088,0.0,0.1379,0.1667,0.2083,0.0906,0.0684,0.0711,0.0,0.0,reg oper account,block of flats,0.0597,Panel,No,0.0,0.0,0.0,0.0,-1628.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2362219,162369,Consumer loans,9247.095,85050.0,94032.0,0.0,85050.0,TUESDAY,13,Y,1,0.0,,,XAP,Approved,-476,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Stone,170,Furniture,12.0,middle,POS industry with interest,365243.0,-445.0,-115.0,-115.0,-107.0,0.0,0,Cash loans,F,N,N,0,157500.0,454500.0,13023.0,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.018209,-20449,365243,-6615.0,-3620,,1,0,0,1,1,0,,1.0,3,3,FRIDAY,7,0,0,0,0,0,0,XNA,0.6439703462318789,0.5363417412170787,0.21155076420525776,0.2598,0.1641,0.9856,0.8028,0.0601,0.28,0.2414,0.3333,0.375,0.17600000000000002,0.2085,0.2821,0.0154,0.0167,0.2647,0.1703,0.9856,0.8105,0.0606,0.282,0.2414,0.3333,0.375,0.18,0.2277,0.2939,0.0156,0.0177,0.2623,0.1641,0.9856,0.8054,0.0605,0.28,0.2414,0.3333,0.375,0.179,0.2121,0.2872,0.0155,0.0171,,block of flats,0.2255,Panel,No,0.0,0.0,0.0,0.0,-1891.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2295012,233160,Revolving loans,7875.0,157500.0,157500.0,0.0,157500.0,WEDNESDAY,10,Y,1,0.0,,,XAP,Refused,-349,XNA,HC,,Repeater,XNA,Cards,walk-in,Country-wide,15,Connectivity,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,90000.0,147726.0,9999.0,130500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.025164,-15350,-1205,-300.0,-544,,1,1,1,1,1,0,,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Self-employed,,0.26651977539251576,0.18195910978627852,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-521.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2411854,210847,Consumer loans,10939.545,83965.5,85612.5,8397.0,83965.5,SUNDAY,12,Y,1,0.09727842785714597,,,XAP,Approved,-793,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,10.0,high,POS mobile with interest,365243.0,-762.0,-492.0,-492.0,-485.0,0.0,0,Cash loans,F,Y,Y,1,270000.0,935640.0,92673.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.022625,-14034,-6058,-756.0,-5002,3.0,1,1,1,1,1,0,Managers,3.0,2,2,TUESDAY,16,0,0,0,0,0,0,Self-employed,0.7259867465766534,0.6986554792737715,0.7503751495159068,0.1227,0.1182,0.9781,0.7008,0.0546,0.0,0.2759,0.1667,0.2083,0.038,0.1,0.1053,0.0,0.0,0.125,0.1226,0.9782,0.7125,0.0551,0.0,0.2759,0.1667,0.2083,0.0389,0.1093,0.1097,0.0,0.0,0.1239,0.1182,0.9781,0.7048,0.0549,0.0,0.2759,0.1667,0.2083,0.0387,0.1018,0.1072,0.0,0.0,reg oper account,block of flats,0.1126,Panel,No,0.0,0.0,0.0,0.0,-1354.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1366512,140715,Consumer loans,14915.655,80955.0,76707.0,8095.5,80955.0,FRIDAY,16,Y,1,0.10396787187341706,,,XAP,Approved,-536,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,84,Connectivity,6.0,high,POS mobile with interest,365243.0,-503.0,-353.0,-383.0,-354.0,0.0,0,Cash loans,M,Y,N,1,292500.0,1724688.0,54283.5,1575000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.00496,-13809,-3371,-6417.0,-390,1.0,1,1,0,1,0,0,Core staff,3.0,2,2,TUESDAY,16,0,1,1,0,1,1,Military,,0.6083123648404599,0.4650692149562261,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-536.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1160003,215262,Cash loans,7503.75,67500.0,71955.0,,67500.0,TUESDAY,9,Y,1,,,,XNA,Approved,-944,XNA,XAP,Children,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-914.0,-584.0,-584.0,-574.0,1.0,1,Cash loans,F,N,N,0,202500.0,1321020.0,35554.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-19845,-3141,-13570.0,-3364,,1,1,0,1,0,0,Private service staff,2.0,2,2,MONDAY,8,0,0,0,0,0,0,Self-employed,,0.41900261690181145,,0.0825,0.0076,0.9757,0.6668,,0.0,0.1379,0.1667,0.2083,0.1097,0.0664,0.0641,0.0039,,0.084,0.0079,0.9757,0.6798,,0.0,0.1379,0.1667,0.2083,0.1122,0.0725,0.0668,0.0039,,0.0833,0.0076,0.9757,0.6713,,0.0,0.1379,0.1667,0.2083,0.1116,0.0676,0.0653,0.0039,,reg oper account,block of flats,0.0557,"Stone, brick",No,2.0,1.0,2.0,1.0,-944.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2142189,306290,Consumer loans,11598.615,218524.5,257175.0,0.0,218524.5,SUNDAY,20,Y,1,0.0,,,XAP,Approved,-1630,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,1073,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1598.0,-908.0,-908.0,-902.0,0.0,0,Cash loans,F,Y,Y,0,225000.0,1546020.0,45333.0,1350000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.04622,-17484,-3664,-11607.0,-1040,64.0,1,1,0,1,1,0,Medicine staff,2.0,1,1,SATURDAY,18,0,1,1,0,0,0,Government,,0.6852893085879229,0.445396241560834,0.1021,0.1519,0.9811,0.7416,0.0227,0.0,0.2759,0.1667,0.2083,0.0705,0.0824,0.1133,0.0039,0.0406,0.104,0.1576,0.9811,0.7517,0.0229,0.0,0.2759,0.1667,0.2083,0.0721,0.09,0.1181,0.0039,0.0429,0.1031,0.1519,0.9811,0.7451,0.0229,0.0,0.2759,0.1667,0.2083,0.0718,0.0838,0.1153,0.0039,0.0414,reg oper spec account,block of flats,0.1104,"Stone, brick",No,4.0,0.0,4.0,0.0,-1630.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2082369,302437,Consumer loans,24768.81,247491.0,222741.0,24750.0,247491.0,THURSDAY,11,Y,1,0.1089130513836867,,,XAP,Approved,-1533,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,1455,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1502.0,-1232.0,-1232.0,-1229.0,0.0,0,Cash loans,M,N,Y,0,360000.0,450000.0,47254.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-13614,-1938,-2471.0,-2427,,1,1,0,1,1,1,High skill tech staff,2.0,1,1,THURSDAY,18,0,0,0,0,1,1,Medicine,0.8227085237254455,0.6815137208664974,0.656158373001177,0.0722,,0.9742,,,,0.1207,0.1667,,,,0.0574,,,0.063,,0.9742,,,,0.1034,0.1667,,,,0.0528,,,0.0729,,0.9742,,,,0.1207,0.1667,,,,0.0585,,,,block of flats,0.0434,"Stone, brick",No,0.0,0.0,0.0,0.0,-1736.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +1567679,275572,Consumer loans,6517.44,45135.0,48856.5,0.0,45135.0,SUNDAY,9,Y,1,0.0,,,XAP,Approved,-2878,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,49,Connectivity,10.0,high,POS mobile with interest,365243.0,-2847.0,-2577.0,-2577.0,-127.0,1.0,0,Cash loans,M,N,N,0,54000.0,351792.0,17959.5,252000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.008068,-18978,-3822,-2516.0,-2516,,1,1,0,1,0,0,Security staff,2.0,3,3,MONDAY,10,0,0,0,0,0,0,Self-employed,0.682917088510254,0.4410651676069453,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,9.0,0.0,9.0,0.0,-150.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1260014,344273,Consumer loans,7388.955,48600.0,36724.5,13608.0,48600.0,THURSDAY,8,Y,1,0.2944488966554232,,,XAP,Approved,-1938,Cash through the bank,XAP,Unaccompanied,Refreshed,Consumer Electronics,POS,XNA,Stone,331,Consumer electronics,6.0,high,POS household with interest,365243.0,-1896.0,-1746.0,-1776.0,-1767.0,0.0,0,Cash loans,F,N,Y,0,76500.0,247500.0,17730.0,247500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.028663,-22910,365243,-2381.0,-4569,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,XNA,,0.22765830491691585,0.511891801533151,0.0124,0.0,0.9712,0.6056,0.0017,0.0,0.069,0.0417,0.0833,0.0252,0.0101,0.0081,0.0,0.0,0.0126,0.0,0.9712,0.621,0.0018,0.0,0.069,0.0417,0.0833,0.0257,0.011,0.0084,0.0,0.0,0.0125,0.0,0.9712,0.6109,0.0018,0.0,0.069,0.0417,0.0833,0.0256,0.0103,0.0082,0.0,0.0,reg oper account,block of flats,0.0098,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2162649,320665,Cash loans,12074.31,135000.0,152820.0,,135000.0,SATURDAY,6,Y,1,,,,Urgent needs,Approved,-508,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,high,Cash Street: high,365243.0,-478.0,212.0,365243.0,365243.0,1.0,0,Cash loans,M,N,N,0,90000.0,101880.0,10827.0,90000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008068,-18914,-1201,-6915.0,-2450,,1,1,0,1,0,0,Security staff,2.0,3,3,WEDNESDAY,5,0,0,0,0,0,0,Other,,0.04830959663050567,0.5262949398096192,0.0041,,,,,,,0.0,,,,0.0021,,0.0,0.0042,,,,,,,0.0,,,,0.0022,,0.0,0.0042,,,,,,,0.0,,,,0.0021,,0.0,,block of flats,0.0016,,No,0.0,0.0,0.0,0.0,-1025.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1134619,418897,Consumer loans,29392.83,285430.5,285430.5,0.0,285430.5,THURSDAY,11,Y,1,0.0,0.7151479088745326,0.5137420718816067,XAP,Approved,-500,Cash through the bank,XAP,,Repeater,Construction Materials,POS,XNA,Stone,6,Construction,12.0,middle,POS industry with interest,365243.0,-470.0,-140.0,-320.0,-314.0,0.0,0,Cash loans,M,Y,N,0,202500.0,1350000.0,39604.5,1350000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.030755,-21953,-1752,-7723.0,-4849,4.0,1,1,0,1,0,0,,2.0,2,2,SUNDAY,12,0,0,0,0,0,0,Other,,0.6899768700175408,0.5602843280409464,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-35.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,2.0,4.0 +2133277,197158,Consumer loans,4965.345,88137.0,106753.5,0.0,88137.0,WEDNESDAY,15,Y,1,0.0,,,XAP,Approved,-989,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,6000,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-958.0,-268.0,-688.0,-684.0,0.0,0,Cash loans,M,Y,N,1,180000.0,553806.0,28404.0,495000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008473999999999999,-13189,-186,-562.0,-4063,7.0,1,1,0,1,0,0,High skill tech staff,3.0,2,2,FRIDAY,11,0,0,0,0,1,1,Business Entity Type 2,0.7763677500376225,0.6632264589703282,0.4170996682522097,0.2062,0.1022,0.9955,0.9388,0.1244,0.2,0.1724,0.375,0.4167,0.15,0.1681,0.188,0.0,0.0,0.2101,0.1061,0.9955,0.9412,0.1255,0.2014,0.1724,0.375,0.4167,0.1535,0.1837,0.1959,0.0,0.0,0.2082,0.1022,0.9955,0.9396,0.1251,0.2,0.1724,0.375,0.4167,0.1527,0.171,0.1914,0.0,0.0,reg oper account,block of flats,0.2159,Panel,No,0.0,0.0,0.0,0.0,-989.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2769754,439463,Consumer loans,5642.01,94999.5,94999.5,0.0,94999.5,THURSDAY,13,Y,1,0.0,,,XAP,Approved,-314,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Stone,138,Consumer electronics,24.0,middle,POS household with interest,365243.0,-280.0,410.0,-250.0,-248.0,0.0,1,Cash loans,F,N,Y,0,157500.0,1354500.0,42660.0,1354500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-21338,365243,-9485.0,-4123,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,XNA,0.4807444219266321,0.7027096436217374,0.12217974403015852,0.0577,0.0806,0.9781,,,0.0,0.1379,0.1667,,,,0.0509,,0.0001,0.0588,0.0837,0.9782,,,0.0,0.1379,0.1667,,,,0.053,,0.0001,0.0583,0.0806,0.9781,,,0.0,0.1379,0.1667,,,,0.0518,,0.0001,,block of flats,0.0545,"Stone, brick",No,0.0,0.0,0.0,0.0,-392.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1988017,293951,Consumer loans,17233.83,179991.0,171004.5,22500.0,179991.0,SATURDAY,12,Y,1,0.12663553278887793,,,XAP,Approved,-807,Cash through the bank,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Country-wide,85,Consumer electronics,12.0,middle,POS household with interest,365243.0,-776.0,-446.0,-476.0,-470.0,0.0,0,Cash loans,F,Y,Y,0,450000.0,1798416.0,62640.0,1552500.0,Family,Pensioner,Higher education,Married,House / apartment,0.04622,-16577,365243,-354.0,-66,2.0,1,0,0,1,0,0,,2.0,1,1,MONDAY,11,0,0,0,0,0,0,XNA,0.8390658509931803,0.6808773626671605,0.6144143775673561,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-807.0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1607777,371591,Cash loans,,0.0,0.0,,,FRIDAY,7,Y,1,,,,XNA,Refused,-406,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,157500.0,298512.0,19224.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.025164,-19939,-3001,-6933.0,-3103,,1,1,1,1,1,0,,1.0,2,2,FRIDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.6077547158309068,0.7610263695502636,0.0619,0.0527,0.9752,0.66,0.0081,0.0,0.1034,0.1667,0.2083,0.0174,0.0672,0.0506,0.0,0.0125,0.042,0.0416,0.9752,0.6733,0.0081,0.0,0.069,0.1667,0.2083,0.0178,0.0735,0.0324,0.0,0.0,0.0625,0.0527,0.9752,0.6645,0.0081,0.0,0.1034,0.1667,0.2083,0.0178,0.0684,0.0515,0.0,0.0128,reg oper account,block of flats,0.0299,"Stone, brick",No,0.0,0.0,0.0,0.0,-584.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2696157,334298,Consumer loans,22121.325,121563.0,127980.0,0.0,121563.0,SUNDAY,20,Y,1,0.0,,,XAP,Approved,-771,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,2000,Consumer electronics,6.0,low_action,POS household without interest,365243.0,-740.0,-590.0,-590.0,-581.0,0.0,0,Cash loans,F,N,Y,0,112500.0,1129500.0,44793.0,1129500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007273999999999998,-22941,-10112,-10799.0,-4060,,1,1,1,1,1,0,Security staff,2.0,2,2,MONDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.6279085891986946,,0.1485,0.0,0.9851,0.7959999999999999,0.0,0.16,0.1379,0.3333,0.0,0.0,0.1202,0.0887,0.0039,0.0,0.1513,0.0,0.9851,0.804,0.0,0.1611,0.1379,0.3333,0.0,0.0,0.1313,0.0924,0.0039,0.0,0.1499,0.0,0.9851,0.7987,0.0,0.16,0.1379,0.3333,0.0,0.0,0.1223,0.0903,0.0039,0.0,reg oper account,block of flats,0.1196,Panel,No,2.0,0.0,2.0,0.0,-771.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2043779,184611,Consumer loans,3865.95,29232.0,32998.5,2925.0,29232.0,SATURDAY,19,Y,1,0.08867707514832651,,,XAP,Approved,-1889,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,2000,Consumer electronics,12.0,high,POS household with interest,365243.0,-1858.0,-1528.0,-1528.0,-1300.0,0.0,0,Cash loans,M,N,N,0,216000.0,2013840.0,55507.5,1800000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007273999999999998,-13982,-3343,-1759.0,-4223,,1,1,0,1,1,0,Security staff,2.0,2,2,THURSDAY,17,0,0,0,0,1,1,Military,0.16271767286453315,0.14710771428548952,0.5460231970049609,0.1485,0.0923,0.9831,0.7688,0.2511,0.16,0.1379,0.3333,0.375,0.0,0.1202,0.1391,0.0039,0.0057,0.1513,0.0957,0.9831,0.7779,0.2534,0.1611,0.1379,0.3333,0.375,0.0,0.1313,0.1449,0.0039,0.006,0.1499,0.0923,0.9831,0.7719,0.2527,0.16,0.1379,0.3333,0.375,0.0,0.1223,0.1416,0.0039,0.0058,reg oper account,block of flats,0.1116,Panel,No,0.0,0.0,0.0,0.0,-1889.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1452385,355802,Revolving loans,,0.0,0.0,,,WEDNESDAY,10,Y,1,,,,XAP,Refused,-247,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Card Street,,,,,,,0,Cash loans,F,N,N,0,144000.0,247500.0,11313.0,247500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-13135,-201,-840.0,-4840,,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Business Entity Type 2,,0.6746065569368508,0.41885428862332175,0.134,0.1535,0.9806,,,0.0,0.2759,0.1667,,0.052000000000000005,,0.1185,,0.0,0.1366,0.1593,0.9806,,,0.0,0.2759,0.1667,,0.0532,,0.1235,,0.0,0.1353,0.1535,0.9806,,,0.0,0.2759,0.1667,,0.053,,0.1206,,0.0,,block of flats,0.0932,"Stone, brick",No,0.0,0.0,0.0,0.0,-1819.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2006910,244443,Cash loans,10714.41,207000.0,207000.0,,207000.0,FRIDAY,13,Y,1,,,,XNA,Approved,-1140,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),150,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-1110.0,-60.0,-660.0,-655.0,0.0,1,Cash loans,F,Y,N,0,135000.0,1282500.0,46066.5,1282500.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.010276,-12183,-5091,-5096.0,-1659,7.0,1,1,1,1,1,0,Core staff,2.0,2,2,WEDNESDAY,11,0,1,1,0,1,1,Transport: type 2,0.30693875046892266,0.3805271045277352,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2215.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2396418,203668,Cash loans,16395.3,360000.0,360000.0,,360000.0,THURSDAY,14,Y,1,,,,Other,Approved,-1562,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,middle,Cash Street: middle,365243.0,-1529.0,-479.0,-1319.0,-1314.0,0.0,1,Cash loans,M,N,Y,0,157500.0,419679.0,15201.0,346500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-15573,-4023,-6972.0,-4845,,1,1,0,1,0,1,,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,Transport: type 4,,0.6005063952648451,0.6986675550534175,0.0072,,0.9692,,,0.0,0.0345,0.0,,,,0.0035,,0.0027,0.0074,,0.9692,,,0.0,0.0345,0.0,,,,0.0036,,0.0028,0.0073,,0.9692,,,0.0,0.0345,0.0,,,,0.0035,,0.0027,,terraced house,0.0033,Wooden,No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2378694,223687,Consumer loans,7525.08,141696.0,164142.0,0.0,141696.0,SATURDAY,10,Y,1,0.0,,,XAP,Approved,-159,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Regional / Local,100,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-128.0,562.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,157500.0,703584.0,22824.0,504000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.0031219999999999998,-15688,-6341,-7231.0,-4626,9.0,1,1,0,1,0,0,Laborers,1.0,3,3,THURSDAY,12,0,0,0,0,0,0,Self-employed,0.5608492497252011,0.36420562317424177,0.6910212267577837,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-963.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1262785,344597,Cash loans,18851.535,90000.0,92970.0,,90000.0,TUESDAY,15,Y,1,,,,XNA,Approved,-780,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,365243.0,-750.0,-600.0,-600.0,-593.0,1.0,0,Cash loans,F,N,N,0,157500.0,390960.0,17352.0,337500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.010276,-22579,365243,-13055.0,-4238,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,11,0,0,0,0,0,0,XNA,,0.5423777492390199,0.7062051096536562,,,0.9518,,,,,,,,,0.0013,,,,,0.9518,,,,,,,,,0.0014,,,,,0.9518,,,,,,,,,0.0014,,,,block of flats,0.0011,,Yes,0.0,0.0,0.0,0.0,-1964.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2350112,428254,Consumer loans,14503.905,141822.0,153990.0,0.0,141822.0,WEDNESDAY,9,Y,1,0.0,,,XAP,Approved,-695,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,2000,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-664.0,-334.0,-634.0,-628.0,0.0,0,Cash loans,M,Y,Y,0,202500.0,533668.5,21294.0,477000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-20459,-6189,-5065.0,-3952,3.0,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,Other,,0.6219270359172268,0.3077366963789207,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1594.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,4.0,0.0,5.0 +2162493,150729,Cash loans,9426.24,45000.0,46485.0,,45000.0,THURSDAY,13,Y,1,,,,Everyday expenses,Approved,-690,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Country-wide,38,Connectivity,6.0,high,Cash Street: high,365243.0,-660.0,-510.0,-660.0,-651.0,1.0,1,Cash loans,M,Y,Y,1,225000.0,824823.0,29353.5,688500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007114,-13170,-200,-11.0,-4339,32.0,1,1,0,1,0,0,Laborers,3.0,2,2,MONDAY,12,0,0,0,1,1,0,Business Entity Type 2,0.2299101789776868,0.7083520986059664,0.2458512138252296,0.0196,0.0223,0.9906,0.8708,0.034,0.0,0.0345,0.1667,0.0417,0.0208,0.016,0.021,0.0,0.0095,0.02,0.0231,0.9906,0.8759,0.0343,0.0,0.0345,0.1667,0.0417,0.0213,0.0174,0.0219,0.0,0.0101,0.0198,0.0223,0.9906,0.8725,0.0342,0.0,0.0345,0.1667,0.0417,0.0212,0.0162,0.0214,0.0,0.0097,reg oper account,block of flats,0.0186,"Stone, brick",No,2.0,0.0,2.0,0.0,-87.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2284492,285478,Cash loans,3910.365,54000.0,61128.0,,54000.0,SUNDAY,13,Y,1,,,,XNA,Approved,-452,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-422.0,268.0,-122.0,-116.0,1.0,0,Cash loans,F,N,Y,0,103500.0,536917.5,27544.5,463500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.011703,-22510,365243,-7349.0,-4073,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,14,0,0,0,0,0,0,XNA,0.8216228950593195,0.4694145692414861,0.6006575372857061,0.0371,0.0627,0.9891,,,0.0,0.1034,0.0833,,0.0696,,0.0363,,0.0,0.0378,0.0651,0.9891,,,0.0,0.1034,0.0833,,0.0712,,0.0378,,0.0,0.0375,0.0627,0.9891,,,0.0,0.1034,0.0833,,0.0708,,0.037000000000000005,,0.0,,block of flats,0.0309,"Stone, brick",No,1.0,0.0,1.0,0.0,-2817.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +1249609,454994,Cash loans,7869.015,67500.0,71955.0,0.0,67500.0,THURSDAY,15,Y,1,0.0,,,XNA,Approved,-2685,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,high,Cash Street: high,365243.0,-2655.0,-2325.0,-2475.0,-2472.0,1.0,0,Cash loans,F,N,N,0,202500.0,545040.0,19705.5,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.016612000000000002,-16266,-6882,-8222.0,-4107,,1,1,0,1,0,0,Core staff,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Kindergarten,,0.6765476271706273,0.5744466170995097,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1474.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1327375,293642,Cash loans,44554.05,855000.0,855000.0,,855000.0,WEDNESDAY,12,Y,1,,,,XNA,Approved,-916,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),39,XNA,48.0,high,Cash X-Sell: high,365243.0,-886.0,524.0,-346.0,-338.0,0.0,0,Cash loans,F,N,N,0,99000.0,108000.0,12816.0,108000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-12571,-2788,-3611.0,-4534,,1,1,1,1,1,0,,2.0,2,2,TUESDAY,10,0,0,0,1,1,0,Self-employed,0.3218614889385632,0.4338005618509143,0.1510075350878296,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1620.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1002627,411153,Consumer loans,16374.96,169969.14,113715.0,56254.14,169969.14,TUESDAY,15,Y,1,0.3604529179398522,,,XAP,Approved,-2121,Cash through the bank,XAP,Other_B,New,Computers,POS,XNA,Country-wide,984,Consumer electronics,8.0,middle,POS household with interest,365243.0,-2090.0,-1880.0,-1880.0,-1878.0,0.0,0,Cash loans,M,Y,N,0,180000.0,545040.0,26509.5,450000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,With parents,0.0031219999999999998,-9922,-1869,-4654.0,-2524,12.0,1,1,0,1,1,0,Core staff,1.0,3,3,MONDAY,9,0,0,0,0,0,0,Other,0.2710490073925217,0.6467585280704823,0.4740512892789932,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1750.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2687212,388606,Consumer loans,5668.695,29205.0,29205.0,0.0,29205.0,SUNDAY,20,Y,1,0.0,,,XAP,Approved,-2418,Cash through the bank,XAP,Family,New,Photo / Cinema Equipment,POS,XNA,Country-wide,2300,Consumer electronics,6.0,high,POS household with interest,365243.0,-2387.0,-2237.0,-2237.0,-2229.0,0.0,1,Cash loans,M,Y,Y,1,382500.0,450000.0,23107.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.026392000000000002,-12077,-523,-958.0,-4409,14.0,1,1,0,1,1,0,Drivers,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.11471549338174712,0.6341252348946393,0.6925590674998008,0.3186,0.1348,0.9856,0.8028,0.1088,0.0,0.6897,0.1667,0.2083,0.2951,0.2597,0.2767,0.0,0.0,0.3246,0.1399,0.9856,0.8105,0.1098,0.0,0.6897,0.1667,0.2083,0.3019,0.2837,0.2883,0.0,0.0,0.3216,0.1348,0.9856,0.8054,0.1095,0.0,0.6897,0.1667,0.2083,0.3003,0.2642,0.2817,0.0,0.0,reg oper account,block of flats,0.2527,Panel,No,0.0,0.0,0.0,0.0,-1736.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2804488,402856,Consumer loans,12030.975,220594.5,198531.0,22063.5,220594.5,MONDAY,12,Y,1,0.1089290860503198,,,XAP,Approved,-1530,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,3600,Consumer electronics,18.0,low_action,POS household without interest,365243.0,-1498.0,-988.0,-988.0,-970.0,0.0,0,Cash loans,M,N,N,0,225000.0,900000.0,29164.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00733,-18265,-2264,-2376.0,-1780,,1,1,1,1,1,0,High skill tech staff,2.0,2,2,WEDNESDAY,11,1,1,1,1,1,1,Industry: type 9,0.6318883491662051,0.6479965254427443,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1530.0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1377648,263165,Consumer loans,8392.32,50350.5,45315.0,5035.5,50350.5,SUNDAY,13,Y,1,0.10891882449483667,,,XAP,Approved,-2275,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Stone,251,Consumer electronics,6.0,middle,POS household without interest,365243.0,-2235.0,-2085.0,-2085.0,-2079.0,0.0,0,Cash loans,F,Y,Y,0,270000.0,1078200.0,31522.5,900000.0,Unaccompanied,Working,Higher education,Widow,House / apartment,0.035792000000000004,-21887,-6420,-8544.0,-4883,2.0,1,1,0,1,1,0,Managers,1.0,2,2,SUNDAY,12,0,0,0,0,0,0,Self-employed,0.8197771480754233,0.7665959022870554,0.646329897706246,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,0.0,-1521.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2021810,147460,Consumer loans,14859.405,134100.0,140008.5,6705.0,134100.0,SATURDAY,11,Y,1,0.04977288760376206,,,XAP,Refused,-1791,Cash through the bank,LIMIT,"Spouse, partner",Repeater,Computers,POS,XNA,Country-wide,1500,Consumer electronics,12.0,middle,POS household with interest,,,,,,,0,Cash loans,M,Y,Y,0,112500.0,384048.0,14476.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-17215,-2533,-11041.0,-644,10.0,1,1,1,1,1,0,Security staff,2.0,2,2,FRIDAY,9,0,0,0,0,1,1,Security,,0.5726903711782743,0.7252764347002191,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1791.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1127479,329527,Consumer loans,11706.39,115618.5,127827.0,0.0,115618.5,MONDAY,10,Y,1,0.0,,,XAP,Approved,-269,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,1402,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-239.0,91.0,365243.0,365243.0,1.0,0,Cash loans,M,N,N,0,135000.0,414000.0,27666.0,414000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.018029,-9675,-453,-3599.0,-2351,,1,1,0,1,0,0,Laborers,1.0,3,3,WEDNESDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.4336770314978805,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-269.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2292119,220939,Cash loans,9655.875,112500.0,112500.0,0.0,112500.0,WEDNESDAY,10,Y,1,0.0,,,XNA,Approved,-1854,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,18.0,high,Cash X-Sell: high,365243.0,-1824.0,-1314.0,-1314.0,-1310.0,0.0,0,Cash loans,F,N,Y,0,135000.0,272520.0,17545.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-22524,365243,-5422.0,-4227,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,XNA,0.8947892529589155,0.7267876549210869,0.722392890081304,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,2.0,3.0,1.0,-1854.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2482051,204503,Revolving loans,22500.0,0.0,450000.0,,,SATURDAY,15,N,1,,,,XAP,Refused,-1347,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,Y,Y,0,180000.0,1105083.0,36652.5,904500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.030755,-12087,-3988,-4031.0,-4247,9.0,1,1,0,1,0,0,,2.0,2,2,TUESDAY,17,0,0,0,0,0,0,Security Ministries,0.6633557487935821,0.2858978721410488,0.22888341670067305,0.133,0.1509,0.9791,0.7144,0.0548,0.0,0.2759,0.1667,0.2083,0.0683,0.1084,0.1197,0.0,0.0,0.1355,0.1566,0.9791,0.7256,0.0553,0.0,0.2759,0.1667,0.2083,0.0699,0.1185,0.1247,0.0,0.0,0.1343,0.1509,0.9791,0.7182,0.0551,0.0,0.2759,0.1667,0.2083,0.0695,0.1103,0.1219,0.0,0.0,reg oper spec account,block of flats,0.1241,"Stone, brick",No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +1087264,343540,Consumer loans,9413.595,89955.0,99454.5,0.0,89955.0,THURSDAY,14,Y,1,0.0,,,XAP,Approved,-326,Cash through the bank,XAP,Other_B,New,Furniture,POS,XNA,Stone,100,Furniture,12.0,low_normal,POS industry with interest,365243.0,-295.0,35.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,193500.0,627277.5,23778.0,441000.0,Unaccompanied,Pensioner,Higher education,Widow,House / apartment,0.072508,-23455,365243,-5772.0,-3931,,1,0,0,1,1,0,,1.0,1,1,MONDAY,16,0,0,0,0,0,0,XNA,,0.5436258341515299,0.5478104658520093,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-44.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1439597,121685,Consumer loans,9404.955,101587.5,101587.5,0.0,101587.5,SATURDAY,14,Y,1,0.0,,,XAP,Approved,-910,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Country-wide,1000,Furniture,12.0,low_action,POS industry with interest,365243.0,-879.0,-549.0,-729.0,-720.0,0.0,0,Cash loans,M,Y,Y,1,630000.0,1006920.0,48573.0,900000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.04622,-11584,-4959,-1306.0,-3517,4.0,1,1,0,1,0,1,,3.0,1,1,SATURDAY,17,0,1,1,0,0,0,Other,,0.7244889860592328,,0.2134,,0.9965,0.9524,0.0611,0.24,0.1034,0.5833,0.4583,,0.174,0.2189,0.0,0.0,0.2174,,0.9965,0.9543,0.0616,0.2417,0.1034,0.5833,0.4583,,0.1901,0.228,0.0,0.0,0.2155,,0.9965,0.953,0.0615,0.24,0.1034,0.5833,0.4583,,0.177,0.2228,0.0,0.0,reg oper account,block of flats,0.2109,Monolithic,No,5.0,0.0,5.0,0.0,-1161.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2091798,392805,Revolving loans,11250.0,225000.0,225000.0,,225000.0,SUNDAY,10,Y,1,,,,XAP,Refused,-929,XNA,LIMIT,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,112500.0,454500.0,21865.5,454500.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.00733,-17483,-387,-8652.0,-1017,,1,1,0,1,0,0,Sales staff,1.0,2,2,FRIDAY,15,0,0,0,0,0,0,Trade: type 7,0.5603745758511498,0.6532951396693988,0.7338145369642702,0.1557,0.1332,0.9881,,0.0497,0.16,0.069,0.3333,,0.0921,0.1269,0.1616,,0.0052,0.1586,0.1382,0.9881,,0.0502,0.1611,0.069,0.3333,,0.0942,0.1387,0.1683,,0.0056,0.1572,0.1332,0.9881,,0.05,0.16,0.069,0.3333,,0.0937,0.1291,0.1645,,0.0054,,block of flats,0.226,"Stone, brick",No,0.0,0.0,0.0,0.0,-503.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1282809,349286,Consumer loans,4837.14,52425.0,47182.5,5242.5,52425.0,SATURDAY,11,Y,1,0.1089090909090909,,,XAP,Approved,-358,Cash through the bank,XAP,,New,Furniture,POS,XNA,Stone,110,Furniture,12.0,middle,POS industry with interest,365243.0,-324.0,6.0,-234.0,-231.0,0.0,0,Revolving loans,F,N,Y,1,67500.0,202500.0,10125.0,202500.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.018634,-11112,-3912,-11112.0,-780,,1,1,0,1,1,0,Medicine staff,3.0,2,2,SUNDAY,11,0,0,0,1,1,0,Medicine,0.4965996599435787,0.7538385131081825,0.39449540531239935,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-358.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2583917,166789,Consumer loans,2562.075,19993.5,19206.0,2250.0,19993.5,SUNDAY,9,Y,1,0.1142083587553386,,,XAP,Approved,-2806,Cash through the bank,XAP,Group of people,Repeater,Mobile,POS,XNA,Country-wide,21,Connectivity,10.0,low_normal,POS mobile with interest,365243.0,-2775.0,-2505.0,-2505.0,-2498.0,1.0,0,Cash loans,M,N,N,0,202500.0,970380.0,28503.0,810000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-14456,-2650,-7072.0,-4363,,1,1,0,1,1,0,Laborers,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Self-employed,0.4967808619892848,0.6661312693753829,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2806.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2698575,107261,Cash loans,69140.565,1021500.0,1080828.0,,1021500.0,MONDAY,14,Y,1,,,,XNA,Refused,-361,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Stone,94,Consumer electronics,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,Y,Y,0,117000.0,755190.0,36459.0,675000.0,Unaccompanied,Working,Higher education,Married,With parents,0.003069,-12434,-1140,-898.0,-584,0.0,1,1,0,1,0,0,,2.0,3,3,FRIDAY,16,0,0,0,0,0,0,Other,,0.6441262649035617,0.5744466170995097,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,2.0,5.0,2.0,-493.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2576976,132475,Consumer loans,7624.89,147483.0,147483.0,0.0,147483.0,MONDAY,12,Y,1,0.0,,,XAP,Refused,-1358,Cash through the bank,HC,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,166,Consumer electronics,24.0,low_normal,POS household with interest,,,,,,,0,Cash loans,M,Y,N,0,225000.0,450000.0,30204.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,With parents,0.072508,-9870,-1449,-249.0,-2532,8.0,1,1,0,1,1,0,Drivers,2.0,1,1,MONDAY,19,0,0,0,0,0,0,Self-employed,,0.7301829710673097,0.4489622731076524,0.2876,0.2034,0.9911,0.8776,0.1725,0.48,0.2069,0.4583,0.5,0.0,0.2345,0.1991,0.0,0.037000000000000005,0.2931,0.211,0.9911,0.8824,0.174,0.4834,0.2069,0.4583,0.5,0.0,0.2562,0.2075,0.0,0.0392,0.2904,0.2034,0.9911,0.8792,0.1735,0.48,0.2069,0.4583,0.5,0.0,0.2386,0.2027,0.0,0.0378,reg oper account,block of flats,0.2712,Panel,No,1.0,0.0,1.0,0.0,-1606.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2478153,332936,Cash loans,18092.835,225000.0,293598.0,,225000.0,TUESDAY,13,Y,1,,,,XNA,Approved,-1239,Cash through the bank,XAP,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,middle,Cash Street: middle,365243.0,-1208.0,-518.0,-578.0,-570.0,0.0,0,Cash loans,M,Y,Y,0,180000.0,889515.0,31644.0,742500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00733,-10568,-1611,-4620.0,-2564,6.0,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.6777284682326892,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1527.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1591357,332079,Cash loans,25287.615,360000.0,393264.0,,360000.0,WEDNESDAY,12,Y,1,,,,XNA,Approved,-734,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-704.0,-14.0,-494.0,-485.0,1.0,0,Cash loans,F,N,Y,0,202500.0,253737.0,25227.0,229500.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.006207,-22243,365243,-10861.0,-4574,,1,0,0,1,1,1,,2.0,2,2,TUESDAY,17,0,0,0,0,0,0,XNA,0.7970791280866392,0.5920100952053687,0.7610263695502636,0.1165,0.0,0.9851,0.7959999999999999,,0.12,0.1034,0.3333,0.375,0.0256,0.0916,0.1066,0.0154,0.02,0.1187,0.0,0.9851,0.804,,0.1208,0.1034,0.3333,0.375,0.0262,0.1001,0.1111,0.0156,0.0212,0.1176,0.0,0.9851,0.7987,,0.12,0.1034,0.3333,0.375,0.0261,0.0932,0.1085,0.0155,0.0204,reg oper account,block of flats,0.0975,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,1.0,3.0 +2061240,109672,Cash loans,40262.4,1372500.0,1372500.0,,1372500.0,SATURDAY,11,Y,1,,,,XNA,Refused,-193,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,112500.0,450000.0,23107.5,450000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.018209,-18870,-1732,-8833.0,-2415,,1,1,0,1,0,0,Core staff,2.0,3,3,SUNDAY,11,0,0,0,0,0,0,Industry: type 7,0.8282187442349509,0.5032765070939551,0.6956219298394389,0.1113,0.0841,0.9871,0.8232,0.1911,0.12,0.1034,0.3333,0.0417,0.0146,0.0908,0.1174,0.0,0.0557,0.1134,0.0873,0.9871,0.8301,0.1928,0.1208,0.1034,0.3333,0.0417,0.0149,0.0992,0.1223,0.0,0.059,0.1124,0.0841,0.9871,0.8256,0.1923,0.12,0.1034,0.3333,0.0417,0.0149,0.0923,0.1195,0.0,0.0569,reg oper account,block of flats,0.1045,Panel,No,1.0,0.0,1.0,0.0,-2399.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1009179,398604,Consumer loans,15577.065,237600.0,237600.0,0.0,237600.0,MONDAY,17,Y,1,0.0,,,XAP,Approved,-680,Cash through the bank,XAP,Other_A,Repeater,Clothing and Accessories,POS,XNA,Stone,39,Clothing,18.0,low_normal,POS industry with interest,365243.0,-649.0,-139.0,-319.0,-317.0,0.0,0,Cash loans,M,Y,N,2,225000.0,1718473.5,55566.0,1345500.0,Unaccompanied,Working,Secondary / secondary special,Married,Rented apartment,0.010556,-11161,-1413,-1286.0,-2042,10.0,1,1,0,1,0,0,,4.0,3,3,TUESDAY,10,0,0,0,1,1,0,Business Entity Type 3,0.2889902938652561,0.4762606174827518,0.25396280933631177,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1118.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1596006,217709,Revolving loans,9000.0,0.0,180000.0,,,SATURDAY,19,Y,1,,,,XAP,Approved,-2353,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-2270.0,-2229.0,365243.0,-495.0,365243.0,0.0,0,Cash loans,F,N,Y,0,112500.0,808650.0,23773.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010147,-15217,-2686,-7922.0,-5058,,1,1,0,1,1,0,,2.0,2,2,SUNDAY,13,0,0,0,0,0,0,Business Entity Type 2,0.3524577707784665,0.6388760070313659,,0.1495,0.1065,0.9871,0.8232,0.027000000000000003,0.16,0.1379,0.3333,0.375,0.0936,0.1219,0.1541,0.0,0.0,0.1523,0.1106,0.9871,0.8301,0.0272,0.1611,0.1379,0.3333,0.375,0.0957,0.1331,0.1606,0.0,0.0,0.1509,0.1065,0.9871,0.8256,0.0271,0.16,0.1379,0.3333,0.375,0.0952,0.124,0.1569,0.0,0.0,reg oper spec account,block of flats,0.136,Panel,No,0.0,0.0,0.0,0.0,-2549.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2784627,442077,Consumer loans,10870.11,55215.0,55066.5,2745.0,55215.0,TUESDAY,10,Y,1,0.05171210823892384,,,XAP,Approved,-1193,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Country-wide,3500,Consumer electronics,6.0,high,POS household with interest,365243.0,-1161.0,-1011.0,-1011.0,-1006.0,0.0,0,Cash loans,F,N,Y,2,135000.0,742500.0,21838.5,742500.0,Family,Working,Secondary / secondary special,Married,Office apartment,0.020713,-14221,-5539,-8190.0,-3716,,1,1,0,1,0,0,Drivers,4.0,3,2,FRIDAY,10,0,0,0,0,0,0,Other,0.3570630088070214,0.2714300033125203,0.5638350489514956,0.0598,0.0707,0.9821,0.7552,0.0128,0.0,0.1379,0.1667,0.2083,0.0297,0.0488,0.0616,0.0,0.0,0.0609,0.0734,0.9821,0.7648,0.013,0.0,0.1379,0.1667,0.2083,0.0303,0.0533,0.0642,0.0,0.0,0.0604,0.0707,0.9821,0.7585,0.0129,0.0,0.1379,0.1667,0.2083,0.0302,0.0496,0.0628,0.0,0.0,reg oper account,block of flats,0.0555,Panel,No,0.0,0.0,0.0,0.0,-256.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1187696,426450,Consumer loans,8803.08,89500.5,89500.5,0.0,89500.5,WEDNESDAY,16,Y,1,0.0,,,XAP,Approved,-360,Cash through the bank,XAP,,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,50,Connectivity,12.0,low_normal,POS mobile without interest,365243.0,-327.0,3.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,N,1,135000.0,452385.0,26100.0,373500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-13136,-3574,-4656.0,-5531,7.0,1,1,0,1,0,0,Sales staff,3.0,2,2,SATURDAY,15,0,0,0,0,0,0,Transport: type 4,0.5716109592867136,0.6446273721560554,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1668574,347408,Consumer loans,6190.2,57843.0,30843.0,27000.0,57843.0,SATURDAY,12,Y,1,0.5083666916559398,,,XAP,Approved,-2665,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,60,Connectivity,6.0,high,POS household with interest,365243.0,-2630.0,-2480.0,-2480.0,-2475.0,0.0,0,Cash loans,F,N,Y,0,144000.0,427500.0,29047.5,427500.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.0228,-17343,-514,-8758.0,-890,,1,1,1,1,1,0,Laborers,2.0,2,2,THURSDAY,16,0,0,0,0,0,0,Industry: type 7,0.5293779974945104,0.5062502196125132,0.3723336657058204,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-79.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,0.0 +1392960,101304,Consumer loans,9824.58,78142.5,80851.5,7816.5,78142.5,TUESDAY,11,Y,1,0.09600847082272172,,,XAP,Approved,-1486,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Stone,10,Construction,12.0,high,POS industry with interest,365243.0,-1454.0,-1124.0,-1124.0,-1117.0,0.0,0,Cash loans,F,N,N,1,90000.0,526491.0,19039.5,454500.0,Unaccompanied,State servant,Incomplete higher,Married,House / apartment,0.00702,-10597,-423,-989.0,-1009,,1,1,1,1,0,0,,3.0,2,2,THURSDAY,15,0,0,0,0,0,0,Other,0.4318764866143313,0.3605827703387404,0.38079968264891495,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1818.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2414272,175761,Cash loans,73116.27,1129500.0,1195101.0,,1129500.0,FRIDAY,11,Y,1,,,,XNA,Approved,-363,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-333.0,357.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,0,202500.0,1283197.5,37647.0,1120500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-14973,-1671,-4509.0,-5168,,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,18,0,0,0,0,0,0,Business Entity Type 3,,0.4522469360927938,,0.0887,0.0218,0.9871,0.8232,0.015,0.0,0.2069,0.1667,0.2083,0.0997,0.0723,0.0839,0.0077,0.047,0.0903,0.0226,0.9871,0.8301,0.0152,0.0,0.2069,0.1667,0.2083,0.102,0.079,0.0874,0.0078,0.0498,0.0895,0.0218,0.9871,0.8256,0.0151,0.0,0.2069,0.1667,0.2083,0.1014,0.0735,0.0854,0.0078,0.048,reg oper account,block of flats,0.0762,"Stone, brick",No,0.0,0.0,0.0,0.0,-1423.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2115199,392755,Cash loans,54223.875,522000.0,542673.0,,522000.0,FRIDAY,15,Y,1,,,,XNA,Refused,-329,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,N,Y,0,225000.0,878733.0,28476.0,733500.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.016612000000000002,-12313,-765,-953.0,-3006,,1,1,0,1,0,1,High skill tech staff,1.0,2,2,FRIDAY,11,0,0,0,0,1,1,Business Entity Type 3,0.6976666928679043,0.6745585530163888,0.8027454758994178,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-1506.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,4.0,0.0,5.0 +2668644,119975,Revolving loans,38250.0,765000.0,765000.0,,765000.0,TUESDAY,11,Y,1,,,,XAP,Approved,-555,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-451.0,-422.0,365243.0,-179.0,-152.0,0.0,0,Cash loans,F,N,Y,0,225000.0,675000.0,19867.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.014519999999999996,-20514,365243,-10865.0,-4027,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,8,0,0,0,0,0,0,XNA,,0.2319427311585574,0.4223696523543468,0.0784,0.0798,0.9747,,,,0.1379,0.1667,,0.0075,,0.0437,,0.0142,0.0798,0.0828,0.9747,,,,0.1379,0.1667,,0.0076,,0.0456,,0.015,0.0791,0.0798,0.9747,,,,0.1379,0.1667,,0.0076,,0.0445,,0.0145,,terraced house,0.0374,Panel,No,0.0,0.0,0.0,0.0,-1973.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1252291,195807,Consumer loans,4589.73,16110.0,16110.0,0.0,16110.0,THURSDAY,12,Y,1,0.0,,,XAP,Approved,-2693,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Stone,79,Consumer electronics,4.0,high,POS household with interest,365243.0,-2658.0,-2568.0,-2568.0,-2564.0,0.0,0,Cash loans,F,N,N,0,112500.0,225000.0,10953.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.020713,-20681,365243,-4521.0,-3883,,1,0,0,1,1,0,,1.0,3,3,SATURDAY,15,0,0,0,0,0,0,XNA,,0.11415498819158255,0.16146308000577247,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-2343.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +2745240,337972,Consumer loans,13923.54,124371.0,121846.5,13500.0,124371.0,THURSDAY,5,Y,1,0.1086302732078574,,,XAP,Approved,-2021,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Regional / Local,74,Consumer electronics,12.0,high,POS household with interest,365243.0,-1988.0,-1658.0,-1688.0,-1682.0,0.0,1,Cash loans,F,N,N,1,76500.0,298512.0,16798.5,270000.0,Unaccompanied,State servant,Higher education,Separated,With parents,0.000533,-11355,-408,-3084.0,-3940,,1,1,1,1,0,0,Core staff,2.0,3,3,TUESDAY,9,1,1,0,1,1,0,Kindergarten,,0.10243479179597652,0.7898803468924867,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,2.0,3.0,2.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,0.0 +1363345,103220,Consumer loans,13230.945,141750.0,141750.0,0.0,141750.0,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-261,Cash through the bank,XAP,Unaccompanied,New,Clothing and Accessories,POS,XNA,Stone,117,Clothing,12.0,low_normal,POS industry with interest,365243.0,-231.0,99.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,112500.0,457834.5,14751.0,378000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.010966,-23690,365243,-2861.0,-4557,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,,0.6033410773840463,0.6006575372857061,0.1031,0.1009,0.9767,,0.0118,0.0,0.1724,0.1667,0.2083,0.0706,,0.0891,0.0,0.0,0.105,0.1047,0.9767,,0.0119,0.0,0.1724,0.1667,0.2083,0.0722,,0.0928,0.0,0.0,0.1041,0.1009,0.9767,,0.0118,0.0,0.1724,0.1667,0.2083,0.0718,,0.0907,0.0,0.0,reg oper spec account,block of flats,0.0759,Panel,No,0.0,0.0,0.0,0.0,-261.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,0.0 +1003837,433010,Consumer loans,11427.075,102555.0,113386.5,0.0,102555.0,SUNDAY,19,Y,1,0.0,,,XAP,Approved,-347,Cash through the bank,XAP,,New,Computers,POS,XNA,Country-wide,300,Consumer electronics,12.0,middle,POS household with interest,365243.0,-316.0,14.0,365243.0,365243.0,0.0,0,Revolving loans,M,Y,Y,1,135000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.072508,-13385,-1224,-7344.0,-3921,14.0,1,1,0,1,0,0,Laborers,3.0,1,1,THURSDAY,11,0,0,0,0,0,0,Other,0.3336416534506279,0.7461262030379837,0.6296742509538716,0.1845,0.0951,0.9762,0.6736,,0.14,0.1034,0.3958,,0.0,,,,,0.188,0.0987,0.9762,0.6864,,0.0806,0.0345,0.3333,,0.0,,,,,0.1863,0.0951,0.9762,0.6779999999999999,,0.14,0.1034,0.3958,,0.0,,,,,,block of flats,0.1445,Block,No,0.0,0.0,0.0,0.0,-347.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,0.0 +2386783,207974,Consumer loans,2519.325,60475.5,54063.0,6412.5,60475.5,TUESDAY,9,Y,1,0.11548140080768995,,,XAP,Approved,-2674,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,664,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-2643.0,-1953.0,-1953.0,-1948.0,0.0,0,Revolving loans,F,N,Y,0,292500.0,900000.0,45000.0,900000.0,Unaccompanied,State servant,Higher education,Civil marriage,House / apartment,0.020246,-15098,-4370,-2798.0,-4002,,1,1,0,1,0,0,Accountants,2.0,3,3,TUESDAY,13,0,0,0,0,0,0,Other,,0.4577074063688105,,0.0979,0.1171,0.9826,0.762,0.0144,0.0,0.2183,0.1667,0.2083,0.0363,0.0779,0.0886,0.009000000000000001,0.0177,0.063,0.0658,0.9821,0.7648,0.0088,0.0,0.1379,0.1667,0.2083,0.0,0.0551,0.0563,0.0,0.0,0.0625,0.0634,0.9821,0.7585,0.009000000000000001,0.0,0.1379,0.1667,0.2083,0.0502,0.0513,0.0555,0.0,0.0,reg oper account,block of flats,0.0474,Panel,No,8.0,0.0,8.0,0.0,-2674.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,0.0 +1130367,172578,Consumer loans,6760.305,61641.0,55476.0,6165.0,61641.0,WEDNESDAY,14,Y,1,0.1089249923678307,,,XAP,Approved,-1125,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Country-wide,2194,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1094.0,-824.0,-884.0,-875.0,0.0,0,Cash loans,M,Y,Y,1,288000.0,229500.0,16830.0,229500.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.025164,-9952,-2843,-489.0,-2621,3.0,1,1,0,1,0,0,Laborers,3.0,2,2,MONDAY,13,0,0,0,0,0,0,Business Entity Type 2,,0.2618228182911783,0.5046813193144684,0.3289,0.1768,0.9886,0.8436,0.1791,0.36,0.3103,0.3333,0.375,0.0556,0.2589,0.3263,0.0425,0.0487,0.3351,0.1835,0.9886,0.8497,0.1808,0.3625,0.3103,0.3333,0.375,0.0569,0.2828,0.34,0.0428,0.0515,0.3321,0.1768,0.9886,0.8457,0.1803,0.36,0.3103,0.3333,0.375,0.0566,0.2634,0.3322,0.0427,0.0497,reg oper account,block of flats,0.3652,Panel,No,1.0,0.0,1.0,0.0,-2100.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2754089,177144,Cash loans,8641.305,112500.0,127350.0,,112500.0,TUESDAY,10,Y,1,,,,XNA,Refused,-590,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Stone,20,Construction,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,202500.0,463500.0,18508.5,463500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.015221,-14680,-2960,-4864.0,-4556,,1,1,1,1,1,0,Medicine staff,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Medicine,,0.5151787871847137,0.10547318648733764,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-826.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,4.0 +1149097,278970,Cash loans,52999.92,1129500.0,1260702.0,,1129500.0,MONDAY,12,Y,1,,,,XNA,Refused,-249,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,1,Cash loans,F,N,Y,0,270000.0,1078200.0,34911.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008575,-16935,-1795,-5785.0,-463,,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,9,0,0,0,0,1,1,Industry: type 3,0.58904480756234,0.5541892860863376,0.2067786544915716,0.0186,0.0416,0.9881,0.8368,0.0025,0.0,0.1034,0.0417,0.0417,0.0103,0.0151,0.0171,0.0,0.0,0.0189,0.0432,0.9881,0.8432,0.0025,0.0,0.1034,0.0417,0.0417,0.0105,0.0165,0.0178,0.0,0.0,0.0187,0.0416,0.9881,0.8390000000000001,0.0025,0.0,0.1034,0.0417,0.0417,0.0104,0.0154,0.0174,0.0,0.0,reg oper account,block of flats,0.0157,"Stone, brick",No,0.0,0.0,0.0,0.0,-1101.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1792627,254719,Cash loans,56329.065,900000.0,1117197.0,,900000.0,FRIDAY,6,Y,1,,,,XNA,Approved,-867,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,365243.0,-837.0,33.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,135000.0,272520.0,19957.5,225000.0,Group of people,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.002506,-16131,-998,-6302.0,-3254,,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,5,0,0,0,0,0,0,Self-employed,,0.7014930366435816,,0.0557,0.1161,0.9901,0.8640000000000001,0.0,0.0,0.1379,0.1667,0.0417,0.0235,0.0454,0.0541,0.0,0.0,0.0567,0.1205,0.9901,0.8693,0.0,0.0,0.1379,0.1667,0.0417,0.024,0.0496,0.0564,0.0,0.0,0.0562,0.1161,0.9901,0.8658,0.0,0.0,0.1379,0.1667,0.0417,0.0239,0.0462,0.0551,0.0,0.0,reg oper account,block of flats,0.0426,Panel,No,7.0,0.0,7.0,0.0,-1680.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1297030,379190,Cash loans,67894.065,900000.0,939204.0,,900000.0,TUESDAY,12,Y,1,,,,XNA,Refused,-877,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,135000.0,888840.0,29506.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.010147,-20382,-835,-3178.0,-3940,,1,1,0,1,1,0,,1.0,2,2,THURSDAY,12,0,0,0,0,0,0,Other,0.7208400403691904,0.2392554698785836,0.41534714488434,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1413.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2495242,243751,Cash loans,26206.965,225000.0,269010.0,,225000.0,MONDAY,11,Y,1,,,,XNA,Approved,-382,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-352.0,-22.0,-22.0,-19.0,1.0,0,Cash loans,M,Y,Y,0,157500.0,265306.5,30136.5,252000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.031329,-18978,-2104,-2942.0,-2508,8.0,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,8,0,0,0,0,0,0,School,,0.4919389110673305,0.6413682574954046,0.0722,0.0,0.9781,0.7008,0.0081,0.0,0.1379,0.1667,0.2083,0.0708,0.0588,0.0627,0.0,0.0,0.0735,0.0,0.9782,0.7125,0.0082,0.0,0.1379,0.1667,0.2083,0.0724,0.0643,0.0654,0.0,0.0,0.0729,0.0,0.9781,0.7048,0.0082,0.0,0.1379,0.1667,0.2083,0.0721,0.0599,0.0639,0.0,0.0,reg oper account,block of flats,0.0538,"Stone, brick",No,0.0,0.0,0.0,0.0,-2430.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1385639,365942,Cash loans,25818.84,238500.0,263686.5,,238500.0,WEDNESDAY,13,Y,1,,,,XNA,Approved,-149,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-119.0,211.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,0,121500.0,432567.0,19183.5,328500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.031329,-20450,-5445,-8528.0,-4000,,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,16,0,0,0,0,0,0,Business Entity Type 1,,0.5994724873210933,0.34578480246959553,0.1161,0.0296,0.9776,0.6940000000000001,0.0142,0.0,0.2345,0.1667,0.2083,0.0356,0.0941,0.1027,0.0023,0.0035,0.0746,0.0,0.9772,0.6994,0.0085,0.0,0.1379,0.1667,0.2083,0.0151,0.0643,0.0692,0.0039,0.0,0.1041,0.0,0.9776,0.6981,0.0127,0.0,0.2069,0.1667,0.2083,0.0366,0.0855,0.0915,0.0039,0.0013,reg oper account,block of flats,0.0532,"Stone, brick",No,1.0,0.0,1.0,0.0,-965.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,8.0 +2332409,273500,Revolving loans,11250.0,225000.0,225000.0,,225000.0,MONDAY,15,Y,1,,,,XAP,Approved,-946,XNA,XAP,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-920.0,-868.0,365243.0,-472.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,90000.0,254700.0,17149.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.019688999999999998,-14853,-1195,-8876.0,-4982,17.0,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Other,,0.6524576056722807,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-858.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1478253,246818,Revolving loans,6750.0,135000.0,135000.0,,135000.0,SATURDAY,15,Y,1,,,,XAP,Refused,-1097,XNA,SCO,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,Y,N,0,112500.0,675000.0,28597.5,675000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.01885,-11412,-1056,-344.0,-3116,6.0,1,1,0,1,0,1,Core staff,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Trade: type 7,0.8353687969108448,0.5238904123607789,0.7380196196295241,0.1216,0.1434,0.999,0.9864,,0.0,0.1724,0.125,0.1667,0.0354,0.0992,0.1153,,0.0,0.1239,0.1488,0.999,0.9869,,0.0,0.1724,0.125,0.1667,0.0362,0.1084,0.1201,,0.0,0.1228,0.1434,0.999,0.9866,,0.0,0.1724,0.125,0.1667,0.036000000000000004,0.1009,0.1174,,0.0,not specified,block of flats,0.1237,"Stone, brick",No,1.0,0.0,1.0,0.0,-1099.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,1.0,0.0,1.0 +2775253,176608,Cash loans,21709.125,450000.0,512370.0,,450000.0,THURSDAY,13,Y,1,,,,XNA,Approved,-224,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-194.0,856.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,202500.0,740700.0,26734.5,562500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.011703,-20983,365243,-1563.0,-4305,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,12,1,0,0,1,0,0,XNA,,0.37748537864953396,0.16146308000577247,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2782597,239255,Cash loans,23933.07,679500.0,814041.0,,679500.0,FRIDAY,9,Y,1,,,,XNA,Refused,-21,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,90000.0,1149210.0,33732.0,1003500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020246,-21981,365243,-13360.0,-5509,,1,0,0,1,0,0,,2.0,3,3,FRIDAY,9,0,0,0,0,0,0,XNA,0.8374479128265752,0.3207245287589168,0.622922000268356,0.0619,0.0627,0.9821,0.7552,0.0087,0.0,0.1379,0.1667,0.2083,0.0603,0.0504,0.0536,0.0,0.0,0.063,0.0651,0.9821,0.7648,0.0088,0.0,0.1379,0.1667,0.2083,0.0617,0.0551,0.0559,0.0,0.0,0.0625,0.0627,0.9821,0.7585,0.0087,0.0,0.1379,0.1667,0.2083,0.0614,0.0513,0.0546,0.0,0.0,reg oper account,block of flats,0.0422,Panel,No,0.0,0.0,0.0,0.0,-1565.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1242245,355047,Consumer loans,13444.74,72000.0,72000.0,0.0,72000.0,TUESDAY,10,Y,1,0.0,,,XAP,Approved,-38,XNA,XAP,Unaccompanied,Refreshed,Construction Materials,POS,XNA,Stone,100,Construction,6.0,middle,POS industry with interest,365243.0,-7.0,143.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,126000.0,143910.0,14148.0,135000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.030755,-23977,365243,-745.0,-4461,,1,0,0,1,1,0,,1.0,2,2,FRIDAY,12,0,0,0,0,0,0,XNA,0.8489381756781544,0.5332624792036392,0.7992967832109371,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1508.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1879638,237044,Cash loans,18139.275,472500.0,659610.0,,472500.0,MONDAY,15,Y,1,,,,Business development,Refused,-210,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,315000.0,505642.5,25983.0,436500.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.030755,-19366,365243,-6146.0,-2919,,1,0,0,1,0,0,,2.0,2,2,MONDAY,10,0,0,0,0,0,0,XNA,0.705382711224273,0.16709110453548984,0.4614823912998385,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1981.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1711714,335834,Consumer loans,1979.28,18846.0,16960.5,1885.5,18846.0,WEDNESDAY,18,Y,1,0.10896110098115827,,,XAP,Approved,-2827,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Stone,500,Consumer electronics,12.0,high,POS household with interest,365243.0,-2796.0,-2466.0,-2466.0,-2459.0,0.0,0,Cash loans,M,N,Y,2,450000.0,1288350.0,37800.0,1125000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.009175,-14507,-2755,-2338.0,-4269,,1,1,0,1,1,0,Managers,4.0,2,2,TUESDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.5186587795861386,0.4841095043581808,0.6512602186973006,0.1505,0.1137,0.9856,,,0.16,0.1379,0.3333,,,,0.1537,,0.0012,0.1534,0.1179,0.9856,,,0.1611,0.1379,0.3333,,,,0.1602,,0.0013,0.152,0.1137,0.9856,,,0.16,0.1379,0.3333,,,,0.1565,,0.0012,,block of flats,0.1212,Panel,No,0.0,0.0,0.0,0.0,-1981.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1376447,314827,Revolving loans,9000.0,180000.0,180000.0,,180000.0,THURSDAY,13,Y,1,,,,XAP,Refused,-279,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,1,Cash loans,F,N,Y,0,67500.0,544491.0,17694.0,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.002134,-19551,365243,-1113.0,-1076,,1,0,0,1,0,0,,2.0,3,3,WEDNESDAY,10,0,0,0,0,0,0,XNA,,0.029072777763675176,0.5478104658520093,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-637.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2819702,275316,Revolving loans,22500.0,450000.0,450000.0,,450000.0,THURSDAY,13,Y,1,,,,XAP,Approved,-205,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card X-Sell,-86.0,-37.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,0,112500.0,335592.0,9225.0,265500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.018634,-20632,-455,-1776.0,-537,11.0,1,1,1,1,1,0,Security staff,1.0,2,2,FRIDAY,14,0,0,0,0,1,1,Industry: type 1,,0.2413633214109832,0.42765737003502935,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-997.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1767763,228415,Consumer loans,14911.875,56250.0,56250.0,0.0,56250.0,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-1062,Cash through the bank,XAP,Unaccompanied,Refreshed,Furniture,POS,XNA,Country-wide,738,Furniture,4.0,low_normal,POS industry with interest,365243.0,-1027.0,-937.0,-937.0,-928.0,0.0,0,Cash loans,F,N,Y,0,225000.0,545040.0,19705.5,450000.0,Unaccompanied,State servant,Secondary / secondary special,Separated,House / apartment,0.018029,-20284,-6518,-5606.0,-3510,,1,1,0,1,0,0,Core staff,1.0,3,2,THURSDAY,7,0,0,0,0,0,0,Postal,,0.5735998538131012,0.6769925032909132,0.0619,0.0626,0.9801,0.728,0.0276,0.0,0.1379,0.1667,0.2083,0.0582,0.0504,0.0542,0.0,0.0,0.063,0.065,0.9801,0.7387,0.0279,0.0,0.1379,0.1667,0.2083,0.0595,0.0551,0.0564,0.0,0.0,0.0625,0.0626,0.9801,0.7316,0.0278,0.0,0.1379,0.1667,0.2083,0.0592,0.0513,0.0551,0.0,0.0,reg oper account,block of flats,0.0577,Panel,No,3.0,0.0,3.0,0.0,-1062.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1963607,390694,Consumer loans,7980.12,191560.5,171247.5,20313.0,191560.5,THURSDAY,13,Y,1,0.11548677120995,,,XAP,Approved,-2619,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,1550,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-2588.0,-1898.0,-1898.0,-1377.0,0.0,0,Cash loans,F,Y,Y,1,157500.0,1448104.5,42340.5,1264500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.005084,-20115,365243,-5492.0,-3173,15.0,1,0,0,1,0,0,,3.0,2,2,FRIDAY,9,0,0,0,0,0,0,XNA,0.8082716353493612,0.2769480121670516,0.5867400085415683,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1085.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +2710360,201969,Revolving loans,2250.0,0.0,45000.0,,,FRIDAY,8,Y,1,,,,XAP,Approved,-2796,XNA,XAP,,Repeater,XNA,Cards,x-sell,Stone,149,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,M,N,Y,0,67500.0,343800.0,12478.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.020713,-19650,-316,-4011.0,-3176,,1,1,1,1,0,0,Security staff,1.0,3,3,MONDAY,8,0,0,0,0,0,0,Business Entity Type 3,,0.17744699809352918,0.5937175866150576,0.0732,0.0319,0.9851,0.7959999999999999,0.0347,0.04,0.0345,0.3333,0.375,0.0354,0.0546,0.0419,0.0232,0.0175,0.0746,0.0331,0.9851,0.804,0.035,0.0403,0.0345,0.3333,0.375,0.0362,0.0597,0.0436,0.0233,0.0186,0.0739,0.0319,0.9851,0.7987,0.0349,0.04,0.0345,0.3333,0.375,0.036000000000000004,0.0556,0.0426,0.0233,0.0179,reg oper account,block of flats,0.0367,Panel,No,0.0,0.0,0.0,0.0,-898.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2140498,419125,Revolving loans,13500.0,270000.0,270000.0,,270000.0,WEDNESDAY,11,Y,1,,,,XAP,Approved,-240,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-240.0,-194.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,144000.0,521280.0,26743.5,450000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,Co-op apartment,0.022625,-11511,-1405,-5393.0,-114,,1,1,0,1,0,0,Sales staff,3.0,2,2,FRIDAY,8,0,0,0,1,1,0,Business Entity Type 3,0.18020920715632668,0.08203071877466063,0.6178261467332483,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-240.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1575332,420212,Cash loans,17838.63,225000.0,270891.0,,225000.0,MONDAY,11,Y,1,,,,XNA,Approved,-501,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,high,Cash X-Sell: high,365243.0,-471.0,399.0,-111.0,-103.0,1.0,0,Cash loans,M,Y,Y,0,90000.0,450000.0,30204.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.026392000000000002,-9002,-2026,-1907.0,-1660,11.0,1,1,1,1,0,0,,1.0,2,2,FRIDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.6062419202333529,0.3876253444214701,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,1.0,0.0,0.0,0.0,3.0 +1672608,336655,Consumer loans,10101.645,188284.5,221089.5,0.0,188284.5,SUNDAY,14,Y,1,0.0,,,XAP,Approved,-1272,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,1046,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1241.0,-551.0,-761.0,-754.0,0.0,0,Cash loans,M,Y,N,0,166500.0,225000.0,14647.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.031329,-10840,-3379,-3677.0,-1498,7.0,1,1,1,1,0,0,Laborers,1.0,2,2,WEDNESDAY,16,0,0,0,1,1,0,Business Entity Type 3,,0.643133141247054,0.3656165070113335,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-935.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2673680,409649,Consumer loans,9969.84,91620.0,93438.0,9162.0,91620.0,FRIDAY,8,Y,1,0.09725390749601273,,,XAP,Approved,-1534,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Stone,26,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1498.0,-1168.0,-1168.0,-1161.0,0.0,0,Cash loans,F,N,N,0,90000.0,225000.0,14377.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.0038130000000000004,-18380,-7448,-7661.0,-1906,,1,1,1,1,0,0,Core staff,2.0,2,2,TUESDAY,7,0,0,0,0,1,1,Insurance,0.6223389738058673,0.463808835653345,0.4794489811780563,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1534.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,1.0 +2044062,410986,Consumer loans,3811.68,17311.5,14305.5,3465.0,17311.5,SATURDAY,14,Y,1,0.2123575588756647,,,XAP,Approved,-1300,Cash through the bank,XAP,Unaccompanied,Refreshed,Mobile,POS,XNA,Country-wide,58,Connectivity,4.0,middle,POS mobile without interest,365243.0,-1269.0,-1179.0,-1179.0,-1173.0,0.0,0,Cash loans,F,N,Y,0,54000.0,71955.0,7632.0,67500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.010276,-19747,-3426,-5547.0,-2708,,1,1,1,1,1,0,,1.0,2,2,THURSDAY,12,0,0,0,0,0,0,Government,0.788397893170765,0.6029589789026985,0.5424451438613613,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,0.0,8.0,0.0,-1300.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1151938,348506,Consumer loans,11200.95,108540.0,120001.5,0.0,108540.0,TUESDAY,17,Y,1,0.0,,,XAP,Approved,-398,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Stone,230,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-367.0,-37.0,-37.0,-29.0,0.0,0,Cash loans,M,Y,N,0,225000.0,1546020.0,45202.5,1350000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00963,-17025,-2983,-8186.0,-557,16.0,1,1,0,1,1,0,Drivers,2.0,2,2,THURSDAY,19,0,0,0,0,0,0,Transport: type 3,,0.5155611082449432,0.3556387169923543,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,0.0,8.0,0.0,-398.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1522760,271012,Consumer loans,4505.085,99891.0,99891.0,0.0,99891.0,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-1513,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,1782,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1482.0,-792.0,-1062.0,-1057.0,0.0,0,Cash loans,F,N,Y,1,90000.0,299772.0,17338.5,247500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018029,-17185,-3607,-5422.0,-746,,1,1,0,1,0,0,Private service staff,3.0,3,2,SUNDAY,10,0,0,0,0,0,0,Self-employed,0.6597120186612206,0.580617716353303,0.7032033049040319,0.1979,0.1728,0.9881,0.8368,0.1068,0.16,0.2759,0.3333,0.2083,0.1562,0.158,0.2217,0.0154,0.0574,0.2017,0.1793,0.9881,0.8432,0.1078,0.1611,0.2759,0.3333,0.2083,0.1598,0.1726,0.231,0.0156,0.0608,0.1999,0.1728,0.9881,0.8390000000000001,0.1075,0.16,0.2759,0.3333,0.2083,0.1589,0.1608,0.2257,0.0155,0.0586,reg oper account,block of flats,0.2453,Panel,No,13.0,0.0,13.0,0.0,-1789.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2825153,357907,Consumer loans,9221.355,69201.0,66388.5,6921.0,69201.0,SUNDAY,5,Y,1,0.10281884587697612,,,XAP,Approved,-1558,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,1782,Consumer electronics,8.0,low_normal,POS household with interest,365243.0,-1527.0,-1317.0,-1317.0,-1313.0,0.0,0,Cash loans,F,N,Y,1,238500.0,894766.5,34951.5,679500.0,Unaccompanied,Working,Incomplete higher,Single / not married,House / apartment,0.018029,-12420,-2118,-1688.0,-4369,,1,1,0,1,0,0,Drivers,2.0,3,2,THURSDAY,12,0,0,0,0,0,0,Self-employed,0.5507584227691507,0.4646573071177117,0.21640296051521946,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1200.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1129855,204733,Consumer loans,7811.1,71010.0,71010.0,0.0,71010.0,WEDNESDAY,15,Y,1,0.0,,,XAP,Approved,-1435,Cash through the bank,XAP,Unaccompanied,Refreshed,Consumer Electronics,POS,XNA,Stone,489,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1402.0,-1132.0,-1192.0,-1186.0,0.0,0,Cash loans,F,Y,N,1,157500.0,521280.0,26743.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.010556,-11011,-702,-5381.0,-13,2.0,1,1,0,1,0,0,Sales staff,3.0,3,3,WEDNESDAY,15,0,0,0,0,1,1,Business Entity Type 3,0.2547424762867593,0.4256445255710765,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-3287.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2090413,206823,Cash loans,7429.005,54000.0,65691.0,0.0,54000.0,TUESDAY,16,Y,1,0.0,,,XNA,Approved,-1990,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,M,Y,Y,0,315000.0,675000.0,43267.5,675000.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.026392000000000002,-14628,-5131,-3751.0,-4811,4.0,1,1,0,1,1,0,,1.0,2,2,THURSDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.6821873600628897,0.7602573725241396,,0.4165,,0.996,,,0.72,0.3448,0.5833,,,,0.6528,,0.1521,0.4244,,0.996,,,0.725,0.3448,0.5833,,,,0.6802,,0.161,0.4205,,0.996,,,0.72,0.3448,0.5833,,,,0.6645,,0.1552,,block of flats,0.5465,Mixed,No,0.0,0.0,0.0,0.0,-1466.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2067317,233221,Cash loans,132937.02,3150000.0,3587076.0,,3150000.0,WEDNESDAY,11,Y,1,,,,XNA,Refused,-1007,Cash through the bank,VERIF,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,36.0,low_action,Cash Street: low,,,,,,,0,Cash loans,M,Y,Y,0,225000.0,112500.0,12114.0,112500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.026392000000000002,-13243,-431,-3658.0,-3799,2.0,1,1,0,1,1,1,Drivers,2.0,2,2,WEDNESDAY,18,0,0,0,0,0,0,Self-employed,0.5640449108669797,0.6605838848687839,0.5028782772082183,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1008.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,9.0 +1373813,395552,Cash loans,22306.905,180000.0,216418.5,,180000.0,FRIDAY,11,Y,1,,,,XNA,Approved,-1042,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1012.0,-682.0,-892.0,-886.0,1.0,0,Cash loans,F,N,N,0,112500.0,1236816.0,36162.0,1080000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,Municipal apartment,0.022625,-12391,-3596,-1798.0,-1017,,1,1,1,1,0,0,Medicine staff,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Other,0.8815194896904668,0.7358574510191915,0.7136313997323308,0.1608,,0.9767,,,0.0,0.069,0.1667,,0.0749,,0.0456,,0.1,0.1639,,0.9767,,,0.0,0.069,0.1667,,0.0766,,0.0475,,0.1058,0.1624,,0.9767,,,0.0,0.069,0.1667,,0.0762,,0.0464,,0.1021,,specific housing,0.0642,"Stone, brick",No,0.0,0.0,0.0,0.0,-1604.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1024531,414000,Consumer loans,6798.06,53005.5,58252.5,0.0,53005.5,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-2698,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,high,POS mobile with interest,365243.0,-2667.0,-2337.0,-2337.0,-2326.0,1.0,0,Cash loans,M,N,Y,1,135000.0,307152.0,24394.5,243000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-11672,-560,-5506.0,-4317,,1,1,0,1,0,0,High skill tech staff,3.0,2,2,TUESDAY,13,0,0,0,0,1,1,Transport: type 2,,0.613525756347574,0.5046813193144684,0.1103,0.068,0.9851,,,0.12,0.1034,0.3333,,0.0787,,0.1173,,0.0626,0.1124,0.0706,0.9851,,,0.1208,0.1034,0.3333,,0.0805,,0.1222,,0.0662,0.1114,0.068,0.9851,,,0.12,0.1034,0.3333,,0.0801,,0.1194,,0.0639,org spec account,block of flats,0.0922,Panel,No,0.0,0.0,0.0,0.0,-3242.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,0.0 +1411859,124572,Consumer loans,11794.86,57240.0,60264.0,0.0,57240.0,SUNDAY,9,Y,1,0.0,,,XAP,Approved,-648,Cash through the bank,XAP,Family,Repeater,Auto Accessories,POS,XNA,Regional / Local,50,Industry,6.0,high,POS other with interest,365243.0,-617.0,-467.0,-467.0,-459.0,0.0,0,Cash loans,F,N,Y,1,135000.0,780363.0,31077.0,697500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-15962,-3276,-6712.0,-4357,,1,1,0,1,1,0,Core staff,3.0,2,2,THURSDAY,14,0,0,0,0,0,0,Kindergarten,,0.16995295093717294,0.4992720153045617,0.0082,0.0,0.9757,0.6668,0.0008,0.0,0.0345,0.0417,0.0833,0.0084,0.0067,0.0063,0.0,0.0019,0.0084,0.0,0.9757,0.6798,0.0008,0.0,0.0345,0.0417,0.0833,0.0086,0.0073,0.0066,0.0,0.002,0.0083,0.0,0.9757,0.6713,0.0008,0.0,0.0345,0.0417,0.0833,0.0085,0.0068,0.0064,0.0,0.002,reg oper spec account,block of flats,0.0054,Wooden,Yes,0.0,0.0,0.0,0.0,-276.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1500827,167400,Cash loans,,0.0,0.0,,,TUESDAY,11,Y,1,,,,XNA,Refused,-241,XNA,HC,,Repeater,XNA,XNA,XNA,Contact center,0,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,135000.0,808650.0,26086.5,675000.0,Children,Working,Secondary / secondary special,Married,House / apartment,0.009656999999999999,-20140,-736,-6540.0,-3493,,1,1,0,1,0,0,Cleaning staff,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,Construction,0.2371019780603671,0.39552744410801904,0.2366108235287817,0.3649,0.2786,0.9846,0.7959999999999999,0.0952,0.4,0.3448,0.3333,0.375,0.212,0.2975,1.0,0.0,0.0047,0.3718,0.28300000000000003,0.9846,0.804,0.0961,0.4028,0.3448,0.3333,0.375,0.2168,0.3251,0.4016,0.0,0.0,0.3685,0.2786,0.9846,0.7987,0.0958,0.4,0.3448,0.3333,0.375,0.2157,0.3027,1.0,0.0,0.0048,reg oper account,block of flats,0.3572,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1565150,323737,Consumer loans,4649.31,37246.5,41071.5,4500.0,37246.5,SUNDAY,11,Y,1,0.10754329111196888,,,XAP,Approved,-1350,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,1655,Consumer electronics,12.0,high,POS household with interest,365243.0,-1318.0,-988.0,-1198.0,-1196.0,0.0,0,Cash loans,F,N,Y,0,112500.0,450000.0,16164.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-20829,-547,-8074.0,-3934,,1,1,1,1,1,0,Medicine staff,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,Medicine,0.8137999026663223,0.6335872761433852,0.2822484337007223,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2135.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1240717,196177,Consumer loans,12815.055,107077.5,116500.5,0.0,107077.5,SATURDAY,10,Y,1,0.0,,,XAP,Approved,-525,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Country-wide,1500,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-494.0,-224.0,-254.0,-251.0,0.0,0,Revolving loans,F,Y,Y,1,157500.0,315000.0,15750.0,315000.0,Children,Working,Higher education,Widow,House / apartment,0.007120000000000001,-13594,-3897,-949.0,-5889,11.0,1,1,0,1,0,0,Accountants,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.8207857599453138,0.723567044726903,0.5602843280409464,0.0825,0.0796,0.9781,0.7008,,0.0,0.1379,0.1667,0.0417,,0.0672,0.0706,,,0.084,0.0826,0.9782,0.7125,,0.0,0.1379,0.1667,0.0417,,0.0735,0.0736,,,0.0833,0.0796,0.9781,0.7048,,0.0,0.1379,0.1667,0.0417,,0.0684,0.0719,,,not specified,block of flats,0.0555,Panel,No,2.0,1.0,2.0,0.0,-525.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2276563,234130,Revolving loans,5625.0,112500.0,112500.0,,112500.0,FRIDAY,15,Y,1,,,,XAP,Refused,-477,XNA,HC,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,Y,N,0,180000.0,497520.0,33376.5,450000.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.01885,-12575,-3787,-766.0,-4341,64.0,1,1,1,1,1,0,Managers,1.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Other,0.6288751501798799,0.6246688263720274,0.6263042766749393,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,0.0,8.0,0.0,-768.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2036085,254766,Consumer loans,13946.13,122787.0,122787.0,0.0,122787.0,WEDNESDAY,14,Y,1,0.0,,,XAP,Approved,-140,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-98.0,172.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,247500.0,509400.0,40374.0,450000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-15487,-1520,-9590.0,-4709,,1,1,1,1,0,0,High skill tech staff,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Trade: type 6,0.6676748419687144,0.40389083853353386,0.3825018041447388,0.0165,0.0,0.9757,,,0.0,0.069,0.0417,,0.0,,0.0143,,0.0,0.0168,0.0,0.9757,,,0.0,0.069,0.0417,,0.0,,0.0149,,0.0,0.0167,0.0,0.9757,,,0.0,0.069,0.0417,,0.0,,0.0146,,0.0,,block of flats,0.0121,"Stone, brick",No,0.0,0.0,0.0,0.0,-1298.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2712673,440586,Cash loans,32017.5,900000.0,900000.0,,900000.0,THURSDAY,14,Y,1,,,,XNA,Approved,-1436,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,middle,Cash X-Sell: middle,365243.0,-1406.0,364.0,-776.0,-768.0,0.0,0,Cash loans,F,N,Y,0,315000.0,2085120.0,72607.5,1800000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-21781,365243,-2495.0,-4456,,1,0,0,1,0,0,,2.0,2,1,FRIDAY,16,0,0,0,0,0,0,XNA,0.8463135124355678,0.669367231344753,0.5190973382084597,0.1144,0.1403,0.9816,0.7484,0.0303,0.0,0.2759,0.1667,0.2083,0.1089,0.0916,0.127,0.0077,0.0172,0.1166,0.1456,0.9816,0.7583,0.0305,0.0,0.2759,0.1667,0.2083,0.1114,0.1001,0.1323,0.0078,0.0182,0.1155,0.1403,0.9816,0.7518,0.0304,0.0,0.2759,0.1667,0.2083,0.1108,0.0932,0.1293,0.0078,0.0175,,block of flats,0.1179,Panel,No,2.0,0.0,2.0,0.0,-1750.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1762655,319296,Consumer loans,3871.35,35640.0,35779.5,3564.0,35640.0,SUNDAY,16,Y,1,0.09865721148347248,,,XAP,Approved,-2188,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,55,Consumer electronics,14.0,high,POS mobile with interest,365243.0,-2157.0,-1767.0,-1767.0,-1761.0,0.0,1,Cash loans,F,N,Y,1,427500.0,592560.0,40216.5,450000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-13042,-1294,-3438.0,-3438,,1,1,0,1,0,0,Managers,3.0,1,1,THURSDAY,14,0,0,0,0,0,0,Self-employed,0.5634122834504061,0.6972448118577792,0.4794489811780563,0.0062,0.0164,0.9732,0.6328,0.012,0.0,0.0345,0.1667,0.2083,0.0,0.005,0.0524,0.0,0.0,0.0063,0.017,0.9732,0.6472,0.0121,0.0,0.0345,0.1667,0.2083,0.0,0.0055,0.0546,0.0,0.0,0.0062,0.0164,0.9732,0.6377,0.0121,0.0,0.0345,0.1667,0.2083,0.0,0.0051,0.0534,0.0,0.0,org spec account,block of flats,0.0412,"Stone, brick",No,6.0,0.0,6.0,0.0,-2188.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1245769,269984,Cash loans,29901.285,270000.0,284611.5,,270000.0,FRIDAY,16,Y,1,,,,XNA,Approved,-580,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-550.0,-220.0,-370.0,-361.0,1.0,1,Cash loans,M,Y,Y,0,180000.0,675000.0,53460.0,675000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.019101,-20578,365243,-4950.0,-4137,3.0,1,0,0,1,0,0,,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,XNA,,0.7660947039456243,0.4614823912998385,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-2538.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2594400,131559,Consumer loans,3450.645,34514.1,31059.0,3455.1,34514.1,THURSDAY,11,Y,1,0.10902552869696724,,,XAP,Approved,-2626,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Regional / Local,25,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2591.0,-2321.0,-2321.0,-2315.0,0.0,0,Cash loans,F,N,Y,0,135000.0,239850.0,23494.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-24795,365243,-6001.0,-4390,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,XNA,,0.6959831275398579,0.6894791426446275,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-302.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1980902,418667,Cash loans,15560.505,229500.0,254340.0,,229500.0,SUNDAY,16,Y,1,,,,XNA,Approved,-536,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-506.0,184.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,90000.0,975456.0,45333.0,801000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-20745,365243,-13866.0,-4175,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,XNA,,0.5521407613562346,0.7544061731797895,0.0732,0.0748,0.9767,0.6804,0.0079,0.0,0.1379,0.1667,0.2083,0.0664,0.0597,0.0628,0.0,0.0,0.0746,0.0776,0.9767,0.6929,0.008,0.0,0.1379,0.1667,0.2083,0.0679,0.0652,0.0654,0.0,0.0,0.0739,0.0748,0.9767,0.6847,0.008,0.0,0.1379,0.1667,0.2083,0.0676,0.0607,0.0639,0.0,0.0,reg oper account,block of flats,0.0494,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1027183,319071,Cash loans,33512.085,454500.0,481495.5,,454500.0,SUNDAY,9,Y,1,,,,XNA,Approved,-467,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-437.0,73.0,-317.0,-313.0,1.0,0,Cash loans,F,N,Y,0,360000.0,895500.0,85158.0,895500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-22015,365243,-11496.0,-4007,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,XNA,,0.7537695226388539,0.7366226976503176,0.068,0.0751,0.9945,0.9252,0.0,0.08,0.0345,0.4583,0.5,0.0071,0.0521,0.1027,0.0154,0.0325,0.0693,0.0779,0.9945,0.9281,0.0,0.0806,0.0345,0.4583,0.5,0.0073,0.0569,0.107,0.0156,0.0344,0.0687,0.0751,0.9945,0.9262,0.0,0.08,0.0345,0.4583,0.5,0.0072,0.053,0.1046,0.0155,0.0332,reg oper account,block of flats,0.1033,"Stone, brick",No,4.0,0.0,4.0,0.0,-700.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2536325,265240,Consumer loans,1616.85,16173.0,14553.0,1620.0,16173.0,SUNDAY,14,Y,1,0.1090909090909091,,,XAP,Approved,-1793,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,951,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1762.0,-1492.0,-1492.0,-1485.0,0.0,0,Cash loans,M,Y,N,0,202500.0,450000.0,18328.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.009334,-12388,-4671,-6480.0,-4833,1.0,1,1,1,1,0,0,Laborers,2.0,2,2,MONDAY,9,0,0,0,0,0,0,Trade: type 2,,0.5696159316737935,0.4632753280912678,0.0082,0.0,0.9583,0.4288,0.0011,0.0,0.069,0.0417,0.0833,0.0063,0.0067,0.0097,0.0,0.0,0.0084,0.0,0.9583,0.4512,0.0011,0.0,0.069,0.0417,0.0833,0.0064,0.0073,0.0101,0.0,0.0,0.0083,0.0,0.9583,0.4364,0.0011,0.0,0.069,0.0417,0.0833,0.0064,0.0068,0.0099,0.0,0.0,reg oper account,block of flats,0.0083,Wooden,Yes,9.0,0.0,9.0,0.0,-1351.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,3.0 +1714917,134103,Revolving loans,20250.0,405000.0,405000.0,,405000.0,SATURDAY,15,Y,1,,,,XAP,Approved,-283,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-281.0,-233.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,261000.0,891072.0,37881.0,720000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.018801,-11705,-3127,-5290.0,-4047,8.0,1,1,0,1,0,0,Laborers,1.0,2,2,TUESDAY,16,0,0,0,1,1,0,Business Entity Type 3,0.2098196767348645,0.5972547475331572,,0.0165,0.0,0.9801,,,0.0,0.069,0.0417,,0.0,,0.0092,,0.0176,0.0168,0.0,0.9801,,,0.0,0.069,0.0417,,0.0,,0.0096,,0.0186,0.0167,0.0,0.9801,,,0.0,0.069,0.0417,,0.0,,0.0094,,0.018000000000000002,,block of flats,0.0111,Block,No,0.0,0.0,0.0,0.0,-1937.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2299971,421916,Consumer loans,8143.875,58194.0,42750.0,17460.0,58194.0,THURSDAY,6,Y,1,0.3158200842505773,,,XAP,Approved,-1398,Cash through the bank,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Country-wide,300,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1366.0,-1216.0,-1216.0,-1213.0,0.0,0,Cash loans,F,Y,N,0,337500.0,708484.5,76432.5,652500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.0038130000000000004,-13895,-941,-1737.0,-1735,16.0,1,1,0,1,0,0,Managers,2.0,2,2,TUESDAY,7,0,0,0,0,1,1,Self-employed,0.5286137488883108,0.17178387368888307,0.4902575124990026,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1398.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1620950,394756,Consumer loans,71924.985,394110.0,407115.0,0.0,394110.0,MONDAY,9,Y,1,0.0,,,XAP,Approved,-787,XNA,XAP,,New,Furniture,POS,XNA,Regional / Local,63,Furniture,6.0,low_normal,POS industry with interest,365243.0,-754.0,-604.0,-634.0,-627.0,0.0,0,Cash loans,F,Y,Y,0,270000.0,513040.5,50872.5,472500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.001276,-23357,-12450,-918.0,-4822,17.0,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,4,0,0,0,0,0,0,Business Entity Type 2,,0.5283174027544615,0.7032033049040319,0.0278,0.0416,0.9871,0.8232,0.0473,0.0,0.069,0.1667,0.2083,0.0284,0.0227,0.0284,0.0039,0.016,0.0284,0.0431,0.9871,0.8301,0.0477,0.0,0.069,0.1667,0.2083,0.029,0.0248,0.0296,0.0039,0.017,0.0281,0.0416,0.9871,0.8256,0.0476,0.0,0.069,0.1667,0.2083,0.0289,0.0231,0.029,0.0039,0.0163,reg oper spec account,block of flats,0.0311,Panel,No,0.0,0.0,0.0,0.0,-787.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1180804,363205,Consumer loans,4128.075,22495.5,20245.5,2250.0,22495.5,WEDNESDAY,15,Y,1,0.1089308770845078,,,XAP,Approved,-1539,XNA,XAP,Children,Repeater,Mobile,POS,XNA,Stone,54,Connectivity,6.0,high,POS household with interest,365243.0,-1500.0,-1350.0,-1350.0,-1346.0,0.0,0,Cash loans,F,Y,Y,0,90000.0,239850.0,23494.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-17393,-1274,-9237.0,-845,7.0,1,1,1,1,1,0,Laborers,2.0,2,2,TUESDAY,13,0,1,1,0,1,1,Business Entity Type 1,,0.4689080820784486,0.5046813193144684,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-11.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1861265,313278,Consumer loans,16440.48,127039.5,122908.5,13500.0,127039.5,TUESDAY,7,Y,1,0.1077845388867062,,,XAP,Approved,-1856,XNA,XAP,Children,Repeater,Computers,POS,XNA,Stone,312,Consumer electronics,10.0,high,POS household with interest,365243.0,-1825.0,-1555.0,-1555.0,-1550.0,0.0,0,Revolving loans,F,N,Y,0,117000.0,315000.0,15750.0,315000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.010032,-23039,365243,-12975.0,-4271,,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,,0.7144666885043162,0.16640554618393638,0.2227,,0.9826,,,0.24,0.2069,0.25,,,,0.2194,,,0.2269,,0.9826,,,0.2417,0.2069,0.1667,,,,0.2286,,,0.2248,,0.9826,,,0.24,0.2069,0.25,,,,0.2233,,,,block of flats,0.2011,"Stone, brick",No,0.0,0.0,0.0,0.0,-1484.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1683710,135905,Consumer loans,14727.87,150237.0,145921.5,15025.5,150237.0,FRIDAY,7,Y,1,0.10167406322917144,,,XAP,Approved,-186,XNA,XAP,,Repeater,Audio/Video,POS,XNA,Regional / Local,24,Connectivity,12.0,middle,POS mobile with interest,365243.0,-128.0,202.0,-68.0,-58.0,0.0,0,Cash loans,F,N,N,1,135000.0,450000.0,35554.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.010032,-15941,-678,-1007.0,-1098,,1,1,1,1,0,0,Medicine staff,3.0,2,2,SUNDAY,4,0,0,0,0,0,0,Medicine,0.6810171637244439,0.3710175387932856,0.2707073872651806,0.0732,0.0855,0.9816,0.7484,0.0435,0.0,0.1379,0.1667,0.2083,0.0495,0.0572,0.0418,0.0116,0.0733,0.0746,0.0887,0.9816,0.7583,0.0439,0.0,0.1379,0.1667,0.2083,0.0506,0.0624,0.0435,0.0117,0.0776,0.0739,0.0855,0.9816,0.7518,0.0438,0.0,0.1379,0.1667,0.2083,0.0504,0.0581,0.0425,0.0116,0.0749,reg oper account,block of flats,0.075,"Stone, brick",No,0.0,0.0,0.0,0.0,-467.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +2332400,110070,Consumer loans,865.395,8325.0,7321.5,1665.0,8325.0,SATURDAY,12,Y,1,0.20178449492420444,,,XAP,Approved,-2047,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,5,Connectivity,12.0,high,POS mobile with interest,365243.0,-2016.0,-1686.0,-1746.0,-1738.0,0.0,0,Cash loans,F,Y,Y,0,108000.0,1147500.0,33682.5,1147500.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.015221,-19203,365243,-5219.0,-2724,9.0,1,0,0,1,1,0,,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,XNA,0.6705517271996398,0.6379219282812967,0.14024318370802974,0.066,0.0786,0.9737,0.6396,,0.0,0.1379,0.125,0.0417,0.0406,0.0538,0.0506,0.0,0.0,0.0672,0.0816,0.9737,0.6537,,0.0,0.1379,0.125,0.0417,0.0416,0.0588,0.0527,0.0,0.0,0.0666,0.0786,0.9737,0.6444,,0.0,0.1379,0.125,0.0417,0.0413,0.0547,0.0515,0.0,0.0,reg oper account,block of flats,0.0429,Block,No,7.0,0.0,7.0,0.0,-2047.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1106716,276606,Consumer loans,13112.685,131143.5,118026.0,13117.5,131143.5,SUNDAY,10,Y,1,0.10893525031740034,,,XAP,Approved,-1724,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Stone,440,Consumer electronics,11.0,middle,POS household with interest,365243.0,-1693.0,-1393.0,-1393.0,-1388.0,0.0,0,Cash loans,F,N,N,0,112500.0,720000.0,28548.0,720000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.031329,-19882,-3180,-3583.0,-3429,,1,1,1,1,1,0,High skill tech staff,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Construction,0.6603526873649763,0.7010028437824639,0.6848276586890367,0.0732,0.0513,0.995,0.932,0.0249,0.08,0.069,0.3333,0.375,0.0132,0.0597,0.0435,0.0,0.0,0.0746,0.0532,0.995,0.9347,0.0252,0.0806,0.069,0.3333,0.375,0.0135,0.0652,0.0454,0.0,0.0,0.0739,0.0513,0.995,0.9329,0.0251,0.08,0.069,0.3333,0.375,0.0134,0.0607,0.0443,0.0,0.0,reg oper account,block of flats,0.0602,"Stone, brick",No,2.0,0.0,2.0,0.0,-1724.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2480593,167209,Consumer loans,7514.235,75150.0,67635.0,7515.0,75150.0,SATURDAY,10,Y,1,0.1089090909090909,,,XAP,Approved,-2511,XNA,XAP,Family,New,Furniture,POS,XNA,Stone,917,Furniture,10.0,low_normal,POS industry with interest,365243.0,-2477.0,-2207.0,-2207.0,-2202.0,0.0,0,Cash loans,F,N,Y,0,315000.0,1525482.0,42079.5,1363500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010032,-17438,-4019,-758.0,-962,,1,1,0,1,0,0,Medicine staff,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Medicine,,0.6180940120107127,0.7016957740576931,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2241.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2054254,400008,Consumer loans,5078.52,39150.0,37507.5,4500.0,39150.0,WEDNESDAY,14,Y,1,0.1166674782100599,,,XAP,Approved,-2215,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,40,Connectivity,10.0,high,POS mobile with interest,365243.0,-2184.0,-1914.0,-1914.0,-1700.0,0.0,0,Cash loans,F,N,Y,0,216000.0,260640.0,25519.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00702,-18571,-2970,-5750.0,-1753,,1,1,0,1,0,0,Medicine staff,2.0,2,2,SATURDAY,11,0,0,0,0,1,1,Medicine,,0.5330883087099235,0.5334816299804352,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2215.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,0.0 +2323893,346534,Cash loans,55511.1,1800000.0,2013840.0,,1800000.0,WEDNESDAY,8,Y,1,,,,Repairs,Refused,-184,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,Y,Y,0,135000.0,738000.0,21577.5,738000.0,Unaccompanied,Working,Secondary / secondary special,Married,Rented apartment,0.015221,-17484,-4413,-8211.0,-925,7.0,1,1,0,1,0,0,Security staff,2.0,2,2,FRIDAY,8,0,0,0,0,0,0,Medicine,0.6004998187730336,0.5010843271620167,0.3233112448967859,0.1113,0.0826,0.9891,0.8504,,0.12,0.1034,0.3333,0.0417,0.0664,,0.1099,,0.0012,0.1134,0.0857,0.9891,0.8563,,0.1208,0.1034,0.3333,0.0417,0.068,,0.1145,,0.0012,0.1124,0.0826,0.9891,0.8524,,0.12,0.1034,0.3333,0.0417,0.0676,,0.1118,,0.0012,reg oper account,block of flats,0.0983,Panel,No,0.0,0.0,0.0,0.0,-1411.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,8.0 +2732281,253903,Cash loans,10940.985,90000.0,101880.0,,90000.0,SATURDAY,17,Y,1,,,,Other,Refused,-166,Cash through the bank,VERIF,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,middle,Cash Street: middle,,,,,,,1,Cash loans,F,N,N,4,135000.0,239850.0,25830.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.04622,-15642,-1186,-4468.0,-4466,,1,1,0,1,0,0,,6.0,1,1,WEDNESDAY,15,0,1,1,0,1,1,Business Entity Type 3,,0.5279849792553388,0.7062051096536562,0.0557,0.0768,0.9831,0.7688,,0.04,0.3103,0.3333,0.375,0.0558,0.0454,0.0958,0.0,0.0,0.0567,0.0797,0.9831,0.7779,,0.0403,0.3103,0.3333,0.375,0.057,0.0496,0.0998,0.0,0.0,0.0562,0.0768,0.9831,0.7719,,0.04,0.3103,0.3333,0.375,0.0567,0.0462,0.0975,0.0,0.0,reg oper account,block of flats,0.0753,"Stone, brick",No,2.0,1.0,2.0,1.0,-517.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1498643,255197,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,15,Y,1,,,,XAP,Approved,-360,XNA,XAP,"Spouse, partner",Repeater,XNA,Cards,walk-in,Country-wide,200,Consumer electronics,0.0,XNA,Card Street,-304.0,-258.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,112500.0,331920.0,14193.0,225000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.018801,-13909,-107,-113.0,-1508,6.0,1,1,0,1,0,1,Core staff,2.0,2,2,SATURDAY,9,0,0,0,1,1,0,School,0.5977951457470325,0.5989000451024897,0.5602843280409464,0.0186,0.0464,0.9841,0.7824,0.03,0.0,0.1034,0.0417,0.0833,0.0436,0.0151,0.0169,0.0695,0.0754,0.0189,0.0481,0.9841,0.7909,0.0302,0.0,0.1034,0.0417,0.0833,0.0446,0.0165,0.0176,0.07,0.0798,0.0187,0.0464,0.9841,0.7853,0.0302,0.0,0.1034,0.0417,0.0833,0.0444,0.0154,0.0172,0.0699,0.0769,,block of flats,0.0297,Block,No,8.0,1.0,8.0,0.0,-1023.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,3.0 +2798063,122063,Consumer loans,3506.985,31455.0,28305.0,3150.0,31455.0,SATURDAY,11,Y,1,0.10906489790609963,,,XAP,Approved,-1796,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Stone,90,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1762.0,-1492.0,-1492.0,-836.0,0.0,0,Cash loans,M,Y,N,0,126000.0,508495.5,19894.5,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-22947,365243,-6956.0,-4123,22.0,1,0,0,1,1,0,,2.0,2,2,TUESDAY,21,0,0,0,0,0,0,XNA,,0.6976139744616511,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1796.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2700497,384310,Consumer loans,7988.535,67225.5,75699.0,6723.0,67225.5,THURSDAY,18,Y,1,0.08883499771684965,,,XAP,Approved,-754,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,20,Connectivity,12.0,middle,POS mobile with interest,365243.0,-721.0,-391.0,-541.0,-534.0,0.0,0,Cash loans,F,Y,Y,0,369000.0,715095.0,55471.5,675000.0,Unaccompanied,Working,Incomplete higher,Civil marriage,House / apartment,0.008575,-12786,-261,-167.0,-4574,12.0,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.4997995107320069,0.7733424821125403,0.5744466170995097,0.1077,0.1007,0.9786,0.7076,,0.0,0.2414,0.1667,0.2083,,0.0878,0.0696,0.0,0.0,0.0945,0.1033,0.9786,0.7190000000000001,,0.0,0.2069,0.1667,0.2083,,0.0826,0.0632,0.0,0.0,0.1088,0.1007,0.9786,0.7115,,0.0,0.2414,0.1667,0.2083,,0.0894,0.0709,0.0,0.0,reg oper account,block of flats,0.0688,Panel,No,3.0,0.0,3.0,0.0,-754.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2627636,404398,Cash loans,8272.755,135000.0,152820.0,,135000.0,THURSDAY,10,Y,1,,,,XNA,Approved,-333,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Stone,30,Consumer electronics,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,139500.0,469152.0,22698.0,405000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.015221,-20816,365243,-2331.0,-2853,,1,0,0,1,0,0,,1.0,2,2,MONDAY,12,0,0,0,0,0,0,XNA,,0.6191155494312557,0.4650692149562261,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-333.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2478851,287995,Consumer loans,19022.355,161955.0,158652.0,16195.5,161955.0,SUNDAY,12,Y,1,0.10087860460219224,,,XAP,Approved,-2246,XNA,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Stone,950,Consumer electronics,12.0,high,POS household with interest,365243.0,-2215.0,-1885.0,-1975.0,-1966.0,0.0,0,Revolving loans,F,N,Y,0,99000.0,337500.0,16875.0,337500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.035792000000000004,-17780,-3178,-6101.0,-1338,,1,1,1,1,1,0,,1.0,2,2,SATURDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.5472367105550625,0.6894791426446275,0.1753,0.0823,0.9871,0.8232,,0.08,0.0345,0.3333,,0.0637,,0.081,,0.0305,0.1786,0.0854,0.9871,0.8301,,0.0806,0.0345,0.3333,,0.0651,,0.0756,,0.0,0.177,0.0823,0.9871,0.8256,,0.08,0.0345,0.3333,,0.0648,,0.0825,,0.0312,,block of flats,0.0704,Monolithic,No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1248709,300604,Consumer loans,13772.7,150390.0,150390.0,0.0,150390.0,SATURDAY,18,Y,1,0.0,,,XAP,Approved,-410,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Regional / Local,100,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-379.0,-49.0,-109.0,-101.0,0.0,0,Cash loans,F,N,Y,0,67500.0,67500.0,3375.0,67500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-23445,365243,-4873.0,-3647,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,XNA,,0.19445820228831767,0.8193176922872417,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2727194,297319,Consumer loans,7262.595,144072.0,160357.5,0.0,144072.0,THURSDAY,11,Y,1,0.0,,,XAP,Approved,-999,Cash through the bank,XAP,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Country-wide,3500,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-968.0,-278.0,-278.0,-275.0,0.0,0,Cash loans,F,N,Y,1,180000.0,474048.0,24331.5,360000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.004849,-12261,-115,-4718.0,-2713,,1,1,0,1,0,0,Core staff,3.0,2,2,TUESDAY,17,0,0,0,0,0,0,Kindergarten,0.711783834248925,0.387769697254916,0.5602843280409464,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-132.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +1676081,208395,Consumer loans,3191.175,70758.0,70758.0,0.0,70758.0,MONDAY,16,Y,1,0.0,,,XAP,Approved,-1632,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,1200,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1601.0,-911.0,-1271.0,-1268.0,0.0,1,Revolving loans,M,N,Y,2,450000.0,900000.0,45000.0,900000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.018801,-12298,-198,-1741.0,-1034,,1,1,0,1,0,0,Managers,4.0,2,2,TUESDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.3970917453247128,0.445396241560834,0.067,0.0072,0.9603,,,0.0,0.1724,0.125,,,,0.0587,,0.0569,0.0683,0.0074,0.9603,,,0.0,0.1724,0.125,,,,0.0612,,0.0602,0.0677,0.0072,0.9603,,,0.0,0.1724,0.125,,,,0.0598,,0.0581,,block of flats,0.0672,"Stone, brick",No,0.0,0.0,0.0,0.0,-98.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2653252,326077,Cash loans,20876.805,270000.0,299223.0,,270000.0,TUESDAY,8,Y,1,,,,XNA,Approved,-596,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-566.0,124.0,-86.0,-80.0,1.0,0,Cash loans,M,Y,Y,0,202500.0,1019610.0,33696.0,913500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.0038130000000000004,-18852,-2461,-908.0,-2407,1.0,1,1,0,1,0,0,Drivers,2.0,2,2,WEDNESDAY,8,0,0,0,0,1,1,Government,,0.2278467637690788,0.646329897706246,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1716913,262253,Consumer loans,11441.925,43479.0,43479.0,0.0,43479.0,MONDAY,5,Y,1,0.0,,,XAP,Approved,-182,XNA,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Regional / Local,2,Furniture,4.0,low_normal,POS industry without interest,365243.0,-152.0,-62.0,-122.0,-113.0,0.0,0,Cash loans,F,Y,Y,2,382500.0,675000.0,69165.0,675000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.014464,-11008,-675,-3597.0,-3073,17.0,1,1,0,1,0,0,Sales staff,4.0,2,2,MONDAY,9,0,0,0,0,0,0,Telecom,,0.5329086869410621,0.520897599048938,0.0711,0.0597,0.9881,0.8368,0.0475,0.0,0.1379,0.2083,0.25,0.058,0.0572,0.0629,0.0039,0.0093,0.0725,0.0619,0.9881,0.8432,0.0479,0.0,0.1379,0.2083,0.25,0.0594,0.0624,0.0655,0.0039,0.0098,0.0718,0.0597,0.9881,0.8390000000000001,0.0478,0.0,0.1379,0.2083,0.25,0.0591,0.0581,0.064,0.0039,0.0095,reg oper account,block of flats,0.0515,"Stone, brick",No,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1185511,166240,Consumer loans,6666.84,40005.0,37602.0,2403.0,40005.0,WEDNESDAY,17,Y,1,0.06541895899376217,,,XAP,Approved,-2508,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,2515,Consumer electronics,6.0,low_normal,POS household without interest,365243.0,-2477.0,-2327.0,-2327.0,-2322.0,0.0,0,Cash loans,F,Y,Y,0,112500.0,254700.0,25321.5,225000.0,Family,Working,Higher education,Separated,House / apartment,0.022625,-12522,-4220,-2674.0,-4186,7.0,1,1,1,1,1,0,Accountants,1.0,2,2,FRIDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.8378710344113357,0.6571581809509164,,0.3670000000000001,0.1867,0.9861,0.8096,0.1354,0.44,0.3793,0.3333,0.375,0.2693,0.2992,0.4005,0.0,0.0,0.3739,0.1938,0.9861,0.8171,0.1366,0.4431,0.3793,0.3333,0.375,0.2754,0.3269,0.4173,0.0,0.0,0.3706,0.1867,0.9861,0.8121,0.1362,0.44,0.3793,0.3333,0.375,0.274,0.3044,0.4077,0.0,0.0,reg oper account,block of flats,0.388,Panel,No,4.0,0.0,4.0,0.0,-2648.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1301376,129927,Cash loans,9933.93,67500.0,82611.0,,67500.0,FRIDAY,17,Y,1,,,,XNA,Approved,-950,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,12.0,high,Cash Street: high,365243.0,-914.0,-584.0,-764.0,-759.0,0.0,0,Cash loans,F,N,Y,0,351000.0,1724220.0,50544.0,1350000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.022625,-19170,-4743,-2835.0,-432,,1,1,0,1,0,0,Core staff,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,School,0.5077102623707801,0.5480330499892356,0.3233112448967859,0.1485,0.0,0.9762,0.6736,0.0235,0.0,0.069,0.1667,0.2083,0.0263,0.121,0.0658,0.0,0.0591,0.1513,0.0,0.9762,0.6864,0.0237,0.0,0.069,0.1667,0.2083,0.0269,0.1322,0.0685,0.0,0.0625,0.1499,0.0,0.9762,0.6779999999999999,0.0236,0.0,0.069,0.1667,0.2083,0.0268,0.1231,0.0669,0.0,0.0603,reg oper account,block of flats,0.0646,Block,No,0.0,0.0,0.0,0.0,-1519.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2523413,383868,Consumer loans,7404.21,137349.0,161280.0,0.0,137349.0,FRIDAY,13,Y,1,0.0,,,XAP,Approved,-1304,Cash through the bank,XAP,Children,New,Computers,POS,XNA,Country-wide,1000,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1273.0,-583.0,-583.0,-581.0,0.0,0,Cash loans,F,N,Y,0,270000.0,231097.5,15574.5,175500.0,Unaccompanied,State servant,Higher education,Civil marriage,House / apartment,0.020713,-17243,-4835,-4819.0,-802,,1,1,0,1,0,0,Core staff,2.0,3,3,SUNDAY,8,0,0,0,0,0,0,Government,,0.5745409115675183,0.5937175866150576,0.0165,0.0258,0.9727,0.626,0.0018,0.0,0.069,0.0417,0.0833,0.0206,0.0134,0.0112,,0.0,0.0168,0.0267,0.9727,0.6406,0.0018,0.0,0.069,0.0417,0.0833,0.0211,0.0147,0.0117,,0.0,0.0167,0.0258,0.9727,0.631,0.0018,0.0,0.069,0.0417,0.0833,0.021,0.0137,0.0114,,0.0,reg oper account,block of flats,0.0098,Wooden,Yes,1.0,0.0,1.0,0.0,-1304.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2120365,194936,Cash loans,32681.25,225000.0,275373.0,,225000.0,SATURDAY,11,Y,1,,,,Buying a used car,Approved,-752,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),4,XNA,12.0,high,Cash Street: high,365243.0,-722.0,-392.0,-392.0,-387.0,1.0,0,Cash loans,M,Y,N,2,54000.0,225000.0,15034.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.015221,-12931,-160,-6069.0,-4250,10.0,1,1,0,1,1,0,,3.0,2,2,TUESDAY,9,0,0,0,0,0,0,Transport: type 4,,0.5634350122463097,0.6006575372857061,0.1216,0.1058,0.9811,0.7416,0.0497,0.0,0.2759,0.1667,0.2083,0.1178,0.0992,0.1139,0.0,0.0,0.1239,0.1098,0.9811,0.7517,0.0501,0.0,0.2759,0.1667,0.2083,0.1205,0.1084,0.1187,0.0,0.0,0.1228,0.1058,0.9811,0.7451,0.05,0.0,0.2759,0.1667,0.2083,0.1198,0.1009,0.116,0.0,0.0,reg oper spec account,block of flats,0.1031,Panel,No,2.0,1.0,2.0,1.0,-752.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1761697,425513,Consumer loans,16058.88,160605.0,144544.5,16060.5,160605.0,WEDNESDAY,16,Y,1,0.1089090909090909,,,XAP,Approved,-2744,XNA,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,93,Construction,10.0,low_normal,POS household without interest,365243.0,-2712.0,-2442.0,-2442.0,-2432.0,0.0,0,Cash loans,M,Y,N,0,180000.0,1287000.0,42534.0,1287000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-21028,-6894,-3298.0,-1870,14.0,1,1,0,1,1,0,Drivers,2.0,2,2,WEDNESDAY,11,0,0,0,0,1,1,Business Entity Type 3,0.5084813074095602,0.6495163384532108,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2216.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2498172,339376,Cash loans,5491.44,112500.0,142200.0,,112500.0,SUNDAY,15,Y,1,,,,XNA,Refused,-278,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,108000.0,604152.0,29196.0,540000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-16818,-3347,-9475.0,-370,,1,1,1,1,1,0,Laborers,2.0,2,2,FRIDAY,8,0,0,0,0,0,0,Postal,0.6688173229638555,0.6306938866842928,0.1895952597360396,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-3134.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1778457,426735,Cash loans,29182.815,922500.0,1056447.0,,922500.0,FRIDAY,15,Y,1,,,,Repairs,Refused,-218,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,Y,Y,0,315000.0,835605.0,29736.0,697500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-19441,-2280,-1491.0,-2955,3.0,1,1,0,1,0,0,,2.0,2,2,SATURDAY,14,0,0,0,0,1,1,Hotel,,0.6509834409492751,0.1852020815902493,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,0.0,-1174.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,8.0 +1618051,378612,Cash loans,15698.205,157500.0,167895.0,,157500.0,SATURDAY,13,Y,1,,,,XNA,Approved,-370,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-340.0,-10.0,-10.0,-5.0,1.0,0,Cash loans,F,N,Y,0,171000.0,259794.0,26748.0,229500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.0105,-20887,365243,-177.0,-4172,,1,0,0,1,0,0,,1.0,3,3,FRIDAY,16,0,0,0,0,0,0,XNA,,0.6515496254020414,0.42589289800515295,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-2357.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2080047,237908,Consumer loans,5011.56,26437.5,24970.5,2646.0,26437.5,SATURDAY,6,Y,1,0.10434828980698296,,,XAP,Approved,-2476,XNA,XAP,Family,New,Mobile,POS,XNA,Stone,50,Construction,6.0,high,POS industry with interest,365243.0,-2445.0,-2295.0,-2295.0,-2286.0,1.0,0,Revolving loans,F,N,Y,0,76500.0,247500.0,12375.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-19191,-5712,-9500.0,-2646,,1,1,1,1,1,0,,2.0,3,3,THURSDAY,7,0,0,0,0,0,0,Business Entity Type 3,,0.0346801410082532,0.6430255641096323,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-511.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2499278,293827,Revolving loans,16875.0,337500.0,337500.0,,337500.0,TUESDAY,13,Y,1,,,,XAP,Approved,-217,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-214.0,-167.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,180000.0,1293502.5,35698.5,1129500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.005313,-14947,-4502,-5636.0,-4530,,1,1,0,1,0,0,Sales staff,3.0,2,2,TUESDAY,10,0,0,0,0,1,1,Self-employed,0.7599136681021698,0.7039051544674951,0.6246146584503397,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-217.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1779397,357223,Consumer loans,9080.1,90810.0,81729.0,9081.0,90810.0,MONDAY,11,Y,1,0.1089090909090909,,,XAP,Approved,-1940,XNA,XAP,Children,Repeater,Computers,POS,XNA,Stone,20,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1909.0,-1639.0,-1639.0,-1633.0,0.0,0,Cash loans,F,N,Y,1,144000.0,343800.0,12478.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.005002,-17881,365243,-10588.0,-1435,,1,0,0,1,0,0,,2.0,3,3,TUESDAY,12,0,0,0,0,0,0,XNA,0.7759961273505586,0.5598979118974641,0.5989262182569273,0.1021,0.0888,0.9841,0.7824,0.0126,0.0,0.2069,0.1667,0.2083,0.0984,0.0807,0.0896,0.0116,0.0149,0.104,0.0921,0.9841,0.7909,0.0127,0.0,0.2069,0.1667,0.2083,0.1007,0.0882,0.0934,0.0117,0.0158,0.1031,0.0888,0.9841,0.7853,0.0127,0.0,0.2069,0.1667,0.2083,0.1002,0.0821,0.0912,0.0116,0.0152,reg oper account,block of flats,0.0806,Panel,No,5.0,0.0,5.0,0.0,-1850.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2292877,171691,Consumer loans,4212.045,26325.0,23692.5,2632.5,26325.0,SUNDAY,8,Y,1,0.1089090909090909,,,XAP,Approved,-248,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Stone,83,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-203.0,-53.0,-53.0,-45.0,0.0,1,Cash loans,F,N,Y,0,28575.0,152820.0,15241.5,135000.0,Children,Pensioner,Secondary / secondary special,Widow,House / apartment,0.030755,-20454,365243,-3890.0,-3954,,1,0,0,1,1,0,,1.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,XNA,,0.16219210595922867,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-248.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2159323,168792,Consumer loans,13492.755,123187.725,135382.5,0.225,123187.725,SATURDAY,12,Y,1,1.810020108144923e-06,,,XAP,Approved,-1843,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,130,Consumer electronics,12.0,middle,POS household without interest,365243.0,-1812.0,-1482.0,-1482.0,-1478.0,0.0,0,Revolving loans,F,N,N,0,247500.0,225000.0,11250.0,225000.0,Unaccompanied,Working,Higher education,Single / not married,Office apartment,0.022625,-16129,-6258,-6194.0,-4568,,1,1,0,1,0,0,,1.0,2,2,MONDAY,11,0,0,0,0,0,0,Other,,0.4366117259541611,0.7544061731797895,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1843.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1584846,253428,Cash loans,43197.975,630000.0,673245.0,,630000.0,FRIDAY,9,Y,1,,,,XNA,Approved,-1405,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-1375.0,-685.0,-715.0,-701.0,1.0,1,Cash loans,M,Y,N,0,675000.0,1187370.0,115803.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010147,-17101,-260,-6546.0,-644,6.0,1,1,0,1,0,1,Managers,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Industry: type 1,,0.6081560431018048,0.3723336657058204,0.1763,0.0892,0.9836,0.7756,0.0376,0.16,0.1379,0.3333,0.375,0.0897,0.1437,0.1557,0.0,0.0,0.1796,0.0925,0.9836,0.7844,0.038,0.1611,0.1379,0.3333,0.375,0.0918,0.157,0.1622,0.0,0.0,0.17800000000000002,0.0892,0.9836,0.7786,0.0379,0.16,0.1379,0.3333,0.375,0.0913,0.1462,0.1585,0.0,0.0,reg oper spec account,block of flats,0.14300000000000002,Panel,No,0.0,0.0,0.0,0.0,-1405.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2076940,341176,Cash loans,51965.82,450000.0,470790.0,,450000.0,MONDAY,13,Y,1,,,,XNA,Approved,-681,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-651.0,-321.0,-321.0,-318.0,1.0,0,Cash loans,F,Y,N,0,202500.0,450000.0,36211.5,450000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.028663,-10097,-2014,-271.0,-2735,4.0,1,1,0,1,0,0,Accountants,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Self-employed,0.3652143507402297,0.5736212474363416,0.4471785780453068,,,0.9717,,,,,,,,,0.008,,,,,0.9717,,,,,,,,,0.0084,,,,,0.9717,,,,,,,,,0.0082,,,,block of flats,0.0063,,No,0.0,0.0,0.0,0.0,-1471.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1644664,221369,Revolving loans,31500.0,630000.0,630000.0,,630000.0,WEDNESDAY,10,Y,1,,,,XAP,Approved,-559,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-539.0,-509.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,1,202500.0,1078200.0,31653.0,900000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.032561,-13179,-2215,-1911.0,-469,,1,1,0,1,1,0,Core staff,3.0,1,1,TUESDAY,19,0,0,0,0,0,0,Mobile,0.4257861268647005,0.7486158328715714,,0.1134,0.0482,0.9816,,,0.08,0.0345,0.625,,,,0.1107,,0.0094,0.1155,0.0501,0.9816,,,0.0806,0.0345,0.625,,,,0.1153,,0.0099,0.1145,0.0482,0.9816,,,0.08,0.0345,0.625,,,,0.1126,,0.0096,,block of flats,0.0891,"Stone, brick",No,0.0,0.0,0.0,0.0,-1168.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,1.0,1.0,0.0,1.0,2.0 +2307077,113414,Consumer loans,9975.51,156478.5,156478.5,0.0,156478.5,MONDAY,9,Y,1,0.0,,,XAP,Approved,-721,Cash through the bank,XAP,,New,Medicine,POS,XNA,Stone,1000,Industry,18.0,low_action,POS industry with interest,365243.0,-686.0,-176.0,-176.0,-162.0,0.0,0,Cash loans,F,N,N,1,157500.0,808650.0,31464.0,675000.0,Unaccompanied,Working,Higher education,Married,With parents,0.020713,-14133,-190,-5162.0,-3846,,1,1,0,1,0,0,,3.0,3,2,MONDAY,9,0,0,0,0,0,0,Self-employed,,0.4109969904085712,0.5602843280409464,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-721.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1717949,316960,Cash loans,46143.63,675000.0,721332.0,,675000.0,MONDAY,14,Y,1,,,,XNA,Approved,-933,Cash through the bank,XAP,Children,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-903.0,-213.0,-483.0,-472.0,1.0,1,Cash loans,F,Y,Y,1,270000.0,1339884.0,39307.5,1170000.0,"Spouse, partner",Working,Higher education,Married,House / apartment,0.009656999999999999,-14264,-758,-56.0,-3667,1.0,1,1,0,1,0,1,,3.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Housing,0.7424897249883433,0.5410042417996026,0.1096264336424546,0.0247,0.0109,0.9737,0.6396,0.002,0.0,0.069,0.0833,0.125,0.0167,0.0202,0.0194,0.0,0.0,0.0252,0.0113,0.9737,0.6537,0.0021,0.0,0.069,0.0833,0.125,0.0171,0.022,0.0202,0.0,0.0,0.025,0.0109,0.9737,0.6444,0.002,0.0,0.069,0.0833,0.125,0.017,0.0205,0.0198,0.0,0.0,reg oper account,block of flats,0.0171,"Stone, brick",No,2.0,0.0,2.0,0.0,-972.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1153483,260334,Revolving loans,4500.0,0.0,90000.0,,,WEDNESDAY,15,Y,1,,,,XAP,Approved,-2609,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,2040,Consumer electronics,0.0,XNA,Card Street,-2608.0,-2562.0,365243.0,-1710.0,-942.0,0.0,0,Cash loans,F,Y,Y,0,99000.0,301464.0,17437.5,238500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.022625,-16107,-8283,-838.0,-2788,8.0,1,1,0,1,1,1,Laborers,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Transport: type 4,0.7375049937639436,0.5409716608528757,0.4740512892789932,0.1309,,0.6533,,,0.1064,0.069,0.4792,,,,0.0733,,0.4466,0.0,,0.0,,,0.0,0.0345,0.3333,,,,0.0763,,0.2005,0.1291,,0.9771,,,0.08,0.069,0.4792,,,,0.0746,,0.4559,,block of flats,0.0,Panel,No,1.0,0.0,1.0,0.0,-2671.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2427920,217424,Consumer loans,8220.735,53460.0,53910.0,0.0,53460.0,THURSDAY,18,Y,1,0.0,,,XAP,Approved,-289,Cash through the bank,XAP,,Refreshed,Furniture,POS,XNA,Country-wide,120,Furniture,7.0,low_normal,POS industry with interest,365243.0,-258.0,-78.0,-108.0,-104.0,0.0,0,Cash loans,M,Y,N,0,225000.0,1762110.0,48456.0,1575000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.016612000000000002,-15562,365243,-7913.0,-4055,3.0,1,0,0,1,0,0,,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,XNA,0.5397012885804864,0.5985060059777801,0.4596904504249018,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-211.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1874686,397568,Cash loans,28502.82,225000.0,271300.5,,225000.0,TUESDAY,16,Y,1,,,,XNA,Approved,-637,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-607.0,-277.0,-277.0,-275.0,1.0,1,Cash loans,M,N,Y,0,157500.0,390960.0,33682.5,337500.0,Family,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.018634,-18982,-7976,-1544.0,-2510,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Government,0.483977852621398,0.28080030186536303,0.5814837058057234,0.033,0.0328,0.9727,,0.0103,0.0,0.069,0.125,,0.0191,,0.0175,,0.0082,0.0336,0.034,0.9727,,0.0104,0.0,0.069,0.125,,0.0195,,0.0183,,0.0087,0.0333,0.0328,0.9727,,0.0104,0.0,0.069,0.125,,0.0194,,0.0178,,0.0084,,block of flats,0.0212,"Stone, brick",No,0.0,0.0,0.0,0.0,-1508.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1401342,233966,Revolving loans,4500.0,0.0,90000.0,,0.0,WEDNESDAY,17,Y,1,,,,XAP,Refused,-1058,XNA,HC,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,N,0,148500.0,254700.0,14350.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-24183,-10428,-11073.0,-3970,,1,1,0,1,1,0,,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.7312025501857949,0.5635641015559045,0.7121551551910698,0.0742,0.0558,0.9846,0.7892,0.1108,0.08,0.069,0.3333,0.0417,0.0159,0.0597,0.077,0.0039,0.0033,0.0756,0.0579,0.9846,0.7975,0.1118,0.0806,0.069,0.3333,0.0417,0.0163,0.0652,0.0802,0.0039,0.0035,0.0749,0.0558,0.9846,0.792,0.1115,0.08,0.069,0.3333,0.0417,0.0162,0.0607,0.0784,0.0039,0.0034,org spec account,block of flats,0.0606,"Stone, brick",No,0.0,0.0,0.0,0.0,-1965.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1313042,168911,Consumer loans,14848.56,75600.0,79591.5,0.0,75600.0,MONDAY,15,Y,1,0.0,,,XAP,Approved,-330,XNA,XAP,Unaccompanied,Repeater,Auto Accessories,POS,XNA,Stone,50,Auto technology,6.0,middle,POS other with interest,365243.0,-300.0,-150.0,-240.0,-233.0,1.0,0,Revolving loans,M,N,N,1,112500.0,225000.0,11250.0,225000.0,"Spouse, partner",Working,Secondary / secondary special,Married,With parents,0.0228,-9987,-494,-4774.0,-2615,,1,1,0,1,1,0,Drivers,3.0,2,2,TUESDAY,10,0,0,0,1,1,1,Construction,,0.5350254916176216,0.2721336844147212,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-86.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,2.0,2.0 +2793992,297659,Cash loans,23844.78,454500.0,526491.0,,454500.0,SATURDAY,4,Y,1,,,,XNA,Approved,-426,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-396.0,1014.0,-366.0,-362.0,1.0,0,Cash loans,F,N,Y,2,67500.0,45000.0,4977.0,45000.0,Other_B,Working,Secondary / secondary special,Married,House / apartment,0.010032,-12898,-1062,-8939.0,-1704,,1,1,0,1,0,0,Cleaning staff,4.0,2,2,FRIDAY,9,0,0,0,0,1,1,Business Entity Type 3,0.42647136694907617,0.024636550419021082,0.28812959991785075,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1402.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +2427915,237977,Consumer loans,6300.45,67500.0,67500.0,0.0,67500.0,WEDNESDAY,6,Y,1,0.0,,,XAP,Approved,-173,XNA,XAP,Unaccompanied,New,Medical Supplies,POS,XNA,Stone,25,Industry,12.0,low_normal,POS industry with interest,365243.0,-143.0,187.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,112500.0,1236816.0,36292.5,1080000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,Municipal apartment,0.014464,-21226,365243,-9550.0,-4682,,1,0,0,1,0,0,,2.0,2,2,MONDAY,5,0,0,0,0,0,0,XNA,,0.6162753698602688,0.7121551551910698,0.0874,0.0882,0.9771,0.7212,,0.0,0.2069,0.1354,0.2083,0.0699,0.0916,0.0822,0.0,0.0,0.0126,0.1321,0.9712,0.7256,,0.0,0.2759,0.1667,0.2083,0.0279,0.0826,0.0164,0.0,0.0,0.1083,0.1127,0.9791,0.7249,,0.0,0.2414,0.1667,0.2083,0.0821,0.1009,0.1013,0.0,0.0,reg oper account,block of flats,0.0921,Panel,No,1.0,0.0,1.0,0.0,-173.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2197882,397333,Consumer loans,,24250.5,24250.5,0.0,24250.5,SUNDAY,12,Y,1,0.0,,,XAP,Refused,-995,Cash through the bank,XNA,,Repeater,Computers,XNA,XNA,Country-wide,50,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,M,Y,Y,1,225000.0,1314117.0,38551.5,1147500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.025164,-14404,-5915,-8543.0,-5005,7.0,1,1,0,1,0,0,High skill tech staff,3.0,2,2,MONDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.6609174963882282,0.7177253844792282,0.6430255641096323,0.133,0.1214,0.9821,0.7552,0.0207,0.12,0.1552,0.25,,0.021,,0.1125,,0.0233,0.104,0.1057,0.9821,0.7648,0.0116,0.1208,0.1034,0.1667,,0.0207,,0.0964,,0.0,0.1343,0.1214,0.9821,0.7585,0.0209,0.12,0.1552,0.25,,0.0214,,0.1145,,0.0237,reg oper account,block of flats,0.0728,Block,No,0.0,0.0,0.0,0.0,-1524.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2391239,271784,Cash loans,8981.82,45000.0,46485.0,0.0,45000.0,MONDAY,13,Y,1,0.0,,,XNA,Approved,-2531,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,6.0,high,Cash Street: high,365243.0,-2501.0,-2351.0,-2351.0,-2343.0,1.0,0,Cash loans,F,N,Y,0,141750.0,247275.0,17338.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018801,-24011,365243,-6784.0,-4251,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,6,0,0,0,0,0,0,XNA,,0.6848316638014891,,0.0835,0.0803,0.9901,0.8640000000000001,,0.0,0.1379,0.1667,0.2083,,0.0681,0.0846,,0.064,0.0851,0.0834,0.9901,0.8693,,0.0,0.1379,0.1667,0.2083,,0.0744,0.0882,,0.0677,0.0843,0.0803,0.9901,0.8658,,0.0,0.1379,0.1667,0.2083,,0.0693,0.0861,,0.0653,reg oper spec account,block of flats,0.0805,"Stone, brick",No,2.0,0.0,2.0,0.0,-1968.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1773397,166558,Consumer loans,1717.335,11380.5,9585.0,2277.0,11380.5,SUNDAY,14,Y,1,0.20905918057663125,,,XAP,Approved,-443,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Stone,7,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-412.0,-262.0,-322.0,-310.0,0.0,1,Cash loans,F,N,N,0,144000.0,916470.0,26928.0,765000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-13661,-3045,-2317.0,-6109,,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,8,0,0,0,0,0,0,Business Entity Type 2,0.2986554411959907,0.2631435910213423,0.4083588531230431,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,25.0,0.0,25.0,0.0,-1165.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2428828,108357,Cash loans,10299.78,45000.0,52209.0,0.0,45000.0,TUESDAY,11,Y,1,0.0,,,XNA,Approved,-1919,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,high,Cash X-Sell: high,365243.0,-1889.0,-1739.0,-1739.0,-1732.0,1.0,0,Cash loans,F,N,Y,0,83250.0,239850.0,23494.5,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.01885,-25075,-2309,-3906.0,-4447,,1,1,0,1,0,0,,1.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.7438120894709225,0.7252764347002191,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-688.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1623009,288883,Consumer loans,8865.135,80955.0,78871.5,8095.5,80955.0,THURSDAY,13,Y,1,0.10138024140818296,,,XAP,Approved,-1423,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Regional / Local,158,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-1392.0,-1122.0,-1122.0,-1119.0,0.0,0,Cash loans,F,N,N,0,121500.0,1520253.0,44581.5,1327500.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.003069,-12742,-3978,-4505.0,-4561,,1,1,0,1,0,0,Core staff,2.0,3,3,FRIDAY,15,0,0,0,0,1,1,School,,0.4894304822386085,0.6785676886853644,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1423.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2579474,350859,Revolving loans,11250.0,225000.0,225000.0,,225000.0,SATURDAY,13,Y,1,,,,XAP,Refused,-247,XNA,HC,Family,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,202500.0,835605.0,29736.0,697500.0,"Spouse, partner",State servant,Secondary / secondary special,Married,House / apartment,0.011703,-16567,-5315,-9653.0,-111,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,18,0,0,0,0,0,0,Business Entity Type 3,0.3807773086532121,0.6869235019267663,0.2301588968634147,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-968.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2508927,287862,Consumer loans,8788.095,47250.0,49743.0,0.0,47250.0,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-320,Cash through the bank,XAP,,Repeater,Clothing and Accessories,POS,XNA,Stone,30,Clothing,6.0,low_normal,POS industry with interest,365243.0,-289.0,-139.0,-229.0,-221.0,0.0,0,Cash loans,F,N,Y,0,135000.0,675000.0,19737.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018209,-17343,-9511,-9582.0,-885,,1,1,1,1,1,0,Core staff,2.0,3,3,THURSDAY,7,0,0,0,0,0,0,Bank,0.7195022261744828,0.5214353684273503,0.4632753280912678,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1461.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,1.0 +1209509,361009,Cash loans,5860.89,45000.0,54418.5,,45000.0,SATURDAY,11,Y,1,,,,XNA,Approved,-786,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-756.0,-426.0,-426.0,-421.0,1.0,0,Cash loans,M,Y,N,0,67500.0,173092.5,12438.0,157500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.018209,-15790,-2698,-1407.0,-3912,28.0,1,1,0,1,1,0,Laborers,1.0,3,3,SUNDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.7297174262057933,,0.1732,0.0733,0.9747,0.6532,0.0206,0.0,0.0345,0.1667,0.2083,0.0694,0.1412,0.0658,0.0,0.0,0.1765,0.076,0.9747,0.6668,0.0208,0.0,0.0345,0.1667,0.2083,0.071,0.1543,0.0686,0.0,0.0,0.1749,0.0733,0.9747,0.6578,0.0207,0.0,0.0345,0.1667,0.2083,0.0706,0.1437,0.067,0.0,0.0,reg oper account,block of flats,0.063,"Stone, brick",No,1.0,0.0,1.0,0.0,-909.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +2308551,358533,Cash loans,35506.53,585000.0,654498.0,,585000.0,THURSDAY,15,Y,1,,,,Other,Refused,-629,Cash through the bank,LIMIT,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,Y,Y,0,225000.0,1305000.0,51754.5,1305000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-19478,-795,-1341.0,-3018,9.0,1,1,1,1,0,0,Managers,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Other,,0.4519165183748475,0.17352743046491467,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-702.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1555817,121048,Cash loans,10618.875,45000.0,52366.5,,45000.0,THURSDAY,16,Y,1,,,,Purchase of electronic equipment,Approved,-697,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Country-wide,15,Connectivity,6.0,high,Cash Street: high,365243.0,-667.0,-517.0,-667.0,-658.0,1.0,0,Cash loans,M,Y,Y,1,225000.0,163008.0,17685.0,144000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.031329,-10190,-716,-5025.0,-2848,13.0,1,1,0,1,0,0,Laborers,3.0,2,2,MONDAY,15,0,0,0,0,0,0,Business Entity Type 2,0.3857416937188548,0.5684790523905501,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,2.0,4.0,1.0,-486.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1348708,190828,Cash loans,11697.84,180000.0,203760.0,,180000.0,WEDNESDAY,16,Y,1,,,,XNA,Refused,-272,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),60,XNA,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,112500.0,334152.0,18256.5,270000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.006296,-20516,365243,-6128.0,-3210,,1,0,0,1,0,0,,2.0,3,3,TUESDAY,15,0,0,0,0,0,0,XNA,,0.5140262565996925,0.6347055309763198,0.0928,0.0393,0.9861,,,0.04,0.0345,0.3333,,0.0615,,0.0331,,0.0836,0.0945,0.0408,0.9861,,,0.0403,0.0345,0.3333,,0.0629,,0.0345,,0.0885,0.0937,0.0393,0.9861,,,0.04,0.0345,0.3333,,0.0626,,0.0337,,0.0854,,block of flats,0.1224,Panel,No,2.0,0.0,2.0,0.0,-505.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2617041,374036,Consumer loans,2768.445,23346.0,23089.5,2335.5,23346.0,SUNDAY,12,Y,1,0.10004215607401447,,,XAP,Approved,-2137,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,15,Connectivity,12.0,high,POS mobile with interest,365243.0,-2088.0,-1758.0,-1758.0,-1752.0,0.0,1,Cash loans,F,N,Y,0,252000.0,755190.0,36459.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00823,-14572,-5604,-6263.0,-4638,,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Business Entity Type 2,0.448339677989787,0.4774225676851008,0.6195277080511546,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-114.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1372699,377166,Consumer loans,,132736.5,132736.5,0.0,132736.5,THURSDAY,13,Y,1,0.0,,,XAP,Refused,-103,Cash through the bank,SCO,,Repeater,Computers,XNA,XNA,Country-wide,32,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,M,N,N,0,135000.0,545040.0,25407.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.010643000000000001,-14816,-564,-932.0,-3380,,1,1,0,1,0,0,Laborers,1.0,2,2,MONDAY,9,0,0,0,0,1,1,Business Entity Type 3,0.28995934219131625,0.5361187753687989,0.190705947811054,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-616.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2406475,113639,Cash loans,,0.0,0.0,,,FRIDAY,13,Y,1,,,,XNA,Refused,-156,XNA,HC,,Refreshed,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,Y,N,0,139500.0,557770.5,26964.0,481500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.009656999999999999,-16483,-1261,-7044.0,-26,11.0,1,1,0,0,1,0,Core staff,2.0,2,2,SUNDAY,10,0,0,0,0,0,0,Trade: type 3,,0.5155938777803943,,0.0722,0.0817,0.9826,0.762,0.0082,0.0,0.1379,0.1667,0.2083,0.086,0.0588,0.0445,0.0,0.0,0.0735,0.0848,0.9826,0.7713,0.0082,0.0,0.1379,0.1667,0.2083,0.08800000000000001,0.0643,0.0464,0.0,0.0,0.0729,0.0817,0.9826,0.7652,0.0082,0.0,0.1379,0.1667,0.2083,0.0875,0.0599,0.0453,0.0,0.0,reg oper spec account,block of flats,0.0522,"Stone, brick",No,0.0,0.0,0.0,0.0,-156.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1560764,248950,Cash loans,28409.94,450000.0,521280.0,,450000.0,MONDAY,18,Y,1,,,,XNA,Approved,-146,Cash through the bank,XAP,Family,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-115.0,935.0,-55.0,-49.0,0.0,0,Revolving loans,M,Y,Y,0,135000.0,405000.0,20250.0,405000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-18478,-6195,-30.0,-1619,8.0,1,1,0,1,0,0,Drivers,2.0,2,2,SUNDAY,16,0,0,0,0,0,0,Telecom,,0.7414129255059425,0.6296742509538716,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2408.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2042478,227104,Revolving loans,,0.0,0.0,,,TUESDAY,18,Y,1,,,,XAP,Refused,-258,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Card Street,,,,,,,0,Cash loans,F,Y,Y,0,382500.0,540000.0,26109.0,540000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.026392000000000002,-20395,-1490,-10632.0,-3790,18.0,1,1,0,1,1,1,High skill tech staff,1.0,2,2,MONDAY,11,0,0,0,0,0,0,Business Entity Type 2,,0.7266269644846913,0.2636468134452008,0.3351,0.2602,0.9851,0.7959999999999999,0.0783,0.36,0.3103,0.3333,0.375,0.3929,0.2723,0.3706,0.0039,0.0017,0.3414,0.2701,0.9851,0.804,0.079,0.3625,0.3103,0.3333,0.375,0.4018,0.2975,0.3861,0.0039,0.0018,0.3383,0.2602,0.9851,0.7987,0.0788,0.36,0.3103,0.3333,0.375,0.3997,0.277,0.3773,0.0039,0.0018,reg oper account,block of flats,0.2919,Panel,No,3.0,0.0,3.0,0.0,-438.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1108436,283417,Cash loans,66732.66,679500.0,702819.0,,679500.0,FRIDAY,14,Y,1,,,,XNA,Approved,-274,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-244.0,86.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,1,360000.0,352044.0,17122.5,247500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018634,-11619,-2475,-3671.0,-4132,6.0,1,1,0,1,0,0,,3.0,2,2,SATURDAY,13,0,0,0,0,0,0,Self-employed,0.2274638206828888,0.3510797117710616,0.7091891096653581,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-1566.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2405182,337724,Consumer loans,12865.635,123214.5,120577.5,13500.0,123214.5,THURSDAY,14,Y,1,0.1096584234694656,,,XAP,Approved,-1601,Cash through the bank,XAP,Children,Repeater,Computers,POS,XNA,Stone,102,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1570.0,-1240.0,-1270.0,-1262.0,0.0,1,Cash loans,F,N,Y,2,198000.0,585000.0,27238.5,585000.0,,Commercial associate,Higher education,Married,House / apartment,0.014519999999999996,-15354,-8695,-5977.0,-1145,,1,1,0,1,0,0,Core staff,4.0,2,2,TUESDAY,9,0,0,0,0,0,0,Bank,,0.4556130426710891,0.24988506275045536,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-2308.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +2435617,344761,Consumer loans,10660.41,91251.0,88911.0,10350.0,91251.0,SATURDAY,15,Y,1,0.11356011836563107,,,XAP,Approved,-2202,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,high,POS mobile with interest,365243.0,-2167.0,-1837.0,-1837.0,-1823.0,0.0,0,Cash loans,F,N,Y,1,180000.0,292500.0,15061.5,292500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.026392000000000002,-12862,-5628,-11578.0,-2345,,1,1,0,1,1,1,,3.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Self-employed,0.3010493818596633,0.3451546590646645,0.4525335592581747,0.4309,0.3075,0.9841,0.7824,0.2181,0.52,0.4483,0.3333,,0.4588,0.3471,0.5063,0.0193,0.1544,0.4391,0.3191,0.9841,0.7909,0.2201,0.5236,0.4483,0.3333,,0.4693,0.3792,0.5275,0.0195,0.1635,0.4351,0.3075,0.9841,0.7853,0.2195,0.52,0.4483,0.3333,,0.4668,0.3531,0.5154,0.0194,0.1577,reg oper spec account,block of flats,0.446,Panel,No,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2767610,218255,Revolving loans,22500.0,450000.0,450000.0,,450000.0,TUESDAY,16,Y,1,,,,XAP,Refused,-21,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Revolving loans,F,N,Y,0,180000.0,450000.0,22500.0,270000.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.00496,-15059,-1146,-9118.0,-3913,,1,1,0,1,0,0,Managers,1.0,2,2,TUESDAY,12,0,0,0,0,0,0,Self-employed,,0.7131041166017554,0.18629294965553744,0.0742,0.0596,0.9806,,,0.08,0.069,0.3333,,0.0403,,0.0463,,0.0018,0.0756,0.0619,0.9806,,,0.0806,0.069,0.3333,,0.0412,,0.0483,,0.0019,0.0749,0.0596,0.9806,,,0.08,0.069,0.3333,,0.041,,0.0472,,0.0019,,block of flats,0.0642,Panel,No,5.0,0.0,5.0,0.0,-572.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2697641,114963,Cash loans,11619.9,135000.0,148365.0,,135000.0,THURSDAY,11,Y,1,,,,XNA,Approved,-1187,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-1157.0,-647.0,-947.0,-939.0,1.0,0,Cash loans,F,N,Y,0,175500.0,485901.0,23503.5,369000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.009656999999999999,-21682,-2058,-10895.0,-4707,,1,1,0,1,0,0,,1.0,2,2,MONDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.4750989242125825,0.5406544504453575,0.0856,0.0001,0.9846,0.7892,0.0463,0.08,0.0345,0.4583,0.5,0.0,0.0698,0.0456,0.0,0.0,0.0872,0.0001,0.9846,0.7975,0.0467,0.0806,0.0345,0.4583,0.5,0.0,0.0762,0.0476,0.0,0.0,0.0864,0.0001,0.9846,0.792,0.0466,0.08,0.0345,0.4583,0.5,0.0,0.071,0.0465,0.0,0.0,reg oper spec account,block of flats,0.062,"Stone, brick",No,0.0,0.0,0.0,0.0,-1894.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1059279,390516,Consumer loans,11659.455,129550.5,103639.5,25911.0,129550.5,FRIDAY,11,Y,1,0.21782574783929468,,,XAP,Approved,-2615,XNA,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,284,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2581.0,-2311.0,-2311.0,-2305.0,0.0,0,Cash loans,F,N,Y,0,315000.0,755190.0,36459.0,675000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.009175,-20064,-4305,-8747.0,-3364,,1,1,0,1,0,0,Accountants,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Bank,,0.7329185167987621,0.7062051096536562,0.2144,0.1088,0.9925,0.9728,0.0364,0.24,0.2241,0.375,0.4167,0.0523,0.0639,0.2323,0.0039,0.0973,0.0809,0.0443,0.9876,0.9739,0.0367,0.0806,0.069,0.375,0.4167,0.0448,0.0698,0.0843,0.0039,0.0114,0.2165,0.1088,0.9925,0.9732,0.0366,0.24,0.2241,0.375,0.4167,0.0532,0.065,0.2365,0.0039,0.0993,reg oper account,block of flats,0.3813,"Stone, brick",No,0.0,0.0,0.0,0.0,-1638.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1550026,342319,Cash loans,22951.17,229500.0,319032.0,,229500.0,THURSDAY,14,Y,1,,,,XNA,Approved,-761,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,high,Cash X-Sell: high,365243.0,-731.0,139.0,-161.0,-156.0,1.0,0,Cash loans,M,Y,Y,0,180000.0,450000.0,24543.0,450000.0,Family,Working,Secondary / secondary special,Married,Co-op apartment,0.028663,-16782,-3620,-2251.0,-313,6.0,1,1,1,1,0,0,Drivers,2.0,2,2,TUESDAY,14,1,1,0,1,1,0,Self-employed,,0.22363495268981254,0.6956219298394389,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-402.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1330758,242968,Cash loans,27424.71,450000.0,521280.0,,450000.0,FRIDAY,10,Y,1,,,,XNA,Approved,-200,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-170.0,880.0,-140.0,-135.0,1.0,0,Cash loans,M,N,Y,2,135000.0,755190.0,36459.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010966,-18310,-2165,-8768.0,-1775,,1,1,0,1,0,0,Drivers,4.0,2,2,TUESDAY,8,0,0,0,0,0,0,Self-employed,,0.3971859848200791,0.6178261467332483,0.0186,0.0,0.9871,0.8232,0.0126,0.0,0.1034,0.0417,0.0833,0.0,0.0151,0.0165,0.0,0.0,0.0189,0.0,0.9871,0.8301,0.0127,0.0,0.1034,0.0417,0.0833,0.0,0.0165,0.0172,0.0,0.0,0.0187,0.0,0.9871,0.8256,0.0126,0.0,0.1034,0.0417,0.0833,0.0,0.0154,0.0168,0.0,0.0,not specified,block of flats,0.013,"Stone, brick",No,1.0,0.0,1.0,0.0,-891.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1396150,126381,Revolving loans,2250.0,45000.0,45000.0,,45000.0,FRIDAY,5,Y,1,,,,XAP,Approved,-264,XNA,XAP,Family,New,XNA,Cards,walk-in,Country-wide,2300,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,180000.0,545040.0,26640.0,450000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.006852,-19327,-1166,-4786.0,-2857,16.0,1,1,0,1,0,0,Drivers,2.0,3,3,WEDNESDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.1602875554039966,0.3893387918468769,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,1.0,-264.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2220675,248082,Consumer loans,8918.28,197964.0,197964.0,0.0,197964.0,SUNDAY,14,Y,1,0.0,,,XAP,Approved,-206,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Regional / Local,100,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-172.0,518.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,166500.0,770292.0,32764.5,688500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.0031219999999999998,-23745,365243,-4895.0,-4895,,1,0,0,1,0,0,,2.0,3,3,WEDNESDAY,10,0,0,0,0,0,0,XNA,,0.5833893476563716,0.5620604831738043,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-595.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1156486,306172,Cash loans,25728.435,540000.0,604152.0,,540000.0,TUESDAY,11,Y,1,,,,XNA,Approved,-114,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-84.0,966.0,-84.0,-81.0,1.0,0,Cash loans,F,N,Y,0,135000.0,268659.0,15129.0,243000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.02461,-21496,-394,-631.0,-4150,,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,Self-employed,,0.7261923711476667,0.5226973172821112,0.1505,0.1247,0.9851,,,0.16,0.1379,0.3333,,0.1683,,0.1582,,0.0526,0.1534,0.1294,0.9851,,,0.1611,0.1379,0.3333,,0.1722,,0.1648,,0.0557,0.152,0.1247,0.9851,,,0.16,0.1379,0.3333,,0.1713,,0.161,,0.0537,reg oper account,block of flats,0.1918,"Stone, brick",No,8.0,1.0,8.0,1.0,-1561.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,14.0,0.0,3.0 +2471023,239547,Cash loans,,0.0,0.0,,,TUESDAY,9,Y,1,,,,XNA,Refused,-434,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,180000.0,1528200.0,53118.0,1350000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.02461,-19886,-4844,-1730.0,-3366,,1,1,0,1,1,0,High skill tech staff,1.0,2,2,TUESDAY,10,0,0,0,0,0,0,Business Entity Type 1,0.5183829238739096,0.6873794958177442,0.2580842039460289,0.1237,0.1149,0.9757,0.6668,0.0479,0.0,0.2069,0.1667,0.2083,0.1438,0.1009,0.1016,,0.0,0.1261,0.1192,0.9757,0.6798,0.0483,0.0,0.2069,0.1667,0.2083,0.1471,0.1102,0.1058,,0.0,0.1249,0.1149,0.9757,0.6713,0.0482,0.0,0.2069,0.1667,0.2083,0.1463,0.1026,0.1034,,0.0,reg oper account,block of flats,0.11,Panel,No,0.0,0.0,0.0,0.0,-1452.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1167896,450936,Cash loans,29351.25,405000.0,405000.0,,405000.0,FRIDAY,17,Y,1,,,,XNA,Refused,-1303,Cash through the bank,HC,Children,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),1,XNA,18.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,Y,N,0,157500.0,269550.0,21739.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-16776,-4291,-621.0,-309,28.0,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,Self-employed,,0.5837825921600501,0.2692857999073816,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1615.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1640051,204212,Consumer loans,23980.905,248355.0,264748.5,0.0,248355.0,SUNDAY,6,Y,1,0.0,,,XAP,Approved,-184,XNA,XAP,Family,Repeater,Audio/Video,POS,XNA,Regional / Local,400,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-154.0,176.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,0,540000.0,1056447.0,31018.5,922500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.014464,-20175,-1653,-1106.0,-3401,14.0,1,1,0,1,0,0,High skill tech staff,2.0,2,2,TUESDAY,3,0,0,0,0,0,0,Business Entity Type 3,,0.3763144802591745,0.25946765482111994,0.066,0.0558,0.9727,0.626,0.0545,0.0,0.1379,0.125,0.1667,0.0789,0.0504,0.0596,0.0154,0.08900000000000001,0.0672,0.0579,0.9727,0.6406,0.055,0.0,0.1379,0.125,0.1667,0.0807,0.0551,0.0621,0.0156,0.0943,0.0666,0.0558,0.9727,0.631,0.0549,0.0,0.1379,0.125,0.1667,0.0803,0.0513,0.0607,0.0155,0.0909,reg oper account,block of flats,0.0662,"Stone, brick",No,0.0,0.0,0.0,0.0,-1717.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2197950,118698,Consumer loans,3902.94,86539.5,86539.5,0.0,86539.5,THURSDAY,18,Y,1,0.0,,,XAP,Refused,-1521,XNA,LIMIT,Unaccompanied,Repeater,Audio/Video,POS,XNA,Regional / Local,271,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,0,Cash loans,F,N,N,1,202500.0,180000.0,8752.5,180000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.00733,-14906,-672,-9025.0,-4545,,1,1,1,1,1,0,Core staff,2.0,2,2,FRIDAY,19,0,0,0,0,0,0,Government,0.7882415363182385,0.6971524813738856,0.6577838002083306,0.0835,0.0457,0.9856,,0.0175,0.08,0.0345,0.4583,,0.0611,0.0681,0.0759,,0.0433,0.0851,0.0475,0.9856,,0.0177,0.0806,0.0345,0.4583,,0.0625,0.0744,0.0791,,0.0459,0.0843,0.0457,0.9856,,0.0176,0.08,0.0345,0.4583,,0.0622,0.0693,0.0773,,0.0442,,block of flats,0.0962,"Stone, brick",No,0.0,0.0,0.0,0.0,-1555.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1039441,340044,Revolving loans,9000.0,180000.0,180000.0,,180000.0,MONDAY,19,Y,1,,,,XAP,Approved,-225,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Stone,150,Furniture,0.0,XNA,Card X-Sell,-201.0,-151.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,112500.0,495000.0,25272.0,495000.0,Family,Working,Higher education,Single / not married,With parents,0.008625,-8312,-569,-3191.0,-993,,1,1,1,1,0,0,Core staff,1.0,2,2,TUESDAY,16,0,0,0,0,1,1,Bank,0.2575365598927604,0.5387770852259353,0.2866524828090694,0.0722,,0.9757,,,0.08,0.069,0.3333,,0.0299,,0.0727,,0.0086,0.0735,,0.9757,,,0.0806,0.069,0.3333,,0.0306,,0.0758,,0.0091,0.0729,,0.9757,,,0.08,0.069,0.3333,,0.0304,,0.07400000000000001,,0.0088,,block of flats,0.0876,"Stone, brick",No,0.0,0.0,0.0,0.0,-470.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,3.0 +1919686,290262,Cash loans,39041.82,607500.0,655614.0,,607500.0,WEDNESDAY,17,Y,1,,,,XNA,Approved,-292,XNA,XAP,Family,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-262.0,428.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,0,202500.0,245002.5,27837.0,211500.0,"Spouse, partner",Pensioner,Higher education,Married,House / apartment,0.00496,-21917,365243,-9117.0,-3488,7.0,1,0,0,1,0,0,,2.0,2,2,MONDAY,17,0,0,0,0,0,0,XNA,,0.5275326255098323,0.7001838506835805,,,0.9806,,,,,0.1667,,,,,,,,,0.9806,,,,,0.1667,,,,,,,,,0.9806,,,,,0.1667,,,,,,,,block of flats,0.08900000000000001,,No,0.0,0.0,0.0,0.0,-1367.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,3.0 +1736510,230850,Consumer loans,7541.55,67909.5,61114.5,6795.0,67909.5,WEDNESDAY,11,Y,1,0.1089740423250462,,,XAP,Approved,-1871,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,181,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1838.0,-1568.0,-1568.0,-1559.0,0.0,0,Cash loans,F,N,Y,0,67500.0,72000.0,7141.5,72000.0,Family,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.019101,-24073,365243,-8618.0,-4047,,1,0,0,1,1,0,,1.0,2,2,FRIDAY,12,0,0,0,0,0,0,XNA,,0.3630266098813311,0.7476633896301825,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1569.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +1344602,422431,Cash loans,68220.0,2250000.0,2250000.0,,2250000.0,FRIDAY,10,Y,1,,,,XNA,Refused,-1029,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,low_action,Cash Street: low,,,,,,,0,Cash loans,M,Y,N,1,576000.0,2687355.0,67932.0,2475000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-16557,-1927,-4785.0,-91,6.0,1,1,1,1,1,0,Managers,3.0,2,2,TUESDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.6409620602795326,,0.1526,0.0916,0.9925,0.898,0.0277,0.16,0.1379,0.375,0.4167,0.0,0.1227,0.1649,0.0077,0.0096,0.1439,0.092,0.9926,0.902,0.0276,0.1611,0.1379,0.375,0.4167,0.0,0.1258,0.1603,0.0,0.0,0.1541,0.0916,0.9925,0.8994,0.0279,0.16,0.1379,0.375,0.4167,0.0,0.1248,0.1679,0.0078,0.0098,reg oper account,block of flats,0.121,Panel,No,0.0,0.0,0.0,0.0,-1515.0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,,,,,, +2696146,308158,Consumer loans,24045.03,241659.0,257607.0,0.0,241659.0,WEDNESDAY,11,Y,1,0.0,,,XAP,Approved,-397,XNA,XAP,,Repeater,Auto Accessories,POS,XNA,Stone,150,Auto technology,12.0,low_normal,POS other with interest,365243.0,-366.0,-36.0,-96.0,-85.0,0.0,0,Cash loans,F,N,N,0,247500.0,1546020.0,45333.0,1350000.0,Unaccompanied,State servant,Higher education,Civil marriage,House / apartment,0.0038179999999999998,-9896,-198,-858.0,-87,,1,1,0,1,0,0,Core staff,2.0,2,2,MONDAY,4,0,0,0,0,1,1,Government,0.4021677713108335,0.6155977112831174,0.7503751495159068,0.0608,,0.9851,,,0.0,0.1379,0.1667,,,,0.0648,,,0.062,,0.9851,,,0.0,0.1379,0.1667,,,,0.0675,,,0.0614,,0.9851,,,0.0,0.1379,0.1667,,,,0.066,,,,block of flats,0.051,Block,No,0.0,0.0,0.0,0.0,-1180.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2595595,203386,Consumer loans,2423.025,18891.0,20763.0,0.0,18891.0,FRIDAY,11,Y,1,0.0,,,XAP,Approved,-2448,XNA,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,1744,Consumer electronics,12.0,high,POS household with interest,365243.0,-2416.0,-2086.0,-2176.0,-2173.0,1.0,0,Cash loans,M,N,Y,2,180000.0,157914.0,16713.0,139500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010032,-10736,-974,-4493.0,-3400,,1,1,0,1,0,0,Laborers,4.0,2,2,WEDNESDAY,3,0,0,0,0,0,0,Business Entity Type 2,,0.551297050668879,0.39449540531239935,0.0825,0.0663,0.9747,0.6532,0.0289,0.0,0.1379,0.1667,0.2083,0.0718,0.0672,0.0707,0.0,0.0,0.084,0.0688,0.9747,0.6668,0.0291,0.0,0.1379,0.1667,0.2083,0.0735,0.0735,0.0736,0.0,0.0,0.0833,0.0663,0.9747,0.6578,0.029,0.0,0.1379,0.1667,0.2083,0.0731,0.0684,0.0719,0.0,0.0,,block of flats,0.0714,Panel,No,0.0,0.0,0.0,0.0,-2394.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2218862,191576,Consumer loans,7714.125,92536.515,84492.0,8044.515,92536.515,FRIDAY,16,Y,1,0.09467838889918703,,,XAP,Refused,-2379,Cash through the bank,SCO,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,2300,Consumer electronics,12.0,low_action,POS household without interest,,,,,,,0,Cash loans,F,Y,Y,0,135000.0,157500.0,11902.5,157500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.026392000000000002,-10519,-1357,-45.0,-889,15.0,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,13,0,0,0,0,1,1,Bank,,0.6258524207291101,,0.1155,,0.993,,,0.12,0.1034,0.375,0.0417,0.0,0.0941,0.1309,0.0,0.0,0.1176,,0.993,,,0.1208,0.1034,0.375,0.0417,0.0,0.1028,0.1364,0.0,0.0,0.1166,,0.993,,,0.12,0.1034,0.375,0.0417,0.0,0.0958,0.1333,0.0,0.0,,block of flats,0.103,"Stone, brick",No,7.0,0.0,7.0,0.0,-1000.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2023478,297442,Consumer loans,8873.055,34650.0,31144.5,4500.0,34650.0,SATURDAY,12,Y,1,0.13749411805212838,,,XAP,Approved,-2692,Cash through the bank,XAP,Unaccompanied,New,Other,POS,XNA,Stone,150,Clothing,4.0,low_normal,POS industry with interest,365243.0,-2661.0,-2571.0,-2571.0,-2565.0,1.0,0,Revolving loans,F,N,Y,0,292500.0,540000.0,27000.0,540000.0,"Spouse, partner",Working,Higher education,Married,House / apartment,0.031329,-12609,-2859,-224.0,-3738,,1,1,0,1,0,0,Core staff,2.0,2,2,WEDNESDAY,12,0,0,0,1,1,0,Self-employed,,0.5664716723716176,0.4866531565147181,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-2692.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1900639,255979,Consumer loans,3211.02,24705.0,24070.5,2470.5,24705.0,SUNDAY,16,Y,1,0.10137519652270413,,,XAP,Approved,-2493,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,5,Connectivity,10.0,low_normal,POS mobile with interest,365243.0,-2460.0,-2190.0,-2190.0,-2185.0,1.0,0,Cash loans,M,Y,Y,0,135000.0,1350000.0,37125.0,1350000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-15575,-5240,-3435.0,-3717,11.0,1,1,0,1,1,0,,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Self-employed,0.5112779132276241,0.6143705790353989,0.39449540531239935,0.0082,0.0,0.9652,,,0.0,0.069,0.0417,,0.0303,,0.0174,,0.0,0.0084,0.0,0.9652,,,0.0,0.069,0.0417,,0.031,,0.0182,,0.0,0.0083,0.0,0.9652,,,0.0,0.069,0.0417,,0.0308,,0.0178,,0.0,,block of flats,0.0148,"Stone, brick",No,0.0,0.0,0.0,0.0,-1136.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +1141904,157196,Cash loans,10849.86,90000.0,95940.0,0.0,90000.0,FRIDAY,10,Y,1,0.0,,,XNA,Approved,-1606,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,high,Cash X-Sell: high,365243.0,-1576.0,-1246.0,-1246.0,-1240.0,1.0,0,Cash loans,F,Y,N,2,76500.0,343377.0,19840.5,283500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-14395,-3085,-6936.0,-3292,11.0,1,1,0,1,0,0,Accountants,4.0,2,2,MONDAY,9,0,0,0,0,0,0,Agriculture,,0.6011567215620803,0.7826078370261895,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1606.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2127212,223259,Consumer loans,7319.205,74686.5,88933.5,450.0,74686.5,FRIDAY,10,Y,1,0.00548301318577712,,,XAP,Approved,-1334,Cash through the bank,XAP,Unaccompanied,New,Photo / Cinema Equipment,POS,XNA,Country-wide,40,Connectivity,24.0,high,POS mobile with interest,365243.0,-1303.0,-613.0,-1093.0,-1087.0,0.0,0,Cash loans,F,N,N,0,202500.0,1250658.0,39942.0,1120500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.010147,-21757,365243,-4006.0,-5088,,1,0,0,1,0,1,,1.0,2,2,TUESDAY,12,0,0,0,0,0,0,XNA,0.6350121718142415,0.6451581998707777,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1334.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1825654,244836,Consumer loans,9989.01,99900.0,89910.0,9990.0,99900.0,SUNDAY,9,Y,1,0.1089090909090909,,,XAP,Approved,-682,Cash through the bank,XAP,Group of people,New,Construction Materials,POS,XNA,Stone,60,Construction,10.0,low_normal,POS industry with interest,365243.0,-637.0,-367.0,-367.0,-360.0,0.0,0,Cash loans,F,N,Y,0,270000.0,1724688.0,54283.5,1575000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.04622,-20920,-2593,-445.0,-3711,,1,1,0,1,0,0,High skill tech staff,2.0,1,1,WEDNESDAY,16,0,0,0,0,0,0,Government,0.8030024639163803,0.7196044365486759,0.4866531565147181,0.2216,0.1356,0.9821,0.7552,0.0316,0.24,0.2069,0.3333,0.375,0.0533,0.1807,0.2038,0.0,0.0,0.2258,0.1407,0.9821,0.7648,0.0319,0.2417,0.2069,0.3333,0.375,0.0545,0.1974,0.2123,0.0,0.0,0.2238,0.1356,0.9821,0.7585,0.0318,0.24,0.2069,0.3333,0.375,0.0543,0.1838,0.2074,0.0,0.0,reg oper account,block of flats,0.1775,Panel,No,4.0,0.0,4.0,0.0,-682.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2627042,364126,Consumer loans,19024.515,182236.5,178299.0,18225.0,182236.5,WEDNESDAY,11,Y,1,0.10099876767306698,,,XAP,Approved,-1201,Cash through the bank,XAP,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Country-wide,1800,Consumer electronics,12.0,middle,POS household with interest,,,,,,,1,Cash loans,M,N,N,0,180000.0,698517.0,25218.0,603000.0,Unaccompanied,State servant,Secondary / secondary special,Married,Municipal apartment,0.020713,-11870,-4460,-127.0,-3784,,1,1,0,1,0,0,Managers,2.0,3,2,SUNDAY,12,0,0,0,0,0,0,Postal,,0.3030030810284141,,0.2175,0.1547,0.9771,0.6872,0.0164,0.16,0.1379,0.3333,0.375,0.1326,0.1765,0.2155,0.0039,0.0132,0.2216,0.1605,0.9772,0.6994,0.0166,0.1611,0.1379,0.3333,0.375,0.1356,0.1928,0.2245,0.0039,0.014,0.2196,0.1547,0.9771,0.6914,0.0165,0.16,0.1379,0.3333,0.375,0.1349,0.1796,0.2193,0.0039,0.0135,not specified,block of flats,0.1813,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1200259,103592,Consumer loans,7066.935,60556.5,60556.5,0.0,60556.5,WEDNESDAY,16,Y,1,0.0,,,XAP,Refused,-2487,Cash through the bank,SCO,Family,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,12.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,Y,Y,2,157500.0,239850.0,25960.5,225000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.019688999999999998,-10109,-282,-308.0,-759,7.0,1,1,0,1,0,0,,4.0,2,2,FRIDAY,13,0,0,0,0,0,0,Self-employed,,0.32795564416195244,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2320656,196111,Consumer loans,8191.665,49167.0,40167.0,9000.0,49167.0,TUESDAY,11,Y,1,0.19935766229011687,,,XAP,Approved,-169,Cash through the bank,XAP,Other_B,Repeater,Mobile,POS,XNA,Country-wide,32,Connectivity,6.0,high,POS mobile with interest,365243.0,-139.0,11.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,2,126000.0,780363.0,33192.0,697500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009549,-13080,-5624,-2620.0,-3218,,1,1,0,1,1,0,Laborers,4.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.5921896630166603,,0.0165,0.0,0.9786,0.7076,0.0016,0.0,0.1034,0.0417,0.0417,0.0237,0.0134,0.0141,0.0,0.0,0.0168,0.0,0.9786,0.7190000000000001,0.0016,0.0,0.1034,0.0417,0.0417,0.0242,0.0147,0.0147,0.0,0.0,0.0167,0.0,0.9786,0.7115,0.0016,0.0,0.1034,0.0417,0.0417,0.0241,0.0137,0.0144,0.0,0.0,not specified,block of flats,0.012,"Stone, brick",No,3.0,2.0,3.0,1.0,-2714.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2397168,142861,Revolving loans,11250.0,0.0,225000.0,,,FRIDAY,11,Y,1,,,,XAP,Approved,-894,XNA,XAP,,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),5,XNA,0.0,XNA,Card X-Sell,-890.0,-859.0,365243.0,-616.0,-15.0,0.0,0,Cash loans,M,Y,Y,0,202500.0,450000.0,30073.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,Rented apartment,0.014464,-10152,-223,-2547.0,-2814,7.0,1,1,0,1,1,0,Laborers,2.0,2,2,WEDNESDAY,11,0,0,0,1,1,0,Business Entity Type 3,0.10185023616217498,0.2126309529031175,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-208.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2505631,110820,Consumer loans,5184.585,24327.0,19458.0,4869.0,24327.0,SUNDAY,11,Y,1,0.2179793495442773,,,XAP,Approved,-1044,XNA,XAP,,New,Mobile,POS,XNA,Country-wide,60,Connectivity,4.0,middle,POS mobile without interest,365243.0,-1008.0,-918.0,-918.0,-911.0,0.0,0,Cash loans,F,N,Y,0,135000.0,417024.0,18369.0,360000.0,Children,Commercial associate,Higher education,Married,House / apartment,0.011703,-11555,-925,-2770.0,-2763,,1,1,0,1,0,0,Managers,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Bank,0.6605529000443535,0.3080744797683561,0.6178261467332483,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,0.0,-4.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2020843,275103,Consumer loans,2534.22,15299.64,13765.5,1534.14,15299.64,SATURDAY,10,Y,1,0.1092063556575663,,,XAP,Refused,-2506,Cash through the bank,SCO,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,2565,Consumer electronics,6.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,157500.0,225000.0,13045.5,225000.0,Unaccompanied,Pensioner,Higher education,Widow,Co-op apartment,0.026392000000000002,-24363,365243,-16054.0,-4326,,1,0,0,1,1,0,,1.0,2,2,SATURDAY,10,0,0,0,0,0,0,XNA,,0.6911964157402487,0.7597121819739279,0.0536,,0.9617,,,0.0,0.1724,0.125,,,,0.0701,,0.0,0.0546,,0.9618,,,0.0,0.1724,0.125,,,,0.073,,0.0,0.0541,,0.9617,,,0.0,0.1724,0.125,,,,0.0713,,0.0,,block of flats,0.0551,"Stone, brick",No,0.0,0.0,0.0,0.0,-1950.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +2774758,418521,Cash loans,13563.54,112500.0,119925.0,,112500.0,WEDNESDAY,13,Y,1,,,,XNA,Refused,-425,Cash through the bank,HC,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,Y,0,81000.0,225000.0,15034.5,225000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.01885,-10438,-605,-4892.0,-683,,1,1,1,1,0,0,Laborers,2.0,2,2,MONDAY,12,0,0,0,1,1,0,Industry: type 3,0.33035410756789474,0.4295730905254283,0.375711009574066,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-425.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1230192,407048,Revolving loans,22500.0,450000.0,450000.0,,450000.0,TUESDAY,12,Y,1,,,,XAP,Approved,-461,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-459.0,-407.0,365243.0,-73.0,365243.0,0.0,0,Cash loans,F,N,Y,0,135000.0,888840.0,31923.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-18697,-967,-11318.0,-2236,,1,1,0,1,1,0,,2.0,2,2,MONDAY,9,0,0,0,0,0,0,Self-employed,0.644962787869521,0.5075893516935289,0.5567274263630174,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-876.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1142983,344373,Cash loans,,0.0,0.0,,,TUESDAY,16,Y,1,,,,XNA,Refused,-448,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,1,Cash loans,F,N,Y,1,112500.0,436032.0,29268.0,360000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.009656999999999999,-14874,-1560,-3144.0,-1663,,1,1,0,1,0,0,Medicine staff,3.0,2,2,TUESDAY,11,0,0,0,0,0,0,Medicine,0.3278500723410189,0.2504498791603146,0.22009464485041005,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,3.0,0.0,3.0,0.0,-748.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1187694,232623,Consumer loans,15502.86,138555.0,125631.0,22500.0,138555.0,TUESDAY,12,Y,1,0.16542482974222447,,,XAP,Approved,-1926,XNA,XAP,Family,Repeater,Computers,POS,XNA,Stone,86,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1892.0,-1622.0,-1682.0,-1676.0,0.0,0,Cash loans,F,N,Y,0,180000.0,1125000.0,33025.5,1125000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.028663,-17638,-1213,-606.0,-1195,,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,Government,0.7499303842249879,0.4898457878406397,0.42589289800515295,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-936.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1574464,316535,Consumer loans,9402.21,101655.0,89374.5,20331.0,101655.0,FRIDAY,11,Y,1,0.2018340673232178,,,XAP,Approved,-2215,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Stone,158,Consumer electronics,12.0,middle,POS other with interest,365243.0,-2184.0,-1854.0,-1884.0,-1877.0,1.0,0,Cash loans,M,Y,Y,1,270000.0,1327500.0,36634.5,1327500.0,Family,Working,Higher education,Married,House / apartment,0.003069,-18432,-3810,-9754.0,-1965,4.0,1,1,0,1,1,0,High skill tech staff,3.0,3,3,MONDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.579509759113508,0.7136313997323308,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-291.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2697160,106994,Consumer loans,9060.75,46890.0,44428.5,4689.0,46890.0,SATURDAY,13,Y,1,0.10397001624120268,,,XAP,Approved,-637,Cash through the bank,XAP,Unaccompanied,Repeater,Auto Accessories,POS,XNA,Stone,78,Industry,6.0,high,POS other with interest,365243.0,-602.0,-452.0,-452.0,-447.0,0.0,1,Cash loans,M,Y,N,0,112500.0,254700.0,30357.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.035792000000000004,-9133,-834,-4378.0,-1730,17.0,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,18,0,0,0,0,0,0,Self-employed,,0.05059952234045504,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-445.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2579683,421916,Consumer loans,15716.205,140940.0,126846.0,14094.0,140940.0,TUESDAY,12,Y,1,0.1089090909090909,,,XAP,Approved,-1169,Cash through the bank,XAP,"Spouse, partner",Repeater,Furniture,POS,XNA,Stone,250,Furniture,10.0,middle,POS industry with interest,365243.0,-1136.0,-866.0,-926.0,-918.0,0.0,0,Cash loans,F,Y,N,0,337500.0,708484.5,76432.5,652500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.0038130000000000004,-13895,-941,-1737.0,-1735,16.0,1,1,0,1,0,0,Managers,2.0,2,2,TUESDAY,7,0,0,0,0,1,1,Self-employed,0.5286137488883108,0.17178387368888307,0.4902575124990026,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1398.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1079241,209535,Consumer loans,5895.135,35491.5,35491.5,0.0,35491.5,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-267,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,8.0,high,POS mobile with interest,365243.0,-224.0,-14.0,-14.0,-10.0,0.0,0,Cash loans,F,Y,Y,1,135000.0,852088.5,43636.5,688500.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.014464,-11009,-3603,-4829.0,-2705,65.0,1,1,0,1,0,0,Accountants,3.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,Postal,0.37100427528565627,0.3350354378944605,0.7449321846094795,0.0701,0.0622,0.9796,,0.026,,,,,,0.0572,0.0609,0.0,0.0,0.0714,0.0645,0.9796,,0.0262,,,,,,0.0624,0.0634,0.0,0.0,0.0708,0.0622,0.9796,,0.0261,,,,,,0.0581,0.062,0.0,0.0,reg oper account,block of flats,0.0621,Panel,No,0.0,0.0,0.0,0.0,-267.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2632849,270693,Consumer loans,13348.35,134955.0,133483.5,13495.5,134955.0,TUESDAY,9,Y,1,0.09999949900078488,,,XAP,Approved,-1316,Cash through the bank,XAP,Children,New,Audio/Video,POS,XNA,Regional / Local,481,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1285.0,-955.0,-955.0,-947.0,0.0,0,Cash loans,M,Y,Y,0,157500.0,343800.0,13090.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018209,-18049,-4660,-10311.0,-1499,18.0,1,1,0,1,0,0,,2.0,3,3,TUESDAY,8,0,0,0,0,1,1,Business Entity Type 3,,0.3523361867523072,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1316.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1645519,207335,Revolving loans,2250.0,0.0,45000.0,,,TUESDAY,19,Y,1,,,,XAP,Approved,-2270,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-2266.0,-2223.0,365243.0,-1981.0,365243.0,0.0,0,Cash loans,F,N,Y,2,90000.0,1078200.0,31653.0,900000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-13802,-5875,-1903.0,-5981,,1,1,1,1,1,0,Sales staff,4.0,2,2,THURSDAY,13,0,0,0,0,0,0,Services,0.6343686239562304,0.6566406809767131,0.6940926425266661,0.1031,0.0,0.9776,0.6940000000000001,,0.0,0.2069,0.1667,,0.0791,,0.0586,,0.0,0.105,0.0,0.9777,0.706,,0.0,0.2069,0.1667,,0.081,,0.0611,,0.0,0.1041,0.0,0.9776,0.6981,,0.0,0.2069,0.1667,,0.0805,,0.0597,,0.0,,block of flats,0.0696,"Stone, brick",No,2.0,0.0,2.0,0.0,-1633.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2746718,215825,Consumer loans,5625.225,124866.0,124866.0,0.0,124866.0,THURSDAY,13,Y,1,0.0,,,XAP,Approved,-341,XNA,XAP,,New,Computers,POS,XNA,Country-wide,2000,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-310.0,380.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,Y,1,90000.0,180000.0,9000.0,180000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.020246,-13544,-1069,-2367.0,-2367,,1,1,0,1,1,0,,3.0,3,3,TUESDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.5591786940724603,0.4775971543979302,,0.0722,0.0847,0.9776,,,0.0,0.1379,0.1667,,0.0753,,0.0671,,0.0,0.0735,0.0879,0.9777,,,0.0,0.1379,0.1667,,0.077,,0.0699,,0.0,0.0729,0.0847,0.9776,,,0.0,0.1379,0.1667,,0.0766,,0.0683,,0.0,,block of flats,0.0575,"Stone, brick",No,3.0,0.0,3.0,0.0,-341.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1916058,280586,Consumer loans,1736.685,13540.5,14881.5,0.0,13540.5,WEDNESDAY,19,Y,1,0.0,,,XAP,Approved,-2408,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Stone,22,Connectivity,12.0,high,POS mobile with interest,365243.0,-2377.0,-2047.0,-2047.0,-2040.0,1.0,0,Cash loans,M,N,Y,0,202500.0,369000.0,22428.0,369000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.028663,-15707,-4365,-2044.0,-4320,,1,1,0,1,0,0,Core staff,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Police,,0.16844978515819545,0.633031641417419,0.0946,0.0628,0.9925,0.898,0.0258,0.08800000000000001,0.0828,0.3,0.1417,0.0583,0.0765,0.0843,0.0031,0.0014,0.1134,0.0506,0.994,0.9216,0.0499,0.1208,0.1034,0.3333,0.0417,0.0131,0.0983,0.0548,0.0039,0.0,0.1124,0.0566,0.994,0.9195,0.0128,0.12,0.1034,0.3333,0.0417,0.0749,0.0915,0.0942,0.0039,0.001,reg oper account,block of flats,0.0895,Panel,No,0.0,0.0,0.0,0.0,-457.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1730073,151198,Cash loans,43913.25,225000.0,225000.0,,225000.0,TUESDAY,15,Y,1,,,,XNA,Approved,-483,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,high,Cash X-Sell: high,365243.0,-453.0,-303.0,-333.0,-331.0,0.0,0,Revolving loans,F,Y,N,0,202500.0,495000.0,24750.0,495000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.0060079999999999995,-14434,-3310,-795.0,-4318,9.0,1,1,0,1,0,0,,2.0,2,2,TUESDAY,13,0,0,0,0,1,1,Self-employed,,0.7106821899580121,0.4938628816996244,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-483.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2290634,157750,Cash loans,20527.92,450000.0,621117.0,,450000.0,FRIDAY,13,Y,1,,,,XNA,Approved,-296,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-266.0,1144.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,2,202500.0,981000.0,28813.5,981000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-11374,-2343,-4443.0,-2528,,1,1,0,1,1,0,Private service staff,4.0,2,2,SUNDAY,12,0,0,0,1,1,0,Self-employed,0.2610320438082613,0.7428650381124142,0.520897599048938,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1613.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +1059155,301464,Consumer loans,3527.46,17082.0,19966.5,0.0,17082.0,FRIDAY,10,Y,1,0.0,,,XAP,Approved,-576,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Regional / Local,101,Connectivity,6.0,low_normal,POS household with interest,365243.0,-545.0,-395.0,-395.0,-392.0,0.0,1,Cash loans,F,N,Y,0,99000.0,254700.0,20250.0,225000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.007120000000000001,-9918,-1179,-2364.0,-1960,,1,1,1,1,0,0,,2.0,2,2,SUNDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.05443113339846325,0.5999082017600249,0.3046721837533529,0.0474,,0.9921,0.8912,,0.0,0.1724,,0.125,,0.0361,0.0538,0.0116,0.0287,0.0483,,0.9921,0.8955,,0.0,0.1724,,0.125,,0.0395,0.0561,0.0117,0.0304,0.0479,,0.9921,0.8927,,0.0,0.1724,,0.125,,0.0368,0.0548,0.0116,0.0293,,,0.0486,,No,5.0,0.0,5.0,0.0,-870.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1855690,439890,Revolving loans,11250.0,0.0,225000.0,,,TUESDAY,10,Y,1,,,,XAP,Approved,-1258,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,45000.0,555273.0,16366.5,463500.0,"Spouse, partner",Working,Secondary / secondary special,Civil marriage,House / apartment,0.025164,-16843,-1335,-2140.0,-389,,1,1,0,1,0,0,,3.0,2,2,SUNDAY,8,0,0,0,0,0,0,Self-employed,0.6050418245534895,0.1942664499695638,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1896232,145960,Consumer loans,4100.76,33480.0,29083.5,6750.0,33480.0,FRIDAY,18,Y,1,0.2051533798362883,,,XAP,Approved,-999,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,84,Connectivity,10.0,high,POS mobile with interest,365243.0,-960.0,-690.0,-690.0,-682.0,0.0,0,Cash loans,F,Y,N,0,216000.0,302341.5,18400.5,261000.0,Family,State servant,Higher education,Single / not married,House / apartment,0.00496,-10677,-1368,-980.0,-1028,65.0,1,1,0,1,0,0,Core staff,1.0,2,2,WEDNESDAY,17,0,0,0,0,1,1,Security Ministries,0.4345613338974545,0.5898956998866841,0.3842068130556564,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,0.0,0.0,1.0 +1161626,256915,Consumer loans,5071.095,52056.0,45076.5,10413.0,52056.0,SATURDAY,8,Y,1,0.20437566812394475,,,XAP,Approved,-2844,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Regional / Local,368,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2813.0,-2543.0,-2543.0,-2535.0,1.0,0,Cash loans,F,N,N,0,67500.0,553806.0,22090.5,495000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-22228,365243,-9226.0,-4591,,1,0,0,1,0,0,,2.0,2,2,MONDAY,11,0,0,0,0,0,0,XNA,,0.7344140382779505,0.7016957740576931,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,3.0,1.0,-2458.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1888993,375881,Cash loans,21283.29,225000.0,269374.5,,225000.0,THURSDAY,7,Y,1,,,,Purchase of electronic equipment,Refused,-512,Cash through the bank,SCOFR,,New,XNA,Cash,walk-in,AP+ (Cash loan),3,XNA,24.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,180000.0,302206.5,15952.5,229500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,Municipal apartment,0.018801,-17505,-6087,-989.0,-183,,1,1,0,1,0,0,Security staff,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,School,0.4889552269359566,0.5028282383919472,0.07801576652252579,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-512.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1596153,173049,Cash loans,18389.79,90000.0,95940.0,,90000.0,TUESDAY,13,Y,1,,,,XNA,Approved,-226,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-196.0,-46.0,-46.0,-39.0,1.0,0,Revolving loans,M,N,Y,0,180000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.007114,-9845,-1106,-1555.0,-2472,,1,1,0,1,1,1,Managers,1.0,2,2,THURSDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.6100876536728961,0.5172965813614878,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1009.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2693032,107386,Revolving loans,,0.0,0.0,,,SUNDAY,12,Y,1,,,,XAP,Refused,-444,XNA,HC,,Repeater,XNA,XNA,XNA,AP+ (Cash loan),25,XNA,,XNA,Card Street,,,,,,,0,Cash loans,M,Y,N,0,292500.0,755190.0,36459.0,675000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.016612000000000002,-21714,365243,-814.0,-1918,5.0,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,XNA,,0.5726315053026567,0.746300213050371,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1470.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1294365,223385,Revolving loans,29250.0,585000.0,585000.0,,585000.0,WEDNESDAY,11,Y,1,,,,XAP,Approved,-54,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,F,N,Y,0,202500.0,725121.0,68976.0,697500.0,Family,Commercial associate,Higher education,Separated,House / apartment,0.019688999999999998,-17719,-295,-6191.0,-1249,,1,1,0,1,0,0,,1.0,2,2,MONDAY,10,0,1,1,0,1,1,Business Entity Type 3,,0.6705856748821338,0.7076993447402619,0.1186,0.0223,0.9791,0.7144,0.0159,0.0,0.2414,0.1667,0.2083,0.0617,0.0941,0.1057,0.0116,0.077,0.1208,0.0231,0.9791,0.7256,0.0161,0.0,0.2414,0.1667,0.2083,0.0632,0.1028,0.1101,0.0117,0.0815,0.1197,0.0223,0.9791,0.7182,0.016,0.0,0.2414,0.1667,0.2083,0.0628,0.0958,0.1076,0.0116,0.0786,reg oper spec account,block of flats,0.0955,"Stone, brick",No,1.0,0.0,1.0,0.0,-26.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +2102556,154738,Consumer loans,28718.055,1289250.0,966937.5,322312.5,1289250.0,THURSDAY,13,Y,1,0.2722727272727272,,,XAP,Approved,-2665,Cash through the bank,XAP,,Repeater,XNA,Cars,XNA,Car dealer,3369,Industry,60.0,low_normal,POS industry with interest,,,,,,,0,Cash loans,M,Y,Y,0,270000.0,675000.0,32472.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-14775,-1616,-6745.0,-4859,6.0,1,1,0,1,0,0,Managers,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Construction,0.5047826395174689,0.7813915617799391,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2665.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1089833,280212,Cash loans,,0.0,0.0,,,MONDAY,15,Y,1,,,,XNA,Refused,-183,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,135000.0,363190.5,23341.5,328500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.006207,-24187,365243,-13314.0,-4365,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,,0.626538319469772,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-475.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2017043,200643,Cash loans,17269.83,229500.0,248130.0,,229500.0,MONDAY,7,Y,1,,,,XNA,Approved,-477,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-447.0,63.0,-27.0,-23.0,1.0,0,Cash loans,F,N,Y,0,112500.0,630000.0,20452.5,630000.0,Family,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.025164,-22722,365243,-643.0,-4316,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,11,0,0,0,0,0,0,XNA,,0.3751911602936275,0.5567274263630174,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,2.0,6.0,0.0,-1877.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +1786309,231750,Consumer loans,8690.4,40275.0,42268.5,0.0,40275.0,TUESDAY,10,Y,1,0.0,,,XAP,Approved,-1487,Cash through the bank,XAP,,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,35,Connectivity,6.0,high,POS mobile with interest,365243.0,-1447.0,-1297.0,-1357.0,-1349.0,0.0,0,Cash loans,F,N,Y,0,225000.0,515529.0,22837.5,391500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020713,-23054,365243,-602.0,-2962,,1,0,0,1,0,0,,2.0,3,3,FRIDAY,5,0,0,0,0,0,0,XNA,,0.5494625906374844,0.524496446363472,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1767.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1570723,297371,Consumer loans,4212.18,41602.5,45994.5,0.0,41602.5,SATURDAY,8,Y,1,0.0,,,XAP,Approved,-948,Cash through the bank,XAP,Family,Refreshed,Audio/Video,POS,XNA,Stone,1179,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-917.0,-587.0,-857.0,-849.0,0.0,0,Revolving loans,M,Y,N,0,90000.0,135000.0,6750.0,135000.0,Unaccompanied,Working,Lower secondary,Married,With parents,0.020246,-10894,-2506,-3309.0,-3584,3.0,1,1,0,1,0,0,Security staff,2.0,3,3,TUESDAY,8,0,0,0,0,1,1,Security,0.5218137180720744,0.5809211979048913,0.4294236843421945,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-189.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2466409,341379,Consumer loans,19269.495,361665.0,361665.0,0.0,361665.0,TUESDAY,16,Y,1,0.0,,,XAP,Approved,-131,Cash through the bank,XAP,Unaccompanied,Refreshed,Medical Supplies,POS,XNA,Regional / Local,20,Industry,24.0,low_normal,POS industry with interest,,,,,,,0,Cash loans,F,N,N,0,112500.0,254700.0,14620.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.006233,-12345,-4406,-2858.0,-4269,,1,1,1,1,1,0,Core staff,1.0,2,2,SATURDAY,18,0,0,0,0,0,0,Medicine,,0.6129189279259468,0.4920600938649263,0.133,0.1075,0.9801,0.728,0.0181,0.0,0.2759,0.2083,0.25,0.0572,0.1084,0.1237,0.0,0.0766,0.1355,0.1116,0.9801,0.7387,0.0182,0.0,0.2759,0.2083,0.25,0.0585,0.1185,0.1289,0.0,0.0811,0.1343,0.1075,0.9801,0.7316,0.0182,0.0,0.2759,0.2083,0.25,0.0582,0.1103,0.1259,0.0,0.0782,reg oper spec account,block of flats,0.1238,"Stone, brick",No,0.0,0.0,0.0,0.0,-1744.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1001348,336621,Consumer loans,4197.825,19930.5,20916.0,0.0,19930.5,THURSDAY,11,Y,1,0.0,,,XAP,Approved,-2757,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,17,Connectivity,6.0,high,POS mobile with interest,365243.0,-2726.0,-2576.0,-2576.0,-2558.0,1.0,0,Cash loans,F,N,Y,0,157500.0,526491.0,28179.0,454500.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.00823,-23278,365243,-4319.0,-4572,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,XNA,,0.6068316328730181,0.7338145369642702,0.1237,,0.995,,,,,0.375,,,,0.1272,,0.0045,0.1261,,0.995,,,,,0.375,,,,0.1325,,0.0048,0.1249,,0.995,,,,,0.375,,,,0.1294,,0.0046,,,0.1,"Stone, brick",No,0.0,0.0,0.0,0.0,-1308.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2515887,277005,Cash loans,24627.375,472500.0,528633.0,,472500.0,WEDNESDAY,9,Y,1,,,,XNA,Refused,-188,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,,,,,,,0,Revolving loans,M,N,Y,0,157500.0,360000.0,18000.0,360000.0,Family,Working,Secondary / secondary special,Single / not married,House / apartment,0.025164,-21769,-1648,-267.0,-4389,,1,1,0,1,0,0,Drivers,1.0,2,2,TUESDAY,9,0,0,0,0,0,0,Self-employed,,0.4532221834982945,0.05384435347241005,0.0722,0.078,0.9712,0.6056,0.015,0.0,0.2069,0.1667,0.1667,0.0726,0.0555,0.0743,0.0154,0.0991,0.0735,0.081,0.9712,0.621,0.0151,0.0,0.2069,0.1667,0.1667,0.0742,0.0606,0.0775,0.0156,0.1049,0.0729,0.078,0.9712,0.6109,0.0151,0.0,0.2069,0.1667,0.1667,0.0738,0.0564,0.0757,0.0155,0.1011,reg oper account,block of flats,0.0882,"Stone, brick",No,2.0,2.0,2.0,2.0,-761.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1628492,253256,Revolving loans,6750.0,0.0,180000.0,,,MONDAY,13,N,0,,,,XAP,Refused,-623,XNA,SCOFR,,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),6,XNA,0.0,XNA,Card X-Sell,,,,,,,1,Cash loans,F,N,N,0,72000.0,640080.0,31131.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-13806,-920,-2131.0,-3524,,1,1,0,1,0,0,Sales staff,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Self-employed,,0.1923160541736026,0.2392262794694045,0.1,0.0,0.9821,,,0.0,0.2069,0.1667,,0.0767,,0.0593,,0.1299,0.1019,0.0,0.9821,,,0.0,0.2069,0.1667,,0.0784,,0.0618,,0.1375,0.101,0.0,0.9821,,,0.0,0.2069,0.1667,,0.078,,0.0604,,0.1326,,block of flats,0.0709,"Stone, brick",No,2.0,0.0,2.0,0.0,-834.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2398098,101668,Cash loans,19404.18,157500.0,189364.5,,157500.0,TUESDAY,16,Y,1,,,,XNA,Approved,-937,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-907.0,-577.0,-757.0,-741.0,1.0,0,Cash loans,F,Y,N,0,72000.0,327024.0,21982.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009656999999999999,-15873,-183,-9329.0,-4808,10.0,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,11,0,0,0,0,0,0,Self-employed,,0.657837755832061,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-983.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1939926,179035,Consumer loans,11405.79,109260.0,120798.0,0.0,109260.0,MONDAY,17,Y,1,0.0,,,XAP,Approved,-775,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Regional / Local,814,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-744.0,-414.0,-414.0,-405.0,0.0,0,Cash loans,F,Y,Y,0,166500.0,571500.0,30447.0,571500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.018634,-19798,-7897,-8855.0,-3326,6.0,1,1,0,1,0,0,Laborers,1.0,2,2,SATURDAY,15,0,0,0,0,0,0,Military,,0.6066229205460056,,0.0794,0.0131,0.9896,0.8572,0.0254,0.0,0.1379,0.1667,0.0417,0.0234,0.063,0.0779,0.0077,0.0475,0.0809,0.0136,0.9896,0.8628,0.0256,0.0,0.1379,0.1667,0.0417,0.0239,0.0689,0.0811,0.0078,0.0503,0.0802,0.0131,0.9896,0.8591,0.0256,0.0,0.1379,0.1667,0.0417,0.0238,0.0641,0.0793,0.0078,0.0485,reg oper account,block of flats,0.0843,"Stone, brick",No,3.0,0.0,3.0,0.0,-67.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1996714,381803,Cash loans,37469.655,675000.0,767664.0,,675000.0,THURSDAY,10,Y,1,,,,XNA,Refused,-714,Cash through the bank,HC,Family,Refreshed,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,middle,Cash Street: middle,,,,,,,0,Cash loans,M,Y,Y,0,202500.0,568908.0,24232.5,508500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.00702,-22212,-4158,-12521.0,-4231,2.0,1,1,0,1,0,0,,2.0,2,2,THURSDAY,10,0,0,0,0,1,1,Agriculture,,0.5971442813126849,0.4614823912998385,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-1554.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1065378,400256,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SATURDAY,9,Y,1,,,,XAP,Approved,-358,XNA,XAP,,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),-1,XNA,0.0,XNA,Card Street,-324.0,-279.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,135000.0,832500.0,44482.5,832500.0,Unaccompanied,Working,Higher education,Married,Office apartment,0.020246,-11218,-201,-3580.0,-1543,,1,1,1,1,1,0,Sales staff,2.0,3,3,SUNDAY,12,0,0,0,0,0,0,Self-employed,0.31875735074491696,0.24521596570032084,0.3077366963789207,0.0082,0.0,0.9702,,,0.0,0.0517,0.0417,,0.0149,,0.0064,,0.0,0.0084,0.0,0.9702,,,0.0,0.0345,0.0417,,0.0052,,0.0067,,0.0,0.0083,0.0,0.9702,,,0.0,0.0517,0.0417,,0.0151,,0.0065,,0.0,,block of flats,0.005,"Stone, brick",Yes,0.0,0.0,0.0,0.0,-1287.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,1.0 +1735144,338542,Cash loans,9243.0,225000.0,225000.0,0.0,225000.0,WEDNESDAY,12,Y,1,0.0,,,XNA,Refused,-2417,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,N,0,135000.0,305221.5,20524.5,252000.0,Unaccompanied,Commercial associate,Higher education,Separated,Municipal apartment,0.022625,-21970,-112,-2796.0,-4795,,1,1,0,1,0,0,Medicine staff,1.0,2,2,FRIDAY,10,0,0,0,0,0,0,Hotel,,0.728789142995527,0.11761373170805695,0.1649,0.0,0.9796,0.7212,0.2295,0.16,0.1379,0.3333,0.375,0.0,0.1345,0.1066,0.0,0.0,0.1681,0.0,0.9796,0.7321,0.2316,0.1611,0.1379,0.3333,0.375,0.0,0.1469,0.1111,0.0,0.0,0.1665,0.0,0.9796,0.7249,0.2309,0.16,0.1379,0.3333,0.375,0.0,0.1368,0.1085,0.0,0.0,reg oper account,block of flats,0.1255,Block,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,0.0 +1333851,373734,Consumer loans,6608.97,26959.05,23197.5,4504.05,26959.05,FRIDAY,12,Y,1,0.1770774526728977,,,XAP,Approved,-2814,Cash through the bank,XAP,Other_B,Repeater,Mobile,POS,XNA,Country-wide,820,Consumer electronics,4.0,high,POS household with interest,365243.0,-2783.0,-2693.0,-2693.0,-2686.0,1.0,0,Cash loans,M,Y,N,2,337500.0,604152.0,32773.5,540000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.072508,-12110,-1466,-512.0,-1193,8.0,1,1,1,1,1,1,Managers,4.0,1,1,WEDNESDAY,17,0,0,0,0,0,0,Business Entity Type 2,,0.5685112382023821,0.3001077565791181,0.1777,0.0755,0.996,0.9456,0.0899,0.2664,0.1148,0.5971,0.5833,0.0182,0.1448,0.0934,0.0,0.0276,0.1334,0.0614,0.996,0.9477,0.0755,0.1611,0.069,0.375,0.4167,0.0141,0.1166,0.0545,0.0,0.0221,0.17800000000000002,0.0632,0.996,0.9463,0.0873,0.24,0.1034,0.5417,0.4167,0.0156,0.1462,0.1133,0.0,0.0298,reg oper account,block of flats,0.1583,Panel,No,1.0,0.0,1.0,0.0,-1788.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,4.0 +1188983,153386,Consumer loans,4376.79,31185.0,34272.0,0.0,31185.0,SUNDAY,15,Y,1,0.0,,,XAP,Approved,-1387,Cash through the bank,XAP,Children,New,Mobile,POS,XNA,Country-wide,21,Connectivity,12.0,high,POS mobile with interest,365243.0,-1356.0,-1026.0,-1026.0,-981.0,0.0,0,Cash loans,F,N,Y,0,135000.0,517788.0,18729.0,427500.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,Municipal apartment,0.019688999999999998,-20928,365243,-10622.0,-4366,,1,0,0,1,1,0,,2.0,2,2,MONDAY,14,0,0,0,0,0,0,XNA,,0.2777281390176555,,0.0814,0.0782,0.9747,0.6532,0.0073,0.0,0.1379,0.1667,0.2083,0.0542,0.0656,0.0626,0.0039,0.0053,0.083,0.0812,0.9747,0.6668,0.0074,0.0,0.1379,0.1667,0.2083,0.0555,0.0716,0.0652,0.0039,0.0056,0.0822,0.0782,0.9747,0.6578,0.0073,0.0,0.1379,0.1667,0.2083,0.0552,0.0667,0.0637,0.0039,0.0054,reg oper account,block of flats,0.0543,Block,No,0.0,0.0,0.0,0.0,-1387.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2676995,129446,Cash loans,29967.615,135000.0,156154.5,,135000.0,SUNDAY,11,Y,1,,,,XNA,Approved,-756,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,Y,Y,0,180000.0,781920.0,47965.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.032561,-11609,-3878,-4692.0,-4141,3.0,1,1,0,1,0,1,Sales staff,2.0,1,1,SUNDAY,10,0,0,0,0,0,0,Self-employed,,0.3221554299572505,0.6986675550534175,0.1227,0.0815,0.9866,0.8164,0.0224,0.12,0.1034,0.375,0.0417,0.1164,0.1,0.0881,0.0,0.0,0.125,0.0846,0.9866,0.8236,0.0226,0.1208,0.1034,0.375,0.0417,0.119,0.1093,0.0918,0.0,0.0,0.1239,0.0815,0.9866,0.8189,0.0225,0.12,0.1034,0.375,0.0417,0.1184,0.1018,0.0897,0.0,0.0,reg oper account,block of flats,0.1057,Panel,No,0.0,0.0,0.0,0.0,-54.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1619197,142424,Consumer loans,7425.495,61065.0,61065.0,0.0,61065.0,SATURDAY,17,Y,1,0.0,,,XAP,Approved,-1928,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,2148,Consumer electronics,12.0,high,POS household with interest,365243.0,-1897.0,-1567.0,-1567.0,-1563.0,0.0,0,Cash loans,F,Y,N,0,189000.0,1575000.0,46053.0,1575000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018801,-12584,-2926,-3899.0,-3892,12.0,1,1,1,1,1,1,Managers,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Bank,0.485212001090478,0.5623051159972904,0.3185955240537633,0.1113,0.0807,0.9796,0.7212,0.0525,0.12,0.1034,0.3333,0.375,0.043,0.0899,0.1088,0.0039,0.0044,0.1134,0.0838,0.9796,0.7321,0.053,0.1208,0.1034,0.3333,0.375,0.0439,0.0983,0.1134,0.0039,0.0046,0.1124,0.0807,0.9796,0.7249,0.0528,0.12,0.1034,0.3333,0.375,0.0437,0.0915,0.1108,0.0039,0.0045,reg oper account,block of flats,0.1152,Panel,No,7.0,1.0,7.0,0.0,-613.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,0.0 +1213397,401523,Consumer loans,15754.5,450000.0,405000.0,45000.0,450000.0,SATURDAY,12,Y,1,0.1089090909090909,,,XAP,Approved,-714,Cash through the bank,XAP,Unaccompanied,Refreshed,Consumer Electronics,POS,XNA,Stone,120,Consumer electronics,36.0,low_normal,POS household with interest,365243.0,-674.0,376.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,94500.0,555273.0,16366.5,463500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.031329,-20705,365243,-14858.0,-4042,,1,0,0,1,1,0,,1.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,0.8639824589975663,0.3730764134690592,0.6610235391308081,0.0619,0.0602,0.9781,0.7008,0.0076,0.0,0.1379,0.1667,0.2083,0.0498,0.0504,0.0515,0.0,0.0,0.063,0.0625,0.9782,0.7125,0.0077,0.0,0.1379,0.1667,0.2083,0.051,0.0551,0.0536,0.0,0.0,0.0625,0.0602,0.9781,0.7048,0.0076,0.0,0.1379,0.1667,0.2083,0.0507,0.0513,0.0524,0.0,0.0,reg oper account,block of flats,0.0405,Panel,No,0.0,0.0,0.0,0.0,-382.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1801569,262987,Cash loans,45679.455,810000.0,893398.5,,810000.0,FRIDAY,15,Y,1,,,,XNA,Approved,-822,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-792.0,258.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,N,1,270000.0,1546020.0,45333.0,1350000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.008575,-14207,-4079,-7516.0,-3974,3.0,1,1,0,1,0,0,Drivers,3.0,2,2,MONDAY,11,0,0,0,0,0,0,Self-employed,,0.694611808074154,,0.0979,,0.9886,,,0.1464,0.1379,0.3392,,0.0712,,0.1571,,,0.042,,0.9891,,,0.0403,0.0345,0.375,,0.0366,,0.0481,,,0.0416,,0.9891,,,0.04,0.0345,0.375,,0.0364,,0.0473,,,reg oper spec account,block of flats,0.2929,Panel,No,0.0,0.0,0.0,0.0,-822.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1543321,141423,Consumer loans,16189.425,121486.5,116554.5,12150.0,121486.5,WEDNESDAY,13,Y,1,0.10281267978551284,,,XAP,Approved,-2403,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,10,Consumer electronics,8.0,low_normal,POS household without interest,365243.0,-2372.0,-2162.0,-2162.0,-2147.0,1.0,0,Cash loans,F,N,Y,0,157500.0,454500.0,14661.0,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.018801,-22436,365243,-296.0,-4462,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,13,0,0,0,0,0,0,XNA,,0.5687633403553177,,0.1186,0.0713,0.9851,0.7959999999999999,,0.0,0.069,0.1667,,0.0543,0.0958,0.059,0.0039,0.0105,0.1208,0.07400000000000001,0.9851,0.804,,0.0,0.069,0.1667,,0.0556,0.1047,0.0614,0.0039,0.0111,0.1197,0.0713,0.9851,0.7987,,0.0,0.069,0.1667,,0.0553,0.0975,0.06,0.0039,0.0107,reg oper account,block of flats,0.0527,"Stone, brick",No,1.0,0.0,1.0,0.0,-2765.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2004004,105603,Cash loans,14889.915,238500.0,264316.5,,238500.0,SATURDAY,13,Y,1,,,,XNA,Approved,-299,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-269.0,421.0,-269.0,-263.0,1.0,0,Cash loans,M,Y,Y,0,112500.0,497520.0,36184.5,450000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-19437,-3157,-2366.0,-2794,8.0,1,1,0,1,0,0,Drivers,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Business Entity Type 1,0.3810191091780858,0.6834944240565765,0.5082869913916046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1774.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2800403,440928,Consumer loans,5813.685,47412.0,30870.0,18000.0,47412.0,TUESDAY,15,Y,1,0.4011384563870752,,,XAP,Approved,-1098,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,2441,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1067.0,-917.0,-1007.0,-1002.0,0.0,0,Cash loans,F,N,Y,0,202500.0,177903.0,14260.5,148500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-21422,365243,-10650.0,-4920,,1,0,0,1,0,0,,2.0,2,2,MONDAY,11,0,0,0,0,0,0,XNA,,0.6949827767307994,,0.0825,0.0782,0.9791,0.7144,0.0091,0.0,0.1379,0.1667,0.2083,0.0898,0.0672,0.0698,0.0,0.0,0.084,0.0812,0.9791,0.7256,0.0092,0.0,0.1379,0.1667,0.2083,0.0918,0.0735,0.0727,0.0,0.0,0.0833,0.0782,0.9791,0.7182,0.0091,0.0,0.1379,0.1667,0.2083,0.0913,0.0684,0.0711,0.0,0.0,reg oper spec account,block of flats,0.0599,Panel,No,1.0,0.0,1.0,0.0,-1098.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1718309,334909,Consumer loans,4005.315,31230.0,34321.5,0.0,31230.0,TUESDAY,16,Y,1,0.0,,,XAP,Approved,-2345,Cash through the bank,XAP,"Spouse, partner",Repeater,Mobile,POS,XNA,Country-wide,80,Connectivity,12.0,high,POS mobile with interest,365243.0,-2314.0,-1984.0,-2014.0,-2011.0,1.0,0,Cash loans,F,N,Y,0,166500.0,233208.0,13518.0,184500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-13758,-6257,-7712.0,-4501,,1,1,0,1,0,0,Medicine staff,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Business Entity Type 1,,0.6883420014640765,0.6144143775673561,0.3351,0.3727,0.9826,0.762,0.1893,0.36,0.3103,0.3333,0.375,0.0968,0.2723,0.3616,0.0039,0.0034,0.3414,0.3868,0.9826,0.7713,0.191,0.3625,0.3103,0.3333,0.375,0.099,0.2975,0.3768,0.0039,0.0036,0.3383,0.3727,0.9826,0.7652,0.1905,0.36,0.3103,0.3333,0.375,0.0985,0.277,0.3681,0.0039,0.0035,reg oper spec account,block of flats,0.3887,Panel,No,2.0,1.0,2.0,0.0,-1811.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,1.0,3.0 +2678833,365932,Consumer loans,22235.76,312300.0,312300.0,0.0,312300.0,THURSDAY,8,Y,1,0.0,,,XAP,Refused,-2499,Cash through the bank,VERIF,Family,New,Furniture,POS,XNA,Stone,150,Furniture,18.0,middle,POS industry with interest,,,,,,,0,Cash loans,F,N,N,2,90000.0,1350000.0,46926.0,1350000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-14186,-3326,-2767.0,-5328,,1,1,1,1,1,0,Sales staff,4.0,2,2,SUNDAY,12,0,1,1,0,1,1,Business Entity Type 3,0.29856842669013833,0.580686936821281,0.5352762504724826,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-289.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1725943,209154,Consumer loans,3214.53,24246.0,26379.0,0.0,24246.0,TUESDAY,17,Y,1,0.0,,,XAP,Approved,-993,Cash through the bank,XAP,Family,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,1524,Consumer electronics,10.0,middle,POS household with interest,365243.0,-962.0,-692.0,-782.0,-778.0,0.0,0,Cash loans,F,Y,N,1,135000.0,601470.0,30838.5,450000.0,Family,Working,Secondary / secondary special,Married,With parents,0.019101,-12241,-5528,-6369.0,-704,17.0,1,1,0,1,0,0,,3.0,2,2,MONDAY,15,0,0,0,0,0,0,Industry: type 2,0.31656164274643994,0.5501824681734422,0.4170996682522097,0.0619,0.0681,0.9816,0.7484,0.0081,0.0,0.1379,0.1667,0.2083,0.0892,0.0504,0.0535,0.0,0.0,0.063,0.0707,0.9816,0.7583,0.0082,0.0,0.1379,0.1667,0.2083,0.0913,0.0551,0.0557,0.0,0.0,0.0625,0.0681,0.9816,0.7518,0.0082,0.0,0.1379,0.1667,0.2083,0.0908,0.0513,0.0545,0.0,0.0,reg oper account,block of flats,0.0465,"Stone, brick",No,5.0,1.0,5.0,0.0,-4.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2276900,300536,Consumer loans,4549.185,43555.5,22306.5,22500.0,43555.5,SUNDAY,12,Y,1,0.5468971121276032,,,XAP,Approved,-194,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,6.0,high,POS mobile with interest,365243.0,-153.0,-3.0,-3.0,365243.0,0.0,0,Cash loans,F,Y,Y,1,90000.0,123993.0,8946.0,103500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.0031219999999999998,-13969,-2251,-6926.0,-4228,64.0,1,1,0,1,0,0,Laborers,3.0,3,3,FRIDAY,15,0,0,0,0,0,0,Services,,0.6785446474198741,0.445396241560834,0.0309,0.0356,0.9861,,,0.0,0.069,0.1667,,0.048,,0.0283,,0.0,0.0315,0.037000000000000005,0.9861,,,0.0,0.069,0.1667,,0.0491,,0.0295,,0.0,0.0312,0.0356,0.9861,,,0.0,0.069,0.1667,,0.0488,,0.0288,,0.0,,block of flats,0.0248,"Stone, brick",No,8.0,0.0,8.0,0.0,-457.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1716534,220902,Consumer loans,6549.435,48721.5,53865.0,0.0,48721.5,MONDAY,12,Y,1,0.0,,,XAP,Approved,-569,Cash through the bank,XAP,,New,Computers,POS,XNA,Country-wide,20,Connectivity,12.0,high,POS mobile with interest,365243.0,-538.0,-208.0,-208.0,-199.0,0.0,1,Revolving loans,F,N,Y,0,135000.0,180000.0,9000.0,180000.0,Family,Commercial associate,Incomplete higher,Single / not married,House / apartment,0.04622,-7869,-256,-659.0,-168,,1,1,0,1,0,0,Core staff,1.0,1,1,WEDNESDAY,12,0,0,0,0,0,0,Self-employed,,0.598805487350999,,0.0082,0.0,0.9627,0.49,0.0013,0.0,0.069,0.0417,0.0833,,0.0067,0.0078,0.0,0.0,0.0084,0.0,0.9628,0.51,0.0014,0.0,0.069,0.0417,0.0833,,0.0073,0.0081,0.0,0.0,0.0083,0.0,0.9627,0.4968,0.0014,0.0,0.069,0.0417,0.0833,,0.0068,0.0079,0.0,0.0,reg oper account,block of flats,0.0061,Wooden,No,2.0,1.0,2.0,1.0,-569.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1635985,153437,Cash loans,10781.46,90000.0,107901.0,,90000.0,WEDNESDAY,13,Y,1,,,,XNA,Approved,-1560,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1530.0,-1200.0,-1200.0,-1192.0,1.0,0,Cash loans,F,N,Y,0,135000.0,711072.0,30019.5,540000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009175,-15174,-1153,-2831.0,-4158,,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Trade: type 7,0.4357063381387477,0.7318555987356303,0.4920600938649263,0.0113,,0.9722,,,0.0,0.0345,0.0417,,,,0.0085,,,0.0116,,0.9722,,,0.0,0.0345,0.0417,,,,0.0088,,,0.0115,,0.9722,,,0.0,0.0345,0.0417,,,,0.0086,,,,block of flats,0.0072,Wooden,No,2.0,1.0,2.0,1.0,-2362.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +2056507,437780,Revolving loans,9000.0,0.0,180000.0,,,SUNDAY,12,Y,1,,,,XAP,Approved,-2563,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,73,Connectivity,0.0,XNA,Card Street,-2562.0,-2527.0,365243.0,-1523.0,365243.0,0.0,0,Cash loans,F,N,Y,2,103500.0,518562.0,25078.5,463500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,With parents,0.018634,-11362,-2040,-1285.0,-3538,,1,1,0,1,0,0,Sales staff,4.0,2,2,MONDAY,11,0,0,0,1,1,0,Trade: type 7,,0.2660113800649693,0.4992720153045617,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-18.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1689632,243745,Cash loans,5301.9,90000.0,90000.0,,90000.0,TUESDAY,16,Y,1,,,,XNA,Refused,-756,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,Regional / Local,148,Consumer electronics,36.0,high,Cash X-Sell: high,,,,,,,1,Cash loans,F,N,Y,0,112500.0,276277.5,12298.5,238500.0,Children,Working,Secondary / secondary special,Married,House / apartment,0.006296,-17957,-919,-7285.0,-1508,,1,1,1,1,1,0,High skill tech staff,2.0,3,3,TUESDAY,10,0,0,0,0,0,0,Government,0.5523632226925427,0.6434693364701927,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-1125.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2094684,168647,Consumer loans,5203.935,24705.0,25929.0,0.0,24705.0,THURSDAY,5,Y,1,0.0,,,XAP,Approved,-2335,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,80,Connectivity,6.0,high,POS mobile with interest,365243.0,-2304.0,-2154.0,-2154.0,-2150.0,1.0,0,Revolving loans,F,Y,N,1,90000.0,315000.0,15750.0,315000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014464,-12807,-1860,-529.0,-2700,23.0,1,1,0,1,0,0,Core staff,3.0,2,2,MONDAY,5,0,0,0,0,0,0,Kindergarten,,0.07489926684343352,0.5937175866150576,0.1402,0.08,0.9816,0.7484,0.0421,0.0,0.0345,0.1667,0.2083,0.0762,0.1143,0.0544,0.0,0.0,0.1429,0.0831,0.9816,0.7583,0.0425,0.0,0.0345,0.1667,0.2083,0.078,0.1249,0.0567,0.0,0.0,0.1416,0.08,0.9816,0.7518,0.0424,0.0,0.0345,0.1667,0.2083,0.0776,0.1163,0.0554,0.0,0.0,reg oper account,block of flats,0.0658,Panel,No,0.0,0.0,0.0,0.0,-2088.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1402833,354690,Consumer loans,5744.61,56875.5,49225.5,7650.0,56875.5,WEDNESDAY,18,Y,1,0.1464874234871861,,,XAP,Refused,-2393,Cash through the bank,LIMIT,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,42,Connectivity,12.0,low_normal,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,0,121500.0,192874.5,13846.5,175500.0,"Spouse, partner",Working,Secondary / secondary special,Civil marriage,House / apartment,0.007114,-9502,-914,-4501.0,-2177,,1,1,1,1,1,0,Secretaries,2.0,2,2,TUESDAY,18,0,0,0,0,0,0,Business Entity Type 3,,0.3969399310872879,0.6279908192952864,,,0.9836,,,0.0,0.0345,0.1667,,,,0.065,,0.0241,,,0.9836,,,0.0,0.0345,0.1667,,,,0.0678,,0.0255,,,0.9836,,,0.0,0.0345,0.1667,,,,0.0662,,0.0246,,block of flats,0.07,Block,No,0.0,0.0,0.0,0.0,-500.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1080706,366996,Consumer loans,11483.685,114745.5,103270.5,11475.0,114745.5,MONDAY,18,Y,1,0.10891336202132697,,,XAP,Approved,-933,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,2105,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-902.0,-632.0,-662.0,-653.0,0.0,0,Cash loans,M,Y,Y,1,180000.0,675000.0,17806.5,675000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018634,-10944,-1546,-10043.0,-3514,0.0,1,1,0,1,1,0,,3.0,2,2,WEDNESDAY,10,0,0,0,0,1,1,Business Entity Type 1,,0.587094313522516,0.6246146584503397,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-659.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1438484,105321,Consumer loans,18287.64,185850.0,185850.0,0.0,185850.0,SUNDAY,11,Y,1,0.0,,,XAP,Approved,-1158,XNA,XAP,,Repeater,Furniture,POS,XNA,Stone,45,Furniture,12.0,middle,POS industry with interest,365243.0,-1125.0,-795.0,-795.0,-786.0,0.0,0,Cash loans,F,N,Y,0,67500.0,312768.0,15174.0,270000.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.019101,-23770,365243,-11983.0,-4460,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,XNA,,0.596128583915381,0.7421816117614419,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-245.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1818871,272591,Consumer loans,10311.75,110475.0,110475.0,0.0,110475.0,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-277,Non-cash from your account,XAP,Unaccompanied,Refreshed,Computers,POS,XNA,Country-wide,130,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-241.0,89.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,81000.0,868500.0,25524.0,868500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0105,-16947,-1608,-6502.0,-399,,1,1,1,1,1,0,Managers,2.0,3,3,THURSDAY,9,0,0,0,0,1,1,Business Entity Type 3,,0.1359896587360936,0.3139166772114369,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1491.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1389270,397875,Consumer loans,4486.005,35775.0,39316.5,0.0,35775.0,SUNDAY,15,Y,1,0.0,,,XAP,Approved,-2461,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,3570,Consumer electronics,12.0,high,POS household with interest,365243.0,-2430.0,-2100.0,-2100.0,-2097.0,1.0,0,Cash loans,M,N,N,1,270000.0,755190.0,36459.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.018634,-10956,-1972,-1826.0,-3601,,1,1,0,1,0,0,High skill tech staff,2.0,2,2,THURSDAY,18,0,0,0,0,0,0,Business Entity Type 3,0.1461309699773391,0.6337953941127122,0.5867400085415683,0.0082,,0.9687,,,0.0,0.069,0.0417,,0.0133,,0.0126,,0.0252,0.0084,,0.9687,,,0.0,0.069,0.0417,,0.0136,,0.0131,,0.0267,0.0083,,0.9687,,,0.0,0.069,0.0417,,0.0136,,0.0128,,0.0258,,block of flats,0.0154,Block,No,1.0,0.0,1.0,0.0,-1.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1941649,147952,Cash loans,15488.325,225000.0,269550.0,,225000.0,FRIDAY,16,Y,1,,,,XNA,Approved,-489,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,36.0,high,Cash X-Sell: high,365243.0,-459.0,591.0,-369.0,-361.0,1.0,0,Cash loans,M,Y,Y,0,112500.0,1024740.0,47614.5,900000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.022625,-11524,-4443,-5484.0,-4081,11.0,1,1,0,1,1,0,,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,Transport: type 4,0.5923723294667886,0.7082843298132719,0.524496446363472,0.1856,0.1088,0.9856,0.8028,0.069,0.2,0.1724,0.3333,0.375,0.131,0.1513,0.1889,0.0,0.0,0.1891,0.1129,0.9856,0.8105,0.0696,0.2014,0.1724,0.3333,0.375,0.134,0.1653,0.1969,0.0,0.0,0.1874,0.1088,0.9856,0.8054,0.0694,0.2,0.1724,0.3333,0.375,0.1333,0.1539,0.1923,0.0,0.0,reg oper spec account,block of flats,0.1863,Panel,No,0.0,0.0,0.0,0.0,-3026.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2330672,236590,Cash loans,18362.88,225000.0,269550.0,,225000.0,WEDNESDAY,12,Y,1,,,,Repairs,Refused,-1441,Cash through the bank,HC,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,112500.0,675000.0,26154.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-19394,-11279,-10288.0,-2344,,1,1,1,1,1,0,,2.0,2,2,TUESDAY,9,0,0,0,0,1,1,Business Entity Type 3,0.5567870641544355,0.7054524197402753,0.6023863442690867,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1662.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1260512,399618,Cash loans,9425.745,45000.0,46485.0,,45000.0,SATURDAY,11,Y,1,,,,XNA,Approved,-1083,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,365243.0,-1053.0,-903.0,-963.0,-956.0,1.0,0,Cash loans,F,N,Y,0,135000.0,299772.0,16866.0,247500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.010147,-22622,365243,-10170.0,-4170,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,11,0,0,0,0,0,0,XNA,,0.7486528684352542,0.7544061731797895,0.0928,0.0794,0.9801,0.728,0.0124,0.0,0.2069,0.1667,0.2083,,0.0756,0.0856,0.0,0.0,0.0945,0.0824,0.9801,0.7387,0.0125,0.0,0.2069,0.1667,0.2083,,0.0826,0.0892,0.0,0.0,0.0937,0.0794,0.9801,0.7316,0.0125,0.0,0.2069,0.1667,0.2083,,0.077,0.0871,0.0,0.0,reg oper spec account,block of flats,0.0673,Panel,No,1.0,0.0,1.0,0.0,-1083.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2823709,242272,Consumer loans,6332.715,152010.0,135895.5,16114.5,152010.0,WEDNESDAY,18,Y,1,0.11545395338823408,,,XAP,Refused,-2739,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,POS,XNA,Country-wide,1226,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,0,Cash loans,F,N,Y,0,225000.0,675000.0,32602.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.006233,-20571,365243,-4063.0,-4084,,1,0,0,1,1,0,,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,XNA,,0.7892945365188347,0.5849900404894085,0.0722,,0.9856,,,0.08,0.069,0.3333,,,,0.0511,,,0.0735,,0.9856,,,0.0806,0.069,0.3333,,,,0.0532,,,0.0729,,0.9856,,,0.08,0.069,0.3333,,,,0.052000000000000005,,,,block of flats,0.0607,Panel,No,0.0,0.0,0.0,0.0,-3332.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2054321,249010,Consumer loans,2360.79,24840.0,19872.0,4968.0,24840.0,TUESDAY,9,Y,1,0.2178181818181818,,,XAP,Approved,-990,Cash through the bank,XAP,Other_B,Refreshed,Audio/Video,POS,XNA,Stone,30,Consumer electronics,10.0,middle,POS household with interest,365243.0,-951.0,-681.0,-681.0,-677.0,0.0,0,Cash loans,F,N,Y,0,90000.0,814041.0,23931.0,679500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-21159,365243,-11712.0,-4147,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,8,0,0,0,0,0,0,XNA,0.6004849745021089,0.6548438041342818,0.7407990879702335,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-990.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2827277,448639,Consumer loans,8297.775,75510.0,75510.0,0.0,75510.0,SUNDAY,10,Y,1,0.0,,,XAP,Approved,-838,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,34,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-795.0,-525.0,-555.0,-551.0,0.0,0,Revolving loans,M,Y,N,0,202500.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,Co-op apartment,0.00702,-8795,-228,-5397.0,-1458,65.0,1,1,0,1,0,1,Laborers,2.0,2,2,FRIDAY,15,0,0,0,0,1,1,Business Entity Type 2,0.3709052668178864,0.26189467316850384,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-838.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2728466,232424,Consumer loans,5411.79,42309.0,46498.5,0.0,42309.0,FRIDAY,8,Y,1,0.0,,,XAP,Approved,-187,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-157.0,113.0,-7.0,-3.0,1.0,0,Cash loans,M,N,Y,1,135000.0,1078200.0,38331.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006629,-11986,-809,-3303.0,-4076,,1,1,1,1,1,0,Security staff,3.0,2,2,WEDNESDAY,4,0,0,0,0,0,0,Trade: type 7,,0.11110630426785592,0.6894791426446275,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-8.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2396977,129969,Cash loans,113361.795,1129500.0,1162300.5,,1129500.0,MONDAY,9,Y,1,,,,XNA,Approved,-520,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-486.0,-156.0,-246.0,-241.0,0.0,0,Cash loans,F,Y,Y,0,157500.0,697500.0,66226.5,697500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-17823,-2724,-6461.0,-1360,9.0,1,1,0,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Other,,0.6450730911390057,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1919.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,3.0 +2220824,415579,Cash loans,28598.04,450000.0,524844.0,0.0,450000.0,THURSDAY,14,Y,1,0.0,,,Repairs,Approved,-1726,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,high,Cash Street: high,365243.0,-1696.0,-646.0,-676.0,-670.0,1.0,0,Cash loans,F,Y,Y,0,117000.0,364896.0,18760.5,315000.0,Unaccompanied,Pensioner,Higher education,Widow,Office apartment,0.031329,-20468,365243,-12086.0,-3726,18.0,1,0,0,1,0,0,,1.0,2,2,FRIDAY,10,0,0,0,0,0,0,XNA,,0.5493001835081851,0.7380196196295241,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-676.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1832174,160769,Revolving loans,45000.0,135000.0,900000.0,,900000.0,FRIDAY,12,N,1,,,,XAP,Refused,-566,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card X-Sell,,,,,,,1,Revolving loans,F,N,Y,0,202500.0,135000.0,6750.0,135000.0,Unaccompanied,State servant,Higher education,Separated,House / apartment,0.032561,-16193,-3210,-8938.0,-4164,,1,1,1,1,1,0,Core staff,1.0,1,1,THURSDAY,12,0,0,0,0,0,0,Government,,0.8053385517453101,0.646329897706246,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-958.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2772382,316486,Consumer loans,19535.85,138477.51,131377.5,13850.01,138477.51,FRIDAY,15,Y,1,0.10386406805307197,,,XAP,Refused,-1228,Cash through the bank,LIMIT,Family,Repeater,Audio/Video,POS,XNA,Country-wide,450,Consumer electronics,8.0,middle,POS household with interest,,,,,,,0,Cash loans,M,Y,N,0,184500.0,239850.0,28462.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-10280,-441,-4794.0,-2951,21.0,1,1,1,1,0,0,,2.0,2,2,THURSDAY,9,0,0,0,0,1,1,Industry: type 5,,0.5115950898651702,0.4561097392782771,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2308.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1729228,152859,Consumer loans,11696.085,309420.0,309420.0,0.0,309420.0,FRIDAY,12,Y,1,0.0,,,XAP,Refused,-1237,Cash through the bank,LIMIT,Unaccompanied,Repeater,Construction Materials,POS,XNA,Stone,16,Construction,36.0,low_normal,POS industry with interest,,,,,,,0,Cash loans,F,Y,Y,0,180000.0,473760.0,53581.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.010556,-19761,-1961,-49.0,-3291,19.0,1,1,0,1,0,0,Sales staff,2.0,3,3,WEDNESDAY,10,0,0,0,0,1,1,Services,,0.2181183365046956,0.5172965813614878,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,2.0,4.0,2.0,-270.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1317289,212617,Revolving loans,5625.0,0.0,112500.0,,,TUESDAY,13,Y,1,,,,XAP,Approved,-979,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-935.0,-903.0,365243.0,-690.0,-48.0,0.0,0,Cash loans,F,Y,Y,0,180000.0,1006920.0,67693.5,900000.0,Unaccompanied,Commercial associate,Incomplete higher,Married,With parents,0.006852,-18949,-1242,-591.0,-2469,10.0,1,1,0,1,0,0,Security staff,2.0,3,3,MONDAY,10,0,0,0,0,0,0,Security,,0.011018688503310007,0.3185955240537633,0.067,0.0882,0.9866,0.8164,0.0511,0.0,0.1379,0.1667,0.0417,0.0088,0.0546,0.067,0.0,0.1012,0.0683,0.0915,0.9866,0.8236,0.0515,0.0,0.1379,0.1667,0.0417,0.009000000000000001,0.0597,0.0698,0.0,0.1071,0.0677,0.0882,0.9866,0.8189,0.0514,0.0,0.1379,0.1667,0.0417,0.009000000000000001,0.0556,0.0682,0.0,0.1033,,block of flats,0.0527,"Stone, brick",No,0.0,0.0,0.0,0.0,-498.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +1073636,337603,Consumer loans,7983.99,33354.0,30015.0,3339.0,33354.0,TUESDAY,12,Y,1,0.10902663984693126,,,XAP,Refused,-2642,Cash through the bank,SCO,,Repeater,XNA,POS,XNA,Country-wide,30,Consumer electronics,4.0,middle,POS household without interest,,,,,,,0,Cash loans,F,N,Y,1,202500.0,450000.0,22018.5,450000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.026392000000000002,-10746,-1100,-3416.0,-3418,,1,1,0,1,1,0,Sales staff,3.0,2,2,FRIDAY,14,0,0,0,0,0,0,Trade: type 7,,0.5174724314176681,0.5656079814115492,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-303.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2097547,387298,Consumer loans,5672.295,78012.0,98608.5,0.0,78012.0,TUESDAY,16,Y,1,0.0,,,XAP,Refused,-912,Cash through the bank,SCO,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,250,Consumer electronics,30.0,middle,POS household with interest,,,,,,,0,Cash loans,M,Y,Y,0,225000.0,1056447.0,34209.0,922500.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,House / apartment,0.0060079999999999995,-8837,-891,-1997.0,-988,17.0,1,1,0,1,0,0,Laborers,1.0,2,2,THURSDAY,12,0,0,0,0,1,1,Business Entity Type 3,0.2569504912317952,0.09191725116590496,0.29708661164720285,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-912.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2642613,366351,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,11,Y,1,,,,XAP,Approved,-135,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),3,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,108000.0,327024.0,12456.0,270000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.008865999999999999,-22218,365243,-3923.0,-4708,,1,0,0,1,1,0,,1.0,2,2,FRIDAY,11,0,0,0,0,0,0,XNA,,0.39503087101330375,0.524496446363472,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1363.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1412486,381270,Consumer loans,6484.275,35964.0,35964.0,0.0,35964.0,WEDNESDAY,12,Y,1,0.0,,,XAP,Approved,-512,Cash through the bank,XAP,,Refreshed,Consumer Electronics,POS,XNA,Regional / Local,191,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-481.0,-331.0,-331.0,-314.0,0.0,0,Cash loans,F,N,Y,0,49500.0,148365.0,10678.5,135000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.00702,-20409,365243,-9648.0,-3936,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,XNA,,0.5057801346710611,0.722392890081304,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1802337,162817,Consumer loans,11750.625,121950.0,64192.5,60975.0,121950.0,WEDNESDAY,8,Y,1,0.5305476116549279,,,XAP,Approved,-449,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Stone,80,Furniture,6.0,low_normal,POS industry with interest,,,,,,,0,Cash loans,M,N,Y,0,112500.0,314055.0,13963.5,238500.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.007120000000000001,-16054,-4035,-8150.0,-3472,,1,1,0,1,0,0,,1.0,2,2,THURSDAY,13,0,0,0,0,0,0,Government,0.7008120683041088,0.4725092825630561,0.4578995512067301,0.0825,0.0795,0.9771,0.6872,0.0329,0.0,0.1379,0.1667,,0.0446,,0.0475,,0.0,0.084,0.0825,0.9772,0.6994,0.0332,0.0,0.1379,0.1667,,0.0456,,0.0495,,0.0,0.0833,0.0795,0.9771,0.6914,0.0331,0.0,0.1379,0.1667,,0.0454,,0.0484,,0.0,reg oper account,block of flats,0.0554,Panel,No,1.0,0.0,1.0,0.0,-1136.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2392449,174824,Cash loans,41859.27,1129500.0,1129500.0,,1129500.0,FRIDAY,10,Y,1,,,,XNA,Approved,-383,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,36.0,low_action,Cash X-Sell: low,365243.0,-353.0,697.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,2,67500.0,76306.5,4666.5,63000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.0228,-10406,-1200,-5247.0,-2385,,1,1,1,1,1,1,Core staff,4.0,2,2,WEDNESDAY,6,0,0,0,0,0,0,Kindergarten,0.6834451496244115,0.6422342570534134,0.722392890081304,0.1306,0.1542,0.9856,0.8028,0.0621,0.0664,0.1952,0.2221,0.2083,0.0805,0.1065,0.1239,0.0,0.0,0.105,0.1179,0.9811,0.7517,0.0187,0.0,0.2069,0.1667,0.2083,0.067,0.0918,0.0928,0.0,0.0,0.1041,0.1136,0.9866,0.8189,0.0835,0.0,0.2069,0.1667,0.2083,0.0871,0.0855,0.0941,0.0,0.0,reg oper account,block of flats,0.1598,"Stone, brick",No,0.0,0.0,0.0,0.0,-2719.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2122721,379535,Cash loans,45626.31,900000.0,1004544.0,,900000.0,TUESDAY,17,Y,1,,,,XNA,Refused,-874,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,Y,Y,0,171000.0,1042560.0,34587.0,900000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.00702,-18450,365243,-9918.0,-1985,6.0,1,0,0,1,0,0,,2.0,2,2,MONDAY,14,0,0,0,0,0,0,XNA,,0.6286644266926525,0.2079641743053816,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1510.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1127782,378572,Cash loans,7917.885,90000.0,125199.0,,90000.0,MONDAY,14,Y,1,,,,XNA,Approved,-1028,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,high,Cash X-Sell: high,365243.0,-998.0,-128.0,-488.0,-476.0,1.0,0,Cash loans,M,N,Y,1,135000.0,288873.0,16713.0,238500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00702,-15140,-3465,-3410.0,-3410,,1,1,0,1,0,0,Drivers,3.0,2,2,SUNDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.3138960478983891,0.7393617458324185,0.7597121819739279,0.0928,,0.9786,,,,0.2069,0.1667,,,,0.0505,,,0.0945,,0.9786,,,,0.2069,0.1667,,,,0.0526,,,0.0937,,0.9786,,,,0.2069,0.1667,,,,0.0514,,,,block of flats,0.0591,Mixed,No,0.0,0.0,0.0,0.0,-986.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1975664,428862,Consumer loans,10504.215,94050.0,103981.5,0.0,94050.0,SUNDAY,11,Y,1,0.0,,,XAP,Approved,-352,Cash through the bank,XAP,Family,Repeater,Clothing and Accessories,POS,XNA,Stone,210,Clothing,12.0,middle,POS industry with interest,365243.0,-321.0,9.0,-21.0,-16.0,0.0,0,Cash loans,M,Y,N,0,225000.0,900000.0,26316.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-16348,-2786,-8534.0,-1735,0.0,1,1,1,1,1,0,,2.0,2,2,MONDAY,16,0,0,0,0,1,1,Business Entity Type 3,,0.5435390283967353,0.4223696523543468,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-692.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1587413,243444,Cash loans,47128.815,225000.0,232425.0,,225000.0,SATURDAY,12,Y,1,,,,XNA,Refused,-965,Cash through the bank,HC,Family,Refreshed,XNA,Cash,walk-in,AP+ (Cash loan),1,XNA,6.0,high,Cash Street: high,,,,,,,0,Cash loans,M,Y,N,0,247500.0,545040.0,26640.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,With parents,0.035792000000000004,-10474,-1531,-3005.0,-3030,9.0,1,1,0,1,1,0,High skill tech staff,2.0,2,2,SUNDAY,12,0,0,0,0,0,0,Construction,0.388701181955841,0.5424048872341461,0.5726825047161584,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-965.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1124005,300399,Cash loans,24699.06,477000.0,477000.0,,477000.0,SATURDAY,9,Y,1,,,,Repairs,Refused,-275,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,Y,Y,0,180000.0,252261.0,13815.0,171000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-17926,-2422,-1251.0,-1470,7.0,1,1,0,1,0,1,Drivers,2.0,3,3,MONDAY,5,0,0,0,0,0,0,Self-employed,,0.3005793932413892,0.5046813193144684,0.1485,0.1019,0.9806,0.7348,0.1113,0.16,0.1379,0.3333,0.375,0.0419,0.1185,0.1467,0.0116,0.0054,0.1513,0.1057,0.9806,0.7452,0.1123,0.1611,0.1379,0.3333,0.375,0.0428,0.1295,0.1529,0.0117,0.0058,0.1499,0.1019,0.9806,0.7383,0.112,0.16,0.1379,0.3333,0.375,0.0426,0.1206,0.1494,0.0116,0.0056,reg oper spec account,block of flats,0.1166,Panel,No,2.0,0.0,2.0,0.0,-1698.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +1414943,254010,Consumer loans,2772.9,21042.0,25110.0,1080.0,21042.0,SUNDAY,12,Y,1,0.04491096532333645,,,XAP,Approved,-596,XNA,XAP,Unaccompanied,Refreshed,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,high,POS mobile with interest,365243.0,-564.0,-234.0,-354.0,-344.0,0.0,0,Cash loans,M,Y,Y,0,270000.0,659610.0,21406.5,472500.0,Unaccompanied,Working,Lower secondary,Married,House / apartment,0.030755,-12969,-801,-5473.0,-3973,27.0,1,1,0,1,0,0,Drivers,2.0,2,2,MONDAY,10,0,1,1,1,1,1,Business Entity Type 3,,0.6359953248794864,0.7700870700124128,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1847.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2271505,254782,Cash loans,13691.025,202500.0,202500.0,0.0,202500.0,TUESDAY,15,Y,1,0.0,,,XNA,Approved,-2397,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash Street: high,365243.0,-2367.0,-1677.0,-1677.0,-1664.0,0.0,0,Cash loans,F,N,N,0,270000.0,405000.0,19611.0,405000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,Municipal apartment,0.072508,-9355,-1128,-9298.0,-2019,,1,1,0,1,0,1,Core staff,1.0,1,1,FRIDAY,19,0,0,0,0,0,0,Other,,0.7367872431046116,,0.0515,0.08800000000000001,0.9712,0.6056,0.0809,0.0,0.1034,0.1667,0.0417,0.0,0.1025,0.0692,0.0,0.115,0.0525,0.0913,0.9712,0.621,0.0816,0.0,0.1034,0.1667,0.0417,0.0,0.112,0.0721,0.0,0.1218,0.052000000000000005,0.08800000000000001,0.9712,0.6109,0.0814,0.0,0.1034,0.1667,0.0417,0.0,0.1043,0.0705,0.0,0.1175,reg oper account,block of flats,0.0795,"Stone, brick",No,1.0,1.0,1.0,1.0,-673.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1471452,435539,Cash loans,23186.25,225000.0,225000.0,,225000.0,FRIDAY,11,Y,1,,,,XNA,Approved,-405,Cash through the bank,XAP,"Spouse, partner",Refreshed,XNA,Cash,x-sell,AP+ (Cash loan),1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-375.0,-45.0,-45.0,-39.0,0.0,0,Cash loans,F,N,N,0,90000.0,225000.0,10953.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.0031219999999999998,-23017,365243,-600.0,-4672,,1,0,0,1,1,0,,2.0,3,3,WEDNESDAY,14,0,0,0,0,0,0,XNA,,0.6433338717962591,0.4206109640437848,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-405.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2346553,405619,Revolving loans,45000.0,900000.0,900000.0,,900000.0,TUESDAY,12,Y,1,,,,XAP,Approved,-533,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-476.0,-425.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,1,112500.0,545040.0,19705.5,450000.0,Family,Commercial associate,Secondary / secondary special,Married,With parents,0.010276,-10364,-2223,-4386.0,-1622,,1,1,0,1,0,1,Core staff,3.0,2,2,WEDNESDAY,11,0,0,0,0,1,1,Kindergarten,0.29663382228908003,0.43077915354596136,0.4066174366275036,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-533.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1648764,105932,Cash loans,35769.06,1125000.0,1272015.0,,1125000.0,WEDNESDAY,17,Y,1,,,,Building a house or an annex,Approved,-686,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,54.0,low_action,Cash Street: low,365243.0,-656.0,934.0,-506.0,-502.0,1.0,0,Cash loans,F,Y,N,2,193500.0,2205000.0,60637.5,2205000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.028663,-15164,-7681,-8841.0,-4374,9.0,1,1,0,1,1,0,Core staff,4.0,2,2,FRIDAY,10,0,0,0,1,0,1,Bank,,0.6792072890226294,0.2392262794694045,0.1572,0.0425,0.9935,0.83,,0.16,0.1379,0.3333,0.375,,,0.1604,,0.1344,0.084,0.0441,0.9876,0.8367,,0.0806,0.069,0.3333,0.375,,,0.0788,,0.0752,0.1587,0.0425,0.9935,0.8323,,0.16,0.1379,0.3333,0.375,,,0.1633,,0.1372,,block of flats,0.2358,"Stone, brick",No,2.0,1.0,2.0,1.0,-978.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2529328,241623,Cash loans,18871.605,450000.0,522765.0,,450000.0,FRIDAY,10,Y,1,,,,XNA,Refused,-814,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,42.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,Y,Y,0,202500.0,112500.0,4954.5,112500.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.002042,-16308,-3362,-3525.0,-4563,4.0,1,1,0,1,0,0,High skill tech staff,2.0,3,3,SUNDAY,11,0,0,0,0,0,0,Government,0.8040156691019343,0.5430289913462025,0.5919766183185521,0.0825,0.0767,0.9776,0.6940000000000001,0.0,0.0,0.1379,0.1667,0.2083,0.0,0.0672,0.0549,0.0,0.0752,0.084,0.0796,0.9777,0.706,0.0,0.0,0.1379,0.1667,0.2083,0.0,0.0735,0.0572,0.0,0.0796,0.0833,0.0767,0.9776,0.6981,0.0,0.0,0.1379,0.1667,0.2083,0.0,0.0684,0.0558,0.0,0.0768,,block of flats,0.0595,Panel,No,6.0,0.0,6.0,0.0,-1305.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,4.0 +1769566,390995,Consumer loans,4566.195,52627.5,39127.5,13500.0,52627.5,WEDNESDAY,15,Y,1,0.2793734696257141,,,XAP,Approved,-2802,XNA,XAP,,New,Mobile,POS,XNA,Country-wide,26,Connectivity,12.0,low_normal,POS mobile with interest,365243.0,-2757.0,-2427.0,-2427.0,-2420.0,0.0,0,Cash loans,F,N,Y,0,157500.0,314100.0,17167.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.010006000000000001,-18597,-7700,-10962.0,-2137,,1,1,1,1,1,0,Cooking staff,1.0,2,2,FRIDAY,9,0,0,0,0,0,0,Government,,0.4710324773693719,0.5064842396679806,0.099,0.1048,0.9851,0.7959999999999999,0.0115,0.0,0.2069,0.1667,0.2083,0.0193,0.0807,0.0887,0.0,0.062,0.1008,0.1088,0.9851,0.804,0.0116,0.0,0.2069,0.1667,0.2083,0.0198,0.0882,0.0924,0.0,0.0657,0.0999,0.1048,0.9851,0.7987,0.0115,0.0,0.2069,0.1667,0.2083,0.0196,0.0821,0.0903,0.0,0.0633,reg oper account,block of flats,0.0832,Panel,No,0.0,0.0,0.0,0.0,-1758.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2344434,390641,Consumer loans,12376.08,170649.0,127984.5,42664.5,170649.0,SATURDAY,10,Y,1,0.27228708689127434,,,XAP,Approved,-2782,Cash through the bank,XAP,,New,Computers,POS,XNA,Stone,6,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-2748.0,-2418.0,-2658.0,-2655.0,0.0,0,Cash loans,F,N,Y,0,67500.0,133528.5,12244.5,121500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.022625,-23195,365243,-9209.0,-5157,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,,0.4354233266798684,0.4543210601605785,0.1856,0.1097,0.9871,0.8232,0.2763,0.2,0.1724,0.3333,0.375,,0.1513,0.1182,0.0,0.0,0.1891,0.1138,0.9871,0.8301,0.2789,0.2014,0.1724,0.3333,0.375,,0.1653,0.1232,0.0,0.0,0.1874,0.1097,0.9871,0.8256,0.2781,0.2,0.1724,0.3333,0.375,,0.1539,0.1204,0.0,0.0,reg oper account,block of flats,0.1704,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2224295,277965,Consumer loans,4288.365,31455.0,35766.0,3150.0,31455.0,MONDAY,13,Y,1,0.0881549070725759,,,XAP,Approved,-1957,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,100,Connectivity,12.0,high,POS mobile with interest,365243.0,-1923.0,-1593.0,-1623.0,-1615.0,0.0,0,Cash loans,M,Y,Y,0,247500.0,291384.0,22680.0,270000.0,Unaccompanied,Commercial associate,Incomplete higher,Single / not married,House / apartment,0.032561,-10626,-1428,-386.0,-3250,1.0,1,1,0,1,0,1,High skill tech staff,1.0,1,1,FRIDAY,11,0,0,0,0,0,0,Government,0.27706328709594824,0.7288107536976147,0.7136313997323308,0.1144,0.0194,0.9786,0.7144,0.0033,0.12,0.1034,0.25,0.2917,0.0595,0.1748,0.1268,0.0309,0.0202,0.0063,0.0083,0.9782,0.7256,0.0033,0.0403,0.0345,0.25,0.2917,0.0428,0.191,0.0739,0.0311,0.0088,0.1155,0.0194,0.9786,0.7182,0.0033,0.12,0.1034,0.25,0.2917,0.0605,0.1779,0.1291,0.0311,0.0207,,block of flats,0.0628,"Stone, brick",No,0.0,0.0,0.0,0.0,-1957.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2705770,228971,Revolving loans,11250.0,225000.0,225000.0,,225000.0,SATURDAY,14,Y,1,,,,XAP,Approved,-405,XNA,XAP,,New,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,-302.0,0.0,0,Cash loans,M,Y,Y,1,234000.0,2025000.0,55818.0,2025000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.030755,-15200,-1258,-3341.0,-3783,6.0,1,1,1,1,1,0,Managers,3.0,2,2,FRIDAY,10,0,0,0,0,0,0,Transport: type 4,0.34909801564331205,0.6775278369730104,,0.1031,0.0909,0.9791,0.7144,0.0394,0.0,0.2069,0.1667,0.2083,0.0331,0.0841,0.0908,0.0,0.0,0.105,0.0943,0.9791,0.7256,0.0397,0.0,0.2069,0.1667,0.2083,0.0339,0.0918,0.0946,0.0,0.0,0.1041,0.0909,0.9791,0.7182,0.0396,0.0,0.2069,0.1667,0.2083,0.0337,0.0855,0.0924,0.0,0.0,reg oper account,block of flats,0.0929,Panel,No,0.0,0.0,0.0,0.0,-650.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +2174256,453064,Cash loans,10331.55,229500.0,291604.5,,229500.0,TUESDAY,15,Y,1,,,,XNA,Approved,-396,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,N,0,157500.0,417024.0,16447.5,360000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.006305,-14447,-1268,-5235.0,-4499,,1,1,0,1,0,0,,1.0,3,3,SUNDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.35118580790706044,0.5626549154297692,0.7136313997323308,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1091.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1361461,138718,Cash loans,17626.05,270000.0,299223.0,,270000.0,TUESDAY,11,Y,1,,,,XNA,Approved,-1263,Cash through the bank,XAP,Other_B,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-1233.0,-543.0,-543.0,-537.0,1.0,0,Cash loans,F,N,N,0,73350.0,544500.0,15732.0,544500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-20529,365243,-11279.0,-2803,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,XNA,,0.1923160541736026,0.5549467685334323,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1263.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1783553,241492,Revolving loans,12375.0,247500.0,247500.0,,247500.0,MONDAY,13,Y,1,,,,XAP,Approved,-154,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,112500.0,284427.0,14652.0,216000.0,Unaccompanied,Pensioner,Higher education,Separated,House / apartment,0.010643000000000001,-22934,365243,-1637.0,-4256,,1,0,0,1,1,0,,1.0,2,2,MONDAY,13,0,0,0,0,0,0,XNA,,0.3987158198857525,0.4686596550493113,0.067,0.0797,0.9732,0.6328,0.0068,0.0,0.1379,0.1667,0.2083,0.0889,0.0538,0.0497,0.0039,0.0547,0.0683,0.0827,0.9732,0.6472,0.0068,0.0,0.1379,0.1667,0.2083,0.091,0.0588,0.0518,0.0039,0.0579,0.0677,0.0797,0.9732,0.6377,0.0068,0.0,0.1379,0.1667,0.2083,0.0905,0.0547,0.0506,0.0039,0.0558,reg oper spec account,block of flats,0.0547,"Stone, brick",No,0.0,0.0,0.0,0.0,-375.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1660954,379205,Cash loans,13860.18,112500.0,135261.0,,112500.0,WEDNESDAY,13,Y,1,,,,XNA,Approved,-994,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-964.0,-634.0,-844.0,-835.0,1.0,0,Cash loans,F,N,Y,1,225000.0,417649.5,31356.0,387000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.020246,-14507,-1815,-5991.0,-4562,,1,1,0,1,0,0,High skill tech staff,2.0,3,3,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 2,0.5408802867139018,0.22501617808612007,0.6023863442690867,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2778.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1240042,421808,Cash loans,40270.095,450000.0,577183.5,,450000.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-755,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-725.0,-35.0,-95.0,-86.0,1.0,0,Cash loans,F,N,Y,2,112500.0,450000.0,27324.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-12845,-2981,-407.0,-1062,,1,1,0,1,0,0,,4.0,2,2,TUESDAY,14,0,0,0,0,1,1,Business Entity Type 1,0.5753795334706038,0.21585938662496945,0.4848514754962666,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1836.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +2426774,141172,Cash loans,22197.825,270000.0,347004.0,,270000.0,MONDAY,10,Y,1,,,,XNA,Approved,-569,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-539.0,151.0,365243.0,365243.0,1.0,0,Revolving loans,F,Y,Y,0,67500.0,202500.0,10125.0,202500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-13791,-3375,-217.0,-5636,65.0,1,1,0,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,Business Entity Type 3,0.32740415564828745,0.3421311817241793,0.3723336657058204,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-957.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1961896,190284,Consumer loans,4602.465,116743.5,98977.5,35023.5,116743.5,FRIDAY,16,Y,1,0.2846529164300673,,,XAP,Approved,-263,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,700,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-233.0,457.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,N,0,99000.0,270000.0,15498.0,270000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.02461,-20837,365243,-6955.0,-299,7.0,1,0,0,1,1,0,,2.0,2,2,MONDAY,18,0,0,0,0,0,0,XNA,0.8578744514569043,0.5222429252013931,0.36896873825284665,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-263.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1514449,241224,Consumer loans,4697.415,32220.0,23220.0,9000.0,32220.0,THURSDAY,15,Y,1,0.30421533773489073,,,XAP,Approved,-1330,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,27,Connectivity,6.0,high,POS mobile with interest,365243.0,-1280.0,-1130.0,-1160.0,-1151.0,0.0,0,Cash loans,M,Y,N,1,157500.0,1436850.0,42142.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.003069,-15869,-849,-8290.0,-4147,7.0,1,1,1,1,1,0,Drivers,3.0,3,3,THURSDAY,12,0,0,0,0,0,0,Self-employed,0.3442710122157848,0.7809729093430295,0.4830501881366946,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1962.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2334386,188178,Cash loans,25285.455,355500.0,388350.0,,355500.0,WEDNESDAY,13,Y,1,,,,XNA,Approved,-113,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-83.0,607.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,0,108000.0,545040.0,20677.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.02461,-21879,-2143,-11167.0,-4093,,1,1,0,1,1,0,Low-skill Laborers,2.0,2,2,THURSDAY,12,0,0,0,1,0,1,Industry: type 3,,0.6521153822090628,0.5954562029091491,0.0495,0.0924,0.9702,0.5920000000000001,0.0956,0.0,0.1034,0.1667,0.2083,0.038,0.0403,0.0575,0.0154,0.0685,0.0504,0.0959,0.9702,0.608,0.0965,0.0,0.1034,0.1667,0.2083,0.0389,0.0441,0.0599,0.0156,0.0725,0.05,0.0924,0.9702,0.5975,0.0962,0.0,0.1034,0.1667,0.2083,0.0387,0.041,0.0585,0.0155,0.0699,reg oper account,block of flats,0.1105,"Stone, brick",No,5.0,0.0,5.0,0.0,-1142.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1955685,285764,Revolving loans,38250.0,0.0,765000.0,,,TUESDAY,10,Y,1,,,,XAP,Approved,-651,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-643.0,-598.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,135000.0,1185282.0,38367.0,1035000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.031329,-12320,-156,-1435.0,-3875,16.0,1,1,0,1,0,0,,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.4133100212686366,0.5821345097931376,0.7922644738669378,0.0825,0.0914,0.9841,0.7824,0.0145,0.0,0.1724,0.1667,0.2083,0.0746,0.0672,0.0874,,0.0,0.084,0.0948,0.9841,0.7909,0.0146,0.0,0.1724,0.1667,0.2083,0.0763,0.0735,0.0911,,0.0,0.0833,0.0914,0.9841,0.7853,0.0145,0.0,0.1724,0.1667,0.2083,0.0759,0.0684,0.08900000000000001,,0.0,reg oper account,block of flats,0.0688,Panel,No,2.0,1.0,2.0,0.0,-651.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2746935,166295,Cash loans,34767.495,675000.0,767664.0,,675000.0,SUNDAY,17,Y,1,,,,XNA,Approved,-337,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Contact center,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-307.0,1103.0,-247.0,-240.0,1.0,0,Cash loans,M,Y,Y,0,157500.0,436032.0,20326.5,360000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018634,-15737,-185,-4918.0,-4915,20.0,1,1,1,1,1,0,,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,Government,,0.3521665426082142,0.31703177858344445,0.0186,0.0336,0.9851,0.7959999999999999,0.0127,0.0,0.1034,0.0417,0.0833,0.0073,0.0151,0.016,0.0,0.0,0.0189,0.029,0.9836,0.7844,0.0111,0.0,0.1034,0.0417,0.0833,0.006999999999999999,0.0165,0.016,0.0,0.0,0.0187,0.0336,0.9851,0.7987,0.0128,0.0,0.1034,0.0417,0.0833,0.0074,0.0154,0.0163,0.0,0.0,reg oper account,block of flats,0.0191,"Stone, brick",No,0.0,0.0,0.0,0.0,-337.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2327829,310325,Consumer loans,12901.455,160357.5,180994.5,0.0,160357.5,WEDNESDAY,9,Y,1,0.0,,,XAP,Approved,-588,Cash through the bank,XAP,,New,Furniture,POS,XNA,Stone,350,Furniture,18.0,middle,POS industry with interest,365243.0,-557.0,-47.0,-137.0,-129.0,0.0,0,Cash loans,F,N,Y,0,157500.0,675000.0,29862.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.002042,-20729,365243,-4249.0,-4263,,1,0,0,1,0,0,,1.0,3,3,WEDNESDAY,14,0,0,0,1,0,0,XNA,,0.30239381716682984,0.4632753280912678,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,0.0,0.0,-588.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1357209,453102,Cash loans,,0.0,0.0,,,MONDAY,15,Y,1,,,,XNA,Refused,-306,XNA,HC,,Repeater,XNA,XNA,XNA,Contact center,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,157500.0,728460.0,44694.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.011656999999999999,-10597,-986,-10203.0,-130,,1,1,0,1,0,0,Cooking staff,2.0,1,1,SATURDAY,15,0,1,1,0,0,0,Business Entity Type 3,,0.685671190086988,,0.2515,0.2536,0.9861,0.8096,0.0554,0.28,0.2414,0.3333,0.375,0.0345,0.2051,0.2782,0.0,0.0,0.2563,0.2632,0.9861,0.8171,0.0559,0.282,0.2414,0.3333,0.375,0.0353,0.2241,0.2899,0.0,0.0,0.254,0.2536,0.9861,0.8121,0.0558,0.28,0.2414,0.3333,0.375,0.0351,0.2086,0.2832,0.0,0.0,reg oper account,block of flats,0.2833,Panel,No,4.0,0.0,4.0,0.0,-1344.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1355847,371950,Cash loans,15067.08,405000.0,479844.0,,405000.0,WEDNESDAY,13,Y,1,,,,XNA,Approved,-256,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,130500.0,508495.5,24462.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.009656999999999999,-17375,-482,-1801.0,-916,,1,1,1,1,0,0,Sales staff,1.0,2,2,FRIDAY,15,0,0,0,0,1,1,Self-employed,0.5274197562944871,0.5823047200093102,0.2405414172860865,0.0412,0.0,0.9747,0.6532,0.0043,0.0,0.069,0.1667,0.2083,0.012,0.0336,0.036000000000000004,0.0,0.0,0.042,0.0,0.9747,0.6668,0.0044,0.0,0.069,0.1667,0.2083,0.0123,0.0367,0.0375,0.0,0.0,0.0416,0.0,0.9747,0.6578,0.0043,0.0,0.069,0.1667,0.2083,0.0122,0.0342,0.0366,0.0,0.0,reg oper account,block of flats,0.0306,Panel,No,1.0,0.0,1.0,0.0,-727.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,1.0,7.0 +2133713,174220,Consumer loans,8033.49,77845.5,86067.0,0.0,77845.5,MONDAY,17,Y,1,0.0,,,XAP,Refused,-669,Cash through the bank,LIMIT,Other_A,Repeater,Computers,POS,XNA,Country-wide,2000,Consumer electronics,12.0,low_normal,POS household with interest,,,,,,,0,Cash loans,M,N,Y,0,296316.0,675000.0,63112.5,675000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,With parents,0.01885,-9184,-188,-6317.0,-1852,,1,1,1,1,0,0,Sales staff,2.0,2,2,FRIDAY,17,1,1,0,1,1,0,Trade: type 2,,0.4333333382802097,0.22888341670067305,0.1474,0.065,0.9901,0.8640000000000001,0.0231,0.08,0.069,0.3333,0.375,0.042,0.1202,0.105,0.0,0.0,0.1502,0.0675,0.9901,0.8693,0.0233,0.0806,0.069,0.3333,0.375,0.043,0.1313,0.1094,0.0,0.0,0.1489,0.065,0.9901,0.8658,0.0232,0.08,0.069,0.3333,0.375,0.0428,0.1223,0.1069,0.0,0.0,reg oper account,block of flats,0.0952,Panel,No,9.0,0.0,9.0,0.0,-170.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2081184,217679,Consumer loans,24579.54,346500.0,346500.0,0.0,346500.0,SUNDAY,17,Y,1,0.0,,,XAP,Refused,-596,Cash through the bank,LIMIT,,Repeater,Furniture,POS,XNA,Stone,40,Furniture,18.0,middle,POS industry with interest,,,,,,,0,Cash loans,M,Y,Y,0,157500.0,700830.0,20214.0,585000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-10936,-363,-2482.0,-2442,3.0,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,12,0,0,0,1,1,0,Business Entity Type 3,,0.6375025970305276,0.6413682574954046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1524.0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2742634,255790,Consumer loans,12014.865,120510.0,120510.0,0.0,120510.0,SUNDAY,15,Y,1,0.0,,,XAP,Refused,-2126,Cash through the bank,LIMIT,Family,Repeater,Computers,POS,XNA,Stone,147,Consumer electronics,14.0,high,POS other with interest,,,,,,,0,Revolving loans,M,Y,N,0,270000.0,540000.0,27000.0,540000.0,Unaccompanied,Working,Higher education,Single / not married,With parents,0.019101,-16002,-5113,-1725.0,-3067,2.0,1,1,0,1,1,0,Drivers,1.0,2,2,FRIDAY,16,0,0,0,0,0,0,Self-employed,0.2815596643825417,0.5875978192182807,0.31703177858344445,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-273.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2560504,442144,Consumer loans,8068.68,85855.5,85428.0,8586.0,85855.5,MONDAY,15,Y,1,0.09946321340922144,,,XAP,Approved,-433,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,1567,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-402.0,-72.0,-72.0,-70.0,0.0,0,Cash loans,F,N,N,0,135000.0,481495.5,32305.5,454500.0,Unaccompanied,Working,Lower secondary,Single / not married,House / apartment,0.04622,-14152,-7488,-8251.0,-5122,,1,1,1,1,1,0,Private service staff,1.0,1,1,SATURDAY,11,0,0,0,0,1,1,Business Entity Type 3,,0.3032340439097817,0.7001838506835805,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-400.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2033544,145895,Cash loans,16413.705,180000.0,197820.0,0.0,180000.0,THURSDAY,11,Y,1,0.0,,,XNA,Approved,-2048,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,365243.0,-2018.0,-1508.0,-1508.0,-1499.0,1.0,0,Cash loans,F,N,N,0,450000.0,1078200.0,38200.5,900000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.035792000000000004,-11397,-1725,-5483.0,-2545,,1,1,1,1,0,0,Accountants,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Self-employed,0.6571713982246683,0.7001083157393387,0.8327850252992314,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2048.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,2.0 +1302817,229377,Revolving loans,16875.0,337500.0,337500.0,,337500.0,FRIDAY,9,Y,1,,,,XAP,Approved,-297,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-297.0,-248.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,112500.0,573628.5,29416.5,463500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010147,-17670,-442,-5374.0,-1222,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,15,0,0,0,0,1,1,Business Entity Type 3,,0.5004775033058118,0.746300213050371,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-848.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1329192,307160,Consumer loans,6651.225,92250.0,64575.0,27675.0,92250.0,WEDNESDAY,11,Y,1,0.3267272727272727,,,XAP,Approved,-1699,Cash through the bank,XAP,,New,Furniture,POS,XNA,Stone,51,Furniture,12.0,middle,POS industry with interest,365243.0,-1667.0,-1337.0,-1427.0,-1422.0,0.0,0,Cash loans,F,N,N,0,94500.0,450000.0,25258.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-18713,-3627,-1606.0,-2012,,1,1,1,1,0,0,,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,Other,0.5485375160617577,0.383102663257438,0.3962195720630885,0.0619,0.0712,0.9831,0.7688,0.0323,0.0,0.1379,0.1667,0.2083,0.0266,0.0504,0.0556,0.0,0.0,0.063,0.0739,0.9831,0.7779,0.0326,0.0,0.1379,0.1667,0.2083,0.0272,0.0551,0.058,0.0,0.0,0.0625,0.0712,0.9831,0.7719,0.0325,0.0,0.1379,0.1667,0.2083,0.027000000000000003,0.0513,0.0566,0.0,0.0,reg oper account,block of flats,0.0614,"Stone, brick",No,6.0,0.0,6.0,0.0,-1699.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,1.0 +1469350,211835,Consumer loans,14533.695,107784.0,79182.0,32337.0,107784.0,THURSDAY,15,Y,1,0.3158020850910853,,,XAP,Approved,-1407,Cash through the bank,XAP,Children,New,Consumer Electronics,POS,XNA,Country-wide,500,Consumer electronics,6.0,middle,POS household without interest,365243.0,-1376.0,-1226.0,-1226.0,-1222.0,0.0,0,Cash loans,F,Y,Y,0,180000.0,450000.0,22977.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.028663,-19345,-6034,-13482.0,-2880,16.0,1,1,0,1,0,0,Laborers,1.0,2,2,THURSDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.6499891055064511,0.6658549219640212,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1407.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1102127,194669,Consumer loans,3145.365,27693.0,27693.0,0.0,27693.0,WEDNESDAY,19,Y,1,0.0,,,XAP,Approved,-212,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,30,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-177.0,93.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,292500.0,398160.0,25443.0,315000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.02461,-17487,-7526,-7654.0,-1007,6.0,1,1,1,1,1,1,Managers,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,Bank,0.615751743712075,0.5619767863177043,0.6722428897082422,0.1567,0.2766,0.9722,0.6192,0.1994,0.0,0.3103,0.1667,0.1667,0.1678,0.1236,0.1744,0.0193,0.0522,0.1597,0.287,0.9722,0.6341,0.2012,0.0,0.3103,0.1667,0.1667,0.1716,0.135,0.1817,0.0195,0.0552,0.1582,0.2766,0.9722,0.6243,0.2007,0.0,0.3103,0.1667,0.1667,0.1707,0.1257,0.1775,0.0194,0.0533,reg oper account,block of flats,0.2575,"Stone, brick",No,1.0,0.0,1.0,0.0,-3250.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2215321,287654,Consumer loans,19779.525,197815.5,178033.5,19782.0,197815.5,SUNDAY,8,Y,1,0.10891156842429617,,,XAP,Refused,-2439,Cash through the bank,SCO,Family,New,Consumer Electronics,POS,XNA,Stone,150,Consumer electronics,10.0,low_normal,POS household without interest,,,,,,,0,Cash loans,F,N,N,0,90000.0,526491.0,28179.0,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.019101,-20579,365243,-2847.0,-4068,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,XNA,0.6862439573368347,0.6937250991830581,0.7476633896301825,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1512.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1001940,127194,Consumer loans,7733.205,116950.5,126400.5,0.0,116950.5,THURSDAY,11,Y,1,0.0,,,XAP,Approved,-13,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,2194,Consumer electronics,24.0,middle,POS household with interest,365243.0,365243.0,707.0,365243.0,365243.0,1.0,1,Cash loans,M,N,N,0,112500.0,277969.5,13518.0,229500.0,Unaccompanied,Commercial associate,Incomplete higher,Single / not married,House / apartment,0.025164,-8126,-1230,-8099.0,-791,,1,1,0,1,0,0,Core staff,1.0,2,2,TUESDAY,16,0,0,0,0,0,0,Self-employed,,0.7493147809590621,0.1624419982223248,0.0577,0.0492,0.9811,0.7416,0.0262,0.0,0.1379,0.1667,0.2083,0.0225,0.0445,0.049,0.0116,0.013,0.0588,0.051,0.9811,0.7517,0.0265,0.0,0.1379,0.1667,0.2083,0.023,0.0487,0.051,0.0117,0.0137,0.0583,0.0492,0.9811,0.7451,0.0264,0.0,0.1379,0.1667,0.2083,0.0229,0.0453,0.0498,0.0116,0.0133,reg oper account,block of flats,0.0557,Panel,No,5.0,0.0,5.0,0.0,-768.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1251495,379220,Consumer loans,4386.42,20700.0,20700.0,0.0,20700.0,THURSDAY,13,Y,1,0.0,,,XAP,Approved,-806,Cash through the bank,XAP,Unaccompanied,Refreshed,Computers,POS,XNA,Stone,42,Connectivity,6.0,high,POS mobile with interest,365243.0,-775.0,-625.0,-625.0,-620.0,0.0,1,Cash loans,F,N,Y,0,90000.0,284400.0,10849.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.005084,-23979,365243,-116.0,-4845,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,13,0,0,0,0,0,0,XNA,,0.7581465935718088,0.6127042441012546,0.0753,0.0557,0.9846,0.7892,0.0385,0.0,0.0345,0.1667,0.2083,,0.0614,0.0433,0.0,0.006999999999999999,0.0767,0.0578,0.9846,0.7975,0.0388,0.0,0.0345,0.1667,0.2083,,0.067,0.0451,0.0,0.0074,0.076,0.0557,0.9846,0.792,0.0387,0.0,0.0345,0.1667,0.2083,,0.0624,0.044,0.0,0.0071,reg oper account,block of flats,0.034,"Stone, brick",No,1.0,1.0,1.0,1.0,-435.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1896022,325837,Revolving loans,9000.0,180000.0,180000.0,,180000.0,SUNDAY,15,Y,1,,,,XAP,Approved,-108,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),2,XNA,0.0,XNA,Card X-Sell,-108.0,-64.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,450000.0,21109.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.028663,-9425,-462,-3940.0,-2086,16.0,1,1,0,1,1,0,Drivers,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.5038559684820574,0.4650692149562261,0.0794,0.0459,0.9737,,,0.0,0.1379,0.1667,,0.0648,,0.0618,,0.0403,0.0809,0.0476,0.9737,,,0.0,0.1379,0.1667,,0.0663,,0.0644,,0.0427,0.0802,0.0459,0.9737,,,0.0,0.1379,0.1667,,0.0659,,0.0629,,0.0411,,block of flats,0.0614,"Stone, brick",No,0.0,0.0,0.0,0.0,-669.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1902830,165855,Consumer loans,14898.78,148486.5,161226.0,0.0,148486.5,MONDAY,17,Y,1,0.0,,,XAP,Approved,-1135,Cash through the bank,XAP,"Spouse, partner",New,Audio/Video,POS,XNA,Regional / Local,147,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-1103.0,-773.0,-773.0,-765.0,0.0,0,Cash loans,M,N,Y,0,270000.0,592560.0,35937.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.019101,-13428,-247,-1019.0,-5954,,1,1,0,1,1,0,Laborers,1.0,2,2,TUESDAY,16,0,0,0,0,1,1,Self-employed,0.35273017488163994,0.7311899155014426,0.6161216908872079,0.0639,0.0528,0.9767,0.6804,0.0236,0.0,0.1379,0.625,0.1667,0.0506,0.0504,0.0425,0.0077,0.011,0.0651,0.0547,0.9767,0.6929,0.0238,0.0,0.1379,0.625,0.1667,0.0518,0.0551,0.0442,0.0078,0.0116,0.0645,0.0528,0.9767,0.6847,0.0238,0.0,0.1379,0.625,0.1667,0.0515,0.0513,0.0432,0.0078,0.0112,reg oper spec account,block of flats,0.0487,"Stone, brick",No,0.0,0.0,0.0,0.0,-1135.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1773855,163419,Consumer loans,18148.23,147280.5,157810.5,0.0,147280.5,FRIDAY,9,Y,1,0.0,,,XAP,Approved,-433,XNA,XAP,,New,Construction Materials,POS,XNA,Stone,376,Construction,10.0,middle,POS industry with interest,365243.0,-398.0,-128.0,-128.0,-123.0,0.0,0,Revolving loans,F,N,Y,0,121500.0,382500.0,19125.0,382500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.018029,-22743,365243,-6218.0,-3843,,1,0,0,1,0,0,,1.0,3,2,THURSDAY,7,0,0,0,0,0,0,XNA,,0.15967923350263774,0.4083588531230431,0.0629,0.0,0.9916,0.8844,0.0095,0.0,0.1379,0.1667,0.2083,,0.0504,0.0325,0.0039,0.0429,0.0641,0.0,0.9916,0.8889,0.0096,0.0,0.1379,0.1667,0.2083,,0.0551,0.0338,0.0039,0.0454,0.0635,0.0,0.9916,0.8859,0.0096,0.0,0.1379,0.1667,0.2083,,0.0513,0.0331,0.0039,0.0438,reg oper account,block of flats,0.0593,Panel,No,0.0,0.0,0.0,0.0,-433.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2559341,229747,Consumer loans,7846.425,59346.0,38790.0,22500.0,59346.0,FRIDAY,10,Y,1,0.3998131090642104,,,XAP,Approved,-890,Cash through the bank,XAP,Children,New,Mobile,POS,XNA,Country-wide,12,Connectivity,6.0,high,POS mobile with interest,365243.0,-859.0,-709.0,-739.0,-733.0,0.0,0,Cash loans,F,Y,Y,0,120600.0,269550.0,11871.0,225000.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-23006,365243,-9146.0,-4490,9.0,1,0,0,1,0,0,,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,XNA,,0.5366136311160365,,0.0041,0.0,0.9439,,,0.0,0.069,0.0,,0.0018,,0.002,,0.0012,0.0042,0.0,0.9439,,,0.0,0.069,0.0,,0.0019,,0.0021,,0.0012,0.0042,0.0,0.9439,,,0.0,0.069,0.0,,0.0019,,0.002,,0.0012,,block of flats,0.0018,Wooden,No,1.0,0.0,1.0,0.0,-890.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2515076,224740,Consumer loans,22524.345,343359.0,343359.0,0.0,343359.0,WEDNESDAY,16,Y,1,0.0,,,XAP,Refused,-1409,Cash through the bank,LIMIT,,Repeater,Clothing and Accessories,POS,XNA,Stone,17,Furniture,18.0,low_normal,POS other with interest,,,,,,,0,Cash loans,M,N,Y,1,112500.0,53910.0,4360.5,45000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-13164,-181,-4553.0,-4473,,1,1,0,1,0,0,Laborers,3.0,2,2,FRIDAY,8,0,0,0,0,0,0,Business Entity Type 3,,0.3988783506259733,,0.1649,0.157,0.9876,,,0.0,0.3793,0.1667,,0.1112,,0.1539,,0.1438,0.1681,0.1629,0.9876,,,0.0,0.3793,0.1667,,0.1138,,0.1603,,0.1522,0.1665,0.157,0.9876,,,0.0,0.3793,0.1667,,0.1132,,0.1566,,0.1468,reg oper account,block of flats,0.1599,"Stone, brick",No,3.0,0.0,3.0,0.0,-1409.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1944567,314187,Consumer loans,8782.875,172435.5,191848.5,0.0,172435.5,FRIDAY,13,Y,1,0.0,,,XAP,Approved,-1544,Cash through the bank,XAP,Children,New,Consumer Electronics,POS,XNA,Country-wide,2100,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1512.0,-822.0,-822.0,-814.0,0.0,0,Cash loans,F,N,Y,0,128250.0,1293502.5,35698.5,1129500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.009656999999999999,-20759,-13087,-433.0,-3395,,1,1,0,1,0,0,Managers,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Industry: type 1,,0.6136190833291371,0.40314167665875134,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1544.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2399879,374175,Consumer loans,17307.765,98955.0,97618.5,5940.0,98955.0,THURSDAY,18,Y,1,0.06246903923869115,,,XAP,Approved,-2522,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Regional / Local,125,Consumer electronics,6.0,low_normal,POS household without interest,365243.0,-2491.0,-2341.0,-2341.0,-2337.0,1.0,0,Cash loans,F,N,N,1,202500.0,168102.0,16623.0,148500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-14176,-2525,-8226.0,-4919,,1,1,0,1,0,0,,3.0,1,1,SATURDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.5107455910240409,0.7032986210595659,0.7252764347002191,0.0351,0.0,0.9752,0.66,0.0,0.0,0.069,0.125,0.1667,0.0,0.0286,0.0271,0.0,0.0,0.0357,0.0,0.9752,0.6733,0.0,0.0,0.069,0.125,0.1667,0.0,0.0312,0.0282,0.0,0.0,0.0354,0.0,0.9752,0.6645,0.0,0.0,0.069,0.125,0.1667,0.0,0.0291,0.0276,0.0,0.0,reg oper spec account,block of flats,0.0213,"Stone, brick",No,0.0,0.0,0.0,0.0,-1840.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2473552,297691,Cash loans,42800.4,720000.0,818842.5,,720000.0,FRIDAY,8,Y,1,,,,XNA,Refused,-585,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,high,Cash X-Sell: high,,,,,,,1,Cash loans,F,Y,Y,3,247500.0,136512.0,10062.0,108000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-13062,-1887,-3003.0,-4409,15.0,1,1,0,1,1,0,High skill tech staff,5.0,3,3,TUESDAY,13,0,0,0,0,0,0,Transport: type 3,0.4845474362360217,0.2888669945840444,0.6212263380626669,0.0247,0.0167,0.9737,0.6396,0.0011,0.0,0.069,0.0833,0.125,0.0227,0.0202,0.0188,0.0,0.0,0.0252,0.0174,0.9737,0.6537,0.0011,0.0,0.069,0.0833,0.125,0.0233,0.022,0.0196,0.0,0.0,0.025,0.0167,0.9737,0.6444,0.0011,0.0,0.069,0.0833,0.125,0.0231,0.0205,0.0192,0.0,0.0,reg oper account,block of flats,0.0154,"Stone, brick",No,0.0,0.0,0.0,0.0,-1617.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1880836,143986,Revolving loans,4500.0,0.0,90000.0,,,FRIDAY,11,Y,1,,,,XAP,Approved,-2816,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,10,Connectivity,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,72000.0,203301.0,15196.5,175500.0,"Spouse, partner",Pensioner,Lower secondary,Married,House / apartment,0.005002,-23316,365243,-8564.0,-4541,,1,0,0,1,0,0,,2.0,3,3,SUNDAY,10,0,0,0,0,0,0,XNA,,0.3700178861207905,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1375809,178705,Consumer loans,,24990.3,24990.3,0.0,24990.3,FRIDAY,15,Y,1,0.0,,,XAP,Refused,-1232,Cash through the bank,HC,,Refreshed,Mobile,XNA,XNA,Country-wide,40,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,F,N,N,0,135000.0,675000.0,23202.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.026392000000000002,-20648,-6975,-8990.0,-4175,,1,1,0,1,0,0,Secretaries,1.0,2,2,FRIDAY,14,0,0,0,0,0,0,Medicine,,0.7228798147996307,0.7062051096536562,0.0938,,0.9881,,,0.08,0.0345,0.5417,,,,0.1016,,0.0499,0.0956,,0.9881,,,0.0806,0.0345,0.5417,,,,0.1059,,0.0528,0.0947,,0.9881,,,0.08,0.0345,0.5417,,,,0.1034,,0.051,,block of flats,0.0914,"Stone, brick",No,5.0,0.0,5.0,0.0,-2504.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1033265,191010,Consumer loans,29700.72,169789.5,160371.0,16983.0,169789.5,TUESDAY,14,Y,1,0.1042887722244263,,,XAP,Approved,-2913,XNA,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,-1,Consumer electronics,6.0,middle,POS household without interest,365243.0,-2882.0,-2732.0,-2732.0,-2628.0,1.0,0,Cash loans,F,N,N,0,157500.0,1125000.0,33025.5,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.072508,-19898,-1103,-62.0,-2756,,1,1,1,1,0,0,Sales staff,1.0,1,1,TUESDAY,18,0,0,0,0,0,0,Trade: type 1,,0.7660359208504659,,0.2701,0.0883,0.9995,0.9932,0.1293,0.32,0.1379,0.6667,0.7083,0.0,0.2185,0.2744,0.0077,0.0383,0.2752,0.0917,0.9995,0.9935,0.1305,0.3222,0.1379,0.6667,0.7083,0.0,0.2388,0.2859,0.0078,0.0405,0.2727,0.0883,0.9995,0.9933,0.1301,0.32,0.1379,0.6667,0.7083,0.0,0.2223,0.2793,0.0078,0.0391,reg oper account,block of flats,0.2241,Panel,No,0.0,0.0,0.0,0.0,-717.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2127810,359378,Cash loans,26430.435,229500.0,271332.0,,229500.0,THURSDAY,7,Y,1,,,,XNA,Approved,-795,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-765.0,-435.0,-435.0,-421.0,1.0,0,Cash loans,F,N,Y,0,292500.0,398016.0,36958.5,360000.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.0038179999999999998,-16713,-1910,-7488.0,-269,,1,1,1,1,1,0,Accountants,1.0,2,2,MONDAY,3,0,0,0,0,0,0,Business Entity Type 3,0.5530144534419832,0.6129552437808472,0.6279908192952864,0.0165,,0.9747,,,0.0,0.069,0.0417,,,,0.0132,,0.0032,0.0168,,0.9747,,,0.0,0.069,0.0417,,,,0.0138,,0.0034,0.0167,,0.9747,,,0.0,0.069,0.0417,,,,0.0135,,0.0033,,block of flats,0.0104,Wooden,No,1.0,1.0,1.0,1.0,-1145.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2540927,325113,Cash loans,18058.95,315000.0,315000.0,0.0,315000.0,THURSDAY,11,Y,1,0.0,,,XNA,Refused,-2476,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,59400.0,252000.0,11227.5,252000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.022625,-21069,365243,-9030.0,-4078,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,XNA,,0.7893963480013465,,0.1856,0.1325,0.9876,0.83,0.0561,0.2,0.1724,0.3333,0.375,0.1435,0.1513,0.2164,0.0,0.0013,0.1891,0.1375,0.9876,0.8367,0.0566,0.2014,0.1724,0.3333,0.375,0.1468,0.1653,0.2255,0.0,0.0014,0.1874,0.1325,0.9876,0.8323,0.0565,0.2,0.1724,0.3333,0.375,0.146,0.1539,0.2203,0.0,0.0013,reg oper account,block of flats,0.2465,Panel,No,1.0,1.0,1.0,1.0,-2476.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2713871,239076,Consumer loans,5384.97,35955.0,34497.0,3595.5,35955.0,TUESDAY,10,Y,1,0.10279783063953173,,,XAP,Approved,-2389,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,2148,Consumer electronics,8.0,high,POS household with interest,365243.0,-2358.0,-2148.0,-2148.0,-2146.0,1.0,0,Cash loans,M,N,Y,0,157500.0,385164.0,17095.5,292500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.018801,-17321,-528,-4741.0,-842,,1,1,0,1,0,0,Laborers,1.0,2,2,THURSDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.4531842504498412,0.7209441499436497,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1112.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1811858,355889,Consumer loans,8563.635,69299.73,75397.23,0.0,69299.73,WEDNESDAY,11,Y,1,0.0,,,XAP,Approved,-137,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-99.0,171.0,365243.0,365243.0,0.0,0,Revolving loans,M,N,Y,0,675000.0,765000.0,38250.0,765000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.032561,-16362,-3235,-5372.0,-5437,,1,1,0,1,1,1,Managers,2.0,1,1,SUNDAY,16,1,1,0,0,0,0,Business Entity Type 3,,0.7130370046845943,0.6006575372857061,0.0072,,0.9434,0.2248,,,0.069,0.0833,0.125,0.0121,,0.0138,,0.0168,0.0074,,0.9434,0.2552,,,0.069,0.0833,0.125,0.0123,,0.0144,,0.0177,0.0073,,0.9434,0.2352,,,0.069,0.0833,0.125,0.0123,,0.0141,,0.0171,reg oper account,block of flats,0.0164,"Stone, brick",No,0.0,0.0,0.0,0.0,-1522.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1363076,381163,Consumer loans,3438.99,29385.0,27036.0,4410.0,29385.0,WEDNESDAY,13,Y,1,0.15273455794348753,,,XAP,Approved,-1587,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,36,Connectivity,10.0,high,POS mobile with interest,365243.0,-1555.0,-1285.0,-1285.0,-1282.0,0.0,0,Cash loans,F,N,Y,2,162000.0,527373.0,41796.0,477000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.005313,-12624,-3069,-6702.0,-882,,1,1,0,1,0,1,,4.0,2,2,MONDAY,11,0,0,0,0,1,1,Industry: type 3,0.14387782608303995,0.22711661844878525,0.8016009030071296,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-25.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2370675,141511,Revolving loans,7875.0,0.0,157500.0,,0.0,WEDNESDAY,15,Y,1,,,,XAP,Approved,-1280,XNA,XAP,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,247500.0,946764.0,26698.5,765000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.032561,-19659,-2944,-6686.0,-3129,,1,1,0,1,0,0,Accountants,2.0,1,1,TUESDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.7299243974579613,0.7407990879702335,0.1289,0.0879,0.9881,0.8368,0.0416,0.16,0.069,0.4583,0.5,0.0352,0.0992,0.14400000000000002,0.027000000000000003,0.0081,0.1313,0.0912,0.9881,0.8432,0.042,0.1611,0.069,0.4583,0.5,0.036000000000000004,0.1084,0.1501,0.0272,0.0086,0.1301,0.0879,0.9881,0.8390000000000001,0.0418,0.16,0.069,0.4583,0.5,0.0359,0.1009,0.1466,0.0272,0.0083,org spec account,block of flats,0.1155,Panel,No,0.0,0.0,0.0,0.0,-1280.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1565663,198009,Consumer loans,3403.08,17955.0,16956.0,1800.0,17955.0,SATURDAY,6,Y,1,0.10451928110277436,,,XAP,Approved,-2851,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,5,Connectivity,6.0,high,POS mobile with interest,365243.0,-2820.0,-2670.0,-2670.0,-2661.0,1.0,0,Cash loans,F,N,N,1,157500.0,900000.0,46084.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-13114,-2869,-7188.0,-4706,,1,1,0,1,1,0,Sales staff,3.0,3,2,THURSDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.6346761113027882,0.4162051290016494,0.4436153084085652,0.0381,0.0167,0.9712,0.6056,0.0053,0.0,0.1034,0.0833,0.125,0.0172,0.0311,0.0359,0.0,0.0,0.0389,0.0174,0.9712,0.621,0.0053,0.0,0.1034,0.0833,0.125,0.0176,0.034,0.0374,0.0,0.0,0.0385,0.0167,0.9712,0.6109,0.0053,0.0,0.1034,0.0833,0.125,0.0175,0.0316,0.0365,0.0,0.0,reg oper account,block of flats,0.0311,"Stone, brick",No,0.0,0.0,0.0,0.0,-821.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1002962,118541,Cash loans,85734.225,396000.0,452997.0,,396000.0,SATURDAY,3,Y,1,,,,XNA,Approved,-740,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-710.0,-560.0,-560.0,-550.0,1.0,0,Cash loans,M,Y,N,2,315000.0,906615.0,32692.5,688500.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.0038179999999999998,-15040,-1304,-7569.0,-4387,19.0,1,1,0,1,0,0,Drivers,4.0,2,2,THURSDAY,7,0,0,0,0,0,0,Business Entity Type 3,,0.6988580127324348,0.7726311345553628,0.0124,0.0308,0.9881,0.8368,0.0,0.0,0.069,0.0417,,0.0284,0.0101,0.0126,0.0,0.0,0.0126,0.0319,0.9881,0.8432,0.0,0.0,0.069,0.0417,,0.029,0.011,0.0131,0.0,0.0,0.0125,0.0308,0.9881,0.8390000000000001,0.0,0.0,0.069,0.0417,,0.0289,0.0103,0.0128,0.0,0.0,reg oper account,block of flats,0.0099,Block,No,0.0,0.0,0.0,0.0,-1208.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1293351,301303,Consumer loans,5297.265,21690.0,25762.5,0.0,21690.0,SATURDAY,17,Y,1,0.0,,,XAP,Approved,-864,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,6.0,high,POS mobile with interest,365243.0,-833.0,-683.0,-773.0,-765.0,0.0,0,Cash loans,M,N,Y,2,112500.0,52128.0,5742.0,45000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009175,-9455,-986,-4134.0,-2127,,1,1,1,1,0,0,Drivers,4.0,2,2,TUESDAY,17,0,0,0,0,0,0,Business Entity Type 3,,0.6292512986075172,0.6610235391308081,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-1108.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1293185,115218,Consumer loans,69241.275,408334.5,408334.5,0.0,408334.5,MONDAY,13,Y,1,0.0,,,XAP,Approved,-352,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Country-wide,70,Furniture,6.0,low_action,POS industry without interest,365243.0,-321.0,-171.0,-201.0,-199.0,0.0,0,Cash loans,F,N,Y,1,240750.0,1285816.5,40504.5,1152000.0,Family,Working,Higher education,Married,House / apartment,0.006852,-16640,-3004,-909.0,-176,,1,1,0,1,0,0,Managers,3.0,3,3,WEDNESDAY,12,0,0,0,0,0,0,Government,,0.5263770124558126,0.4740512892789932,0.0866,0.1009,0.9826,0.762,0.0474,0.0,0.2069,0.1667,0.2083,0.0257,0.0706,0.0953,0.0,0.0,0.0882,0.1047,0.9826,0.7713,0.0479,0.0,0.2069,0.1667,0.2083,0.0262,0.0771,0.0993,0.0,0.0,0.0874,0.1009,0.9826,0.7652,0.0477,0.0,0.2069,0.1667,0.2083,0.0261,0.0718,0.097,0.0,0.0,reg oper account,block of flats,0.1009,"Stone, brick",No,1.0,1.0,1.0,1.0,-2160.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,5.0 +1877720,446967,Revolving loans,4500.0,90000.0,90000.0,,90000.0,FRIDAY,15,Y,1,,,,XAP,Approved,-202,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-201.0,-160.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,135000.0,873342.0,25663.5,729000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,With parents,0.030755,-8516,-1746,-3368.0,-1205,,1,1,0,1,0,0,Sales staff,1.0,2,2,THURSDAY,13,0,0,0,0,0,0,Self-employed,,0.5540055875089355,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-1099.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2728794,166772,Consumer loans,7764.3,67455.0,66051.0,6745.5,67455.0,TUESDAY,9,Y,1,0.10091780136782302,,,XAP,Approved,-218,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Stone,50,Consumer electronics,10.0,middle,POS household with interest,365243.0,-181.0,89.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,Y,0,76500.0,135000.0,6750.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-18312,-1926,-1856.0,-1857,,1,1,1,1,1,0,Cleaning staff,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.024235678647278512,0.23791607950711405,0.6928,0.3085,0.9866,0.8096,0.368,0.8,0.6897,0.3333,0.375,0.4509,0.5598,0.721,0.0232,0.0144,0.7059,0.3202,0.9866,0.8171,0.3713,0.8056,0.6897,0.3333,0.375,0.4612,0.6116,0.7512,0.0233,0.0152,0.6995,0.3085,0.9866,0.8121,0.3703,0.8,0.6897,0.3333,0.375,0.4587,0.5695,0.7340000000000001,0.0233,0.0147,reg oper account,block of flats,0.6685,Panel,No,0.0,0.0,0.0,0.0,-1762.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2282792,386016,Revolving loans,38250.0,765000.0,765000.0,,765000.0,SUNDAY,14,Y,1,,,,XAP,Approved,-681,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-657.0,-633.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,225000.0,81000.0,7078.5,81000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007114,-13441,-543,-2896.0,-1838,,1,1,1,1,1,0,Managers,2.0,2,2,TUESDAY,17,0,0,0,0,0,0,Trade: type 7,0.4042012019379629,0.3028045325068522,0.41184855592423975,0.0928,0.0972,0.9851,0.7959999999999999,0.0,0.0,0.2069,0.1667,0.2083,,0.0756,0.0876,0.0,0.0,0.0945,0.1008,0.9851,0.804,0.0,0.0,0.2069,0.1667,0.2083,,0.0826,0.0913,0.0,0.0,0.0937,0.0972,0.9851,0.7987,0.0,0.0,0.2069,0.1667,0.2083,,0.077,0.0892,0.0,0.0,reg oper account,block of flats,0.0689,Panel,No,1.0,0.0,1.0,0.0,-453.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1228961,175041,Cash loans,15281.01,162000.0,178038.0,0.0,162000.0,WEDNESDAY,11,Y,1,0.0,,,XNA,Refused,-1722,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,N,0,180000.0,576072.0,21717.0,405000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.009175,-21263,365243,-4632.0,-3955,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,XNA,,0.7448482922195138,0.2176285202779586,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1722.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1394055,209449,Consumer loans,6408.855,127138.5,141507.0,0.0,127138.5,FRIDAY,16,Y,1,0.0,,,XAP,Approved,-307,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,1524,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-277.0,413.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,2,90000.0,536917.5,22702.5,463500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-13271,-3662,-1567.0,-3831,,1,1,0,1,0,0,Cooking staff,4.0,2,2,THURSDAY,11,0,0,0,0,1,1,School,0.31247571645136696,0.16596809683634273,0.2471909382666521,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-900.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2108366,212147,Consumer loans,7334.28,73350.0,66015.0,7335.0,73350.0,THURSDAY,13,Y,1,0.1089090909090909,,,XAP,Approved,-1050,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Regional / Local,83,Consumer electronics,12.0,high,POS household with interest,365243.0,-1017.0,-687.0,-687.0,-680.0,0.0,0,Revolving loans,F,N,Y,0,85500.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-14586,-2711,-1818.0,-2018,,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,Business Entity Type 1,,0.6971801821912624,0.4866531565147181,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1050.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,5.0 +2357316,239902,Cash loans,8539.605,67500.0,71955.0,,67500.0,SATURDAY,10,Y,1,,,,Other,Approved,-642,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-612.0,-282.0,-402.0,-396.0,1.0,1,Cash loans,F,N,N,0,63000.0,95940.0,10071.0,90000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.022625,-22481,365243,-9612.0,-4600,,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,XNA,,0.3846335665817712,0.7490217048463391,0.0495,0.0606,0.9866,,,0.0,0.1379,0.125,,0.0582,,0.0496,,0.0,0.0504,0.0629,0.9866,,,0.0,0.1379,0.125,,0.0595,,0.0517,,0.0,0.05,0.0606,0.9866,,,0.0,0.1379,0.125,,0.0592,,0.0505,,0.0,,block of flats,0.0529,Panel,No,0.0,0.0,0.0,0.0,-642.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2584581,246784,Consumer loans,4227.255,47097.0,41652.0,9423.0,47097.0,THURSDAY,17,Y,1,0.2009300760913095,,,XAP,Approved,-466,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,65,Connectivity,12.0,middle,POS mobile with interest,365243.0,-435.0,-105.0,-345.0,-337.0,0.0,0,Cash loans,M,Y,N,0,157500.0,247500.0,12703.5,247500.0,Unaccompanied,Working,Incomplete higher,Single / not married,House / apartment,0.028663,-9012,-402,-7843.0,-1693,4.0,1,1,0,1,0,0,High skill tech staff,1.0,2,2,THURSDAY,12,0,0,0,0,0,0,Business Entity Type 2,,0.6194558282613553,,0.1495,0.104,0.9896,0.8572,0.0381,0.16,0.1379,0.3333,0.375,0.0765,0.121,0.1665,0.0039,0.0006,0.1523,0.1079,0.9896,0.8628,0.0384,0.1611,0.1379,0.3333,0.375,0.0782,0.1322,0.1735,0.0039,0.0007,0.1509,0.104,0.9896,0.8591,0.0383,0.16,0.1379,0.3333,0.375,0.0778,0.1231,0.1695,0.0039,0.0007,reg oper account,block of flats,0.1519,Panel,No,3.0,0.0,3.0,0.0,-38.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,,,,,, +2189425,115103,Consumer loans,7384.95,62950.5,69597.0,0.0,62950.5,WEDNESDAY,16,Y,1,0.0,,,XAP,Approved,-361,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,621,Consumer electronics,12.0,middle,POS household with interest,365243.0,-331.0,-1.0,-241.0,-238.0,1.0,0,Cash loans,F,N,Y,0,103500.0,896647.5,38119.5,787500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007305,-18624,-7347,-8031.0,-2154,,1,1,0,1,0,0,Medicine staff,2.0,3,3,SUNDAY,10,0,0,0,0,0,0,Medicine,0.6980506414462198,0.21318429593067886,0.6512602186973006,0.0825,0.0805,0.9771,0.6872,0.0081,0.0,0.1379,0.1667,0.0417,0.0,0.0672,0.0714,0.0,0.0,0.084,0.0836,0.9772,0.6994,0.0082,0.0,0.1379,0.1667,0.0417,0.0,0.0735,0.0744,0.0,0.0,0.0833,0.0805,0.9771,0.6914,0.0082,0.0,0.1379,0.1667,0.0417,0.0,0.0684,0.0727,0.0,0.0,reg oper account,terraced house,0.0562,Panel,No,1.0,0.0,1.0,0.0,-567.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1769695,373389,Revolving loans,2250.0,45000.0,45000.0,,45000.0,MONDAY,9,Y,1,,,,XAP,Approved,-207,XNA,XAP,Family,Repeater,XNA,Cards,walk-in,Country-wide,1084,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,M,N,Y,1,171000.0,225000.0,17905.5,225000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.018029,-12787,-3949,-822.0,-2275,,1,1,1,1,0,0,Managers,3.0,3,3,FRIDAY,6,0,0,0,1,1,1,Self-employed,,0.4724166272312755,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,1.0,-1187.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2612734,258224,Consumer loans,8688.195,105723.0,128052.0,0.0,105723.0,SATURDAY,19,Y,1,0.0,,,XAP,Approved,-27,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,1600,Consumer electronics,24.0,middle,POS household with interest,365243.0,365243.0,693.0,365243.0,365243.0,1.0,1,Cash loans,F,N,Y,0,157500.0,755190.0,36459.0,675000.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.005084,-21516,365243,-4410.0,-4425,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,16,0,0,0,0,0,0,XNA,,0.5649835118172328,0.3740208032583212,0.0278,0.0444,0.9826,,,,0.1034,0.0833,,,,0.0255,,,0.0284,0.0461,0.9826,,,,0.1034,0.0833,,,,0.0266,,,0.0281,0.0444,0.9826,,,,0.1034,0.0833,,,,0.026,,,,block of flats,0.0201,Panel,No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2132774,421953,Consumer loans,5301.27,57451.5,51709.5,5742.0,57451.5,WEDNESDAY,14,Y,1,0.1088493773008537,,,XAP,Approved,-380,Cash through the bank,XAP,"Spouse, partner",Repeater,Furniture,POS,XNA,Stone,60,Furniture,12.0,middle,POS industry with interest,365243.0,-349.0,-19.0,-199.0,-194.0,0.0,0,Cash loans,F,Y,Y,1,112500.0,755190.0,36459.0,675000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.025164,-13017,-6080,-863.0,-4615,3.0,1,1,0,1,1,0,Secretaries,3.0,2,2,FRIDAY,14,0,0,0,0,0,0,Medicine,0.5338592857588174,0.4725365344919281,0.6144143775673561,0.0577,0.0605,0.9762,0.6736,0.0,0.0,0.1034,0.1667,0.2083,0.0,0.0471,0.048,0.0,0.0112,0.0588,0.0628,0.9762,0.6864,0.0,0.0,0.1034,0.1667,0.2083,0.0,0.0514,0.05,0.0,0.0119,0.0583,0.0605,0.9762,0.6779999999999999,0.0,0.0,0.1034,0.1667,0.2083,0.0,0.0479,0.0488,0.0,0.0115,reg oper account,block of flats,0.0402,Block,No,7.0,1.0,7.0,0.0,-2019.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1288736,117941,Consumer loans,9172.395,47947.5,50481.0,0.0,47947.5,WEDNESDAY,9,Y,1,0.0,,,XAP,Approved,-1036,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,150,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1005.0,-855.0,-855.0,-850.0,0.0,0,Cash loans,F,N,Y,0,58500.0,808650.0,23643.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.031329,-21563,365243,-4474.0,-4878,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,,0.2622583692422573,0.7801436381572275,0.1227,0.0986,0.9836,0.7756,0.0173,0.0,0.2759,0.1667,0.2083,0.08800000000000001,0.0992,0.1016,0.0039,0.0029,0.125,0.1023,0.9836,0.7844,0.0175,0.0,0.2759,0.1667,0.2083,0.09,0.1084,0.1058,0.0039,0.0031,0.1239,0.0986,0.9836,0.7786,0.0175,0.0,0.2759,0.1667,0.2083,0.0895,0.1009,0.1034,0.0039,0.003,reg oper account,block of flats,0.0805,Panel,No,3.0,0.0,3.0,0.0,-2460.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2496078,313960,Consumer loans,4317.525,20272.5,23764.5,0.0,20272.5,SUNDAY,8,Y,1,0.0,,,XAP,Approved,-725,Cash through the bank,XAP,Family,Repeater,Photo / Cinema Equipment,POS,XNA,Regional / Local,120,Consumer electronics,6.0,middle,POS household with interest,365243.0,-694.0,-544.0,-634.0,-627.0,0.0,0,Cash loans,M,Y,N,2,112500.0,225000.0,10944.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-14553,-2132,-4006.0,-4230,20.0,1,1,1,1,0,0,Drivers,4.0,3,3,WEDNESDAY,12,0,0,0,0,1,1,Business Entity Type 3,,0.13891924182882914,0.4722533429586386,,,0.9791,,,,,,,,,0.01,,,,,0.9791,,,,,,,,,0.0104,,,,,0.9791,,,,,,,,,0.0102,,,,block of flats,0.0087,,Yes,0.0,0.0,0.0,0.0,-1051.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2671705,140703,Consumer loans,18419.76,153846.0,148666.5,15385.5,153846.0,SUNDAY,17,Y,1,0.10213961537694256,,,XAP,Approved,-1867,Cash through the bank,XAP,,New,Computers,POS,XNA,Country-wide,309,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1797.0,-1527.0,-1557.0,-1552.0,0.0,0,Cash loans,M,Y,Y,0,157500.0,695970.0,33610.5,553500.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.01885,-10792,-1121,-224.0,-3472,5.0,1,1,0,1,0,0,,2.0,2,2,FRIDAY,10,0,0,0,1,1,0,Other,0.44702171289898,0.4846993545968824,0.13177013253138142,0.0619,0.0465,0.9757,0.6668,0.0077,0.0,0.1379,0.1667,0.2083,0.0425,0.0504,0.0524,0.0,0.0,0.063,0.0482,0.9757,0.6798,0.0078,0.0,0.1379,0.1667,0.2083,0.0434,0.0551,0.0546,0.0,0.0,0.0625,0.0465,0.9757,0.6713,0.0078,0.0,0.1379,0.1667,0.2083,0.0432,0.0513,0.0534,0.0,0.0,reg oper account,block of flats,0.0455,Panel,No,1.0,0.0,1.0,0.0,-193.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1188519,327647,Consumer loans,3560.535,30510.0,30510.0,0.0,30510.0,SUNDAY,11,Y,1,0.0,,,XAP,Approved,-2350,XNA,XAP,"Spouse, partner",Repeater,Mobile,POS,XNA,Stone,60,Connectivity,12.0,high,POS mobile with interest,365243.0,-2281.0,-1951.0,-1951.0,-1944.0,0.0,0,Cash loans,F,N,N,3,135000.0,1350000.0,37125.0,1350000.0,Family,State servant,Higher education,Married,House / apartment,0.025164,-14068,-3590,-6251.0,-4988,,1,1,0,1,0,0,Core staff,5.0,2,2,THURSDAY,7,0,0,0,1,0,1,Government,0.6622098747276713,0.2653117484731741,0.6161216908872079,0.0,,0.9881,,,0.16,0.1379,0.375,,,,,,,0.0,,0.9881,,,0.1611,0.1379,0.375,,,,,,,0.0,,0.9881,,,0.16,0.1379,0.375,,,,,,,,block of flats,0.1095,Panel,No,0.0,0.0,0.0,0.0,-1909.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2015599,252909,Consumer loans,7496.325,35167.5,28134.0,7033.5,35167.5,FRIDAY,10,Y,1,0.2178181818181818,,,XAP,Approved,-1355,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,4.0,middle,POS mobile without interest,365243.0,-1311.0,-1221.0,-1221.0,-1213.0,0.0,0,Cash loans,F,N,Y,0,225000.0,823360.5,57433.5,742500.0,Family,State servant,Higher education,Married,Rented apartment,0.010006000000000001,-19026,-197,-26.0,-2535,,1,1,0,1,0,0,Core staff,2.0,2,1,TUESDAY,12,0,0,0,0,0,0,School,0.6812667419070719,0.004844394793746277,0.2458512138252296,0.1113,0.0766,0.9861,0.8096,0.0944,0.08,0.0345,0.3333,0.375,0.0393,0.0899,0.0936,0.0039,0.0043,0.1134,0.0795,0.9861,0.8171,0.0953,0.0806,0.0345,0.3333,0.375,0.0402,0.0983,0.0975,0.0039,0.0045,0.1124,0.0766,0.9861,0.8121,0.095,0.08,0.0345,0.3333,0.375,0.04,0.0915,0.0953,0.0039,0.0044,reg oper account,block of flats,0.1262,Panel,No,0.0,0.0,0.0,0.0,-969.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2431408,206133,Revolving loans,9000.0,180000.0,180000.0,,180000.0,SUNDAY,12,Y,1,,,,XAP,Refused,-558,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,Y,Y,0,270000.0,472500.0,48415.5,454500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.009549,-21167,-3537,-7091.0,-4698,12.0,1,1,1,1,0,1,Managers,2.0,2,2,FRIDAY,13,0,0,0,0,1,1,Business Entity Type 3,0.5613042224752884,0.3810066137993585,0.6006575372857061,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2105.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1499189,286406,Cash loans,56754.0,1350000.0,1350000.0,,1350000.0,MONDAY,11,Y,1,,,,XNA,Approved,-836,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),6,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-806.0,604.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,202500.0,1453500.0,40099.5,1453500.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.035792000000000004,-23403,365243,-86.0,-90,7.0,1,0,0,1,1,0,,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,XNA,,0.7439828987812391,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1594.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2268123,180194,Consumer loans,10791.225,116955.0,105259.5,11695.5,116955.0,TUESDAY,9,Y,1,0.1089090909090909,,,XAP,Approved,-923,Cash through the bank,XAP,Family,Refreshed,Audio/Video,POS,XNA,Country-wide,220,Consumer electronics,12.0,middle,POS household with interest,365243.0,-892.0,-562.0,-772.0,-763.0,0.0,0,Cash loans,M,Y,Y,0,202500.0,664569.0,32098.5,594000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.025164,-19530,-2864,-7089.0,-3024,26.0,1,1,0,1,0,0,Managers,1.0,2,2,MONDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.6436599515755752,0.7091891096653581,0.0577,0.0755,0.9886,0.8436,0.0105,0.0,0.1379,0.1667,0.2083,0.0529,0.0471,0.0633,0.0,0.0,0.0588,0.0784,0.9886,0.8497,0.0106,0.0,0.1379,0.1667,0.2083,0.0541,0.0514,0.066,0.0,0.0,0.0583,0.0755,0.9886,0.8457,0.0105,0.0,0.1379,0.1667,0.2083,0.0538,0.0479,0.0644,0.0,0.0,reg oper account,block of flats,0.0694,"Stone, brick",No,0.0,0.0,0.0,0.0,-923.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2824008,145289,Cash loans,24146.82,450000.0,533160.0,,450000.0,WEDNESDAY,15,Y,1,,,,XNA,Approved,-672,XNA,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-642.0,768.0,-252.0,-248.0,1.0,0,Cash loans,F,N,Y,2,225000.0,414792.0,21307.5,315000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.02461,-13947,-2336,-4058.0,-5894,,1,1,0,1,1,0,Laborers,4.0,2,2,WEDNESDAY,15,0,0,0,0,1,1,Other,,0.4711468983580816,0.7713615919194317,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-54.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1156876,239353,Consumer loans,7758.225,86674.5,86674.5,0.0,86674.5,THURSDAY,17,Y,1,0.0,,,XAP,Approved,-261,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,2105,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-231.0,99.0,365243.0,365243.0,0.0,0,Revolving loans,M,Y,Y,0,135000.0,135000.0,6750.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-15021,-2552,-1690.0,-5077,5.0,1,1,1,1,1,0,Laborers,2.0,2,2,SATURDAY,14,0,0,0,1,1,0,Transport: type 4,0.547775612466846,0.3869134541165788,0.6848276586890367,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1324.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2385665,178762,Cash loans,28976.175,585000.0,642915.0,,585000.0,THURSDAY,11,Y,1,,,,XNA,Approved,-702,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,30.0,low_normal,Cash X-Sell: low,365243.0,-672.0,198.0,-582.0,-573.0,1.0,0,Cash loans,F,Y,N,0,162000.0,472500.0,13815.0,472500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-18635,-5123,-9335.0,-2132,12.0,1,1,1,1,0,0,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Government,,0.26110075068420235,0.4507472818545589,0.0773,0.073,0.9846,0.7892,0.0138,0.0,0.1724,0.1667,0.2083,0.053,0.063,0.0692,0.0,0.0,0.0788,0.0758,0.9846,0.7975,0.014,0.0,0.1724,0.1667,0.2083,0.0542,0.0689,0.0721,0.0,0.0,0.0781,0.073,0.9846,0.792,0.0139,0.0,0.1724,0.1667,0.2083,0.0539,0.0641,0.0704,0.0,0.0,reg oper account,block of flats,0.0628,Panel,No,0.0,0.0,0.0,0.0,-702.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1916127,315320,Cash loans,63546.03,1215000.0,1320849.0,,1215000.0,FRIDAY,10,Y,1,,,,XNA,Approved,-949,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-919.0,131.0,-709.0,-702.0,1.0,0,Cash loans,F,Y,Y,0,270000.0,572292.0,20686.5,472500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0060079999999999995,-23465,-1602,-2745.0,-1769,9.0,1,1,0,1,0,0,Security staff,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.7634580735271438,0.7212780495706792,0.7001838506835805,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1135.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2522896,371699,Consumer loans,5327.46,53280.0,47952.0,5328.0,53280.0,WEDNESDAY,14,Y,1,0.1089090909090909,,,XAP,Approved,-2381,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Stone,148,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-2307.0,-2037.0,-2097.0,-2090.0,0.0,0,Cash loans,M,N,N,2,450000.0,1125000.0,106816.5,1125000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.02461,-15274,-995,-750.0,-831,,1,1,1,1,1,1,Managers,4.0,2,2,THURSDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.7363516942261009,0.7217218458530389,0.6397075677637197,0.3753,0.1571,0.9851,,,0.44,0.3793,0.3333,,,,0.3782,0.0039,0.0046,0.3824,0.1631,0.9851,,,0.4431,0.3793,0.3333,,,,0.394,0.0039,0.0048,0.3789,0.1571,0.9851,,,0.44,0.3793,0.3333,,,,0.385,0.0039,0.0047,,block of flats,0.2984,Panel,No,0.0,0.0,0.0,0.0,-1553.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,1.0 +1012714,205105,Revolving loans,29250.0,0.0,585000.0,,,THURSDAY,11,Y,1,,,,XAP,Approved,-580,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,180000.0,161658.0,8766.0,161658.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-12163,-1133,-349.0,-4839,,1,1,0,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Self-employed,0.49104935051636,0.4085799528220557,0.6279908192952864,0.0722,0.0436,0.9791,,,0.0,0.1379,0.1667,,0.0974,,0.0632,,0.0242,0.0735,0.0453,0.9791,,,0.0,0.1379,0.1667,,0.0996,,0.0658,,0.0256,0.0729,0.0436,0.9791,,,0.0,0.1379,0.1667,,0.0991,,0.0643,,0.0247,,block of flats,0.0549,Block,No,3.0,1.0,3.0,0.0,-1630.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2575461,163255,Consumer loans,4696.245,30307.5,33309.0,0.0,30307.5,FRIDAY,7,Y,1,0.0,,,XAP,Approved,-417,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,44,Connectivity,10.0,high,POS mobile with interest,365243.0,-380.0,-110.0,-140.0,-135.0,0.0,0,Cash loans,F,Y,Y,0,112500.0,808650.0,23773.5,675000.0,Unaccompanied,Working,Lower secondary,Separated,House / apartment,0.001333,-16899,-526,-176.0,-450,64.0,1,1,0,1,0,0,Cooking staff,1.0,3,3,TUESDAY,5,0,0,0,0,1,1,Self-employed,,0.4885725951435801,0.3979463219016906,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2183297,254494,Cash loans,31856.625,135000.0,157099.5,,135000.0,TUESDAY,13,Y,1,,,,Other,Refused,-367,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,6.0,high,Cash Street: high,,,,,,,1,Cash loans,M,Y,Y,0,135000.0,697500.0,27274.5,697500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.028663,-14368,-1161,-780.0,-4664,12.0,1,1,1,1,1,0,Laborers,2.0,2,2,FRIDAY,14,0,0,0,0,1,1,Business Entity Type 3,,0.2244332717180644,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-421.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1168162,450758,Cash loans,23739.615,360000.0,445563.0,,360000.0,TUESDAY,10,Y,1,,,,XNA,Approved,-217,XNA,XAP,Family,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-187.0,503.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,1,112500.0,370629.0,24259.5,306000.0,Family,State servant,Higher education,Married,House / apartment,0.028663,-14979,-4947,-7832.0,-3871,9.0,1,1,0,1,1,0,Security staff,3.0,2,2,TUESDAY,12,0,0,0,0,0,0,School,0.17077192626398555,0.6001233759351794,0.4101025731788671,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-341.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2158584,152859,Consumer loans,16941.96,448200.0,448200.0,0.0,448200.0,TUESDAY,16,Y,1,0.0,,,XAP,Refused,-1240,Cash through the bank,LIMIT,Unaccompanied,Repeater,Construction Materials,POS,XNA,Stone,16,Construction,36.0,low_normal,POS industry with interest,,,,,,,0,Cash loans,F,Y,Y,0,180000.0,473760.0,53581.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.010556,-19761,-1961,-49.0,-3291,19.0,1,1,0,1,0,0,Sales staff,2.0,3,3,WEDNESDAY,10,0,0,0,0,1,1,Services,,0.2181183365046956,0.5172965813614878,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,2.0,4.0,2.0,-270.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2044779,123535,Cash loans,45239.625,315000.0,381222.0,,315000.0,THURSDAY,14,Y,1,,,,XNA,Approved,-887,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-857.0,-527.0,-557.0,-555.0,1.0,0,Cash loans,M,Y,Y,0,270000.0,1125000.0,33025.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-15842,-2116,-888.0,-1071,7.0,1,1,0,1,1,0,Drivers,2.0,2,2,TUESDAY,14,0,0,0,0,1,1,Transport: type 4,0.5703593954963464,0.254531679871988,0.5989262182569273,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-887.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1847889,119816,Consumer loans,28312.335,377500.5,226498.5,151002.0,377500.5,SATURDAY,5,Y,1,0.4356415566457406,,,XAP,Approved,-1029,XNA,XAP,Family,New,Consumer Electronics,POS,XNA,Regional / Local,150,Consumer electronics,10.0,high,POS household with interest,365243.0,-998.0,-728.0,-728.0,-720.0,0.0,0,Cash loans,M,N,N,0,225000.0,755190.0,40968.0,675000.0,Unaccompanied,Commercial associate,Higher education,Widow,House / apartment,0.014464,-21794,-413,-2770.0,-1949,,1,1,1,1,1,0,Core staff,1.0,2,2,SATURDAY,10,0,0,0,0,0,0,Other,0.6643499169254659,0.5172540193043488,0.21518240418475384,0.2464,0.1729,0.9861,0.8096,0.1946,0.28,0.2414,0.3333,0.375,0.2024,0.2009,0.2772,0.0,0.0,0.2511,0.1795,0.9861,0.8171,0.1963,0.282,0.2414,0.3333,0.375,0.207,0.2195,0.2888,0.0,0.0,0.2488,0.1729,0.9861,0.8121,0.1958,0.28,0.2414,0.3333,0.375,0.2059,0.2044,0.2821,0.0,0.0,reg oper spec account,block of flats,0.218,Mixed,No,0.0,0.0,0.0,0.0,-1029.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2274999,262387,Cash loans,23044.095,598500.0,693301.5,,598500.0,TUESDAY,11,Y,1,,,,XNA,Refused,-136,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,135000.0,963000.0,28287.0,963000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.022625,-21238,365243,-10326.0,-3066,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,XNA,,0.6973878926274749,0.5082869913916046,0.0619,,0.9861,,,0.0,0.1379,0.1667,,,,0.0525,,0.0,0.063,,0.9861,,,0.0,0.1379,0.1667,,,,0.0547,,0.0,0.0625,,0.9861,,,0.0,0.1379,0.1667,,,,0.0534,,0.0,,block of flats,0.0413,,No,1.0,1.0,1.0,1.0,-1977.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +1023376,213772,Consumer loans,7503.75,67275.0,67540.5,6727.5,67275.0,SATURDAY,16,Y,1,0.09865432071563912,,,XAP,Refused,-844,Cash through the bank,LIMIT,Family,Repeater,Furniture,POS,XNA,Stone,80,Furniture,10.0,low_normal,POS industry with interest,,,,,,,1,Cash loans,F,Y,Y,0,112500.0,545040.0,25537.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-10923,-1275,-8015.0,-477,64.0,1,1,0,1,0,0,Core staff,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Other,,0.3543948252235246,0.4418358231994413,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1942042,391684,Consumer loans,10736.28,75285.0,72099.0,7650.0,75285.0,WEDNESDAY,11,Y,1,0.10447209939366577,,,XAP,Approved,-1539,Cash through the bank,XAP,Family,Refreshed,Computers,POS,XNA,Regional / Local,75,Consumer electronics,8.0,middle,POS household with interest,365243.0,-1507.0,-1297.0,-1297.0,-1290.0,0.0,0,Cash loans,F,N,N,1,90000.0,283419.0,16398.0,234000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.009175,-13178,-921,-6964.0,-4276,,1,1,0,1,0,0,Core staff,3.0,2,2,TUESDAY,15,0,0,0,0,0,0,Kindergarten,,0.6799643899287258,0.5280927512030451,0.4536,0.2995,0.9881,,,0.44,0.3793,0.375,,0.0665,,0.4915,,0.0,0.4622,0.3108,0.9881,,,0.4431,0.3793,0.375,,0.068,,0.5121,,0.0,0.458,0.2995,0.9881,,,0.44,0.3793,0.375,,0.0676,,0.5004,,0.0,,block of flats,0.4396,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2334628,250417,Consumer loans,7061.355,58500.0,56992.5,5850.0,58500.0,THURSDAY,15,Y,1,0.10138332845099757,,,XAP,Approved,-1918,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Stone,30,Connectivity,10.0,middle,POS mobile with interest,365243.0,-1887.0,-1617.0,-1617.0,-1355.0,0.0,0,Cash loans,M,Y,Y,1,225000.0,1174977.0,34483.5,1026000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-18150,-568,-5477.0,-1694,8.0,1,1,0,1,0,0,Managers,3.0,2,2,THURSDAY,15,0,0,0,0,1,1,Trade: type 7,,0.6804210491947065,0.7700870700124128,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1918.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1180157,297569,Cash loans,8998.875,103500.0,136206.0,,103500.0,WEDNESDAY,9,Y,1,,,,XNA,Approved,-272,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-242.0,448.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,157500.0,312768.0,19030.5,270000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.010276,-12017,-787,-6056.0,-2747,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,School,,0.3629204274925173,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2561231,152228,Cash loans,25329.15,225000.0,239850.0,,225000.0,SATURDAY,14,Y,1,,,,XNA,Approved,-942,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-903.0,-573.0,-723.0,-716.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,463500.0,45283.5,463500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-18748,-10815,-11278.0,-2233,13.0,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.7135110610704464,0.7001838506835805,0.4825,,0.9846,,,0.52,0.4483,0.3333,,,,0.5224,,0.0,0.4916,,0.9846,,,0.5236,0.4483,0.3333,,,,0.5443,,0.0,0.4871,,0.9846,,,0.52,0.4483,0.3333,,,,0.5318,,0.0,,block of flats,0.4894,Panel,No,2.0,0.0,2.0,0.0,-2582.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2287799,353296,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SATURDAY,12,Y,1,,,,XAP,Approved,-284,XNA,XAP,Unaccompanied,New,XNA,Cards,walk-in,Regional / Local,400,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,90000.0,239850.0,25317.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010556,-18262,-388,-6357.0,-1051,,1,1,0,1,0,0,Laborers,2.0,3,3,WEDNESDAY,9,0,1,1,0,1,1,Agriculture,,0.1693461018558114,0.33285056416487313,0.1113,0.0782,0.9911,0.8776,0.1652,0.12,0.1034,0.3333,0.375,0.0139,0.0908,0.1149,0.0,0.1172,0.1134,0.0812,0.9911,0.8824,0.1667,0.1208,0.1034,0.3333,0.375,0.0142,0.0992,0.1197,0.0,0.124,0.1124,0.0782,0.9911,0.8792,0.1663,0.12,0.1034,0.3333,0.375,0.0142,0.0923,0.1169,0.0,0.1196,reg oper account,block of flats,0.1158,Panel,No,0.0,0.0,0.0,0.0,-284.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2322703,439931,Consumer loans,11802.96,66150.0,62482.5,6615.0,66150.0,WEDNESDAY,11,Y,1,0.10426334329948787,,,XAP,Approved,-1661,Cash through the bank,XAP,Unaccompanied,New,Furniture,POS,XNA,Stone,145,Furniture,6.0,middle,POS industry with interest,365243.0,-1625.0,-1475.0,-1475.0,-1468.0,0.0,0,Cash loans,F,N,Y,0,225000.0,765000.0,22495.5,765000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-22331,365243,-504.0,-3963,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,XNA,,0.13376468480973785,0.1766525794312139,0.0928,0.1018,0.9831,0.7688,,0.0,0.2069,0.1667,0.2083,0.0676,,0.0602,,0.006999999999999999,0.0945,0.1057,0.9831,0.7779,,0.0,0.2069,0.1667,0.2083,0.0691,,0.0627,,0.0075,0.0937,0.1018,0.9831,0.7719,,0.0,0.2069,0.1667,0.2083,0.0687,,0.0613,,0.0072,,block of flats,0.0683,Panel,No,5.0,0.0,5.0,0.0,-500.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2763826,446299,Consumer loans,8279.19,82800.0,74520.0,8280.0,82800.0,SATURDAY,12,Y,1,0.1089090909090909,,,XAP,Refused,-2565,Cash through the bank,HC,"Spouse, partner",Repeater,XNA,POS,XNA,Stone,1608,Furniture,10.0,low_normal,POS industry without interest,,,,,,,0,Cash loans,F,N,Y,0,90000.0,675000.0,22437.0,675000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-22451,365243,-9651.0,-4083,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,XNA,,0.6819502318938767,0.7517237147741489,0.0881,0.0566,0.9776,0.7212,0.0251,0.04,0.0862,0.3958,0.2083,0.0907,0.0504,0.0887,0.0,0.0022,0.063,0.0547,0.9757,0.7321,0.0254,0.0,0.0345,0.1667,0.2083,0.0651,0.0551,0.055,0.0,0.0,0.08900000000000001,0.0566,0.9776,0.7249,0.0253,0.04,0.0862,0.3958,0.2083,0.0923,0.0513,0.0903,0.0,0.0022,reg oper account,block of flats,0.0469,Panel,No,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,13.0,0.0,1.0 +1847415,322633,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SATURDAY,18,Y,1,,,,XAP,Approved,-258,XNA,XAP,Unaccompanied,New,XNA,Cards,walk-in,Regional / Local,200,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,1,180000.0,1005120.0,35739.0,720000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.011656999999999999,-12481,-272,-8107.0,-4673,15.0,1,1,0,1,0,0,Laborers,3.0,1,1,FRIDAY,18,1,1,0,0,0,0,Business Entity Type 3,,0.6224051053254432,0.3108182544189319,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-258.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2728808,119716,Cash loans,28343.7,900000.0,1030680.0,,900000.0,SATURDAY,9,Y,1,,,,XNA,Approved,-229,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),50,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-199.0,1571.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,0,207000.0,486459.0,18337.5,342000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-13711,-4551,-6876.0,-4318,13.0,1,1,0,1,1,0,Sales staff,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.6597695143393,0.7610263695502636,0.0206,,0.9811,,,0.0,0.1034,0.0417,,,,0.0158,,0.0,0.021,,0.9811,,,0.0,0.1034,0.0417,,,,0.0164,,0.0,0.0208,,0.9811,,,0.0,0.1034,0.0417,,,,0.0161,,0.0,,block of flats,0.0124,"Stone, brick",No,3.0,0.0,3.0,0.0,-229.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1426571,148137,Revolving loans,9000.0,180000.0,180000.0,,180000.0,SATURDAY,6,Y,1,,,,XAP,Refused,-129,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,N,1,90000.0,198000.0,23625.0,198000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010032,-9048,-510,-490.0,-1659,,1,1,1,1,1,0,Core staff,3.0,2,2,MONDAY,9,0,0,0,0,0,0,Government,0.4105263430519148,0.07235793094928628,0.21275630545434146,0.0825,0.0505,0.9876,0.83,0.0465,0.08,0.069,0.375,0.4167,0.0,0.0672,0.0939,0.0,0.0,0.084,0.0524,0.9876,0.8367,0.0469,0.0806,0.069,0.375,0.4167,0.0,0.0735,0.0979,0.0,0.0,0.0833,0.0505,0.9876,0.8323,0.0468,0.08,0.069,0.375,0.4167,0.0,0.0684,0.0956,0.0,0.0,reg oper spec account,block of flats,0.0993,Panel,No,0.0,0.0,0.0,0.0,-367.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1823182,168060,Consumer loans,11714.85,83196.0,95274.0,0.0,83196.0,FRIDAY,11,Y,1,0.0,,,XAP,Approved,-6,XNA,XAP,Children,Repeater,Mobile,POS,XNA,Country-wide,60,Connectivity,12.0,high,POS mobile with interest,365243.0,365243.0,356.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,2,157500.0,835380.0,40320.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006305,-13028,-2853,-5159.0,-1281,,1,1,0,1,0,0,,4.0,3,3,THURSDAY,5,0,0,0,0,0,0,Government,0.26534307420453473,0.15993173890377504,0.17044612304522816,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-583.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,1.0,0.0,0.0,0.0,2.0 +1164467,260041,Cash loans,49512.735,1165500.0,1165500.0,,1165500.0,MONDAY,11,Y,1,,,,XNA,Refused,-803,Cash through the bank,LIMIT,Family,Repeater,XNA,Cash,x-sell,Car dealer,2076,Industry,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,270000.0,667237.5,24097.5,576000.0,Unaccompanied,State servant,Secondary / secondary special,Widow,House / apartment,0.002042,-19993,-7192,-4114.0,-2605,,1,1,0,1,0,0,Managers,1.0,3,3,SATURDAY,16,0,0,0,0,0,0,Other,0.6633814102422105,0.4161466833233137,0.5082869913916046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1382.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1568125,207230,Cash loans,189159.3,900000.0,999468.0,,900000.0,SUNDAY,9,Y,1,,,,XNA,Approved,-885,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-855.0,-705.0,-765.0,-758.0,1.0,0,Cash loans,F,N,Y,0,675000.0,450072.0,48469.5,427500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.0228,-12704,-808,-149.0,-3214,,1,1,1,1,1,1,,2.0,2,2,WEDNESDAY,7,0,0,0,0,0,0,Self-employed,,0.2216027426404749,0.1852020815902493,,,0.997,0.9592,,0.16,0.1379,0.3333,0.375,,0.121,,,,,,0.997,0.9608,,0.1611,0.1379,0.3333,0.375,,0.1322,,,,,,0.997,0.9597,,0.16,0.1379,0.3333,0.375,,0.1231,,,,org spec account,block of flats,0.1532,"Stone, brick",No,1.0,0.0,1.0,0.0,-1329.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,9.0 +1382367,257791,Cash loans,52999.92,1129500.0,1260702.0,,1129500.0,WEDNESDAY,16,Y,1,,,,XNA,Approved,-771,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-741.0,669.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,N,0,180000.0,891072.0,35469.0,720000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.00963,-11467,-1944,-5509.0,-1969,31.0,1,1,0,1,1,1,Managers,2.0,2,2,THURSDAY,16,0,0,0,0,0,0,Business Entity Type 1,0.6486662440648666,0.581458795446878,0.5442347412142162,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1653.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1209117,261032,Cash loans,47666.25,1125000.0,1125000.0,,1125000.0,MONDAY,10,Y,1,,,,XNA,Approved,-1026,Cash through the bank,XAP,Family,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-996.0,54.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,157500.0,380533.5,27193.5,328500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.020713,-19405,-1048,-2360.0,-2923,8.0,1,1,0,1,0,0,Drivers,2.0,3,3,FRIDAY,7,0,0,0,0,0,0,Transport: type 4,0.7133173492279199,0.5277179325530341,0.5726825047161584,0.1165,0.1019,0.9771,0.6872,0.0465,0.0,0.2759,0.1667,0.2083,0.0636,0.0941,0.1093,0.0039,0.0046,0.1187,0.1057,0.9772,0.6994,0.0469,0.0,0.2759,0.1667,0.2083,0.0651,0.1028,0.1138,0.0039,0.0049,0.1176,0.1019,0.9771,0.6914,0.0468,0.0,0.2759,0.1667,0.2083,0.0647,0.0958,0.1112,0.0039,0.0047,reg oper account,block of flats,0.0869,Panel,No,6.0,0.0,6.0,0.0,-2257.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +1915649,114251,Cash loans,30195.0,450000.0,450000.0,,450000.0,TUESDAY,10,Y,1,,,,XNA,Approved,-1214,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,0,XNA,18.0,low_normal,Cash Street: low,365243.0,-1182.0,-672.0,-672.0,-657.0,0.0,0,Cash loans,M,Y,Y,0,252000.0,1356133.5,44950.5,1215000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.04622,-20091,-1163,-2013.0,-3605,21.0,1,1,0,1,0,0,High skill tech staff,2.0,1,1,SATURDAY,14,0,1,1,0,0,0,Business Entity Type 3,0.7393676901412825,0.7409724744610511,,0.2773,0.13,0.9955,0.9388,0.1076,0.4,0.1724,0.625,0.0417,0.0226,0.2261,0.2769,0.0,0.0,0.2826,0.1349,0.9955,0.9412,0.1086,0.4028,0.1724,0.625,0.0417,0.0231,0.247,0.2885,0.0,0.0,0.28,0.13,0.9955,0.9396,0.1083,0.4,0.1724,0.625,0.0417,0.023,0.23,0.2819,0.0,0.0,org spec account,block of flats,0.2766,Panel,No,1.0,0.0,1.0,0.0,-1215.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1377519,209027,Cash loans,16632.405,135000.0,162315.0,,135000.0,MONDAY,18,Y,1,,,,XNA,Approved,-1039,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1009.0,-679.0,-979.0,-970.0,1.0,0,Cash loans,F,N,Y,0,292500.0,775188.0,39708.0,616500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-19662,-1455,-13799.0,-3033,,1,1,0,1,1,1,,2.0,1,1,THURSDAY,18,0,0,0,0,0,0,Business Entity Type 3,0.821237804410485,0.6953581247394479,0.6832688314232291,0.0856,0.0765,0.9767,0.6804,0.0512,0.08,0.0345,0.4583,0.5,0.0,0.0689,0.0716,0.0039,0.0355,0.0851,0.0402,0.9762,0.6864,0.0396,0.0806,0.0345,0.4583,0.5,0.0,0.0735,0.0728,0.0039,0.0001,0.0864,0.0765,0.9767,0.6847,0.0515,0.08,0.0345,0.4583,0.5,0.0,0.0701,0.0729,0.0039,0.0363,reg oper account,block of flats,0.0578,Block,No,2.0,1.0,2.0,0.0,-1816.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2317784,212832,Cash loans,16184.925,229500.0,264546.0,,229500.0,WEDNESDAY,14,Y,1,,,,XNA,Approved,-510,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),6,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-480.0,210.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,1,90000.0,203760.0,24309.0,180000.0,Unaccompanied,Working,Lower secondary,Separated,House / apartment,0.010276,-14011,-2537,-1057.0,-4368,,1,1,1,1,1,0,Low-skill Laborers,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Industry: type 7,,0.6263745688796059,0.3962195720630885,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2462639,217217,Consumer loans,8330.22,70470.0,73588.5,3510.0,70470.0,WEDNESDAY,9,Y,1,0.049582146097642506,,,XAP,Approved,-2002,Cash through the bank,XAP,Family,Repeater,Gardening,POS,XNA,Stone,150,Consumer electronics,12.0,high,POS household with interest,365243.0,-1971.0,-1641.0,-1641.0,-1634.0,0.0,0,Cash loans,F,N,Y,0,126000.0,463284.0,16771.5,382500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.018634,-21269,365243,-12212.0,-4594,,1,0,0,1,1,0,,1.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,XNA,0.7254219242620422,0.4900097281529608,0.6279908192952864,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2349.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1135403,418743,Consumer loans,8195.49,63900.0,70227.0,0.0,63900.0,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-2740,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Stone,25,Furniture,12.0,high,POS industry with interest,365243.0,-2707.0,-2377.0,-2377.0,-2369.0,1.0,0,Cash loans,F,N,Y,0,112500.0,450000.0,22018.5,450000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-17219,-9105,-62.0,-637,,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,Business Entity Type 1,,0.7326958689097942,0.5656079814115492,0.0742,,0.9851,,,0.08,0.069,0.3333,,,,0.0827,,0.0067,0.0756,,0.9851,,,0.0806,0.069,0.3333,,,,0.085,,0.0,0.0749,,0.9851,,,0.08,0.069,0.3333,,,,0.0844,,0.0049,,block of flats,0.065,"Stone, brick",No,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2014377,150959,Consumer loans,9364.77,69655.5,77013.0,0.0,69655.5,SATURDAY,10,Y,1,0.0,,,XAP,Approved,-915,Cash through the bank,XAP,Other_B,New,Photo / Cinema Equipment,POS,XNA,Country-wide,50,Connectivity,12.0,high,POS mobile with interest,365243.0,-883.0,-553.0,-553.0,-550.0,0.0,0,Cash loans,F,N,N,0,90000.0,258709.5,13270.5,234000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.01885,-24566,365243,-1955.0,-4034,,1,0,0,1,1,0,,1.0,2,2,TUESDAY,12,0,0,0,0,0,0,XNA,,0.3435846171814116,0.4830501881366946,0.0701,0.0608,0.9767,,,,0.1379,0.1667,,0.0437,,0.0358,,0.0345,0.0714,0.0631,0.9767,,,,0.1379,0.1667,,0.0447,,0.0374,,0.0365,0.0708,0.0608,0.9767,,,,0.1379,0.1667,,0.0444,,0.0365,,0.0352,,block of flats,0.0427,"Stone, brick",No,2.0,0.0,2.0,0.0,-2.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1787763,330732,Cash loans,24290.865,544500.0,609187.5,,544500.0,SUNDAY,11,Y,1,,,,XNA,Approved,-269,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-239.0,811.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,1,132750.0,797557.5,26487.0,688500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.019101,-16297,-1359,-8961.0,-4102,,1,1,0,1,0,0,Sales staff,3.0,2,2,WEDNESDAY,9,0,0,0,1,1,1,Self-employed,,0.6920359333439998,,0.0165,0.0068,0.9781,0.7008,,0.0,0.069,0.0417,0.0833,0.0383,0.0134,0.0131,0.0,0.0,0.0168,0.0071,0.9782,0.7125,,0.0,0.069,0.0417,0.0833,0.0392,0.0147,0.0136,0.0,0.0,0.0167,0.0068,0.9781,0.7048,,0.0,0.069,0.0417,0.0833,0.039,0.0137,0.0133,0.0,0.0,org spec account,block of flats,0.0103,"Stone, brick",No,6.0,1.0,6.0,1.0,-502.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2159344,355926,Cash loans,8647.2,45000.0,45000.0,,45000.0,TUESDAY,12,Y,1,,,,XNA,Approved,-1557,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-1527.0,-1377.0,-1377.0,-1369.0,1.0,1,Revolving loans,F,Y,Y,0,121500.0,315000.0,15750.0,315000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-16384,-114,-6876.0,-5705,35.0,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,9,0,0,0,0,1,1,Business Entity Type 2,,0.05932827652566355,0.2925880073368475,0.0804,0.0,0.9831,0.7688,0.0128,0.0,0.1379,0.1667,0.2083,0.0,0.0656,0.0925,0.0,0.0,0.0819,0.0,0.9831,0.7779,0.0129,0.0,0.1379,0.1667,0.2083,0.0,0.0716,0.0964,0.0,0.0,0.0812,0.0,0.9831,0.7719,0.0128,0.0,0.1379,0.1667,0.2083,0.0,0.0667,0.0942,0.0,0.0,reg oper account,block of flats,0.0797,"Stone, brick",No,0.0,0.0,0.0,0.0,-1557.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +1433648,399874,Cash loans,33040.08,360000.0,384948.0,,360000.0,TUESDAY,15,Y,1,,,,XNA,Refused,-508,XNA,HC,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,18.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,M,Y,Y,0,157500.0,656361.0,33642.0,522000.0,Unaccompanied,Working,Lower secondary,Married,House / apartment,0.006852,-19198,-543,-4253.0,-2593,22.0,1,1,0,1,0,0,,2.0,3,3,SATURDAY,6,0,0,0,0,1,1,Self-employed,,0.04885743860729567,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1172.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2178120,242753,Consumer loans,12857.31,128376.0,149503.5,12838.5,128376.0,THURSDAY,12,Y,1,0.08612862744307473,,,XAP,Approved,-1751,Cash through the bank,XAP,Unaccompanied,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,149,Consumer electronics,16.0,middle,POS household with interest,365243.0,-1720.0,-1270.0,-1270.0,-1265.0,0.0,0,Cash loans,M,Y,N,2,225000.0,1350000.0,39604.5,1350000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-12456,-757,-6526.0,-4999,3.0,1,1,0,1,0,0,Drivers,4.0,2,2,FRIDAY,13,0,0,0,0,0,0,Government,,0.6773366987459903,0.5442347412142162,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1751.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,2.0 +1117286,140853,Consumer loans,2401.515,50355.0,50355.0,0.0,50355.0,SUNDAY,16,Y,1,0.0,,,XAP,Approved,-1271,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,946,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1240.0,-550.0,-760.0,-753.0,0.0,0,Cash loans,F,Y,Y,1,135000.0,855000.0,36225.0,855000.0,Family,Working,Higher education,Married,House / apartment,0.010006000000000001,-9588,-2608,-1784.0,-2161,3.0,1,1,1,1,1,0,High skill tech staff,3.0,2,2,THURSDAY,11,0,0,0,0,0,0,Business Entity Type 1,,0.2389014146426084,,0.2165,0.1596,0.9851,,,0.24,0.2069,0.3333,,0.0812,,,,0.0126,0.2206,0.1656,0.9851,,,0.2417,0.2069,0.3333,,0.0831,,,,0.0133,0.2186,0.1596,0.9851,,,0.24,0.2069,0.3333,,0.0826,,,,0.0129,,block of flats,0.2018,Panel,No,0.0,0.0,0.0,0.0,-1634.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2783326,123373,Cash loans,52384.86,1215000.0,1320849.0,,1215000.0,TUESDAY,10,Y,1,,,,XNA,Approved,-842,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-803.0,247.0,365243.0,365243.0,0.0,1,Cash loans,F,N,N,0,225000.0,993082.5,42205.5,913500.0,Unaccompanied,Working,Higher education,Married,Rented apartment,0.018029,-14602,-1996,-2928.0,-4972,,1,1,0,1,0,0,Managers,2.0,3,3,THURSDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.4093622355067622,0.3842068130556564,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2244.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2492000,335630,Consumer loans,6712.875,65515.5,73300.5,0.0,65515.5,SUNDAY,15,Y,1,0.0,,,XAP,Approved,-283,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,450,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-253.0,77.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,N,0,270000.0,1174090.5,52375.5,1080000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-19484,-6339,-11235.0,-3011,14.0,1,1,0,1,1,0,Security staff,2.0,1,1,TUESDAY,18,0,0,0,0,0,0,Business Entity Type 3,,0.6762317166988221,0.6363761710860439,0.1481,0.0764,0.9791,0.7144,0.0444,0.16,0.1379,0.3333,0.1525,0.0,0.1205,0.1417,0.0013,0.0003,0.0756,0.04,0.9791,0.7256,0.0225,0.0806,0.069,0.3333,0.0417,0.0,0.0661,0.0798,0.0,0.0,0.0749,0.0391,0.9791,0.7182,0.0226,0.08,0.069,0.3333,0.0417,0.0,0.0616,0.0784,0.0,0.0,reg oper account,block of flats,0.2137,Panel,No,0.0,0.0,0.0,0.0,-2933.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2492077,152178,Cash loans,80053.425,900000.0,1070662.5,,900000.0,SATURDAY,15,Y,1,,,,Buying a used car,Approved,-640,XNA,XAP,,Repeater,XNA,Cash,walk-in,Contact center,-1,XNA,18.0,middle,Cash Street: middle,,,,,,,0,Cash loans,M,Y,Y,1,540000.0,1422000.0,39105.0,1422000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.04622,-13572,-2085,-5999.0,-1396,9.0,1,1,1,1,0,0,Managers,2.0,1,1,TUESDAY,15,0,0,0,0,0,0,Business Entity Type 1,,0.10515636794260036,0.3441550073724169,0.1093,,0.9861,,,0.12,0.1034,0.3333,,,,,,,0.1113,,0.9861,,,0.1208,0.1034,0.3333,,,,,,,0.1103,,0.9861,,,0.12,0.1034,0.3333,,,,,,,,block of flats,0.093,"Stone, brick",No,1.0,0.0,1.0,0.0,-832.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1311740,210630,Cash loans,29235.42,454500.0,645516.0,,454500.0,THURSDAY,12,Y,1,,,,XNA,Approved,-496,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,Y,Y,2,135000.0,835380.0,40320.0,675000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.035792000000000004,-10299,-1269,-1392.0,-2343,25.0,1,1,1,1,1,0,,4.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.4454038693097628,0.5388627065779676,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-405.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1467045,223840,Cash loans,9950.58,247500.0,301077.0,,247500.0,WEDNESDAY,13,Y,1,,,,XNA,Approved,-253,Cash through the bank,XAP,Children,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-223.0,1187.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,139500.0,1379376.0,40459.5,1080000.0,Unaccompanied,Pensioner,Incomplete higher,Married,House / apartment,0.035792000000000004,-21841,365243,-5826.0,-4571,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,XNA,,0.7111944942125918,0.4014074137749511,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,1.0,7.0,0.0,-1626.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +2600879,449771,Consumer loans,3278.655,30141.0,29511.0,3015.0,30141.0,SATURDAY,13,Y,1,0.10095336318357892,,,XAP,Approved,-685,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Regional / Local,35,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-649.0,-379.0,-379.0,-376.0,0.0,0,Cash loans,F,Y,N,0,67500.0,225000.0,8212.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009334,-14066,-3134,-3272.0,-5222,6.0,1,1,0,1,1,0,,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Other,,0.22136142563700825,0.6212263380626669,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1739.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1624816,164490,Consumer loans,21941.685,156015.0,199651.5,0.0,156015.0,THURSDAY,20,Y,1,0.0,,,XAP,Approved,-1610,Cash through the bank,XAP,Unaccompanied,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,15,Connectivity,14.0,high,POS mobile with interest,365243.0,-1579.0,-1189.0,-1339.0,-1334.0,0.0,0,Cash loans,F,Y,Y,0,292500.0,1800000.0,49500.0,1800000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.072508,-18728,-8557,-3541.0,-2277,16.0,1,1,1,1,1,0,Managers,2.0,1,1,THURSDAY,10,0,0,0,0,0,0,Government,0.8463227100369031,0.7753294628574358,0.5832379256761245,0.1353,0.067,0.9886,0.7756,0.0852,0.16,0.0776,0.5104,0.4583,0.0407,0.0878,0.1477,0.0058,0.0164,0.021,0.0338,0.994,0.6341,0.0693,0.2417,0.1034,0.6667,0.2083,0.0116,0.0174,0.0242,0.0039,0.0007,0.1577,0.0717,0.994,0.7786,0.0857,0.2,0.0862,0.6042,0.4583,0.0359,0.0894,0.1731,0.0058,0.0095,reg oper account,block of flats,0.1802,Panel,No,0.0,0.0,0.0,0.0,-1610.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1390850,163594,Revolving loans,9450.0,0.0,135000.0,,,SATURDAY,7,Y,1,,,,XAP,Approved,-1859,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-1817.0,-1763.0,365243.0,-787.0,365243.0,0.0,0,Cash loans,F,N,Y,0,180000.0,747000.0,53122.5,747000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-21393,-6746,-5895.0,-4704,,1,1,0,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,7,0,0,0,0,0,0,Self-employed,,0.6286644266926525,0.5460231970049609,0.0866,,0.9806,,,,0.0345,0.4583,,,,0.0719,,,0.0882,,0.9806,,,,0.0345,0.4583,,,,0.075,,,0.0874,,0.9806,,,,0.0345,0.4583,,,,0.0732,,,,,0.0585,Panel,No,0.0,0.0,0.0,0.0,-2102.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1574623,263488,Cash loans,16373.25,225000.0,225000.0,,225000.0,THURSDAY,12,Y,1,,,,XNA,Approved,-336,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-306.0,384.0,-246.0,-242.0,0.0,0,Cash loans,F,Y,Y,0,112500.0,1125000.0,33025.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-17323,-1336,-506.0,-862,13.0,1,1,0,1,0,0,Core staff,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Self-employed,,0.4758569947527115,0.3441550073724169,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-576.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1740214,246101,Cash loans,42667.02,387000.0,404878.5,,387000.0,TUESDAY,16,Y,1,,,,XNA,Approved,-814,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-784.0,-454.0,-574.0,-571.0,1.0,0,Cash loans,F,Y,Y,0,373500.0,2250000.0,71865.0,2250000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.010276,-20079,-373,-3536.0,-3545,1.0,1,1,0,1,0,0,Accountants,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.8935537957048325,0.6646365566979385,0.3425288720742255,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-2543.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2416930,161306,Consumer loans,6016.005,53955.0,53955.0,0.0,53955.0,WEDNESDAY,11,Y,1,0.0,,,XAP,Approved,-2033,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Regional / Local,116,Consumer electronics,12.0,high,POS household with interest,,,,,,,0,Cash loans,F,N,N,0,67500.0,61128.0,6390.0,54000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-20618,365243,-5603.0,-3483,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,9,0,0,0,0,0,0,XNA,,0.3019511524054343,0.08788069918013308,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-39.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2035197,286034,Cash loans,21919.5,225000.0,225000.0,,225000.0,MONDAY,11,Y,1,,,,XNA,Approved,-512,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-482.0,-152.0,-422.0,-415.0,0.0,0,Cash loans,F,N,Y,0,76500.0,225000.0,21919.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018801,-24968,365243,-166.0,-4058,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,,0.4009197328223378,0.622922000268356,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2440.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1058500,455521,Cash loans,34739.91,454500.0,481495.5,,454500.0,THURSDAY,11,Y,1,,,,XNA,Approved,-383,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-353.0,157.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,0,225000.0,360000.0,28993.5,360000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.010006000000000001,-19589,365243,-356.0,-3135,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,13,0,0,0,0,0,0,XNA,,0.5552587645031147,0.7209441499436497,0.1443,0.0481,0.9886,0.8436,0.0894,0.08,0.0345,0.3333,0.375,0.0488,0.1177,0.0901,,0.0059,0.1471,0.05,0.9886,0.8497,0.0902,0.0806,0.0345,0.3333,0.375,0.05,0.1286,0.0939,,0.0063,0.1457,0.0481,0.9886,0.8457,0.09,0.08,0.0345,0.3333,0.375,0.0497,0.1197,0.0917,,0.0061,reg oper account,block of flats,0.121,"Stone, brick",No,0.0,0.0,0.0,0.0,-383.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1228008,300315,Cash loans,25996.365,337500.0,384277.5,,337500.0,THURSDAY,9,Y,1,,,,Everyday expenses,Refused,-382,XNA,SCOFR,,Repeater,XNA,Cash,walk-in,Contact center,-1,XNA,36.0,high,Cash Street: high,,,,,,,1,Cash loans,M,Y,Y,0,112500.0,314100.0,21375.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.01885,-10522,-1522,-4349.0,-2915,23.0,1,1,0,1,0,0,,2.0,2,2,MONDAY,12,0,1,1,0,0,0,Business Entity Type 2,,0.02701893233931706,0.4083588531230431,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-199.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2357176,322500,Cash loans,51232.68,274500.0,274500.0,,274500.0,WEDNESDAY,16,Y,1,,,,XNA,Approved,-268,XNA,XAP,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,6.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,N,0,180000.0,331632.0,32800.5,315000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.008019,-23431,365243,-15445.0,-4678,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,8,1,0,0,1,0,0,XNA,,0.188109184882609,0.13765446191826075,0.0082,,0.9608,,,0.0,0.069,0.0417,,0.0,,0.0081,,0.0,0.0084,,0.9608,,,0.0,0.069,0.0417,,0.0,,0.0085,,0.0,0.0083,,0.9608,,,0.0,0.069,0.0417,,0.0,,0.0083,,0.0,,block of flats,0.0064,Wooden,No,0.0,0.0,0.0,0.0,-436.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2149526,122337,Cash loans,62895.69,1629000.0,1629000.0,,1629000.0,SATURDAY,11,Y,1,,,,XNA,Approved,-820,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,N,N,0,315000.0,675000.0,49248.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-15083,-226,-1762.0,-4413,,1,1,0,1,1,0,Drivers,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Transport: type 3,,0.6608829032982987,,0.2943,0.1266,0.9945,,,0.2,0.1724,0.375,,,,0.2588,,0.0289,0.1261,0.0546,0.9945,,,0.0806,0.069,0.375,,,,0.1065,,0.0,0.2972,0.1266,0.9945,,,0.2,0.1724,0.375,,,,0.2635,,0.0295,,block of flats,0.4077,Panel,No,0.0,0.0,0.0,0.0,-2044.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2833290,395689,Cash loans,24972.12,112500.0,130131.0,,112500.0,FRIDAY,11,Y,1,,,,XNA,Approved,-823,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-793.0,-643.0,-763.0,-758.0,1.0,0,Cash loans,F,N,Y,1,112500.0,343800.0,16155.0,225000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.008625,-12218,-117,-244.0,-546,,1,1,0,1,0,0,Sales staff,3.0,2,2,TUESDAY,12,0,0,0,0,0,0,Trade: type 3,,0.4454578870951723,0.266456808245056,0.0969,,0.9781,,,0.0,0.2069,0.1667,,0.0847,,0.0853,,0.0038,0.0924,,0.9782,,,0.0,0.2069,0.1667,,0.0774,,0.0889,,0.0,0.0978,,0.9781,,,0.0,0.2069,0.1667,,0.0862,,0.0868,,0.0039,,block of flats,0.0923,"Stone, brick",No,1.0,0.0,1.0,0.0,-1245.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2458431,361261,Cash loans,8694.9,45000.0,45000.0,,45000.0,MONDAY,15,Y,1,,,,XNA,Approved,-80,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Stone,350,Furniture,6.0,middle,Cash X-Sell: middle,365243.0,-50.0,100.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,90000.0,161730.0,8595.0,135000.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,House / apartment,0.002042,-13067,-1148,-618.0,-2141,,1,1,1,1,0,0,Managers,1.0,3,3,THURSDAY,12,0,0,0,0,1,1,Other,,0.1081966034161816,0.25533177083329,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-722.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2202129,231995,Cash loans,11071.53,135000.0,161730.0,,135000.0,MONDAY,14,Y,1,,,,XNA,Refused,-638,XNA,HC,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,36.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,Y,Y,2,135000.0,539100.0,29376.0,450000.0,Children,Commercial associate,Secondary / secondary special,Married,House / apartment,0.022625,-12893,-958,-4750.0,-5150,11.0,1,1,0,1,1,0,Sales staff,4.0,2,2,TUESDAY,9,0,0,0,0,1,1,Self-employed,0.44504070821811614,0.019101243716722463,0.3031463744186309,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1983.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,8.0 +2097225,167203,Cash loans,47621.25,495000.0,514602.0,,495000.0,WEDNESDAY,13,Y,1,,,,XNA,Refused,-244,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,12.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,202500.0,614223.0,24165.0,549000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-22194,365243,-2783.0,-4375,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,,0.6122754107321084,0.6246146584503397,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1228.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +2842618,165439,Cash loans,5241.375,45000.0,53802.0,,45000.0,TUESDAY,9,Y,1,,,,XNA,Approved,-730,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,12.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,1,72000.0,225000.0,22383.0,225000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.028663,-12875,-1853,-2380.0,-2122,10.0,1,1,1,1,1,0,Core staff,3.0,2,2,THURSDAY,10,0,0,0,0,1,1,School,0.7950139591152281,0.4706674403368265,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,10.0,0.0,10.0,0.0,-1.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2785849,434303,Cash loans,40783.995,1350000.0,1546020.0,,1350000.0,SATURDAY,17,Y,1,,,,XNA,Refused,-172,XNA,LIMIT,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_action,Cash X-Sell: low,,,,,,,0,Revolving loans,F,N,Y,0,173250.0,360000.0,18000.0,360000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.006233,-23015,-997,-2444.0,-3892,,1,1,1,1,1,0,Sales staff,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.5684683236580659,0.501075160239048,0.0186,0.0195,0.9697,,,,0.1034,0.0417,,0.0241,,0.027000000000000003,,,0.0189,0.0202,0.9697,,,,0.1034,0.0417,,0.0246,,0.0281,,,0.0187,0.0195,0.9697,,,,0.1034,0.0417,,0.0245,,0.0275,,,,block of flats,0.0212,"Stone, brick",No,3.0,0.0,3.0,0.0,-1206.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2301497,434528,Cash loans,29792.61,850500.0,1018899.0,,850500.0,MONDAY,13,Y,1,,,,XNA,Refused,-199,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,90000.0,293733.0,27603.0,279000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-21549,365243,-4250.0,-4999,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,XNA,,0.16040532147836672,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,2.0,3.0,2.0,-724.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2684199,405977,Cash loans,,0.0,0.0,,,THURSDAY,20,Y,1,,,,XNA,Refused,-260,XNA,SCOFR,,Repeater,XNA,XNA,XNA,Contact center,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,N,N,0,270000.0,284256.0,32071.5,270000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.072508,-10322,-3250,-3746.0,-525,,1,1,1,1,1,1,Accountants,2.0,1,1,TUESDAY,18,0,0,0,0,0,0,Business Entity Type 1,0.3385152856462869,0.7387671315791738,0.21885908222837447,0.268,0.1181,0.9886,,,0.32,0.1379,0.6667,,0.0,,0.2837,,0.0499,0.2731,0.1225,0.9886,,,0.3222,0.1379,0.6667,,0.0,,0.2956,,0.0528,0.2706,0.1181,0.9886,,,0.32,0.1379,0.6667,,0.0,,0.2888,,0.0509,,block of flats,0.234,Panel,No,0.0,0.0,0.0,0.0,-1655.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,4.0 +2755979,399488,Cash loans,40783.995,1350000.0,1546020.0,,1350000.0,SUNDAY,12,Y,1,,,,XNA,Approved,-318,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,M,N,N,0,135000.0,393039.0,26397.0,355500.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.018801,-12402,-3622,-3094.0,-4107,,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Trade: type 7,,0.2276813756034629,0.6690566947824041,0.0144,0.0,0.9727,,,0.0,0.0345,0.0417,,,,,,,0.0147,0.0,0.9727,,,0.0,0.0345,0.0417,,,,,,,0.0146,0.0,0.9727,,,0.0,0.0345,0.0417,,,,,,,,block of flats,0.011,Wooden,No,0.0,0.0,0.0,0.0,-1403.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,9.0 +1457998,127357,Cash loans,66406.365,2250000.0,2517300.0,,2250000.0,TUESDAY,15,Y,1,,,,XNA,Refused,-225,XNA,HC,Family,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,1,225000.0,553806.0,26770.5,495000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.030755,-13507,-344,-1328.0,-5304,,1,1,0,1,0,0,Managers,3.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Other,0.7195539586653974,0.6933625744742467,0.3774042489507649,0.0722,0.1052,0.9851,0.7959999999999999,0.014,0.0,0.2069,0.1667,0.0417,0.0816,0.0588,0.0732,0.0,0.0,0.0735,0.1092,0.9851,0.804,0.0141,0.0,0.2069,0.1667,0.0417,0.0835,0.0643,0.0763,0.0,0.0,0.0729,0.1052,0.9851,0.7987,0.0141,0.0,0.2069,0.1667,0.0417,0.083,0.0599,0.0745,0.0,0.0,reg oper account,block of flats,0.0695,"Stone, brick",No,3.0,0.0,3.0,0.0,-2169.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,3.0 +1993538,253710,Cash loans,4921.2,45000.0,45000.0,0.0,45000.0,FRIDAY,15,Y,1,0.0,,,XNA,Approved,-2623,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,high,Cash Street: high,365243.0,-2593.0,-2263.0,-2263.0,-2236.0,0.0,0,Cash loans,M,Y,Y,2,315000.0,1515415.5,41800.5,1354500.0,Family,Working,Higher education,Married,House / apartment,0.00733,-11503,-3319,-1611.0,-3970,11.0,1,1,0,1,0,0,Core staff,4.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,Police,0.501487853045804,0.7017814388273071,0.6722428897082422,0.1237,0.0582,0.995,0.932,0.0,0.08,0.069,0.375,0.4167,,0.1009,0.0919,0.0,0.0,0.1261,0.0604,0.995,0.9347,0.0,0.0806,0.069,0.375,0.4167,,0.1102,0.0957,0.0,0.0,0.1249,0.0582,0.995,0.9329,0.0,0.08,0.069,0.375,0.4167,,0.1026,0.0935,0.0,0.0,reg oper spec account,block of flats,0.0723,Panel,No,0.0,0.0,0.0,0.0,-3273.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1856864,407859,Consumer loans,19050.795,97780.5,92650.5,9778.5,97780.5,TUESDAY,17,Y,1,0.10397129186602867,,,XAP,Approved,-676,Cash through the bank,XAP,,Refreshed,Computers,POS,XNA,Country-wide,212,Connectivity,6.0,high,POS mobile with interest,365243.0,-644.0,-494.0,-494.0,-489.0,0.0,0,Cash loans,F,Y,Y,0,189000.0,728460.0,74772.0,675000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.00496,-15415,-4126,-4805.0,-4831,22.0,1,1,0,1,0,0,Managers,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,Construction,,0.34183592896035364,0.6528965519806539,,,0.9513,,,,,,,,,0.0006,,,,,0.9513,,,,,,,,,0.0006,,,,,0.9513,,,,,,,,,0.0006,,,,block of flats,0.0006,,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2401442,115043,Consumer loans,2639.475,63360.0,56641.5,6718.5,63360.0,MONDAY,17,Y,1,0.11548385847107433,,,XAP,Refused,-2668,Cash through the bank,SCO,Unaccompanied,New,XNA,POS,XNA,Country-wide,1535,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,0,Cash loans,F,Y,N,1,135000.0,490005.0,34978.5,423000.0,Unaccompanied,Working,Higher education,Married,Municipal apartment,0.018634,-12523,-2482,-831.0,-3563,3.0,1,1,0,1,0,0,Managers,3.0,2,2,TUESDAY,16,0,0,0,0,0,0,Self-employed,0.4591297047940577,0.7435661596341137,0.7583930617144343,0.1278,0.1864,0.998,,,0.2,0.1724,0.2083,,0.2118,,0.2057,,0.0666,0.1303,0.1934,0.998,,,0.2014,0.1724,0.2083,,0.2166,,0.2143,,0.0705,0.1291,0.1864,0.998,,,0.2,0.1724,0.2083,,0.2154,,0.2094,,0.068,,block of flats,0.2099,"Stone, brick",No,7.0,0.0,7.0,0.0,-2668.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1154357,271927,Revolving loans,9000.0,0.0,180000.0,,,MONDAY,8,Y,1,,,,XAP,Approved,-513,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-18.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,90000.0,254700.0,24939.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,Rented apartment,0.025164,-21661,365243,-2674.0,-2702,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,XNA,,0.6415204631368331,0.4956658291397297,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1986.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2154633,320565,Revolving loans,2250.0,45000.0,45000.0,,45000.0,FRIDAY,10,Y,1,,,,XAP,Approved,-279,XNA,XAP,Family,New,XNA,Cards,walk-in,Country-wide,3000,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,1,90000.0,344043.0,27585.0,297000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.00823,-20206,-427,-7293.0,-3523,17.0,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.6513907395505351,0.6986675550534175,0.0495,0.0462,0.9742,,,0.0,0.069,0.125,,0.047,,0.0403,,0.0,0.0504,0.048,0.9742,,,0.0,0.069,0.125,,0.0481,,0.0419,,0.0,0.05,0.0462,0.9742,,,0.0,0.069,0.125,,0.0478,,0.041,,0.0,,block of flats,0.0317,"Stone, brick",No,2.0,0.0,2.0,0.0,-279.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1769749,421691,Revolving loans,11250.0,225000.0,225000.0,,225000.0,THURSDAY,11,Y,1,,,,XAP,Approved,-410,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-383.0,-339.0,365243.0,-186.0,365243.0,0.0,0,Cash loans,M,Y,N,1,675000.0,584766.0,23319.0,472500.0,Children,Commercial associate,Higher education,Married,House / apartment,0.04622,-14105,-321,-5263.0,-4867,2.0,1,1,0,1,0,1,,3.0,1,1,MONDAY,11,0,0,0,1,1,1,Business Entity Type 3,,0.7021062713791384,0.4848514754962666,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1674.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2831718,308421,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SATURDAY,9,Y,1,,,,XAP,Approved,-185,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Stone,10,Construction,0.0,XNA,Card Street,-175.0,-141.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,202500.0,417024.0,21964.5,360000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009175,-16529,-2171,-3104.0,-75,,1,1,0,1,0,0,Drivers,2.0,2,2,TUESDAY,12,0,0,0,0,1,1,Transport: type 4,,0.5958073885295812,0.4632753280912678,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-466.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1852051,398436,Consumer loans,26907.12,135000.0,144801.0,0.0,135000.0,TUESDAY,10,Y,1,0.0,,,XAP,Approved,-60,Cash through the bank,XAP,Unaccompanied,Repeater,Vehicles,POS,XNA,Stone,600,Auto technology,6.0,middle,POS other with interest,365243.0,-30.0,120.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,N,0,306000.0,265851.0,14548.5,229500.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.010006000000000001,-19419,-1108,-3638.0,-2831,8.0,1,1,1,1,1,0,Drivers,2.0,2,2,SATURDAY,10,0,0,0,0,1,1,Business Entity Type 3,,0.014520750952987991,0.4135967602644276,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-623.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1416446,420035,Cash loans,12303.0,112500.0,112500.0,0.0,112500.0,TUESDAY,13,Y,1,0.0,,,XNA,Refused,-2449,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,M,Y,Y,0,135000.0,427365.0,31405.5,396000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.016612000000000002,-10598,-352,-4668.0,-3147,28.0,1,1,0,1,1,0,Drivers,1.0,2,2,MONDAY,12,0,0,0,0,0,0,Government,0.6709909479749834,0.5192740689484122,0.2851799046358216,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2411.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2306885,168919,Consumer loans,14711.535,135924.3,132417.0,13600.8,135924.3,SATURDAY,14,Y,1,0.10144316402769822,,,XAP,Approved,-2696,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,2024,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2665.0,-2395.0,-2395.0,-2380.0,1.0,0,Cash loans,F,Y,Y,0,247500.0,1288350.0,41692.5,1125000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018801,-13365,-639,-5268.0,-4044,1.0,1,1,0,1,0,0,Accountants,2.0,2,2,SUNDAY,9,0,0,0,0,1,1,Business Entity Type 3,0.4319936086111401,0.30383501240844274,0.2608559142068693,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,1.0,8.0,1.0,-1689.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,6.0 +1100764,181372,Cash loans,64948.5,1350000.0,1350000.0,,1350000.0,MONDAY,18,Y,1,,,,XNA,Approved,-490,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Country-wide,1800,Consumer electronics,36.0,middle,Cash X-Sell: middle,365243.0,-460.0,590.0,-460.0,-456.0,0.0,0,Cash loans,M,N,N,2,247500.0,640080.0,29970.0,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.0228,-12279,-3075,-534.0,-4399,,1,1,0,1,0,0,High skill tech staff,4.0,2,2,MONDAY,8,0,0,0,0,0,0,Business Entity Type 1,0.7621225503318537,0.61338056446591,0.3962195720630885,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2027.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1626707,230747,Cash loans,24552.99,693000.0,693000.0,,693000.0,MONDAY,9,Y,1,,,,XNA,Approved,-760,XNA,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Country-wide,30,Connectivity,60.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,Y,Y,0,135000.0,210249.0,10111.5,175500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-21374,365243,-9237.0,-1793,3.0,1,0,0,1,1,0,,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,XNA,,0.4350309407792848,0.6263042766749393,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-1852.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1475252,158732,Consumer loans,5533.245,25560.0,26910.0,0.0,25560.0,WEDNESDAY,15,Y,1,0.0,,,XAP,Approved,-833,Cash through the bank,XAP,,Repeater,Photo / Cinema Equipment,POS,XNA,Regional / Local,20,Connectivity,6.0,high,POS mobile with interest,365243.0,-787.0,-637.0,-637.0,-633.0,0.0,0,Cash loans,F,N,Y,0,112500.0,157500.0,15237.0,157500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-10331,-1092,-7362.0,-355,,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.6264820334733799,,0.0887,0.1117,0.9896,,,0.0,0.2069,0.1667,,0.0634,,0.0753,,0.0252,0.0903,0.1159,0.9896,,,0.0,0.2069,0.1667,,0.0649,,0.0784,,0.0266,0.0895,0.1117,0.9896,,,0.0,0.2069,0.1667,,0.0645,,0.0766,,0.0257,,block of flats,0.0647,"Stone, brick",No,8.0,0.0,8.0,0.0,-833.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2795439,312063,Cash loans,14244.12,225000.0,269550.0,,225000.0,MONDAY,9,Y,1,,,,XNA,Refused,-136,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,N,Y,0,76500.0,231813.0,14134.5,193500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.031329,-18555,-238,-6971.0,-2087,,1,1,0,1,0,0,Laborers,1.0,2,2,THURSDAY,9,0,0,0,0,1,1,Industry: type 9,0.8508417427347198,0.7607950311033663,0.3842068130556564,,0.0794,0.9816,0.7484,0.0112,0.0,0.2069,0.1667,0.0417,0.0716,0.0765,0.0854,,0.0174,,0.0824,0.9816,0.7583,0.0113,0.0,0.2069,0.1667,0.0417,0.0732,0.0836,0.0889,,0.0184,,0.0794,0.9816,0.7518,0.0113,0.0,0.2069,0.1667,0.0417,0.0728,0.0778,0.0869,,0.0178,reg oper spec account,block of flats,0.0907,Block,No,6.0,1.0,6.0,0.0,-390.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2310462,122219,Cash loans,10126.755,153000.0,173196.0,,153000.0,THURSDAY,10,Y,1,,,,XNA,Approved,-1218,XNA,XAP,,Refreshed,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,24.0,middle,Cash X-Sell: middle,365243.0,-1188.0,-498.0,-558.0,-550.0,1.0,0,Cash loans,F,N,Y,0,108000.0,519637.5,34488.0,490500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.005313,-22453,365243,-5452.0,-4072,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,XNA,,0.7075111114683001,0.16146308000577247,,,0.9806,,,,0.1379,0.3333,,,,0.116,,0.0162,,,0.9806,,,,0.1379,0.3333,,,,0.1209,,0.0171,,,0.9806,,,,0.1379,0.3333,,,,0.1181,,0.0165,,specific housing,0.1725,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1221623,455509,Consumer loans,4052.835,25780.5,32710.5,0.0,25780.5,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-1590,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,32,Connectivity,12.0,high,POS mobile with interest,365243.0,-1558.0,-1228.0,-1228.0,-1193.0,0.0,0,Cash loans,F,N,Y,0,180000.0,808650.0,23643.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.025164,-13363,-1948,-532.0,-1070,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.029888595681821437,0.6075573001388961,0.0412,0.03,0.9742,0.6464,0.0257,0.0,0.069,0.1667,0.2083,0.0323,0.0336,0.0318,0.0,0.0,0.042,0.0311,0.9742,0.6602,0.026,0.0,0.069,0.1667,0.2083,0.0331,0.0367,0.0331,0.0,0.0,0.0416,0.03,0.9742,0.6511,0.0259,0.0,0.069,0.1667,0.2083,0.0329,0.0342,0.0323,0.0,0.0,reg oper spec account,block of flats,0.0391,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1345684,234218,Cash loans,8478.0,180000.0,180000.0,0.0,180000.0,WEDNESDAY,7,Y,1,0.0,,,XNA,Refused,-2323,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,48.0,middle,Cash Street: middle,,,,,,,1,Cash loans,F,N,Y,0,103500.0,148500.0,7771.5,148500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010966,-12405,-1441,-1232.0,-4785,,1,1,0,1,0,0,Cooking staff,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,School,0.3915404310393313,0.31026028653785365,0.2622489709189549,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-2892.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1441743,226864,Revolving loans,22500.0,0.0,450000.0,,,WEDNESDAY,9,Y,1,,,,XAP,Approved,-801,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-799.0,-756.0,365243.0,-483.0,-22.0,0.0,0,Cash loans,F,N,N,0,90000.0,263686.5,17752.5,238500.0,Unaccompanied,Commercial associate,Lower secondary,Married,With parents,0.018801,-11705,-2403,-4944.0,-3341,,1,1,0,1,0,1,Laborers,2.0,2,2,SATURDAY,7,0,0,0,0,1,1,Business Entity Type 3,0.4609719541793156,0.4959400693381806,0.6785676886853644,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,1.0,5.0,1.0,-1179.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1913126,379098,Consumer loans,15414.345,152950.5,152950.5,0.0,152950.5,SATURDAY,5,Y,1,0.0,,,XAP,Refused,-402,XNA,LIMIT,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,1500,Consumer electronics,12.0,middle,POS household with interest,,,,,,,0,Cash loans,M,N,Y,0,180000.0,545040.0,39627.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.014464,-8241,-582,-3011.0,-929,,1,1,0,1,0,1,Laborers,1.0,2,2,TUESDAY,8,0,0,0,0,1,1,Transport: type 2,,0.5078353034595235,,0.0165,0.0386,0.9737,,,0.0,0.069,0.0417,,0.017,,0.0125,,0.0645,0.0168,0.0401,0.9737,,,0.0,0.069,0.0417,,0.0174,,0.013,,0.0683,0.0167,0.0386,0.9737,,,0.0,0.069,0.0417,,0.0173,,0.0127,,0.0658,,block of flats,0.0239,"Stone, brick",No,0.0,0.0,0.0,0.0,-536.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1962731,436698,Consumer loans,5778.63,62955.0,65074.5,6295.5,62955.0,FRIDAY,11,Y,1,0.09606798119912867,,,XAP,Approved,-2169,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,71,Connectivity,18.0,high,POS mobile with interest,365243.0,-2138.0,-1628.0,-1628.0,-1621.0,1.0,0,Revolving loans,F,Y,N,0,112500.0,180000.0,9000.0,180000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.028663,-16787,-6733,-1346.0,-313,1.0,1,1,0,1,0,0,,2.0,2,2,THURSDAY,8,0,0,0,0,0,0,Industry: type 5,0.4216117783029455,0.7049614459716395,0.5370699579791587,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2169.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1794478,401871,Consumer loans,13198.95,60299.91,70789.5,4.41,60299.91,SUNDAY,18,Y,1,6.784327789058277e-05,,,XAP,Approved,-1002,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,300,Consumer electronics,6.0,middle,POS household with interest,365243.0,-971.0,-821.0,-821.0,-813.0,0.0,0,Cash loans,F,N,Y,0,202500.0,254700.0,20250.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.009175,-8181,-612,-8154.0,-857,,1,1,0,1,0,0,Sales staff,1.0,2,2,MONDAY,17,0,0,0,0,1,1,Self-employed,0.2600153885985629,0.6719030723820248,,0.1485,0.1161,0.9831,0.7688,0.0346,0.16,0.1379,0.3333,0.375,0.1058,0.121,0.1227,0.0,0.0,0.1134,0.1021,0.9816,0.7583,0.0349,0.1208,0.1034,0.3333,0.375,0.0956,0.0992,0.1177,0.0,0.0,0.1499,0.1161,0.9831,0.7719,0.0348,0.16,0.1379,0.3333,0.375,0.1077,0.1231,0.125,0.0,0.0,reg oper spec account,block of flats,0.1699,"Stone, brick",No,1.0,1.0,1.0,1.0,-1002.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1635863,163910,Consumer loans,32953.14,299574.0,299574.0,0.0,299574.0,SATURDAY,9,Y,1,0.0,,,XAP,Approved,-1050,Cash through the bank,XAP,Unaccompanied,Repeater,Construction Materials,POS,XNA,Stone,124,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1018.0,-748.0,-748.0,-741.0,0.0,0,Cash loans,F,N,Y,0,225000.0,360000.0,24057.0,360000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.04622,-13445,-2728,-4972.0,-1685,,1,1,0,1,1,0,Laborers,1.0,1,1,SATURDAY,10,0,0,0,0,1,1,Business Entity Type 3,0.5457756546021983,0.4264091800963965,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1208.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,5.0 +2621852,446824,Consumer loans,11867.715,107955.0,119353.5,0.0,107955.0,FRIDAY,20,Y,1,0.0,,,XAP,Approved,-662,XNA,XAP,,Repeater,Computers,POS,XNA,Regional / Local,1000,Consumer electronics,12.0,middle,POS household with interest,365243.0,-631.0,-301.0,-301.0,-296.0,0.0,0,Cash loans,M,N,Y,1,180000.0,1006920.0,40063.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.032561,-10921,-1188,-10500.0,-2736,,1,1,0,1,0,0,Laborers,2.0,1,1,TUESDAY,11,0,0,0,0,0,0,Business Entity Type 1,,0.5904193254467663,0.4382813743111921,0.3814,0.0141,0.9861,0.8232,0.0806,0.36,0.2586,0.6042,0.9167,0.0509,0.1866,0.1984,1.0,0.0234,0.2332,0.0146,0.9856,0.8301,0.0813,0.1611,0.0345,0.3333,0.9167,0.0521,0.2039,0.2068,1.0,0.0247,0.3851,0.0141,0.9861,0.8256,0.0811,0.36,0.2586,0.6042,0.9167,0.0518,0.1898,0.202,1.0,0.0239,reg oper account,block of flats,0.1612,Panel,No,1.0,0.0,1.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1132251,179944,Consumer loans,2801.43,34699.5,27756.0,6943.5,34699.5,SUNDAY,14,Y,1,0.2179311727048725,,,XAP,Approved,-151,Cash through the bank,XAP,Unaccompanied,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,21,Connectivity,12.0,middle,POS mobile with interest,365243.0,-119.0,211.0,-29.0,-25.0,0.0,0,Revolving loans,F,N,Y,0,103500.0,202500.0,10125.0,202500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.009175,-7997,-561,-7993.0,-670,,1,1,1,1,1,0,Sales staff,1.0,2,2,THURSDAY,12,0,0,0,0,1,1,Trade: type 2,,0.04584105186556231,0.2103502286944494,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-91.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2433426,215032,Cash loans,25932.915,450000.0,533160.0,,450000.0,MONDAY,5,Y,1,,,,Other,Refused,-329,XNA,VERIF,,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),40,XNA,48.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,Y,Y,0,135000.0,1200744.0,38866.5,1048500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.020713,-21202,365243,-10287.0,-4575,27.0,1,0,0,1,0,0,,2.0,3,3,MONDAY,10,0,0,0,0,0,0,XNA,,0.5202238244803045,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,2.0,5.0,2.0,-1106.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2018014,355835,Consumer loans,11428.515,98343.0,108729.0,0.0,98343.0,MONDAY,11,Y,1,0.0,,,XAP,Approved,-1078,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,1607,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1047.0,-717.0,-777.0,-770.0,0.0,0,Cash loans,F,N,Y,0,193500.0,755190.0,33394.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.020246,-20541,365243,-5726.0,-4095,,1,0,0,1,0,0,,2.0,3,3,MONDAY,6,0,0,0,0,0,0,XNA,0.6804292853277448,0.38515646054293495,0.8128226070575616,0.1485,0.1418,0.9846,0.7892,0.0176,0.16,0.1379,0.3333,0.375,0.0745,0.121,0.139,0.0,0.0,0.1513,0.1472,0.9846,0.7975,0.0177,0.1611,0.1379,0.3333,0.375,0.0762,0.1322,0.1448,0.0,0.0,0.1499,0.1418,0.9846,0.792,0.0177,0.16,0.1379,0.3333,0.375,0.0758,0.1231,0.1415,0.0,0.0,reg oper account,block of flats,0.1189,Panel,No,5.0,1.0,5.0,0.0,-1550.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2547228,347632,Consumer loans,15326.505,119555.55,119551.5,4.05,119555.55,TUESDAY,15,Y,1,3.689346234297095e-05,,,XAP,Refused,-2115,Cash through the bank,LIMIT,Family,Repeater,Computers,POS,XNA,Stone,480,Consumer electronics,10.0,high,POS household with interest,,,,,,,0,Cash loans,M,Y,N,0,270000.0,225000.0,22252.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-15365,-897,-2444.0,-3765,10.0,1,1,0,1,0,0,Drivers,2.0,2,2,TUESDAY,14,0,0,0,0,1,1,Transport: type 4,,0.5819376798417124,0.4170996682522097,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2115.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1036049,198969,Cash loans,20993.94,288000.0,319932.0,0.0,288000.0,MONDAY,8,Y,1,0.0,,,XNA,Approved,-2249,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash Street: middle,365243.0,-2219.0,-1529.0,-1559.0,-1557.0,1.0,1,Cash loans,F,N,Y,0,157500.0,675000.0,19071.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.028663,-23019,-4887,-11530.0,-4250,,1,1,1,1,1,0,,1.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,Housing,,0.5796376414479775,0.2750003523983893,0.0825,0.0792,0.9762,0.6736,,0.0,0.1379,0.1667,0.2083,0.0,0.0672,0.0702,,0.0,0.084,0.0822,0.9762,0.6864,,0.0,0.1379,0.1667,0.2083,0.0,0.0735,0.0731,,0.0,0.0833,0.0792,0.9762,0.6779999999999999,,0.0,0.1379,0.1667,0.2083,0.0,0.0684,0.0714,,0.0,reg oper account,block of flats,0.06,Panel,No,2.0,1.0,2.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1320208,234734,Consumer loans,10983.15,69250.5,69250.5,0.0,69250.5,TUESDAY,10,Y,1,0.0,,,XAP,Approved,-2628,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,1050,Consumer electronics,8.0,high,POS household with interest,365243.0,-2596.0,-2386.0,-2386.0,-2378.0,0.0,0,Cash loans,F,N,Y,0,90000.0,860917.5,34141.5,769500.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.00702,-23326,365243,-6316.0,-5313,,1,0,0,1,1,0,,1.0,2,2,FRIDAY,17,0,0,0,0,0,0,XNA,0.8289444295165791,0.6799453549641725,0.8658959152750668,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1451251,194290,Consumer loans,7481.565,166072.5,166072.5,0.0,166072.5,WEDNESDAY,16,Y,1,0.0,,,XAP,Approved,-321,XNA,XAP,Unaccompanied,Refreshed,Homewares,POS,XNA,Stone,268,Construction,24.0,low_action,POS industry without interest,365243.0,-285.0,405.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,112500.0,1216201.5,39361.5,1062000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0038130000000000004,-12940,-5297,-490.0,-3884,,1,1,1,1,0,0,Medicine staff,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,Medicine,,0.34420630264522195,0.2940831009471255,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-2516.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2560306,224694,Revolving loans,38250.0,0.0,765000.0,,,TUESDAY,17,Y,1,,,,XAP,Approved,-441,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-420.0,-384.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,180000.0,631332.0,33763.5,585000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.011703,-18245,-2507,-5422.0,-1783,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.4957356486609647,0.7223494479867705,0.6092756673894402,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-3044.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1323273,322666,Cash loans,26602.74,225000.0,239850.0,0.0,225000.0,FRIDAY,14,Y,1,0.0,,,XNA,Approved,-1917,Cash through the bank,XAP,Children,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-1887.0,-1557.0,-1557.0,-1551.0,1.0,0,Cash loans,F,N,N,0,202500.0,1006920.0,42660.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.031329,-16868,-4161,-8714.0,-406,,1,1,0,1,0,0,Laborers,1.0,2,2,THURSDAY,9,0,0,0,0,0,0,Business Entity Type 2,,0.647547481044461,0.5082869913916046,0.0907,0.0467,0.9737,0.6396,0.0078,0.0,0.1379,0.1667,0.2083,0.0168,0.07400000000000001,0.0723,0.0,0.0,0.0924,0.0484,0.9737,0.6537,0.0079,0.0,0.1379,0.1667,0.2083,0.0172,0.0808,0.0754,0.0,0.0,0.0916,0.0467,0.9737,0.6444,0.0079,0.0,0.1379,0.1667,0.2083,0.0171,0.0752,0.0736,0.0,0.0,reg oper account,block of flats,0.0612,Block,No,1.0,0.0,1.0,0.0,-1695.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1435244,414602,Consumer loans,3984.75,40495.5,40495.5,0.0,40495.5,TUESDAY,13,Y,1,0.0,,,XAP,Approved,-1022,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Stone,200,Consumer electronics,12.0,middle,POS household with interest,365243.0,-988.0,-658.0,-658.0,-653.0,0.0,1,Cash loans,F,N,Y,0,135000.0,697500.0,26694.0,697500.0,Family,State servant,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-19815,-1932,-11072.0,-3365,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,School,,0.4868133230903791,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,2.0,3.0,1.0,-1022.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1968956,298109,Cash loans,9830.97,90000.0,95940.0,,90000.0,FRIDAY,10,Y,1,,,,XNA,Approved,-888,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-858.0,-528.0,-858.0,-851.0,1.0,0,Cash loans,F,N,Y,0,135000.0,677664.0,22527.0,585000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018029,-23352,365243,-1927.0,-4627,,1,0,0,1,0,0,,2.0,3,3,THURSDAY,9,0,0,0,0,0,0,XNA,,0.5696105707486079,0.501075160239048,0.0082,0.0,0.9722,0.6192,0.001,0.0,0.0345,0.0417,0.0417,0.0073,0.0067,0.0081,0.0,0.0,0.0084,0.0,0.9722,0.6341,0.001,0.0,0.0345,0.0417,0.0417,0.0075,0.0073,0.0085,0.0,0.0,0.0083,0.0,0.9722,0.6243,0.001,0.0,0.0345,0.0417,0.0417,0.0074,0.0068,0.0083,0.0,0.0,reg oper account,block of flats,0.0069,Wooden,No,4.0,2.0,4.0,2.0,-1694.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2028648,283927,Cash loans,14938.56,180000.0,222664.5,,180000.0,FRIDAY,12,Y,1,,,,XNA,Approved,-1195,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-1165.0,-655.0,-775.0,-772.0,1.0,0,Cash loans,F,N,N,0,135000.0,727785.0,23607.0,607500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-23526,365243,-13417.0,-4540,,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,XNA,,0.6778574108924426,0.2445163919946749,0.0577,0.0471,0.9752,0.66,0.0053,0.0,0.1034,0.1667,0.2083,0.1213,0.0437,0.0454,0.0154,0.0222,0.0588,0.0489,0.9752,0.6733,0.0054,0.0,0.1034,0.1667,0.2083,0.1241,0.0478,0.0473,0.0156,0.0235,0.0583,0.0471,0.9752,0.6645,0.0054,0.0,0.1034,0.1667,0.2083,0.1234,0.0445,0.0462,0.0155,0.0226,reg oper account,block of flats,0.0434,Panel,No,0.0,0.0,0.0,0.0,-2843.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1830083,399381,Consumer loans,2543.985,21555.0,21217.5,2250.0,21555.0,SUNDAY,18,Y,1,0.10441907086202386,,,XAP,Approved,-1370,Cash through the bank,XAP,Other_A,New,Mobile,POS,XNA,Regional / Local,23,Connectivity,12.0,high,POS mobile with interest,365243.0,-1329.0,-999.0,-999.0,-992.0,0.0,0,Cash loans,M,N,N,2,157500.0,1035000.0,33385.5,1035000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008625,-10224,-1220,-4732.0,-2458,,1,1,0,1,0,0,Laborers,4.0,2,2,THURSDAY,19,0,0,0,0,0,0,Transport: type 2,0.2777241864351809,0.6217110558232247,0.4578995512067301,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-301.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1518536,325480,Consumer loans,4917.51,18310.5,18913.5,0.0,18310.5,TUESDAY,11,Y,1,0.0,,,XAP,Approved,-1429,Cash through the bank,XAP,Unaccompanied,Refreshed,Consumer Electronics,POS,XNA,Country-wide,2226,Consumer electronics,4.0,low_action,POS household with interest,365243.0,-1398.0,-1308.0,-1308.0,-1304.0,0.0,0,Cash loans,F,Y,Y,0,202500.0,1223010.0,51817.5,1125000.0,Children,Working,Secondary / secondary special,Married,House / apartment,0.025164,-14039,-3062,-3075.0,-4492,4.0,1,1,0,1,0,0,Managers,2.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,Trade: type 2,,0.7275035293910124,0.8266716415451854,0.0711,0.0784,0.9906,0.8708,0.0149,0.0,0.2069,0.2083,0.25,0.1139,0.058,0.1034,0.0,0.0,0.0725,0.0813,0.9906,0.8759,0.015,0.0,0.2069,0.2083,0.25,0.1165,0.0634,0.1077,0.0,0.0,0.0718,0.0784,0.9906,0.8725,0.015,0.0,0.2069,0.2083,0.25,0.1158,0.059,0.1052,0.0,0.0,reg oper spec account,block of flats,0.1024,"Stone, brick",No,0.0,0.0,0.0,0.0,-1064.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1258442,324433,Consumer loans,11450.475,128264.4,113449.5,25650.9,128264.4,SATURDAY,12,Y,1,0.20083451952690284,0.1891363481808909,0.8350951374207188,XAP,Approved,-212,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,25,Connectivity,12.0,middle,POS mobile with interest,365243.0,-176.0,154.0,-86.0,-78.0,0.0,0,Revolving loans,M,Y,Y,1,112500.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.00823,-15452,-1101,-4122.0,-4802,0.0,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,11,0,0,0,0,1,1,Business Entity Type 3,0.2516070528776218,0.4532438597699122,0.4471785780453068,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,2.0,5.0,1.0,-212.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1937943,126272,Consumer loans,5741.235,44955.0,47214.0,2250.0,44955.0,MONDAY,13,Y,1,0.04954016143972476,,,XAP,Approved,-825,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Stone,120,Consumer electronics,12.0,high,POS household with interest,365243.0,-790.0,-460.0,-460.0,-448.0,0.0,1,Cash loans,M,N,Y,0,157500.0,254700.0,14620.5,225000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.011656999999999999,-24337,365243,-3799.0,-4371,,1,0,0,1,1,0,,2.0,1,1,SUNDAY,11,0,0,0,0,0,0,XNA,,0.19176638775406327,0.17560597946937906,0.0619,0.2182,0.994,,,0.0,0.1034,0.1667,,0.0,,0.0659,,0.029,0.063,0.2264,0.994,,,0.0,0.1034,0.1667,,0.0,,0.0686,,0.0307,0.0625,0.2182,0.994,,,0.0,0.1034,0.1667,,0.0,,0.0671,,0.0296,,block of flats,0.0582,Block,No,4.0,0.0,4.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +2334919,360444,Consumer loans,11918.88,64080.0,67464.0,0.0,64080.0,WEDNESDAY,16,Y,1,0.0,,,XAP,Refused,-344,Cash through the bank,LIMIT,Family,Repeater,Computers,POS,XNA,Regional / Local,200,Consumer electronics,6.0,low_normal,POS household with interest,,,,,,,0,Cash loans,F,Y,Y,0,90000.0,269550.0,16416.0,225000.0,Family,Commercial associate,Incomplete higher,Married,House / apartment,0.019688999999999998,-13618,-1496,-5560.0,-1150,5.0,1,1,0,1,0,1,Sales staff,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,Self-employed,0.5351898866655427,0.556225176118225,0.3706496323299817,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-1045.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1605324,200781,Cash loans,10308.6,90000.0,90000.0,0.0,90000.0,THURSDAY,12,Y,1,0.0,,,XNA,Approved,-1570,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-1540.0,-1210.0,-1210.0,-1203.0,1.0,0,Cash loans,F,N,Y,0,180000.0,331632.0,32436.0,315000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.072508,-19350,-4136,-2857.0,-2895,,1,1,0,1,1,0,,2.0,1,1,SATURDAY,13,0,0,0,0,0,0,Other,,0.6952284041617003,0.7610263695502636,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.2384,,No,0.0,0.0,0.0,0.0,-1570.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1258360,406732,Revolving loans,7875.0,0.0,157500.0,,,TUESDAY,8,Y,1,,,,XAP,Approved,-2692,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,21,Connectivity,0.0,XNA,Card Street,-2685.0,-2634.0,365243.0,-928.0,365243.0,0.0,0,Cash loans,F,N,N,0,112500.0,776254.5,28012.5,589500.0,Family,Working,Secondary / secondary special,Separated,House / apartment,0.025164,-15912,-8993,-5651.0,-4454,,1,1,0,1,0,0,Core staff,1.0,2,2,SATURDAY,9,0,0,0,0,0,0,Agriculture,,0.15967923350263774,0.7380196196295241,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,1.0,7.0,1.0,-623.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2174076,431922,Consumer loans,27569.16,108900.0,101245.5,10890.0,108900.0,WEDNESDAY,7,Y,1,0.10576668405634254,,,XAP,Approved,-1406,Cash through the bank,XAP,Unaccompanied,Repeater,Construction Materials,POS,XNA,Stone,20,Construction,4.0,middle,POS industry with interest,365243.0,-1374.0,-1284.0,-1284.0,-1276.0,0.0,0,Cash loans,F,N,Y,0,117000.0,491823.0,21793.5,373500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-23120,365243,-9986.0,-4561,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,8,0,0,0,0,0,0,XNA,,0.5500688171915613,0.7076993447402619,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1644.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1130440,347711,Revolving loans,4500.0,0.0,90000.0,,,THURSDAY,14,Y,1,,,,XAP,Approved,-2085,XNA,XAP,,Repeater,XNA,Cards,x-sell,Stone,250,Consumer electronics,0.0,XNA,Card X-Sell,-2084.0,-2031.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,2,270000.0,889515.0,31644.0,742500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008019,-13543,-994,-6147.0,-4272,,1,1,0,1,0,0,Security staff,4.0,2,2,WEDNESDAY,17,0,1,1,0,0,0,Security,0.24301188115233285,0.5748455705490139,0.17044612304522816,0.0722,,0.9781,,,0.0,0.1379,0.1667,,0.0217,,0.0635,,,0.0735,,0.9782,,,0.0,0.1379,0.1667,,0.0222,,0.0661,,,0.0729,,0.9781,,,0.0,0.1379,0.1667,,0.0221,,0.0646,,,,block of flats,0.0499,"Stone, brick",No,0.0,0.0,0.0,0.0,-2521.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +2008692,109232,Cash loans,16097.04,180000.0,203760.0,,180000.0,MONDAY,12,Y,1,,,,XNA,Refused,-849,XNA,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),4,XNA,24.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,121500.0,247500.0,9684.0,247500.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,House / apartment,0.0228,-22838,-2245,-2672.0,-4569,,1,1,0,1,0,0,Medicine staff,1.0,2,2,WEDNESDAY,8,0,0,0,0,1,1,Medicine,,0.3668732429448847,0.08788069918013308,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,1.0,5.0,1.0,-7.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,2.0 +2407738,313735,Consumer loans,14259.735,122175.0,119029.5,12217.5,122175.0,THURSDAY,12,Y,1,0.10138112247760467,,,XAP,Approved,-2120,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,145,Consumer electronics,10.0,middle,POS household with interest,365243.0,-2088.0,-1818.0,-1818.0,-1809.0,0.0,0,Cash loans,F,N,N,0,112500.0,518562.0,21969.0,463500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.02461,-10560,-138,-4420.0,-3057,,1,1,1,1,0,0,Accountants,1.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Industry: type 4,0.7393199920773724,0.6082498388090091,0.5136937663039473,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2120.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1385276,452654,Revolving loans,2250.0,45000.0,45000.0,,45000.0,MONDAY,11,Y,1,,,,XAP,Approved,-88,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Stone,61,Consumer electronics,0.0,XNA,Card Street,-53.0,-16.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,2,135000.0,247275.0,22810.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.006629,-12162,-2484,-1322.0,-4287,,1,1,0,1,0,0,Laborers,4.0,2,2,FRIDAY,9,0,0,0,0,0,0,Industry: type 3,0.4593184903295858,0.026358895878000242,0.4223696523543468,0.0928,0.1205,0.9886,0.8436,0.0147,0.0,0.2069,0.1667,0.0417,0.0552,0.0756,0.0917,0.0,0.0,0.0945,0.1251,0.9886,0.8497,0.0148,0.0,0.2069,0.1667,0.0417,0.0565,0.0826,0.0955,0.0,0.0,0.0937,0.1205,0.9886,0.8457,0.0148,0.0,0.2069,0.1667,0.0417,0.0562,0.077,0.0933,0.0,0.0,reg oper account,block of flats,0.0801,Panel,No,0.0,0.0,0.0,0.0,-2179.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2391743,272330,Consumer loans,3020.58,15687.0,14814.0,1570.5,15687.0,SUNDAY,8,Y,1,0.10439239969039477,,,XAP,Approved,-1538,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,52,Connectivity,6.0,high,POS mobile with interest,365243.0,-1483.0,-1333.0,-1393.0,-1384.0,0.0,0,Cash loans,M,Y,Y,2,135000.0,1125000.0,40540.5,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018209,-12712,-131,-680.0,-262,16.0,1,1,0,1,0,0,Laborers,4.0,3,3,FRIDAY,7,0,0,0,0,0,0,Business Entity Type 2,,0.1718429944025962,0.8128226070575616,0.1227,0.1818,0.9776,0.6940000000000001,0.016,0.0,0.2759,0.1667,0.2083,0.1124,0.1,0.1142,0.0,0.0,0.125,0.1887,0.9777,0.706,0.0162,0.0,0.2759,0.1667,0.2083,0.1149,0.1093,0.119,0.0,0.0,0.1239,0.1818,0.9776,0.6981,0.0161,0.0,0.2759,0.1667,0.2083,0.1143,0.1018,0.1162,0.0,0.0,reg oper account,block of flats,0.0993,Panel,No,5.0,0.0,5.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1006382,161734,Cash loans,17790.3,540000.0,646920.0,,540000.0,MONDAY,15,Y,1,,,,XNA,Approved,-191,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-161.0,1609.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,90000.0,326439.0,12433.5,229500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.003069,-22283,365243,-9840.0,-4025,,1,0,0,1,0,0,,2.0,3,3,WEDNESDAY,10,0,0,0,0,0,0,XNA,,0.7369314055859689,0.42589289800515295,0.1443,0.1052,0.9851,,,0.16,0.1379,0.3333,,0.1016,,0.0885,,0.0396,0.1471,0.1092,0.9851,,,0.1611,0.1379,0.3333,,0.1039,,0.0922,,0.0419,0.1457,0.1052,0.9851,,,0.16,0.1379,0.3333,,0.1034,,0.0901,,0.0404,,block of flats,0.1221,Panel,No,0.0,0.0,0.0,0.0,-433.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1847592,146674,Consumer loans,9007.11,99990.0,79992.0,19998.0,99990.0,SATURDAY,13,Y,1,0.2178181818181818,,,XAP,Approved,-1135,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,261,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1103.0,-833.0,-833.0,-826.0,0.0,0,Revolving loans,M,Y,Y,0,112500.0,180000.0,9000.0,180000.0,Family,Working,Higher education,Civil marriage,House / apartment,0.025164,-13270,-263,-7417.0,-4960,24.0,1,1,1,1,0,0,Laborers,2.0,2,2,SUNDAY,13,0,0,0,0,0,0,Industry: type 7,,0.6669769582587306,0.4614823912998385,0.1495,0.1091,0.9841,0.7824,0.0261,0.0,0.1379,0.3333,0.375,0.0506,0.121,0.1537,0.0039,0.0012,0.1523,0.1132,0.9841,0.7909,0.0263,0.0,0.1379,0.3333,0.375,0.0518,0.1322,0.1601,0.0039,0.0012,0.1509,0.1091,0.9841,0.7853,0.0262,0.0,0.1379,0.3333,0.375,0.0515,0.1231,0.1564,0.0039,0.0012,org spec account,block of flats,0.1354,Panel,No,0.0,0.0,0.0,0.0,-1135.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1607510,237265,Cash loans,12224.115,103500.0,133276.5,,103500.0,THURSDAY,13,Y,1,,,,Buying a used car,Refused,-462,Cash through the bank,LIMIT,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,135000.0,253737.0,20178.0,229500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.009656999999999999,-10004,-1444,-3046.0,-917,,1,1,0,1,0,0,Waiters/barmen staff,2.0,2,2,THURSDAY,10,0,0,0,1,1,0,Restaurant,0.2940564888164528,0.340435154472543,0.04006159995185312,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-739.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1474230,273337,Cash loans,26830.035,450000.0,524844.0,,450000.0,FRIDAY,17,Y,1,,,,XNA,Approved,-1585,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-1555.0,-505.0,-1135.0,-1128.0,1.0,0,Cash loans,F,N,Y,4,112500.0,1458414.0,42772.5,1273500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.02461,-13471,-3058,-7501.0,-5899,,1,1,0,1,1,0,Core staff,6.0,2,2,MONDAY,12,0,0,0,0,0,0,Kindergarten,0.3521834458416727,0.7518080269633175,0.501075160239048,0.333,0.242,0.9851,0.7959999999999999,0.0641,0.36,0.3103,0.3333,0.375,0.3134,0.2707,0.3497,0.0039,0.0073,0.3393,0.2511,0.9851,0.804,0.0647,0.3625,0.3103,0.3333,0.375,0.3205,0.2957,0.3644,0.0039,0.0077,0.3362,0.242,0.9851,0.7987,0.0645,0.36,0.3103,0.3333,0.375,0.3188,0.2753,0.35600000000000004,0.0039,0.0074,reg oper account,block of flats,0.2766,"Stone, brick",No,4.0,0.0,4.0,0.0,-1375.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,16.0,0.0,3.0 +1183822,375923,Consumer loans,3545.775,19197.0,20209.5,0.0,19197.0,TUESDAY,8,Y,1,0.0,,,XAP,Approved,-584,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Stone,20,Consumer electronics,6.0,low_action,POS household without interest,365243.0,-553.0,-403.0,-403.0,-396.0,0.0,0,Cash loans,F,Y,Y,0,292500.0,675000.0,32472.0,675000.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.002506,-13437,-283,-969.0,-589,14.0,1,1,0,1,1,0,High skill tech staff,1.0,2,2,FRIDAY,2,0,0,0,0,1,1,Military,0.4583220114702687,0.7209262197186282,0.7016957740576931,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,1.0,1.0,1.0,0.0,-1286.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2526866,114597,Consumer loans,6864.795,76927.5,89113.5,0.0,76927.5,TUESDAY,19,Y,1,0.0,,,XAP,Approved,-691,XNA,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,2170,Consumer electronics,18.0,middle,POS household with interest,365243.0,-659.0,-149.0,-149.0,-147.0,0.0,1,Cash loans,F,N,Y,0,112500.0,207306.0,14152.5,148500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.010276,-9918,-632,-174.0,-2530,,1,1,0,1,0,0,Laborers,1.0,2,2,SUNDAY,15,0,0,0,0,0,0,Government,0.17122177530793434,0.6005116412527494,,0.0124,0.0201,,,,0.0,0.069,0.0417,,0.0045,,0.0088,,0.0159,0.0126,0.0209,,,,0.0,0.069,0.0417,,0.0046,,0.0092,,0.0168,0.0125,0.0201,,,,0.0,0.069,0.0417,,0.0046,,0.009000000000000001,,0.0162,,block of flats,0.011,Wooden,No,0.0,0.0,0.0,0.0,-691.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2717452,133275,Consumer loans,17597.115,172062.0,174609.0,11250.0,172062.0,WEDNESDAY,20,Y,1,0.06592240745550512,,,XAP,Approved,-487,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,2170,Consumer electronics,12.0,middle,POS household with interest,365243.0,-456.0,-126.0,-126.0,-119.0,0.0,0,Cash loans,M,N,N,1,90000.0,123637.5,8923.5,112500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.010276,-9018,-1040,-5828.0,-1676,,1,1,0,1,0,0,Low-skill Laborers,3.0,2,2,SUNDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.6404888796085584,,0.0907,,0.9776,,,,0.069,0.125,,0.0515,,0.0504,,0.0,0.0924,,0.9777,,,,0.069,0.125,,0.0527,,0.0525,,0.0,0.0916,,0.9776,,,,0.069,0.125,,0.0524,,0.0513,,0.0,,block of flats,0.0396,"Stone, brick",No,0.0,0.0,0.0,0.0,-487.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1834311,254345,Consumer loans,3145.14,26950.5,26950.5,0.0,26950.5,WEDNESDAY,10,Y,1,0.0,,,XAP,Refused,-2427,XNA,HC,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,Y,Y,2,135000.0,835605.0,27085.5,697500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-15402,-2332,-10356.0,-1816,16.0,1,1,0,1,1,0,Managers,4.0,2,2,MONDAY,8,0,0,0,0,0,0,Self-employed,,0.6840098348377025,0.4543210601605785,0.0619,0.0731,0.9861,0.8096,0.0084,0.0,0.1379,0.1667,0.2083,0.1199,0.0504,0.055,0.0,0.0,0.063,0.0759,0.9861,0.8171,0.0085,0.0,0.1379,0.1667,0.2083,0.1226,0.0551,0.0573,0.0,0.0,0.0625,0.0731,0.9861,0.8121,0.0084,0.0,0.1379,0.1667,0.2083,0.122,0.0513,0.0559,0.0,0.0,reg oper account,block of flats,0.0478,"Stone, brick",No,1.0,0.0,1.0,0.0,-2427.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2430139,238344,Consumer loans,6715.935,39721.5,42345.0,0.0,39721.5,WEDNESDAY,12,Y,1,0.0,,,XAP,Approved,-2541,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Stone,190,Consumer electronics,8.0,high,POS household with interest,365243.0,-2510.0,-2300.0,-2300.0,-2292.0,1.0,1,Cash loans,F,N,Y,2,135000.0,808650.0,26217.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,With parents,0.022625,-16134,-1126,-61.0,-4461,,1,1,0,1,0,0,,4.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,School,,0.6580641371062531,0.5495965024956946,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2541.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1223054,224906,Consumer loans,1469.16,35271.0,31527.0,3744.0,35271.0,TUESDAY,9,Y,1,0.11560648588461805,,,XAP,Refused,-2578,XNA,SCO,Other_A,Repeater,XNA,POS,XNA,Country-wide,4000,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,0,Cash loans,F,N,N,2,90000.0,948582.0,27864.0,679500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.014464,-12849,-1999,-723.0,-653,,1,1,0,1,0,0,Sales staff,4.0,2,2,THURSDAY,5,0,0,0,0,0,0,Self-employed,0.522678275173449,0.5980697875939309,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2271.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1683209,100190,Cash loans,19609.065,135000.0,165226.5,,135000.0,WEDNESDAY,17,Y,1,,,,XNA,Approved,-415,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-385.0,-55.0,-55.0,-47.0,1.0,0,Cash loans,M,Y,N,0,162000.0,263686.5,24781.5,238500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.022625,-13972,-4472,-464.0,-4529,3.0,1,1,0,1,1,0,Laborers,2.0,2,2,THURSDAY,16,0,0,0,0,0,0,Government,0.5349985744410304,0.5858586300023704,0.7886807751817684,0.3093,0.1973,0.9891,0.8504,0.0,0.4,0.2414,0.4583,0.5,0.4101,0.2522,0.3564,0.0,0.0168,0.3151,0.2047,0.9891,0.8563,0.0,0.4028,0.2414,0.4583,0.5,0.4195,0.2755,0.3713,0.0,0.0178,0.3123,0.1973,0.9891,0.8524,0.0,0.4,0.2414,0.4583,0.5,0.4173,0.2565,0.3628,0.0,0.0172,reg oper account,block of flats,0.4064,Panel,No,5.0,0.0,5.0,0.0,-1161.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1242552,214330,Consumer loans,3967.38,32170.5,32008.5,3217.5,32170.5,WEDNESDAY,15,Y,1,0.09947623914154312,,,XAP,Approved,-1064,Cash through the bank,XAP,"Spouse, partner",Repeater,Mobile,POS,XNA,Country-wide,2300,Consumer electronics,12.0,high,POS household with interest,365243.0,-1033.0,-703.0,-703.0,-696.0,0.0,0,Cash loans,M,Y,N,2,292500.0,536917.5,25830.0,463500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00823,-11358,-1878,-5066.0,-3863,4.0,1,1,0,1,0,0,Managers,4.0,2,2,WEDNESDAY,11,0,0,0,0,1,1,Self-employed,,3.0069190773424574e-05,0.5082869913916046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2476099,388685,Consumer loans,3670.695,25645.5,31306.5,0.0,25645.5,WEDNESDAY,10,Y,1,0.0,,,XAP,Approved,-1055,Cash through the bank,XAP,Unaccompanied,New,Photo / Cinema Equipment,POS,XNA,Country-wide,1610,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1024.0,-754.0,-754.0,-750.0,0.0,0,Cash loans,M,N,Y,1,135000.0,135000.0,6988.5,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018209,-8601,-1186,-619.0,-1273,,1,1,1,1,1,0,Sales staff,3.0,3,3,MONDAY,12,0,0,0,0,0,0,Trade: type 2,0.1878324095394809,0.620331763088265,0.3506958432829587,0.1649,0.0855,0.9871,0.8232,0.0569,0.12,0.1034,0.3333,0.0417,0.0341,0.1345,0.1042,0.0,0.0,0.1681,0.0887,0.9871,0.8301,0.0574,0.1208,0.1034,0.3333,0.0417,0.0348,0.1469,0.1086,0.0,0.0,0.1665,0.0855,0.9871,0.8256,0.0572,0.12,0.1034,0.3333,0.0417,0.0347,0.1368,0.1061,0.0,0.0,reg oper spec account,block of flats,0.1131,Panel,No,2.0,0.0,2.0,0.0,-1055.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,1.0,3.0 +1122338,435746,Revolving loans,2250.0,0.0,45000.0,,,FRIDAY,8,Y,1,,,,XAP,Refused,-1177,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Revolving loans,F,N,N,0,135000.0,405000.0,20250.0,405000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.028663,-19948,365243,-3203.0,-3218,,1,0,0,1,1,0,,2.0,2,2,SATURDAY,14,0,0,0,0,0,0,XNA,,0.11099189283654703,0.34741822720026416,0.0711,0.0263,0.9851,0.7959999999999999,0.0142,0.0,0.0345,0.1667,0.0417,0.0859,0.058,0.4772,0.0,0.02,0.0725,0.0273,0.9851,0.804,0.0144,0.0,0.0345,0.1667,0.0417,0.0879,0.0634,0.4972,0.0,0.0212,0.0718,0.0263,0.9851,0.7987,0.0143,0.0,0.0345,0.1667,0.0417,0.0874,0.059,0.4858,0.0,0.0205,reg oper account,block of flats,0.0376,"Stone, brick",No,1.0,1.0,1.0,1.0,-1177.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2063379,117553,Consumer loans,6766.38,104134.05,93717.0,10417.05,104134.05,THURSDAY,18,Y,1,0.10894721231475628,,,XAP,Refused,-2554,Cash through the bank,SCO,Family,Repeater,Computers,POS,XNA,Regional / Local,240,Consumer electronics,18.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,135000.0,508495.5,24592.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00702,-17115,-2580,-9479.0,-647,,1,1,1,1,1,0,Sales staff,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Self-employed,0.7303817232162252,0.55976319649049,0.29708661164720285,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1728.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1005052,304970,Consumer loans,9871.29,90720.0,88834.5,9072.0,90720.0,WEDNESDAY,10,Y,1,0.10091498242989712,,,XAP,Approved,-1024,Cash through the bank,XAP,,Repeater,Auto Accessories,POS,XNA,Stone,107,Industry,10.0,low_normal,POS other with interest,365243.0,-986.0,-716.0,-716.0,-712.0,0.0,0,Cash loans,M,Y,Y,1,270000.0,260640.0,26838.0,225000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.0038179999999999998,-13100,-723,-1385.0,-4630,7.0,1,1,1,1,0,0,Laborers,3.0,2,2,FRIDAY,4,0,0,0,0,0,0,Business Entity Type 3,,0.3044505434332549,0.7597121819739279,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1188436,147448,Cash loans,14432.4,180000.0,180000.0,,180000.0,THURSDAY,13,Y,1,,,,XNA,Approved,-847,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,72,Connectivity,18.0,middle,Cash X-Sell: middle,365243.0,-817.0,-307.0,-727.0,-710.0,0.0,0,Cash loans,F,N,Y,0,112500.0,225000.0,8082.0,225000.0,Unaccompanied,Pensioner,Higher education,Civil marriage,House / apartment,0.01885,-20536,365243,-778.0,-3480,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,XNA,,0.5791846768461121,0.1694287272664794,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-1690.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2399717,249469,Consumer loans,9242.55,221856.3,198337.5,23518.8,221856.3,FRIDAY,14,Y,1,0.11545361241816113,,,XAP,Approved,-2699,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Stone,230,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-2664.0,-1974.0,-1974.0,-1605.0,0.0,0,Cash loans,F,Y,Y,0,180000.0,592560.0,32274.0,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.035792000000000004,-12550,-259,-6367.0,-4317,6.0,1,1,1,1,1,0,Accountants,2.0,2,2,TUESDAY,15,0,0,0,0,1,1,Self-employed,0.33922426081320034,0.6822537033598328,0.2925880073368475,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1689947,289269,Consumer loans,14506.425,118305.0,135481.5,0.0,118305.0,SATURDAY,15,Y,1,0.0,,,XAP,Approved,-90,Cash through the bank,XAP,Other_A,Repeater,Audio/Video,POS,XNA,Country-wide,100,Consumer electronics,12.0,middle,POS household with interest,365243.0,-59.0,271.0,365243.0,365243.0,0.0,0,Revolving loans,M,Y,Y,0,180000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.011656999999999999,-9026,-484,-9026.0,-396,9.0,1,1,0,1,0,0,Drivers,1.0,1,1,FRIDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.6729194308592428,0.6313545365850379,0.0794,0.0898,0.9866,0.8164,0.052000000000000005,0.04,0.1379,0.25,0.2917,0.0156,0.0647,0.0871,0.0,0.0,0.0735,0.0623,0.9856,0.8105,0.0495,0.0,0.069,0.1667,0.2083,0.0107,0.0643,0.0822,0.0,0.0,0.0802,0.0898,0.9866,0.8189,0.0523,0.04,0.1379,0.25,0.2917,0.0159,0.0658,0.0887,0.0,0.0,not specified,block of flats,0.0634,Panel,No,2.0,1.0,2.0,0.0,-1429.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2594095,330699,Consumer loans,10186.155,74520.0,73732.5,6750.0,74520.0,SATURDAY,16,Y,1,0.09134114417871753,,,XAP,Approved,-359,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,50,Connectivity,10.0,high,POS mobile with interest,365243.0,-322.0,-52.0,-142.0,-134.0,0.0,0,Cash loans,M,Y,N,0,225000.0,490495.5,50260.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006207,-13412,-388,-4907.0,-4093,8.0,1,1,1,1,1,0,Drivers,2.0,2,2,MONDAY,15,1,1,0,1,1,1,Industry: type 3,0.38588831757013387,0.6779624552618313,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-359.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2164525,102639,Consumer loans,15669.0,157500.0,156690.0,31500.0,157500.0,FRIDAY,10,Y,1,0.18229642189470024,,,XAP,Approved,-943,Cash through the bank,XAP,Other_B,Refreshed,Computers,POS,XNA,Stone,46,Consumer electronics,12.0,middle,POS household with interest,365243.0,-911.0,-581.0,-641.0,-632.0,0.0,0,Cash loans,M,Y,N,1,315000.0,1024290.0,29484.0,855000.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.006629,-11199,-2580,-3435.0,-195,3.0,1,1,0,1,0,0,Managers,2.0,2,2,WEDNESDAY,3,0,0,0,0,0,0,Business Entity Type 3,0.3754852750564417,0.6733139768917695,0.3280631605201915,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2556798,364591,Cash loans,11515.68,90000.0,95940.0,,90000.0,TUESDAY,11,Y,1,,,,XNA,Approved,-776,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-746.0,-416.0,-596.0,-588.0,1.0,0,Cash loans,F,Y,Y,0,135000.0,553806.0,22090.5,495000.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.020246,-23706,365243,-1377.0,-4294,19.0,1,0,0,1,1,0,,1.0,3,3,MONDAY,12,0,0,0,0,0,0,XNA,,,0.39449540531239935,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1014.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2164881,184390,Consumer loans,8884.26,97011.0,97011.0,0.0,97011.0,WEDNESDAY,16,Y,1,0.0,,,XAP,Approved,-369,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Regional / Local,246,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-338.0,-8.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,135000.0,1078200.0,31653.0,900000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.019101,-17277,-1459,-3090.0,-816,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Self-employed,0.5644317762388866,0.701694477266611,0.6178261467332483,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1244.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1278655,156335,Consumer loans,,97182.0,97182.0,,97182.0,TUESDAY,13,Y,1,,,,XAP,Refused,-1126,Cash through the bank,HC,Unaccompanied,Repeater,Consumer Electronics,XNA,XNA,Country-wide,584,Consumer electronics,,XNA,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,270000.0,280170.0,27423.0,247500.0,Unaccompanied,Commercial associate,Higher education,Widow,House / apartment,0.01885,-21419,-3613,-8830.0,-4969,,1,1,0,1,0,1,Accountants,1.0,2,2,MONDAY,16,0,0,0,0,0,0,Construction,0.7926122982682741,0.6323019354111115,0.4776491548517548,0.0619,0.0478,0.9771,0.6872,0.0065,0.0,0.1379,0.1667,0.2083,0.0371,0.0471,0.0538,0.0154,0.0763,0.063,0.0496,0.9772,0.6994,0.0065,0.0,0.1379,0.1667,0.2083,0.0379,0.0514,0.056,0.0156,0.0807,0.0625,0.0478,0.9771,0.6914,0.0065,0.0,0.1379,0.1667,0.2083,0.0377,0.0479,0.0548,0.0155,0.0779,reg oper account,block of flats,0.0624,"Stone, brick",No,0.0,0.0,0.0,0.0,-1798.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1606212,291242,Cash loans,12734.19,135000.0,148365.0,0.0,135000.0,THURSDAY,11,Y,1,0.0,,,XNA,Approved,-1673,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,18.0,high,Cash X-Sell: high,365243.0,-1643.0,-1133.0,-1133.0,-1131.0,1.0,0,Revolving loans,F,N,Y,0,54000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-13001,-3320,-5536.0,-2409,,1,1,0,1,1,0,,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Self-employed,,0.6373863597363608,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-350.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1444685,204363,Revolving loans,2250.0,45000.0,45000.0,,45000.0,FRIDAY,13,Y,1,,,,XAP,Approved,-269,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,135000.0,270000.0,12024.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.014519999999999996,-19451,-3155,-7521.0,-3005,,1,1,0,1,0,0,Cleaning staff,1.0,2,2,MONDAY,8,0,0,0,0,0,0,Business Entity Type 3,,0.13035604826472755,0.34090642641523844,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1787.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1760701,373555,Cash loans,20497.14,459000.0,513531.0,,459000.0,THURSDAY,9,Y,1,,,,XNA,Approved,-357,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-327.0,723.0,-207.0,-200.0,1.0,0,Cash loans,M,N,Y,0,164250.0,871029.0,44604.0,765000.0,Other_A,Working,Secondary / secondary special,Married,House / apartment,0.00702,-19688,-13099,-12321.0,-3241,,1,1,0,1,0,0,Core staff,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,Agriculture,,0.6128151614239629,0.7826078370261895,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-661.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,1.0,0.0,0.0,0.0,2.0 +2843882,327295,Consumer loans,3996.45,22162.5,19912.5,2250.0,22162.5,TUESDAY,10,Y,1,0.1105676049838486,,,XAP,Refused,-2416,XNA,SCO,,Repeater,Mobile,POS,XNA,Stone,42,Connectivity,6.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,0,90000.0,760225.5,32337.0,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-17828,-6943,-6833.0,-1379,,1,1,0,1,0,0,,2.0,3,3,WEDNESDAY,10,0,0,0,0,0,0,School,0.4253820335252953,0.5631122514036295,0.6894791426446275,0.099,0.1548,0.9906,0.8708,0.0164,0.0,0.2759,0.1667,0.2083,,0.0807,0.1215,0.0,0.0,0.1008,0.1606,0.9906,0.8759,0.0165,0.0,0.2759,0.1667,0.2083,,0.0882,0.1266,0.0,0.0,0.0999,0.1548,0.9906,0.8725,0.0165,0.0,0.2759,0.1667,0.2083,,0.0821,0.1237,0.0,0.0,reg oper account,block of flats,0.0955,"Stone, brick",No,0.0,0.0,0.0,0.0,-1372.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2489507,429603,Cash loans,66734.46,1129500.0,1195101.0,,1129500.0,WEDNESDAY,15,Y,1,,,,XNA,Refused,-424,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,1,225000.0,1078200.0,38331.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.032561,-15428,-757,-366.0,-4511,,1,1,0,1,0,0,Laborers,3.0,1,1,SUNDAY,10,0,0,0,1,0,0,Business Entity Type 3,,0.7811524024224386,0.524496446363472,0.1021,0.151,0.9985,0.9796,,0.2,0.1586,0.1917,,,,0.1093,,,0.063,0.1251,0.9985,0.9804,,0.2417,0.1034,0.2083,,,,0.0696,,,0.1062,0.1206,0.9985,0.9799,,0.24,0.1724,0.2083,,,,0.1294,,,,block of flats,0.1095,,No,0.0,0.0,0.0,0.0,-1662.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2273817,259849,Cash loans,9267.255,112500.0,127350.0,,112500.0,TUESDAY,8,Y,1,,,,XNA,Approved,-238,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-208.0,482.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,337500.0,547344.0,19791.0,472500.0,Unaccompanied,Pensioner,Incomplete higher,Widow,House / apartment,0.018029,-22982,365243,-4024.0,-4026,,1,0,0,1,0,0,,1.0,3,3,TUESDAY,11,0,0,0,0,0,0,XNA,,0.2622583692422573,0.524496446363472,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-2239.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1158118,301297,Consumer loans,8033.715,76455.0,76077.0,7645.5,76455.0,TUESDAY,10,Y,1,0.09945527839534823,,,XAP,Approved,-994,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Stone,260,Consumer electronics,12.0,middle,POS household with interest,365243.0,-962.0,-632.0,-722.0,-716.0,0.0,0,Cash loans,F,N,N,1,103500.0,431280.0,22149.0,360000.0,"Spouse, partner",Working,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-8628,-1359,-1433.0,-1308,,1,1,0,1,0,0,,3.0,2,2,TUESDAY,8,0,0,0,0,0,0,Agriculture,0.19821487350394426,0.3912119758646301,0.5549467685334323,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-1257.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +2006745,348681,Consumer loans,15103.71,113359.5,122337.0,0.0,113359.5,FRIDAY,8,Y,1,0.0,,,XAP,Approved,-969,XNA,XAP,Children,New,Consumer Electronics,POS,XNA,Regional / Local,320,Consumer electronics,9.0,low_normal,POS household without interest,365243.0,-938.0,-698.0,-698.0,-693.0,0.0,0,Cash loans,F,N,N,1,225000.0,1303812.0,38250.0,1138500.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.010032,-14486,-348,-2999.0,-3009,,1,1,0,1,0,0,Laborers,3.0,2,2,MONDAY,8,0,0,0,0,1,1,Industry: type 12,,0.1570358153812519,0.7992967832109371,0.0629,0.0659,0.9831,0.7688,0.0333,0.0,0.1034,0.1667,0.2083,0.1003,0.0504,0.0383,0.0039,0.0013,0.0641,0.0684,0.9831,0.7779,0.0336,0.0,0.1034,0.1667,0.2083,0.1026,0.0551,0.0399,0.0039,0.0013,0.0635,0.0659,0.9831,0.7719,0.0335,0.0,0.1034,0.1667,0.2083,0.1021,0.0513,0.039,0.0039,0.0013,,block of flats,0.0486,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1493045,339910,Consumer loans,3047.49,56403.0,67572.0,0.0,56403.0,MONDAY,18,Y,1,0.0,,,XAP,Approved,-1684,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,3446,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1648.0,-958.0,-1348.0,-1341.0,0.0,0,Cash loans,F,N,Y,0,270000.0,991818.0,50769.0,886500.0,Other_A,Working,Secondary / secondary special,Married,House / apartment,0.01885,-15608,-749,-3972.0,-3384,,1,1,0,1,0,0,Cleaning staff,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,Government,0.7711453867353774,0.6707788684623444,0.7503751495159068,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-529.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1316597,136744,Consumer loans,3134.16,19300.5,21780.0,1800.0,19300.5,SATURDAY,8,Y,1,0.08313671061762666,,,XAP,Approved,-1999,Cash through the bank,XAP,Children,New,Mobile,POS,XNA,Country-wide,2000,Consumer electronics,10.0,high,POS household with interest,365243.0,-1968.0,-1698.0,-1698.0,-1690.0,0.0,0,Cash loans,F,N,Y,0,150300.0,508495.5,20295.0,454500.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.007305,-17602,-5336,-7177.0,-1148,,1,1,1,1,1,0,Medicine staff,2.0,3,3,WEDNESDAY,11,0,0,0,0,0,0,Medicine,,0.3086947910315101,0.7380196196295241,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1207493,398604,Consumer loans,10256.625,120595.5,108535.5,12060.0,120595.5,THURSDAY,15,Y,1,0.10891315483277866,,,XAP,Approved,-1118,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,1100,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-1087.0,-757.0,-757.0,-750.0,0.0,0,Cash loans,M,Y,N,2,225000.0,1718473.5,55566.0,1345500.0,Unaccompanied,Working,Secondary / secondary special,Married,Rented apartment,0.010556,-11161,-1413,-1286.0,-2042,10.0,1,1,0,1,0,0,,4.0,3,3,TUESDAY,10,0,0,0,1,1,0,Business Entity Type 3,0.2889902938652561,0.4762606174827518,0.25396280933631177,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1118.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1649731,214960,Cash loans,11145.105,144000.0,158256.0,,144000.0,WEDNESDAY,11,Y,1,,,,XNA,Refused,-454,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,18,Connectivity,18.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,112500.0,260640.0,31059.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.035792000000000004,-9129,-621,-957.0,-1358,6.0,1,1,1,1,0,0,Core staff,1.0,2,2,TUESDAY,13,0,0,0,0,0,0,Agriculture,,0.2888894556084425,0.746300213050371,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-455.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1520238,212279,Consumer loans,18600.12,178555.5,178555.5,0.0,178555.5,SUNDAY,7,Y,1,0.0,,,XAP,Approved,-722,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Country-wide,50,Furniture,10.0,low_action,POS industry without interest,365243.0,-691.0,-421.0,-481.0,-477.0,0.0,0,Cash loans,F,N,Y,0,216000.0,1800000.0,47614.5,1800000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.006852,-21601,365243,-7697.0,-5079,,1,0,0,1,0,0,,2.0,3,3,MONDAY,13,0,0,0,0,0,0,XNA,,0.1545080859450522,0.7597121819739279,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-1740.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1216812,208208,Consumer loans,5622.75,29200.5,27576.0,2925.0,29200.5,WEDNESDAY,15,Y,1,0.10444217924300546,,,XAP,Approved,-1596,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,30,Connectivity,6.0,high,POS mobile with interest,365243.0,-1565.0,-1415.0,-1415.0,-1410.0,0.0,0,Cash loans,F,N,N,0,157500.0,582804.0,24822.0,463500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.00496,-23765,365243,-5486.0,-4626,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,XNA,,0.7224064594984402,0.3506958432829587,0.0704,,0.9816,,,0.0,0.1379,0.1667,,0.0713,,,,,0.042,,0.9782,,,0.0,0.069,0.1667,,0.0182,,,,,0.0573,,0.9816,,,0.0,0.1379,0.1667,,0.0725,,,,,,block of flats,0.0261,,No,0.0,0.0,0.0,0.0,-1596.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,0.0 +1076653,209894,Consumer loans,8030.43,36000.0,42313.5,0.0,36000.0,WEDNESDAY,14,Y,1,0.0,,,XAP,Approved,-836,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Stone,1413,Furniture,6.0,middle,POS industry with interest,365243.0,-805.0,-655.0,-655.0,-642.0,0.0,0,Cash loans,F,N,N,0,148500.0,900000.0,26316.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-19063,-1961,-1788.0,-2405,,1,1,0,1,1,0,Sales staff,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Self-employed,,0.6613042522496742,0.13765446191826075,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1514.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1703466,442630,Cash loans,30870.36,918000.0,1051294.5,,918000.0,SUNDAY,11,Y,1,,,,XNA,Refused,-33,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,135000.0,857169.0,25191.0,715500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.0228,-22640,365243,-6652.0,-3829,1.0,1,0,0,1,0,0,,2.0,2,2,FRIDAY,8,0,0,0,0,0,0,XNA,,0.7201600507126967,0.6832688314232291,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-541.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1230308,271833,Revolving loans,0.0,0.0,0.0,,0.0,FRIDAY,15,Y,1,,,,XAP,Approved,-132,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Channel of corporate sales,-1,XNA,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,1,157500.0,234000.0,12244.5,234000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.031329,-12918,-443,-292.0,-926,,1,1,0,1,0,0,,3.0,2,2,THURSDAY,7,0,0,0,0,1,1,Business Entity Type 3,0.4212087405922997,0.4564864119908091,0.4722533429586386,0.1227,0.1584,0.9771,,,,0.2759,0.125,,0.0271,,0.0945,,0.0226,0.125,0.1643,0.9772,,,,0.2759,0.125,,0.0277,,0.0985,,0.024,0.1239,0.1584,0.9771,,,,0.2759,0.125,,0.0275,,0.0962,,0.0231,,block of flats,0.0793,"Stone, brick",No,2.0,0.0,2.0,0.0,-381.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2486692,183105,Consumer loans,4436.28,25560.0,22104.0,4500.0,25560.0,FRIDAY,13,Y,1,0.1842170008611145,,,XAP,Approved,-2745,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,148,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2714.0,-2564.0,-2564.0,-2547.0,1.0,0,Cash loans,F,Y,N,0,135000.0,1354500.0,37246.5,1354500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.026392000000000002,-12804,-106,-6872.0,-1146,4.0,1,1,1,1,1,0,,2.0,2,2,FRIDAY,14,0,0,0,1,1,1,Other,,0.6539535973680409,0.3233112448967859,0.0186,0.0407,0.9866,,,0.0,0.1034,0.0417,,,,0.0167,,0.0,0.0189,0.0423,0.9866,,,0.0,0.1034,0.0417,,,,0.0174,,0.0,0.0187,0.0407,0.9866,,,0.0,0.1034,0.0417,,,,0.017,,0.0,,block of flats,0.0131,"Stone, brick",No,2.0,0.0,2.0,0.0,-2387.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1241670,379741,Consumer loans,21196.35,77400.0,79956.0,0.0,77400.0,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-1630,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Stone,200,Furniture,4.0,low_normal,POS industry with interest,365243.0,-1599.0,-1509.0,-1509.0,-1503.0,0.0,0,Cash loans,F,N,Y,1,324000.0,876816.0,38754.0,720000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.006852,-13482,-4795,-5138.0,-1737,,1,1,0,1,0,0,Managers,3.0,3,3,FRIDAY,7,0,0,0,0,0,0,Police,0.4119067713207901,0.18069045877571666,0.21275630545434146,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-115.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,1.0,0.0,0.0,0.0,2.0 +1327455,145695,Consumer loans,3215.61,19089.0,18085.5,1912.5,19089.0,TUESDAY,10,Y,1,0.10415473365518367,,,XAP,Approved,-899,Cash through the bank,XAP,Unaccompanied,Refreshed,Consumer Electronics,POS,XNA,Stone,1000,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-868.0,-718.0,-838.0,-831.0,0.0,0,Cash loans,F,N,N,0,121500.0,528633.0,21096.0,472500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,Rented apartment,0.007120000000000001,-20032,-3035,-4012.0,-3506,,1,1,0,1,0,0,,1.0,2,2,FRIDAY,11,0,0,0,0,0,0,Business Entity Type 2,0.6947332984484155,0.7149838915719015,0.633031641417419,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-2166.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,2.0 +2310968,314879,Consumer loans,4472.19,19678.5,16294.5,3937.5,19678.5,SUNDAY,16,Y,1,0.21195608217405365,,,XAP,Approved,-878,Cash through the bank,XAP,"Spouse, partner",New,Mobile,POS,XNA,Country-wide,30,Connectivity,4.0,middle,POS mobile without interest,365243.0,-847.0,-757.0,-757.0,-752.0,0.0,1,Cash loans,F,N,Y,0,72000.0,284400.0,22599.0,225000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.030755,-15681,-2738,-3079.0,-4702,,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,9,0,0,0,0,1,1,Self-employed,,0.05944921100386057,0.14375805349116522,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,0.0,-878.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2174545,324466,Consumer loans,18616.635,136350.0,100674.0,45000.0,136350.0,TUESDAY,12,Y,1,0.33642991137121864,,,XAP,Approved,-182,Cash through the bank,XAP,Unaccompanied,Refreshed,Furniture,POS,XNA,Country-wide,500,Furniture,6.0,middle,POS industry with interest,365243.0,-152.0,-2.0,-92.0,-86.0,1.0,0,Cash loans,F,N,Y,1,315000.0,2025000.0,53550.0,2025000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.003540999999999999,-11740,-951,-2834.0,-3997,,1,1,0,1,0,0,Managers,3.0,1,1,TUESDAY,12,0,0,0,0,0,0,Industry: type 9,0.2901249814756344,0.7516896784515837,0.6195277080511546,0.1399,0.0912,0.9906,0.8708,0.0277,0.1484,0.1279,0.3333,0.375,0.0459,0.0361,0.1471,0.0425,0.1398,0.1134,0.0116,0.9901,0.8693,0.028,0.1208,0.1034,0.3333,0.375,0.0275,0.0395,0.0486,0.0428,0.1028,0.1124,0.0635,0.9901,0.8658,0.0279,0.12,0.1034,0.3333,0.375,0.0462,0.0368,0.1208,0.0427,0.1563,not specified,block of flats,0.24,Panel,No,2.0,0.0,2.0,0.0,-2345.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1921428,204608,Cash loans,31339.44,1188000.0,1188000.0,,1188000.0,SATURDAY,9,Y,1,,,,XNA,Approved,-235,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Stone,28,Consumer electronics,60.0,low_action,Cash X-Sell: low,365243.0,-205.0,1565.0,-25.0,-17.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,1125171.0,44752.5,1035000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018634,-20262,-6423,-11277.0,-3766,2.0,1,1,1,1,1,0,Drivers,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Trade: type 6,,0.46374901538671204,0.646329897706246,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-403.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +2094586,220724,Consumer loans,6521.04,54315.0,48883.5,5431.5,54315.0,TUESDAY,16,Y,1,0.1089090909090909,,,XAP,Approved,-2709,Cash through the bank,XAP,,New,Mobile,POS,XNA,Stone,10,Connectivity,10.0,low_normal,POS mobile with interest,365243.0,-2672.0,-2402.0,-2402.0,-2396.0,0.0,0,Cash loans,F,N,N,1,90000.0,341280.0,9130.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,Rented apartment,0.022625,-10955,-4056,-4995.0,-1994,,1,1,0,1,1,0,Laborers,3.0,2,2,FRIDAY,14,0,0,0,0,0,0,Transport: type 4,,0.5300336097715863,0.524496446363472,0.1278,0.0416,0.9816,0.7484,0.0757,0.08,0.0345,0.625,0.6667,0.0953,0.1042,0.117,0.0154,0.0187,0.1303,0.0432,0.9816,0.7583,0.0764,0.0806,0.0345,0.625,0.6667,0.0975,0.1139,0.1219,0.0156,0.0198,0.1291,0.0416,0.9816,0.7518,0.0762,0.08,0.0345,0.625,0.6667,0.097,0.106,0.1191,0.0155,0.0191,reg oper account,block of flats,0.1344,Panel,No,0.0,0.0,0.0,0.0,-915.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2629887,115883,Consumer loans,30634.425,288000.0,275737.5,28800.0,288000.0,SATURDAY,11,Y,1,0.1029949289720254,,,XAP,Approved,-1323,XNA,XAP,,Repeater,Clothing and Accessories,POS,XNA,Stone,91,Clothing,10.0,low_normal,POS industry with interest,365243.0,-1286.0,-1016.0,-1016.0,-1014.0,0.0,0,Cash loans,F,N,Y,1,112500.0,863226.0,34362.0,697500.0,Family,Working,Higher education,Civil marriage,House / apartment,0.025164,-16559,-5532,-6843.0,-115,,1,1,0,1,0,0,Secretaries,3.0,2,2,SATURDAY,11,0,0,0,0,0,0,Business Entity Type 1,0.8135117496193309,0.6946350010212121,0.0005272652387098817,0.0825,0.062,0.9742,0.6464,0.0275,0.0,0.1379,0.1667,0.2083,0.0425,0.0672,0.0635,0.0,0.0,0.084,0.0643,0.9742,0.6602,0.0277,0.0,0.1379,0.1667,0.2083,0.0435,0.0735,0.0662,0.0,0.0,0.0833,0.062,0.9742,0.6511,0.0277,0.0,0.1379,0.1667,0.2083,0.0433,0.0684,0.0647,0.0,0.0,reg oper account,block of flats,0.065,"Stone, brick",No,1.0,0.0,1.0,0.0,-2436.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1310186,278063,Consumer loans,10977.21,182740.5,182740.5,0.0,182740.5,TUESDAY,10,Y,1,0.0,,,XAP,Approved,-724,Cash through the bank,XAP,Unaccompanied,New,Medical Supplies,POS,XNA,Stone,19,Industry,18.0,low_action,POS industry without interest,365243.0,-692.0,-182.0,-242.0,-236.0,0.0,1,Revolving loans,F,Y,Y,2,99000.0,315000.0,15750.0,315000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-15291,-216,-1508.0,-2031,3.0,1,1,1,1,1,0,Sales staff,4.0,3,3,FRIDAY,10,0,0,0,0,0,0,Trade: type 7,0.34557524660251354,0.24790111505998924,0.33285056416487313,0.1443,0.0614,0.9881,,,0.16,0.1379,0.3333,,,0.1177,0.1634,0.0039,0.003,0.1471,0.0637,0.9881,,,0.1611,0.1379,0.3333,,,0.1286,0.1702,0.0039,0.0032,0.1457,0.0614,0.9881,,,0.16,0.1379,0.3333,,,0.1197,0.1663,0.0039,0.0031,reg oper account,block of flats,0.1291,Panel,No,1.0,0.0,1.0,0.0,-1466.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1732576,131170,Consumer loans,7880.49,64435.5,63733.5,6444.0,64435.5,SATURDAY,14,Y,1,0.10000501326182636,,,XAP,Approved,-1841,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,85,Connectivity,12.0,high,POS mobile with interest,365243.0,-1810.0,-1480.0,-1480.0,-1476.0,0.0,0,Cash loans,F,N,Y,1,202500.0,232344.0,11308.5,157500.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.010006000000000001,-14069,-3093,-577.0,-4588,,1,1,0,1,0,1,Accountants,3.0,2,1,SATURDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.4325815021050325,0.4837545231350281,0.5549467685334323,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1841.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2762774,197297,Cash loans,16591.5,135000.0,135000.0,0.0,135000.0,TUESDAY,17,Y,1,0.0,,,XNA,Approved,-2607,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,10.0,middle,Cash Street: middle,365243.0,-2577.0,-2307.0,-2307.0,-2112.0,0.0,0,Revolving loans,F,N,Y,2,202500.0,450000.0,22500.0,450000.0,Family,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.04622,-16382,-425,-7211.0,-4853,,1,1,1,1,1,0,Laborers,4.0,1,1,FRIDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.6996811563030108,0.4596904504249018,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1594.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2028815,330362,Consumer loans,5325.57,24705.0,26113.5,2700.0,24705.0,TUESDAY,16,Y,1,0.1020544347110019,,,XAP,Approved,-513,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,6.0,high,POS mobile with interest,,,,,,,0,Cash loans,M,N,N,0,135000.0,840951.0,33349.5,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009656999999999999,-14854,-3518,-1429.0,-3830,,1,1,1,1,0,0,Drivers,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Self-employed,,0.5941843664299021,0.5082869913916046,0.2969,0.1664,0.9866,0.8164,0.1697,0.24,0.2069,0.375,0.4167,0.1298,0.2421,0.2805,0.0,0.0,0.3025,0.1726,0.9866,0.8236,0.1712,0.2417,0.2069,0.375,0.4167,0.1327,0.2645,0.2922,0.0,0.0,0.2998,0.1664,0.9866,0.8189,0.1708,0.24,0.2069,0.375,0.4167,0.132,0.2463,0.2855,0.0,0.0,reg oper account,block of flats,0.3134,Panel,No,2.0,0.0,2.0,0.0,-1633.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2102002,272063,Consumer loans,10901.16,94792.5,94792.5,0.0,94792.5,SATURDAY,10,Y,1,0.0,,,XAP,Approved,-1235,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,370,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1187.0,-917.0,-917.0,-912.0,0.0,0,Cash loans,F,N,Y,0,112500.0,266832.0,20776.5,238500.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.025164,-11505,-1406,-10625.0,-1335,,1,1,1,1,1,0,Core staff,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Self-employed,0.4963543756794155,0.6093487352815194,0.4170996682522097,0.1237,0.1733,0.9856,0.8028,0.0211,0.0,0.3448,0.1667,0.2083,0.107,0.1009,0.1344,0.0,0.0,0.1261,0.1798,0.9856,0.8105,0.0213,0.0,0.3448,0.1667,0.2083,0.1094,0.1102,0.14,0.0,0.0,0.1249,0.1733,0.9856,0.8054,0.0212,0.0,0.3448,0.1667,0.2083,0.1088,0.1026,0.1368,0.0,0.0,reg oper account,block of flats,0.1172,"Stone, brick",No,0.0,0.0,0.0,0.0,-1235.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1754841,193811,Consumer loans,10791.0,92700.0,92700.0,0.0,92700.0,FRIDAY,15,Y,1,0.0,,,XAP,Approved,-1028,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Stone,400,Furniture,10.0,middle,POS industry with interest,365243.0,-993.0,-723.0,-783.0,-774.0,0.0,0,Cash loans,F,N,Y,0,189000.0,666000.0,37318.5,666000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.026392000000000002,-20370,-2616,-3905.0,-3579,,1,1,0,1,1,0,Low-skill Laborers,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Industry: type 3,0.6310696348879204,0.6439758710733596,0.6863823354047934,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2628.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +1131338,385667,Consumer loans,7446.735,74475.0,67027.5,7447.5,74475.0,WEDNESDAY,10,Y,1,0.1089090909090909,,,XAP,Approved,-1056,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Stone,84,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1022.0,-752.0,-782.0,-779.0,0.0,1,Cash loans,F,N,Y,0,270000.0,2085120.0,72477.0,1800000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.02461,-15914,-986,-1049.0,-4655,,1,1,1,1,1,0,Sales staff,2.0,2,2,TUESDAY,16,0,0,0,0,1,1,Trade: type 3,0.5632187581525032,0.543284021216297,0.20915469884100693,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2301.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1977493,387385,Consumer loans,22499.37,135450.0,126900.0,8550.0,135450.0,FRIDAY,12,Y,1,0.06874660223497428,,,XAP,Refused,-1294,Cash through the bank,LIMIT,,Refreshed,Furniture,POS,XNA,Stone,33,Furniture,6.0,low_normal,POS industry without interest,,,,,,,0,Cash loans,F,N,N,0,225000.0,990000.0,42075.0,990000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-13685,-2969,-7492.0,-4542,,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,11,0,0,0,0,1,1,Construction,,0.4537858239738034,0.6658549219640212,0.0165,0.0335,0.9841,,,0.0,0.069,0.0417,,,,0.0145,,0.0,0.0168,0.0348,0.9841,,,0.0,0.069,0.0417,,,,0.0151,,0.0,0.0167,0.0335,0.9841,,,0.0,0.069,0.0417,,,,0.0147,,0.0,,block of flats,0.0114,"Stone, brick",No,0.0,0.0,0.0,0.0,-1294.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,0.0 +2641846,444368,Consumer loans,5430.96,31050.0,30631.5,1863.0,31050.0,TUESDAY,10,Y,1,0.062440608830305576,,,XAP,Approved,-1399,Cash through the bank,XAP,Unaccompanied,Refreshed,Clothing and Accessories,POS,XNA,Regional / Local,200,Clothing,6.0,low_normal,POS industry without interest,365243.0,-1367.0,-1217.0,-1217.0,-1190.0,0.0,0,Cash loans,F,N,Y,1,180000.0,452385.0,26100.0,373500.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.018029,-16089,-964,-3960.0,-1369,,1,1,0,1,0,0,Core staff,2.0,3,3,MONDAY,10,0,1,1,0,0,0,Business Entity Type 3,0.5409856499405004,0.6189866253617129,0.4794489811780563,,,0.9821,,,,0.069,0.1667,,,,,,,,,0.9821,,,,0.069,0.1667,,,,,,,,,0.9821,,,,0.069,0.1667,,,,,,,,block of flats,0.034,"Stone, brick",No,2.0,0.0,2.0,0.0,-410.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2635415,333143,Consumer loans,5724.63,44820.0,50571.0,4500.0,44820.0,SUNDAY,11,Y,1,0.08899255671604094,,,XAP,Approved,-1682,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Stone,443,Consumer electronics,12.0,high,POS household with interest,365243.0,-1651.0,-1321.0,-1321.0,-1318.0,0.0,0,Cash loans,M,Y,Y,0,126000.0,922500.0,35874.0,922500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-23128,-7057,-1152.0,-4512,6.0,1,1,0,1,1,0,Laborers,2.0,2,2,TUESDAY,8,0,0,0,0,0,0,Self-employed,,0.6009260013347042,0.3893387918468769,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1067.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2821011,162655,Consumer loans,9343.395,81225.0,87525.0,0.0,81225.0,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-103,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Regional / Local,5,Furniture,10.0,low_action,POS industry without interest,365243.0,-73.0,197.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,1,90000.0,291384.0,23490.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00496,-15577,-193,-4348.0,-145,,1,1,1,1,1,0,Drivers,3.0,2,2,THURSDAY,11,0,0,0,0,0,0,Advertising,0.26953046975345785,0.14447704624027985,0.4722533429586386,0.0309,0.0442,0.9846,0.7892,0.0049,0.0,0.069,0.1667,0.2083,0.0387,0.0252,0.0208,0.0,0.0466,0.0315,0.0459,0.9846,0.7975,0.0049,0.0,0.069,0.1667,0.2083,0.0395,0.0275,0.0217,0.0,0.0493,0.0312,0.0442,0.9846,0.792,0.0049,0.0,0.069,0.1667,0.2083,0.0393,0.0257,0.0212,0.0,0.0476,not specified,block of flats,0.0265,"Stone, brick",No,1.0,0.0,1.0,0.0,-103.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1665913,146047,Revolving loans,6750.0,0.0,135000.0,,,TUESDAY,13,Y,1,,,,XAP,Approved,-2661,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,1131,Consumer electronics,0.0,XNA,Card Street,-2660.0,-2607.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,0,126000.0,428854.5,20988.0,301500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.020246,-19265,-687,-10229.0,-2711,,1,1,0,1,1,0,Drivers,1.0,3,3,WEDNESDAY,9,0,0,0,0,0,0,Transport: type 4,,0.5159379497530111,0.6817058776720116,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2305.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1163521,145395,Consumer loans,10152.09,74965.5,93051.0,0.0,74965.5,FRIDAY,10,Y,1,0.0,,,XAP,Approved,-12,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,166,Consumer electronics,12.0,middle,POS household with interest,365243.0,365243.0,348.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,0,225000.0,755190.0,53838.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.072508,-15972,-9080,-10116.0,-3169,10.0,1,1,0,1,0,0,Drivers,1.0,1,1,WEDNESDAY,14,0,0,0,0,0,0,Self-employed,,0.706219746855298,0.8297501422395771,0.3594,0.2388,0.9786,0.7076,0.0517,0.5332,0.2759,0.375,0.4167,0.0399,0.2931,0.331,0.0,0.0401,0.1492,0.1089,0.9786,0.7190000000000001,0.0208,0.1611,0.1379,0.3333,0.375,0.0175,0.1304,0.1466,0.0,0.0005,0.1489,0.1061,0.9786,0.7115,0.0217,0.16,0.1379,0.3333,0.375,0.0178,0.1223,0.1446,0.0,0.0043,reg oper account,block of flats,0.5837,Panel,No,0.0,0.0,0.0,0.0,-929.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1560986,112662,Consumer loans,3031.875,16785.0,15106.5,1678.5,16785.0,FRIDAY,11,Y,1,0.1089090909090909,,,XAP,Approved,-2334,XNA,XAP,Other_B,New,Mobile,POS,XNA,Stone,10,Connectivity,6.0,high,POS mobile with interest,365243.0,-2298.0,-2148.0,-2178.0,-2171.0,0.0,0,Cash loans,F,N,Y,0,157500.0,593010.0,19260.0,495000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.011703,-13277,-794,-3303.0,-2813,,1,1,1,1,1,0,Laborers,2.0,2,2,MONDAY,15,0,0,0,0,1,1,Industry: type 7,0.5364672323164109,,0.6738300778602003,0.1227,0.0,0.995,0.932,1.0,0.0,0.2759,0.1667,0.0417,0.1287,0.1,0.1132,0.0,0.0,0.125,0.0,0.995,0.9347,1.0,0.0,0.2759,0.1667,0.0417,0.1316,0.1093,0.118,0.0,0.0,0.1239,0.0,0.995,0.9329,1.0,0.0,0.2759,0.1667,0.0417,0.1309,0.1018,0.1152,0.0,0.0,reg oper account,block of flats,0.1171,Panel,No,5.0,0.0,5.0,0.0,-1850.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2012680,299272,Consumer loans,13515.165,135166.5,121648.5,13518.0,135166.5,SATURDAY,14,Y,1,0.10891996840260644,,,XAP,Refused,-2243,Cash through the bank,SCO,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Country-wide,30180,Consumer electronics,10.0,low_normal,POS household without interest,,,,,,,0,Cash loans,M,Y,Y,0,202500.0,1125000.0,33025.5,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-10802,-982,-4760.0,-2372,9.0,1,1,0,1,0,0,Drivers,2.0,2,2,TUESDAY,16,0,0,0,1,1,0,Trade: type 7,0.2255311144086436,0.7202613996620082,0.13426542355494275,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1608.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2726504,130292,Consumer loans,5483.43,25020.0,26887.5,2502.0,25020.0,TUESDAY,14,Y,1,0.09271697220250273,,,XAP,Approved,-217,Cash through the bank,XAP,Unaccompanied,Repeater,Jewelry,POS,XNA,Stone,60,Industry,6.0,high,POS other with interest,,,,,,,0,Cash loans,M,Y,Y,0,180000.0,497520.0,52920.0,450000.0,"Spouse, partner",Working,Lower secondary,Single / not married,With parents,0.003069,-9866,-1684,-4492.0,-2538,3.0,1,1,0,1,1,0,Laborers,1.0,3,3,TUESDAY,11,0,0,0,0,1,1,Business Entity Type 2,0.16790101916179326,0.5005267053165003,0.6971469077844458,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-372.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2457309,102143,Cash loans,33970.185,1035000.0,1185282.0,,1035000.0,MONDAY,12,Y,1,,,,Other,Refused,-760,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,Y,Y,0,396000.0,1125171.0,48303.0,1035000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.025164,-15617,-2692,-156.0,-4386,10.0,1,1,1,1,1,0,Managers,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.4511475139180595,0.3723336657058204,0.2948,0.0981,0.995,0.932,0.1146,0.32,0.2759,0.375,0.4167,0.0892,0.2379,0.3223,0.7452,0.011,0.3004,0.1018,0.995,0.9347,0.1157,0.3222,0.2759,0.375,0.4167,0.0913,0.2599,0.3358,0.7509999999999999,0.0116,0.2977,0.0981,0.995,0.9329,0.1154,0.32,0.2759,0.375,0.4167,0.0908,0.242,0.3281,0.7492,0.0112,reg oper account,block of flats,0.3185,Panel,No,2.0,0.0,2.0,0.0,-394.0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1689417,364149,Consumer loans,1732.995,15088.5,14850.0,1575.0,15088.5,SUNDAY,15,Y,1,0.10443337484433372,,,XAP,Approved,-2757,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,25,Connectivity,12.0,high,POS mobile with interest,365243.0,-2726.0,-2396.0,-2456.0,-2449.0,1.0,0,Cash loans,F,N,N,0,112500.0,547344.0,23319.0,472500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.02461,-22051,365243,-4950.0,-5069,,1,0,0,1,0,0,,1.0,2,2,SATURDAY,12,0,0,0,0,0,0,XNA,,0.09628226784298724,0.5814837058057234,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1991513,281348,Cash loans,38264.4,1080000.0,1080000.0,,1080000.0,SATURDAY,10,Y,1,,,,XNA,Approved,-662,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,middle,Cash X-Sell: middle,365243.0,-632.0,1138.0,-542.0,-535.0,0.0,0,Cash loans,M,Y,Y,1,337500.0,1125000.0,60070.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-16659,-4046,-1169.0,-208,13.0,1,1,0,1,0,0,,3.0,2,2,WEDNESDAY,7,0,0,0,0,0,0,Government,,0.2319427311585574,0.5937175866150576,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-14.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +1455536,289620,Revolving loans,9000.0,0.0,180000.0,,,TUESDAY,18,Y,1,,,,XAP,Approved,-2153,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-2150.0,-2115.0,365243.0,-1204.0,365243.0,0.0,1,Cash loans,M,N,Y,0,180000.0,1255680.0,41629.5,1125000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.018801,-17711,-227,-353.0,-1248,,1,1,1,1,1,0,Accountants,1.0,2,2,SATURDAY,7,0,0,0,0,0,0,Self-employed,0.6485896888592019,0.4756879188975976,0.29708661164720285,0.2464,,0.998,0.9728,0.0618,0.08,0.0345,0.625,0.6667,0.0437,0.1992,0.1531,0.0077,0.0624,0.2511,,0.998,0.9739,0.0624,0.0806,0.0345,0.625,0.6667,0.0446,0.2176,0.1595,0.0078,0.0661,0.2488,,0.998,0.9732,0.0622,0.08,0.0345,0.625,0.6667,0.0444,0.2027,0.1559,0.0078,0.0637,,block of flats,0.1678,Monolithic,No,0.0,0.0,0.0,0.0,-469.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,2.0 +1083296,349364,Consumer loans,5391.54,58081.5,58081.5,0.0,58081.5,FRIDAY,10,Y,1,0.0,,,XAP,Approved,-333,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,150,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-303.0,27.0,-303.0,-296.0,0.0,0,Cash loans,F,N,Y,0,135000.0,81756.0,5355.0,67500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018209,-13702,-2339,-2598.0,-2400,,1,1,1,1,0,0,Managers,2.0,3,3,TUESDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.4272715310138572,0.5237322319452684,0.5531646987710016,0.3454,0.1527,0.996,0.9456,,0.2,0.1724,0.375,0.0417,0.0568,0.2749,0.2927,0.0309,0.1532,0.3519,0.1585,0.996,0.9477,,0.2014,0.1724,0.375,0.0417,0.0581,0.3003,0.305,0.0311,0.1622,0.3487,0.1527,0.996,0.9463,,0.2,0.1724,0.375,0.0417,0.0578,0.2796,0.298,0.0311,0.1564,org spec account,block of flats,0.2636,Panel,No,2.0,1.0,2.0,1.0,-1796.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1469378,422369,Consumer loans,7515.135,58761.0,63931.5,0.0,58761.0,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-411,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,2775,Consumer electronics,10.0,middle,POS household with interest,365243.0,-378.0,-108.0,-318.0,-313.0,0.0,1,Cash loans,F,N,Y,0,189000.0,545040.0,26509.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0038130000000000004,-10841,-3465,-10293.0,-3172,,1,1,0,1,0,0,Sales staff,2.0,2,2,FRIDAY,5,0,0,0,0,0,0,Self-employed,,0.008946426676146537,0.7517237147741489,0.0031,,0.9762,,,0.0,0.0345,0.0,,,,,,0.0,0.0032,,0.9762,,,0.0,0.0345,0.0,,,,,,0.0,0.0031,,0.9762,,,0.0,0.0345,0.0,,,,,,0.0,,block of flats,0.0021,Wooden,No,6.0,0.0,6.0,0.0,-1599.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1496786,387285,Consumer loans,13321.395,119556.0,132183.0,0.0,119556.0,WEDNESDAY,18,Y,1,0.0,,,XAP,Approved,-244,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Stone,50,Consumer electronics,12.0,middle,POS household with interest,365243.0,-209.0,121.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,Y,0,135000.0,337500.0,16875.0,337500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.032561,-8320,-783,-3484.0,-980,,1,1,0,1,0,0,Accountants,1.0,1,1,TUESDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.2652307696246503,0.3740208032583212,0.0938,0.0,0.9339,0.0956,0.0292,0.24,0.2414,0.25,0.2917,0.0341,0.0681,0.1497,0.0386,0.0341,0.0956,0.0,0.934,0.131,0.0294,0.2417,0.2414,0.25,0.2917,0.0348,0.0744,0.156,0.0389,0.0361,0.0947,0.0,0.9339,0.1077,0.0293,0.24,0.2414,0.25,0.2917,0.0347,0.0693,0.1524,0.0388,0.0349,not specified,block of flats,0.1411,"Stone, brick",No,0.0,0.0,0.0,0.0,-225.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1821872,147478,Consumer loans,7796.745,70875.0,63787.5,7087.5,70875.0,THURSDAY,16,Y,1,0.1089090909090909,,,XAP,Approved,-531,Non-cash from your account,XAP,,Repeater,Mobile,POS,XNA,Country-wide,10,Connectivity,10.0,middle,POS mobile with interest,365243.0,-496.0,-226.0,-226.0,-220.0,0.0,0,Cash loans,F,Y,Y,1,47250.0,634482.0,23440.5,454500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.00963,-16057,-483,-9051.0,-4828,15.0,1,1,0,1,1,0,High skill tech staff,3.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Transport: type 4,,0.377552183644792,0.5762088360175724,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1335.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2015989,269593,Consumer loans,6537.645,71971.2,64774.08,7197.12,71971.2,THURSDAY,14,Y,1,0.1089090909090909,0.17968661453020515,0.852536997885835,XAP,Approved,-36,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Country-wide,150,Consumer electronics,12.0,middle,POS household with interest,365243.0,365243.0,329.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,1,94500.0,221031.0,15511.5,184500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.035792000000000004,-19787,365243,-7311.0,-1828,7.0,1,0,0,1,0,0,,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,XNA,,0.3551256437854799,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-713.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2724889,230561,Consumer loans,3783.465,30888.0,27738.0,3150.0,30888.0,SUNDAY,10,Y,1,0.1110669633396906,,,XAP,Refused,-2345,Cash through the bank,LIMIT,,Repeater,Mobile,POS,XNA,Country-wide,60,Connectivity,10.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,N,0,45000.0,67500.0,7087.5,67500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-22590,365243,-12919.0,-4198,,1,0,0,1,1,0,,2.0,2,2,SATURDAY,19,0,0,0,0,0,0,XNA,,0.655130417751193,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-280.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1077693,379255,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,16,Y,1,,,,XAP,Approved,-243,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Stone,15,Furniture,0.0,XNA,Card Street,-239.0,-201.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,247500.0,936000.0,37120.5,936000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.009175,-14095,-5601,-1712.0,-4686,,1,1,1,1,0,0,High skill tech staff,3.0,2,2,MONDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.5935052309791456,0.5843244570249809,0.5082869913916046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-403.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1770533,216192,Consumer loans,25463.16,131539.5,124240.5,13158.0,131539.5,MONDAY,14,Y,1,0.10429704968990328,,,XAP,Approved,-1343,XNA,XAP,Family,New,Consumer Electronics,POS,XNA,Regional / Local,2568,Consumer electronics,6.0,high,POS household with interest,365243.0,-1312.0,-1162.0,-1162.0,-1155.0,0.0,0,Cash loans,M,Y,N,0,225000.0,526491.0,16092.0,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010276,-23364,365243,-2595.0,-827,6.0,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,XNA,,0.6610985090757839,0.5989262182569273,,,0.9732,,,,,,,,,0.0256,,,,,0.9732,,,,,,,,,0.0267,,,,,0.9732,,,,,,,,,0.0261,,,,,0.0202,,No,0.0,0.0,0.0,0.0,-1343.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1597337,386142,Consumer loans,2684.25,12321.0,13054.5,0.0,12321.0,TUESDAY,13,Y,1,0.0,,,XAP,Approved,-331,Cash through the bank,XAP,Unaccompanied,Refreshed,Mobile,POS,XNA,Country-wide,15,Connectivity,6.0,high,POS mobile with interest,,,,,,,1,Cash loans,F,N,N,0,126000.0,986274.0,26014.5,706500.0,,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.04622,-18420,-2781,-8647.0,-1967,,1,1,1,1,1,0,Cooking staff,2.0,1,1,THURSDAY,10,0,1,1,0,1,1,Business Entity Type 3,,0.6555058097093663,0.06168425608839862,0.0773,0.0632,0.9831,0.7688,0.0146,0.0,0.1724,0.1667,0.0417,0.0658,0.063,0.0688,0.0,0.0,0.0788,0.0656,0.9831,0.7779,0.0147,0.0,0.1724,0.1667,0.0417,0.0673,0.0689,0.0717,0.0,0.0,0.0781,0.0632,0.9831,0.7719,0.0147,0.0,0.1724,0.1667,0.0417,0.067,0.0641,0.07,0.0,0.0,not specified,block of flats,0.0881,Panel,No,0.0,0.0,0.0,0.0,-331.0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0.0,0.0,0.0,9.0,0.0,2.0 +2619157,213284,Consumer loans,4927.5,42691.5,42223.5,4270.5,42691.5,TUESDAY,16,Y,1,0.1000336113750748,,,XAP,Approved,-2570,Cash through the bank,XAP,"Spouse, partner",Repeater,Mobile,POS,XNA,Country-wide,45,Connectivity,12.0,low_normal,POS mobile with interest,365243.0,-2539.0,-2209.0,-2209.0,-2208.0,1.0,0,Cash loans,M,Y,Y,1,270000.0,1258650.0,56277.0,1125000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.031329,-14106,-1306,-2049.0,-4193,13.0,1,1,0,1,0,0,Laborers,3.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Transport: type 4,0.7111886724866191,0.6959553649749566,0.646329897706246,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2570.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1080198,235190,Consumer loans,5436.495,108477.0,120676.5,0.0,108477.0,SUNDAY,11,Y,1,0.0,,,XAP,Approved,-508,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,1000,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,0,Cash loans,F,N,N,2,225000.0,1227901.5,48825.0,1129500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.04622,-11966,-3125,-6021.0,-3915,,1,1,1,1,1,0,Core staff,4.0,1,1,THURSDAY,11,0,0,0,0,1,1,Kindergarten,0.4631515284770446,0.4314334522021932,0.5046813193144684,0.0619,0.07400000000000001,0.9831,0.7688,0.0094,0.0,0.1379,0.1667,0.0417,0.1032,0.0504,0.0547,0.0,0.0,0.063,0.0768,0.9831,0.7779,0.0095,0.0,0.1379,0.1667,0.0417,0.1056,0.0551,0.057,0.0,0.0,0.0625,0.07400000000000001,0.9831,0.7719,0.0095,0.0,0.1379,0.1667,0.0417,0.105,0.0513,0.0557,0.0,0.0,reg oper account,block of flats,0.0482,Panel,No,0.0,0.0,0.0,0.0,-1108.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,3.0 +1958867,255512,Consumer loans,18973.62,180495.0,162445.5,18049.5,180495.0,TUESDAY,12,Y,1,0.1089090909090909,,,XAP,Approved,-2641,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Stone,50,Consumer electronics,10.0,middle,POS household with interest,365243.0,-2609.0,-2339.0,-2399.0,-2391.0,0.0,0,Cash loans,M,N,Y,1,157500.0,755190.0,38686.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.008865999999999999,-11578,-2884,-975.0,-2807,,1,1,0,1,0,0,,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,Self-employed,,0.7565431429217548,0.4632753280912678,0.2165,0.1094,0.9806,,0.2987,0.2,0.1724,0.3333,,0.108,0.1698,0.2209,0.0309,0.0481,0.2206,0.1135,0.9806,,0.3014,0.2014,0.1724,0.3333,,0.1104,0.1855,0.2302,0.0311,0.0509,0.2186,0.1094,0.9806,,0.3006,0.2,0.1724,0.3333,,0.1098,0.1727,0.2249,0.0311,0.0491,org spec account,block of flats,0.1738,"Stone, brick",No,2.0,0.0,2.0,0.0,-2641.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1760884,456134,Consumer loans,4963.14,38205.0,41989.5,0.0,38205.0,FRIDAY,12,Y,1,0.0,,,XAP,Approved,-2296,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,18,Connectivity,12.0,high,POS mobile with interest,365243.0,-2265.0,-1935.0,-1935.0,-1930.0,1.0,0,Cash loans,F,Y,Y,0,135000.0,1718473.5,47385.0,1345500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-18980,365243,-245.0,-2513,9.0,1,0,0,1,0,0,,2.0,2,2,FRIDAY,8,0,0,0,0,0,0,XNA,,0.26651977539251576,0.3572932680336494,0.0825,0.0604,0.9742,0.6464,0.141,0.0,0.1379,0.1667,0.0417,0.0458,0.0664,0.0619,0.0039,0.0022,0.084,0.0627,0.9742,0.6602,0.1423,0.0,0.1379,0.1667,0.0417,0.0468,0.0725,0.0645,0.0039,0.0024,0.0833,0.0604,0.9742,0.6511,0.1419,0.0,0.1379,0.1667,0.0417,0.0466,0.0676,0.0631,0.0039,0.0023,reg oper account,block of flats,0.0492,"Stone, brick",No,0.0,0.0,0.0,0.0,-1695.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2628741,383635,Consumer loans,13002.21,74205.0,70312.5,7420.5,74205.0,SUNDAY,12,Y,1,0.10396612881156124,,,XAP,Approved,-535,Cash through the bank,XAP,,New,Computers,POS,XNA,Regional / Local,50,Consumer electronics,6.0,middle,POS household with interest,365243.0,-504.0,-354.0,-354.0,-346.0,0.0,1,Cash loans,M,N,Y,0,90000.0,67500.0,7159.5,67500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.02461,-8440,-454,-3150.0,-1099,,1,1,0,1,1,0,,2.0,2,2,WEDNESDAY,18,0,0,0,0,0,0,Business Entity Type 1,0.13428235345162368,0.4880207412557726,,0.0041,,0.9518,,,,0.069,0.0417,,,,0.0045,0.0039,0.0104,0.0042,,0.9518,,,,0.069,0.0417,,,,0.0047,0.0039,0.0111,0.0042,,0.9518,,,,0.069,0.0417,,,,0.0046,0.0039,0.0107,,block of flats,0.0058,"Stone, brick",No,1.0,0.0,1.0,0.0,-421.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1384957,186105,Cash loans,13155.75,225000.0,225000.0,,225000.0,MONDAY,15,Y,1,,,,XNA,Approved,-1172,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-1142.0,-452.0,-1052.0,-1047.0,0.0,0,Cash loans,M,Y,Y,2,180000.0,1800000.0,49630.5,1800000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.028663,-14408,-1704,-2598.0,-4082,13.0,1,1,0,1,0,0,Laborers,4.0,2,2,THURSDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.2454151207880064,0.522657571603963,0.6263042766749393,0.1031,0.0454,0.9742,,,0.0,0.2069,0.1667,,0.0691,,0.0546,,0.13699999999999998,0.105,0.0471,0.9742,,,0.0,0.2069,0.1667,,0.0707,,0.0569,,0.145,0.1041,0.0454,0.9742,,,0.0,0.2069,0.1667,,0.0703,,0.0556,,0.1398,,block of flats,0.0728,"Stone, brick",No,0.0,0.0,0.0,0.0,-2484.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1548400,244206,Consumer loans,18057.15,166131.0,148131.0,18000.0,166131.0,TUESDAY,15,Y,1,0.11800107363247295,,,XAP,Approved,-1903,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Regional / Local,169,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1872.0,-1602.0,-1722.0,-1716.0,0.0,0,Cash loans,F,N,Y,1,135000.0,358344.0,28309.5,283500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.035792000000000004,-14194,-7259,-3432.0,-5015,,1,1,0,0,0,0,,3.0,2,2,MONDAY,10,0,1,1,0,1,1,Industry: type 9,,0.4445181625702392,0.5726825047161584,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1903.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2658977,349447,Consumer loans,2231.01,19300.5,19233.0,1800.0,19300.5,THURSDAY,13,Y,1,0.09320418563037304,,,XAP,Approved,-2069,Cash through the bank,XAP,Children,New,Photo / Cinema Equipment,POS,XNA,Country-wide,57,Connectivity,12.0,high,POS mobile with interest,365243.0,-2037.0,-1707.0,-1707.0,-1702.0,0.0,0,Cash loans,F,Y,Y,0,135000.0,1006920.0,42790.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010147,-14332,-689,-3614.0,-5087,26.0,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,13,0,0,0,0,0,0,Trade: type 3,0.5413785345853415,0.5629454706730815,0.5919766183185521,0.0144,,0.9687,,,,0.0345,0.0417,,,,0.0133,,,0.0147,,0.9687,,,,0.0345,0.0417,,,,0.0139,,,0.0146,,0.9687,,,,0.0345,0.0417,,,,0.0136,,,,block of flats,0.0105,Block,No,2.0,1.0,2.0,1.0,-2151.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2635389,190436,Consumer loans,16057.71,86332.5,90891.0,0.0,86332.5,WEDNESDAY,11,Y,1,0.0,,,XAP,Approved,-498,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,124,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-467.0,-317.0,-317.0,-312.0,0.0,1,Cash loans,F,N,Y,0,67500.0,659610.0,25686.0,472500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.025164,-10641,-387,-2614.0,-2787,,1,1,0,1,0,0,Cooking staff,2.0,2,2,THURSDAY,10,0,0,0,1,1,0,Other,0.5095770489663833,0.16219210595922867,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-377.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1381299,364591,Consumer loans,4771.125,31473.0,23584.5,9000.0,31473.0,SUNDAY,11,Y,1,0.3008122936309651,,,XAP,Approved,-1590,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,43,Connectivity,6.0,high,POS mobile with interest,365243.0,-1542.0,-1392.0,-1392.0,-1387.0,0.0,0,Cash loans,F,Y,Y,0,135000.0,553806.0,22090.5,495000.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.020246,-23706,365243,-1377.0,-4294,19.0,1,0,0,1,1,0,,1.0,3,3,MONDAY,12,0,0,0,0,0,0,XNA,,,0.39449540531239935,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1014.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1445886,361031,Consumer loans,14015.07,151896.825,136705.5,15191.325,151896.825,FRIDAY,16,Y,1,0.10892086753324466,,,XAP,Approved,-726,Cash through the bank,XAP,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Regional / Local,55,Connectivity,12.0,middle,POS household with interest,365243.0,-695.0,-365.0,-545.0,-535.0,0.0,0,Cash loans,F,N,Y,0,216000.0,835380.0,35523.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.00702,-20366,365243,-3973.0,-1596,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,XNA,,0.29398758450226137,0.524496446363472,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1205056,423037,Consumer loans,8335.395,46539.0,44370.0,4657.5,46539.0,THURSDAY,10,Y,1,0.10346113730234882,,,XAP,Approved,-327,Cash through the bank,XAP,Family,New,Jewelry,POS,XNA,Stone,65,Jewelry,6.0,middle,POS other with interest,365243.0,-297.0,-147.0,-147.0,-142.0,1.0,0,Cash loans,F,N,N,0,67500.0,296280.0,15147.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.00963,-21192,365243,-3003.0,-3008,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,18,0,0,0,0,0,0,XNA,0.41060335330757175,0.4623734406369018,0.29708661164720285,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-327.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2753372,242260,Revolving loans,9000.0,0.0,180000.0,,,MONDAY,11,Y,1,,,,XAP,Refused,-2123,XNA,LIMIT,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,N,N,0,99000.0,675000.0,27621.0,675000.0,Family,Working,Lower secondary,Married,House / apartment,0.030755,-15449,-476,-9456.0,-3906,,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.6306123889139554,0.6940926425266661,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1693.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1017499,115234,Consumer loans,11167.875,158625.0,185845.5,0.0,158625.0,FRIDAY,14,Y,1,0.0,,,XAP,Approved,-507,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,100,Consumer electronics,24.0,middle,POS household with interest,365243.0,-476.0,214.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,121500.0,1078200.0,31653.0,900000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-21931,365243,-13166.0,-4266,,1,0,0,1,0,0,,2.0,2,2,MONDAY,13,0,0,0,0,0,0,XNA,,0.6954090779060978,0.5620604831738043,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-507.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1970663,266277,Revolving loans,9000.0,180000.0,180000.0,,180000.0,WEDNESDAY,14,Y,1,,,,XAP,Approved,-91,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-90.0,-42.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,0,135000.0,247275.0,16600.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.030755,-10042,-492,-4453.0,-2671,0.0,1,1,0,1,1,0,Laborers,1.0,2,2,TUESDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.5128571869980185,0.4578995512067301,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1292.0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2546466,324577,Consumer loans,4363.56,28678.5,27513.0,2871.0,28678.5,FRIDAY,11,Y,1,0.10290876777251186,,,XAP,Approved,-2405,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,38,Connectivity,8.0,low_normal,POS mobile with interest,365243.0,-2370.0,-2160.0,-2160.0,-2144.0,1.0,0,Revolving loans,M,N,Y,1,193500.0,405000.0,20250.0,405000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,With parents,0.00702,-11212,-602,-9663.0,-2975,,1,1,0,1,0,0,Drivers,3.0,2,2,TUESDAY,17,0,0,0,0,0,0,Business Entity Type 3,,0.33895386262324456,0.7338145369642702,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1166201,189463,Consumer loans,5394.195,119605.5,119605.5,0.0,119605.5,THURSDAY,10,Y,1,0.0,,,XAP,Refused,-1484,Cash through the bank,HC,Unaccompanied,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,2400,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,0,Revolving loans,F,N,Y,1,157500.0,337500.0,16875.0,337500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.031329,-15411,-7372,-15322.0,-4670,,1,1,0,1,0,0,Laborers,3.0,2,2,THURSDAY,14,0,0,0,0,0,0,Industry: type 5,0.6643834250490948,0.6325103599943628,0.4507472818545589,0.0722,0.0626,0.9771,0.6872,0.0257,0.0,0.1379,0.1667,0.2083,0.0273,0.0588,0.0657,0.0,0.0,0.0735,0.0649,0.9772,0.6994,0.0259,0.0,0.1379,0.1667,0.2083,0.0279,0.0643,0.0684,0.0,0.0,0.0729,0.0626,0.9771,0.6914,0.0259,0.0,0.1379,0.1667,0.2083,0.0278,0.0599,0.0669,0.0,0.0,reg oper spec account,block of flats,0.0657,Block,No,1.0,1.0,1.0,1.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1042655,167166,Consumer loans,18916.56,152257.5,165658.5,0.0,152257.5,SATURDAY,10,Y,1,0.0,,,XAP,Refused,-284,Cash through the bank,HC,Children,Repeater,Computers,POS,XNA,Country-wide,5000,Consumer electronics,10.0,low_normal,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,112500.0,149256.0,16074.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.031329,-18715,-2554,-8351.0,-2241,,1,1,0,1,0,0,Cleaning staff,1.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Business Entity Type 2,0.27083074719729044,0.4511583433555528,0.4206109640437848,0.0928,0.0906,0.9831,,,0.0,0.2069,0.1667,,,,0.0774,,0.0364,0.0945,0.0941,0.9831,,,0.0,0.2069,0.1667,,,,0.0806,,0.0385,0.0937,0.0906,0.9831,,,0.0,0.2069,0.1667,,,,0.0788,,0.0371,,block of flats,0.061,Panel,No,2.0,0.0,2.0,0.0,-1754.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1741978,222519,Cash loans,50005.125,1350000.0,1546020.0,,1350000.0,THURSDAY,12,Y,1,,,,XNA,Refused,-994,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,Y,Y,0,225000.0,900000.0,32017.5,900000.0,Unaccompanied,Pensioner,Incomplete higher,Widow,House / apartment,0.026392000000000002,-20367,365243,-14434.0,-2879,2.0,1,0,0,1,0,0,,1.0,2,2,FRIDAY,13,0,0,0,0,0,0,XNA,,0.6878022588887691,0.5334816299804352,0.0722,,0.9767,,,0.0,0.1379,0.1667,,,,0.0628,,0.0,0.0735,,0.9767,,,0.0,0.1379,0.1667,,,,0.0655,,0.0,0.0729,,0.9767,,,0.0,0.1379,0.1667,,,,0.064,,0.0,,block of flats,0.0494,"Stone, brick",No,0.0,0.0,0.0,0.0,-1340.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1928325,214927,Cash loans,34717.5,450000.0,481185.0,,450000.0,WEDNESDAY,12,Y,1,,,,XNA,Approved,-922,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Country-wide,22,Connectivity,18.0,middle,Cash X-Sell: middle,365243.0,-892.0,-382.0,-682.0,-672.0,1.0,0,Cash loans,F,Y,Y,0,112500.0,1272888.0,37345.5,1111500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-15196,-2625,-3730.0,-4388,5.0,1,1,1,1,1,0,Sales staff,2.0,2,2,MONDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.5343695907146316,0.4236463495147545,0.4776491548517548,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,6.0,0.0,-975.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1444979,389096,Consumer loans,8750.07,50323.5,47529.0,5035.5,50323.5,MONDAY,13,Y,1,0.1043311982940439,,,XAP,Approved,-2336,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Stone,473,Consumer electronics,6.0,middle,POS household with interest,365243.0,-2305.0,-2155.0,-2155.0,-2134.0,1.0,0,Cash loans,F,N,Y,0,58500.0,148365.0,10084.5,135000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-22395,365243,-3483.0,-3938,,1,0,0,1,1,0,,2.0,2,2,SATURDAY,14,0,0,0,0,0,0,XNA,,0.5854075741380017,0.7407990879702335,0.0722,0.0609,0.9781,0.7008,0.0055,0.0,0.1379,0.1667,0.2083,0.0683,0.0588,0.0418,0.0,0.0,0.0735,0.0631,0.9782,0.7125,0.0,0.0,0.1379,0.1667,0.2083,0.0699,0.0643,0.0321,0.0,0.0,0.0729,0.0609,0.9781,0.7048,0.0055,0.0,0.1379,0.1667,0.2083,0.0695,0.0599,0.0426,0.0,0.0,reg oper spec account,block of flats,0.0242,Panel,No,1.0,0.0,1.0,0.0,-998.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2315500,272198,Consumer loans,4625.325,99774.0,99774.0,0.0,99774.0,MONDAY,17,Y,1,0.0,,,XAP,Approved,-992,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,500,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-961.0,-271.0,-301.0,-293.0,0.0,0,Cash loans,M,Y,N,1,315000.0,99504.0,10444.5,90000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.072508,-18274,-2550,-7970.0,-1781,3.0,1,1,1,1,0,0,High skill tech staff,3.0,1,1,WEDNESDAY,18,1,0,1,1,0,1,Business Entity Type 3,0.4042310048483856,0.7273474386924942,0.501075160239048,0.1254,0.0594,0.9776,0.6940000000000001,0.0728,0.112,0.069,0.5,0.5417,0.0075,0.1002,0.1017,0.0093,0.039,0.1029,0.0402,0.9777,0.706,0.0533,0.0806,0.0345,0.5417,0.5833,0.0076,0.09,0.055,0.0,0.0,0.102,0.0391,0.9776,0.6981,0.0531,0.08,0.0345,0.5417,0.5833,0.0076,0.0838,0.0863,0.0,0.0,reg oper account,block of flats,0.2007,Panel,No,3.0,0.0,3.0,0.0,-906.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1559771,418236,Consumer loans,8757.945,68476.5,43528.5,27000.0,68476.5,MONDAY,11,Y,1,0.4169300998242488,,,XAP,Approved,-1506,Cash through the bank,XAP,Family,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,75,Connectivity,6.0,high,POS mobile with interest,365243.0,-1475.0,-1325.0,-1325.0,-1318.0,0.0,0,Cash loans,F,Y,Y,0,247500.0,1483231.5,46701.0,1354500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.025164,-16000,-2046,-5044.0,-3030,5.0,1,1,0,1,0,0,Accountants,2.0,2,2,TUESDAY,15,0,0,0,0,1,1,Industry: type 2,0.8699298121971314,0.6767868461447688,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1543.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1907245,150513,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,12,Y,1,,,,XAP,Approved,-238,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Country-wide,30,Connectivity,0.0,XNA,Card Street,-236.0,-195.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,126000.0,187704.0,11610.0,148500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.030755,-15490,-1464,-5689.0,-4087,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Industry: type 3,0.5742777388402869,0.5697285073304132,0.3506958432829587,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-532.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2767058,174104,Consumer loans,10574.82,114610.5,103149.0,11461.5,114610.5,SUNDAY,12,Y,1,0.10891336705228108,0.6961776039895727,0.5687103594080338,XAP,Approved,-586,Cash through the bank,XAP,,New,Auto Accessories,POS,XNA,Country-wide,612,Auto technology,12.0,middle,POS other with interest,365243.0,-555.0,-225.0,-405.0,-397.0,0.0,0,Cash loans,F,Y,N,1,144000.0,1616278.5,56308.5,1476000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.010006000000000001,-11221,-235,-367.0,-659,2.0,1,1,0,1,0,0,Core staff,3.0,2,1,FRIDAY,10,0,0,0,0,0,0,Government,0.3984457615767201,0.3714463003294066,0.2910973802776635,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-19.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1320163,378831,Consumer loans,2965.05,26955.0,26955.0,0.0,26955.0,SATURDAY,16,Y,1,0.0,,,XAP,Approved,-258,XNA,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,230,Consumer electronics,10.0,low_normal,POS household with interest,,,,,,,0,Cash loans,M,Y,N,0,225000.0,545040.0,17244.0,450000.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.025164,-11436,-278,-1025.0,-3655,5.0,1,1,0,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,16,0,0,0,0,1,1,Business Entity Type 3,0.566471290821756,0.5963602147172768,0.6347055309763198,0.0371,0.0618,0.9737,0.6396,0.0032,0.0,0.1034,0.0833,0.125,0.0278,0.0277,0.0298,0.0116,0.0124,0.0378,0.0641,0.9737,0.6537,0.0032,0.0,0.1034,0.0833,0.125,0.0284,0.0303,0.0311,0.0117,0.0131,0.0375,0.0618,0.9737,0.6444,0.0032,0.0,0.1034,0.0833,0.125,0.0282,0.0282,0.0304,0.0116,0.0126,reg oper account,block of flats,0.0279,"Stone, brick",No,0.0,0.0,0.0,0.0,-2110.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,2.0,2.0 +1897951,410864,Consumer loans,4799.475,22171.5,23341.5,0.0,22171.5,THURSDAY,11,Y,1,0.0,,,XAP,Approved,-777,XNA,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,9,Connectivity,6.0,high,POS mobile with interest,365243.0,-746.0,-596.0,-596.0,-585.0,0.0,0,Cash loans,M,Y,N,0,180000.0,365175.0,28980.0,301500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.006305,-18026,-1322,-3870.0,-1570,13.0,1,1,1,1,1,0,Drivers,2.0,3,3,THURSDAY,6,0,0,0,0,0,0,Self-employed,,0.42512070168237104,0.6279908192952864,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-777.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1714313,218436,Consumer loans,19712.61,103950.0,109440.0,0.0,103950.0,MONDAY,17,Y,1,0.0,,,XAP,Approved,-248,Cash through the bank,XAP,Family,New,Construction Materials,POS,XNA,Stone,50,Construction,6.0,low_normal,POS industry with interest,365243.0,-218.0,-68.0,-68.0,-60.0,1.0,0,Cash loans,M,N,Y,0,157500.0,876816.0,37278.0,720000.0,"Spouse, partner",Commercial associate,Higher education,Married,House / apartment,0.006296,-19637,-1155,-215.0,-3191,,1,1,0,1,0,0,Managers,2.0,3,3,THURSDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.8717008315877675,0.8068697682242784,0.3233112448967859,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-248.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2562481,446109,Consumer loans,7000.65,38250.0,37152.0,3825.0,38250.0,SUNDAY,10,Y,1,0.10166124233771934,,,XAP,Approved,-157,XNA,XAP,Family,Repeater,Sport and Leisure,POS,XNA,Stone,168,Construction,6.0,middle,POS industry with interest,365243.0,-126.0,24.0,-36.0,-31.0,0.0,0,Cash loans,F,Y,N,2,67500.0,441000.0,16623.0,441000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-14916,-1300,-3641.0,-4282,20.0,1,1,1,1,1,0,Cooking staff,4.0,2,2,TUESDAY,16,0,0,0,1,1,1,Business Entity Type 3,0.3899705622208922,0.4580168062043187,0.6212263380626669,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-851.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2291794,454967,Consumer loans,4976.46,38707.2,43814.7,0.0,38707.2,WEDNESDAY,13,Y,1,0.0,,,XAP,Approved,-5,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,365243.0,365243.0,365243.0,365243.0,1.0,1,Cash loans,M,N,N,0,157500.0,306000.0,24174.0,306000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.028663,-12170,-244,-4967.0,-2879,,1,1,0,1,0,0,Laborers,1.0,2,2,SATURDAY,7,0,1,1,0,1,1,Self-employed,,0.3523212166523229,0.07446068789567313,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-5.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2534373,230236,Cash loans,72715.5,2250000.0,2250000.0,,2250000.0,TUESDAY,17,Y,1,,,,XNA,Refused,-125,Cash through the bank,HC,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,382500.0,1258650.0,52074.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008019,-21333,-1056,-1649.0,-4263,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.5440923695528899,0.3910549766342248,0.0649,0.0573,0.9717,0.6124,0.012,0.0,0.1724,0.125,0.0417,0.0338,0.053,0.0822,0.0154,0.1766,0.0662,0.0594,0.9717,0.6276,0.0121,0.0,0.1724,0.125,0.0417,0.0346,0.0579,0.0856,0.0156,0.187,0.0656,0.0573,0.9717,0.6176,0.0121,0.0,0.1724,0.125,0.0417,0.0344,0.0539,0.0837,0.0155,0.1803,reg oper account,block of flats,0.1199,"Stone, brick",No,0.0,0.0,0.0,0.0,-2282.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1489816,444708,Consumer loans,7555.005,167517.0,167517.0,0.0,167517.0,MONDAY,10,Y,1,0.0,,,XAP,Approved,-1290,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Regional / Local,75,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1259.0,-569.0,-569.0,-563.0,0.0,0,Cash loans,F,N,N,0,56250.0,343800.0,12478.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.035792000000000004,-22305,365243,-2126.0,-2126,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,XNA,,0.35728197361233577,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1130904,243513,Consumer loans,2495.79,18675.0,20524.5,0.0,18675.0,FRIDAY,9,Y,1,0.0,,,XAP,Approved,-2078,XNA,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Stone,206,Furniture,12.0,high,POS household with interest,365243.0,-2047.0,-1717.0,-1717.0,-1712.0,0.0,0,Cash loans,F,N,N,0,90000.0,900000.0,26316.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-15563,-3123,-7804.0,-4824,,1,1,0,1,1,0,Managers,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Construction,0.7900316070217264,0.2930897022262147,0.6577838002083306,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1087.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1898232,282489,Cash loans,19612.89,270000.0,299223.0,,270000.0,MONDAY,12,Y,1,,,,XNA,Approved,-228,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,2,112500.0,1546020.0,50004.0,1350000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00963,-13893,-467,-8001.0,-4706,,1,1,0,1,0,0,Sales staff,4.0,2,2,FRIDAY,16,0,0,0,0,1,1,Business Entity Type 3,0.8332241666228535,0.5001658903960365,0.7252764347002191,0.0165,0.0136,0.9906,,,,0.0345,0.125,,,,0.016,,0.0,0.0168,0.0142,0.9906,,,,0.0345,0.125,,,,0.0166,,0.0,0.0167,0.0136,0.9906,,,,0.0345,0.125,,,,0.0162,,0.0,,block of flats,0.0148,"Stone, brick",No,0.0,0.0,0.0,0.0,-1103.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2347125,423804,Cash loans,8010.9,67500.0,67500.0,,67500.0,TUESDAY,9,Y,1,,,,Other,Refused,-259,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),2,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,45000.0,135000.0,7879.5,135000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.030755,-20182,365243,-4002.0,-3499,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,,0.4659249549439119,0.8327850252992314,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-328.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1086665,364996,Consumer loans,5362.83,18220.5,18823.5,0.0,18220.5,SATURDAY,9,Y,1,0.0,,,XAP,Refused,-2866,Cash through the bank,SCO,Family,Repeater,XNA,POS,XNA,Country-wide,1500,Consumer electronics,4.0,high,POS household with interest,,,,,,,0,Cash loans,M,Y,N,2,180000.0,291915.0,20889.0,252000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.018801,-19937,-4445,-5159.0,-3345,5.0,1,1,0,1,0,0,Core staff,4.0,2,2,TUESDAY,15,0,0,0,0,0,0,Self-employed,,0.24307317909005985,0.7076993447402619,0.1485,0.0813,0.9786,0.7076,0.0386,0.16,0.1379,0.3333,0.375,0.0813,0.121,0.1477,0.0,0.0,0.1513,0.0844,0.9786,0.7190000000000001,0.039,0.1611,0.1379,0.3333,0.375,0.0832,0.1322,0.1539,0.0,0.0,0.1499,0.0813,0.9786,0.7115,0.0389,0.16,0.1379,0.3333,0.375,0.0827,0.1231,0.1504,0.0,0.0,reg oper account,block of flats,0.1162,Panel,No,0.0,0.0,0.0,0.0,-2866.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,3.0,3.0 +1691017,118314,Consumer loans,12451.68,53392.5,46242.0,10678.5,53392.5,FRIDAY,19,Y,1,0.20431755295064646,,,XAP,Approved,-736,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,1,Connectivity,4.0,middle,POS mobile without interest,365243.0,-705.0,-615.0,-615.0,-606.0,0.0,0,Cash loans,F,N,Y,0,121500.0,755190.0,34992.0,675000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0060079999999999995,-15650,-1763,-9769.0,-3952,,1,1,0,1,1,0,High skill tech staff,2.0,2,2,SATURDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.7643476656222004,0.7008882462326546,0.7338145369642702,0.1113,0.0659,0.9811,0.7416,0.0199,0.12,0.1034,0.3333,0.375,0.1532,0.0908,0.1179,0.0,0.0,0.1134,0.0684,0.9811,0.7517,0.0201,0.1208,0.1034,0.3333,0.375,0.1567,0.0992,0.1228,0.0,0.0,0.1124,0.0659,0.9811,0.7451,0.02,0.12,0.1034,0.3333,0.375,0.1559,0.0923,0.12,0.0,0.0,reg oper account,block of flats,0.1036,Panel,No,0.0,0.0,0.0,0.0,-736.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1208316,185777,Revolving loans,33750.0,675000.0,675000.0,,675000.0,TUESDAY,7,Y,1,,,,XAP,Approved,-596,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-571.0,-546.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,1,157500.0,881055.0,35073.0,787500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014464,-19578,-5307,-9098.0,-3059,,1,1,0,1,0,0,Managers,3.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,Self-employed,,0.3961602334683577,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-770.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1426451,272182,Consumer loans,3790.53,31495.5,34821.0,0.0,31495.5,FRIDAY,14,Y,1,0.0,,,XAP,Refused,-819,Cash through the bank,LIMIT,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,2112,Consumer electronics,12.0,middle,POS household with interest,,,,,,,1,Cash loans,M,N,Y,0,112500.0,327024.0,21982.5,270000.0,Family,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.00702,-10319,-1326,-4284.0,-1140,,1,1,1,1,0,1,Laborers,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.13479677040945084,0.5370699579791587,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-863.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1155458,147924,Consumer loans,4020.03,80118.0,89136.0,0.0,80118.0,MONDAY,16,Y,1,0.0,,,XAP,Approved,-1384,Cash through the bank,XAP,Other_A,New,Audio/Video,POS,XNA,Country-wide,2500,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1353.0,-663.0,-663.0,-657.0,0.0,0,Cash loans,F,N,Y,2,135000.0,467257.5,22855.5,328500.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.0031219999999999998,-10673,-1696,-4525.0,-2103,,1,1,0,1,0,0,Laborers,4.0,3,3,SATURDAY,10,0,0,0,0,0,0,Postal,,0.5123108437825992,0.5919766183185521,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,2.0,3.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2184869,260398,Consumer loans,4714.515,26955.0,26590.5,1620.0,26955.0,THURSDAY,16,Y,1,0.0625415101727113,,,XAP,Approved,-2546,Cash through the bank,XAP,Family,Refreshed,Consumer Electronics,POS,XNA,Country-wide,1500,Consumer electronics,6.0,low_normal,POS household without interest,365243.0,-2515.0,-2365.0,-2365.0,-2361.0,1.0,0,Cash loans,F,Y,N,0,180000.0,990000.0,29074.5,990000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.028663,-23029,-9372,-9863.0,-4487,17.0,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Housing,,0.6373863597363608,0.7490217048463391,0.0557,,0.9692,0.5784,,,0.1379,0.125,0.1667,,,0.0616,,0.1628,0.0567,,0.9692,0.5949,,,0.1379,0.125,0.1667,,,0.0641,,0.1723,0.0562,,0.9692,0.584,,,0.1379,0.125,0.1667,,,0.0627,,0.1662,,block of flats,0.0838,,No,0.0,0.0,0.0,0.0,-535.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2115926,136071,Cash loans,5693.085,45000.0,47970.0,,45000.0,TUESDAY,5,Y,1,,,,XNA,Approved,-1242,Non-cash from your account,XAP,Unaccompanied,New,XNA,Cash,walk-in,Country-wide,39,Connectivity,12.0,high,Cash Street: high,365243.0,-1212.0,-882.0,-882.0,-873.0,1.0,0,Cash loans,F,N,Y,3,117000.0,117162.0,7825.5,103500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.006629,-14012,-1358,-4691.0,-28,,1,1,1,1,1,0,Accountants,5.0,2,2,FRIDAY,5,0,0,0,0,0,0,School,,0.4858300186449732,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-18.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2077962,440875,Consumer loans,13079.385,306855.0,245484.0,61371.0,306855.0,WEDNESDAY,15,Y,1,0.2178181818181818,,,XAP,Approved,-308,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Regional / Local,100,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-278.0,412.0,-128.0,-122.0,0.0,0,Cash loans,F,Y,N,0,180000.0,1125000.0,47664.0,1125000.0,Unaccompanied,Pensioner,Higher education,Single / not married,House / apartment,0.035792000000000004,-21678,365243,-10186.0,-5026,5.0,1,0,0,1,1,0,,1.0,2,2,SUNDAY,9,0,0,0,0,0,0,XNA,0.9063218371504916,0.6036341086153048,0.5849900404894085,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,1.0,-351.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2533400,428526,Cash loans,15240.465,337500.0,384277.5,,337500.0,MONDAY,12,Y,1,,,,XNA,Approved,-817,Cash through the bank,XAP,Other_B,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),3,XNA,36.0,low_normal,Cash Street: low,365243.0,-786.0,264.0,-666.0,-663.0,0.0,0,Revolving loans,F,N,Y,1,112500.0,405000.0,20250.0,405000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0228,-15867,-1205,-6224.0,-368,,1,1,0,1,1,0,Medicine staff,3.0,2,2,SATURDAY,13,0,0,0,0,0,0,Medicine,,0.4060038328196142,0.6674577419214722,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1549.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1661407,406087,Consumer loans,23690.88,112500.0,119353.5,11250.0,112500.0,SATURDAY,11,Y,1,0.09381274412456576,,,XAP,Approved,-1605,Cash through the bank,XAP,Family,New,Vehicles,POS,XNA,Stone,202,Construction,6.0,high,POS other with interest,365243.0,-1574.0,-1424.0,-1424.0,-1415.0,0.0,0,Cash loans,F,N,Y,0,90000.0,469152.0,24084.0,405000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.00733,-22836,365243,-1748.0,-4763,,1,0,0,1,0,0,,2.0,2,2,MONDAY,14,0,0,0,0,0,0,XNA,,0.6986186466871439,0.6690566947824041,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1605.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2537408,193351,Consumer loans,4503.33,39915.0,38889.0,3991.5,39915.0,SATURDAY,17,Y,1,0.101377231227163,,,XAP,Approved,-2257,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,500,Consumer electronics,10.0,middle,POS household with interest,365243.0,-2226.0,-1956.0,-1956.0,-1948.0,1.0,0,Cash loans,F,N,Y,0,135000.0,765261.0,30474.0,684000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-23171,365243,-7132.0,-4547,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,16,0,0,0,0,0,0,XNA,,0.5618529757715051,0.3360615207658242,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,1.0,-100.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1224093,372059,Cash loans,,0.0,0.0,,,SATURDAY,8,Y,1,,,,XNA,Refused,-210,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,112500.0,134775.0,12492.0,112500.0,Unaccompanied,Commercial associate,Higher education,Widow,House / apartment,0.031329,-22125,-203,-921.0,-2858,,1,1,0,1,1,0,Sales staff,1.0,2,2,SATURDAY,9,0,0,0,0,0,0,Trade: type 7,,0.5537354157562401,,0.0732,0.0294,0.9871,0.8232,0.0061,0.04,0.0345,0.3333,0.375,0.0288,0.0597,0.0472,0.0,0.0,0.0746,0.0305,0.9871,0.8301,0.0062,0.0403,0.0345,0.3333,0.375,0.0294,0.0652,0.0492,0.0,0.0,0.0739,0.0294,0.9871,0.8256,0.0062,0.04,0.0345,0.3333,0.375,0.0293,0.0607,0.0481,0.0,0.0,reg oper account,block of flats,0.0444,Panel,No,0.0,0.0,0.0,0.0,-584.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2247935,363162,Revolving loans,2700.0,53955.0,54000.0,5395.5,53955.0,SATURDAY,14,Y,1,0.0989332525191302,,,XAP,Approved,-2196,XNA,XAP,,Refreshed,Consumer Electronics,Cards,x-sell,Country-wide,1300,Consumer electronics,0.0,XNA,Card Street,-2196.0,-2120.0,365243.0,-1786.0,365243.0,0.0,0,Cash loans,F,Y,Y,2,225000.0,1205451.0,39969.0,1080000.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.0060079999999999995,-14640,-5925,-4867.0,-4149,10.0,1,1,0,1,1,0,,3.0,2,2,THURSDAY,13,0,0,0,0,1,1,Security Ministries,0.40164931413921817,0.30995151508567365,0.3441550073724169,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2817163,339915,Consumer loans,14684.175,118827.0,129285.0,0.0,118827.0,THURSDAY,17,Y,1,0.0,,,XAP,Approved,-550,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-517.0,-247.0,-457.0,-449.0,0.0,0,Cash loans,M,N,Y,2,270000.0,450000.0,38628.0,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.019688999999999998,-11073,-2820,-845.0,-3594,,1,1,0,1,0,0,Core staff,4.0,2,2,MONDAY,17,0,0,0,0,0,0,Business Entity Type 2,0.3988928947282653,0.6474776062314679,0.5744466170995097,,,0.9786,,,,,,,,,0.0767,,,,,0.9786,,,,,,,,,0.0799,,,,,0.9786,,,,,,,,,0.0781,,,,,0.0703,,No,0.0,0.0,0.0,0.0,-1394.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2497660,125174,Consumer loans,12001.995,199800.0,199800.0,0.0,199800.0,SATURDAY,14,Y,1,0.0,,,XAP,Approved,-835,Cash through the bank,XAP,,New,Clothing and Accessories,POS,XNA,Stone,50,Clothing,18.0,low_action,POS industry without interest,365243.0,-804.0,-294.0,-324.0,-316.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,450000.0,31450.5,450000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.008575,-23715,365243,-1503.0,-2701,4.0,1,0,0,1,0,0,,2.0,2,2,MONDAY,11,0,0,0,0,0,0,XNA,0.7326092158325459,0.7314692001820683,0.8245949709919925,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-835.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2069967,206090,Consumer loans,5409.945,41985.0,48793.5,4198.5,41985.0,TUESDAY,18,Y,1,0.08628751852766799,,,XAP,Approved,-1903,Cash through the bank,XAP,Unaccompanied,New,Photo / Cinema Equipment,POS,XNA,Country-wide,1768,Consumer electronics,14.0,high,POS household with interest,365243.0,-1872.0,-1482.0,-1482.0,-1478.0,0.0,0,Cash loans,M,Y,Y,3,225000.0,436032.0,25159.5,360000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.00496,-11498,-1225,-3495.0,-3670,14.0,1,1,0,1,0,0,Cooking staff,5.0,2,2,MONDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.36525533749638095,0.6032782753204324,0.4525335592581747,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1903.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2396355,165556,Consumer loans,8787.96,143500.5,106650.0,36850.5,143500.5,TUESDAY,6,Y,1,0.27967529413106257,,,XAP,Approved,-2171,XNA,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,1763,Consumer electronics,18.0,high,POS household with interest,365243.0,-2140.0,-1630.0,-1630.0,-1606.0,0.0,0,Cash loans,M,N,Y,0,157500.0,1082214.0,31770.0,945000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.006629,-19868,-2630,-2490.0,-2630,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,7,0,0,0,0,0,0,Business Entity Type 3,,0.6705566908705666,0.501075160239048,0.0103,,0.9682,,,,,0.0417,,,,,,,0.0105,,0.9682,,,,,0.0417,,,,,,,0.0104,,0.9682,,,,,0.0417,,,,,,,,block of flats,0.0081,Wooden,Yes,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1101001,279505,Consumer loans,13561.74,85455.0,71748.0,17091.0,85455.0,WEDNESDAY,16,Y,1,0.2095211869479928,,,XAP,Approved,-1755,Cash through the bank,XAP,Children,Repeater,Computers,POS,XNA,Stone,24,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1724.0,-1574.0,-1574.0,-1569.0,0.0,0,Revolving loans,F,Y,Y,1,360000.0,900000.0,45000.0,900000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.006670999999999999,-17921,-4845,-9119.0,-4170,8.0,1,1,0,1,1,0,,3.0,2,2,MONDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.7379633515221139,0.6597351526187706,0.2471909382666521,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1755.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1520127,203979,Consumer loans,7062.75,134086.5,134086.5,0.0,134086.5,TUESDAY,19,Y,1,0.0,,,XAP,Approved,-1205,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,1378,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-1174.0,-484.0,-634.0,-626.0,0.0,0,Cash loans,F,N,Y,2,148500.0,1190340.0,63549.0,1125000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.007273999999999998,-14131,-1415,-6469.0,-667,,1,1,0,1,1,0,,4.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Business Entity Type 2,,0.18527367282540053,0.7688075728291359,0.0722,0.0648,0.9816,0.7484,0.0098,0.0,0.1379,0.1667,0.0417,0.0785,0.0588,0.0669,0.0,0.0,0.0735,0.0673,0.9816,0.7583,0.0098,0.0,0.1379,0.1667,0.0417,0.0803,0.0643,0.0697,0.0,0.0,0.0729,0.0648,0.9816,0.7518,0.0098,0.0,0.1379,0.1667,0.0417,0.0799,0.0599,0.0681,0.0,0.0,reg oper spec account,block of flats,0.0526,Panel,No,2.0,0.0,2.0,0.0,-91.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2831588,209740,Consumer loans,4087.395,41085.0,36990.0,4095.0,41085.0,TUESDAY,13,Y,1,0.10855122971223732,,,XAP,Approved,-1377,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,53,Connectivity,12.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,N,0,90000.0,592560.0,40086.0,450000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.009656999999999999,-14028,-1735,-3061.0,-4734,,1,1,0,1,1,0,Cooking staff,2.0,2,2,SATURDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.5247927691115959,0.6332673879735681,0.5172965813614878,0.0825,0.0901,0.9742,0.6464,0.0067,0.0,0.0345,0.1667,0.2083,0.06,0.0672,0.0626,0.0,0.0,0.084,0.0935,0.9742,0.6602,0.0067,0.0,0.0345,0.1667,0.2083,0.0614,0.0735,0.0653,0.0,0.0,0.0833,0.0901,0.9742,0.6511,0.0067,0.0,0.0345,0.1667,0.2083,0.0611,0.0684,0.0638,0.0,0.0,reg oper account,block of flats,0.0529,"Stone, brick",No,0.0,0.0,0.0,0.0,-800.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2167490,223845,Cash loans,9782.505,135000.0,157275.0,,135000.0,TUESDAY,6,Y,1,,,,XNA,Approved,-1025,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,high,Cash X-Sell: high,365243.0,-995.0,-125.0,-185.0,-180.0,1.0,0,Cash loans,F,N,Y,0,153000.0,263686.5,15268.5,238500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.018029,-18461,-1886,-6541.0,-2011,,1,1,0,1,0,0,Laborers,1.0,3,3,FRIDAY,6,0,0,0,0,0,0,Business Entity Type 3,,0.2653117484731741,,,,0.9727,,,,,,,,,0.0104,,,,,0.9727,,,,,,,,,0.0108,,,,,0.9727,,,,,,,,,0.0106,,,,block of flats,0.0082,,Yes,0.0,0.0,0.0,0.0,-192.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1386965,432255,Cash loans,14509.98,135000.0,143910.0,,135000.0,THURSDAY,9,Y,1,,,,XNA,Approved,-1239,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,225000.0,810000.0,23683.5,810000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.026392000000000002,-20978,365243,-2150.0,-4363,,1,0,0,1,1,0,,1.0,2,2,THURSDAY,14,0,0,0,0,0,0,XNA,,0.7276292284678266,0.4776491548517548,0.0742,,0.9881,,,0.0,0.1034,0.2083,,,,0.0709,,0.0,0.0756,,0.9881,,,0.0,0.1034,0.2083,,,,0.0739,,0.0,0.0749,,0.9881,,,0.0,0.1034,0.2083,,,,0.0722,,0.0,,block of flats,0.0558,"Stone, brick",No,0.0,0.0,0.0,0.0,-1345.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1464970,280093,Cash loans,25642.665,675000.0,790830.0,,675000.0,MONDAY,17,Y,1,,,,Repairs,Approved,-721,Cash through the bank,XAP,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,365243.0,-688.0,1082.0,365243.0,365243.0,0.0,1,Cash loans,M,Y,Y,2,360000.0,943150.5,57699.0,943150.5,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-10828,-2734,-465.0,-3505,2.0,1,1,0,1,1,0,Laborers,4.0,2,2,TUESDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.12384923717795195,0.5796589541315824,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-722.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1684389,377203,Consumer loans,3986.775,21726.0,19552.5,2173.5,21726.0,FRIDAY,9,Y,1,0.10895420652255776,,,XAP,Approved,-1065,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,6.0,high,POS mobile with interest,365243.0,-1027.0,-877.0,-997.0,-993.0,0.0,0,Cash loans,F,N,Y,0,90000.0,90000.0,5296.5,90000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.0228,-19533,-12235,-7277.0,-2383,,1,1,1,1,1,0,Cooking staff,1.0,2,2,SATURDAY,8,0,0,0,0,1,1,Medicine,0.6457821314143336,0.5662890740381062,0.2580842039460289,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1657.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2434030,229335,Consumer loans,6943.005,120352.5,108315.0,12037.5,120352.5,MONDAY,11,Y,1,0.1089294515542412,,,XAP,Refused,-2285,XNA,HC,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,1079,Consumer electronics,24.0,middle,POS household with interest,,,,,,,0,Cash loans,M,Y,Y,0,225000.0,1395000.0,36927.0,1395000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.025164,-13821,-1172,-3746.0,-384,4.0,1,1,0,1,1,0,High skill tech staff,1.0,2,2,THURSDAY,10,0,0,0,0,0,0,Transport: type 4,,0.5889113681360177,0.3092753558842053,0.1093,0.1195,0.9737,0.6396,0.0154,0.0,0.2069,0.1667,0.2083,0.0366,0.0874,0.0832,0.0077,0.0938,0.1113,0.124,0.9737,0.6537,0.0156,0.0,0.2069,0.1667,0.2083,0.0374,0.0955,0.0867,0.0078,0.0993,0.1103,0.1195,0.9737,0.6444,0.0155,0.0,0.2069,0.1667,0.2083,0.0372,0.0889,0.0847,0.0078,0.0957,reg oper account,block of flats,0.0943,Block,No,0.0,0.0,0.0,0.0,-1204.0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2133330,298894,Consumer loans,7022.025,32350.5,34438.5,3240.0,32350.5,TUESDAY,8,Y,1,0.09365167258395493,,,XAP,Approved,-1708,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Stone,30,Connectivity,6.0,high,POS mobile with interest,365243.0,-1668.0,-1518.0,-1518.0,-1514.0,0.0,0,Cash loans,M,Y,N,0,90000.0,225000.0,11781.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-16867,-429,-5242.0,-424,16.0,1,1,0,1,1,0,Drivers,2.0,2,2,SATURDAY,11,0,0,0,0,1,1,Self-employed,,0.54074358443297,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1224.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2629290,171159,Consumer loans,7720.56,84303.0,81526.5,10120.5,84303.0,SUNDAY,13,Y,1,0.12026737967914433,,,XAP,Approved,-2049,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Country-wide,1500,Consumer electronics,12.0,low_normal,POS household without interest,365243.0,-2017.0,-1687.0,-1717.0,-1713.0,0.0,0,Cash loans,M,N,Y,1,180000.0,646920.0,20997.0,540000.0,Unaccompanied,Working,Higher education,Separated,Office apartment,0.006207,-15851,-1171,-1231.0,-3906,,1,1,0,1,0,0,Drivers,2.0,2,2,FRIDAY,10,0,1,1,0,1,1,Business Entity Type 3,0.6428244633254683,0.6939620050947495,0.5971924268337128,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1013.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2254100,207247,Cash loans,13150.35,135000.0,135000.0,,135000.0,SATURDAY,11,Y,1,,,,XNA,Approved,-1207,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-1177.0,-847.0,-967.0,-960.0,0.0,0,Cash loans,F,Y,N,0,157500.0,135000.0,15268.5,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0038130000000000004,-14420,-2593,-6419.0,-4971,7.0,1,1,0,1,0,0,Private service staff,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Self-employed,0.3639140394208749,0.17518900988823394,0.4311917977993083,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1550.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,3.0,5.0 +2283093,395099,Consumer loans,3282.255,29205.0,21537.0,9000.0,29205.0,FRIDAY,20,Y,1,0.3209817002920451,,,XAP,Approved,-2386,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Stone,38,Connectivity,8.0,high,POS mobile with interest,365243.0,-2355.0,-2145.0,-2205.0,-2202.0,0.0,0,Cash loans,F,N,N,0,180000.0,270000.0,16515.0,270000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.01885,-15275,-1872,-5601.0,-4718,,1,1,1,1,0,0,Accountants,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Trade: type 7,0.6389285255363031,0.6474326833766433,0.1510075350878296,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,10.0,0.0,10.0,0.0,-2386.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1684194,446197,Consumer loans,6398.505,53955.0,53365.5,5395.5,53955.0,TUESDAY,14,Y,1,0.10000153162812064,,,XAP,Approved,-2015,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,1100,Consumer electronics,12.0,high,POS household with interest,365243.0,-1984.0,-1654.0,-1744.0,-1737.0,0.0,0,Cash loans,F,N,Y,0,126000.0,593010.0,17469.0,495000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.02461,-19330,-2445,-817.0,-2820,,1,1,0,1,0,0,Security staff,2.0,2,2,MONDAY,11,0,0,0,0,1,1,Business Entity Type 3,,0.7371983959493037,0.2955826421513093,0.1093,0.0654,0.9916,0.8844,0.0617,0.08,0.069,0.3333,0.375,0.0524,0.0891,0.0868,0.0,0.0,0.1113,0.0679,0.9916,0.8889,0.0623,0.0806,0.069,0.3333,0.375,0.0536,0.0973,0.0904,0.0,0.0,0.1103,0.0654,0.9916,0.8859,0.0621,0.08,0.069,0.3333,0.375,0.0533,0.0906,0.0884,0.0,0.0,reg oper account,block of flats,0.0683,"Stone, brick",No,0.0,0.0,0.0,0.0,-1795.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2498580,325349,Consumer loans,17548.92,79549.2,65862.0,15928.2,79549.2,FRIDAY,9,Y,1,0.21209457634511,,,XAP,Approved,-761,Cash through the bank,XAP,,New,Computers,POS,XNA,Country-wide,46,Connectivity,4.0,middle,POS mobile without interest,365243.0,-725.0,-635.0,-635.0,-626.0,0.0,1,Cash loans,F,N,Y,1,98100.0,900000.0,29875.5,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-15986,-1425,-4026.0,-4464,,1,1,0,1,0,0,Cleaning staff,3.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Housing,0.7030166602088396,0.5062064912341596,0.4365064990977374,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-761.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2017567,327941,Cash loans,9803.43,67500.0,82611.0,,67500.0,MONDAY,6,Y,1,,,,XNA,Approved,-951,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-921.0,-591.0,-831.0,-826.0,1.0,1,Cash loans,M,N,N,1,130500.0,545040.0,25407.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-13137,-2040,-4399.0,-5541,,1,1,0,1,1,0,Laborers,3.0,3,3,SATURDAY,14,0,0,0,1,1,0,Transport: type 4,,0.19144122536065367,0.06337536230998861,0.0371,0.0627,0.9737,0.6396,0.0011,0.0,0.1034,0.0833,0.125,0.029,0.0294,0.029,0.0039,0.0,0.0378,0.0651,0.9737,0.6537,0.0012,0.0,0.1034,0.0833,0.125,0.0297,0.0321,0.0302,0.0039,0.0,0.0375,0.0627,0.9737,0.6444,0.0012,0.0,0.1034,0.0833,0.125,0.0295,0.0299,0.0295,0.0039,0.0,reg oper account,block of flats,0.0475,"Stone, brick",No,7.0,0.0,7.0,0.0,-1344.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1817659,321725,Cash loans,45994.86,450000.0,470790.0,,450000.0,SUNDAY,12,Y,1,,,,XNA,Approved,-1088,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-1057.0,-727.0,-727.0,-724.0,0.0,0,Cash loans,M,Y,Y,0,202500.0,696528.0,44644.5,630000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00823,-17564,-1763,-8118.0,-1099,23.0,1,1,0,1,0,0,Managers,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Industry: type 13,,0.3957418212568543,0.5478104658520093,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-3120.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2809818,243588,Consumer loans,9521.775,39105.0,33421.5,6750.0,39105.0,TUESDAY,12,Y,1,0.18299948063586452,,,XAP,Approved,-2480,Cash through the bank,XAP,Other_A,Repeater,Mobile,POS,XNA,Stone,10,Connectivity,4.0,high,POS mobile with interest,365243.0,-2441.0,-2351.0,-2351.0,-2342.0,1.0,0,Cash loans,F,N,Y,0,157500.0,144000.0,14242.5,144000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.019101,-24048,365243,-8917.0,-4815,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,XNA,,0.6370830564238271,0.7801436381572275,0.0557,0.0261,0.9811,,,0.04,0.0345,0.3333,,0.0668,,0.0496,,0.0,0.0567,0.0271,0.9811,,,0.0403,0.0345,0.3333,,0.0683,,0.0517,,0.0,0.0562,0.0261,0.9811,,,0.04,0.0345,0.3333,,0.0679,,0.0505,,0.0,,block of flats,0.039,"Stone, brick",No,0.0,0.0,0.0,0.0,-2603.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1263289,156403,Consumer loans,19277.775,163557.0,175252.5,0.0,163557.0,TUESDAY,16,Y,1,0.0,,,XAP,Approved,-646,Cash through the bank,XAP,,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,3268,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-615.0,-345.0,-345.0,-339.0,0.0,0,Cash loans,F,Y,Y,0,540000.0,1350000.0,57330.0,1350000.0,Unaccompanied,Working,Higher education,Widow,House / apartment,0.018209,-19188,-2356,-1402.0,-2688,13.0,1,1,0,1,0,0,Accountants,1.0,3,3,THURSDAY,13,0,0,0,0,0,0,Self-employed,0.7194665452022858,0.5234267666618266,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1969.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1309595,293038,Cash loans,12390.66,180000.0,215640.0,,180000.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-605,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash X-Sell: high,365243.0,-575.0,475.0,-395.0,-391.0,1.0,0,Cash loans,F,N,Y,0,139500.0,545040.0,26640.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.006629,-20044,-705,-2514.0,-507,,1,1,0,1,0,0,,1.0,2,2,SATURDAY,5,0,0,0,0,0,0,School,,0.6173194237554739,0.11911906455945008,0.0165,0.0,0.9762,,,0.0,0.069,0.0417,,0.0004,,0.0104,,0.0006,0.0168,0.0,0.9762,,,0.0,0.069,0.0417,,0.0,,0.0108,,0.0,0.0167,0.0,0.9762,,,0.0,0.069,0.0417,,0.0004,,0.0106,,0.0006,,block of flats,0.0082,Wooden,No,0.0,0.0,0.0,0.0,-1677.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1646176,153391,Consumer loans,19275.66,93555.0,98496.0,0.0,93555.0,FRIDAY,13,Y,1,0.0,,,XAP,Refused,-966,Cash through the bank,HC,Family,Repeater,Computers,POS,XNA,Stone,12,Consumer electronics,6.0,high,POS household with interest,,,,,,,0,Revolving loans,F,N,Y,0,135000.0,405000.0,20250.0,405000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.010643000000000001,-16490,-8354,-12973.0,-22,,1,1,0,1,0,0,,1.0,2,2,FRIDAY,12,0,0,0,0,0,0,Other,,0.6413897004194443,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1409.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1485100,318221,Consumer loans,23540.355,255132.0,229617.0,25515.0,255132.0,TUESDAY,11,Y,1,0.10891677463216902,,,XAP,Approved,-492,Cash through the bank,XAP,"Spouse, partner",New,Furniture,POS,XNA,Country-wide,30,Furniture,12.0,middle,POS industry with interest,365243.0,-460.0,-130.0,-310.0,-305.0,0.0,0,Cash loans,M,Y,N,2,112500.0,539100.0,29245.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-14984,-4245,-561.0,-5164,5.0,1,1,0,1,0,0,Laborers,4.0,2,2,WEDNESDAY,10,0,0,0,0,1,1,Business Entity Type 3,,0.2577314357360632,,0.1227,0.1461,0.9836,,,0.0,0.2759,0.1667,,0.0597,,0.121,,0.0407,0.125,0.1516,0.9836,,,0.0,0.2759,0.1667,,0.0611,,0.1261,,0.0431,0.1239,0.1461,0.9836,,,0.0,0.2759,0.1667,,0.0607,,0.1232,,0.0416,,block of flats,0.104,Panel,No,1.0,1.0,1.0,1.0,-492.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2409790,169970,Cash loans,33874.875,180000.0,185940.0,,180000.0,TUESDAY,10,Y,1,,,,XNA,Approved,-1248,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,0,XNA,6.0,low_normal,Cash Street: low,365243.0,-1215.0,-1065.0,-1065.0,-1062.0,0.0,1,Cash loans,F,N,Y,1,382500.0,534141.0,42331.5,441000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.019688999999999998,-10519,-234,-1803.0,-1792,,1,1,0,1,0,0,Managers,3.0,2,2,FRIDAY,10,0,0,0,1,1,0,Business Entity Type 3,,0.6082602600609897,0.3092753558842053,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,2.0,4.0,0.0,-2486.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2080187,289386,Cash loans,11973.24,171000.0,193572.0,,171000.0,TUESDAY,11,Y,1,,,,XNA,Approved,-897,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-867.0,-177.0,-837.0,-829.0,1.0,0,Cash loans,F,Y,Y,0,135000.0,797557.5,26487.0,688500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.020246,-21016,365243,-1170.0,-4489,6.0,1,0,0,1,0,1,,2.0,3,3,WEDNESDAY,7,0,0,0,0,0,0,XNA,0.7824285529607329,0.5212498326474582,0.4848514754962666,0.0423,0.0514,0.9876,0.83,0.0454,0.0,0.0345,0.1667,0.2083,0.0226,0.0345,0.0459,0.0,0.0,0.0431,0.0533,0.9876,0.8367,0.0458,0.0,0.0345,0.1667,0.2083,0.0231,0.0376,0.0479,0.0,0.0,0.0427,0.0514,0.9876,0.8323,0.0457,0.0,0.0345,0.1667,0.2083,0.023,0.0351,0.0468,0.0,0.0,reg oper account,block of flats,0.061,Panel,No,0.0,0.0,0.0,0.0,-1233.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2386522,317971,Consumer loans,12863.385,242347.5,68017.5,184500.0,242347.5,WEDNESDAY,17,Y,1,0.7957360290960931,,,XAP,Approved,-710,Cash through the bank,XAP,Unaccompanied,Refreshed,Computers,POS,XNA,Stone,580,Consumer electronics,6.0,middle,POS household with interest,365243.0,-679.0,-529.0,-649.0,-642.0,0.0,0,Cash loans,F,Y,Y,1,387000.0,1167781.5,31446.0,994500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.035792000000000004,-16430,-2405,-3969.0,-5064,0.0,1,1,0,1,0,0,Managers,3.0,2,2,SATURDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.6308082276921497,0.6823248071028888,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1932.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1281778,222235,Consumer loans,3070.44,32895.0,32895.0,0.0,32895.0,SUNDAY,8,Y,1,0.0,,,XAP,Approved,-474,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Regional / Local,10,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-434.0,-104.0,-104.0,-96.0,0.0,0,Cash loans,F,N,Y,2,180000.0,269550.0,20988.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-15056,-1295,-3079.0,-927,,1,1,0,1,0,0,Laborers,4.0,3,3,FRIDAY,9,0,0,0,0,0,0,Self-employed,0.4473560522156421,0.4055556476548643,0.6430255641096323,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,2.0,7.0,0.0,-456.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1882190,390094,Consumer loans,2507.175,26865.0,21613.5,7200.0,26865.0,TUESDAY,13,Y,1,0.2721451592293385,,,XAP,Approved,-1921,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,35,Connectivity,12.0,high,POS mobile with interest,365243.0,-1890.0,-1560.0,-1560.0,-1552.0,0.0,0,Cash loans,F,Y,Y,0,157500.0,477000.0,18612.0,477000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.0228,-18061,-3009,-5941.0,-1612,13.0,1,1,0,1,0,0,Managers,1.0,2,2,FRIDAY,9,0,0,0,0,0,0,Agriculture,,0.4600802879876823,0.3046721837533529,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1921.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1475696,380097,Consumer loans,27603.855,556605.0,597874.5,27832.5,556605.0,WEDNESDAY,11,Y,1,0.04844459583682573,,,XAP,Refused,-672,Cash through the bank,LIMIT,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,4500,Consumer electronics,36.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,225000.0,971280.0,51876.0,900000.0,Group of people,Commercial associate,Secondary / secondary special,Married,House / apartment,0.007305,-18814,-2276,-58.0,-2319,,1,1,0,1,0,0,Sales staff,2.0,3,3,WEDNESDAY,9,0,0,0,0,0,0,Trade: type 3,0.686765216127481,0.7354917519731662,0.6832688314232291,0.168,0.1156,0.9975,0.966,0.0692,0.24,0.1034,0.5417,0.5833,0.0216,0.13699999999999998,0.1663,0.0,0.0,0.1712,0.12,0.9975,0.9673,0.0698,0.2417,0.1034,0.5417,0.5833,0.0221,0.1497,0.1733,0.0,0.0,0.1697,0.1156,0.9975,0.9665,0.0696,0.24,0.1034,0.5417,0.5833,0.022,0.1394,0.1693,0.0,0.0,not specified,block of flats,0.1836,"Stone, brick",No,0.0,0.0,0.0,0.0,-672.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1835098,440845,Cash loans,10732.005,103500.0,103500.0,0.0,103500.0,FRIDAY,7,Y,1,0.0,,,Other,Refused,-1575,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,12.0,middle,Cash Street: middle,,,,,,,0,Cash loans,M,N,Y,0,112500.0,101880.0,6939.0,90000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.025164,-16748,-3173,-2341.0,-291,,1,1,1,1,1,0,Managers,1.0,2,2,FRIDAY,13,0,0,0,0,1,1,Business Entity Type 3,0.5139921121520522,0.2836219854983513,0.6347055309763198,0.1031,0.0,0.9791,0.7144,0.0027,0.0,0.2069,0.1667,,0.0215,0.0841,0.0786,0.0,0.0461,0.105,0.0,0.9791,0.7256,0.0027,0.0,0.2069,0.1667,,0.022,0.0918,0.0819,0.0,0.0488,0.1041,0.0,0.9791,0.7182,0.0027,0.0,0.2069,0.1667,,0.0219,0.0855,0.08,0.0,0.047,,block of flats,0.0718,"Stone, brick",No,3.0,0.0,3.0,0.0,-1575.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +1198933,300131,Cash loans,18058.95,315000.0,315000.0,0.0,315000.0,SUNDAY,14,Y,1,0.0,,,XNA,Refused,-2592,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,30.0,middle,Cash Street: middle,,,,,,,0,Cash loans,M,N,Y,0,270000.0,752742.0,44140.5,697500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-17092,-450,-1832.0,-642,,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Other,,0.3449915723258246,0.11538666200733562,0.1608,0.0507,0.9727,0.626,0.1346,0.0,0.2759,0.1667,0.2083,0.0,0.1202,0.201,0.0502,0.1041,0.1639,0.0527,0.9727,0.6406,0.1358,0.0,0.2759,0.1667,0.2083,0.0,0.1313,0.2094,0.0506,0.1103,0.1624,0.0507,0.9727,0.631,0.1354,0.0,0.2759,0.1667,0.2083,0.0,0.1223,0.2046,0.0505,0.1063,reg oper account,block of flats,0.2543,"Stone, brick",No,0.0,0.0,0.0,0.0,-345.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,1.0 +2745648,200458,Cash loans,15830.955,247500.0,309064.5,,247500.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-231,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,low_action,Cash X-Sell: low,365243.0,-201.0,489.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,1,126000.0,226908.0,11164.5,148500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,Office apartment,0.025164,-13042,-5465,-2004.0,-5034,,1,1,0,1,0,0,Medicine staff,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Medicine,,0.5148674554629618,0.4507472818545589,0.1247,0.0,0.9871,0.8232,0.0655,0.08,0.069,0.3333,0.375,0.09,0.1,0.0881,0.0077,0.0063,0.1271,0.0,0.9871,0.8301,0.0661,0.0806,0.069,0.3333,0.375,0.092,0.1093,0.0917,0.0078,0.0067,0.126,0.0,0.9871,0.8256,0.0659,0.08,0.069,0.3333,0.375,0.0915,0.1018,0.0896,0.0078,0.0065,reg oper account,block of flats,0.1064,Panel,No,1.0,0.0,1.0,0.0,-1609.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +2121176,350228,Consumer loans,4501.305,21370.5,22428.0,0.0,21370.5,SATURDAY,14,Y,1,0.0,,,XAP,Approved,-2494,Cash through the bank,XAP,Children,New,Mobile,POS,XNA,Country-wide,40,Connectivity,6.0,high,POS mobile with interest,365243.0,-2463.0,-2313.0,-2313.0,-2304.0,1.0,0,Cash loans,F,N,Y,0,157500.0,490005.0,26712.0,423000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.010147,-16590,-3301,-9673.0,-138,,1,1,0,1,0,0,,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.5487154311001134,0.4578995512067301,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-476.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1313218,212937,Consumer loans,3236.13,15606.0,13806.0,1800.0,15606.0,TUESDAY,12,Y,1,0.1256160218097934,,,XAP,Approved,-2800,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,20,Connectivity,5.0,low_normal,POS mobile with interest,365243.0,-2761.0,-2641.0,-2641.0,-2571.0,0.0,0,Cash loans,M,N,Y,0,76500.0,808650.0,23305.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008865999999999999,-22040,-3305,-235.0,-4856,,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,12,0,0,0,0,1,1,Transport: type 4,,0.4458090340533213,0.6347055309763198,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-2535.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1515260,168567,Cash loans,6727.815,67500.0,71955.0,,67500.0,SUNDAY,11,Y,1,,,,XNA,Approved,-162,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-132.0,198.0,-42.0,-36.0,1.0,0,Cash loans,F,N,N,0,67500.0,191880.0,18819.0,180000.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.006852,-23996,365243,-1429.0,-4108,,1,0,0,1,0,0,,1.0,3,3,MONDAY,11,0,0,0,0,0,0,XNA,0.8678696598436257,0.02207519039076778,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,7.0,1.0,7.0,1.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1561686,367437,Revolving loans,2250.0,45000.0,45000.0,,45000.0,THURSDAY,6,Y,1,,,,XAP,Approved,-334,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-332.0,-286.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,135000.0,333621.0,16177.5,288000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.006852,-18010,-4103,-9496.0,-1546,,1,1,0,1,0,0,Laborers,2.0,3,3,TUESDAY,6,0,0,0,0,0,0,Self-employed,,0.42987854800890624,0.4578995512067301,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2446.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1252230,184640,Consumer loans,9739.485,92632.5,106083.0,0.0,92632.5,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-121,XNA,XAP,Family,Repeater,Computers,POS,XNA,Regional / Local,120,Consumer electronics,12.0,low_action,POS mobile without interest,365243.0,-91.0,239.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,N,1,180000.0,1749325.5,60934.5,1597500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.019101,-15725,-522,-5365.0,-4591,12.0,1,1,0,1,1,1,Laborers,3.0,2,2,TUESDAY,10,0,0,0,0,1,1,Business Entity Type 3,0.6546317324964075,0.7135512895482063,0.3506958432829587,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-480.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1806793,278234,Consumer loans,1861.155,34537.5,38416.5,0.0,34537.5,THURSDAY,17,Y,1,0.0,,,XAP,Refused,-1028,Cash through the bank,SCO,Family,Repeater,Mobile,POS,XNA,Country-wide,550,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,0,Cash loans,M,Y,Y,0,157500.0,225000.0,17775.0,225000.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.00733,-8603,-1231,-8521.0,-1287,12.0,1,1,1,1,1,0,Security staff,2.0,2,2,WEDNESDAY,14,0,0,0,0,1,1,Security,,0.5500904654009298,0.511891801533151,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,0.0,-1128.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1104415,110853,Consumer loans,8990.1,44955.0,40459.5,4495.5,44955.0,SATURDAY,8,Y,1,0.1089090909090909,,,XAP,Approved,-2841,Non-cash from your account,XAP,,New,Other,POS,XNA,Regional / Local,305,Clothing,5.0,middle,POS industry without interest,365243.0,-2808.0,-2688.0,-2688.0,-2581.0,0.0,0,Cash loans,F,N,N,0,315000.0,2517300.0,69354.0,2250000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.018029,-16314,-2341,-4306.0,-4375,,1,1,0,1,0,0,,2.0,3,3,FRIDAY,12,0,0,0,0,0,0,Security Ministries,0.7173743972826585,0.6294604390552475,0.4794489811780563,0.0722,,0.9811,,,0.0,0.1379,0.1667,,,,0.0659,,0.0,0.0735,,0.9811,,,0.0,0.1379,0.1667,,,,0.0687,,0.0,0.0729,,0.9811,,,0.0,0.1379,0.1667,,,,0.0671,,0.0,,block of flats,0.0518,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1963082,116001,Revolving loans,9000.0,0.0,90000.0,,,THURSDAY,11,N,1,,,,XAP,Refused,-2727,XNA,SYSTEM,,Repeater,XNA,Cards,x-sell,Country-wide,44,Connectivity,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,N,0,139500.0,1525405.5,42075.0,1332000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.009334,-20124,365243,-8812.0,-3418,,1,0,0,1,0,0,,2.0,2,2,MONDAY,11,0,0,0,0,0,0,XNA,,0.6206458784109674,,0.0165,,0.9767,,0.028,0.0,0.1034,0.0417,0.0417,,0.0134,0.0095,0.0,0.0359,0.0168,,0.9767,,0.0283,0.0,0.1034,0.0417,0.0417,,0.0147,0.0099,0.0,0.038,0.0167,,0.9767,,0.0282,0.0,0.1034,0.0417,0.0417,,0.0137,0.0097,0.0,0.0366,reg oper spec account,block of flats,0.0153,,No,1.0,0.0,1.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2589007,111375,Consumer loans,5725.08,44050.5,42916.5,4405.5,44050.5,SATURDAY,9,Y,1,0.10139026245720804,,,XAP,Approved,-2317,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,36,Connectivity,10.0,high,POS mobile with interest,365243.0,-2273.0,-2003.0,-2033.0,-2029.0,1.0,0,Cash loans,F,N,N,2,225000.0,900000.0,26446.5,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.025164,-13475,-6922,-493.0,-1081,,1,1,1,1,1,0,Accountants,3.0,2,2,TUESDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.7470716325328746,0.49713726152491705,0.39449540531239935,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-2317.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1380565,179517,Consumer loans,22763.07,124560.0,124560.0,0.0,124560.0,WEDNESDAY,17,Y,1,0.0,,,XAP,Refused,-1159,Cash through the bank,LIMIT,Family,Repeater,Clothing and Accessories,POS,XNA,Stone,40,Clothing,6.0,middle,POS industry with interest,,,,,,,0,Cash loans,F,N,Y,0,94500.0,454500.0,21996.0,454500.0,Unaccompanied,Working,Incomplete higher,Single / not married,House / apartment,0.026392000000000002,-10676,-1584,-4229.0,-3355,,1,1,1,1,1,0,Drivers,1.0,2,2,SUNDAY,14,0,0,0,0,0,0,Industry: type 7,,0.7037547282298383,0.43473324875017305,0.3711,0.2403,0.9796,,,0.0,0.3448,0.3333,,0.3091,,0.4083,,1.0,0.3782,0.2494,0.9796,,,0.0,0.3448,0.3333,,0.3162,,0.4254,,1.0,0.3747,0.2403,0.9796,,,0.0,0.3448,0.3333,,0.3145,,0.4156,,1.0,,block of flats,0.5513,Panel,No,0.0,0.0,0.0,0.0,-1201.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1491620,398977,Consumer loans,,109803.15,109803.15,0.0,109803.15,TUESDAY,14,Y,1,0.0,,,XAP,Refused,-1864,Cash through the bank,LIMIT,Other_B,Repeater,Computers,XNA,XNA,Country-wide,272,Consumer electronics,,XNA,POS mobile with interest,,,,,,,0,Cash loans,F,Y,Y,2,90000.0,180000.0,12307.5,180000.0,"Spouse, partner",Commercial associate,Higher education,Single / not married,House / apartment,0.026392000000000002,-10667,-1068,-4489.0,-1094,13.0,1,1,0,1,0,0,Sales staff,3.0,2,2,THURSDAY,10,0,0,0,0,1,1,Trade: type 7,,0.640665095885569,0.4048783643353997,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1885.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,8.0,0.0,0.0 +2665134,272597,Consumer loans,10274.535,94455.0,92488.5,9445.5,94455.0,MONDAY,13,Y,1,0.1009183214807442,,,XAP,Approved,-850,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Regional / Local,100,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-819.0,-549.0,-549.0,-543.0,0.0,0,Revolving loans,F,N,Y,1,112500.0,180000.0,9000.0,180000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.019101,-13329,-2180,-6158.0,-4073,,1,1,0,1,0,0,,3.0,2,2,THURSDAY,10,0,0,0,0,0,0,Housing,0.5265031204021757,0.6820071445748357,0.3077366963789207,0.0186,,0.9816,0.7484,0.0019,0.0,0.069,0.0833,0.125,,0.0151,0.0169,0.0,0.0,0.0189,,0.9816,0.7583,0.002,0.0,0.069,0.0833,0.125,,0.0165,0.0176,0.0,0.0,0.0187,,0.9816,0.7518,0.002,0.0,0.069,0.0833,0.125,,0.0154,0.0172,0.0,0.0,reg oper account,block of flats,0.0144,"Stone, brick",No,3.0,1.0,3.0,0.0,-850.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1657629,308959,Cash loans,39912.75,675000.0,675000.0,,675000.0,THURSDAY,17,Y,1,,,,Repairs,Approved,-615,XNA,XAP,,New,XNA,Cash,walk-in,Contact center,-1,XNA,30.0,middle,Cash Street: middle,365243.0,-584.0,286.0,365243.0,365243.0,0.0,1,Cash loans,F,N,Y,0,270000.0,450000.0,21888.0,450000.0,Unaccompanied,Working,Incomplete higher,Civil marriage,House / apartment,0.020246,-11281,-2165,-11226.0,-3683,,1,1,0,1,1,0,Sales staff,2.0,3,3,WEDNESDAY,5,0,0,0,0,1,1,Security,0.27827064645235505,0.44374615690520336,0.10753217580247099,0.1227,0.1523,0.9841,0.7824,0.1154,0.0,0.2759,0.1667,0.2083,0.1043,0.0967,0.1208,0.0154,0.0207,0.125,0.1581,0.9841,0.7909,0.1164,0.0,0.2759,0.1667,0.2083,0.1066,0.1056,0.1258,0.0156,0.0219,0.1239,0.1523,0.9841,0.7853,0.1161,0.0,0.2759,0.1667,0.2083,0.1061,0.0983,0.1229,0.0155,0.0211,reg oper account,block of flats,0.0995,Panel,No,1.0,0.0,1.0,0.0,-1242.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2539608,189468,Consumer loans,7645.77,43470.0,47313.0,4347.0,43470.0,SATURDAY,17,Y,1,0.09164301552106432,,,XAP,Approved,-1706,Cash through the bank,XAP,Family,New,Furniture,POS,XNA,Stone,3214,Furniture,8.0,high,POS industry with interest,365243.0,-1675.0,-1465.0,-1465.0,-1460.0,0.0,0,Cash loans,F,N,Y,0,180000.0,528633.0,27121.5,472500.0,Unaccompanied,State servant,Higher education,Single / not married,House / apartment,0.003069,-12410,-3270,-139.0,-1161,,1,1,0,1,0,0,Core staff,1.0,3,3,THURSDAY,18,0,0,0,0,0,0,Security Ministries,0.5399955313565126,0.7911252374687919,0.511891801533151,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1706.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2478531,203461,Revolving loans,13500.0,0.0,270000.0,,,THURSDAY,14,Y,1,,,,XAP,Approved,-706,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,47,Connectivity,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,N,N,0,247500.0,225000.0,24232.5,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,With parents,0.010006000000000001,-11850,-1629,-5823.0,-4185,,1,1,0,1,1,0,Core staff,1.0,2,2,TUESDAY,7,0,1,1,0,1,1,Industry: type 9,,0.3760219807023321,0.2650494299443805,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-706.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1640103,350848,Consumer loans,6624.585,40450.5,33007.5,9000.0,40450.5,FRIDAY,18,Y,1,0.2333349564201198,,,XAP,Approved,-2263,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,30,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2232.0,-2082.0,-2082.0,-1302.0,1.0,0,Cash loans,F,N,Y,0,112500.0,261000.0,12825.0,261000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.011703,-15962,-1366,-3559.0,-4665,,1,1,0,1,1,0,Sales staff,2.0,2,2,SUNDAY,14,0,0,0,1,1,1,Self-employed,,0.6630310598731978,0.8150073858059296,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1603359,242896,Cash loans,33777.675,270000.0,284611.5,,270000.0,FRIDAY,14,Y,1,,,,XNA,Approved,-574,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-544.0,-214.0,-274.0,-271.0,1.0,0,Cash loans,F,N,Y,3,202500.0,1255680.0,41629.5,1125000.0,"Spouse, partner",Working,Higher education,Married,House / apartment,0.006296,-10658,-3406,-2309.0,-718,,1,1,0,1,0,0,Core staff,5.0,3,3,FRIDAY,16,0,0,0,0,0,0,School,0.4188529820936988,0.8032665095414178,0.5406544504453575,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-784.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1669179,236272,Consumer loans,7694.595,42705.0,37737.0,6750.0,42705.0,FRIDAY,17,Y,1,0.16524745737774266,,,XAP,Approved,-1924,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,6.0,high,POS mobile with interest,365243.0,-1888.0,-1738.0,-1738.0,-1733.0,0.0,0,Revolving loans,M,N,Y,0,85500.0,247500.0,12375.0,247500.0,Other_B,Working,Secondary / secondary special,Single / not married,Office apartment,0.028663,-9375,-2638,-9334.0,-2038,,1,1,0,1,1,0,Laborers,1.0,2,2,THURSDAY,12,0,0,0,0,0,0,Self-employed,0.1764608158626928,0.5393639047388274,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-525.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1347174,355136,Cash loans,14875.515,270000.0,328450.5,,270000.0,FRIDAY,18,Y,1,,,,XNA,Refused,-501,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Regional / Local,20,Consumer electronics,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,90000.0,225000.0,18040.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.009334,-9692,-317,-7546.0,-2335,,1,1,1,1,1,0,Sales staff,2.0,2,2,TUESDAY,17,0,0,0,0,0,0,Self-employed,,0.6112626359925103,,0.0124,,0.9722,0.6192,0.0,0.0,0.0345,0.0417,0.0833,0.0227,0.0101,0.0118,0.0,0.0153,0.0126,,0.9722,0.6341,0.0,0.0,0.0345,0.0417,0.0833,0.0232,0.011,0.0123,0.0,0.0162,0.0125,,0.9722,0.6243,0.0,0.0,0.0345,0.0417,0.0833,0.0231,0.0103,0.012,0.0,0.0157,not specified,block of flats,0.0093,Wooden,No,0.0,0.0,0.0,0.0,-1887.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1608260,324554,Cash loans,41666.22,1129500.0,1260702.0,,1129500.0,SATURDAY,9,Y,1,,,,XNA,Refused,-380,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,112500.0,675000.0,21775.5,675000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.001417,-14743,-629,-4231.0,-2252,,1,1,0,1,1,0,Accountants,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Other,0.5465819526510928,0.33764686442806696,0.28371188263500075,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-2910.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2259737,101477,Consumer loans,27745.245,157045.5,157045.5,0.0,157045.5,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-701,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,3268,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-670.0,-520.0,-550.0,-547.0,0.0,0,Cash loans,F,Y,Y,0,180000.0,1506816.0,49927.5,1350000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-15944,-183,-8174.0,-2294,11.0,1,1,0,1,0,0,,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Self-employed,,0.6992076607083753,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-701.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2292007,444289,Consumer loans,5885.865,45891.0,50436.0,0.0,45891.0,FRIDAY,19,Y,1,0.0,,,XAP,Approved,-2351,Cash through the bank,XAP,Family,New,Photo / Cinema Equipment,POS,XNA,Country-wide,1000,Consumer electronics,12.0,high,POS household with interest,365243.0,-2317.0,-1987.0,-1987.0,-1971.0,1.0,0,Cash loans,M,N,Y,0,72000.0,238500.0,14539.5,238500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-18252,-115,-2515.0,-1741,,1,1,1,1,0,0,,2.0,2,2,THURSDAY,16,0,0,0,0,0,0,Business Entity Type 2,,0.6812146217034711,0.3280631605201915,1.0,,0.9811,,,1.0,0.931,0.3333,,1.0,,1.0,,,1.0,,0.9811,,,1.0,0.931,0.3333,,1.0,,1.0,,,1.0,,0.9811,,,1.0,0.931,0.3333,,1.0,,1.0,,,,block of flats,1.0,Panel,No,0.0,0.0,0.0,0.0,-880.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +1998765,187153,Consumer loans,13391.73,109287.0,120105.0,0.0,109287.0,MONDAY,14,Y,1,0.0,,,XAP,Approved,-1341,Cash through the bank,XAP,Other_B,Repeater,Computers,POS,XNA,Country-wide,980,Consumer electronics,12.0,high,POS household with interest,365243.0,-1310.0,-980.0,-1010.0,-1006.0,0.0,0,Cash loans,F,N,Y,0,90000.0,254799.0,13140.0,193500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-12495,-2880,-6394.0,-4263,,1,1,0,1,0,0,Core staff,2.0,2,2,FRIDAY,12,0,0,0,0,1,1,Hotel,,0.6102436986773152,0.7281412993111438,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1444686,398662,Cash loans,19461.87,247500.0,287685.0,,247500.0,TUESDAY,13,Y,1,,,,Education,Approved,-444,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,high,Cash Street: high,365243.0,-414.0,636.0,-54.0,-47.0,1.0,0,Cash loans,F,N,Y,0,157500.0,318411.0,33565.5,288000.0,Unaccompanied,State servant,Higher education,Widow,House / apartment,0.035792000000000004,-20934,-3108,-86.0,-2507,,1,1,0,1,1,0,Core staff,1.0,2,2,FRIDAY,12,0,0,0,0,1,1,Medicine,,0.7070674389877311,0.6832688314232291,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-444.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2803082,372787,Cash loans,38783.925,337500.0,422851.5,,337500.0,WEDNESDAY,11,Y,1,,,,Other,Approved,-640,Cash through the bank,XAP,,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,365243.0,-610.0,-100.0,-400.0,-391.0,1.0,0,Cash loans,M,Y,N,0,180000.0,1762110.0,48586.5,1575000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-18108,-195,-4460.0,-1662,21.0,1,1,1,1,0,0,Security staff,2.0,3,3,FRIDAY,10,0,0,0,0,1,1,Business Entity Type 3,,0.4764133477122117,0.7062051096536562,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-640.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2310674,448581,Consumer loans,3896.82,21235.5,19111.5,2124.0,21235.5,TUESDAY,10,Y,1,0.10893216975861604,,,XAP,Approved,-799,Cash through the bank,XAP,,New,Photo / Cinema Equipment,POS,XNA,Country-wide,-1,Connectivity,6.0,high,POS mobile with interest,365243.0,-730.0,-580.0,-610.0,-598.0,0.0,0,Cash loans,F,Y,Y,1,90000.0,284400.0,18643.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0105,-9510,-245,-657.0,-1169,7.0,1,1,0,1,1,0,Managers,3.0,3,3,WEDNESDAY,14,0,0,0,1,1,0,Business Entity Type 3,,0.2607549531837377,0.2636468134452008,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-799.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,4.0 +2105506,148465,Cash loans,15835.41,225000.0,284400.0,,225000.0,SATURDAY,8,Y,1,,,,XNA,Approved,-345,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,20,Connectivity,48.0,high,Cash X-Sell: high,365243.0,-315.0,1095.0,-225.0,-218.0,1.0,0,Cash loans,F,N,Y,1,94500.0,225000.0,13045.5,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-9406,-1105,-1847.0,-2093,,1,1,1,1,0,0,Sales staff,3.0,2,2,MONDAY,8,0,0,0,0,0,0,Self-employed,,0.6119327335600919,0.6956219298394389,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-810.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2418539,451187,Consumer loans,13896.09,128389.5,125077.5,12843.0,128389.5,TUESDAY,10,Y,1,0.10141490601799256,,,XAP,Approved,-2312,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Stone,150,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2281.0,-2011.0,-2101.0,-2097.0,1.0,0,Cash loans,M,Y,Y,1,157500.0,747000.0,33754.5,747000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.030755,-17571,-1508,-1239.0,-1121,10.0,1,1,1,1,0,0,Laborers,3.0,2,2,THURSDAY,10,0,0,0,0,0,0,School,,0.6755946211079573,0.4489622731076524,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1201.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1870426,441021,Consumer loans,8090.64,80280.0,80280.0,0.0,80280.0,SATURDAY,10,Y,1,0.0,,,XAP,Approved,-266,Cash through the bank,XAP,Unaccompanied,New,Furniture,POS,XNA,Stone,40,Furniture,12.0,middle,POS industry with interest,365243.0,-236.0,94.0,365243.0,365243.0,0.0,1,Cash loans,F,N,Y,0,130500.0,640080.0,31261.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010966,-17047,-410,-3985.0,-597,,1,1,0,1,0,0,,2.0,2,2,SATURDAY,9,0,0,0,0,1,1,Other,,0.5740062854641952,0.3979463219016906,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,0.0,8.0,0.0,-266.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1983822,319156,Consumer loans,7266.645,30006.0,25506.0,4500.0,30006.0,TUESDAY,13,Y,1,0.16333097016960246,,,XAP,Approved,-2818,XNA,XAP,,New,Mobile,POS,XNA,Stone,10,Connectivity,4.0,high,POS mobile with interest,365243.0,-2759.0,-2669.0,-2699.0,-2589.0,0.0,0,Revolving loans,M,Y,N,1,180000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.0105,-18289,-3391,-5927.0,-1836,11.0,1,1,0,1,0,0,Laborers,3.0,3,3,SATURDAY,14,0,0,0,0,0,0,Construction,,0.5880428716604243,0.8482442999507556,0.0165,,0.9791,,,0.0,0.069,0.0417,,0.0,,0.0139,,0.0,0.0168,,0.9791,,,0.0,0.069,0.0417,,0.0,,0.0145,,0.0,0.0167,,0.9791,,,0.0,0.069,0.0417,,0.0,,0.0141,,0.0,,block of flats,0.0154,Wooden,No,0.0,0.0,0.0,0.0,-1352.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1176141,269361,Consumer loans,3644.595,35100.0,35550.0,0.0,35100.0,MONDAY,10,Y,1,0.0,,,XAP,Approved,-462,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Stone,40,Furniture,12.0,middle,POS industry with interest,365243.0,-431.0,-101.0,-341.0,-337.0,0.0,0,Cash loans,M,Y,Y,2,135000.0,945000.0,30613.5,945000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-12127,-4585,-5121.0,-3658,25.0,1,1,0,1,0,0,Laborers,4.0,2,2,MONDAY,13,0,0,0,0,0,0,Construction,0.17293573133276147,0.6535922610981744,0.43473324875017305,0.0928,0.1082,0.9816,,,,0.2069,0.1667,,0.0384,,0.0897,,,0.0945,0.1123,0.9816,,,,0.2069,0.1667,,0.0393,,0.0934,,,0.0937,0.1082,0.9816,,,,0.2069,0.1667,,0.0391,,0.0913,,,,block of flats,0.0705,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1078412,165993,Consumer loans,42942.24,409635.0,436671.0,0.0,409635.0,SUNDAY,14,Y,1,0.0,,,XAP,Approved,-424,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Country-wide,40,Furniture,12.0,middle,POS household with interest,365243.0,-392.0,-62.0,-62.0,-60.0,0.0,0,Cash loans,M,Y,N,0,180000.0,1223010.0,48631.5,1125000.0,Other_A,Working,Secondary / secondary special,Married,House / apartment,0.00496,-14017,-6828,-7190.0,-4755,3.0,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,18,0,1,1,0,1,1,Other,0.7773622062805682,0.6283989337049766,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-1808.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1229568,247760,Cash loans,49800.285,1350000.0,1506816.0,,1350000.0,MONDAY,15,Y,1,,,,XNA,Approved,-309,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-279.0,1131.0,-99.0,-93.0,1.0,0,Cash loans,F,N,Y,0,135000.0,2013840.0,53253.0,1800000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-12559,-3198,-117.0,-5142,,1,1,0,1,1,1,,2.0,2,2,TUESDAY,15,0,0,0,0,1,1,Self-employed,0.3433516684838779,0.5704091679808917,0.8193176922872417,0.0567,0.0861,0.9881,0.8368,0.029,0.0,0.1379,0.1667,0.2083,0.0473,0.0462,0.0667,0.0,0.0,0.0578,0.0893,0.9881,0.8432,0.0293,0.0,0.1379,0.1667,0.2083,0.0484,0.0505,0.0694,0.0,0.0,0.0573,0.0861,0.9881,0.8390000000000001,0.0292,0.0,0.1379,0.1667,0.2083,0.0481,0.047,0.0679,0.0,0.0,org spec account,block of flats,0.0645,"Stone, brick",No,0.0,0.0,0.0,0.0,-828.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2000196,276231,Consumer loans,8539.92,186462.0,186462.0,0.0,186462.0,SATURDAY,21,Y,1,0.0,,,XAP,Approved,-1500,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,2326,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1468.0,-778.0,-928.0,-925.0,0.0,0,Cash loans,F,Y,Y,1,135000.0,225000.0,24003.0,225000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.026392000000000002,-9917,-3024,-4360.0,-2579,1.0,1,1,0,1,1,0,,3.0,2,2,MONDAY,9,0,0,0,0,0,0,Business Entity Type 1,0.12636474285180366,0.5188919437082175,0.1385128770585923,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-550.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2701182,175514,Consumer loans,7197.66,129087.0,103266.0,25821.0,129087.0,SATURDAY,14,Y,1,0.2178485545689059,,,XAP,Approved,-2614,Cash through the bank,XAP,Children,Repeater,Computers,POS,XNA,Country-wide,261,Consumer electronics,18.0,middle,POS household with interest,365243.0,-2580.0,-2070.0,-2070.0,-2067.0,0.0,0,Cash loans,F,Y,Y,1,270000.0,818410.5,27175.5,706500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.019101,-15018,-8333,-6216.0,-4427,9.0,1,1,0,1,0,0,Private service staff,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Government,,0.7663923805905204,0.5028782772082183,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2450.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1256489,218647,Consumer loans,28153.44,252000.0,252000.0,0.0,252000.0,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-138,Cash through the bank,XAP,Other_B,Repeater,Clothing and Accessories,POS,XNA,Stone,60,Clothing,10.0,low_normal,POS industry with interest,365243.0,-104.0,166.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,112500.0,1125000.0,47794.5,1125000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.018209,-17236,-10305,-1703.0,-779,12.0,1,1,0,1,0,0,Core staff,2.0,3,3,FRIDAY,13,0,0,0,0,0,0,School,,0.4037486941586471,0.6092756673894402,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1727.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,1.0 +2675895,131915,Consumer loans,10092.69,55912.5,50287.5,5625.0,55912.5,SUNDAY,15,Y,1,0.10956648984817996,,,XAP,Approved,-2462,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,47,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2420.0,-2270.0,-2270.0,-2266.0,0.0,0,Cash loans,F,Y,Y,0,292500.0,1160973.0,34074.0,909000.0,Unaccompanied,Working,Lower secondary,Married,House / apartment,0.019101,-18887,-564,-10054.0,-2431,7.0,1,1,0,1,0,0,,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.7352966678552934,0.3756218646605335,0.2263473957097693,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,0.0,-1944.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2345712,319278,Cash loans,33464.475,585000.0,654498.0,,585000.0,SATURDAY,15,Y,1,,,,XNA,Approved,-748,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-718.0,332.0,-448.0,-427.0,1.0,0,Cash loans,F,N,N,1,135000.0,242595.0,10813.5,202500.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.020713,-14456,-4478,-8529.0,-4460,,1,1,1,1,0,0,Laborers,3.0,3,2,FRIDAY,14,0,1,1,0,1,1,Postal,,0.6729627466566008,0.6263042766749393,0.1021,0.0877,0.9796,0.7212,0.0114,0.0,0.2069,0.1667,0.2083,0.0283,0.0832,0.0919,0.0,0.0,0.104,0.091,0.9796,0.7321,0.0115,0.0,0.2069,0.1667,0.2083,0.029,0.0909,0.0958,0.0,0.0,0.1031,0.0877,0.9796,0.7249,0.0114,0.0,0.2069,0.1667,0.2083,0.0288,0.0847,0.0936,0.0,0.0,reg oper account,block of flats,0.0785,Panel,No,3.0,0.0,3.0,0.0,-259.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2026656,364392,Consumer loans,6768.675,64750.5,58000.5,6750.0,64750.5,FRIDAY,9,Y,1,0.11353369682648995,,,XAP,Refused,-2597,XNA,SCO,Unaccompanied,New,Mobile,POS,XNA,Country-wide,29,Connectivity,12.0,low_normal,POS mobile with interest,,,,,,,0,Cash loans,M,Y,N,1,225000.0,601470.0,32760.0,450000.0,Other_A,Commercial associate,Secondary / secondary special,Married,House / apartment,0.002506,-12157,-2663,-4474.0,-4474,18.0,1,1,0,1,0,1,Laborers,3.0,2,2,FRIDAY,7,0,0,0,0,0,0,Industry: type 3,0.2337162940634052,0.5973178666584376,,,,,,,,,,,,,0.1051,,,,,,,,,,,,,,0.1095,,,,,,,,,,,,,,0.107,,,,,0.0827,,No,0.0,0.0,0.0,0.0,-169.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1285750,119662,Consumer loans,73538.865,419080.5,432909.0,0.0,419080.5,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-356,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Stone,50,Furniture,6.0,low_action,POS industry without interest,365243.0,-325.0,-175.0,-175.0,-167.0,0.0,0,Cash loans,F,N,N,0,202500.0,1288350.0,41562.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.04622,-18097,-2099,-729.0,-1537,,1,1,1,1,1,0,Private service staff,2.0,1,1,MONDAY,14,1,1,0,1,1,0,Services,,0.7369949905375893,0.4650692149562261,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-682.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1182491,284654,Consumer loans,15856.92,144000.0,142726.5,14400.0,144000.0,SATURDAY,12,Y,1,0.0998107199670908,,,XAP,Approved,-1410,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Stone,2107,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1379.0,-1109.0,-1109.0,-1101.0,0.0,0,Cash loans,M,Y,N,0,180000.0,485640.0,44541.0,450000.0,Family,Working,Secondary / secondary special,Single / not married,House / apartment,0.025164,-20190,-6735,-2328.0,-2485,0.0,1,1,1,1,0,0,Laborers,1.0,2,2,SATURDAY,13,0,0,0,0,1,1,Transport: type 4,,0.6979367824425835,0.7910749129911773,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,0.0,-1410.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2141928,153861,Consumer loans,3049.245,61101.0,65434.5,6480.0,61101.0,SUNDAY,11,Y,1,0.09813471679437516,,,XAP,Approved,-2566,Cash through the bank,XAP,"Spouse, partner",New,Photo / Cinema Equipment,POS,XNA,Country-wide,3180,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-2535.0,-1845.0,-1845.0,-1824.0,1.0,0,Cash loans,F,Y,N,2,90000.0,765000.0,22495.5,765000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,With parents,0.014519999999999996,-13729,-432,-1081.0,-4363,15.0,1,1,0,1,0,0,Sales staff,4.0,2,2,THURSDAY,11,0,0,0,0,1,1,Self-employed,0.4414959034399753,0.4964921941146985,0.7557400501752248,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1438.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2506792,173341,Consumer loans,9306.0,84600.0,84600.0,0.0,84600.0,MONDAY,16,Y,1,0.0,,,XAP,Approved,-417,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,50,Furniture,10.0,low_normal,POS industry with interest,365243.0,-386.0,-116.0,-116.0,-110.0,0.0,0,Cash loans,F,Y,Y,0,243000.0,1125171.0,41697.0,1035000.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.032561,-15998,-2919,-976.0,-1283,7.0,1,1,1,1,1,0,Accountants,1.0,1,1,FRIDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.7823612102786952,0.4294236843421945,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-528.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +1511131,344057,Cash loans,25755.075,225000.0,239850.0,0.0,225000.0,WEDNESDAY,13,Y,1,0.0,,,XNA,Approved,-2197,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,middle,Cash Street: middle,365243.0,-2167.0,-1837.0,-1837.0,-1829.0,1.0,0,Cash loans,M,Y,N,0,112500.0,495000.0,20970.0,495000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-12044,-385,-889.0,-3933,18.0,1,1,0,1,1,0,Drivers,2.0,2,2,MONDAY,13,0,0,0,0,0,0,Self-employed,0.29440892617338044,0.6125141806902176,0.7981372313187245,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1845.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,0.0,0.0,2.0 +1914969,259419,Revolving loans,7875.0,0.0,157500.0,,,SATURDAY,14,Y,1,,,,XAP,Approved,-2713,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,-818.0,0.0,0,Cash loans,M,Y,Y,0,202500.0,1078200.0,38331.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0228,-18961,-3077,-5846.0,-2500,2.0,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,9,0,0,0,0,1,1,Industry: type 11,,0.5309050646119295,0.7194907850918436,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2700749,153887,Cash loans,25198.65,225000.0,239850.0,,225000.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-1222,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1192.0,-862.0,-982.0,-973.0,1.0,0,Cash loans,F,Y,Y,3,315000.0,288873.0,16258.5,238500.0,Unaccompanied,Commercial associate,Incomplete higher,Civil marriage,House / apartment,0.018801,-15656,-1062,-5864.0,-4062,4.0,1,1,0,1,1,0,Core staff,5.0,2,2,SUNDAY,9,0,0,0,0,0,0,Realtor,0.5808082027621851,0.6205583482254978,0.511891801533151,0.2227,0.1584,0.9771,,,0.16,0.2069,0.3333,,0.1374,,0.2219,,0.2658,0.2269,0.1643,0.9772,,,0.1611,0.2069,0.3333,,0.1405,,0.2312,,0.2814,0.2248,0.1584,0.9771,,,0.16,0.2069,0.3333,,0.1398,,0.2259,,0.2714,,block of flats,0.2323,Panel,No,0.0,0.0,0.0,0.0,-1222.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1498668,267158,Consumer loans,20484.495,123291.0,110961.0,12330.0,123291.0,WEDNESDAY,15,Y,1,0.10891704105807323,,,XAP,Approved,-1145,Cash through the bank,XAP,"Spouse, partner",Repeater,Computers,POS,XNA,Country-wide,166,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1113.0,-963.0,-963.0,-959.0,0.0,0,Cash loans,F,Y,Y,4,202500.0,1363500.0,37624.5,1363500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-11861,-2295,-5338.0,-3609,3.0,1,1,0,1,1,0,,6.0,1,1,SUNDAY,12,0,1,1,0,0,0,Business Entity Type 3,0.7535481146838875,0.7231294404417554,0.4382813743111921,0.0268,0.0447,0.9667,0.5444,0.0066,0.0,0.1034,0.0833,0.125,0.0081,0.0219,0.0331,0.0,0.0257,0.0084,0.0,0.9613,0.4904,0.0019,0.0,0.069,0.0417,0.0833,0.0,0.0073,0.011,0.0,0.0,0.0271,0.0447,0.9667,0.5505,0.0067,0.0,0.1034,0.0833,0.125,0.0082,0.0222,0.0337,0.0,0.0262,reg oper account,block of flats,0.055,"Stone, brick",No,0.0,0.0,0.0,0.0,-1474.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +1968997,400608,Revolving loans,4500.0,0.0,90000.0,,,SATURDAY,12,Y,1,,,,XAP,Approved,-864,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-825.0,-793.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,F,N,Y,1,130500.0,640080.0,24129.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.009656999999999999,-13320,-2297,-1466.0,-5607,,1,1,0,1,0,0,Laborers,3.0,2,2,TUESDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.2794207162874694,0.5224120610210031,0.6577838002083306,0.1619,0.0878,0.9836,0.7756,0.0153,0.0,0.0345,0.1667,0.2083,0.0706,0.132,0.0494,0.0,0.0085,0.1649,0.0911,0.9836,0.7844,0.0155,0.0,0.0345,0.1667,0.2083,0.0722,0.1442,0.0514,0.0,0.009000000000000001,0.1634,0.0878,0.9836,0.7786,0.0154,0.0,0.0345,0.1667,0.2083,0.0718,0.1342,0.0503,0.0,0.0087,reg oper spec account,specific housing,0.0523,"Stone, brick",No,0.0,0.0,0.0,0.0,-1397.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1011844,194793,Consumer loans,4653.27,22455.0,24232.5,0.0,22455.0,SUNDAY,9,Y,1,0.0,,,XAP,Approved,-60,Cash through the bank,XAP,Children,Repeater,Computers,POS,XNA,Country-wide,60,Consumer electronics,6.0,middle,POS household with interest,365243.0,-27.0,123.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,135000.0,302076.0,27832.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,With parents,0.020246,-11743,-1733,-4903.0,-3867,,1,1,0,1,1,1,Waiters/barmen staff,3.0,3,3,THURSDAY,7,0,0,0,1,1,0,Restaurant,0.3045764194349266,0.14559693548746142,0.2940831009471255,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-401.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,2.0 +1623835,359152,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,14,Y,1,,,,XAP,Approved,-261,XNA,XAP,,Repeater,XNA,Cards,walk-in,Country-wide,20,Connectivity,0.0,XNA,Card Street,-261.0,-152.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,108000.0,531265.5,24894.0,373500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007305,-15681,-2724,-1327.0,-5407,30.0,1,1,0,1,0,0,Laborers,2.0,3,3,FRIDAY,7,0,0,0,0,0,0,Business Entity Type 3,,0.1405648504850698,0.5867400085415683,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-549.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,3.0 +2464631,261609,Consumer loans,21868.65,170649.0,182214.0,8550.0,170649.0,THURSDAY,16,Y,1,0.04881281202285165,,,XAP,Approved,-1513,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,3135,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1482.0,-1212.0,-1212.0,-1209.0,0.0,0,Cash loans,M,N,Y,0,270000.0,904500.0,38322.0,904500.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.032561,-14754,-2871,-5023.0,-4119,,1,1,1,1,0,0,Laborers,2.0,1,1,FRIDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.8088013187077185,0.5971924268337128,0.5701,1.0,0.9861,,,0.56,0.2414,0.625,,0.5576,,0.6293,,0.0096,0.5809,1.0,0.9861,,,0.5639,0.2414,0.625,,0.5703,,0.6557,,0.0102,0.5756,1.0,0.9861,,,0.56,0.2414,0.625,,0.5673,,0.6406,,0.0099,,block of flats,0.4971,Panel,No,7.0,1.0,7.0,0.0,-1999.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1346456,395779,Revolving loans,2250.0,45000.0,45000.0,,45000.0,TUESDAY,17,Y,1,,,,XAP,Refused,-142,XNA,HC,Family,Repeater,XNA,Cards,walk-in,Country-wide,770,Consumer electronics,0.0,XNA,Card Street,,,,,,,0,Revolving loans,F,N,Y,2,90000.0,202500.0,10125.0,202500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.022625,-16183,-2119,-8959.0,-4174,,1,1,0,1,0,0,Cleaning staff,4.0,2,2,THURSDAY,12,0,0,0,0,0,0,Other,,0.5974440952359762,0.5549467685334323,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1867.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +2239578,202593,Consumer loans,4079.655,18130.5,19206.0,0.0,18130.5,SATURDAY,8,Y,1,0.0,,,XAP,Approved,-210,Cash through the bank,XAP,Unaccompanied,Refreshed,Mobile,POS,XNA,Country-wide,20,Connectivity,6.0,high,POS mobile with interest,365243.0,-180.0,-30.0,-60.0,-55.0,1.0,0,Revolving loans,F,N,Y,0,117000.0,135000.0,6750.0,135000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.015221,-22407,365243,-12812.0,-4374,,1,0,0,1,1,0,,1.0,2,2,SATURDAY,8,0,0,0,0,0,0,XNA,,0.5333985442626172,0.5638350489514956,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2048.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2593217,406674,Consumer loans,4027.14,32620.5,20065.5,13500.0,32620.5,SUNDAY,17,Y,1,0.4380309327353167,,,XAP,Approved,-2546,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,60,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2514.0,-2364.0,-2364.0,-2357.0,1.0,1,Cash loans,M,Y,N,1,261000.0,497520.0,39307.5,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.035792000000000004,-11109,-551,-1316.0,-3720,6.0,1,1,1,1,0,0,Laborers,3.0,2,2,THURSDAY,14,0,0,0,1,1,0,Business Entity Type 3,0.3996179898334149,0.6205223041036071,0.17146836689679945,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1295.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1576410,386052,Cash loans,16913.7,360000.0,360000.0,,360000.0,SUNDAY,9,Y,1,,,,XNA,Approved,-126,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-96.0,1314.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,67500.0,99000.0,7951.5,99000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-17017,-2312,-9739.0,-555,,1,1,0,1,0,0,Cleaning staff,2.0,2,2,SUNDAY,12,0,0,0,0,0,0,Self-employed,0.5302962347740403,0.4565189651214526,,0.0825,0.0797,0.9781,,,0.0,0.1379,0.1667,,,,0.0705,,0.0,0.084,0.0827,0.9782,,,0.0,0.1379,0.1667,,,,0.0734,,0.0,0.0833,0.0797,0.9781,,,0.0,0.1379,0.1667,,,,0.0717,,0.0,,block of flats,0.0554,Panel,No,0.0,0.0,0.0,0.0,-376.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2534307,334272,Consumer loans,7661.565,35959.05,37264.5,454.05,35959.05,WEDNESDAY,18,Y,1,0.013110305864693294,,,XAP,Refused,-1981,Cash through the bank,LIMIT,Family,Repeater,Audio/Video,POS,XNA,Country-wide,2736,Consumer electronics,6.0,high,POS household with interest,,,,,,,0,Cash loans,F,Y,N,0,225000.0,450000.0,19953.0,450000.0,"Spouse, partner",State servant,Secondary / secondary special,Married,House / apartment,0.030755,-16181,-2406,-6160.0,-4310,12.0,1,1,0,1,0,0,Medicine staff,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Kindergarten,,0.6194455185037637,0.622922000268356,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2059.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1991293,447685,Consumer loans,8110.305,49410.0,40410.0,9000.0,49410.0,THURSDAY,14,Y,1,0.1983772147706573,,,XAP,Refused,-2617,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,POS,XNA,Country-wide,67,Connectivity,6.0,low_normal,POS mobile with interest,,,,,,,0,Cash loans,M,N,Y,0,135000.0,450000.0,30573.0,450000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.010276,-12534,-3456,-6470.0,-4145,,1,1,1,1,1,0,Laborers,1.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.5428047745508249,0.5242231210012448,0.6528965519806539,0.1227,0.125,0.9801,0.728,0.016,0.0,0.2759,0.1667,0.2083,0.0754,0.0992,0.1066,0.0039,0.0043,0.125,0.1298,0.9801,0.7387,0.0162,0.0,0.2759,0.1667,0.2083,0.0771,0.1084,0.111,0.0039,0.0046,0.1239,0.125,0.9801,0.7316,0.0161,0.0,0.2759,0.1667,0.2083,0.0767,0.1009,0.1085,0.0039,0.0044,reg oper spec account,block of flats,0.0848,Panel,No,3.0,0.0,3.0,0.0,-2410.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1455411,318812,Consumer loans,8899.515,67122.0,73030.5,0.0,67122.0,SATURDAY,10,Y,1,0.0,,,XAP,Approved,-802,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,400,Consumer electronics,10.0,middle,POS household with interest,365243.0,-771.0,-501.0,-501.0,-493.0,0.0,0,Cash loans,M,N,Y,0,67500.0,243000.0,11947.5,243000.0,Children,Pensioner,Secondary / secondary special,Widow,House / apartment,0.018209,-23007,365243,-1839.0,-3886,,1,0,0,1,0,0,,1.0,3,3,WEDNESDAY,7,0,0,0,0,0,0,XNA,,0.5032874404140555,0.4776491548517548,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2050223,353127,Cash loans,42207.39,913500.0,993082.5,,913500.0,MONDAY,10,Y,1,,,,XNA,Approved,-149,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-119.0,931.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,1,166500.0,196677.0,20781.0,184500.0,Unaccompanied,Commercial associate,Higher education,Widow,House / apartment,0.006852,-17021,-3194,-566.0,-557,,1,1,0,1,0,0,Accountants,2.0,3,3,WEDNESDAY,7,0,0,0,0,0,0,Self-employed,,0.01930014665337581,0.5531646987710016,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-33.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1122953,411880,Cash loans,8675.955,45000.0,46485.0,,45000.0,TUESDAY,13,Y,1,,,,XNA,Refused,-288,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Regional / Local,60,Consumer electronics,6.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,Y,Y,1,103500.0,103500.0,10233.0,103500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.01885,-11210,-1265,-5329.0,-3312,1.0,1,1,1,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,10,0,0,0,1,1,0,Business Entity Type 3,,0.592622636971433,0.4956658291397297,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1099.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1653286,330045,Consumer loans,11059.38,120762.0,120762.0,0.0,120762.0,FRIDAY,18,Y,1,0.0,,,XAP,Approved,-827,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,150,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-782.0,-452.0,-572.0,-547.0,0.0,0,Cash loans,M,Y,Y,0,90000.0,88884.0,7020.0,67500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.035792000000000004,-12151,-1738,-252.0,-4222,20.0,1,1,0,1,0,0,Laborers,1.0,2,2,SATURDAY,15,0,0,0,0,0,0,Self-employed,,0.5348622858102674,0.6397075677637197,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,2.0 +1269115,176388,Consumer loans,,94365.0,94365.0,0.0,94365.0,MONDAY,17,Y,1,0.0,,,XAP,Refused,-853,Cash through the bank,LIMIT,,Repeater,Mobile,XNA,XNA,Country-wide,35,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,M,Y,N,0,270000.0,270000.0,30667.5,270000.0,Unaccompanied,Commercial associate,Higher education,Married,Co-op apartment,0.011656999999999999,-14969,-511,-765.0,-648,1.0,1,1,0,1,1,0,Drivers,2.0,1,1,FRIDAY,18,1,1,0,1,1,1,Business Entity Type 3,,0.6328203634442454,0.3046721837533529,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-961.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1985431,204081,Consumer loans,5045.175,39100.5,24939.0,18000.0,39100.5,FRIDAY,11,Y,1,0.4565461786170234,,,XAP,Approved,-1216,Cash through the bank,XAP,"Spouse, partner",Repeater,Mobile,POS,XNA,Regional / Local,17,Connectivity,6.0,high,POS mobile with interest,365243.0,-1185.0,-1035.0,-1065.0,-1060.0,0.0,0,Cash loans,M,N,N,0,112500.0,225000.0,14778.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,Rented apartment,0.014519999999999996,-10204,-200,-938.0,-1044,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,10,0,0,0,1,1,1,Industry: type 3,,0.1668082647698565,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1828.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2750251,187492,Cash loans,12658.5,180000.0,180000.0,,180000.0,FRIDAY,13,Y,1,,,,XNA,Refused,-601,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,18.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,135000.0,533668.5,21294.0,477000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.022625,-23559,365243,-6740.0,-4356,10.0,1,0,0,1,0,0,,1.0,2,2,THURSDAY,13,0,0,0,0,0,0,XNA,,0.4765442628497353,,0.0825,0.0652,0.9767,,,0.0,0.1379,0.1667,,0.0852,,0.0638,,0.0,0.084,0.0677,0.9767,,,0.0,0.1379,0.1667,,0.0872,,0.0664,,0.0,0.0833,0.0652,0.9767,,,0.0,0.1379,0.1667,,0.0867,,0.0649,,0.0,,block of flats,0.0652,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1654122,316150,Cash loans,,0.0,0.0,,0.0,TUESDAY,8,Y,1,,,,XNA,Refused,-1047,Cash through the bank,XNA,Unaccompanied,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,N,1,225000.0,1125000.0,43722.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-12476,-4176,-3662.0,-4764,,1,1,0,1,0,0,Medicine staff,3.0,2,2,SATURDAY,11,0,0,0,0,0,0,Medicine,,0.4908841119183816,0.5867400085415683,0.2196,0.0989,0.9876,0.83,0.03,0.12,0.1034,0.3333,0.375,0.0477,0.179,0.1651,0.0232,0.0127,0.2237,0.1027,0.9876,0.8367,0.0303,0.1208,0.1034,0.3333,0.375,0.0488,0.1956,0.172,0.0233,0.0134,0.2217,0.0989,0.9876,0.8323,0.0302,0.12,0.1034,0.3333,0.375,0.0486,0.1821,0.168,0.0233,0.013,reg oper account,block of flats,0.1485,Panel,No,0.0,0.0,0.0,0.0,-931.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1663637,435827,Revolving loans,10125.0,202500.0,202500.0,,202500.0,MONDAY,13,Y,1,,,,XAP,Refused,-390,XNA,HC,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,1,Cash loans,F,N,Y,1,270000.0,1256400.0,44644.5,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-12728,-1138,-6557.0,-4130,,1,1,0,1,0,0,Sales staff,3.0,2,2,SATURDAY,13,0,0,0,0,0,0,Trade: type 7,0.3813402113698634,0.6091352920795285,,0.1495,0.0861,0.9901,0.8640000000000001,0.0449,0.24,0.1034,0.4583,0.5,0.0314,0.1219,0.1651,0.0,0.0,0.0525,0.0298,0.9901,0.8693,0.0151,0.0806,0.0345,0.4583,0.5,0.0098,0.0459,0.0517,0.0,0.0,0.1509,0.0861,0.9901,0.8658,0.0452,0.24,0.1034,0.4583,0.5,0.0319,0.124,0.168,0.0,0.0,reg oper spec account,block of flats,0.2615,Panel,No,0.0,0.0,0.0,0.0,-1641.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1217444,157277,Consumer loans,6877.575,68791.5,68791.5,0.0,68791.5,SATURDAY,18,Y,1,0.0,,,XAP,Approved,-559,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,123,Connectivity,12.0,middle,POS mobile without interest,365243.0,-528.0,-198.0,-198.0,-194.0,0.0,0,Revolving loans,M,Y,Y,0,90000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.004849,-15926,-282,-854.0,-4873,64.0,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,Industry: type 3,,0.7798223969904452,0.4920600938649263,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2016.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1724342,170032,Consumer loans,14977.17,134419.5,148612.5,0.0,134419.5,SATURDAY,15,Y,1,0.0,,,XAP,Approved,-564,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,300,Consumer electronics,12.0,middle,POS household with interest,365243.0,-532.0,-202.0,-202.0,-199.0,0.0,0,Cash loans,F,N,N,1,202500.0,568800.0,20430.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.04622,-17576,-514,-11507.0,-999,,1,1,0,1,0,0,High skill tech staff,3.0,1,1,WEDNESDAY,9,0,1,1,0,1,1,Business Entity Type 1,,0.7167896576171569,0.511891801533151,0.0412,0.0,0.9727,0.626,0.0034,0.0,0.069,0.1667,0.2083,0.0248,0.0328,0.0304,0.0039,0.0039,0.042,0.0,0.9727,0.6406,0.0034,0.0,0.069,0.1667,0.2083,0.0253,0.0358,0.0316,0.0039,0.0041,0.0416,0.0,0.9727,0.631,0.0034,0.0,0.069,0.1667,0.2083,0.0252,0.0333,0.0309,0.0039,0.004,reg oper account,block of flats,0.0266,"Stone, brick",No,0.0,0.0,0.0,0.0,-564.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2401863,104667,Consumer loans,,82255.5,82255.5,0.0,82255.5,SATURDAY,13,Y,1,0.0,,,XAP,Refused,-625,Cash through the bank,HC,,New,Mobile,XNA,XNA,Country-wide,50,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,M,N,N,0,180000.0,305640.0,34564.5,270000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,Rented apartment,0.035792000000000004,-8649,-363,-3496.0,-1336,,1,1,1,1,0,0,,1.0,2,2,MONDAY,1,0,0,0,1,1,0,Trade: type 3,0.3651036962566864,0.7154693703376471,0.4848514754962666,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-625.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2217192,131786,Cash loans,13270.545,67500.0,69727.5,,67500.0,MONDAY,12,Y,1,,,,Other,Refused,-199,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Country-wide,66,Connectivity,6.0,middle,Cash Street: middle,,,,,,,1,Cash loans,F,Y,Y,0,112500.0,450000.0,24412.5,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.004849,-9274,-584,-8560.0,-42,8.0,1,1,1,1,0,0,Managers,2.0,2,2,THURSDAY,19,0,0,0,0,0,0,Trade: type 2,,0.5438482617903118,,0.1667,0.0967,0.9911,0.8708,0.0394,0.1732,0.1838,0.2775,0.1875,0.1443,0.153,0.1718,0.0019,0.0133,0.0525,0.066,0.9876,0.8367,0.0397,0.0,0.1034,0.3333,0.0,0.1014,0.0459,0.0358,0.0,0.0,0.1249,0.0967,0.9911,0.8725,0.0396,0.16,0.1379,0.3333,0.1875,0.1476,0.1556,0.1555,0.0019,0.001,reg oper account,block of flats,0.2404,"Stone, brick",No,0.0,0.0,0.0,0.0,-752.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2024701,178524,Consumer loans,8883.09,87084.0,86647.5,8712.0,87084.0,SATURDAY,12,Y,1,0.0994988438488037,,,XAP,Approved,-425,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Stone,100,Furniture,12.0,middle,POS industry with interest,,,,,,,0,Cash loans,F,Y,Y,0,202500.0,1205896.5,35388.0,1053000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.030755,-18982,-530,-2165.0,-2327,14.0,1,1,0,1,0,0,Cooking staff,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,University,,0.7075020608688417,0.475849908720221,0.1495,0.1095,0.9821,0.7552,0.0,0.16,0.1379,0.3333,0.375,0.0,0.121,0.1248,0.0039,0.0078,0.1523,0.1136,0.9821,0.7648,0.0,0.1611,0.1379,0.3333,0.375,0.0,0.1322,0.0911,0.0039,0.0069,0.1509,0.1095,0.9821,0.7585,0.0,0.16,0.1379,0.3333,0.375,0.0,0.1231,0.1503,0.0039,0.0067,reg oper account,block of flats,0.0804,Panel,No,0.0,0.0,0.0,0.0,-870.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2330571,151477,Cash loans,11561.31,171000.0,171000.0,0.0,171000.0,THURSDAY,7,Y,1,0.0,,,XNA,Refused,-2289,Cash through the bank,LIMIT,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,24.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,270000.0,1231663.5,36144.0,1075500.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.0038130000000000004,-22871,365243,-3850.0,-4823,,1,0,0,1,0,1,,2.0,2,2,THURSDAY,7,0,0,0,0,0,0,XNA,,0.5382390728716657,0.6738300778602003,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-2536.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2558426,167421,Consumer loans,9775.485,89910.0,99405.0,0.0,89910.0,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-524,Cash through the bank,XAP,,New,Computers,POS,XNA,Country-wide,1000,Consumer electronics,12.0,middle,POS household with interest,365243.0,-493.0,-163.0,-403.0,-391.0,0.0,0,Cash loans,F,N,N,0,135000.0,882000.0,28449.0,882000.0,Unaccompanied,Commercial associate,Incomplete higher,Married,With parents,0.020713,-10012,-366,-1153.0,-1781,,1,1,1,1,0,1,,2.0,3,2,FRIDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.5405372148653621,0.4471785780453068,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-524.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2765743,201445,Consumer loans,5218.74,29835.0,28179.0,2983.5,29835.0,FRIDAY,14,Y,1,0.10426964227108633,,,XAP,Approved,-1384,Cash through the bank,XAP,Unaccompanied,New,Furniture,POS,XNA,Stone,200,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1353.0,-1203.0,-1203.0,-1199.0,0.0,0,Cash loans,F,N,N,0,103500.0,544491.0,16047.0,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-22940,365243,-14621.0,-4374,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,,0.4036907881176846,0.7801436381572275,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1384.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1514919,217057,Consumer loans,3871.395,52605.0,54373.5,5260.5,52605.0,SATURDAY,12,Y,1,0.09607208517410752,,,XAP,Approved,-2209,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,1800,Consumer electronics,18.0,middle,POS household with interest,365243.0,-2178.0,-1668.0,-1668.0,-1662.0,1.0,0,Cash loans,F,N,N,0,225000.0,1170000.0,41580.0,1170000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-14467,-2385,-6004.0,-5999,,1,1,0,1,0,1,Laborers,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.6020066065083278,0.6361168152598612,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1483.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2763979,131254,Cash loans,34340.805,1218315.51,1218315.51,,1218315.51,TUESDAY,13,Y,1,,,,XNA,Refused,-98,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,135000.0,453514.5,21145.5,391500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.035792000000000004,-20084,-9804,-9237.0,-3422,,1,1,0,1,0,0,Core staff,1.0,2,2,TUESDAY,14,0,0,0,0,0,0,Postal,,0.10571324539368562,,0.0144,,0.9513,,,0.0,0.0345,0.0417,,0.0068,0.005,0.0043,0.0,0.0,0.0147,,0.9513,,,0.0,0.0345,0.0417,,0.006999999999999999,0.0055,0.0045,0.0,0.0,0.0146,,0.9513,,,0.0,0.0345,0.0417,,0.0069,0.0051,0.0044,0.0,0.0,reg oper account,block of flats,0.0036,"Stone, brick",No,4.0,1.0,4.0,1.0,-1485.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1482314,312120,Consumer loans,2770.155,15840.0,15624.0,954.0,15840.0,SUNDAY,11,Y,1,0.06267298391076892,,,XAP,Approved,-2748,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Stone,730,Consumer electronics,6.0,low_normal,POS household without interest,365243.0,-2717.0,-2567.0,-2567.0,-2559.0,1.0,0,Revolving loans,F,N,N,0,99000.0,202500.0,10125.0,202500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.02461,-14208,-3722,-8182.0,-196,,1,1,0,1,1,1,Core staff,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,Kindergarten,0.5359946033445299,0.5725191192841944,,0.0165,0.0231,0.9593,0.4492,0.0043,0.0,0.1034,0.0625,0.0417,0.0082,0.0403,0.0165,0.0927,0.0341,0.0084,0.0,0.9593,0.4708,0.0043,0.0,0.069,0.0417,0.0417,0.0075,0.0441,0.0114,0.0934,0.0037,0.0167,0.0231,0.9593,0.4566,0.0043,0.0,0.1034,0.0625,0.0417,0.0084,0.041,0.0168,0.0932,0.0348,reg oper account,block of flats,0.0278,"Stone, brick",No,1.0,0.0,1.0,0.0,-779.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1987417,160037,Consumer loans,16251.255,80455.5,84703.5,0.0,80455.5,MONDAY,17,Y,1,0.0,,,XAP,Approved,-263,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,550,Consumer electronics,6.0,middle,POS household with interest,365243.0,-232.0,-82.0,-82.0,-75.0,0.0,0,Cash loans,F,N,Y,0,157500.0,265851.0,22873.5,229500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.009175,-11187,-578,-550.0,-3012,,1,1,0,1,0,0,Cooking staff,2.0,2,2,FRIDAY,12,0,0,0,1,1,0,Business Entity Type 3,,0.4145589317259309,0.5136937663039473,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1296.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2653498,169311,Consumer loans,13293.36,64345.5,68364.0,6435.0,64345.5,SATURDAY,15,Y,1,0.09369510287570686,,,XAP,Approved,-746,Cash through the bank,XAP,,New,Computers,POS,XNA,Regional / Local,300,Consumer electronics,6.0,high,POS household with interest,365243.0,-714.0,-564.0,-564.0,-556.0,0.0,0,Cash loans,M,N,Y,0,270000.0,497520.0,39438.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.018801,-9428,-177,-3582.0,-2095,,1,1,0,1,0,0,Laborers,1.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.08755184484451578,0.4572352274823394,0.2735646775174348,0.207,0.1365,0.9846,0.8640000000000001,0.0,0.224,0.2069,0.3083,0.4167,0.0835,0.2085,0.2091,0.0,0.0,0.2605,0.1417,0.9911,0.8693,0.0,0.282,0.2414,0.375,0.4167,0.1067,0.2277,0.2693,0.0,0.0,0.2581,0.1365,0.9911,0.8658,0.0,0.28,0.2414,0.375,0.4167,0.1062,0.2121,0.2631,0.0,0.0,org spec account,specific housing,0.2865,Panel,No,0.0,0.0,0.0,0.0,-746.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1467319,320464,Consumer loans,12078.0,198000.0,180000.0,18000.0,198000.0,SATURDAY,12,Y,1,0.09900826446280993,,,XAP,Approved,-51,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,30,Furniture,18.0,low_normal,POS industry with interest,365243.0,-18.0,492.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,2,270000.0,640080.0,29839.5,450000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.025164,-13691,-2300,-3398.0,-5176,5.0,1,1,0,1,0,1,Sales staff,4.0,2,2,MONDAY,8,0,0,0,0,0,0,Business Entity Type 3,0.2802258896891321,0.5474642609639604,0.375711009574066,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-881.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1869408,278513,Consumer loans,4164.435,36000.0,40275.0,0.0,36000.0,SUNDAY,8,Y,1,0.0,,,XAP,Approved,-440,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Stone,50,Furniture,12.0,middle,POS industry with interest,365243.0,-409.0,-79.0,-79.0,-76.0,0.0,0,Cash loans,M,N,Y,0,135000.0,521280.0,31630.5,450000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.006852,-18203,-2613,-4331.0,-1746,,1,1,0,1,0,0,Laborers,2.0,3,3,SATURDAY,5,0,0,0,1,1,0,Business Entity Type 3,0.2641833025830244,0.4995973333474046,0.7713615919194317,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1727.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1406733,289133,Consumer loans,14628.285,82800.0,82800.0,0.0,82800.0,TUESDAY,10,Y,1,0.0,,,XAP,Approved,-401,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Stone,138,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-369.0,-219.0,-219.0,-214.0,0.0,0,Cash loans,F,N,Y,0,67500.0,135000.0,13279.5,135000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.00702,-22925,365243,-13567.0,-4803,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,XNA,,0.6626596480746236,0.6212263380626669,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1760.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1156281,156075,Consumer loans,3024.9,25195.5,22675.5,2520.0,25195.5,SATURDAY,10,Y,1,0.10892854243452556,,,XAP,Approved,-2387,XNA,XAP,,New,Mobile,POS,XNA,Country-wide,33,Connectivity,10.0,low_normal,POS mobile with interest,365243.0,-2344.0,-2074.0,-2074.0,-2071.0,0.0,0,Cash loans,F,N,N,0,117000.0,1256400.0,36864.0,900000.0,Unaccompanied,State servant,Higher education,Single / not married,House / apartment,0.031329,-23503,-2829,-10406.0,-4051,,1,1,0,1,0,0,Medicine staff,1.0,2,2,SATURDAY,11,0,0,0,0,0,0,Medicine,,0.7129877833170142,0.7449321846094795,0.2629,0.0084,0.9856,0.8028,0.068,0.16,0.069,0.625,0.6667,0.1395,0.2143,0.226,0.0,0.0144,0.2679,0.0088,0.9856,0.8105,0.0686,0.1611,0.069,0.625,0.6667,0.1427,0.2342,0.2355,0.0,0.0152,0.2654,0.0084,0.9856,0.8054,0.0684,0.16,0.069,0.625,0.6667,0.1419,0.218,0.2301,0.0,0.0147,reg oper account,block of flats,0.1809,Panel,No,0.0,0.0,0.0,0.0,-2387.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,4.0 +1721461,273557,Consumer loans,16655.49,80950.5,86827.5,0.0,80950.5,SUNDAY,14,Y,1,0.0,,,XAP,Approved,-72,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,500,Consumer electronics,6.0,middle,POS household with interest,365243.0,-42.0,108.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,0,450000.0,1540867.5,45184.5,1345500.0,Unaccompanied,Working,Incomplete higher,Single / not married,House / apartment,0.072508,-11149,-2659,-3800.0,-2379,,1,1,1,1,1,0,IT staff,1.0,1,1,TUESDAY,10,0,0,0,0,0,0,Construction,,0.6873325028797871,0.7001838506835805,0.1237,0.0954,0.9752,0.66,0.0,0.08,0.1552,0.25,0.2917,0.0,0.1004,0.1025,0.0019,0.0084,0.105,0.0912,0.9742,0.6602,0.0,0.0,0.1379,0.1667,0.2083,0.0,0.0918,0.0919,0.0,0.0,0.1249,0.0954,0.9752,0.6645,0.0,0.08,0.1552,0.25,0.2917,0.0,0.1022,0.1043,0.0019,0.0086,reg oper account,block of flats,0.0694,"Stone, brick",No,0.0,0.0,0.0,0.0,-1001.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1153125,273365,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SUNDAY,9,Y,1,,,,XAP,Approved,-225,XNA,XAP,Family,Repeater,XNA,Cards,walk-in,Country-wide,30,Connectivity,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,112500.0,312768.0,24691.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-11755,-4117,-3148.0,-3722,,1,1,0,1,1,0,Laborers,2.0,3,3,MONDAY,6,0,0,0,0,0,0,Construction,,0.7139578541562436,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1277.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1939495,268921,Consumer loans,6134.625,21532.5,21532.5,0.0,21532.5,WEDNESDAY,11,Y,1,0.0,,,XAP,Refused,-2563,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,POS,XNA,Stone,40,Consumer electronics,4.0,high,POS household with interest,,,,,,,0,Cash loans,F,N,Y,1,90000.0,135000.0,13351.5,135000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.01885,-14481,-5225,-2582.0,-4803,,1,1,1,1,1,0,Core staff,3.0,2,2,THURSDAY,17,0,0,0,0,0,0,Kindergarten,0.7670562399047026,0.6934741460299376,0.5567274263630174,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-2361.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1693083,352798,Consumer loans,4361.715,35595.0,39118.5,0.0,35595.0,THURSDAY,8,Y,1,0.0,,,XAP,Approved,-1489,Cash through the bank,XAP,Family,Repeater,Gardening,POS,XNA,Stone,120,Construction,12.0,high,POS industry with interest,365243.0,-1458.0,-1128.0,-1158.0,-1150.0,0.0,1,Cash loans,M,N,Y,1,216000.0,213156.0,10066.5,139500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018209,-15127,-3107,-4624.0,-4577,,1,1,0,1,0,0,Medicine staff,3.0,3,3,TUESDAY,6,0,0,0,0,1,1,Medicine,0.3436227631213559,0.08876193774484964,0.3077366963789207,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1489.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1208745,439949,Cash loans,8206.56,90000.0,98910.0,,90000.0,THURSDAY,8,Y,1,,,,XNA,Approved,-982,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,Y,N,1,108000.0,61128.0,4959.0,54000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,With parents,0.018029,-10123,-234,-4781.0,-754,15.0,1,1,0,1,0,0,Accountants,2.0,3,3,SATURDAY,11,0,0,0,0,0,0,Housing,0.3234765616558889,0.6666417271404307,0.4543210601605785,0.066,,0.9786,,,0.0,0.1379,0.125,,,,0.059,,0.0023,0.0672,,0.9786,,,0.0,0.1379,0.125,,,,0.0615,,0.0024,0.0666,,0.9786,,,0.0,0.1379,0.125,,,,0.0601,,0.0023,,block of flats,0.0469,Panel,No,3.0,0.0,3.0,0.0,-1073.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2012053,388227,Consumer loans,23033.205,230355.0,207319.5,23035.5,230355.0,WEDNESDAY,12,Y,1,0.1089090909090909,,,XAP,Approved,-758,Cash through the bank,XAP,Unaccompanied,New,Furniture,POS,XNA,Country-wide,150,Furniture,10.0,low_normal,POS industry with interest,365243.0,-725.0,-455.0,-455.0,-453.0,0.0,0,Cash loans,M,Y,Y,0,270000.0,254700.0,27153.0,225000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.016612000000000002,-8647,-1100,-392.0,-1326,1.0,1,1,0,1,0,0,High skill tech staff,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Medicine,0.5499271824468671,0.5482334505913372,0.5726825047161584,0.1546,0.1345,0.998,0.9728,,0.12,0.1034,0.375,0.6667,0.09,0.1252,0.2081,0.0039,0.006999999999999999,0.1576,0.1396,0.998,0.9739,,0.1208,0.1034,0.375,0.6667,0.092,0.1368,0.2168,0.0039,0.0074,0.1561,0.1345,0.998,0.9732,,0.12,0.1034,0.375,0.6667,0.0915,0.1274,0.2118,0.0039,0.0071,reg oper spec account,block of flats,0.1854,"Stone, brick",No,0.0,0.0,0.0,0.0,-758.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2049552,305255,Consumer loans,8146.305,41913.0,44127.0,0.0,41913.0,THURSDAY,15,Y,1,0.0,,,XAP,Approved,-1030,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Regional / Local,259,Consumer electronics,6.0,middle,POS household with interest,365243.0,-999.0,-849.0,-849.0,-831.0,0.0,0,Cash loans,M,Y,Y,1,405000.0,1462500.0,59697.0,1462500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-13655,-4066,-3972.0,-3965,3.0,1,1,0,1,0,0,,3.0,2,2,FRIDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.6719319958934117,0.5902333386185574,0.0907,,0.993,,,0.08,0.069,0.3333,,,,0.0754,,0.0,0.0924,,0.993,,,0.0806,0.069,0.3333,,,,0.0786,,0.0,0.0916,,0.993,,,0.08,0.069,0.3333,,,,0.0768,,0.0,,block of flats,0.0593,Others,No,1.0,0.0,1.0,0.0,-2758.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2780498,206590,Consumer loans,5315.535,49045.5,28395.0,20650.5,49045.5,WEDNESDAY,16,Y,1,0.4585593340506634,,,XAP,Approved,-1748,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,2001,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1717.0,-1567.0,-1567.0,-1562.0,0.0,0,Cash loans,F,Y,N,1,225000.0,1800000.0,62568.0,1800000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.030755,-12277,-4464,-5500.0,-3084,23.0,1,1,1,1,1,0,Sales staff,3.0,2,2,SUNDAY,10,0,0,0,0,0,0,Self-employed,0.7583555610088978,0.5462937924168245,0.4436153084085652,0.0722,0.0783,0.9801,0.728,0.0,0.0,0.1379,0.1667,0.2083,0.0198,0.0588,0.0632,0.0,0.0,0.0735,0.0813,0.9801,0.7387,0.0,0.0,0.1379,0.1667,0.2083,0.0202,0.0643,0.0659,0.0,0.0,0.0729,0.0783,0.9801,0.7316,0.0,0.0,0.1379,0.1667,0.2083,0.0201,0.0599,0.0644,0.0,0.0,reg oper account,block of flats,0.0603,"Stone, brick",No,0.0,0.0,0.0,0.0,-1748.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +2181055,400048,Consumer loans,5964.03,49765.5,43155.0,9900.0,49765.5,MONDAY,16,Y,1,0.20322307039864287,,,XAP,Approved,-2116,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,50,Connectivity,10.0,high,POS mobile with interest,365243.0,-2085.0,-1815.0,-1815.0,-1795.0,0.0,0,Cash loans,F,N,Y,2,135000.0,808650.0,23773.5,675000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.019101,-13490,-5500,-7502.0,-3505,,1,1,0,1,0,0,Core staff,4.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,School,0.5103391542812717,0.5808200441786114,0.41184855592423975,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2116.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2034421,358509,Cash loans,56031.84,1350000.0,1467612.0,,1350000.0,FRIDAY,10,Y,1,,,,Payments on other loans,Refused,-389,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,Y,Y,1,270000.0,664299.0,44523.0,567000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.020713,-12548,-2051,-6570.0,-3239,8.0,1,1,0,1,0,0,,3.0,3,3,TUESDAY,13,0,0,0,1,1,0,Security Ministries,0.4302960902867349,0.4005258801306544,0.5902333386185574,0.0082,,0.9786,0.7076,0.001,0.0,0.0345,0.0417,0.0833,0.0099,0.0067,0.0068,0.0,0.0,0.0084,,0.9786,0.7190000000000001,0.001,0.0,0.0345,0.0417,0.0833,0.0102,0.0073,0.0071,0.0,0.0,0.0083,,0.9786,0.7115,0.001,0.0,0.0345,0.0417,0.0833,0.0101,0.0068,0.0069,0.0,0.0,reg oper account,block of flats,0.0059,Wooden,No,0.0,0.0,0.0,0.0,-1861.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +2199714,334713,Consumer loans,16786.485,150255.0,150255.0,0.0,150255.0,WEDNESDAY,12,Y,1,0.0,,,XAP,Approved,-38,Cash through the bank,XAP,"Spouse, partner",Repeater,Clothing and Accessories,POS,XNA,Regional / Local,5,Clothing,10.0,low_normal,POS industry with interest,365243.0,-8.0,262.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,0,157500.0,504000.0,30834.0,504000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-15632,-1768,-929.0,-3966,7.0,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,10,0,0,0,0,1,1,Business Entity Type 3,,0.5783636723867447,0.746300213050371,0.0124,,0.9727,,,,,,,,,,,,0.0126,,0.9727,,,,,,,,,,,,0.0125,,0.9727,,,,,,,,,,,,,block of flats,0.0072,,No,0.0,0.0,0.0,0.0,-1395.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2330705,138224,Cash loans,39067.38,1476000.0,1476000.0,,1476000.0,FRIDAY,10,Y,1,,,,Payments on other loans,Refused,-2,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_action,Cash Street: low,,,,,,,0,Cash loans,F,N,N,1,180000.0,1386000.0,38115.0,1386000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0105,-14393,-3516,-2017.0,-1149,,1,1,1,1,0,0,Laborers,3.0,3,3,WEDNESDAY,18,0,0,0,0,0,0,Business Entity Type 2,,0.16758165800161362,0.0005272652387098817,0.0665,0.0556,0.995,0.932,0.0126,0.06,0.0517,0.375,0.4167,0.0425,0.0542,0.0673,0.0,0.0,0.042,0.0349,0.995,0.9347,0.0084,0.0403,0.0345,0.375,0.4167,0.0418,0.0367,0.0461,0.0,0.0,0.0671,0.0556,0.995,0.9329,0.0127,0.06,0.0517,0.375,0.4167,0.0432,0.0552,0.0686,0.0,0.0,reg oper account,block of flats,0.0393,"Stone, brick",No,0.0,0.0,0.0,0.0,-1119.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1835355,172266,Revolving loans,9000.0,0.0,180000.0,,,WEDNESDAY,8,Y,1,,,,XAP,Approved,-2262,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,4500,Consumer electronics,0.0,XNA,Card X-Sell,-2260.0,-2200.0,365243.0,-1653.0,365243.0,0.0,0,Cash loans,M,N,Y,0,202500.0,1288350.0,37800.0,1125000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.007305,-21078,-5913,-4677.0,-4019,,1,1,0,1,0,0,Laborers,2.0,3,3,THURSDAY,13,0,0,0,0,0,0,Housing,,0.5683556680894969,0.8171723992791566,0.1603,0.0602,0.9806,0.7348,0.0,0.0,0.1034,0.1667,0.0417,0.0,0.1294,0.061,0.0,0.0079,0.1618,0.0611,0.9806,0.7452,0.0,0.0,0.1034,0.1667,0.0417,0.0,0.1414,0.06,0.0,0.0,0.1619,0.0602,0.9806,0.7383,0.0,0.0,0.1034,0.1667,0.0417,0.0,0.1317,0.0621,0.0,0.0081,reg oper account,block of flats,0.0453,"Stone, brick",No,3.0,0.0,3.0,0.0,-420.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2688296,376581,Cash loans,13346.865,225000.0,262125.0,,225000.0,SATURDAY,14,Y,1,,,,XNA,Refused,-1173,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,,,,,,,1,Cash loans,F,N,N,0,180000.0,640080.0,31131.0,450000.0,Unaccompanied,Commercial associate,Higher education,Widow,House / apartment,0.00963,-19324,-1941,-8488.0,-2688,,1,1,1,1,1,0,Accountants,1.0,2,2,TUESDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.7507318605740021,0.005987045791862337,0.16640554618393638,0.2588,0.1035,0.9881,0.8368,0.2635,0.16,0.069,0.5417,0.0,0.0796,0.2085,0.1776,0.0116,0.0203,0.2637,0.1074,0.9881,0.8432,0.2659,0.1611,0.069,0.5417,0.0,0.0815,0.2277,0.185,0.0117,0.0215,0.2613,0.1035,0.9881,0.8390000000000001,0.2652,0.16,0.069,0.5417,0.0,0.081,0.2121,0.1808,0.0116,0.0208,org spec account,block of flats,0.1651,"Stone, brick",No,0.0,0.0,0.0,0.0,-1315.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1329839,265452,Revolving loans,10125.0,202500.0,202500.0,,202500.0,MONDAY,12,Y,1,,,,XAP,Approved,-274,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-274.0,-228.0,365243.0,-228.0,-196.0,0.0,0,Revolving loans,M,N,Y,0,157500.0,450000.0,22500.0,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.030755,-20100,365243,-8522.0,-3576,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,12,0,0,0,0,0,0,XNA,,0.7454089356350755,0.6971469077844458,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-473.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1251424,111546,Consumer loans,4552.155,38565.0,37435.5,4500.0,38565.0,TUESDAY,13,Y,1,0.11686778721868325,,,XAP,Approved,-2064,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,66,Connectivity,12.0,high,POS mobile with interest,365243.0,-2033.0,-1703.0,-1703.0,-1695.0,0.0,0,Revolving loans,F,N,N,0,135000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.004849,-18212,-5259,-10633.0,-1740,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.48923133022676,0.5473559060948296,0.4418358231994413,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,2.0,0.0,2.0,0.0,-1707.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2214691,235670,Consumer loans,7141.23,44905.5,40414.5,4491.0,44905.5,FRIDAY,14,Y,1,0.10892000473722084,,,XAP,Approved,-2542,XNA,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,70,Connectivity,7.0,low_normal,POS mobile with interest,365243.0,-2505.0,-2325.0,-2325.0,-2316.0,0.0,0,Cash loans,M,Y,Y,0,202500.0,755190.0,30078.0,675000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.019101,-21554,-2437,-10679.0,-4855,6.0,1,1,0,1,1,0,Core staff,2.0,2,2,SATURDAY,17,0,0,0,0,1,1,Self-employed,,0.5911488855288407,0.15663982703141147,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,0.0,9.0,0.0,-204.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +1213723,235955,Revolving loans,13500.0,0.0,270000.0,,,WEDNESDAY,18,Y,1,,,,XAP,Approved,-1119,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-806.0,-774.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,1,157500.0,521280.0,31630.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-14754,-2186,-5949.0,-4961,14.0,1,1,1,1,1,0,,3.0,2,2,TUESDAY,18,0,0,0,0,1,1,Business Entity Type 3,,0.14616094012654365,0.3774042489507649,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1809.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1313946,254357,Cash loans,,0.0,0.0,,,SATURDAY,11,Y,1,,,,XNA,Refused,-250,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,N,0,90000.0,148500.0,17752.5,148500.0,Unaccompanied,Working,Higher education,Married,With parents,0.014519999999999996,-9913,-349,-6754.0,-365,,1,1,0,1,1,0,HR staff,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,Industry: type 3,,0.2319427311585574,,0.0619,0.0653,0.9906,0.8708,0.0,0.0,0.1379,0.2083,0.25,0.0845,0.0504,0.0779,0.0,0.0,0.063,0.0677,0.9906,0.8759,0.0,0.0,0.1379,0.2083,0.25,0.0864,0.0551,0.0812,0.0,0.0,0.0625,0.0653,0.9906,0.8725,0.0,0.0,0.1379,0.2083,0.25,0.086,0.0513,0.0793,0.0,0.0,reg oper account,block of flats,0.0613,"Stone, brick",No,7.0,0.0,7.0,0.0,-645.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2369993,145769,Consumer loans,23441.13,233982.0,228649.5,23400.0,233982.0,THURSDAY,17,Y,1,0.1011100092351989,,,XAP,Approved,-1041,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,2200,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1010.0,-680.0,-680.0,-674.0,0.0,0,Cash loans,F,N,Y,0,252000.0,1546020.0,45202.5,1350000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-17607,-310,-2583.0,-1168,,1,1,1,1,0,0,,2.0,1,1,TUESDAY,9,0,1,1,0,1,1,Industry: type 11,0.6482531583248871,0.7556761445555861,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-1041.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1787623,287250,Consumer loans,3402.945,17500.5,16686.0,1750.5,17500.5,TUESDAY,14,Y,1,0.10340648367985436,,,XAP,Approved,-342,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,6.0,high,POS mobile with interest,365243.0,-312.0,-162.0,-162.0,-155.0,1.0,0,Cash loans,F,N,Y,2,117000.0,755190.0,38740.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.030755,-11919,-1331,-3428.0,-2953,,1,1,0,1,0,0,Laborers,4.0,2,2,MONDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.4591121439444335,0.5469224418350841,0.06599320738450226,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-653.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2708679,144669,Revolving loans,6750.0,135000.0,135000.0,,135000.0,SUNDAY,13,Y,1,,,,XAP,Refused,-229,XNA,HC,Family,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),50,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Revolving loans,XNA,N,Y,2,157500.0,270000.0,13500.0,225000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-13717,-2797,-2241.0,-4659,,1,1,1,1,1,0,Low-skill Laborers,4.0,2,2,FRIDAY,16,0,0,0,0,0,0,Industry: type 3,,0.7092051912209358,0.3108182544189319,0.0165,0.0368,0.9811,,,0.0,0.069,0.0417,,0.0233,,0.0115,,0.0,0.0168,0.0382,0.9811,,,0.0,0.069,0.0417,,0.0238,,0.012,,0.0,0.0167,0.0368,0.9811,,,0.0,0.069,0.0417,,0.0237,,0.0117,,0.0,,block of flats,0.009000000000000001,"Stone, brick",No,0.0,0.0,0.0,0.0,-493.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,4.0 +1818707,321678,Consumer loans,6316.2,111127.5,140049.0,0.0,111127.5,WEDNESDAY,17,Y,1,0.0,,,XAP,Approved,-964,Cash through the bank,XAP,Unaccompanied,Refreshed,Audio/Video,POS,XNA,Country-wide,1786,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-933.0,-243.0,-303.0,-295.0,0.0,0,Cash loans,F,Y,Y,0,135000.0,343800.0,12960.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.019101,-19696,-1932,-1011.0,-3229,20.0,1,1,0,1,0,0,Cooking staff,1.0,2,2,MONDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.6762671729320524,0.7369059688377381,0.6413682574954046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1765427,278218,Consumer loans,7351.74,83250.0,73633.5,16650.0,83250.0,SATURDAY,13,Y,1,0.20084914338017051,,,XAP,Approved,-654,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,15,Connectivity,12.0,middle,POS mobile with interest,365243.0,-623.0,-293.0,-413.0,-408.0,0.0,0,Revolving loans,F,N,N,0,225000.0,450000.0,22500.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-19202,-1144,-3031.0,-2737,,1,1,0,1,0,0,Drivers,2.0,1,1,TUESDAY,12,0,0,0,0,1,1,Government,,0.7615900416122556,0.4812493411434029,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,2.0,0.0,2.0,0.0,-2983.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2666042,252044,Consumer loans,4551.525,42052.5,40968.0,4207.5,42052.5,MONDAY,11,Y,1,0.10143440581731247,,,XAP,Approved,-1856,Cash through the bank,XAP,,New,Furniture,POS,XNA,Stone,448,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1824.0,-1554.0,-1554.0,-1549.0,0.0,0,Cash loans,F,N,Y,2,90000.0,787131.0,26145.0,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006852,-10706,-2855,-524.0,-2252,,1,1,1,1,0,0,Medicine staff,4.0,3,3,TUESDAY,11,0,0,0,0,0,0,Medicine,0.2324159320390495,0.4608517337795258,0.7380196196295241,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,0.0,8.0,0.0,-385.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1969105,214433,Cash loans,6536.34,45000.0,55075.5,,45000.0,WEDNESDAY,10,Y,1,,,,Repairs,Approved,-580,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-550.0,-220.0,-370.0,-340.0,1.0,0,Cash loans,M,N,Y,0,135000.0,808650.0,26217.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010966,-16724,-10174,-4724.0,-272,,1,1,0,1,1,0,Laborers,2.0,2,2,TUESDAY,9,0,0,0,0,1,1,Business Entity Type 3,,0.2035228320289013,0.5638350489514956,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1810.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,1.0 +1299685,432925,Cash loans,10814.67,247500.0,301077.0,,247500.0,SATURDAY,10,Y,1,,,,XNA,Refused,-157,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,Y,N,0,202500.0,401386.5,15417.0,346500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-17812,-656,-498.0,-1366,16.0,1,1,0,1,0,0,Drivers,2.0,2,2,MONDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.5590840972440876,0.2678689358444539,0.1273,0.1738,0.9821,0.7552,0.0597,0.0,0.2414,0.1667,0.2083,0.128,0.1177,0.1153,0.027000000000000003,0.026,0.105,0.1479,0.9821,0.7648,0.0602,0.0,0.1034,0.1667,0.2083,0.0976,0.1286,0.0928,0.0272,0.0033,0.1286,0.1738,0.9821,0.7585,0.0601,0.0,0.2414,0.1667,0.2083,0.1302,0.1197,0.1173,0.0272,0.0266,reg oper account,block of flats,0.0709,"Stone, brick",No,2.0,1.0,1.0,1.0,-1743.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2615707,283852,Cash loans,,0.0,0.0,,,FRIDAY,15,Y,1,,,,XNA,Refused,-287,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,112500.0,585000.0,24723.0,585000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-17928,-1218,-5122.0,-645,,1,1,0,1,0,0,Accountants,2.0,2,2,FRIDAY,8,0,0,0,0,0,0,Self-employed,,0.2768385521299414,0.5316861425197883,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,2.0,2.0,1.0,-526.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2498251,399576,Cash loans,16197.48,450000.0,553950.0,,450000.0,TUESDAY,16,Y,1,,,,XNA,Refused,-945,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,175500.0,334152.0,16074.0,270000.0,Family,Working,Secondary / secondary special,Widow,House / apartment,0.016612000000000002,-11506,-901,-3497.0,-3304,,1,1,1,1,1,0,,1.0,2,2,TUESDAY,13,0,0,0,0,0,0,Bank,0.370107407886286,0.7152600965431032,0.05842784088634019,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-2347.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1283220,440035,Consumer loans,3445.11,25825.5,25825.5,0.0,25825.5,FRIDAY,15,Y,1,0.0,,,XAP,Approved,-2768,Cash through the bank,XAP,Children,New,Mobile,POS,XNA,Country-wide,30,Connectivity,10.0,high,POS mobile with interest,365243.0,-2737.0,-2467.0,-2467.0,-2465.0,0.0,1,Cash loans,F,Y,N,0,90000.0,170640.0,8428.5,135000.0,"Spouse, partner",Working,Secondary / secondary special,Civil marriage,With parents,0.007120000000000001,-15748,-179,-1892.0,-4531,20.0,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,13,0,0,0,0,0,0,Self-employed,0.6437372465509968,0.1942664499695638,0.08503261489695353,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,2.0,7.0,0.0,-324.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1420333,385262,Consumer loans,5555.16,120280.5,120280.5,0.0,120280.5,TUESDAY,16,Y,1,0.0,,,XAP,Approved,-1569,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,1433,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1538.0,-848.0,-1028.0,-1025.0,0.0,0,Cash loans,F,N,N,0,101250.0,720000.0,23926.5,720000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.009656999999999999,-23022,365243,-4551.0,-4206,,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,0.7789674629906799,0.3394145906409025,0.22888341670067305,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1345431,360945,Cash loans,11928.42,270000.0,328450.5,,270000.0,WEDNESDAY,14,Y,1,,,,XNA,Refused,-1176,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,1,112500.0,234369.0,15106.5,193500.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.030755,-10918,-1116,-204.0,-3596,,1,1,0,1,0,0,Accountants,3.0,2,2,WEDNESDAY,15,0,0,0,0,1,1,Self-employed,0.3431324754321168,0.5688491542415818,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,0.0,8.0,0.0,-1281.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2397651,421347,Consumer loans,37502.01,409500.0,409500.0,0.0,409500.0,WEDNESDAY,11,Y,1,0.0,,,XAP,Approved,-923,Cash through the bank,XAP,Unaccompanied,Repeater,Medical Supplies,POS,XNA,Country-wide,43,Industry,12.0,low_action,POS others without interest,365243.0,-890.0,-560.0,-710.0,-702.0,0.0,1,Cash loans,M,Y,Y,3,252000.0,677664.0,45418.5,585000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-15958,-2497,-5222.0,-5222,17.0,1,1,0,1,0,0,Laborers,5.0,3,2,TUESDAY,7,0,0,0,0,0,0,Self-employed,,0.2903921970743001,0.23272477626794336,0.1526,0.0865,0.9821,,0.0511,0.0,0.0345,0.1667,0.2083,0.0939,0.1244,0.0736,0.0,0.0,0.1555,0.0898,0.9821,,0.0516,0.0,0.0345,0.1667,0.2083,0.096,0.1359,0.0767,0.0,0.0,0.1541,0.0865,0.9821,,0.0514,0.0,0.0345,0.1667,0.2083,0.0955,0.1266,0.0749,0.0,0.0,reg oper account,block of flats,0.0858,Panel,No,1.0,1.0,1.0,1.0,-1961.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1821775,400895,Consumer loans,4140.405,18855.0,20029.5,1890.0,18855.0,MONDAY,11,Y,1,0.09390642205259324,,,XAP,Approved,-1211,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,42,Connectivity,6.0,high,POS mobile with interest,365243.0,-1175.0,-1025.0,-1025.0,-1022.0,0.0,0,Cash loans,M,N,Y,0,135000.0,508495.5,26091.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Separated,With parents,0.019688999999999998,-15195,-1014,-15151.0,-4276,,1,1,0,1,0,0,Laborers,1.0,2,2,MONDAY,14,0,0,0,0,0,0,Industry: type 1,,0.463477118257585,0.3001077565791181,0.0495,0.0658,0.9757,0.6668,0.0045,0.0,0.1034,0.125,0.1667,0.0635,0.0403,0.0405,0.0,0.0,0.0504,0.0683,0.9757,0.6798,0.0045,0.0,0.1034,0.125,0.1667,0.065,0.0441,0.0421,0.0,0.0,0.05,0.0658,0.9757,0.6713,0.0045,0.0,0.1034,0.125,0.1667,0.0647,0.041,0.0412,0.0,0.0,reg oper account,block of flats,0.0343,Block,No,0.0,0.0,0.0,0.0,-1211.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,4.0,3.0 +1567485,453259,Revolving loans,38250.0,0.0,765000.0,,,TUESDAY,9,Y,1,,,,XAP,Approved,-443,XNA,XAP,,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),-1,XNA,0.0,XNA,Card X-Sell,-442.0,-409.0,365243.0,-44.0,-49.0,0.0,1,Cash loans,F,N,Y,2,112500.0,663093.0,24489.0,553500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.020246,-11612,-1133,-3556.0,-3796,,1,1,0,1,0,0,Laborers,3.0,3,3,THURSDAY,11,0,0,0,0,0,0,Transport: type 4,0.16296952856286584,0.0760804954210417,0.3185955240537633,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-443.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,6.0 +2620728,182152,Cash loans,29218.14,454500.0,508495.5,,454500.0,THURSDAY,7,Y,1,,,,XNA,Refused,-609,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash X-Sell: high,,,,,,,1,Cash loans,M,N,N,1,45000.0,269550.0,14242.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.002134,-12452,-2911,-807.0,-27,,1,1,0,1,0,0,Security staff,3.0,3,3,THURSDAY,8,0,0,0,0,0,0,School,,0.2997433578513129,0.5226973172821112,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-888.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1391780,395113,Cash loans,12382.74,90000.0,109485.0,,90000.0,FRIDAY,5,Y,1,,,,XNA,Approved,-362,XNA,XAP,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),2,XNA,12.0,high,Cash X-Sell: high,365243.0,-332.0,-2.0,-122.0,-115.0,1.0,1,Cash loans,M,N,Y,1,135000.0,835380.0,38839.5,675000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.010032,-18036,-1200,-5591.0,-623,,1,1,1,1,0,0,Laborers,3.0,2,2,WEDNESDAY,7,0,0,0,0,1,1,Business Entity Type 3,,0.2598791389322457,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-530.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1423765,180207,Cash loans,9930.555,112500.0,148594.5,,112500.0,SATURDAY,10,Y,1,,,,XNA,Approved,-538,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-508.0,182.0,-148.0,-145.0,1.0,0,Cash loans,F,N,N,1,162000.0,1288350.0,37800.0,1125000.0,Unaccompanied,Commercial associate,Higher education,Married,Municipal apartment,0.010643000000000001,-13360,-620,-7311.0,-4071,,1,1,0,1,0,0,Accountants,3.0,2,2,FRIDAY,12,0,0,0,0,0,0,Bank,,0.5812405860332838,0.3672910183026313,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1273.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1653365,112306,Cash loans,9077.625,157500.0,188685.0,,157500.0,TUESDAY,9,Y,1,,,,XNA,Approved,-1101,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-1071.0,-21.0,-831.0,-822.0,1.0,0,Cash loans,F,N,Y,0,90000.0,231813.0,18333.0,193500.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.020246,-23129,365243,-1540.0,-4445,,1,0,0,1,0,0,,2.0,3,3,THURSDAY,9,0,0,0,0,0,0,XNA,0.8536157748746058,0.07653055165540942,0.42765737003502935,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1640.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +2087678,317413,Cash loans,8669.385,67500.0,71955.0,,67500.0,TUESDAY,6,Y,1,,,,XNA,Approved,-786,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-756.0,-426.0,-426.0,-424.0,1.0,0,Cash loans,M,N,Y,0,99000.0,384048.0,13923.0,270000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020246,-22169,365243,-9002.0,-4460,,1,0,0,1,0,0,,2.0,3,3,THURSDAY,9,0,0,0,0,0,0,XNA,,0.3784930849587346,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-786.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2304103,338640,Revolving loans,6750.0,0.0,135000.0,,,THURSDAY,17,Y,1,,,,XAP,Approved,-2573,XNA,XAP,,Refreshed,XNA,Cards,x-sell,Country-wide,-1,Consumer electronics,0.0,XNA,Card Street,-2560.0,-2502.0,365243.0,-613.0,365243.0,0.0,0,Cash loans,F,N,Y,0,179100.0,722394.0,28120.5,603000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018634,-14580,-1162,-2677.0,-4218,,1,1,0,1,0,0,,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.471343055672268,0.5954562029091491,0.1093,,0.9826,0.762,0.0347,0.0,0.069,0.1667,0.2083,0.0,0.0891,0.0609,0.0,0.0,0.1113,,0.9826,0.7713,0.035,0.0,0.069,0.1667,0.2083,0.0,0.0973,0.0634,0.0,0.0,0.1103,,0.9826,0.7652,0.0349,0.0,0.069,0.1667,0.2083,0.0,0.0906,0.062,0.0,0.0,reg oper account,block of flats,0.0669,,No,1.0,0.0,1.0,0.0,-1718.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2600114,361943,Consumer loans,6622.56,65344.5,57793.5,13072.5,65344.5,SATURDAY,12,Y,1,0.20090227907728536,,,XAP,Approved,-656,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,15,Connectivity,12.0,high,POS mobile with interest,365243.0,-625.0,-295.0,-295.0,-291.0,0.0,0,Cash loans,M,N,Y,0,202500.0,667237.5,36324.0,576000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,Municipal apartment,0.010966,-10503,-2237,-2949.0,-2948,,1,1,0,1,0,1,Laborers,2.0,2,2,THURSDAY,17,0,0,0,0,1,1,Industry: type 4,0.09890340045954853,0.0485615629810275,0.07801576652252579,0.0701,0.0749,0.9841,,,0.0,0.1379,0.1667,,0.0,,0.0647,,0.0078,0.0714,0.0778,0.9841,,,0.0,0.1379,0.1667,,0.0,,0.0674,,0.0082,0.0708,0.0749,0.9841,,,0.0,0.1379,0.1667,,0.0,,0.0658,,0.008,,,0.0575,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1367745,258759,Cash loans,40507.875,1372500.0,1535553.0,,1372500.0,TUESDAY,12,Y,1,,,,XNA,Approved,-496,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_action,Cash X-Sell: low,365243.0,-466.0,1304.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,112500.0,136287.0,6133.5,103500.0,"Spouse, partner",Pensioner,Lower secondary,Married,House / apartment,0.007120000000000001,-21524,365243,-7592.0,-4658,,1,0,0,1,0,0,,2.0,2,2,MONDAY,11,0,0,0,0,0,0,XNA,,0.21919429791008066,0.722392890081304,0.0773,0.0,0.9762,0.6736,,0.0,0.1379,0.1667,,0.0546,0.063,0.0388,,0.0209,0.0788,0.0,0.9762,0.6864,,0.0,0.1379,0.1667,,0.0559,0.0689,0.0404,,0.0222,0.0781,0.0,0.9762,0.6779999999999999,,0.0,0.1379,0.1667,,0.0556,0.0641,0.0395,,0.0214,,block of flats,0.0486,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1792446,200017,Consumer loans,15850.215,160200.0,156933.0,16020.0,160200.0,SUNDAY,14,Y,1,0.10087848353966893,,,XAP,Refused,-2025,Cash through the bank,SCO,"Spouse, partner",Repeater,Furniture,POS,XNA,Stone,50,Furniture,12.0,middle,POS industry with interest,,,,,,,0,Cash loans,F,N,Y,3,67500.0,314100.0,21375.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-10150,-231,-872.0,-978,,1,1,0,1,1,0,Sales staff,5.0,2,2,TUESDAY,13,0,0,0,0,0,0,Trade: type 7,0.20590743624863506,0.15512327006547086,0.4489622731076524,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1295865,321179,Cash loans,17997.525,472500.0,472500.0,,472500.0,WEDNESDAY,15,Y,1,,,,XNA,Approved,-285,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-255.0,795.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,202500.0,258709.5,27990.0,234000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.035792000000000004,-20398,-9284,-3848.0,-3848,,1,1,1,1,1,0,Core staff,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Government,,0.7523706847434056,0.6642482627052363,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-566.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2790135,142048,Cash loans,16597.935,292500.0,324162.0,,292500.0,THURSDAY,11,Y,1,,,,XNA,Approved,-337,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,low_action,Cash X-Sell: low,365243.0,-307.0,383.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,0,180000.0,443088.0,22752.0,382500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-21277,365243,-10577.0,-4523,,1,0,0,1,0,1,,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,XNA,0.5808297241703794,0.7151799246016924,,0.1227,0.1194,0.9856,0.8028,0.0156,0.0,0.2759,0.1667,0.2083,0.0379,0.1,0.104,0.0,0.0,0.125,0.124,0.9856,0.8105,0.0158,0.0,0.2759,0.1667,0.2083,0.0388,0.1093,0.1083,0.0,0.0,0.1239,0.1194,0.9856,0.8054,0.0157,0.0,0.2759,0.1667,0.2083,0.0386,0.1018,0.1058,0.0,0.0,reg oper account,block of flats,0.0903,Panel,No,5.0,0.0,5.0,0.0,-1681.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1075114,185219,Consumer loans,10781.055,127422.0,147604.5,0.0,127422.0,SATURDAY,15,Y,1,0.0,,,XAP,Approved,-702,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,1500,Consumer electronics,18.0,middle,POS household with interest,365243.0,-671.0,-161.0,-161.0,-155.0,0.0,0,Cash loans,M,N,Y,0,202500.0,384048.0,14607.0,270000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,Municipal apartment,0.04622,-21646,365243,-9659.0,-4073,,1,0,0,1,0,0,,2.0,1,1,MONDAY,12,0,0,0,0,0,0,XNA,,0.7731852891708662,,0.1474,0.0955,0.9801,0.728,0.0781,0.16,0.1379,0.3333,0.375,0.0517,0.1202,0.1426,0.0,0.0,0.1502,0.0991,0.9801,0.7387,0.0789,0.1611,0.1379,0.3333,0.375,0.0529,0.1313,0.1486,0.0,0.0,0.1489,0.0955,0.9801,0.7316,0.0786,0.16,0.1379,0.3333,0.375,0.0526,0.1223,0.1452,0.0,0.0,reg oper account,block of flats,0.1541,Panel,No,0.0,0.0,0.0,0.0,-1599.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2824329,255714,Consumer loans,9563.175,73755.0,80244.0,0.0,73755.0,WEDNESDAY,17,Y,1,0.0,,,XAP,Approved,-131,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,179,Consumer electronics,10.0,middle,POS household with interest,365243.0,-101.0,169.0,-11.0,-8.0,1.0,0,Cash loans,F,N,Y,2,157500.0,508495.5,24592.5,454500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.025164,-14455,-331,-3828.0,-5123,,1,1,0,1,1,0,,4.0,2,2,MONDAY,16,0,0,0,0,0,0,Self-employed,,0.7295017249912474,0.6380435278721609,0.0098,,0.9707,,,0.0,0.069,0.0417,,,,0.0086,,0.0145,0.0,,0.9707,,,0.0,0.069,0.0417,,,,0.0068,,0.0153,0.0099,,0.9707,,,0.0,0.069,0.0417,,,,0.0087,,0.0148,,block of flats,0.0082,Wooden,No,0.0,0.0,0.0,0.0,-1658.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2366764,354752,Revolving loans,6750.0,135000.0,135000.0,,135000.0,WEDNESDAY,10,Y,1,,,,XAP,Approved,-1089,XNA,XAP,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-1058.0,-1017.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,M,Y,N,0,157500.0,625536.0,22599.0,540000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018634,-16159,-2501,-92.0,-5039,21.0,1,1,0,1,0,0,,2.0,2,2,SUNDAY,16,0,0,0,1,1,0,Business Entity Type 3,0.2448802293278597,0.15519493273115184,0.5513812618027899,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-103.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +2793341,389487,Consumer loans,7267.95,103680.0,64489.5,45000.0,103680.0,SATURDAY,21,Y,1,0.44761452841679705,,,XAP,Approved,-2213,Cash through the bank,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Country-wide,2000,Consumer electronics,12.0,high,POS household with interest,365243.0,-2181.0,-1851.0,-2091.0,-2086.0,0.0,0,Cash loans,F,Y,Y,0,180000.0,675000.0,24376.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.032561,-19578,-5388,-8300.0,-2930,6.0,1,1,1,1,1,0,Accountants,2.0,1,1,SUNDAY,16,0,0,0,0,0,0,Bank,,0.7423467403452926,0.248535557339522,0.1825,0.116,0.9886,,,0.24,0.1034,0.4583,,,,0.2177,,0.016,0.1859,0.1204,0.9886,,,0.2417,0.1034,0.4583,,,,0.2269,,0.0169,0.1842,0.116,0.9886,,,0.24,0.1034,0.4583,,,,0.2217,,0.0163,,block of flats,0.1747,Panel,No,0.0,0.0,0.0,0.0,-224.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,0.0 +2418355,271110,Cash loans,16293.15,225000.0,254700.0,,225000.0,FRIDAY,10,Y,1,,,,XNA,Approved,-655,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-625.0,65.0,-295.0,-289.0,1.0,0,Revolving loans,F,Y,Y,0,202500.0,585000.0,29250.0,585000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.022625,-20051,-3413,-816.0,-3149,5.0,1,1,0,1,0,0,Sales staff,1.0,2,2,TUESDAY,9,0,0,0,0,0,0,Trade: type 7,0.7630699468101428,0.5169536919008609,,0.1856,0.1096,0.9891,0.8504,0.0696,0.2,0.1724,0.3333,0.375,0.1383,0.1513,0.1912,0.0,0.0,0.1891,0.1138,0.9891,0.8563,0.0702,0.2014,0.1724,0.3333,0.375,0.1415,0.1653,0.1992,0.0,0.0,0.1874,0.1096,0.9891,0.8524,0.07,0.2,0.1724,0.3333,0.375,0.1407,0.1539,0.1946,0.0,0.0,not specified,block of flats,0.1884,Panel,No,0.0,0.0,0.0,0.0,-890.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1168972,280121,Consumer loans,15599.205,164722.5,164722.5,0.0,164722.5,MONDAY,13,Y,1,0.0,,,XAP,Approved,-1428,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Regional / Local,5,Consumer electronics,12.0,low_normal,POS household without interest,365243.0,-1397.0,-1067.0,-1067.0,-1065.0,0.0,0,Cash loans,F,N,Y,0,135000.0,225000.0,21919.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.015221,-24791,365243,-1571.0,-4256,,1,0,0,1,1,0,,1.0,2,2,MONDAY,11,0,0,0,0,0,0,XNA,,0.3360544118983588,0.7958031328748403,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1545962,429135,Cash loans,22304.43,315000.0,436230.0,,315000.0,MONDAY,11,Y,1,,,,XNA,Refused,-472,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,Y,Y,1,270000.0,863226.0,34362.0,697500.0,Unaccompanied,State servant,Secondary / secondary special,Married,Office apartment,0.035792000000000004,-14092,-5981,-511.0,-4271,3.0,1,1,1,1,0,0,Core staff,3.0,2,2,THURSDAY,11,0,0,0,0,1,1,Military,,0.6436148100033097,0.6610235391308081,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1588.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,4.0 +2244344,234870,Cash loans,6890.4,99000.0,99000.0,,99000.0,TUESDAY,14,Y,1,,,,XNA,Approved,-317,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-287.0,223.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,112500.0,314100.0,14683.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.018634,-15633,-2783,-6623.0,-4073,,1,1,0,1,0,0,Cooking staff,1.0,2,2,THURSDAY,14,0,0,0,0,0,0,Restaurant,0.386563053628613,0.22763908060421445,0.6528965519806539,0.0773,0.0818,0.9702,,,0.0,0.1724,0.1667,,0.0156,,0.0684,,0.0,0.0788,0.0849,0.9702,,,0.0,0.1724,0.1667,,0.0159,,0.0713,,0.0,0.0781,0.0818,0.9702,,,0.0,0.1724,0.1667,,0.0158,,0.0696,,0.0,,block of flats,0.0538,Panel,No,2.0,0.0,2.0,0.0,-94.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1220201,325658,Cash loans,10894.095,135000.0,149850.0,0.0,135000.0,SATURDAY,12,Y,1,0.0,,,XNA,Approved,-2901,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,10,Consumer electronics,20.0,middle,Cash Street: middle,365243.0,-2871.0,-2301.0,-2301.0,-2298.0,1.0,0,Revolving loans,F,Y,Y,0,202500.0,225000.0,11250.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-20047,-10445,-2822.0,-3605,5.0,1,1,0,1,0,0,Core staff,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Kindergarten,0.8363910543103068,0.6021263027987296,0.4974688893052743,0.0789,0.0823,0.9767,0.6804,0.0105,0.0,0.1724,0.1667,,0.0166,,0.0683,,0.0124,0.063,0.0651,0.9767,0.6929,0.0079,0.0,0.1379,0.1667,,0.0125,,0.0559,,0.0,0.0625,0.0628,0.9767,0.6847,0.0086,0.0,0.1379,0.1667,,0.0132,,0.0548,,0.0,reg oper account,block of flats,0.0422,Panel,No,0.0,0.0,0.0,0.0,-2115.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2816909,160496,Consumer loans,10618.83,89536.5,97384.5,4500.0,89536.5,SATURDAY,17,Y,1,0.04810259745995798,,,XAP,Approved,-45,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,2500,Consumer electronics,12.0,middle,POS household with interest,365243.0,-15.0,315.0,365243.0,365243.0,1.0,1,Cash loans,F,Y,N,0,90000.0,166500.0,13284.0,166500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.008625,-15473,-1807,-7861.0,-5754,25.0,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.5699750764188098,0.1455428133497032,0.1224,0.1212,0.9801,0.7348,0.0739,0.08,0.2069,0.2083,0.2638,0.1442,0.1065,0.1182,0.0064,0.0335,0.0945,0.104,0.9786,0.7190000000000001,0.0435,0.0,0.2069,0.1667,0.2083,0.1959,0.0808,0.0883,0.0,0.0,0.0937,0.1004,0.9786,0.7115,0.0444,0.0,0.2069,0.1667,0.2083,0.1864,0.077,0.0888,0.0039,0.0078,reg oper account,block of flats,0.2617,Panel,No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1442994,255819,Consumer loans,9554.445,52069.5,46858.5,5211.0,52069.5,FRIDAY,19,Y,1,0.10899380111721314,,,XAP,Approved,-2020,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,106,Connectivity,6.0,high,POS mobile with interest,365243.0,-1976.0,-1826.0,-1826.0,-1822.0,0.0,0,Cash loans,F,Y,Y,0,90000.0,152820.0,12204.0,135000.0,Family,Working,Higher education,Married,House / apartment,0.008575,-17502,-2345,-924.0,-1044,3.0,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Self-employed,,0.6522046730552756,,0.1227,0.1318,0.9771,0.6872,0.0153,0.0,0.2759,0.1667,0.2083,0.0823,0.1,0.1148,0.0,0.0,0.125,0.1368,0.9772,0.6994,0.0154,0.0,0.2759,0.1667,0.2083,0.0842,0.1093,0.1196,0.0,0.0,0.1239,0.1318,0.9771,0.6914,0.0154,0.0,0.2759,0.1667,0.2083,0.0838,0.1018,0.1169,0.0,0.0,reg oper account,block of flats,0.0903,Panel,No,0.0,0.0,0.0,0.0,-393.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2471508,370896,Consumer loans,8437.815,48105.0,41040.0,9000.0,48105.0,SUNDAY,17,Y,1,0.19587965990843687,,,XAP,Approved,-1663,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,63,Connectivity,6.0,high,POS mobile with interest,365243.0,-1627.0,-1477.0,-1477.0,-1474.0,0.0,1,Cash loans,F,N,Y,0,112500.0,640080.0,29970.0,450000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.007273999999999998,-9513,-521,-6950.0,-2197,,1,1,0,1,0,0,Core staff,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Kindergarten,0.3246402450934008,0.5812139729527519,0.1852020815902493,,,0.9851,,,0.0,0.2069,0.1667,,,,,,0.0,,,0.9851,,,0.0,0.2069,0.1667,,,,,,0.0,,,0.9851,,,0.0,0.2069,0.1667,,,,,,0.0,,block of flats,0.0595,"Stone, brick",No,5.0,0.0,5.0,0.0,-16.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2307720,353620,Consumer loans,2037.06,17685.0,17455.5,1800.0,17685.0,SUNDAY,11,Y,1,0.1018079840234549,,,XAP,Approved,-2412,XNA,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,41,Connectivity,12.0,high,POS mobile with interest,365243.0,-2377.0,-2047.0,-2047.0,-2041.0,1.0,0,Cash loans,F,N,Y,1,90000.0,675000.0,19867.5,675000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.010966,-15464,-8407,-4102.0,-4133,,1,1,1,1,0,0,,3.0,2,2,THURSDAY,12,0,0,0,0,1,1,Other,,0.31026028653785365,0.520897599048938,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2412.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2709239,250339,Consumer loans,4783.32,84784.5,105615.0,0.0,84784.5,WEDNESDAY,13,Y,1,0.0,,,XAP,Approved,-1175,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,3268,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1143.0,-453.0,-903.0,-897.0,0.0,0,Cash loans,F,N,Y,0,202500.0,1222888.5,48627.0,1048500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.00496,-22958,365243,-4350.0,-4589,,1,0,0,1,1,0,,1.0,2,2,TUESDAY,12,0,0,0,0,0,0,XNA,,0.6985587882746584,0.7121551551910698,0.1216,,0.9866,,,0.0,0.3448,0.2708,,,,,,,0.1239,,0.9866,,,0.0,0.3448,0.2083,,,,,,,0.1228,,0.9866,,,0.0,0.3448,0.2708,,,,,,,,block of flats,0.0978,"Stone, brick",No,1.0,0.0,1.0,0.0,-473.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1693263,156911,Consumer loans,6926.535,126270.0,152937.0,0.0,126270.0,SATURDAY,3,Y,1,0.0,,,XAP,Approved,-1037,Cash through the bank,XAP,Unaccompanied,Refreshed,Computers,POS,XNA,Country-wide,200,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1006.0,-316.0,-706.0,-700.0,0.0,0,Cash loans,M,Y,Y,1,270000.0,276277.5,21510.0,238500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.002506,-18871,-3928,-9599.0,-34,18.0,1,1,0,1,0,0,Drivers,3.0,2,2,SUNDAY,2,0,0,0,0,0,0,Business Entity Type 2,,0.7229586589414827,0.6754132910917112,0.067,,0.9821,0.7552,0.0,0.0,0.1379,0.1667,0.0417,,0.0546,0.0608,0.0,0.0,0.042,,0.9821,0.7648,0.0,0.0,0.069,0.1667,0.0417,,0.0367,0.0352,0.0,0.0,0.0677,,0.9821,0.7585,0.0,0.0,0.1379,0.1667,0.0417,,0.0556,0.0619,0.0,0.0,reg oper account,block of flats,0.0266,,No,0.0,0.0,0.0,0.0,-1037.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1563101,344808,Consumer loans,6016.5,147154.5,132435.0,14719.5,147154.5,SUNDAY,18,Y,1,0.1089390649716022,,,XAP,Approved,-873,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Regional / Local,148,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-842.0,-152.0,-152.0,-145.0,0.0,0,Cash loans,M,N,N,0,135000.0,295776.0,31851.0,295776.0,Family,Working,Secondary / secondary special,Single / not married,With parents,0.035792000000000004,-8610,-1389,-4595.0,-1283,,1,1,1,1,1,1,Core staff,1.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Police,0.15557403449192347,0.5911224591799511,0.36896873825284665,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-873.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2482205,174348,Revolving loans,2250.0,45000.0,45000.0,,45000.0,THURSDAY,19,Y,1,,,,XAP,Approved,-237,XNA,XAP,Unaccompanied,Refreshed,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-237.0,-195.0,365243.0,-136.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,640080.0,29970.0,450000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.04622,-9875,-139,-3914.0,-1274,5.0,1,1,0,1,0,0,,2.0,1,1,WEDNESDAY,11,0,1,1,0,0,0,Trade: type 7,0.1334746665736653,0.6821588851442865,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-237.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2033532,234195,Revolving loans,38250.0,0.0,765000.0,,,SUNDAY,15,Y,1,,,,XAP,Approved,-345,XNA,XAP,,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),1,XNA,0.0,XNA,Card X-Sell,-345.0,-304.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,225000.0,104256.0,10683.0,90000.0,Unaccompanied,Working,Secondary / secondary special,Married,Office apartment,0.010006000000000001,-12265,-1939,-184.0,-1030,,1,1,1,1,0,0,Drivers,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,Other,,0.4129093392517063,0.475849908720221,0.0062,0.0,0.9806,0.7348,,0.0,0.2414,0.0,0.0,0.0023,0.005,0.0019,0.0,0.0,0.0063,0.0,0.9806,0.7452,,0.0,0.2414,0.0,0.0,0.0024,0.0055,0.002,0.0,0.0,0.0062,0.0,0.9806,0.7383,,0.0,0.2414,0.0,0.0,0.0024,0.0051,0.0019,0.0,0.0,not specified,block of flats,0.0023,Block,No,0.0,0.0,0.0,0.0,-716.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2755170,101525,Consumer loans,4590.585,22720.5,20448.0,2272.5,22720.5,MONDAY,13,Y,1,0.10893066133707846,,,XAP,Approved,-1888,Cash through the bank,XAP,Children,Repeater,Clothing and Accessories,POS,XNA,Stone,481,Clothing,5.0,middle,POS industry without interest,365243.0,-1850.0,-1730.0,-1730.0,-1728.0,0.0,0,Cash loans,F,N,N,0,135000.0,900000.0,26446.5,900000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.026392000000000002,-19728,365243,-470.0,-3081,,1,0,0,1,0,0,,1.0,2,2,SATURDAY,13,0,0,0,0,0,0,XNA,0.6374467028685996,0.7647833718548481,0.5406544504453575,0.0495,,0.9747,,,0.0,0.1034,0.125,,,,0.0411,,0.0,0.0504,,0.9747,,,0.0,0.1034,0.125,,,,0.0429,,0.0,0.05,,0.9747,,,0.0,0.1034,0.125,,,,0.0419,,0.0,,block of flats,0.0324,Panel,No,2.0,0.0,2.0,0.0,-1627.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2144064,375078,Cash loans,12422.7,67500.0,67500.0,,67500.0,THURSDAY,11,Y,1,,,,XNA,Refused,-1154,XNA,HC,,Repeater,XNA,Cash,x-sell,Country-wide,-1,XNA,6.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,Y,Y,0,135000.0,688500.0,22882.5,688500.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-20370,365243,-909.0,-3018,11.0,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,XNA,0.4097971027871411,0.5230885525203002,0.4418358231994413,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-951.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1524433,429746,Consumer loans,6780.735,36085.5,30136.5,7218.0,36085.5,MONDAY,18,Y,1,0.2104447437877144,,,XAP,Refused,-948,Cash through the bank,HC,Family,Repeater,Computers,POS,XNA,Country-wide,32,Connectivity,5.0,middle,POS mobile with interest,,,,,,,0,Cash loans,M,N,Y,1,153000.0,180000.0,19386.0,180000.0,Family,Working,Incomplete higher,Married,House / apartment,0.015221,-10381,-2574,-1280.0,-3046,,1,1,1,1,0,0,Core staff,3.0,2,2,THURSDAY,8,0,0,0,0,0,0,Trade: type 2,0.3210921541630104,0.2505443079918591,0.40314167665875134,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2804307,358733,Cash loans,7013.295,58500.0,62361.0,,58500.0,FRIDAY,13,Y,1,,,,XNA,Approved,-1258,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-1228.0,-898.0,-928.0,-920.0,1.0,0,Revolving loans,F,N,Y,0,270000.0,382500.0,19125.0,382500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-12315,-3103,-119.0,-5000,,1,1,0,1,0,1,Core staff,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Bank,0.3713756535123108,0.5533084797381002,0.2764406945454034,0.1031,0.0871,0.9776,0.6940000000000001,0.0115,0.0,0.2069,0.1667,0.2083,0.0651,0.0841,0.0916,0.0,0.0,0.105,0.0904,0.9777,0.706,0.0116,0.0,0.2069,0.1667,0.2083,0.0666,0.0918,0.0954,0.0,0.0,0.1041,0.0871,0.9776,0.6981,0.0116,0.0,0.2069,0.1667,0.2083,0.0662,0.0855,0.0932,0.0,0.0,reg oper account,block of flats,0.0783,"Stone, brick",No,1.0,0.0,1.0,0.0,-1564.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1697059,380893,Cash loans,10332.72,90000.0,95940.0,,90000.0,SATURDAY,11,Y,1,,,,XNA,Approved,-901,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-871.0,-541.0,-721.0,-710.0,1.0,0,Cash loans,F,Y,Y,1,135000.0,278613.0,27270.0,252000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.025164,-13785,-2584,-1602.0,-4929,1.0,1,1,0,1,0,0,Core staff,3.0,2,2,THURSDAY,15,0,0,0,0,0,0,Medicine,,0.15967923350263774,0.7062051096536562,0.2474,0.1189,0.9871,0.8232,0.037000000000000005,0.24,0.2069,0.375,0.4167,0.0523,0.1984,0.2541,0.0154,0.0144,0.2521,0.1234,0.9871,0.8301,0.0373,0.2417,0.2069,0.375,0.4167,0.0535,0.2167,0.2648,0.0156,0.0152,0.2498,0.1189,0.9871,0.8256,0.0372,0.24,0.2069,0.375,0.4167,0.0533,0.2018,0.2587,0.0155,0.0147,reg oper account,block of flats,0.2252,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,5.0 +1068746,454285,Consumer loans,5629.95,43110.0,46903.5,0.0,43110.0,SUNDAY,18,Y,1,0.0,,,XAP,Approved,-650,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Regional / Local,417,Consumer electronics,10.0,middle,POS household with interest,365243.0,-619.0,-349.0,-499.0,-496.0,0.0,0,Cash loans,F,N,Y,0,112500.0,563269.5,21361.5,396000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.019101,-23111,365243,-1908.0,-4387,,1,0,0,1,0,0,,1.0,2,2,SATURDAY,13,0,0,0,0,0,0,XNA,,0.5720534404437426,0.6706517530862718,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1624.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +2332519,385262,Consumer loans,8243.865,43875.0,43875.0,0.0,43875.0,SATURDAY,16,Y,1,0.0,,,XAP,Approved,-11,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,12,Consumer electronics,6.0,middle,POS household with interest,365243.0,365243.0,169.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,101250.0,720000.0,23926.5,720000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.009656999999999999,-23022,365243,-4551.0,-4206,,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,0.7789674629906799,0.3394145906409025,0.22888341670067305,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2375191,251275,Cash loans,27136.8,675000.0,942300.0,,675000.0,TUESDAY,14,Y,1,,,,Repairs,Refused,-149,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,Y,Y,0,540000.0,517419.0,40878.0,468000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.072508,-18155,-960,-3565.0,-1618,4.0,1,1,0,1,0,0,Drivers,2.0,1,1,THURSDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.4456523617829856,0.05384435347241005,0.08199999999999999,0.078,0.9752,0.66,,0.0,0.1379,0.1667,0.2083,0.0,,0.0459,,0.003,0.083,0.0808,0.9752,0.6733,,0.0,0.1379,0.1667,0.2083,0.0,,0.0475,,0.0032,0.0828,0.078,0.9752,0.6645,,0.0,0.1379,0.1667,0.2083,0.0,,0.0467,,0.0031,,block of flats,0.0542,Panel,No,6.0,0.0,6.0,0.0,-149.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1319404,136673,Cash loans,59376.06,1890000.0,2114532.0,,1890000.0,SUNDAY,8,Y,1,,,,XNA,Approved,-524,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,1260,Consumer electronics,60.0,low_normal,Cash X-Sell: low,365243.0,-494.0,1276.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,0,180000.0,1040985.0,30568.5,909000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-20711,365243,-320.0,-4226,13.0,1,0,0,1,0,0,,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,XNA,,0.3573422337147276,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-181.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1238300,164803,Cash loans,66734.46,1129500.0,1195101.0,,1129500.0,WEDNESDAY,14,Y,1,,,,XNA,Approved,-405,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-374.0,316.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,175950.0,1024290.0,30078.0,855000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-20462,-1881,-28.0,-3968,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.16318703546427088,0.6058362647264226,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1121.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1105131,276662,Cash loans,14746.455,135000.0,143910.0,,135000.0,WEDNESDAY,6,Y,1,,,,XNA,Approved,-523,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-493.0,-163.0,-253.0,-246.0,1.0,0,Cash loans,F,N,Y,2,81000.0,288873.0,16713.0,238500.0,Family,Working,Higher education,Civil marriage,House / apartment,0.018029,-13546,-770,-5066.0,-2106,,1,1,0,1,0,0,,4.0,3,3,MONDAY,8,0,0,0,0,0,0,Self-employed,,0.7200586793160676,0.6075573001388961,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1522.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2029046,229871,Revolving loans,22500.0,0.0,450000.0,,,MONDAY,12,Y,1,,,,XAP,Approved,-523,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-495.0,-455.0,365243.0,-394.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,1125000.0,36292.5,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018634,-10082,-1523,-1709.0,-2761,8.0,1,1,0,1,0,0,,2.0,2,2,SATURDAY,9,0,0,0,1,1,1,Business Entity Type 1,,0.4477440037569261,0.41184855592423975,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1080.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2740642,202802,Cash loans,33576.03,1062000.0,1216201.5,,1062000.0,MONDAY,12,Y,1,,,,XNA,Refused,-220,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,90000.0,808650.0,26086.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-16313,-2182,-4111.0,-4906,,1,1,1,1,1,0,Core staff,2.0,2,2,TUESDAY,20,0,0,0,0,0,0,Self-employed,0.6859603015466287,0.3966049630247863,0.5884877883422673,0.0577,0.0621,0.9781,0.7008,0.034,0.0,0.1379,0.1667,0.0417,0.0499,0.0471,0.0664,0.0039,0.0484,0.0588,0.0644,0.9782,0.7125,0.0343,0.0,0.1379,0.1667,0.0417,0.0511,0.0514,0.0692,0.0039,0.0512,0.0583,0.0621,0.9781,0.7048,0.0342,0.0,0.1379,0.1667,0.0417,0.0508,0.0479,0.0676,0.0039,0.0494,reg oper spec account,block of flats,0.0708,"Stone, brick",No,0.0,0.0,0.0,0.0,-220.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2776714,454055,Consumer loans,29435.58,165600.0,165573.0,16560.0,165600.0,MONDAY,14,Y,1,0.0990229417763143,,,XAP,Approved,-199,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,45,Furniture,6.0,low_normal,POS industry with interest,365243.0,-169.0,-19.0,-49.0,-46.0,1.0,0,Cash loans,F,N,Y,0,135000.0,1065433.5,42385.5,913500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-19185,-7059,-9920.0,-2666,,1,1,0,1,0,0,Cleaning staff,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Transport: type 2,,0.3520468162490224,0.6817058776720116,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,1.0,7.0,1.0,-1646.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2312722,275635,Cash loans,,0.0,0.0,,,FRIDAY,16,Y,1,,,,XNA,Refused,-385,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,150,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,1,135000.0,770292.0,39460.5,688500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-16755,-5529,-2565.0,-280,,1,1,0,1,0,0,Laborers,3.0,2,2,FRIDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.5950541008888146,0.5424451438613613,0.2062,0.0683,0.9836,0.7756,0.0,0.0,0.069,0.1667,0.2083,0.0181,0.1681,0.0567,0.0,0.0794,0.2101,0.0708,0.9836,0.7844,0.0,0.0,0.069,0.1667,0.2083,0.0185,0.1837,0.059,0.0,0.084,0.2082,0.0683,0.9836,0.7786,0.0,0.0,0.069,0.1667,0.2083,0.0184,0.171,0.0577,0.0,0.081,reg oper account,block of flats,0.0618,Panel,No,0.0,0.0,0.0,0.0,-904.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2043892,351269,Cash loans,11515.68,90000.0,95940.0,,90000.0,WEDNESDAY,18,Y,1,,,,XNA,Approved,-782,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-752.0,-422.0,-422.0,-414.0,1.0,0,Cash loans,M,N,Y,0,135000.0,299772.0,14103.0,247500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-22824,-4529,-10372.0,-4287,,1,1,0,1,1,0,Laborers,2.0,1,1,MONDAY,16,0,0,0,0,0,0,Government,,0.7567847232190671,0.6738300778602003,0.2722,0.1013,0.9856,0.8028,0.1227,0.24,0.1034,0.875,0.0417,0.0,0.2185,0.3245,0.0154,0.0134,0.2773,0.1051,0.9856,0.8105,0.1238,0.2417,0.1034,0.875,0.0417,0.0,0.2388,0.3381,0.0156,0.0141,0.2748,0.1013,0.9856,0.8054,0.1235,0.24,0.1034,0.875,0.0417,0.0,0.2223,0.3304,0.0155,0.0136,reg oper account,block of flats,0.2582,Panel,No,0.0,0.0,0.0,0.0,-782.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1856692,429909,Revolving loans,9000.0,0.0,180000.0,,,FRIDAY,17,Y,1,,,,XAP,Approved,-2571,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,56,Consumer electronics,0.0,XNA,Card Street,-2568.0,-2519.0,365243.0,-2428.0,365243.0,0.0,0,Cash loans,F,N,Y,0,157500.0,2517300.0,66532.5,2250000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-16996,-1149,-10776.0,-548,,1,1,0,1,1,0,Cooking staff,2.0,1,1,SUNDAY,14,0,0,0,0,0,0,Trade: type 7,,0.6617840825173673,0.7922644738669378,0.2206,0.118,0.9826,0.762,0.3767,0.24,0.2069,0.3333,0.375,,0.1799,0.2122,0.0,0.0038,0.2248,0.1225,0.9826,0.7713,0.3801,0.2417,0.2069,0.3333,0.375,,0.1965,0.2211,0.0,0.004,0.2228,0.118,0.9826,0.7652,0.3791,0.24,0.2069,0.3333,0.375,,0.183,0.21600000000000005,0.0,0.0039,reg oper account,block of flats,0.1677,Panel,No,0.0,0.0,0.0,0.0,-2571.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1345814,317054,Cash loans,41424.66,441000.0,569254.5,,441000.0,MONDAY,15,Y,1,,,,XNA,Refused,-303,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,,,,,,,0,Revolving loans,F,N,Y,0,180000.0,225000.0,11250.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.003069,-18208,-1969,-3598.0,-1772,,1,1,0,1,0,0,Cooking staff,1.0,3,3,WEDNESDAY,13,0,0,0,0,0,0,Restaurant,,0.17247253817829675,0.0005272652387098817,0.1,,0.9781,,,,0.0345,0.1667,,0.0443,,0.0279,,,0.1019,,0.9782,,,,0.0345,0.1667,,0.0453,,0.0291,,,0.101,,0.9781,,,,0.0345,0.1667,,0.0451,,0.0284,,,,specific housing,0.0374,"Stone, brick",No,2.0,0.0,2.0,0.0,-558.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1058074,331758,Cash loans,17902.575,229500.0,248130.0,,229500.0,TUESDAY,7,Y,1,,,,XNA,Approved,-547,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-517.0,-7.0,-157.0,-150.0,1.0,0,Cash loans,F,N,Y,0,202500.0,993082.5,39384.0,913500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-21704,365243,-4145.0,-4662,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,XNA,,0.6392694350890558,0.0005272652387098817,0.0701,,0.9886,,,0.0,0.0345,0.1667,,0.0573,,0.0265,,0.0,0.0714,,0.9886,,,0.0,0.0345,0.1667,,0.0586,,0.0276,,0.0,0.0708,,0.9886,,,0.0,0.0345,0.1667,,0.0583,,0.027000000000000003,,0.0,,block of flats,0.0377,"Stone, brick",No,2.0,0.0,2.0,0.0,-960.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,2.0,2.0 +1159568,149979,Cash loans,81563.895,1260000.0,1333179.0,,1260000.0,MONDAY,13,Y,1,,,,XNA,Approved,-687,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-657.0,33.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,0,135000.0,331110.0,33925.5,292500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.02461,-14709,-4016,-7609.0,-4920,6.0,1,1,1,1,1,0,Drivers,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Transport: type 4,,0.6190742955549647,,0.0124,0.0128,0.9677,0.5579999999999999,,0.0,0.069,0.0417,,0.0266,,0.0126,,0.0,0.0126,0.0133,0.9677,0.5753,,0.0,0.069,0.0417,,0.0272,,0.0131,,0.0,0.0125,0.0128,0.9677,0.5639,,0.0,0.069,0.0417,,0.027000000000000003,,0.0128,,0.0,,block of flats,0.0108,Block,No,0.0,0.0,0.0,0.0,-1711.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2831674,332969,Consumer loans,7047.09,69601.5,76950.0,0.0,69601.5,SUNDAY,16,Y,1,0.0,,,XAP,Approved,-373,XNA,XAP,"Spouse, partner",Repeater,Computers,POS,XNA,Regional / Local,100,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-343.0,-13.0,-223.0,-219.0,1.0,0,Cash loans,M,Y,Y,0,180000.0,312840.0,19269.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007273999999999998,-10223,-1755,-1281.0,-1797,6.0,1,1,0,1,0,1,Laborers,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Business Entity Type 2,0.323571356172421,0.3686070117440353,0.6430255641096323,0.0515,0.0,0.9742,0.6464,0.0061,0.0,0.1034,0.1667,0.2083,0.0232,0.042,0.0498,0.0,0.0,0.0525,0.0,0.9742,0.6602,0.0062,0.0,0.1034,0.1667,0.2083,0.0237,0.0459,0.0519,0.0,0.0,0.052000000000000005,0.0,0.9742,0.6511,0.0061,0.0,0.1034,0.1667,0.2083,0.0236,0.0428,0.0507,0.0,0.0,reg oper account,block of flats,0.0425,"Stone, brick",No,1.0,0.0,1.0,0.0,-614.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,0.0 +2789939,193345,Cash loans,5424.93,45000.0,47970.0,,45000.0,MONDAY,11,Y,1,,,,XNA,Approved,-831,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),2000,XNA,12.0,high,Cash X-Sell: high,365243.0,-801.0,-471.0,-711.0,-705.0,1.0,1,Cash loans,F,Y,Y,1,405000.0,592560.0,32274.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Municipal apartment,0.008019,-16606,-872,-8327.0,-151,64.0,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.5081521267142675,0.542741377416745,0.17456426555726348,0.0928,0.0757,0.9821,0.7552,0.0378,0.0,0.2069,0.1667,0.2083,0.0428,0.0756,0.0776,0.0,0.0,0.0945,0.0786,0.9821,0.7648,0.0382,0.0,0.2069,0.1667,0.2083,0.0438,0.0826,0.0808,0.0,0.0,0.0937,0.0757,0.9821,0.7585,0.0381,0.0,0.2069,0.1667,0.2083,0.0436,0.077,0.079,0.0,0.0,reg oper account,block of flats,0.0832,Panel,No,0.0,0.0,0.0,0.0,-1146.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2647452,100503,Cash loans,45506.025,1129500.0,1227901.5,,1129500.0,FRIDAY,15,Y,1,,,,XNA,Refused,-286,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,189000.0,876019.5,34870.5,783000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.009175,-22524,365243,-8604.0,-5021,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,XNA,,0.6184398011621871,0.3296550543128238,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-287.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +2296792,102251,Cash loans,,0.0,0.0,,,FRIDAY,11,Y,1,,,,XNA,Refused,-188,XNA,SCOFR,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,Y,Y,0,135000.0,407520.0,29655.0,360000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009175,-13408,-602,-2105.0,-2100,8.0,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,9,0,0,0,1,1,1,Self-employed,,0.6420583803586494,,0.0,,0.9906,,,0.0,0.1379,0.1667,,,,0.0883,,,0.0,,0.9906,,,0.0,0.1379,0.1667,,,,0.092,,,0.0,,0.9906,,,0.0,0.1379,0.1667,,,,0.0899,,,,block of flats,0.0757,Panel,No,0.0,0.0,0.0,0.0,-685.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1633323,315002,Cash loans,,0.0,0.0,,,WEDNESDAY,15,Y,1,,,,XNA,Refused,-135,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Revolving loans,F,N,Y,1,135000.0,135000.0,6750.0,135000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.007120000000000001,-14125,-126,-1754.0,-4918,,1,1,1,1,1,1,Sales staff,3.0,2,2,FRIDAY,12,1,1,0,1,1,0,Business Entity Type 3,0.3721849583465731,0.6412387942359188,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-781.0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,,,,,, +1484412,169986,Consumer loans,6281.37,89955.0,83362.5,17991.0,89955.0,SUNDAY,16,Y,1,0.19332173576102,,,XAP,Approved,-859,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,17,Connectivity,18.0,middle,POS mobile with interest,365243.0,-826.0,-316.0,-496.0,-488.0,0.0,0,Cash loans,M,N,N,0,202500.0,509400.0,34042.5,450000.0,Unaccompanied,Working,Incomplete higher,Single / not married,House / apartment,0.020246,-8623,-198,-730.0,-1295,,1,1,1,1,1,0,,1.0,3,3,WEDNESDAY,15,0,1,1,0,1,1,Business Entity Type 1,0.5940062926020899,0.2940965277428825,0.14024318370802974,0.3825,0.1313,0.9816,0.7484,0.0532,0.08,0.069,0.3333,0.375,0.1068,0.3102,0.1148,0.0077,0.0037,0.3897,0.1363,0.9816,0.7583,0.0537,0.0806,0.069,0.3333,0.375,0.1093,0.3388,0.1197,0.0078,0.0039,0.3862,0.1313,0.9816,0.7518,0.0535,0.08,0.069,0.3333,0.375,0.1087,0.3155,0.1169,0.0078,0.0038,reg oper spec account,block of flats,0.1202,Panel,No,1.0,0.0,1.0,0.0,-458.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2095523,324726,Consumer loans,11972.295,110610.0,107761.5,11061.0,110610.0,THURSDAY,13,Y,1,0.10138176309583236,,,XAP,Approved,-2420,Cash through the bank,XAP,Family,Refreshed,Consumer Electronics,POS,XNA,Country-wide,1,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2389.0,-2119.0,-2119.0,365243.0,1.0,1,Cash loans,F,N,Y,0,117000.0,904216.5,39960.0,742500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-19949,-9387,-6668.0,-3493,,1,1,0,1,1,0,Core staff,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Kindergarten,,0.6740446818089321,0.3556387169923543,0.168,0.0,0.9836,0.7756,0.1287,0.0,0.0345,0.3333,0.375,0.0,0.13699999999999998,0.0803,0.0,0.0348,0.1712,0.0,0.9836,0.7844,0.1299,0.0,0.0345,0.3333,0.375,0.0,0.1497,0.0836,0.0,0.0369,0.1697,0.0,0.9836,0.7786,0.1296,0.0,0.0345,0.3333,0.375,0.0,0.1394,0.0817,0.0,0.0356,reg oper account,block of flats,0.0704,"Stone, brick",No,0.0,0.0,0.0,0.0,-2420.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2784102,166486,Cash loans,21764.25,490500.0,548770.5,,490500.0,WEDNESDAY,12,Y,1,,,,XNA,Approved,-245,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-215.0,835.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,180000.0,420588.0,31576.5,360000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.006233,-18605,365243,-11030.0,-2156,,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,XNA,,0.5847652359463056,0.2445163919946749,0.0742,0.0618,0.9806,0.7348,0.0195,0.08,0.069,0.3333,0.375,0.0356,0.0605,0.076,0.0,0.0,0.0756,0.0641,0.9806,0.7452,0.0197,0.0806,0.069,0.3333,0.375,0.0365,0.0661,0.0792,0.0,0.0,0.0749,0.0618,0.9806,0.7383,0.0196,0.08,0.069,0.3333,0.375,0.0363,0.0616,0.0773,0.0,0.0,reg oper account,block of flats,0.0704,Panel,No,0.0,0.0,0.0,0.0,-1082.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2391333,429319,Consumer loans,25295.985,235620.0,227686.5,23562.0,235620.0,TUESDAY,8,Y,1,0.10213457990793977,,,XAP,Approved,-2467,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Stone,56,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2411.0,-2141.0,-2231.0,-2224.0,1.0,0,Cash loans,M,N,N,1,157500.0,834048.0,27693.0,720000.0,Family,Pensioner,Secondary / secondary special,Married,Office apartment,0.020713,-19955,365243,-3909.0,-3509,,1,0,0,1,0,0,,3.0,3,3,FRIDAY,10,0,0,0,0,0,0,XNA,,0.3630063836342219,0.3842068130556564,0.0309,0.0349,0.993,0.9048,0.0042,0.0,0.069,0.1667,0.2083,0.0224,0.0252,0.0281,0.0,0.0,0.0315,0.0362,0.993,0.9085,0.0042,0.0,0.069,0.1667,0.2083,0.0229,0.0275,0.0293,0.0,0.0,0.0312,0.0349,0.993,0.9061,0.0042,0.0,0.069,0.1667,0.2083,0.0228,0.0257,0.0286,0.0,0.0,reg oper account,block of flats,0.0244,"Stone, brick",No,1.0,1.0,1.0,1.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1021841,384367,Cash loans,41791.185,675000.0,781920.0,,675000.0,WEDNESDAY,9,Y,1,,,,XNA,Refused,-124,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,202500.0,647046.0,21001.5,463500.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-22743,365243,-4910.0,-4953,,1,0,0,1,0,0,,2.0,2,2,MONDAY,11,0,0,0,0,0,0,XNA,,0.3083542338350362,0.5280927512030451,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1006.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1811406,377748,Consumer loans,7625.745,76266.0,68638.5,7627.5,76266.0,THURSDAY,19,Y,1,0.10892194305576416,,,XAP,Approved,-2592,Cash through the bank,XAP,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Country-wide,1840,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2556.0,-2286.0,-2286.0,-2281.0,0.0,0,Cash loans,F,N,Y,0,135000.0,755190.0,33394.5,675000.0,Family,State servant,Secondary / secondary special,Married,House / apartment,0.009175,-20542,-9422,-10553.0,-3987,,1,1,0,1,1,0,Core staff,2.0,2,2,SATURDAY,14,0,0,0,0,0,0,Kindergarten,0.17199585099072934,0.7583750699196337,0.5280927512030451,0.1113,0.0379,0.9851,,,0.04,0.0345,0.3333,,0.0252,,0.0749,,0.0,0.1134,0.0393,0.9851,,,0.0403,0.0345,0.3333,,0.0258,,0.0781,,0.0,0.1124,0.0379,0.9851,,,0.04,0.0345,0.3333,,0.0256,,0.0763,,0.0,,block of flats,0.07,Panel,No,3.0,1.0,3.0,1.0,-47.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1560523,127367,Consumer loans,3527.775,17050.5,17298.0,1705.5,17050.5,TUESDAY,12,Y,1,0.09774223408606544,,,XAP,Approved,-821,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,25,Connectivity,6.0,high,POS mobile with interest,365243.0,-790.0,-640.0,-640.0,-633.0,0.0,0,Cash loans,M,Y,Y,0,112500.0,450000.0,22018.5,450000.0,Family,Working,Secondary / secondary special,Widow,House / apartment,0.02461,-17815,-2866,-7449.0,-1358,8.0,1,1,1,1,0,0,Laborers,1.0,2,2,THURSDAY,10,0,0,0,0,0,0,Self-employed,0.4420256181066759,0.6805446682632367,0.7366226976503176,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1356.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1009477,385868,Revolving loans,45000.0,0.0,900000.0,,,WEDNESDAY,15,Y,1,,,,XAP,Approved,-608,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,157500.0,422451.0,15304.5,297000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-17337,-2218,-5163.0,-865,,1,1,0,1,0,0,Core staff,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Industry: type 5,,0.7026045613111895,0.5602843280409464,0.1052,0.0465,0.9916,0.8844,0.0343,0.08,0.1379,0.2708,0.3125,0.0102,0.0849,0.1077,0.0039,0.0239,0.0588,0.0086,0.9831,0.7779,0.0077,0.0,0.1379,0.1667,0.2083,0.0,0.0496,0.0555,0.0,0.0,0.1062,0.0465,0.9916,0.8859,0.0346,0.08,0.1379,0.2708,0.3125,0.0104,0.0864,0.1096,0.0039,0.0244,reg oper account,block of flats,0.1609,"Stone, brick",No,2.0,0.0,2.0,0.0,-810.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1382152,416841,Consumer loans,5947.515,49455.0,48910.5,4950.0,49455.0,THURSDAY,14,Y,1,0.10009190408555428,,,XAP,Approved,-2136,Cash through the bank,XAP,"Spouse, partner",New,Mobile,POS,XNA,Country-wide,32,Connectivity,12.0,high,POS mobile with interest,365243.0,-2105.0,-1775.0,-1775.0,-1769.0,0.0,0,Cash loans,F,N,Y,0,94500.0,521280.0,35262.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.031329,-15592,-941,-5345.0,-4064,,1,1,1,1,0,0,,2.0,2,2,FRIDAY,11,0,0,0,0,1,1,Business Entity Type 1,,0.3976153945072483,0.35233997269170386,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2136.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2661332,276302,Cash loans,17847.0,450000.0,450000.0,,450000.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-274,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-244.0,806.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,157500.0,1386000.0,51493.5,1386000.0,Family,Working,Higher education,Married,House / apartment,0.006305,-15165,-671,-4220.0,-4587,14.0,1,1,0,1,1,0,,2.0,3,3,THURSDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.5094912740193818,0.6127042441012546,0.0918,0.1141,0.9861,0.8096,,0.0,0.2069,,0.2083,0.0921,0.0748,0.0907,0.0,,0.0935,0.1184,0.9861,0.8171,,0.0,0.2069,,0.2083,0.0942,0.0817,0.0945,0.0,,0.0926,0.1141,0.9861,0.8121,,0.0,0.2069,,0.2083,0.0937,0.0761,0.0924,0.0,,org spec account,block of flats,,Panel,No,0.0,0.0,0.0,0.0,-396.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +1363826,296167,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SATURDAY,9,Y,1,,,,XAP,Approved,-219,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-217.0,-173.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,1,135000.0,879480.0,34209.0,630000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.006305,-14416,-2042,-929.0,-5011,9.0,1,1,0,1,0,0,Sales staff,3.0,3,3,MONDAY,3,0,0,0,1,1,0,Self-employed,0.4853466867959823,0.4973231302689933,0.5937175866150576,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-586.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2204228,377811,Consumer loans,13602.6,123660.0,123660.0,0.0,123660.0,FRIDAY,15,Y,1,0.0,,,XAP,Approved,-1104,Cash through the bank,XAP,Unaccompanied,Refreshed,Consumer Electronics,POS,XNA,Stone,489,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1070.0,-800.0,-800.0,-794.0,0.0,0,Cash loans,M,Y,N,2,292500.0,305221.5,17649.0,252000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.010556,-11802,-1272,-2507.0,-2507,8.0,1,1,0,1,0,0,Laborers,4.0,3,3,WEDNESDAY,11,0,0,0,0,1,1,Business Entity Type 3,0.17689413630055684,0.4919389110673305,0.4471785780453068,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-771.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1460141,372373,Cash loans,19452.87,225000.0,279495.0,,225000.0,MONDAY,14,Y,1,,,,Repairs,Approved,-410,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,low_normal,Cash Street: low,365243.0,-377.0,133.0,-287.0,-272.0,0.0,1,Cash loans,F,N,Y,0,112500.0,545040.0,26640.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-10874,-1301,-674.0,-1885,,1,1,0,1,0,0,Sales staff,2.0,2,2,SATURDAY,8,0,0,0,0,0,0,Business Entity Type 3,,0.4006256440121464,0.11465249430297055,0.0082,0.0,0.9692,0.5784,0.0056,0.0,0.0345,0.0,0.0417,0.004,0.0067,0.0036,0.0,0.0009,0.0084,0.0,0.9692,0.5949,0.0056,0.0,0.0345,0.0,0.0417,0.0041,0.0073,0.0038,0.0,0.0009,0.0083,0.0,0.9692,0.584,0.0056,0.0,0.0345,0.0,0.0417,0.0041,0.0068,0.0037,0.0,0.0009,reg oper account,block of flats,0.003,Wooden,No,7.0,1.0,7.0,1.0,-564.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2170812,288964,Revolving loans,9000.0,180000.0,180000.0,,180000.0,MONDAY,18,Y,1,,,,XAP,Refused,-614,XNA,LIMIT,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,1,Cash loans,F,N,N,0,81000.0,203760.0,23116.5,180000.0,Unaccompanied,Working,Higher education,Married,With parents,0.010556,-9547,-336,-9535.0,-947,,1,1,0,1,0,0,Core staff,2.0,3,3,SATURDAY,16,0,0,0,0,0,0,Business Entity Type 2,0.2632907468197141,0.0736737037572684,0.2851799046358216,0.3371,0.5461,0.9846,0.7892,0.0945,0.0,0.1379,0.125,0.1667,0.1063,0.2749,0.2678,0.0,0.2376,0.3435,0.5667,0.9846,0.7975,0.0954,0.0,0.1379,0.125,0.1667,0.1088,0.3003,0.279,0.0,0.2515,0.3404,0.5461,0.9846,0.792,0.0951,0.0,0.1379,0.125,0.1667,0.1082,0.2796,0.2726,0.0,0.2426,reg oper account,block of flats,0.2758,"Stone, brick",No,0.0,0.0,0.0,0.0,-1043.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2288419,432667,Consumer loans,11926.395,197010.0,230818.5,0.0,197010.0,FRIDAY,17,Y,1,0.0,,,XAP,Approved,-783,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,1600,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-752.0,-62.0,-62.0,-60.0,0.0,0,Cash loans,F,Y,N,2,225000.0,1256400.0,36733.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009656999999999999,-16395,-1136,-4838.0,-4230,12.0,1,1,0,1,0,0,,4.0,2,2,THURSDAY,12,0,0,0,0,0,0,Other,0.7056233021713364,0.5519028218533767,0.445396241560834,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1224986,190244,Consumer loans,6282.045,22050.0,22050.0,0.0,22050.0,THURSDAY,10,Y,1,0.0,,,XAP,Refused,-2623,Cash through the bank,SCO,"Spouse, partner",New,XNA,POS,XNA,Regional / Local,980,Consumer electronics,4.0,high,POS household with interest,,,,,,,1,Cash loans,F,Y,Y,1,112500.0,314100.0,21375.0,225000.0,Unaccompanied,Commercial associate,Incomplete higher,Separated,House / apartment,0.0228,-9998,-335,-2354.0,-2337,13.0,1,1,0,1,0,0,Core staff,2.0,2,2,TUESDAY,8,0,0,0,0,0,0,Restaurant,,0.0699176351981015,,0.1402,0.0611,0.9935,0.9116,0.0211,0.0,0.3448,0.1667,0.2083,0.1381,0.1126,0.1223,0.0077,0.0135,0.1429,0.0634,0.9935,0.9151,0.0213,0.0,0.3448,0.1667,0.2083,0.1412,0.123,0.1274,0.0078,0.0143,0.1416,0.0611,0.9935,0.9128,0.0212,0.0,0.3448,0.1667,0.2083,0.1405,0.1146,0.1245,0.0078,0.0138,reg oper account,block of flats,0.1086,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2302527,347519,Cash loans,18235.08,225000.0,269550.0,,225000.0,SUNDAY,13,Y,1,,,,Urgent needs,Refused,-466,Cash through the bank,HC,,Refreshed,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,157500.0,239850.0,23850.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.02461,-22036,365243,-8716.0,-4741,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,XNA,,0.6754028859858622,0.35895122857839673,0.066,0.0816,0.9881,0.8368,0.0128,0.0,0.2414,0.1667,0.2083,0.0528,0.053,0.0488,0.0039,0.0044,0.0672,0.0847,0.9881,0.8432,0.013,0.0,0.2414,0.1667,0.2083,0.054000000000000006,0.0579,0.0508,0.0039,0.0046,0.0666,0.0816,0.9881,0.8390000000000001,0.0129,0.0,0.2414,0.1667,0.2083,0.0537,0.0539,0.0496,0.0039,0.0045,,block of flats,0.0675,"Stone, brick",No,3.0,0.0,3.0,0.0,-466.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2601193,404916,Consumer loans,56556.45,676188.0,705942.0,0.0,676188.0,WEDNESDAY,13,Y,1,0.0,,,XAP,Refused,-124,Cash through the bank,LIMIT,Family,Repeater,Homewares,POS,XNA,Stone,25,Construction,16.0,middle,POS industry with interest,,,,,,,0,Cash loans,M,Y,Y,1,585000.0,414792.0,18873.0,315000.0,Family,Working,Higher education,Married,House / apartment,0.006670999999999999,-15309,-1938,-258.0,-1783,19.0,1,1,0,1,0,0,Laborers,3.0,2,2,MONDAY,11,0,0,0,0,1,1,Self-employed,0.32590124706216594,0.2508359551657668,0.5154953751603267,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-567.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,9.0 +1970373,257207,Consumer loans,17326.53,90585.0,95368.5,0.0,90585.0,MONDAY,15,Y,1,0.0,,,XAP,Approved,-637,Cash through the bank,XAP,Family,Refreshed,Computers,POS,XNA,Regional / Local,150,Consumer electronics,6.0,middle,POS household with interest,365243.0,-605.0,-455.0,-455.0,-449.0,0.0,0,Cash loans,M,Y,N,0,180000.0,225000.0,26833.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.020713,-10066,-1212,-3884.0,-2498,14.0,1,1,0,1,0,0,Laborers,1.0,3,3,MONDAY,12,0,0,0,0,1,1,Business Entity Type 3,,0.5766296157823421,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-545.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2269466,409267,Cash loans,23565.555,112500.0,116212.5,,112500.0,THURSDAY,15,Y,1,,,,Urgent needs,Approved,-649,Cash through the bank,XAP,,Refreshed,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,365243.0,-619.0,-469.0,-589.0,-583.0,1.0,0,Cash loans,M,Y,N,0,225000.0,225000.0,25515.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018209,-10154,-1974,-4157.0,-2395,15.0,1,1,0,1,0,0,Laborers,2.0,3,3,TUESDAY,14,0,0,0,0,0,0,Trade: type 7,0.5230355272464231,0.5900067890468741,,0.0619,0.0691,0.9727,0.626,0.0144,0.0,0.1379,0.125,0.0417,0.0828,0.0496,0.049,0.0039,0.0035,0.063,0.0717,0.9727,0.6406,0.0146,0.0,0.1379,0.125,0.0417,0.0847,0.0542,0.051,0.0039,0.0037,0.0625,0.0691,0.9727,0.631,0.0145,0.0,0.1379,0.125,0.0417,0.0842,0.0504,0.0499,0.0039,0.0036,reg oper spec account,block of flats,0.0472,"Stone, brick",No,0.0,0.0,0.0,0.0,-1650.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2627928,363914,Cash loans,11697.345,135000.0,177651.0,,135000.0,MONDAY,17,Y,1,,,,Repairs,Approved,-242,Cash through the bank,XAP,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,middle,Cash Street: middle,365243.0,-211.0,479.0,365243.0,365243.0,0.0,1,Cash loans,F,Y,Y,0,369000.0,1343601.0,53415.0,1152000.0,Children,Working,Secondary / secondary special,Single / not married,Municipal apartment,0.010006000000000001,-18195,-3914,-8053.0,-1730,7.0,1,1,0,1,1,0,High skill tech staff,1.0,2,1,FRIDAY,13,0,0,0,0,0,0,Industry: type 9,,0.2023661515472415,0.10411991642915908,0.0928,0.0933,0.9856,0.8028,0.0158,0.0,0.2069,0.1667,0.2083,0.073,0.0756,0.0919,0.0,0.0,0.0945,0.0968,0.9856,0.8105,0.0159,0.0,0.2069,0.1667,0.2083,0.0747,0.0826,0.0957,0.0,0.0,0.0937,0.0933,0.9856,0.8054,0.0159,0.0,0.2069,0.1667,0.2083,0.0743,0.077,0.0935,0.0,0.0,reg oper account,block of flats,0.0812,Panel,No,5.0,0.0,5.0,0.0,-1.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1038272,324373,Cash loans,,0.0,0.0,,,MONDAY,11,Y,1,,,,XNA,Refused,-246,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,Y,Y,0,157500.0,517500.0,20650.5,517500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-21244,365243,-4690.0,-4682,13.0,1,0,0,1,0,0,,2.0,2,1,TUESDAY,14,0,0,0,0,0,0,XNA,,0.5799732816759386,0.7407990879702335,0.0031,0.0,0.9722,0.6192,0.0,0.0,0.0345,0.0,0.0417,0.0206,0.0025,0.0019,0.0,0.0,0.0032,0.0,0.9722,0.6341,0.0,0.0,0.0345,0.0,0.0417,0.0211,0.0028,0.0019,0.0,0.0,0.0031,0.0,0.9722,0.6243,0.0,0.0,0.0345,0.0,0.0417,0.021,0.0026,0.0019,0.0,0.0,reg oper account,block of flats,0.0018,Wooden,No,5.0,0.0,5.0,0.0,-2060.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1102645,259983,Consumer loans,13002.435,132367.5,69457.5,66186.0,132367.5,MONDAY,11,Y,1,0.5314119062770489,,,XAP,Approved,-1772,Cash through the bank,XAP,,New,Furniture,POS,XNA,Stone,100,Furniture,6.0,middle,POS industry with interest,365243.0,-1727.0,-1577.0,-1607.0,-1605.0,0.0,0,Cash loans,F,N,Y,0,90000.0,646920.0,19044.0,540000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-19727,365243,-4521.0,-3268,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,XNA,,0.737774161263794,0.7091891096653581,0.034,0.0616,0.9871,,,0.0,0.1034,0.0833,,,,0.0266,,0.0,0.0347,0.064,0.9871,,,0.0,0.1034,0.0833,,,,0.0278,,0.0,0.0344,0.0616,0.9871,,,0.0,0.1034,0.0833,,,,0.0271,,0.0,,block of flats,0.021,"Stone, brick",No,0.0,0.0,0.0,0.0,-1772.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2024039,360065,Revolving loans,6750.0,135000.0,135000.0,,135000.0,MONDAY,16,Y,1,,,,XAP,Approved,-571,XNA,XAP,,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),4,XNA,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,M,N,Y,0,180000.0,619965.0,20128.5,517500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.005144,-13986,-155,-2569.0,-2582,,1,1,0,1,0,0,Security staff,1.0,2,2,FRIDAY,13,0,1,1,0,0,0,Security,,0.09642697328609318,0.3046721837533529,0.0021,,,,,,0.069,0.0,,,,,,,0.0021,,,,,,0.069,0.0,,,,,,,0.0021,,,,,,0.069,0.0,,,,,,,,terraced house,0.0017,Wooden,No,1.0,0.0,1.0,0.0,-53.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +2533210,380966,Cash loans,73116.27,1129500.0,1195101.0,,1129500.0,THURSDAY,9,Y,1,,,,XNA,Approved,-554,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-523.0,167.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,315000.0,315000.0,18211.5,315000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.018801,-17184,-2044,-6534.0,-736,7.0,1,1,1,1,1,0,Drivers,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Self-employed,,0.5782143521546614,,0.0835,0.0787,0.9762,0.6736,0.0346,0.0,0.1379,0.1667,0.2083,0.0594,0.0672,0.0684,0.0039,0.0052,0.0851,0.0817,0.9762,0.6864,0.0349,0.0,0.1379,0.1667,0.2083,0.0607,0.0735,0.0713,0.0039,0.0055,0.0843,0.0787,0.9762,0.6779999999999999,0.0348,0.0,0.1379,0.1667,0.2083,0.0604,0.0684,0.0697,0.0039,0.0053,org spec account,block of flats,0.0866,Panel,No,0.0,0.0,0.0,0.0,-1597.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1517552,140488,Consumer loans,12520.26,155250.0,175846.5,0.0,155250.0,FRIDAY,10,Y,1,0.0,,,XAP,Approved,-2294,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,200,Furniture,18.0,middle,POS industry with interest,365243.0,-2263.0,-1753.0,-1753.0,-1746.0,1.0,0,Cash loans,F,Y,Y,0,157500.0,1345036.5,37116.0,1174500.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.031329,-18193,-9944,-8193.0,-1729,8.0,1,1,0,1,0,0,Core staff,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,School,0.7806930809737107,0.34543149571467835,0.10684194768082178,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,2.0,0.0,-1553.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1909119,306880,Cash loans,23839.92,216000.0,216000.0,0.0,216000.0,MONDAY,13,Y,1,0.0,,,XNA,Refused,-1991,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,N,0,148500.0,668304.0,32278.5,540000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.018029,-14920,-2177,-8926.0,-2472,,1,1,0,1,0,0,Sales staff,2.0,3,3,THURSDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.7431854324370394,0.4969131267434961,0.7898803468924867,,,0.9786,,,,,,,,,,,,,,0.9786,,,,,,,,,,,,,,0.9786,,,,,,,,,,,,,block of flats,0.0717,"Stone, brick",No,1.0,0.0,1.0,0.0,-1980.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,3.0 +2354917,140589,Consumer loans,19645.785,105242.4,110799.0,0.9,105242.4,THURSDAY,8,Y,1,8.846414285408362e-06,,,XAP,Approved,-1048,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Regional / Local,80,Consumer electronics,6.0,low_normal,POS household without interest,365243.0,-1017.0,-867.0,-867.0,-862.0,0.0,0,Cash loans,F,N,Y,0,135000.0,308133.0,15862.5,234000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.020246,-19809,365243,-2440.0,-3322,,1,0,0,1,0,0,,2.0,3,3,TUESDAY,6,0,0,0,0,0,0,XNA,0.7396997163319189,0.07273606373648435,0.4614823912998385,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1048.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2346229,416441,Consumer loans,11409.705,80955.0,79911.0,8095.5,80955.0,THURSDAY,16,Y,1,0.1001827757557164,,,XAP,Approved,-177,Cash through the bank,XAP,Family,Refreshed,Consumer Electronics,POS,XNA,Stone,500,Furniture,8.0,middle,POS industry with interest,365243.0,-147.0,63.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,225000.0,900000.0,47952.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-19538,-2694,-9971.0,-2919,,1,1,1,1,0,0,Laborers,2.0,2,2,SATURDAY,11,0,0,0,0,1,1,Self-employed,,0.07957031466569629,0.6279908192952864,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1515.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1722334,173001,Cash loans,,0.0,0.0,,,WEDNESDAY,10,Y,1,,,,XNA,Refused,-181,XNA,SCOFR,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,Y,Y,0,121500.0,269550.0,14751.0,225000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.010147,-10665,-2422,-1125.0,-2527,6.0,1,1,1,1,1,0,High skill tech staff,2.0,2,2,TUESDAY,17,0,0,0,0,0,0,Business Entity Type 1,0.17824701059805054,0.21923546925164028,0.18195910978627852,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-243.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1921362,205105,Consumer loans,4088.385,21541.5,20209.5,4500.0,21541.5,SATURDAY,11,Y,1,0.1983410870680949,,,XAP,Approved,-1005,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,63,Connectivity,6.0,high,POS mobile with interest,365243.0,-974.0,-824.0,-824.0,-815.0,0.0,0,Cash loans,F,N,Y,0,180000.0,161658.0,8766.0,161658.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-12163,-1133,-349.0,-4839,,1,1,0,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Self-employed,0.49104935051636,0.4085799528220557,0.6279908192952864,0.0722,0.0436,0.9791,,,0.0,0.1379,0.1667,,0.0974,,0.0632,,0.0242,0.0735,0.0453,0.9791,,,0.0,0.1379,0.1667,,0.0996,,0.0658,,0.0256,0.0729,0.0436,0.9791,,,0.0,0.1379,0.1667,,0.0991,,0.0643,,0.0247,,block of flats,0.0549,Block,No,3.0,1.0,3.0,0.0,-1630.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1420776,111306,Consumer loans,5735.205,87480.0,87480.0,0.0,87480.0,WEDNESDAY,12,Y,1,0.0,,,XAP,Approved,-435,XNA,XAP,,Repeater,Furniture,POS,XNA,Stone,10,Clothing,18.0,low_normal,POS industry with interest,365243.0,-400.0,110.0,-190.0,-186.0,0.0,0,Cash loans,F,N,Y,0,144000.0,801000.0,34065.0,801000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-23456,365243,-3376.0,-4222,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,XNA,,0.7814475875173279,0.6161216908872079,0.2227,0.0867,0.9836,0.7756,0.053,0.24,0.2069,0.3333,0.0417,0.0923,0.1816,0.2355,0.0,0.0,0.2269,0.09,0.9836,0.7844,0.0534,0.2417,0.2069,0.3333,0.0417,0.0944,0.1983,0.2453,0.0,0.0,0.2248,0.0867,0.9836,0.7786,0.0533,0.24,0.2069,0.3333,0.0417,0.0939,0.1847,0.2397,0.0,0.0,reg oper account,block of flats,0.2142,Panel,No,9.0,0.0,9.0,0.0,-870.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2558165,252985,Cash loans,33451.74,859500.0,859500.0,,859500.0,FRIDAY,13,Y,1,,,,XNA,Approved,-389,XNA,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,99000.0,337500.0,12721.5,337500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.00963,-21549,365243,-8019.0,-4188,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,,0.3833766083353285,0.7194907850918436,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1695.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1078765,197228,Cash loans,23825.025,202500.0,215865.0,0.0,202500.0,FRIDAY,15,Y,1,0.0,,,XNA,Approved,-2083,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,high,Cash Street: high,365243.0,-2053.0,-1723.0,-1723.0,-1717.0,1.0,0,Cash loans,F,N,Y,0,270000.0,675000.0,21906.0,675000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0060079999999999995,-14171,-603,-369.0,-3764,,1,1,0,1,1,0,,2.0,2,2,TUESDAY,13,0,0,0,1,1,0,Business Entity Type 1,,0.5361785968955731,0.7503751495159068,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-149.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2712802,205356,Consumer loans,17467.155,82026.0,96142.5,0.0,82026.0,FRIDAY,11,Y,1,0.0,,,XAP,Approved,-460,Cash through the bank,XAP,,New,Homewares,POS,XNA,Stone,500,Construction,6.0,middle,POS industry with interest,365243.0,-425.0,-275.0,-275.0,-269.0,0.0,0,Cash loans,F,N,Y,0,180000.0,1223010.0,48631.5,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.003069,-19491,-4674,-8737.0,-1150,,1,1,0,1,0,0,Sales staff,1.0,3,3,WEDNESDAY,13,0,0,0,0,1,1,Self-employed,,0.5033913067967315,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-460.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1764890,262731,Consumer loans,23046.705,230490.0,207441.0,23049.0,230490.0,MONDAY,10,Y,1,0.1089090909090909,,,XAP,Approved,-2854,XNA,XAP,,New,Furniture,POS,XNA,Stone,15,Furniture,10.0,low_normal,POS industry without interest,365243.0,-2809.0,-2539.0,-2569.0,-2561.0,0.0,0,Cash loans,M,N,Y,1,742500.0,1258650.0,53455.5,1125000.0,"Spouse, partner",State servant,Higher education,Married,House / apartment,0.04622,-17224,-7808,-3864.0,-752,,1,1,0,1,0,1,Managers,3.0,1,1,SATURDAY,10,0,1,1,0,0,0,Police,0.7352071930862267,0.781425178463583,0.7032033049040319,0.0722,0.0447,0.9851,0.7959999999999999,0.0424,0.04,0.0345,0.3333,0.375,,0.0555,0.059,0.0154,0.042,0.0735,0.0464,0.9851,0.804,0.0428,0.0403,0.0345,0.3333,0.375,,0.0606,0.0615,0.0156,0.0445,0.0729,0.0447,0.9851,0.7987,0.0427,0.04,0.0345,0.3333,0.375,,0.0564,0.0601,0.0155,0.0429,reg oper account,block of flats,0.0787,"Stone, brick",No,0.0,0.0,0.0,0.0,-2577.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1897506,360076,Consumer loans,26228.385,244305.0,236079.0,24430.5,244305.0,SATURDAY,13,Y,1,0.10213460720067964,,,XAP,Approved,-2560,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,7000,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2529.0,-2259.0,-2259.0,-2251.0,1.0,0,Cash loans,M,N,N,0,315000.0,1125000.0,36423.0,1125000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-15523,-2757,-4132.0,-4771,,1,1,1,1,1,0,Managers,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.385785678698572,0.6833714153760687,0.15663982703141147,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-2560.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1915239,409886,Consumer loans,30145.23,615524.085,669150.0,0.585,615524.085,MONDAY,11,Y,1,9.521297539001357e-07,,,XAP,Approved,-515,Cash through the bank,XAP,,New,Construction Materials,POS,XNA,Stone,1500,Construction,24.0,low_action,POS industry without interest,365243.0,-483.0,207.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,2,270000.0,1308964.5,38403.0,1143000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.006852,-15415,-720,-276.0,-4169,4.0,1,1,0,1,0,0,Drivers,4.0,3,3,FRIDAY,8,0,0,0,0,0,0,Medicine,,0.27685606394147416,0.7675231046555077,0.0845,0.034,0.9771,0.6872,0.0341,0.0,0.1379,0.1667,0.0417,0.0164,0.0664,0.0675,0.0116,0.028,0.0861,0.0353,0.9772,0.6994,0.0344,0.0,0.1379,0.1667,0.0417,0.0167,0.0725,0.0703,0.0117,0.0296,0.0854,0.034,0.9771,0.6914,0.0343,0.0,0.1379,0.1667,0.0417,0.0166,0.0676,0.0687,0.0116,0.0285,reg oper account,block of flats,0.0587,"Stone, brick",No,1.0,0.0,1.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2586691,297597,Cash loans,47530.35,967500.0,1051789.5,,967500.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-967,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-937.0,113.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,1,225000.0,1078200.0,31653.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.030755,-16655,-1487,-2169.0,-188,5.0,1,1,0,1,0,0,Drivers,3.0,2,2,THURSDAY,18,0,0,0,0,0,0,Business Entity Type 3,,0.6321239728578547,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1818.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1884733,423005,Consumer loans,6500.835,29947.5,31882.5,2997.0,29947.5,SATURDAY,13,Y,1,0.09357947948065347,,,XAP,Approved,-1669,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,70,Connectivity,6.0,high,POS mobile with interest,365243.0,-1638.0,-1488.0,-1518.0,-1514.0,0.0,0,Cash loans,F,Y,Y,1,108000.0,655204.5,22563.0,513000.0,Family,Working,Higher education,Married,House / apartment,0.020246,-10740,-229,-2344.0,-949,3.0,1,1,0,1,1,0,Core staff,3.0,3,3,TUESDAY,10,0,0,0,0,1,1,Trade: type 3,0.20625742971452746,0.18045748977987264,0.4578995512067301,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1669.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +2562927,426508,Consumer loans,6031.395,34740.0,29169.0,6948.0,34740.0,THURSDAY,15,Y,1,0.2095136261694946,,,XAP,Approved,-1821,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,29,Connectivity,6.0,high,POS mobile with interest,365243.0,-1790.0,-1640.0,-1640.0,-1636.0,0.0,0,Cash loans,F,Y,Y,1,171000.0,385164.0,18657.0,292500.0,Family,State servant,Secondary / secondary special,Widow,House / apartment,0.0060079999999999995,-15565,-3240,-8243.0,-4749,14.0,1,1,0,1,0,0,,2.0,2,2,FRIDAY,10,0,0,0,0,1,1,Postal,,0.6910376980921974,0.7597121819739279,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1821.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1363051,214965,Consumer loans,7492.41,51066.0,47241.0,6750.0,51066.0,SATURDAY,15,Y,1,0.13615905681249904,,,XAP,Approved,-2912,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,5,Connectivity,8.0,low_normal,POS mobile with interest,365243.0,-2881.0,-2671.0,-2701.0,-2694.0,1.0,0,Cash loans,F,N,Y,0,90000.0,526500.0,28692.0,526500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.015221,-12131,-2742,-2683.0,-2657,,1,1,0,1,0,0,,2.0,2,2,SATURDAY,9,0,0,0,0,0,0,Business Entity Type 2,0.33759549172250136,0.3611930591841758,0.324891229465852,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2524.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1561576,276828,Cash loans,18523.215,360000.0,409896.0,,360000.0,THURSDAY,8,Y,1,,,,XNA,Approved,-901,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,2145,Consumer electronics,36.0,middle,Cash X-Sell: middle,365243.0,-871.0,179.0,-151.0,-149.0,1.0,0,Cash loans,F,Y,Y,0,247500.0,1055376.0,30987.0,756000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.0228,-14124,-2368,-5164.0,-4627,10.0,1,1,1,1,1,0,Core staff,1.0,2,2,TUESDAY,8,0,0,0,0,1,1,Transport: type 2,0.2953867559067249,0.050360543977891296,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1441.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +1573805,248582,Consumer loans,5822.28,42705.0,48559.5,4270.5,42705.0,FRIDAY,8,Y,1,0.08803639461050021,,,XAP,Approved,-1293,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,15,Connectivity,12.0,high,POS mobile with interest,365243.0,-1250.0,-920.0,-1070.0,-1066.0,0.0,0,Cash loans,F,N,Y,1,225000.0,1454094.0,42646.5,1138500.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.010032,-12898,-986,-9338.0,-4879,,1,1,0,1,0,0,Sales staff,3.0,2,2,WEDNESDAY,11,0,0,0,0,1,1,Business Entity Type 3,0.5891089997344645,0.6649094551919386,0.8193176922872417,0.0619,0.0629,0.9876,,,,0.1379,0.1667,,,,0.0677,,,0.063,0.0653,0.9876,,,,0.1379,0.1667,,,,0.0705,,,0.0625,0.0629,0.9876,,,,0.1379,0.1667,,,,0.0689,,,,block of flats,0.0594,Panel,No,3.0,0.0,3.0,0.0,-1608.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1365156,115314,Revolving loans,2250.0,45000.0,45000.0,,45000.0,FRIDAY,14,Y,1,,,,XAP,Approved,-207,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Country-wide,1,Consumer electronics,0.0,XNA,Card Street,-175.0,-132.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,76500.0,1078200.0,31522.5,900000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.015221,-19027,-1422,-5419.0,-2584,,1,1,1,1,1,0,Sales staff,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Self-employed,0.6562826321780612,0.4156526460626983,0.21885908222837447,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-960.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1469792,216616,Consumer loans,9968.13,53995.5,53995.5,0.0,53995.5,SUNDAY,15,Y,1,0.0,,,XAP,Approved,-915,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,1,Consumer electronics,6.0,middle,POS household with interest,365243.0,-884.0,-734.0,-734.0,-725.0,0.0,0,Cash loans,F,N,Y,0,99000.0,877500.0,44802.0,877500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-15656,-3848,-4015.0,-5148,,1,1,1,1,1,0,Managers,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Industry: type 4,0.5320132455819249,0.6096818312415048,0.746300213050371,0.0608,0.0488,0.9796,,,,0.1379,0.1667,,0.2083,,0.0529,,,0.062,0.0506,0.9796,,,,0.1379,0.1667,,0.2131,,0.0552,,,0.0614,0.0488,0.9796,,,,0.1379,0.1667,,0.2119,,0.0539,,,,block of flats,0.0416,Panel,No,1.0,0.0,1.0,0.0,-2011.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1209251,424811,Cash loans,37865.07,697500.0,745375.5,,697500.0,MONDAY,14,Y,1,,,,XNA,Approved,-423,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_action,Cash X-Sell: low,365243.0,-393.0,297.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,162000.0,156384.0,17815.5,135000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.00733,-22181,365243,-12058.0,-4992,,1,0,0,1,1,0,,1.0,2,2,THURSDAY,10,0,0,0,0,0,0,XNA,,0.6565075493268191,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-748.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1322221,166034,Cash loans,25501.815,675000.0,767664.0,,675000.0,FRIDAY,10,Y,1,,,,XNA,Refused,-269,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,1,270000.0,152820.0,16587.0,135000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.04622,-13647,-118,-7718.0,-1592,,1,1,0,1,0,0,Private service staff,3.0,1,1,MONDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.6527203660925831,0.10344905212675168,0.0031,,0.9682,,,,,0.0,,0.0146,,0.0031,,,0.0032,,0.9682,,,,,0.0,,0.0149,,0.0032,,,0.0031,,0.9682,,,,,0.0,,0.0148,,0.0031,,,,block of flats,0.0024,Others,No,3.0,1.0,3.0,0.0,-901.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1833307,133267,Cash loans,28465.38,225000.0,239850.0,,225000.0,MONDAY,10,Y,1,,,,XNA,Approved,-771,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Country-wide,38,Connectivity,12.0,high,Cash Street: high,365243.0,-741.0,-411.0,-711.0,-693.0,1.0,0,Cash loans,F,N,Y,1,202500.0,760225.5,30280.5,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-12613,-1566,-2366.0,-2366,,1,1,0,1,0,0,,3.0,2,2,TUESDAY,10,0,0,0,0,0,0,Self-employed,,0.29438715815442185,0.5849900404894085,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,5.0 +2342748,111934,Cash loans,22812.75,112500.0,112500.0,,112500.0,SUNDAY,18,Y,1,,,,Payments on other loans,Refused,-551,Cash through the bank,LIMIT,,Repeater,XNA,Cash,walk-in,Country-wide,20,Connectivity,6.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,153000.0,298512.0,23715.0,270000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.019688999999999998,-10762,-683,-3335.0,-3362,,1,1,0,1,1,0,Core staff,1.0,2,2,FRIDAY,7,0,0,0,0,1,1,Mobile,,0.6281946555604074,0.24988506275045536,0.0495,0.0518,0.9727,0.626,0.0405,0.0,0.1379,0.1667,0.2083,0.0773,0.0403,0.0397,0.0,0.0,0.0504,0.0538,0.9727,0.6406,0.0408,0.0,0.1379,0.1667,0.2083,0.079,0.0441,0.0414,0.0,0.0,0.05,0.0518,0.9727,0.631,0.0407,0.0,0.1379,0.1667,0.2083,0.0786,0.041,0.0404,0.0,0.0,reg oper account,block of flats,0.0435,"Stone, brick",No,4.0,0.0,4.0,0.0,-705.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2839228,257439,Cash loans,19303.155,180000.0,191880.0,,180000.0,SATURDAY,8,Y,1,,,,XNA,Approved,-1291,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,middle,Cash X-Sell: middle,365243.0,-1261.0,-931.0,-961.0,-954.0,1.0,0,Cash loans,F,N,Y,2,180000.0,995125.5,53149.5,940500.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.014464,-13432,-2176,-5909.0,-1936,,1,1,0,1,0,0,Laborers,4.0,2,2,TUESDAY,10,0,0,0,1,1,0,Business Entity Type 3,,0.32591538964794303,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-653.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2189019,220687,Consumer loans,8875.035,102897.45,91026.0,20565.45,102897.45,SATURDAY,13,Y,1,0.20071111753063187,,,XAP,Approved,-1190,Cash through the bank,XAP,,New,Computers,POS,XNA,Country-wide,50,Connectivity,12.0,middle,POS mobile with interest,365243.0,-1155.0,-825.0,-825.0,-818.0,0.0,0,Cash loans,F,Y,Y,1,360000.0,755190.0,36459.0,675000.0,Unaccompanied,State servant,Secondary / secondary special,Civil marriage,Co-op apartment,0.006852,-10250,-1583,-1327.0,-2875,14.0,1,1,0,1,0,0,High skill tech staff,3.0,3,3,SATURDAY,9,0,0,0,0,0,0,University,0.2184267011711621,0.24689543662869304,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1190.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2046149,360486,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,17,Y,1,,,,XAP,Refused,-316,XNA,LIMIT,Unaccompanied,New,XNA,Cards,walk-in,Regional / Local,777,Consumer electronics,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,N,Y,0,157500.0,102384.0,8217.0,81000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.032561,-14972,-629,-9124.0,-4071,,1,1,0,1,1,0,Drivers,1.0,1,1,THURSDAY,11,0,0,0,0,0,0,Construction,,0.5661333141748863,0.3825018041447388,0.0691,0.056,0.9786,0.7076,0.0114,0.02,0.0862,0.25,0.2917,0.0298,0.0559,0.0554,0.0019,0.0011,0.0567,0.0316,0.9782,0.7125,0.01,0.0,0.0345,0.1667,0.2083,0.0172,0.0496,0.0429,0.0,0.0,0.0697,0.056,0.9786,0.7115,0.0115,0.02,0.0862,0.25,0.2917,0.0303,0.0569,0.0564,0.0019,0.0011,reg oper account,block of flats,0.0394,Panel,No,0.0,0.0,0.0,0.0,-316.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,2.0,0.0,0.0,2.0 +2658863,379013,Consumer loans,14179.95,275499.0,311863.5,0.0,275499.0,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-936,Cash through the bank,XAP,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Country-wide,1000,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-905.0,-215.0,-425.0,-417.0,0.0,0,Cash loans,M,N,Y,1,225000.0,305221.5,19633.5,252000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.020713,-9591,-2195,-3852.0,-2256,,1,1,0,1,0,0,Laborers,3.0,3,3,THURSDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.36239982189031816,0.41184855592423975,0.0165,0.036000000000000004,0.9801,,,0.0,0.069,0.0417,,,,0.0145,,0.0044,0.0168,0.0374,0.9801,,,0.0,0.069,0.0417,,,,0.0151,,0.0047,0.0167,0.036000000000000004,0.9801,,,0.0,0.069,0.0417,,,,0.0148,,0.0045,,block of flats,0.0124,"Stone, brick",No,0.0,0.0,0.0,0.0,-1654.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1481431,403886,Consumer loans,14145.795,94540.5,69669.0,28363.5,94540.5,SATURDAY,16,Y,1,0.3151039706219874,,,XAP,Approved,-837,Cash through the bank,XAP,"Spouse, partner",New,Mobile,POS,XNA,Country-wide,28,Connectivity,6.0,high,POS mobile with interest,365243.0,-806.0,-656.0,-656.0,-654.0,0.0,0,Cash loans,F,N,N,0,112500.0,193500.0,10494.0,193500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-8992,-952,-3539.0,-1293,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Self-employed,0.7871624448858673,0.534350859430631,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-837.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1569860,131224,Consumer loans,9119.88,96705.0,85531.5,19341.0,96705.0,MONDAY,12,Y,1,0.2008544401318483,,,XAP,Approved,-1008,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Regional / Local,150,Consumer electronics,12.0,middle,POS household with interest,365243.0,-977.0,-647.0,-887.0,-882.0,0.0,0,Cash loans,F,Y,Y,0,54000.0,536917.5,30109.5,463500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.00733,-21073,365243,-8861.0,-4325,19.0,1,0,0,1,1,0,,2.0,2,2,MONDAY,12,0,0,0,0,0,0,XNA,0.8114580064758083,0.6533743837468384,,0.1485,0.0355,0.9876,0.83,0.0335,0.08,0.069,0.3333,0.0417,0.1002,,0.1565,,0.0037,0.1513,0.0368,0.9876,0.8367,0.0338,0.0806,0.069,0.3333,0.0417,0.1025,,0.163,,0.0039,0.1499,0.0355,0.9876,0.8323,0.0338,0.08,0.069,0.3333,0.0417,0.102,,0.1593,,0.0038,reg oper account,block of flats,0.1661,"Stone, brick",No,0.0,0.0,0.0,0.0,-1008.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1058777,276935,Cash loans,8909.505,45000.0,47970.0,,45000.0,THURSDAY,10,Y,1,,,,XNA,Approved,-278,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-248.0,-98.0,-128.0,-121.0,1.0,0,Cash loans,F,N,N,0,108000.0,292500.0,18022.5,292500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-17491,-242,-7504.0,-593,,1,1,0,1,0,0,Accountants,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,Other,0.5259323357749685,0.6807680690960028,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2078.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1950666,124635,Consumer loans,4256.325,31635.0,30820.5,3163.5,31635.0,TUESDAY,13,Y,1,0.1013812114791988,,,XAP,Approved,-2256,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,25,Connectivity,10.0,high,POS mobile with interest,365243.0,-2215.0,-1945.0,-1945.0,-1936.0,0.0,0,Cash loans,F,N,N,0,103500.0,152820.0,9895.5,135000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.04622,-12348,-424,-5141.0,-3999,,1,1,1,1,1,0,Sales staff,1.0,1,1,WEDNESDAY,17,0,0,0,0,0,0,Business Entity Type 3,,0.7279714660066006,0.6512602186973006,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1652.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1542175,191239,Cash loans,42231.015,900000.0,1004544.0,,900000.0,TUESDAY,10,Y,1,,,,Repairs,Refused,-487,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,middle,Cash Street: middle,,,,,,,0,Cash loans,M,Y,Y,2,270000.0,1078200.0,38331.0,900000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.00823,-15065,-195,-574.0,-3936,3.0,1,1,0,1,0,0,Drivers,4.0,2,2,SATURDAY,16,0,0,0,1,1,1,Government,,0.3207912295136829,0.4830501881366946,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-510.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2059606,119286,Cash loans,66406.365,2250000.0,2517300.0,,2250000.0,TUESDAY,12,Y,1,,,,Building a house or an annex,Refused,-737,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_action,Cash Street: low,,,,,,,0,Cash loans,M,Y,Y,2,225000.0,810000.0,32251.5,810000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.018209,-11891,-1176,-497.0,-3720,1.0,1,1,0,1,1,0,,4.0,3,3,THURSDAY,11,0,0,0,0,0,0,Construction,0.32606050696934785,0.4698176255998331,0.4170996682522097,,0.0799,0.9757,,,,0.1379,0.1667,,,,0.0701,,,,0.0829,0.9757,,,,0.1379,0.1667,,,,0.0731,,,,0.0799,0.9757,,,,0.1379,0.1667,,,,0.0714,,,,,0.0552,Panel,No,0.0,0.0,0.0,0.0,-1526.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1176249,126419,Consumer loans,3441.42,76306.5,76306.5,0.0,76306.5,THURSDAY,11,Y,1,0.0,,,XAP,Approved,-1552,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Regional / Local,800,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1521.0,-831.0,-831.0,-827.0,0.0,0,Cash loans,F,Y,N,0,180000.0,1354500.0,35730.0,1354500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-20093,365243,-11004.0,-3639,16.0,1,0,0,1,0,0,,2.0,2,2,TUESDAY,17,0,0,0,0,0,0,XNA,0.8288591812242702,0.7186503903566733,0.6075573001388961,0.099,0.0526,0.9851,0.7959999999999999,0.0355,0.16,0.1379,0.3333,0.375,0.0607,,0.1143,,0.0104,0.1008,0.0545,0.9851,0.804,0.0358,0.1611,0.1379,0.3333,0.375,0.0621,,0.1191,,0.011,0.0999,0.0526,0.9851,0.7987,0.0357,0.16,0.1379,0.3333,0.375,0.0617,,0.1164,,0.0106,reg oper account,block of flats,0.1116,Panel,No,9.0,0.0,9.0,0.0,-2126.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2219196,272622,Cash loans,10629.72,90000.0,115893.0,,90000.0,SUNDAY,10,Y,1,,,,Repairs,Refused,-320,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,,,,,,,0,Cash loans,M,N,Y,1,135000.0,135000.0,14454.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.014519999999999996,-11424,-2814,-5960.0,-3906,,1,1,0,1,0,0,High skill tech staff,3.0,2,2,FRIDAY,13,0,0,0,0,0,0,Business Entity Type 2,0.18423189438192145,0.6495611395201968,0.09507039584133267,0.0784,0.1011,0.9851,0.7959999999999999,0.0128,0.0,0.2069,0.1667,0.0417,0.0647,0.0639,0.0878,0.0,0.0032,0.0798,0.1049,0.9836,0.7844,0.013,0.0,0.1379,0.1667,0.0417,0.0,0.0698,0.0777,0.0,0.0,0.0791,0.1011,0.9851,0.7987,0.0129,0.0,0.2069,0.1667,0.0417,0.0659,0.065,0.0893,0.0,0.0032,reg oper account,block of flats,0.06,"Stone, brick",No,0.0,0.0,0.0,0.0,-2327.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1265547,338183,Cash loans,28376.73,715500.0,715500.0,,715500.0,TUESDAY,9,Y,1,,,,XNA,Approved,-247,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-217.0,833.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,1,135000.0,825673.5,35113.5,738000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-13780,-2087,-4384.0,-4818,6.0,1,1,0,1,0,0,Laborers,3.0,2,2,THURSDAY,12,0,0,0,0,0,0,Industry: type 2,,0.6328813348083813,0.4170996682522097,0.066,0.0783,0.9727,0.626,0.0055,0.0,0.1379,0.125,0.1667,0.0162,0.0538,0.0507,0.0,0.0,0.0672,0.0813,0.9727,0.6406,0.0056,0.0,0.1379,0.125,0.1667,0.0166,0.0588,0.0529,0.0,0.0,0.0666,0.0783,0.9727,0.631,0.0056,0.0,0.1379,0.125,0.1667,0.0165,0.0547,0.0516,0.0,0.0,reg oper account,block of flats,0.0399,"Stone, brick",No,3.0,0.0,3.0,0.0,-392.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1326315,279144,Consumer loans,16450.335,164520.0,148068.0,16452.0,164520.0,THURSDAY,10,Y,1,0.1089090909090909,,,XAP,Approved,-1534,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,1380,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1503.0,-1233.0,-1233.0,-1230.0,0.0,0,Cash loans,F,N,Y,0,202500.0,1215000.0,35523.0,1215000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.025164,-10572,-180,-7318.0,-581,,1,1,1,1,1,0,Sales staff,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,Self-employed,0.6623265251016435,0.6015394082892562,0.22888341670067305,0.3629,0.2707,0.9906,0.8708,0.0827,0.44,0.3793,0.375,0.375,0.298,0.2942,0.4786,0.0077,0.1236,0.3697,0.281,0.9906,0.8759,0.0835,0.4431,0.3793,0.375,0.375,0.3048,0.3214,0.4987,0.0078,0.1309,0.3664,0.2707,0.9906,0.8725,0.0832,0.44,0.3793,0.375,0.375,0.3032,0.2993,0.4872,0.0078,0.1262,reg oper account,block of flats,0.4486,Panel,No,6.0,1.0,6.0,1.0,-1900.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1277810,414704,Consumer loans,8391.735,40860.0,42880.5,0.0,40860.0,FRIDAY,13,Y,1,0.0,,,XAP,Approved,-1775,XNA,XAP,,Repeater,Consumer Electronics,POS,XNA,Country-wide,50,Consumer electronics,6.0,high,POS other with interest,365243.0,-1731.0,-1581.0,-1581.0,-1577.0,0.0,0,Cash loans,M,Y,Y,2,90000.0,239850.0,23494.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-15719,-4207,-6620.0,-726,23.0,1,1,1,1,1,0,Laborers,4.0,2,2,TUESDAY,9,0,0,0,0,0,0,Military,,0.6716185883826806,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-501.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1867485,330677,Consumer loans,20670.03,238356.0,190683.0,47673.0,238356.0,WEDNESDAY,13,Y,1,0.2178264063379604,,,XAP,Refused,-1153,Cash through the bank,LIMIT,Unaccompanied,Repeater,Homewares,POS,XNA,Regional / Local,80,Clothing,12.0,high,POS other with interest,,,,,,,0,Cash loans,F,N,Y,0,135000.0,198000.0,7591.5,198000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.028663,-22179,365243,-10219.0,-4053,,1,0,0,1,0,0,,1.0,2,2,MONDAY,14,0,0,0,0,0,0,XNA,0.8395820256039067,0.6096818312415048,0.746300213050371,0.0124,0.0,0.9642,,,0.0,0.0345,0.0417,,,,0.0076,,0.0,0.0126,0.0,0.9643,,,0.0,0.0345,0.0417,,,,0.008,,0.0,0.0125,0.0,0.9642,,,0.0,0.0345,0.0417,,,,0.0078,,0.0,,block of flats,0.0103,Block,No,1.0,1.0,1.0,1.0,-614.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1267290,109730,Cash loans,35769.06,1125000.0,1272015.0,,1125000.0,TUESDAY,15,Y,1,,,,XNA,Approved,-684,Cash through the bank,XAP,"Spouse, partner",Refreshed,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,54.0,low_action,Cash Street: low,365243.0,-653.0,937.0,-383.0,-380.0,0.0,0,Cash loans,M,Y,N,0,193500.0,1762110.0,48456.0,1575000.0,,Working,Secondary / secondary special,Civil marriage,House / apartment,0.025164,-12298,-1983,-4220.0,-4612,10.0,1,1,1,1,1,0,Laborers,2.0,2,2,MONDAY,13,0,0,0,0,0,0,Self-employed,,0.30228772857977115,0.6894791426446275,0.0722,0.0788,0.9776,0.6940000000000001,0.0084,,0.1379,0.1667,,0.0162,,0.0622,,0.0326,0.0735,0.0818,0.9777,0.706,0.0085,,0.1379,0.1667,,0.0165,,0.0648,,0.0346,0.0729,0.0788,0.9776,0.6981,0.0085,,0.1379,0.1667,,0.0165,,0.0634,,0.0333,reg oper account,block of flats,0.056,Block,No,5.0,0.0,5.0,0.0,-2235.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2110886,195297,Consumer loans,3996.855,21780.0,19602.0,2178.0,21780.0,MONDAY,8,Y,1,0.1089090909090909,,,XAP,Approved,-1415,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Stone,50,Consumer electronics,6.0,high,POS household with interest,365243.0,-1369.0,-1219.0,-1219.0,-1191.0,0.0,0,Cash loans,M,Y,Y,0,180000.0,1187298.0,38299.5,850500.0,Unaccompanied,Working,Lower secondary,Married,House / apartment,0.0228,-15782,-1769,-3913.0,-3933,6.0,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,7,0,0,0,0,1,1,Business Entity Type 3,,0.4790158706195437,0.475849908720221,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-38.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1645194,286355,Consumer loans,4312.755,19921.5,20974.5,0.0,19921.5,MONDAY,13,Y,1,0.0,,,XAP,Approved,-746,Cash through the bank,XAP,Family,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,10,Connectivity,6.0,high,POS mobile with interest,365243.0,-714.0,-564.0,-714.0,-710.0,0.0,0,Revolving loans,F,N,Y,0,135000.0,405000.0,20250.0,405000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-23041,365243,-3215.0,-4153,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,XNA,,0.5726422083421745,,0.0082,0.0049,0.9588,,,0.0,0.069,0.0417,,,,0.0051,,,0.0084,0.0051,0.9588,,,0.0,0.069,0.0417,,,,0.0053,,,0.0083,0.0049,0.9588,,,0.0,0.069,0.0417,,,,0.0052,,,,block of flats,0.004,Wooden,No,,,,,-1712.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,2.0 +2402185,416820,Cash loans,42515.55,1350000.0,1546020.0,,1350000.0,TUESDAY,3,Y,1,,,,Buying a used car,Refused,-281,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,Y,N,1,292500.0,781920.0,47965.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.006305,-15988,-4095,-328.0,-4656,15.0,1,1,0,1,0,0,Realty agents,3.0,3,3,WEDNESDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.639564532215276,0.3505866595840963,0.3859146722745145,0.0268,0.0,0.9776,0.5579999999999999,0.0,0.0,0.1034,0.0833,0.0417,0.0,0.0017,0.0174,0.0,0.0,0.0021,0.0,0.9677,0.5753,0.0,0.0,0.069,0.0,0.0417,0.0,0.0018,0.0015,0.0,0.0,0.0271,0.0,0.9776,0.5639,0.0,0.0,0.1034,0.0833,0.0417,0.0,0.0017,0.0177,0.0,0.0,not specified,block of flats,0.0428,Wooden,No,0.0,0.0,0.0,0.0,-1706.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +2483617,446125,Cash loans,34297.515,450000.0,491580.0,,450000.0,WEDNESDAY,13,Y,1,,,,XNA,Refused,-806,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,,,,,,,1,Cash loans,M,N,N,1,112500.0,417024.0,25330.5,360000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-19241,-1010,-9372.0,-2800,,1,1,1,1,0,0,Security staff,3.0,3,2,WEDNESDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.33106213079889923,,0.1485,0.0725,0.9866,0.8164,0.0922,0.04,0.0345,0.3333,0.375,0.08,0.121,0.0963,0.0,0.0,0.1513,0.0753,0.9866,0.8236,0.093,0.0403,0.0345,0.3333,0.375,0.0819,0.1322,0.1003,0.0,0.0,0.1499,0.0725,0.9866,0.8189,0.0928,0.04,0.0345,0.3333,0.375,0.0814,0.1231,0.098,0.0,0.0,reg oper account,block of flats,0.1261,"Stone, brick",No,3.0,2.0,3.0,1.0,-489.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2663022,259871,Cash loans,12393.225,292500.0,292500.0,,292500.0,TUESDAY,9,Y,1,,,,XNA,Approved,-1090,XNA,XAP,,Refreshed,XNA,Cash,x-sell,Country-wide,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-1060.0,-10.0,-550.0,-546.0,0.0,0,Revolving loans,F,Y,N,0,112500.0,450000.0,22500.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.019688999999999998,-19785,-1142,-90.0,-3316,19.0,1,1,0,1,0,0,,1.0,2,2,FRIDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.3207102366924854,0.36896873825284665,0.0722,0.0878,0.9821,0.7552,0.0076,0.0,0.1379,0.1667,0.2083,0.0463,0.0572,0.0642,0.0077,0.0,0.0735,0.0911,0.9821,0.7648,0.0077,0.0,0.1379,0.1667,0.2083,0.0473,0.0624,0.0669,0.0078,0.0,0.0729,0.0878,0.9821,0.7585,0.0077,0.0,0.1379,0.1667,0.2083,0.0471,0.0581,0.0653,0.0078,0.0,reg oper account,block of flats,0.0547,"Stone, brick",No,10.0,0.0,10.0,0.0,-2479.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1382471,146126,Consumer loans,4555.125,29245.5,24633.0,5850.0,29245.5,FRIDAY,17,Y,1,0.20900770325039592,,,XAP,Approved,-640,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,2100,Consumer electronics,6.0,middle,POS household with interest,365243.0,-609.0,-459.0,-459.0,-456.0,0.0,0,Cash loans,F,Y,Y,2,126000.0,494550.0,38403.0,450000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.00823,-12843,-1131,-1396.0,-4058,8.0,1,1,0,1,0,0,Sales staff,4.0,2,2,MONDAY,11,0,0,0,0,0,0,Trade: type 7,,0.3380871497910343,0.8327850252992314,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-640.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1535554,326293,Cash loans,15943.5,450000.0,450000.0,,450000.0,SATURDAY,14,Y,1,,,,XNA,Approved,-797,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,XNA,60.0,middle,Cash X-Sell: middle,365243.0,-767.0,1003.0,-287.0,-285.0,0.0,0,Cash loans,F,N,N,0,202500.0,677664.0,21771.0,585000.0,Family,Pensioner,Secondary / secondary special,Separated,House / apartment,0.008019,-22669,365243,-2656.0,-4466,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,14,0,0,0,0,0,0,XNA,,0.6576408441057692,0.4920600938649263,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1670170,126578,Cash loans,47171.835,450000.0,470790.0,,450000.0,SATURDAY,13,Y,1,,,,XNA,Approved,-726,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-696.0,-366.0,-606.0,-599.0,1.0,0,Revolving loans,M,Y,Y,1,675000.0,900000.0,45000.0,900000.0,"Spouse, partner",State servant,Higher education,Married,House / apartment,0.025164,-15010,-6716,-105.0,-1270,3.0,1,1,1,1,0,0,Managers,3.0,2,2,THURSDAY,13,0,0,0,0,0,0,Transport: type 2,0.6933724659709275,0.6627476321926328,0.5954562029091491,0.1876,0.0789,0.9995,0.9932,0.0887,0.16,0.0345,1.0,1.0,0.0,0.1496,0.3118,0.0154,0.0698,0.1912,0.0819,0.9995,0.9935,0.0895,0.1611,0.0345,1.0,1.0,0.0,0.1635,0.3248,0.0156,0.0739,0.1894,0.0789,0.9995,0.9933,0.0892,0.16,0.0345,1.0,1.0,0.0,0.1522,0.3174,0.0155,0.0712,reg oper spec account,block of flats,0.3089,"Stone, brick",No,0.0,0.0,0.0,0.0,-1699.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2159381,285626,Cash loans,16356.33,157500.0,167895.0,,157500.0,THURSDAY,6,Y,1,,,,XNA,Approved,-485,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,15,Connectivity,12.0,low_normal,Cash X-Sell: low,365243.0,-455.0,-125.0,-185.0,-181.0,1.0,0,Cash loans,F,N,N,0,144000.0,814041.0,23800.5,679500.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.006852,-23585,-213,-933.0,-4485,,1,1,0,1,0,0,,1.0,3,3,SATURDAY,7,0,0,0,1,1,0,Cleaning,,0.2340255735967721,,0.0619,0.0813,0.9866,0.8164,0.0152,0.0,0.1379,0.1667,0.2083,0.0204,0.0504,0.0618,0.0,0.0,0.063,0.0844,0.9866,0.8236,0.0153,0.0,0.1379,0.1667,0.2083,0.0208,0.0551,0.0644,0.0,0.0,0.0625,0.0813,0.9866,0.8189,0.0153,0.0,0.1379,0.1667,0.2083,0.0207,0.0513,0.0629,0.0,0.0,reg oper account,block of flats,0.0532,Panel,No,3.0,1.0,3.0,1.0,-1842.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2390604,142107,Cash loans,28742.67,450000.0,491580.0,,450000.0,SATURDAY,16,Y,1,,,,XNA,Approved,-1082,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-1052.0,-362.0,-362.0,-346.0,1.0,0,Cash loans,F,N,Y,0,157500.0,296280.0,18256.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018634,-24413,365243,-11303.0,-4200,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,XNA,,0.5451499236047679,0.633031641417419,0.0742,0.0558,0.9841,0.7824,0.1108,0.08,0.069,0.3333,0.0417,0.0159,0.0597,0.077,0.0039,0.0033,0.0756,0.0579,0.9841,0.7909,0.1118,0.0806,0.069,0.3333,0.0417,0.0163,0.0652,0.0802,0.0039,0.0035,0.0749,0.0558,0.9841,0.7853,0.1115,0.08,0.069,0.3333,0.0417,0.0162,0.0607,0.0784,0.0039,0.0034,org spec account,block of flats,0.0606,"Stone, brick",No,2.0,2.0,2.0,0.0,-2195.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1391880,315138,Cash loans,18219.015,180000.0,191880.0,,180000.0,SATURDAY,12,Y,1,,,,XNA,Approved,-187,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-157.0,173.0,-37.0,-32.0,1.0,0,Cash loans,F,N,Y,1,90000.0,294322.5,16893.0,243000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.010147,-14705,-3474,-4563.0,-4815,,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,9,0,0,0,0,1,1,Self-employed,,0.4795452488403982,0.7407990879702335,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1233.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2366989,365860,Consumer loans,7279.065,67455.0,60709.5,6745.5,67455.0,SATURDAY,14,Y,1,0.1089090909090909,,,XAP,Approved,-1160,Cash through the bank,XAP,,New,Mobile,POS,XNA,Stone,40,Connectivity,12.0,high,POS mobile with interest,365243.0,-1112.0,-782.0,-902.0,-885.0,0.0,0,Cash loans,F,Y,N,0,135000.0,675000.0,34596.0,675000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-9405,-998,-3325.0,-1934,4.0,1,1,1,1,0,0,Sales staff,2.0,2,2,THURSDAY,7,0,0,0,0,0,0,Business Entity Type 3,,0.3670510380309709,0.5867400085415683,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-452.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +2213831,233160,Consumer loans,,27184.5,27184.5,0.0,27184.5,THURSDAY,16,Y,1,0.0,,,XAP,Refused,-369,Cash through the bank,SCO,,Repeater,Mobile,XNA,XNA,Country-wide,15,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,0,90000.0,147726.0,9999.0,130500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.025164,-15350,-1205,-300.0,-544,,1,1,1,1,1,0,,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Self-employed,,0.26651977539251576,0.18195910978627852,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-521.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2524461,182490,Consumer loans,11508.975,43605.0,40396.5,4500.0,43605.0,FRIDAY,18,Y,1,0.10916015927542434,,,XAP,Approved,-2602,Cash through the bank,XAP,"Spouse, partner",New,Mobile,POS,XNA,Stone,20,Connectivity,4.0,high,POS mobile with interest,365243.0,-2571.0,-2481.0,-2481.0,-2474.0,1.0,0,Cash loans,M,N,N,0,180000.0,314100.0,21375.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Municipal apartment,0.006670999999999999,-15012,-1317,-8345.0,-4304,,1,1,0,1,0,0,Laborers,1.0,2,2,WEDNESDAY,18,0,0,0,0,1,1,Industry: type 1,0.1989773901733442,0.6811101391779583,0.6263042766749393,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2602.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +1046013,361703,Consumer loans,18604.62,173295.0,167458.5,17329.5,173295.0,TUESDAY,12,Y,1,0.10213542496856344,,,XAP,Approved,-2310,Cash through the bank,XAP,Family,Refreshed,Audio/Video,POS,XNA,Stone,400,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2279.0,-2009.0,-2009.0,-2004.0,1.0,1,Revolving loans,F,N,Y,1,126000.0,382500.0,19125.0,382500.0,Family,Working,Secondary / secondary special,Separated,House / apartment,0.008019,-15978,-2763,-6824.0,-4255,,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,15,0,0,0,0,1,1,Industry: type 11,0.6798312128366453,0.5355857742633934,0.6212263380626669,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1524.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1958077,289155,Cash loans,51863.265,1215000.0,1338493.5,,1215000.0,THURSDAY,14,Y,1,,,,XNA,Refused,-595,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,42.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,306000.0,352422.0,26478.0,315000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.010006000000000001,-21714,365243,-1178.0,-1834,8.0,1,0,0,1,1,0,,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,XNA,,0.6913877505407457,0.445396241560834,0.099,0.0577,0.9925,0.898,0.0618,0.08,0.069,0.4583,0.0417,0.0543,0.0799,0.1031,0.0039,0.0035,0.1008,0.0599,0.9926,0.902,0.0624,0.0806,0.069,0.4583,0.0417,0.0555,0.0872,0.1074,0.0039,0.0037,0.0999,0.0577,0.9925,0.8994,0.0622,0.08,0.069,0.4583,0.0417,0.0552,0.0812,0.1049,0.0039,0.0036,reg oper account,block of flats,0.1149,Panel,No,0.0,0.0,0.0,0.0,-1051.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1577134,148227,Cash loans,7228.35,94500.0,103855.5,,94500.0,MONDAY,10,Y,1,,,,XNA,Approved,-260,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-230.0,280.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,N,1,135000.0,225000.0,13045.5,225000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.00496,-11087,-3212,-5030.0,-3563,11.0,1,1,0,1,0,0,Sales staff,3.0,2,2,TUESDAY,18,0,0,0,0,0,0,Trade: type 7,0.6678983987982965,0.6236018024305983,0.6642482627052363,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-818.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1514671,435939,Cash loans,16164.0,450000.0,450000.0,,450000.0,WEDNESDAY,3,Y,1,,,,XNA,Approved,-306,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,0,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-276.0,1134.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,N,1,112500.0,279000.0,16857.0,279000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006305,-13402,-2704,-3527.0,-4360,12.0,1,1,0,1,0,0,Sales staff,3.0,3,3,FRIDAY,13,0,0,0,0,1,1,Self-employed,0.4386991550768463,0.3848509753397497,0.6178261467332483,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2223.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2110055,405725,Cash loans,39467.25,675000.0,675000.0,,675000.0,MONDAY,11,Y,1,,,,XNA,Approved,-701,XNA,XAP,Family,Refreshed,XNA,Cash,x-sell,Country-wide,40,Connectivity,24.0,middle,Cash X-Sell: middle,365243.0,-671.0,19.0,-41.0,-37.0,0.0,0,Cash loans,F,Y,Y,2,90000.0,391090.5,20605.5,297000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-13222,-213,-3980.0,-4085,8.0,1,1,0,1,0,0,High skill tech staff,4.0,2,2,TUESDAY,8,0,0,0,0,0,0,Industry: type 3,,0.6000131695931213,0.4471785780453068,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,10.0,1.0,10.0,1.0,-2709.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1959266,271280,Cash loans,15316.29,247500.0,274288.5,,247500.0,THURSDAY,6,Y,1,,,,XNA,Approved,-691,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-661.0,29.0,365243.0,365243.0,1.0,0,Revolving loans,M,Y,N,0,90000.0,202500.0,10125.0,202500.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.018209,-22323,-3207,-2857.0,-4607,25.0,1,1,0,1,0,0,Security staff,1.0,3,3,TUESDAY,11,0,0,0,0,0,0,Security,0.6232111596239237,0.508474760004394,0.4722533429586386,0.166,0.0827,0.9767,0.6804,0.026,0.0,0.1034,0.1667,0.0417,0.0497,0.1353,0.0609,0.0,0.0,0.1691,0.0858,0.9767,0.6929,0.0262,0.0,0.1034,0.1667,0.0417,0.0508,0.1478,0.0634,0.0,0.0,0.1676,0.0827,0.9767,0.6847,0.0261,0.0,0.1034,0.1667,0.0417,0.0506,0.1377,0.062,0.0,0.0,reg oper account,block of flats,0.0621,"Stone, brick",No,0.0,0.0,0.0,0.0,-987.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1129022,324920,Consumer loans,6025.5,60921.0,60255.0,6093.0,60921.0,SATURDAY,10,Y,1,0.10001553790756176,,,XAP,Approved,-2389,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,8025,Consumer electronics,12.0,middle,POS household with interest,365243.0,-2358.0,-2028.0,-2028.0,-2024.0,1.0,0,Cash loans,F,N,Y,0,270000.0,1035000.0,30393.0,1035000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008019,-18163,-567,-1648.0,-1719,,1,1,0,1,0,0,High skill tech staff,2.0,2,2,MONDAY,16,0,0,0,0,0,0,Transport: type 4,,0.7671354194226347,0.38079968264891495,0.033,0.0311,0.9747,0.6532,0.0203,0.0,0.069,0.125,0.1667,0.0245,0.0269,0.025,0.0,0.0,0.0336,0.0323,0.9747,0.6668,0.0205,0.0,0.069,0.125,0.1667,0.025,0.0294,0.026,0.0,0.0,0.0333,0.0311,0.9747,0.6578,0.0204,0.0,0.069,0.125,0.1667,0.0249,0.0274,0.0254,0.0,0.0,not specified,block of flats,0.0307,"Stone, brick",No,0.0,0.0,0.0,0.0,-2985.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2371215,346503,Consumer loans,37801.89,630000.0,567000.0,63000.0,630000.0,THURSDAY,15,Y,1,0.1089090909090909,,,XAP,Approved,-483,Cash through the bank,XAP,,New,Furniture,POS,XNA,Stone,27,Furniture,18.0,low_normal,POS industry with interest,365243.0,-452.0,58.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,135000.0,983160.0,54895.5,900000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-22057,365243,-9998.0,-4272,,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,19,0,0,0,0,0,0,XNA,,0.6536615722106857,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-483.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1080697,426366,Consumer loans,28666.62,286695.0,258025.5,28669.5,286695.0,SUNDAY,15,Y,1,0.1089090909090909,,,XAP,Approved,-2590,Cash through the bank,XAP,,New,Computers,POS,XNA,Stone,77,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-2548.0,-2278.0,-2278.0,-2275.0,0.0,0,Cash loans,F,N,Y,0,270000.0,761872.5,61213.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.032561,-20933,-598,-8671.0,-4308,,1,1,0,1,1,1,Laborers,1.0,1,1,SUNDAY,13,0,0,0,0,0,0,Culture,,0.7922648167264658,,0.1232,0.0376,0.9752,0.66,0.0133,0.0,0.2069,0.1667,0.2083,0.0252,0.1004,0.1013,0.0,0.0006,0.105,0.0,0.9742,0.6602,0.0106,0.0,0.1724,0.1667,0.2083,0.0,0.0918,0.0906,0.0,0.0,0.1244,0.0376,0.9752,0.6645,0.0133,0.0,0.2069,0.1667,0.2083,0.0256,0.1022,0.1031,0.0,0.0007,reg oper account,block of flats,0.0744,"Stone, brick",No,1.0,1.0,1.0,1.0,-2590.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1819806,164780,Consumer loans,5859.675,24750.0,22275.0,2475.0,24750.0,SUNDAY,10,Y,1,0.1089090909090909,,,XAP,Approved,-212,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Stone,40,Consumer electronics,4.0,low_normal,POS mobile with interest,365243.0,-182.0,-92.0,-92.0,-86.0,0.0,0,Cash loans,F,N,Y,0,67500.0,101880.0,10206.0,90000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-10926,-2109,-4582.0,-1826,,1,1,0,1,1,0,Sales staff,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.616228827574875,0.3539876078507373,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-986.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2347480,209502,Consumer loans,2678.4,24705.0,16740.0,9000.0,24705.0,WEDNESDAY,10,Y,1,0.3808010171646534,,,XAP,Approved,-2262,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,16,Connectivity,8.0,high,POS mobile with interest,365243.0,-2225.0,-2015.0,-2015.0,-1985.0,0.0,0,Cash loans,M,Y,Y,0,202500.0,525735.0,37516.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.005313,-15974,-3133,-2625.0,-5114,1.0,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,17,0,0,0,0,1,1,Self-employed,0.5180871941089177,0.5258699790716845,0.5513812618027899,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-383.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1980775,259293,Consumer loans,7392.825,61164.0,65133.0,2250.0,61164.0,THURSDAY,9,Y,1,0.036366064815376964,,,XAP,Approved,-750,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Regional / Local,100,Consumer electronics,12.0,high,POS household with interest,365243.0,-719.0,-389.0,-389.0,-383.0,0.0,0,Cash loans,F,N,Y,0,81000.0,239850.0,23494.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-22311,365243,-9878.0,-4476,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,XNA,0.6202237644260619,0.4305646818848605,0.30620229831350426,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,1.0,7.0,0.0,-1953.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1673598,196592,Consumer loans,5319.54,33255.0,26505.0,6750.0,33255.0,MONDAY,8,Y,1,0.22106040103333746,,,XAP,Refused,-2835,Cash through the bank,SCO,,Repeater,XNA,POS,XNA,Country-wide,20,Connectivity,6.0,low_normal,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,1,85500.0,1436850.0,42012.0,1125000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.020246,-9885,-167,-2222.0,-2280,,1,1,0,1,0,0,Drivers,3.0,3,3,MONDAY,10,0,0,0,0,0,0,Government,0.4031053733799526,0.3141812590964255,0.41534714488434,0.0825,0.0327,0.9732,,,0.0,0.1379,0.1667,,0.0,,0.0643,,0.0062,0.084,0.034,0.9732,,,0.0,0.1379,0.1667,,0.0,,0.067,,0.0065,0.0833,0.0327,0.9732,,,0.0,0.1379,0.1667,,0.0,,0.0654,,0.0063,,block of flats,0.0562,"Stone, brick",No,0.0,0.0,0.0,0.0,-1672.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2343801,350762,Consumer loans,10076.085,107793.0,97011.0,10782.0,107793.0,WEDNESDAY,18,Y,1,0.10893637046763872,,,XAP,Approved,-277,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,35,Furniture,12.0,middle,POS industry with interest,365243.0,-247.0,83.0,-127.0,-119.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,276277.5,22149.0,238500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.0105,-8183,-592,-690.0,-843,15.0,1,1,0,1,0,0,Laborers,2.0,3,3,SUNDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.4031287693632892,0.14876431360338552,0.15855489979486306,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-53.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1500541,438914,Revolving loans,6750.0,225000.0,135000.0,,225000.0,THURSDAY,9,Y,1,,,,XAP,Approved,-323,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-323.0,-277.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,153000.0,151173.0,16002.0,130500.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.00496,-16354,365243,-9870.0,-2277,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,9,0,0,0,0,0,0,XNA,0.4407614991426971,0.5761490796355392,0.6195277080511546,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1043.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1438989,163546,Revolving loans,7875.0,0.0,157500.0,,,THURSDAY,20,Y,1,,,,XAP,Approved,-2877,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,40,Connectivity,0.0,XNA,Card Street,-2837.0,-2775.0,365243.0,-1679.0,365243.0,0.0,0,Cash loans,M,N,N,2,234000.0,229500.0,11160.0,229500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.006670999999999999,-11931,-3381,-27.0,-3899,,1,1,1,1,0,0,Core staff,4.0,2,2,SUNDAY,14,0,0,0,1,1,1,Military,,0.6424201422117459,0.3842068130556564,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-161.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2803003,429290,Cash loans,61377.885,990000.0,1047501.0,,990000.0,MONDAY,15,Y,1,,,,XNA,Approved,-894,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-864.0,-174.0,-384.0,-356.0,1.0,0,Cash loans,F,N,N,0,112500.0,1125000.0,44617.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007114,-14303,-446,-1103.0,-2003,,1,1,0,1,1,0,Cooking staff,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.6844693090803237,0.7196397336500912,0.524496446363472,0.0041,,0.9642,,,,,,,0.0035,,0.0032,,,0.0042,,0.9643,,,,,,,0.0035,,0.0033,,,0.0042,,0.9642,,,,,,,0.0035,,0.0032,,,,block of flats,0.0031,Wooden,No,4.0,0.0,4.0,0.0,-394.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1374980,332085,Consumer loans,8324.19,83250.0,74925.0,8325.0,83250.0,FRIDAY,10,Y,1,0.1089090909090909,,,XAP,Approved,-2360,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Stone,181,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2326.0,-2056.0,-2056.0,-2050.0,0.0,0,Cash loans,F,N,Y,1,135000.0,818410.5,27175.5,706500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-16502,-9623,-8719.0,-50,,1,1,0,1,0,0,Medicine staff,3.0,2,2,SATURDAY,12,0,0,0,0,0,0,Medicine,,0.20496935805520766,0.6161216908872079,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2360.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2251688,192435,Cash loans,10027.395,94500.0,94500.0,,94500.0,FRIDAY,14,Y,1,,,,Repairs,Refused,-437,Cash through the bank,SCO,Family,Repeater,XNA,Cash,walk-in,Country-wide,17,Connectivity,12.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,76500.0,88884.0,4405.5,67500.0,Family,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.026392000000000002,-22204,365243,-15497.0,-4234,,1,0,0,1,1,0,,1.0,2,2,MONDAY,13,0,0,0,0,0,0,XNA,,0.6893590794832514,0.7180328113294772,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-437.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1129266,219313,Consumer loans,2926.215,27036.0,26338.5,2704.5,27036.0,WEDNESDAY,12,Y,1,0.1014167394427698,,,XAP,Approved,-2624,Cash through the bank,XAP,"Spouse, partner",New,Audio/Video,POS,XNA,Country-wide,1766,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2593.0,-2323.0,-2323.0,-2319.0,1.0,0,Cash loans,F,N,Y,2,112500.0,675000.0,22306.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-15167,-8443,-5207.0,-4607,,1,1,1,1,1,0,,4.0,2,2,TUESDAY,16,0,0,0,0,0,0,Industry: type 11,,0.7031023702059879,0.4992720153045617,0.2021,0.1188,0.9925,,,0.24,0.2069,0.3333,,0.1288,,0.2529,,0.0091,0.2059,0.1233,0.9926,,,0.2417,0.2069,0.3333,,0.1318,,0.2635,,0.0096,0.204,0.1188,0.9925,,,0.24,0.2069,0.3333,,0.1311,,0.2574,,0.0092,,block of flats,0.2009,Panel,No,0.0,0.0,0.0,0.0,-1488.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2733879,120808,Revolving loans,38250.0,0.0,765000.0,,,SATURDAY,12,Y,1,,,,XAP,Refused,-587,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,Y,Y,2,135000.0,339241.5,15813.0,238500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-11913,-1816,-4484.0,-3441,8.0,1,1,0,1,0,0,Laborers,4.0,2,2,FRIDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.14996501591006434,0.09936995452303513,0.6161216908872079,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2123409,432994,Consumer loans,2499.84,60016.5,53644.5,6372.0,60016.5,MONDAY,9,Y,1,0.1156296563899473,,,XAP,Approved,-2745,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,-1,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-2714.0,-2024.0,-2414.0,-2403.0,0.0,0,Cash loans,M,Y,N,0,157500.0,538704.0,26046.0,481500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.031329,-14762,-2370,-6189.0,-4187,8.0,1,1,0,1,0,0,Drivers,1.0,2,2,TUESDAY,16,0,0,0,0,1,1,Trade: type 1,,0.6631531908438449,0.4866531565147181,0.0825,0.0742,0.9786,0.7076,0.0135,0.0,0.2069,0.1667,0.2083,0.0166,0.0672,0.0775,0.0,0.0,0.084,0.077,0.9786,0.7190000000000001,0.0136,0.0,0.2069,0.1667,0.2083,0.017,0.0735,0.0808,0.0,0.0,0.0833,0.0742,0.9786,0.7115,0.0136,0.0,0.2069,0.1667,0.2083,0.0169,0.0684,0.0789,0.0,0.0,reg oper account,block of flats,0.061,Panel,No,0.0,0.0,0.0,0.0,-3324.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,3.0,0.0,0.0,0.0,0.0 +2304954,267261,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,16,Y,1,,,,XAP,Approved,-176,XNA,XAP,Unaccompanied,New,XNA,Cards,walk-in,Channel of corporate sales,-1,XNA,0.0,XNA,Card Street,-170.0,-135.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,2,121500.0,225000.0,9292.5,225000.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.030755,-15083,-209,-211.0,-1870,,1,1,1,1,1,0,Sales staff,3.0,2,2,THURSDAY,14,0,0,0,0,0,0,Trade: type 3,0.5592179142790911,0.5921421327543419,0.36227724703843145,0.0722,0.0764,0.9776,,,0.0,0.1379,0.1667,,0.0162,,0.0463,,0.0,0.0735,0.0792,0.9777,,,0.0,0.1379,0.1667,,0.0166,,0.0482,,0.0,0.0729,0.0764,0.9776,,,0.0,0.1379,0.1667,,0.0165,,0.0471,,0.0,,block of flats,0.0689,Panel,No,1.0,0.0,1.0,0.0,-189.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2580082,135481,Consumer loans,5961.87,118818.0,132192.0,0.0,118818.0,FRIDAY,14,Y,1,0.0,,,XAP,Approved,-1581,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,2700,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1550.0,-860.0,-860.0,-858.0,0.0,0,Cash loans,F,N,Y,1,112500.0,916470.0,26928.0,765000.0,Unaccompanied,Working,Lower secondary,Married,House / apartment,0.022625,-12455,-2250,-464.0,-3496,,1,1,0,1,0,0,Laborers,3.0,2,2,THURSDAY,14,0,0,0,0,0,0,Self-employed,0.6786101601812473,0.7094261229145697,0.3842068130556564,0.3948,0.4782,0.9801,0.728,0.1863,0.0,0.8966,0.1667,0.2083,0.4165,0.3219,0.253,0.0154,0.0,0.4023,0.4962,0.9801,0.7387,0.188,0.0,0.8966,0.1667,0.2083,0.426,0.3517,0.2636,0.0156,0.0,0.3987,0.4782,0.9801,0.7316,0.1874,0.0,0.8966,0.1667,0.2083,0.4238,0.3275,0.2575,0.0155,0.0,reg oper account,block of flats,0.3045,Panel,No,0.0,0.0,0.0,0.0,-1581.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2094683,221881,Consumer loans,10412.46,67450.5,53950.5,13500.0,67450.5,TUESDAY,10,Y,1,0.2179780323752571,,,XAP,Approved,-1296,XNA,XAP,Children,New,Mobile,POS,XNA,Country-wide,20,Connectivity,6.0,high,POS mobile with interest,365243.0,-1265.0,-1115.0,-1145.0,-1136.0,0.0,0,Cash loans,F,N,Y,1,135000.0,942300.0,30528.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010032,-15456,-5094,-5034.0,-4072,,1,1,0,1,1,0,Medicine staff,3.0,2,2,WEDNESDAY,3,0,0,0,0,0,0,Medicine,0.7348835459728875,0.5296631856927471,,0.0928,0.0847,0.9786,0.7076,0.0386,0.0,0.2069,0.1667,0.2083,0.141,0.0756,0.0874,0.0,0.0,0.0945,0.0879,0.9786,0.7190000000000001,0.039,0.0,0.2069,0.1667,0.2083,0.1442,0.0826,0.091,0.0,0.0,0.0937,0.0847,0.9786,0.7115,0.0389,0.0,0.2069,0.1667,0.2083,0.1434,0.077,0.08900000000000001,0.0,0.0,,block of flats,0.0898,Panel,No,0.0,0.0,0.0,0.0,-1296.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2246490,427843,Consumer loans,7343.37,52380.0,60394.5,4950.0,52380.0,THURSDAY,14,Y,1,0.08250120515116037,,,XAP,Approved,-527,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,25,Connectivity,12.0,high,POS mobile with interest,365243.0,-482.0,-152.0,-212.0,-209.0,0.0,0,Cash loans,F,N,N,0,202500.0,450000.0,22018.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-12514,-193,-723.0,-1304,,1,1,1,1,0,0,Sales staff,2.0,3,3,SATURDAY,9,0,0,0,1,1,0,Self-employed,,0.4367139302152879,0.3092753558842053,0.1113,0.0883,0.9911,,,0.0,0.2069,0.2083,,0.0261,,0.1187,,0.0,0.1134,0.0916,0.9911,,,0.0,0.2069,0.2083,,0.0267,,0.1237,,0.0,0.1124,0.0883,0.9911,,,0.0,0.2069,0.2083,,0.0265,,0.1209,,0.0,,block of flats,0.0997,Panel,No,0.0,0.0,0.0,0.0,-1010.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1149818,229821,Consumer loans,,49455.0,49455.0,0.0,49455.0,TUESDAY,19,Y,1,0.0,,,XAP,Refused,-1793,Cash through the bank,LIMIT,Unaccompanied,Repeater,Mobile,XNA,XNA,Country-wide,88,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,M,Y,Y,2,202500.0,454500.0,23206.5,454500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.0031219999999999998,-16481,-1433,-9021.0,-13,2.0,1,1,0,1,0,0,Laborers,4.0,3,3,WEDNESDAY,9,1,1,0,1,1,0,Business Entity Type 3,,0.3960974619302415,0.5971924268337128,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,3.0,3.0,2.0,-707.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1256836,433201,Consumer loans,4324.41,22455.0,21208.5,2245.5,22455.0,SATURDAY,11,Y,1,0.10427021558640899,,,XAP,Approved,-2079,XNA,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,15,Connectivity,6.0,high,POS mobile with interest,365243.0,-2037.0,-1887.0,-1887.0,-1882.0,0.0,1,Cash loans,M,N,Y,1,103500.0,263686.5,29880.0,238500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.016612000000000002,-15846,-2764,-4372.0,-4558,,1,1,1,1,1,0,Drivers,2.0,2,2,SATURDAY,16,0,0,0,0,0,0,Business Entity Type 2,,0.52207924051906,0.34090642641523844,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,1.0,6.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1513540,129766,Cash loans,13472.73,67500.0,69727.5,0.0,67500.0,MONDAY,6,Y,1,0.0,,,XNA,Approved,-2543,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,6.0,high,Cash Street: high,365243.0,-2513.0,-2363.0,-2363.0,-2355.0,1.0,0,Revolving loans,M,Y,Y,1,270000.0,720000.0,36000.0,720000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.020246,-13788,-4080,-7719.0,-4675,10.0,1,1,0,1,1,0,Laborers,2.0,3,3,WEDNESDAY,13,0,0,0,0,0,0,Industry: type 9,,0.4927040957993086,0.5726825047161584,0.0711,0.0824,0.9816,0.7484,0.0311,0.0,0.1379,0.1667,0.2083,0.0371,0.0572,0.0438,0.0039,0.0081,0.0725,0.0855,0.9816,0.7583,0.0314,0.0,0.1379,0.1667,0.2083,0.0379,0.0624,0.0457,0.0039,0.0086,0.0718,0.0824,0.9816,0.7518,0.0313,0.0,0.1379,0.1667,0.2083,0.0377,0.0581,0.0446,0.0039,0.0083,reg oper account,block of flats,0.0532,Block,No,0.0,0.0,0.0,0.0,-2025.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1240532,375499,Revolving loans,9000.0,0.0,180000.0,,,WEDNESDAY,11,Y,1,,,,XAP,Approved,-527,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-526.0,-493.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,202500.0,108072.0,7164.0,85500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.030755,-22404,-1114,-5830.0,-948,,1,1,0,1,0,0,Sales staff,1.0,2,2,FRIDAY,10,0,0,0,0,1,1,Construction,,0.2551047033143025,0.5388627065779676,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-527.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2041988,348744,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,13,Y,1,,,,XAP,Approved,-195,XNA,XAP,Family,Repeater,XNA,Cards,walk-in,Stone,740,Consumer electronics,0.0,XNA,Card Street,-39.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,1,112500.0,1006920.0,40063.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018209,-15268,-2218,-4835.0,-4471,,1,1,1,1,0,0,Laborers,3.0,3,3,SATURDAY,16,0,0,0,0,0,0,Self-employed,,0.5223356777365502,0.5779691187553125,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-39.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,0.0 +2341170,388685,Consumer loans,4683.915,32805.0,32805.0,0.0,32805.0,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-16,Cash through the bank,XAP,Unaccompanied,Repeater,Jewelry,POS,XNA,Stone,50,XNA,8.0,middle,POS industry with interest,365243.0,365243.0,224.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,1,135000.0,135000.0,6988.5,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018209,-8601,-1186,-619.0,-1273,,1,1,1,1,1,0,Sales staff,3.0,3,3,MONDAY,12,0,0,0,0,0,0,Trade: type 2,0.1878324095394809,0.620331763088265,0.3506958432829587,0.1649,0.0855,0.9871,0.8232,0.0569,0.12,0.1034,0.3333,0.0417,0.0341,0.1345,0.1042,0.0,0.0,0.1681,0.0887,0.9871,0.8301,0.0574,0.1208,0.1034,0.3333,0.0417,0.0348,0.1469,0.1086,0.0,0.0,0.1665,0.0855,0.9871,0.8256,0.0572,0.12,0.1034,0.3333,0.0417,0.0347,0.1368,0.1061,0.0,0.0,reg oper spec account,block of flats,0.1131,Panel,No,2.0,0.0,2.0,0.0,-1055.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,1.0,3.0 +2328045,378786,Consumer loans,7524.81,76882.5,101236.5,0.0,76882.5,WEDNESDAY,13,Y,1,0.0,,,XAP,Approved,-684,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,800,Consumer electronics,18.0,middle,POS household with interest,365243.0,-653.0,-143.0,-173.0,-162.0,0.0,1,Cash loans,F,N,Y,0,112500.0,640080.0,31261.5,450000.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.019688999999999998,-9800,-1136,-2834.0,-2463,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,9,0,0,0,0,0,0,Trade: type 3,,0.6818648526823025,0.4507472818545589,0.0082,,0.9727,,,0.0,0.0345,0.0417,,0.0041,,0.0056,,,0.0084,,0.9727,,,0.0,0.0345,0.0417,,0.0042,,0.0058,,,0.0083,,0.9727,,,0.0,0.0345,0.0417,,0.0042,,0.0057,,,,block of flats,0.0065,Wooden,No,0.0,0.0,0.0,0.0,-684.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1208958,222999,Cash loans,39604.5,1350000.0,1350000.0,,1350000.0,TUESDAY,12,Y,1,,,,XNA,Approved,-988,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-958.0,812.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,675000.0,1096020.0,55962.0,900000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.00733,-17577,-135,-6754.0,-1129,2.0,1,1,0,1,1,0,,2.0,2,2,WEDNESDAY,11,0,1,1,0,1,1,Other,,0.7407835604204819,0.4206109640437848,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2270.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1282121,216232,Consumer loans,18111.375,165510.0,179712.0,0.0,165510.0,MONDAY,11,Y,1,0.0,,,XAP,Approved,-266,Cash through the bank,XAP,,Repeater,Construction Materials,POS,XNA,Stone,50,Construction,12.0,middle,POS industry with interest,365243.0,-236.0,94.0,-26.0,-22.0,1.0,0,Cash loans,M,Y,Y,0,112500.0,900000.0,26446.5,900000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-14781,-1771,-1002.0,-4092,3.0,1,1,1,1,1,0,Security staff,2.0,2,2,MONDAY,18,0,0,0,1,0,1,Agriculture,,0.7107900882540976,0.5673792367572691,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-868.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2791845,169321,Consumer loans,9549.225,92475.0,102240.0,0.0,92475.0,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-1069,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Regional / Local,67,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-1038.0,-708.0,-888.0,-880.0,0.0,0,Cash loans,F,Y,N,1,144000.0,319500.0,9283.5,319500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.018209,-9512,-1312,-3420.0,-2174,5.0,1,1,1,1,1,0,Medicine staff,2.0,3,3,THURSDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.26127253331283856,0.5545782459173029,0.7544061731797895,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1069.0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1960696,397706,Consumer loans,12490.74,124920.0,112428.0,12492.0,124920.0,WEDNESDAY,8,Y,1,0.1089090909090909,,,XAP,Refused,-2897,Cash through the bank,HC,,Repeater,XNA,POS,XNA,Stone,62,Consumer electronics,10.0,low_normal,POS household without interest,,,,,,,0,Cash loans,M,Y,N,3,247500.0,521280.0,27423.0,450000.0,Unaccompanied,State servant,Higher education,Married,With parents,0.002134,-11678,-3258,-153.0,-3679,9.0,1,1,0,1,0,1,,5.0,3,3,TUESDAY,7,0,0,0,0,1,1,Security Ministries,,0.3790693891161104,0.15193454904964762,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1644.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2757371,303424,Cash loans,,0.0,0.0,,,MONDAY,6,Y,1,,,,XNA,Refused,-256,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,N,Y,0,292500.0,284400.0,16456.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-24018,365243,-7403.0,-2128,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,XNA,,0.29743057325494376,0.34090642641523844,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +1581126,279627,Cash loans,24225.21,180000.0,218308.5,,180000.0,WEDNESDAY,13,Y,1,,,,XNA,Refused,-1044,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,M,N,Y,1,306000.0,1506816.0,47443.5,1350000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.006207,-17429,365243,-3835.0,-963,,1,0,0,1,0,0,,3.0,2,2,THURSDAY,12,0,0,0,0,0,0,XNA,,0.6718789684591803,0.6212263380626669,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-703.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,1.0,1.0,3.0 +1837699,213267,Consumer loans,3773.61,37741.5,33966.0,3775.5,37741.5,SATURDAY,15,Y,1,0.10894804730264364,,,XAP,Refused,-1446,Non-cash from your account,LIMIT,Family,Repeater,Photo / Cinema Equipment,POS,XNA,Regional / Local,123,Consumer electronics,10.0,low_normal,POS household with interest,,,,,,,0,Cash loans,F,N,Y,1,126000.0,1350000.0,39474.0,1350000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-14286,-1560,-8286.0,-5501,,1,1,1,1,1,0,High skill tech staff,3.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Self-employed,,0.6217933396525961,0.326475210066026,0.1031,0.1023,0.9851,0.7959999999999999,0.119,0.0,0.2069,0.1667,0.2083,0.005,0.0841,0.0827,0.0,0.0,0.105,0.1061,0.9851,0.804,0.1201,0.0,0.2069,0.1667,0.2083,0.0052,0.0918,0.0862,0.0,0.0,0.1041,0.1023,0.9851,0.7987,0.1198,0.0,0.2069,0.1667,0.2083,0.0051,0.0855,0.0842,0.0,0.0,reg oper spec account,block of flats,0.0651,Panel,No,0.0,0.0,0.0,0.0,-1544.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +1963829,355688,Consumer loans,8175.06,42097.5,39762.0,4212.0,42097.5,WEDNESDAY,11,Y,1,0.10431734454657092,,,XAP,Approved,-2043,Cash through the bank,XAP,Family,Repeater,Photo / Cinema Equipment,POS,XNA,Stone,2400,Consumer electronics,6.0,high,POS household with interest,365243.0,-2008.0,-1858.0,-1918.0,-1913.0,0.0,0,Cash loans,F,N,Y,1,112500.0,781920.0,28215.0,675000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.010147,-13289,-308,-2198.0,-3443,,1,1,0,1,0,0,Medicine staff,3.0,2,2,TUESDAY,17,0,0,0,0,0,0,Other,,0.5244085558487801,0.7076993447402619,0.1907,0.0,0.9757,0.6668,0.0225,0.0,0.0345,0.1667,0.2083,0.0368,0.1555,0.0801,0.0,0.0,0.1943,0.0,0.9757,0.6798,0.0227,0.0,0.0345,0.1667,0.2083,0.0377,0.1699,0.0834,0.0,0.0,0.1926,0.0,0.9757,0.6713,0.0226,0.0,0.0345,0.1667,0.2083,0.0375,0.1582,0.0815,0.0,0.0,reg oper spec account,block of flats,0.0753,"Stone, brick",No,0.0,0.0,0.0,0.0,-2043.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2089281,170454,Consumer loans,4054.77,33030.0,29727.0,3303.0,33030.0,TUESDAY,8,Y,1,0.1089090909090909,,,XAP,Refused,-2214,Cash through the bank,LIMIT,Unaccompanied,Repeater,Mobile,POS,XNA,Stone,40,Connectivity,10.0,high,POS mobile with interest,,,,,,,0,Cash loans,M,N,Y,0,135000.0,247275.0,19953.0,225000.0,Family,Working,Higher education,Civil marriage,House / apartment,0.030755,-11476,-2894,-9800.0,-2939,,1,1,1,1,0,0,Drivers,2.0,2,2,THURSDAY,12,0,0,0,0,1,1,Business Entity Type 3,,0.40936752276617744,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,1.0,4.0,1.0,-1224.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1549686,402303,Cash loans,10180.215,90000.0,95940.0,,90000.0,WEDNESDAY,9,Y,1,,,,Urgent needs,Approved,-167,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,middle,Cash Street: middle,365243.0,-137.0,193.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,1,112500.0,162000.0,10674.0,162000.0,Unaccompanied,Working,Higher education,Widow,House / apartment,0.022625,-16283,-2711,-10359.0,-4631,,1,1,0,1,0,0,Private service staff,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Self-employed,,0.6018119314305592,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1035.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1748003,257123,Cash loans,26762.805,135000.0,139455.0,,135000.0,THURSDAY,17,Y,1,,,,XNA,Approved,-476,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),6,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-446.0,-296.0,-446.0,-438.0,1.0,0,Revolving loans,F,Y,N,1,247500.0,270000.0,13500.0,270000.0,Unaccompanied,Commercial associate,Higher education,Married,With parents,0.010006000000000001,-11826,-399,-5931.0,-2381,13.0,1,1,0,1,1,0,Accountants,3.0,2,1,THURSDAY,15,0,0,0,0,0,0,Business Entity Type 1,0.3775624537153576,0.5972600075833441,0.511891801533151,0.0825,0.08,0.9781,0.7008,0.0105,0.0,0.1379,0.1667,0.2083,0.0401,0.0672,0.0693,0.0,0.0,0.084,0.083,0.9782,0.7125,0.0106,0.0,0.1379,0.1667,0.2083,0.041,0.0735,0.0722,0.0,0.0,0.0833,0.08,0.9781,0.7048,0.0106,0.0,0.1379,0.1667,0.2083,0.0408,0.0684,0.0706,0.0,0.0,reg oper account,block of flats,0.059,Panel,No,0.0,0.0,0.0,0.0,-1115.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2755555,292586,Consumer loans,5676.3,32782.5,28282.5,4500.0,32782.5,WEDNESDAY,17,Y,1,0.14949772259312408,,,XAP,Approved,-2444,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,55,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2406.0,-2256.0,-2256.0,-2251.0,0.0,0,Cash loans,F,N,Y,1,180000.0,508495.5,21672.0,454500.0,Children,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.031329,-14075,-743,-1275.0,-3966,,1,1,0,1,0,0,Accountants,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.6366430728427359,0.4365064990977374,0.3557,0.0,0.9776,0.6940000000000001,0.0542,0.24,0.2069,0.3333,0.375,0.2463,0.2891,0.3108,0.0039,0.0268,0.3624,0.0,0.9777,0.706,0.0547,0.2417,0.2069,0.3333,0.375,0.252,0.3159,0.3238,0.0039,0.0284,0.3591,0.0,0.9776,0.6981,0.0545,0.24,0.2069,0.3333,0.375,0.2506,0.2941,0.3164,0.0039,0.0274,org spec account,block of flats,0.2799,Panel,No,1.0,0.0,1.0,0.0,-2444.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1108335,389213,Consumer loans,7363.26,62091.0,61411.5,6210.0,62091.0,THURSDAY,16,Y,1,0.10001633423474106,,,XAP,Approved,-1686,Cash through the bank,XAP,Other_A,Repeater,Mobile,POS,XNA,Country-wide,4500,Consumer electronics,12.0,high,POS household with interest,365243.0,-1655.0,-1325.0,-1325.0,-1319.0,0.0,0,Cash loans,F,Y,Y,0,270000.0,962370.0,72085.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.04622,-11194,-1018,-3522.0,-3809,7.0,1,1,1,1,1,0,Sales staff,1.0,1,1,WEDNESDAY,9,0,0,0,0,0,0,Self-employed,0.317396051797762,0.714970522729174,0.7076993447402619,0.132,0.0601,0.9846,,0.079,0.08,0.0345,0.3333,0.375,,0.1076,0.0859,,,0.1345,0.0623,0.9846,,0.0797,0.0806,0.0345,0.3333,0.375,,0.1175,0.0895,,,0.1332,0.0601,0.9846,,0.0795,0.08,0.0345,0.3333,0.375,,0.1095,0.0874,,,reg oper account,block of flats,0.1107,"Stone, brick",No,3.0,0.0,3.0,0.0,-2461.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1603549,344305,Consumer loans,2885.355,14310.0,15160.5,0.0,14310.0,SUNDAY,9,Y,1,0.0,,,XAP,Refused,-168,Cash through the bank,HC,Family,Repeater,Computers,POS,XNA,Country-wide,15,Connectivity,6.0,middle,POS mobile with interest,,,,,,,0,Cash loans,F,Y,Y,0,112500.0,1288350.0,37800.0,1125000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.01885,-13545,-1088,-1096.0,-4923,1.0,1,1,0,1,0,0,Laborers,2.0,2,2,SUNDAY,10,0,0,0,0,0,0,Self-employed,0.4211548664890785,0.4974816659608732,0.4776491548517548,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,10.0,0.0,10.0,0.0,-1244.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1897519,182574,Consumer loans,26592.435,144328.5,150520.5,0.0,144328.5,THURSDAY,10,Y,1,0.0,,,XAP,Approved,-676,XNA,XAP,,Repeater,Auto Accessories,POS,XNA,Stone,123,Auto technology,6.0,low_normal,POS other with interest,365243.0,-645.0,-495.0,-495.0,-491.0,0.0,0,Cash loans,F,Y,Y,1,225000.0,578979.0,53230.5,517500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.006629,-11558,-496,-1784.0,-1168,14.0,1,1,0,1,0,0,,3.0,2,2,MONDAY,8,0,0,0,0,0,0,Business Entity Type 3,0.373956772881206,0.5859965713152653,0.28371188263500075,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2053.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2475978,111035,Revolving loans,9000.0,0.0,180000.0,,,TUESDAY,19,Y,1,,,,XAP,Approved,-2419,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-2417.0,-2370.0,365243.0,-727.0,-267.0,0.0,0,Cash loans,M,Y,N,2,427500.0,1096020.0,55962.0,900000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.04622,-14355,-5779,-500.0,-406,7.0,1,1,1,1,1,0,Laborers,4.0,1,1,SATURDAY,15,1,1,0,1,1,0,Business Entity Type 2,,0.7473214353961785,0.18629294965553744,0.0619,,0.9826,,,0.0,0.1379,0.1667,,,,0.0527,,0.024,0.063,,0.9826,,,0.0,0.1379,0.1667,,,,0.0549,,0.0254,0.0625,,0.9826,,,0.0,0.1379,0.1667,,,,0.0537,,0.0245,,block of flats,0.0415,Mixed,No,2.0,0.0,2.0,0.0,-2391.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1185293,333334,Cash loans,5831.145,45000.0,54261.0,,45000.0,WEDNESDAY,15,Y,1,,,,XNA,Approved,-1346,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1316.0,-986.0,-986.0,-978.0,1.0,0,Cash loans,F,N,Y,0,81000.0,454500.0,25506.0,454500.0,Unaccompanied,Pensioner,Lower secondary,Civil marriage,House / apartment,0.030755,-19129,365243,-8661.0,-2688,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,XNA,,0.5290312105906513,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2749229,178259,Consumer loans,9469.8,107955.0,107955.0,0.0,107955.0,TUESDAY,9,Y,1,0.0,,,XAP,Approved,-724,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Regional / Local,120,Consumer electronics,12.0,low_action,POS household without interest,,,,,,,0,Cash loans,F,Y,Y,2,270000.0,781920.0,40054.5,675000.0,"Spouse, partner",Working,Secondary / secondary special,Civil marriage,House / apartment,0.020246,-12745,-525,-436.0,-4776,9.0,1,1,0,1,0,1,Core staff,4.0,3,3,FRIDAY,10,0,0,0,0,0,0,Kindergarten,0.32211621879808405,0.04048571187749053,0.39449540531239935,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-724.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2202901,198605,Consumer loans,2889.27,26775.0,24097.5,2677.5,26775.0,SATURDAY,17,Y,1,0.1089090909090909,,,XAP,Approved,-1309,Cash through the bank,XAP,"Spouse, partner",Repeater,Mobile,POS,XNA,Stone,20,Connectivity,12.0,high,POS mobile with interest,365243.0,-1262.0,-932.0,-932.0,-929.0,0.0,0,Revolving loans,F,N,Y,1,144000.0,180000.0,9000.0,180000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.00963,-10299,-976,-4091.0,-2984,,1,1,0,1,1,0,Sales staff,3.0,2,2,SATURDAY,15,0,0,0,0,0,0,Self-employed,0.3484896591878246,0.505364702236026,0.3360615207658242,0.0289,0.0244,0.9866,,,0.0,0.069,0.1667,,0.026,,0.0279,,0.0215,0.0294,0.0253,0.9866,,,0.0,0.069,0.1667,,0.0266,,0.0291,,0.0227,0.0291,0.0244,0.9866,,,0.0,0.069,0.1667,,0.0264,,0.0284,,0.0219,,block of flats,0.0267,Panel,No,2.0,0.0,2.0,0.0,-1746.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1318542,139510,Cash loans,18821.52,180000.0,191880.0,,180000.0,SATURDAY,10,Y,1,,,,XNA,Approved,-1466,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-1436.0,-1106.0,-1106.0,-1087.0,1.0,0,Cash loans,F,N,N,0,90000.0,593010.0,17338.5,495000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.016612000000000002,-23447,-5032,-7109.0,-4369,,1,1,0,1,1,0,,1.0,2,2,MONDAY,13,0,0,0,0,0,0,Other,,0.1412929013814376,0.5937175866150576,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,3.0,4.0,2.0,-1263.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2213269,181713,Consumer loans,3252.015,78066.0,69786.0,8280.0,78066.0,SUNDAY,18,Y,1,0.1155134466640116,,,XAP,Refused,-2817,Cash through the bank,HC,Family,Repeater,XNA,POS,XNA,Country-wide,-1,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,0,Revolving loans,M,N,Y,2,135000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.01885,-13901,-5705,-1252.0,-4320,,1,1,0,1,1,0,Laborers,4.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Business Entity Type 2,0.6885252446951851,0.6361016299112368,0.6690566947824041,0.2216,0.1568,0.9826,0.762,0.0266,0.24,0.2069,0.3333,0.375,0.0667,0.174,0.2152,0.0309,0.0862,0.2258,0.1627,0.9826,0.7713,0.0269,0.2417,0.2069,0.3333,0.375,0.0682,0.1901,0.2242,0.0311,0.0913,0.2238,0.1568,0.9826,0.7652,0.0268,0.24,0.2069,0.3333,0.375,0.0678,0.177,0.2191,0.0311,0.0881,reg oper spec account,block of flats,0.2026,"Stone, brick",No,3.0,0.0,3.0,0.0,-1739.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1473328,164797,Consumer loans,18448.155,184500.0,166050.0,18450.0,184500.0,WEDNESDAY,14,Y,1,0.1089090909090909,,,XAP,Refused,-2218,Cash through the bank,SCO,Family,Repeater,Audio/Video,POS,XNA,Country-wide,2910,Consumer electronics,10.0,low_normal,POS household without interest,,,,,,,0,Cash loans,F,N,Y,0,135000.0,1125000.0,34110.0,1125000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-17853,-4673,-6255.0,-1384,,1,1,0,1,1,0,High skill tech staff,2.0,2,2,TUESDAY,17,0,0,0,0,0,0,Self-employed,,0.5044846176572537,0.7623356180684377,0.1979,,0.9866,,,0.24,0.2069,0.3333,,,,0.2066,,0.1468,0.2017,,0.9866,,,0.2417,0.2069,0.3333,,,,0.2153,,0.1554,0.1999,,0.9866,,,0.24,0.2069,0.3333,,,,0.2103,,0.1499,,block of flats,0.1944,Panel,No,3.0,0.0,3.0,0.0,-3166.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1982741,311706,Consumer loans,7524.63,38745.0,36598.5,3874.5,38745.0,TUESDAY,16,Y,1,0.10425920310510033,,,XAP,Approved,-2001,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,30,Connectivity,6.0,high,POS mobile with interest,365243.0,-1932.0,-1782.0,-1812.0,-1807.0,0.0,0,Cash loans,F,Y,N,0,207000.0,1006920.0,39933.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-17319,-3315,-3629.0,-801,24.0,1,1,0,1,1,0,Security staff,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Business Entity Type 1,,0.26525634018619443,0.3556387169923543,0.1227,,0.9816,,,0.0,0.2759,0.1667,,,,0.1105,,0.0069,0.125,,0.9816,,,0.0,0.2759,0.1667,,,,0.1152,,0.0073,0.1239,,0.9816,,,0.0,0.2759,0.1667,,,,0.1125,,0.0071,,block of flats,0.0885,Panel,No,0.0,0.0,0.0,0.0,-2001.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2358937,381106,Cash loans,17620.92,450000.0,533160.0,,450000.0,FRIDAY,11,Y,1,,,,XNA,Refused,-251,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,Country-wide,45,Connectivity,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,N,Y,2,126000.0,215640.0,11826.0,180000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.031329,-13497,-2515,-5151.0,-4664,,1,1,1,1,1,0,Drivers,4.0,2,2,THURSDAY,16,0,0,0,0,1,1,Trade: type 7,,0.16318703546427088,0.5262949398096192,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1712.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1958647,396887,Cash loans,25314.525,607500.0,679671.0,0.0,607500.0,MONDAY,17,Y,1,0.0,,,XNA,Approved,-1229,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,low_action,Cash Street: low,365243.0,-1199.0,-149.0,-149.0,-141.0,1.0,0,Cash loans,F,N,Y,0,186750.0,900000.0,38263.5,900000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-21855,365243,-11700.0,-4219,,1,0,0,1,1,0,,2.0,2,2,MONDAY,18,0,0,0,0,0,0,XNA,,0.6005116412527494,0.1047946227497676,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1614.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,0.0,0.0,2.0 +2009906,165273,Consumer loans,12433.95,116059.5,128317.5,0.0,116059.5,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-614,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,12.0,low_normal,POS mobile without interest,365243.0,-583.0,-253.0,-283.0,-278.0,0.0,0,Cash loans,M,N,Y,1,225000.0,699808.5,52452.0,625500.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.005084,-11732,-1221,-949.0,-1491,,1,1,0,1,0,0,Managers,3.0,2,2,FRIDAY,15,0,0,0,0,1,1,Self-employed,,0.4829736226524749,0.33928769990891394,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-803.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1747243,270322,Consumer loans,13166.28,100845.0,109719.0,0.0,100845.0,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-608,XNA,XAP,Unaccompanied,New,Computers,POS,XNA,Stone,64,Consumer electronics,10.0,middle,POS household with interest,365243.0,-573.0,-303.0,-303.0,-300.0,0.0,0,Revolving loans,F,N,Y,3,72000.0,202500.0,10125.0,202500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019101,-11974,-1591,-269.0,-3839,,1,1,1,1,1,0,Laborers,5.0,2,2,SATURDAY,14,0,0,0,0,1,1,Self-employed,0.42060114977355895,0.25953018863286065,0.6512602186973006,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-608.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2096189,287719,Revolving loans,2250.0,45000.0,45000.0,,45000.0,TUESDAY,14,Y,1,,,,XAP,Approved,-223,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-207.0,-174.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,1,166500.0,269550.0,14751.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010276,-14809,-7714,-1677.0,-4063,3.0,1,1,0,1,0,0,Medicine staff,3.0,2,2,MONDAY,15,0,0,0,0,0,0,Medicine,0.7818230217458304,0.6538744155597626,0.4561097392782771,0.1291,0.093,0.9841,0.7824,0.0185,0.14,0.1121,0.3646,0.3229,0.0848,0.1053,0.1166,0.0,0.0,0.0746,0.0434,0.9836,0.7844,0.0126,0.0806,0.0345,0.3333,0.375,0.0477,0.0652,0.0734,0.0,0.0,0.1124,0.0811,0.9836,0.7786,0.0181,0.12,0.1034,0.3333,0.375,0.0691,0.0923,0.118,0.0,0.0,reg oper account,block of flats,0.1933,Panel,No,0.0,0.0,0.0,0.0,-794.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1066707,253391,Consumer loans,10633.05,141741.0,166063.5,0.0,141741.0,SUNDAY,15,Y,1,0.0,,,XAP,Refused,-774,Cash through the bank,LIMIT,Unaccompanied,Refreshed,Computers,POS,XNA,Country-wide,2194,Consumer electronics,24.0,middle,POS household with interest,,,,,,,1,Cash loans,F,N,Y,0,81000.0,112068.0,7488.0,99000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.025164,-9557,-373,-4717.0,-1721,,1,1,1,1,0,0,Core staff,1.0,2,2,THURSDAY,12,0,0,0,0,0,0,Trade: type 7,0.14891672386863236,0.5084037106083088,0.4830501881366946,0.0742,0.0506,0.9891,0.8504,0.0443,0.04,0.1034,0.2708,0.3125,0.0129,0.0605,0.0721,0.0,0.0,0.0756,0.0438,0.9891,0.8563,0.0393,0.0,0.069,0.2083,0.25,0.0114,0.0661,0.0709,0.0,0.0,0.0749,0.0506,0.9891,0.8524,0.0446,0.04,0.1034,0.2708,0.3125,0.0132,0.0616,0.0734,0.0,0.0,reg oper account,block of flats,0.0807,Block,No,0.0,0.0,0.0,0.0,-773.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1965658,449417,Revolving loans,2250.0,0.0,45000.0,,,SATURDAY,11,N,1,,,,XAP,Refused,-1003,XNA,SCO,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,N,0,49500.0,143910.0,14017.5,135000.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,House / apartment,0.02461,-19684,-676,-9477.0,-3217,,1,1,1,1,1,0,Security staff,1.0,2,2,THURSDAY,17,0,0,0,0,0,0,Construction,,0.2119982799097173,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1880.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1007521,327529,Consumer loans,16773.885,181696.5,181696.5,0.0,181696.5,MONDAY,13,Y,1,0.0,,,XAP,Approved,-1217,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Country-wide,70,Furniture,12.0,low_action,POS industry without interest,365243.0,-1186.0,-856.0,-856.0,-846.0,0.0,0,Cash loans,F,N,Y,1,292500.0,1493086.5,52029.0,1363500.0,Family,Commercial associate,Higher education,Married,House / apartment,0.008625,-11366,-2485,-5661.0,-1718,,1,1,0,1,0,0,Laborers,3.0,2,2,SUNDAY,11,0,0,0,0,0,0,Self-employed,0.2096189669159079,0.7228973369157529,0.6127042441012546,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,2.0,7.0,1.0,-1238.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1168606,255039,Cash loans,,0.0,0.0,,,THURSDAY,11,Y,1,,,,XNA,Refused,-102,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,1,Cash loans,F,N,Y,0,72000.0,203760.0,16227.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.008625,-18673,-2008,-4276.0,-2223,,1,1,0,1,0,0,,1.0,2,2,MONDAY,10,0,0,0,0,1,1,Other,,0.7010807557325704,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-671.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1246397,425278,Cash loans,29222.55,675000.0,756081.0,,675000.0,FRIDAY,7,Y,1,,,,XNA,Refused,-329,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,42.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,180000.0,846387.0,24876.0,706500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018029,-21817,365243,-10616.0,-4384,64.0,1,0,0,1,0,0,,2.0,3,3,FRIDAY,7,0,0,0,0,0,0,XNA,,0.5257009560357736,0.08616166238092926,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-943.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +1827592,106374,Cash loans,21839.625,450000.0,512370.0,,450000.0,WEDNESDAY,18,Y,1,,,,XNA,Refused,-456,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,157500.0,544500.0,30532.5,544500.0,Unaccompanied,State servant,Higher education,Civil marriage,House / apartment,0.006207,-14229,-3158,-208.0,-212,2.0,1,1,0,1,0,0,Core staff,2.0,2,2,THURSDAY,10,0,0,0,0,1,1,Police,,0.7104303344770249,,0.1546,0.0927,0.994,0.9184,0.0314,0.12,0.1034,0.375,0.4167,0.2067,0.1261,0.1493,0.0,0.0,0.1576,0.0962,0.994,0.9216,0.0317,0.1208,0.1034,0.375,0.4167,0.2115,0.1377,0.1555,0.0,0.0,0.1561,0.0927,0.994,0.9195,0.0316,0.12,0.1034,0.375,0.4167,0.2103,0.1283,0.152,0.0,0.0,reg oper account,block of flats,0.1346,Panel,No,1.0,1.0,1.0,1.0,-1567.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1604148,353596,Consumer loans,6953.625,117373.5,151456.5,0.0,117373.5,SATURDAY,15,Y,1,0.0,,,XAP,Approved,-196,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,1465,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-166.0,524.0,-16.0,-13.0,1.0,0,Revolving loans,F,N,Y,0,112500.0,157500.0,7875.0,157500.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.035792000000000004,-18582,-10459,-12331.0,-2123,,1,1,0,1,0,0,High skill tech staff,1.0,2,2,SATURDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.7939763040641423,0.2405414172860865,0.0938,,0.9801,,,0.0,0.2069,0.1667,,0.1105,,0.0515,,0.0,0.0956,,0.9801,,,0.0,0.2069,0.1667,,0.113,,0.0536,,0.0,0.0947,,0.9801,,,0.0,0.2069,0.1667,,0.1124,,0.0524,,0.0,,block of flats,0.0641,Panel,No,0.0,0.0,0.0,0.0,-196.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2313317,407912,Cash loans,40792.5,900000.0,900000.0,,900000.0,MONDAY,14,Y,1,,,,XNA,Approved,-1432,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-1402.0,-352.0,-652.0,-649.0,0.0,1,Cash loans,M,Y,Y,0,180000.0,237024.0,17374.5,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-20063,-1624,-4552.0,-3517,11.0,1,1,1,1,1,0,Laborers,2.0,2,2,FRIDAY,16,0,0,0,0,0,0,Transport: type 4,0.76707677215657,0.5066000431406036,0.10684194768082178,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,10.0,0.0,10.0,0.0,-1763.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1803330,335695,Consumer loans,5897.79,48505.5,48505.5,0.0,48505.5,WEDNESDAY,15,Y,1,0.0,,,XAP,Approved,-559,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,12.0,high,POS mobile with interest,365243.0,-512.0,-182.0,-182.0,-177.0,0.0,0,Cash loans,F,N,N,1,130500.0,269550.0,19300.5,225000.0,Unaccompanied,Working,Incomplete higher,Single / not married,Rented apartment,0.031329,-10218,-790,-4704.0,-2880,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,13,0,0,0,1,1,0,Business Entity Type 1,0.5322685321540773,0.5145724989732565,,0.0495,,0.9752,,,,0.1034,0.125,,,,0.0388,,0.0101,0.0504,,0.9752,,,,0.1034,0.125,,,,0.0404,,0.0107,0.05,,0.9752,,,,0.1034,0.125,,,,0.0395,,0.0104,,block of flats,0.0327,"Stone, brick",No,0.0,0.0,0.0,0.0,-792.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,3.0 +1294356,100433,Cash loans,14910.93,135000.0,172206.0,0.0,135000.0,MONDAY,9,Y,1,0.0,,,XNA,Approved,-1799,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,18.0,high,Cash X-Sell: high,365243.0,-1768.0,-1258.0,-1258.0,-1254.0,0.0,0,Cash loans,F,N,Y,1,157500.0,472500.0,45454.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.019688999999999998,-16048,-3879,-10146.0,-4217,,1,1,0,1,0,0,Sales staff,3.0,2,2,MONDAY,11,0,0,0,0,0,0,Self-employed,0.7326473092658811,0.1995430892462679,0.7850520263728172,0.0412,0.0354,0.9742,,,0.0,0.069,0.1667,,0.0268,,0.0312,,0.0,0.042,0.0367,0.9742,,,0.0,0.069,0.1667,,0.0275,,0.0325,,0.0,0.0416,0.0354,0.9742,,,0.0,0.069,0.1667,,0.0273,,0.0318,,0.0,,block of flats,0.0246,"Stone, brick",No,1.0,0.0,1.0,0.0,-1811.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2186285,389382,Consumer loans,2574.27,19683.0,18873.0,2250.0,19683.0,TUESDAY,12,Y,1,0.11600883139016925,,,XAP,Approved,-2031,Cash through the bank,XAP,Family,Refreshed,Mobile,POS,XNA,Country-wide,34,Connectivity,10.0,high,POS mobile with interest,365243.0,-2000.0,-1730.0,-1910.0,-1907.0,0.0,0,Cash loans,F,N,N,0,121500.0,634482.0,24714.0,454500.0,Other_A,Working,Secondary / secondary special,Single / not married,House / apartment,0.022625,-12160,-3482,-4788.0,-4831,,1,1,0,1,0,0,Laborers,1.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Other,0.2961563723569958,0.7138104586120898,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1937.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1863568,329808,Cash loans,13420.08,454500.0,454500.0,,454500.0,MONDAY,15,Y,1,,,,XNA,Refused,-38,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,189000.0,675000.0,22437.0,675000.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.025164,-20796,-2821,-6985.0,-4061,,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,Trade: type 7,,0.21914564804031045,,0.1227,0.1327,0.9791,0.7144,0.0164,0.0,0.2759,0.1667,0.2083,0.1626,0.1,0.1135,0.0039,0.0044,0.125,0.1377,0.9791,0.7256,0.0165,0.0,0.2759,0.1667,0.2083,0.1663,0.1093,0.1183,0.0039,0.0047,0.1239,0.1327,0.9791,0.7182,0.0165,0.0,0.2759,0.1667,0.2083,0.1654,0.1018,0.1155,0.0039,0.0045,reg oper account,block of flats,0.0902,Panel,No,1.0,0.0,1.0,0.0,-784.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1849300,357805,Revolving loans,18000.0,0.0,360000.0,,,SATURDAY,13,Y,1,,,,XAP,Approved,-487,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,2,112500.0,343800.0,10921.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.008473999999999999,-15409,-2470,-9367.0,-4252,,1,1,0,1,0,0,Accountants,3.0,2,2,TUESDAY,13,0,0,0,0,0,0,Transport: type 2,0.6752600374150519,0.5770939963115626,0.6706517530862718,0.0825,0.0836,0.9851,,,0.0,0.1379,0.1667,,0.0174,,0.0847,,0.0,0.084,0.0867,0.9851,,,0.0,0.1379,0.1667,,0.0178,,0.0882,,0.0,0.0833,0.0836,0.9851,,,0.0,0.1379,0.1667,,0.0177,,0.0862,,0.0,,block of flats,0.0745,Panel,No,0.0,0.0,0.0,0.0,-444.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1674031,335373,Cash loans,,0.0,0.0,,,MONDAY,10,Y,1,,,,XNA,Refused,-233,XNA,HC,,Repeater,XNA,XNA,XNA,AP+ (Cash loan),6,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,157500.0,358213.5,20695.5,324000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-20208,365243,-2232.0,-3628,,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,,0.33929692900361785,0.4632753280912678,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-294.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2356706,132464,Consumer loans,8080.515,69637.5,43852.5,27855.0,69637.5,SATURDAY,11,Y,1,0.4230607296688251,,,XAP,Approved,-1138,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,2000,Consumer electronics,6.0,low_normal,POS household without interest,365243.0,-1107.0,-957.0,-957.0,-948.0,0.0,0,Cash loans,M,Y,N,0,270000.0,1125000.0,44149.5,1125000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.015221,-17855,-143,-6707.0,-1400,7.0,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Business Entity Type 2,,0.27166791290277725,0.35895122857839673,0.0619,0.0494,0.9781,0.7008,0.0232,0.0,0.1379,0.1667,0.2083,0.076,0.0504,0.0538,0.0,0.0,0.063,0.0513,0.9782,0.7125,0.0234,0.0,0.1379,0.1667,0.2083,0.0778,0.0551,0.0561,0.0,0.0,0.0625,0.0494,0.9781,0.7048,0.0233,0.0,0.1379,0.1667,0.2083,0.0773,0.0513,0.0548,0.0,0.0,reg oper account,block of flats,0.055,Panel,No,0.0,0.0,0.0,0.0,-1.0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0.0,0.0,7.0,0.0,0.0 +1602478,435210,Consumer loans,11382.075,98491.5,96439.5,9850.5,98491.5,SUNDAY,12,Y,1,0.1009322607959356,,,XAP,Approved,-530,XNA,XAP,,Refreshed,Computers,POS,XNA,Regional / Local,1579,Consumer electronics,10.0,middle,POS household with interest,365243.0,-499.0,-229.0,-229.0,-222.0,0.0,0,Cash loans,F,Y,N,0,225000.0,450000.0,25834.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,Municipal apartment,0.011656999999999999,-12826,-212,-2796.0,-2796,10.0,1,1,0,1,1,0,Accountants,1.0,1,1,FRIDAY,14,0,1,1,0,1,1,Business Entity Type 3,0.33550532352384005,0.6697881423873948,,0.0082,0.0,0.9697,0.5852,0.008,0.0,0.0345,0.0417,0.0833,0.0106,0.0067,0.008,0.0,0.0,0.0084,0.0,0.9697,0.6014,0.0081,0.0,0.0345,0.0417,0.0833,0.0108,0.0073,0.0083,0.0,0.0,0.0083,0.0,0.9697,0.5907,0.0081,0.0,0.0345,0.0417,0.0833,0.0108,0.0068,0.0081,0.0,0.0,reg oper account,block of flats,0.0107,Wooden,No,1.0,0.0,1.0,0.0,-1992.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1317930,433419,Revolving loans,6750.0,0.0,180000.0,,,TUESDAY,8,N,0,,,,XAP,Refused,-2434,XNA,LIMIT,,Repeater,XNA,Cards,x-sell,Country-wide,50,Connectivity,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,N,0,54000.0,269550.0,12964.5,225000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.015221,-22681,365243,-13823.0,-4700,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,XNA,,0.5292273508504991,0.5726825047161584,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-3064.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2631298,379018,Consumer loans,7570.035,156600.0,156600.0,0.0,156600.0,MONDAY,16,Y,1,0.0,,,XAP,Approved,-465,XNA,XAP,,Repeater,Construction Materials,POS,XNA,Stone,50,Construction,30.0,middle,POS other with interest,365243.0,-433.0,437.0,-163.0,-158.0,0.0,0,Revolving loans,M,Y,Y,0,28161.0,315000.0,15750.0,315000.0,Unaccompanied,Pensioner,Incomplete higher,Married,House / apartment,0.032561,-22946,365243,-15381.0,-3864,1.0,1,0,0,1,0,0,,2.0,1,1,THURSDAY,10,0,0,0,0,0,0,XNA,0.8531224589334785,0.713595983891026,,0.0722,0.1038,0.9632,0.4968,0.0315,0.24,0.2069,0.2083,0.25,0.0263,0.0521,0.1107,0.0309,0.1109,0.0735,0.1077,0.9633,0.5165,0.0318,0.2417,0.2069,0.2083,0.25,0.0269,0.0569,0.1154,0.0311,0.1174,0.0729,0.1038,0.9632,0.5035,0.0317,0.24,0.2069,0.2083,0.25,0.0267,0.053,0.1127,0.0311,0.1132,reg oper spec account,block of flats,0.1179,"Stone, brick",No,0.0,0.0,0.0,0.0,-1269.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1616596,378556,Revolving loans,38250.0,0.0,765000.0,,,FRIDAY,11,N,1,,,,XAP,Refused,-549,XNA,SCOFR,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,Y,Y,0,157500.0,526491.0,18909.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,Rented apartment,0.009549,-17680,-817,-5001.0,-1242,2.0,1,1,0,1,1,0,Drivers,2.0,2,2,MONDAY,13,0,0,0,1,1,1,Self-employed,,0.5438808107116947,0.6496203111237195,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1845.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,2.0,2.0 +1968579,361654,Consumer loans,16348.905,92565.0,87705.0,9256.5,92565.0,WEDNESDAY,16,Y,1,0.10397085441128694,,,XAP,Approved,-358,Cash through the bank,XAP,,Repeater,Photo / Cinema Equipment,POS,XNA,Regional / Local,200,Consumer electronics,6.0,middle,POS household with interest,365243.0,-327.0,-177.0,-207.0,-200.0,0.0,0,Cash loans,M,N,Y,0,180000.0,480060.0,22509.0,337500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.022625,-9181,-1208,-5406.0,-1868,,1,1,0,1,1,0,Laborers,1.0,2,2,THURSDAY,9,0,0,0,0,0,0,Business Entity Type 1,,0.5196343378168611,0.5849900404894085,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-612.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1758308,204002,Revolving loans,2250.0,270000.0,45000.0,,45000.0,TUESDAY,12,N,1,,,,XAP,Refused,-38,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Revolving loans,F,Y,Y,0,180000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.018634,-9451,-1491,-9296.0,-2100,2.0,1,1,0,1,0,0,,1.0,2,2,FRIDAY,13,0,0,0,0,1,1,Business Entity Type 3,0.22502663697178665,0.5326365165048824,0.08226850764912726,,,0.9836,,,,,,,,,0.109,,,,,0.9836,,,,,,,,,0.1136,,,,,0.9836,,,,,,,,,0.111,,,,,0.1123,,No,1.0,1.0,1.0,0.0,-1714.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2507313,197573,Cash loans,12856.095,292500.0,354276.0,,292500.0,MONDAY,13,Y,1,,,,XNA,Refused,-277,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,81000.0,831730.5,29875.5,702000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018029,-22089,365243,-10059.0,-4706,9.0,1,0,0,1,0,0,,2.0,3,3,FRIDAY,8,0,0,0,0,0,0,XNA,,0.6157581138738016,,0.2237,0.2943,0.9861,0.8096,0.0423,0.0,0.4138,0.1667,0.0417,,,0.2273,,0.0,0.2279,0.3054,0.9861,0.8171,0.0427,0.0,0.4138,0.1667,0.0417,,,0.2368,,0.0,0.2259,0.2943,0.9861,0.8121,0.0426,0.0,0.4138,0.1667,0.0417,,,0.2314,,0.0,,block of flats,0.2019,Panel,No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1518290,202266,Cash loans,11302.65,90000.0,102397.5,,90000.0,FRIDAY,13,Y,1,,,,XNA,Approved,-843,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,Y,0,180000.0,254700.0,27153.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.018029,-9530,-1617,-390.0,-1252,,1,1,1,1,0,1,Managers,1.0,3,3,MONDAY,13,0,0,0,1,0,1,Self-employed,0.2792285395029543,0.4881518722580959,,0.2938,0.247,0.9871,0.8232,0.0758,0.32,0.2759,0.3333,0.0417,,,0.3294,,0.0,0.2994,0.2564,0.9871,0.8301,0.0765,0.3222,0.2759,0.3333,0.0417,,,0.3432,,0.0,0.2967,0.247,0.9871,0.8256,0.0763,0.32,0.2759,0.3333,0.0417,,,0.3353,,0.0,,block of flats,0.3005,Panel,No,3.0,0.0,3.0,0.0,-961.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1208955,153165,Consumer loans,13390.515,105975.0,107455.5,18000.0,105975.0,SATURDAY,12,Y,1,0.15625968063286474,,,XAP,Approved,-1739,Cash through the bank,XAP,Unaccompanied,Repeater,Clothing and Accessories,POS,XNA,Stone,130,Clothing,10.0,middle,POS industry with interest,365243.0,-1708.0,-1438.0,-1438.0,-1430.0,0.0,0,Cash loans,F,N,N,0,135000.0,315000.0,16132.5,315000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.026392000000000002,-23113,365243,-4274.0,-4758,,1,0,0,1,0,0,,1.0,2,2,SATURDAY,11,0,0,0,0,0,0,XNA,,0.7118139305564757,,0.1443,0.1075,0.9851,,,0.16,0.1379,0.3333,,,,0.1522,,0.0012,0.1471,0.1115,0.9851,,,0.1611,0.1379,0.3333,,,,0.1586,,0.0013,0.1457,0.1075,0.9851,,,0.16,0.1379,0.3333,,,,0.155,,0.0012,,block of flats,0.12,Panel,No,0.0,0.0,0.0,0.0,-1023.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2234142,169725,Cash loans,15928.785,67500.0,78552.0,,67500.0,FRIDAY,14,Y,1,,,,Other,Approved,-425,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,365243.0,-395.0,-245.0,-245.0,-241.0,1.0,0,Cash loans,F,N,Y,0,58500.0,85320.0,6871.5,67500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-11656,-1981,-993.0,-4092,,1,1,0,1,0,0,Cleaning staff,2.0,2,2,WEDNESDAY,14,0,0,0,0,1,1,Business Entity Type 3,0.3316362021430283,0.5173468452628889,0.4668640059537032,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-844.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,4.0 +2124393,401027,Cash loans,33267.825,913500.0,1019610.0,,913500.0,SUNDAY,10,Y,1,,,,Buying a home,Refused,-160,Cash through the bank,HC,"Spouse, partner",Refreshed,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,Y,Y,0,270000.0,1057266.0,44923.5,945000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.008575,-13438,-1717,-7586.0,-4729,2.0,1,1,0,1,1,0,Laborers,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.5012483331359532,0.6642482627052363,0.16699999999999998,0.1401,0.9846,,,0.0,0.3793,0.1667,,,,0.0911,,,0.1702,0.1454,0.9846,,,0.0,0.3793,0.1667,,,,0.0949,,,0.1686,0.1401,0.9846,,,0.0,0.3793,0.1667,,,,0.0927,,,,block of flats,0.1205,"Stone, brick",No,8.0,0.0,8.0,0.0,-160.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1467051,425085,Cash loans,28612.8,135000.0,155470.5,,135000.0,SATURDAY,6,Y,1,,,,XNA,Approved,-594,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-564.0,-414.0,-414.0,-411.0,1.0,0,Cash loans,F,N,Y,0,247500.0,343800.0,12478.5,225000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.006629,-17278,-2952,-3724.0,-823,,1,1,0,1,0,0,Core staff,2.0,2,2,FRIDAY,4,0,0,0,0,0,0,Kindergarten,0.8023990930723481,0.7169272516083122,0.7062051096536562,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,2.0,5.0,1.0,-1135.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,1.0,5.0 +2425200,287470,Consumer loans,2343.24,22770.0,20079.0,4500.0,22770.0,SUNDAY,11,Y,1,0.19939416131287235,,,XAP,Approved,-2313,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,32,Connectivity,12.0,high,POS mobile with interest,365243.0,-2282.0,-1952.0,-1952.0,-1942.0,1.0,1,Cash loans,F,N,N,1,67500.0,71316.0,7807.5,63000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008068,-10038,-1755,-1685.0,-219,,1,1,0,1,0,0,Laborers,3.0,3,3,WEDNESDAY,5,0,0,0,0,0,0,Construction,0.1642844833783429,0.2261507666048795,0.39449540531239935,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1971.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1671919,111924,Cash loans,9166.635,67500.0,81864.0,,67500.0,MONDAY,16,Y,1,,,,XNA,Approved,-645,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-615.0,-285.0,-495.0,-492.0,1.0,0,Cash loans,F,N,Y,0,180000.0,215640.0,15466.5,180000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.011703,-10663,-2185,-4914.0,-721,,1,1,0,1,1,0,Accountants,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.7613412374609148,0.6476822217842916,0.5064842396679806,0.2588,0.1955,0.9836,0.7756,0.0626,0.28,0.2414,0.3333,0.375,0.2208,0.211,0.2848,0.0,0.0073,0.2637,0.2028,0.9836,0.7844,0.0632,0.282,0.2414,0.3333,0.375,0.2259,0.2305,0.2967,0.0,0.0077,0.2613,0.1955,0.9836,0.7786,0.063,0.28,0.2414,0.3333,0.375,0.2247,0.2146,0.2899,0.0,0.0074,reg oper spec account,block of flats,0.2689,Panel,No,0.0,0.0,0.0,0.0,-1485.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2618257,251452,Consumer loans,11678.355,103936.5,102802.5,10395.0,103936.5,SATURDAY,12,Y,1,0.10001192605843763,,,XAP,Approved,-2338,Cash through the bank,XAP,"Spouse, partner",New,Audio/Video,POS,XNA,Regional / Local,520,Consumer electronics,12.0,high,POS household with interest,365243.0,-2307.0,-1977.0,-1977.0,-1973.0,1.0,0,Cash loans,M,Y,Y,0,103500.0,142632.0,8091.0,126000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-24049,365243,-6988.0,-4712,9.0,1,0,0,1,0,0,,2.0,2,2,SATURDAY,14,0,0,0,0,0,0,XNA,,0.6645585654783148,0.5638350489514956,0.0619,0.0593,0.9742,0.6464,0.0445,0.0,0.1379,0.1667,0.2083,0.052000000000000005,0.0504,0.0513,0.0,0.0,0.063,0.0616,0.9742,0.6602,0.0449,0.0,0.1379,0.1667,0.2083,0.0532,0.0551,0.0534,0.0,0.0,0.0625,0.0593,0.9742,0.6511,0.0447,0.0,0.1379,0.1667,0.2083,0.0529,0.0513,0.0522,0.0,0.0,reg oper account,block of flats,0.0403,Panel,No,0.0,0.0,0.0,0.0,-1792.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,1.0,5.0 +1335126,230635,Consumer loans,8552.61,130455.0,130455.0,0.0,130455.0,TUESDAY,16,Y,1,0.0,,,XAP,Approved,-527,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Regional / Local,300,Consumer electronics,18.0,low_normal,POS household with interest,365243.0,-495.0,15.0,-435.0,-424.0,0.0,1,Revolving loans,M,Y,Y,0,112500.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.0038130000000000004,-9600,-1015,-2557.0,-1892,8.0,1,1,1,1,1,0,Core staff,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Bank,,0.4291391116632192,0.2778856891082046,0.0979,0.1279,0.9831,,,0.0,0.2414,0.1667,,0.0893,,0.0974,,0.0,0.0998,0.1328,0.9831,,,0.0,0.2414,0.1667,,0.0914,,0.1015,,0.0,0.0989,0.1279,0.9831,,,0.0,0.2414,0.1667,,0.0909,,0.0991,,0.0,,block of flats,0.0843,"Stone, brick",No,0.0,0.0,0.0,0.0,-527.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1241353,171777,Cash loans,,0.0,0.0,,,WEDNESDAY,15,Y,1,,,,XNA,Refused,-140,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,0,XNA,,XNA,Cash,,,,,,,1,Cash loans,F,N,N,0,202500.0,495985.5,24255.0,409500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.018634,-15787,-2270,-4019.0,-4017,,1,1,0,1,0,0,Laborers,1.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Self-employed,,0.00013539730138290343,0.031846404350953365,0.1309,0.1058,0.9816,0.7484,0.1011,0.16,0.1379,0.3333,0.375,0.0711,0.1042,0.1418,0.0116,0.0159,0.1334,0.1098,0.9816,0.7583,0.102,0.1611,0.1379,0.3333,0.375,0.0728,0.1139,0.1477,0.0117,0.0169,0.1322,0.1058,0.9816,0.7518,0.1017,0.16,0.1379,0.3333,0.375,0.0724,0.106,0.1443,0.0116,0.0163,org spec account,block of flats,0.1701,"Stone, brick",No,0.0,0.0,0.0,0.0,-700.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2830807,272021,Consumer loans,5960.25,47637.0,43825.5,3811.5,47637.0,FRIDAY,11,Y,1,0.08713961836387679,,,XAP,Approved,-2602,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,60,Consumer electronics,8.0,low_normal,POS household without interest,365243.0,-2568.0,-2358.0,-2388.0,-2383.0,0.0,0,Cash loans,M,N,Y,0,135000.0,284400.0,16011.0,225000.0,Family,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.01885,-24518,365243,-1232.0,-4156,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,XNA,0.6539479206858408,0.3365913282616973,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1887098,342966,Cash loans,19449.675,337500.0,399870.0,,337500.0,TUESDAY,10,Y,1,,,,Urgent needs,Approved,-599,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,middle,Cash Street: middle,365243.0,-569.0,841.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,0,135000.0,142632.0,15489.0,126000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.009334,-15646,-3096,-3039.0,-4050,20.0,1,1,0,1,0,0,Drivers,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Transport: type 3,,0.13387114163064526,,,0.1027,0.9891,0.8504,0.0435,0.2,0.1724,0.3333,0.375,0.0383,0.1513,0.2021,0.0077,0.0019,,0.1066,0.9891,0.8563,0.0439,0.2014,0.1724,0.3333,0.375,0.0392,0.1653,0.2106,0.0078,0.002,,0.1027,0.9891,0.8524,0.0438,0.2,0.1724,0.3333,0.375,0.039,0.1539,0.2058,0.0078,0.0019,reg oper account,block of flats,0.1832,Panel,No,3.0,1.0,3.0,1.0,-1724.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2749775,110327,Revolving loans,4500.0,90000.0,90000.0,,90000.0,SUNDAY,11,Y,1,,,,XAP,Approved,-267,XNA,XAP,Unaccompanied,Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,Y,Y,0,157500.0,149256.0,16879.5,135000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.009334,-16407,-8116,-2474.0,-1256,2.0,1,1,1,1,0,0,,2.0,2,2,MONDAY,11,0,0,0,0,0,0,Transport: type 2,0.8863676419646592,0.6061061902538124,0.1510075350878296,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-267.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,0.0 +2262456,328235,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,9,Y,1,,,,XAP,Approved,-422,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,N,0,90000.0,508495.5,24592.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.002134,-9922,-1132,-4340.0,-427,,1,1,0,1,0,0,High skill tech staff,2.0,3,3,FRIDAY,8,0,0,0,0,0,0,Transport: type 3,,0.4546098189583888,0.5442347412142162,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-795.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2492718,202375,Consumer loans,4315.905,29326.5,29992.5,1620.0,29326.5,THURSDAY,14,Y,1,0.05581106438045939,,,XAP,Approved,-1415,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,2929,Consumer electronics,10.0,high,POS household with interest,365243.0,-1384.0,-1114.0,-1144.0,-1139.0,0.0,1,Cash loans,F,N,N,1,72000.0,273636.0,29470.5,247500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.008068,-10027,-651,-3020.0,-52,,1,1,0,1,0,0,Sales staff,3.0,3,3,FRIDAY,6,0,0,0,1,1,0,Trade: type 7,0.25425946510775976,0.030752643483815605,0.5028782772082183,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-478.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1509848,386590,Consumer loans,12473.775,76455.0,61164.0,15291.0,76455.0,MONDAY,15,Y,1,0.2178181818181818,,,XAP,Approved,-751,XNA,XAP,,New,Computers,POS,XNA,Stone,40,Consumer electronics,6.0,high,POS household with interest,365243.0,-712.0,-562.0,-562.0,-556.0,0.0,0,Cash loans,F,Y,N,1,90000.0,257391.0,27157.5,238500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,Municipal apartment,0.0105,-14178,-676,-5868.0,-5117,20.0,1,1,0,1,0,0,,3.0,3,3,WEDNESDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.3864415215839164,0.8128226070575616,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-751.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2421435,368987,Consumer loans,7763.49,51651.0,56196.0,0.0,51651.0,MONDAY,6,Y,1,0.0,,,XAP,Approved,-293,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,50,Connectivity,10.0,high,POS mobile with interest,365243.0,-260.0,10.0,-20.0,-14.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,490495.5,27517.5,454500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.006305,-20040,-914,-2391.0,-3273,1.0,1,1,0,1,0,0,Security staff,2.0,3,3,SUNDAY,3,0,0,0,0,0,0,Self-employed,,0.03266146790823954,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-293.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1697472,332985,Revolving loans,2250.0,45000.0,45000.0,,45000.0,TUESDAY,14,Y,1,,,,XAP,Approved,-209,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,2,225000.0,1130760.0,31225.5,810000.0,Unaccompanied,Working,Incomplete higher,Separated,House / apartment,0.04622,-12146,-1935,-5948.0,-4269,20.0,1,1,0,1,0,0,Laborers,3.0,1,1,THURSDAY,13,0,0,0,0,1,1,Business Entity Type 3,0.3903596617184221,0.7603888765463009,0.5656079814115492,0.1649,0.1903,0.9831,0.7688,0.2668,0.0,0.3621,0.1667,0.2083,0.1998,0.1341,0.1488,0.0019,0.1328,0.105,0.118,0.9816,0.7583,0.1463,0.0,0.2069,0.1667,0.2083,0.1197,0.0918,0.095,0.0,0.0366,0.1665,0.1903,0.9831,0.7719,0.2685,0.0,0.3621,0.1667,0.2083,0.2033,0.1364,0.1514,0.0019,0.1356,reg oper spec account,block of flats,0.2125,"Stone, brick",No,2.0,0.0,2.0,0.0,-993.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2274494,431253,Consumer loans,6747.075,68791.5,68791.5,0.0,68791.5,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-511,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,25,Connectivity,12.0,middle,POS mobile without interest,365243.0,-470.0,-140.0,-200.0,-195.0,0.0,0,Cash loans,F,N,Y,0,234000.0,1288350.0,37669.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.020713,-10258,-1483,-190.0,-144,,1,1,0,1,0,0,Laborers,1.0,3,1,SATURDAY,10,0,0,0,0,0,0,Industry: type 11,0.4861040569646946,0.32697319501754873,0.10145935699146924,0.0918,0.1015,0.9801,,0.0683,0.0,0.2069,0.1667,,0.0434,0.0748,0.0872,0.0,0.0,0.0935,0.1053,0.9801,,0.0689,0.0,0.2069,0.1667,,0.0444,0.0817,0.0908,0.0,0.0,0.0926,0.1015,0.9801,,0.0687,0.0,0.2069,0.1667,,0.0442,0.0761,0.0887,0.0,0.0,reg oper account,block of flats,0.0686,Panel,No,1.0,1.0,1.0,1.0,-1084.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2780615,284269,Cash loans,9127.35,135000.0,135000.0,0.0,135000.0,MONDAY,12,Y,1,0.0,,,XNA,Refused,-2382,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,N,0,90000.0,675000.0,41427.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.028663,-21497,-7174,-10659.0,-4818,,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Other,,0.4757860912987323,0.2636468134452008,0.2108,0.1409,0.9856,0.8028,0.068,0.22,0.2414,0.1875,0.2292,0.1115,0.1719,0.2062,0.0097,0.0112,0.0189,0.0525,0.9851,0.804,0.0655,0.0,0.1034,0.0417,0.0833,0.035,0.0165,0.0123,0.0,0.0,0.2129,0.1409,0.9856,0.8054,0.0684,0.22,0.2414,0.1875,0.2292,0.1135,0.1749,0.2099,0.0097,0.0114,reg oper account,block of flats,0.0262,"Stone, brick",No,1.0,1.0,1.0,1.0,-664.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2077095,249238,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,15,Y,1,,,,XAP,Approved,-235,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Country-wide,46,Connectivity,0.0,XNA,Card Street,,,,,,,0,Revolving loans,M,N,Y,0,112500.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Incomplete higher,Civil marriage,House / apartment,0.015221,-11949,-1057,-5401.0,-1224,,1,1,0,1,0,0,Core staff,2.0,2,2,SUNDAY,14,0,0,0,1,0,1,Agriculture,,0.42935876640250864,0.2340151665320674,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,-642.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2437310,380681,Consumer loans,8401.365,67495.5,74178.0,0.0,67495.5,SUNDAY,16,Y,1,0.0,,,XAP,Approved,-1341,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,800,Consumer electronics,12.0,high,POS household with interest,365243.0,-1309.0,-979.0,-1189.0,-1186.0,0.0,0,Cash loans,F,Y,N,1,135000.0,787086.0,21771.0,657000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-13615,-1577,-569.0,-3937,3.0,1,1,0,1,0,0,Cooking staff,3.0,2,2,WEDNESDAY,14,0,0,0,1,1,0,Industry: type 3,0.4245827847566699,0.5465972969003683,0.4048783643353997,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,0.0,-1341.0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0.0,0.0,0.0,0.0,2.0 +2088797,206992,Consumer loans,5735.88,127323.0,127323.0,0.0,127323.0,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-30,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,501,Consumer electronics,24.0,low_action,POS household without interest,365243.0,365243.0,690.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,2,180000.0,45000.0,2187.0,45000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.020246,-14143,-455,-390.0,-4770,,1,1,1,1,0,0,,4.0,3,3,MONDAY,9,0,0,0,0,0,0,Industry: type 5,0.4545849606476941,0.4055345604589246,0.7106743858828587,0.1227,0.1145,0.9791,,,0.0,0.2759,0.1667,,0.0065,,,,0.0,0.125,0.1188,0.9791,,,0.0,0.2759,0.1667,,0.0067,,,,0.0,0.1239,0.1145,0.9791,,,0.0,0.2759,0.1667,,0.0066,,,,0.0,,block of flats,0.0885,Panel,No,0.0,0.0,0.0,0.0,-1530.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1435657,109922,Cash loans,72563.13,1350000.0,1428408.0,,1350000.0,WEDNESDAY,15,Y,1,,,,XNA,Approved,-271,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_action,Cash X-Sell: low,365243.0,-241.0,449.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,247500.0,463500.0,24691.5,463500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.032561,-23396,365243,-6033.0,-3292,,1,0,0,1,1,0,,2.0,1,1,MONDAY,15,0,0,0,0,0,0,XNA,,0.7462173206214505,,0.132,0.1396,0.9752,0.66,0.022,0.0,0.3103,0.1667,0.2083,0.0604,0.1067,0.119,0.0039,0.0073,0.1345,0.1448,0.9752,0.6733,0.0222,0.0,0.3103,0.1667,0.2083,0.0617,0.1166,0.124,0.0039,0.0077,0.1332,0.1396,0.9752,0.6645,0.0221,0.0,0.3103,0.1667,0.2083,0.0614,0.1086,0.1211,0.0039,0.0074,reg oper account,block of flats,0.0952,Panel,No,1.0,0.0,1.0,0.0,-997.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2539274,432775,Revolving loans,22500.0,0.0,450000.0,,,SATURDAY,11,Y,1,,,,XAP,Approved,-1199,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,-252.0,0.0,0,Cash loans,M,Y,N,0,202500.0,675000.0,36747.0,675000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-14959,-1370,-2210.0,-2565,15.0,1,1,0,1,0,0,Managers,2.0,2,2,MONDAY,9,0,0,0,0,1,1,Business Entity Type 1,,0.6922223207146486,0.746300213050371,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1319891,410403,Revolving loans,11250.0,0.0,225000.0,,,FRIDAY,5,Y,1,,,,XAP,Approved,-822,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,99000.0,986553.0,28975.5,823500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-20065,-306,-517.0,-3605,,1,1,0,1,1,0,Laborers,2.0,2,2,MONDAY,17,0,0,0,0,0,0,Self-employed,0.6959934906267089,0.613525756347574,0.4992720153045617,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-159.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1410612,133020,Revolving loans,22500.0,0.0,450000.0,,,MONDAY,10,Y,1,,,,XAP,Approved,-844,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,90000.0,314100.0,13437.0,225000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.01885,-18921,-2776,-5232.0,-2453,,1,1,0,1,0,0,,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,Other,0.891366761358352,0.6643830524009862,0.6894791426446275,0.2598,0.1586,0.9871,0.8232,0.0,0.28,0.2414,0.3333,0.375,0.1533,0.2118,0.2782,0.0,0.0,0.2647,0.1645,0.9871,0.8301,0.0,0.282,0.2414,0.3333,0.375,0.1568,0.2314,0.2899,0.0,0.0,0.2623,0.1586,0.9871,0.8256,0.0,0.28,0.2414,0.3333,0.375,0.156,0.2155,0.2832,0.0,0.0,reg oper spec account,block of flats,0.2188,Panel,No,0.0,0.0,0.0,0.0,-1084.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1280205,248615,Revolving loans,3375.0,0.0,67500.0,,,THURSDAY,9,Y,1,,,,XAP,Approved,-2293,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,0,XNA,0.0,XNA,Card X-Sell,-2289.0,-2253.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,83250.0,1057500.0,31050.0,1057500.0,Other_B,Working,Incomplete higher,Married,House / apartment,0.035792000000000004,-20235,-1856,-2417.0,-2623,,1,1,0,1,0,0,,2.0,2,2,MONDAY,16,0,0,0,1,1,0,School,,0.5864209214345885,0.5280927512030451,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1838.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1179371,195109,Revolving loans,9000.0,0.0,180000.0,,,SATURDAY,16,Y,1,,,,XAP,Approved,-2247,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,0,XNA,0.0,XNA,Card X-Sell,-2241.0,-2200.0,365243.0,-221.0,365243.0,0.0,0,Cash loans,F,N,Y,0,315000.0,640080.0,29970.0,450000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.018801,-10139,-2260,-4589.0,-2810,,1,1,0,1,0,0,Sales staff,2.0,2,2,SATURDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.5883553820102206,0.6754132910917112,0.1165,0.06,0.9816,0.7484,0.0013,0.12,0.1034,0.3333,0.375,0.0745,0.0908,0.111,0.0193,0.0,0.1187,0.0623,0.9816,0.7583,0.0013,0.1208,0.1034,0.3333,0.375,0.0762,0.0992,0.1157,0.0195,0.0,0.1176,0.06,0.9816,0.7518,0.0013,0.12,0.1034,0.3333,0.375,0.0758,0.0923,0.113,0.0194,0.0,reg oper spec account,block of flats,0.1124,Panel,No,1.0,0.0,1.0,0.0,-2247.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,10.0,0.0,2.0 +1642835,355141,Consumer loans,11245.545,102334.5,102334.5,0.0,102334.5,SUNDAY,15,Y,1,0.0,,,XAP,Approved,-474,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-434.0,-164.0,-314.0,-306.0,0.0,0,Cash loans,M,N,N,1,126000.0,343800.0,16852.5,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,With parents,0.011703,-12887,-190,-6681.0,-4488,,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,18,0,0,0,0,1,1,Business Entity Type 3,0.16367736260581578,0.6760449667598325,0.7136313997323308,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2387.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1816325,386147,Cash loans,53355.015,1237500.0,1345311.0,,1237500.0,TUESDAY,12,Y,1,,,,XNA,Approved,-655,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-625.0,425.0,-205.0,-202.0,1.0,0,Cash loans,F,N,Y,0,202500.0,1078200.0,31653.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-23182,-224,-8333.0,-4433,,1,1,0,1,0,0,Cleaning staff,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,Housing,,0.7091375392607201,0.4794489811780563,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-833.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2016849,330866,Revolving loans,10125.0,202500.0,202500.0,,202500.0,THURSDAY,16,Y,1,,,,XAP,Approved,-156,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card X-Sell,-154.0,-106.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,1,202500.0,922500.0,26973.0,922500.0,Unaccompanied,Pensioner,Higher education,Married,Co-op apartment,0.026392000000000002,-16072,365243,-5428.0,-4034,,1,0,0,1,0,0,,3.0,2,2,SATURDAY,16,0,0,0,0,0,0,XNA,,0.5082944031832284,0.2793353208976285,0.0433,,0.9737,,,0.0,0.0345,0.0833,,,,0.0195,,0.0,0.0441,,0.9737,,,0.0,0.0345,0.0833,,,,0.0203,,0.0,0.0437,,0.9737,,,0.0,0.0345,0.0833,,,,0.0198,,0.0,,block of flats,0.0153,"Stone, brick",No,0.0,0.0,0.0,0.0,-156.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1410126,397982,Consumer loans,26559.0,276520.5,294772.5,0.0,276520.5,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-798,Cash through the bank,XAP,Unaccompanied,New,Furniture,POS,XNA,Country-wide,700,Furniture,12.0,low_action,POS industry without interest,365243.0,-767.0,-437.0,-737.0,-725.0,0.0,0,Cash loans,F,N,Y,1,225000.0,1590849.0,60723.0,1485000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-11530,-1070,-5035.0,-2208,,1,1,0,1,0,0,Laborers,3.0,1,1,SATURDAY,16,0,1,1,0,0,0,Trade: type 7,0.4128278288503383,0.7609024635631745,0.5709165417729987,0.0619,0.0779,0.9896,,,0.0,0.1034,0.1667,,0.014,,0.039,,0.0943,0.063,0.0808,0.9896,,,0.0,0.1034,0.1667,,0.0144,,0.0407,,0.0998,0.0625,0.0779,0.9896,,,0.0,0.1034,0.1667,,0.0143,,0.0397,,0.0963,,block of flats,0.0512,Panel,No,0.0,0.0,0.0,0.0,-798.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2349743,201634,Cash loans,5246.01,45000.0,47970.0,,45000.0,TUESDAY,9,Y,1,,,,XNA,Approved,-2855,Cash through the bank,XAP,Other_A,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,high,Cash Street: high,365243.0,-2825.0,-2495.0,-2795.0,-2773.0,1.0,0,Cash loans,F,Y,N,2,148500.0,1439100.0,78993.0,1350000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.026392000000000002,-10636,-1124,-4980.0,-3324,12.0,1,1,1,1,0,0,Accountants,4.0,2,2,SUNDAY,11,0,0,0,0,0,0,Kindergarten,0.6441608292176065,0.726605245039772,0.6848276586890367,0.0897,,0.9866,,,0.0,0.2069,0.1667,,,,0.0768,,0.0,0.0914,,0.9866,,,0.0,0.2069,0.1667,,,,0.0801,,0.0,0.0906,,0.9866,,,0.0,0.2069,0.1667,,,,0.0782,,0.0,,block of flats,0.0677,"Stone, brick",No,1.0,0.0,1.0,0.0,-2793.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1684213,217254,Consumer loans,3277.44,26955.0,26955.0,0.0,26955.0,TUESDAY,15,Y,1,0.0,,,XAP,Approved,-682,Cash through the bank,XAP,,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,33,Connectivity,12.0,high,POS mobile with interest,365243.0,-645.0,-315.0,-315.0,-313.0,0.0,0,Cash loans,M,Y,N,0,144000.0,675000.0,32472.0,675000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.015221,-11969,-728,-1599.0,-4316,8.0,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,14,0,0,0,0,1,1,Industry: type 9,,0.6060383191213047,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,0.0,8.0,0.0,-1708.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2085826,449696,Cash loans,20973.15,495000.0,495000.0,0.0,495000.0,THURSDAY,10,Y,1,0.0,,,XNA,Approved,-1563,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-1533.0,-483.0,-723.0,-713.0,0.0,0,Cash loans,F,Y,Y,0,247500.0,567000.0,27274.5,567000.0,Unaccompanied,State servant,Higher education,Widow,House / apartment,0.018209,-20007,-10607,-5730.0,-3474,17.0,1,1,0,1,1,0,Core staff,1.0,3,3,SATURDAY,7,0,0,0,0,0,0,School,0.8809245681568717,0.6275099902968575,0.4884551844437485,0.0608,0.044,0.9776,0.6940000000000001,,0.0,0.1034,0.1667,0.0417,0.0768,,0.0344,,0.0022,0.062,0.0457,0.9777,0.706,,0.0,0.1034,0.1667,0.0417,0.0786,,0.0359,,0.0023,0.0614,0.044,0.9776,0.6981,,0.0,0.1034,0.1667,0.0417,0.0782,,0.035,,0.0022,reg oper account,block of flats,0.0404,Panel,No,0.0,0.0,0.0,0.0,-1361.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1602769,384470,Cash loans,,0.0,0.0,,,WEDNESDAY,16,Y,1,,,,XNA,Refused,-369,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,Y,Y,0,243000.0,1169532.0,42138.0,945000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.032561,-19275,-187,-6479.0,-2792,65.0,1,1,0,1,0,0,Medicine staff,2.0,1,1,MONDAY,17,0,0,0,0,0,0,Military,0.7709191083308379,0.5168663216195596,0.2650494299443805,0.1134,,0.9742,0.6464,0.0138,0.0,0.2069,0.1667,0.2083,0.022,0.0925,0.1006,0.0,0.0236,0.1155,,0.9742,0.6602,0.0139,0.0,0.2069,0.1667,0.2083,0.0225,0.101,0.1048,0.0,0.025,0.1145,,0.9742,0.6511,0.0139,0.0,0.2069,0.1667,0.2083,0.0224,0.0941,0.1024,0.0,0.0241,reg oper account,block of flats,0.0918,Panel,No,3.0,0.0,3.0,0.0,-234.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2666831,280586,Cash loans,11304.0,360000.0,360000.0,,360000.0,THURSDAY,8,Y,1,,,,XNA,Refused,-342,XNA,HC,Family,Repeater,XNA,Cash,x-sell,Contact center,0,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,N,Y,0,202500.0,369000.0,22428.0,369000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.028663,-15707,-4365,-2044.0,-4320,,1,1,0,1,0,0,Core staff,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Police,,0.16844978515819545,0.633031641417419,0.0946,0.0628,0.9925,0.898,0.0258,0.08800000000000001,0.0828,0.3,0.1417,0.0583,0.0765,0.0843,0.0031,0.0014,0.1134,0.0506,0.994,0.9216,0.0499,0.1208,0.1034,0.3333,0.0417,0.0131,0.0983,0.0548,0.0039,0.0,0.1124,0.0566,0.994,0.9195,0.0128,0.12,0.1034,0.3333,0.0417,0.0749,0.0915,0.0942,0.0039,0.001,reg oper account,block of flats,0.0895,Panel,No,0.0,0.0,0.0,0.0,-457.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1196335,350903,Cash loans,39424.545,1305000.0,1494486.0,,1305000.0,SATURDAY,8,Y,1,,,,XNA,Refused,-256,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,0,XNA,60.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,99000.0,1056447.0,31018.5,922500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.015221,-16898,-6188,-6847.0,-441,9.0,1,1,0,1,0,0,Medicine staff,2.0,2,2,WEDNESDAY,7,0,0,0,0,0,0,Other,,0.5123163073625396,0.15193454904964762,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-873.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2337224,105713,Cash loans,,0.0,0.0,,,WEDNESDAY,9,Y,1,,,,XNA,Refused,-302,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,1,Cash loans,F,N,N,0,247500.0,755190.0,36459.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-22600,365243,-11306.0,-4320,,1,0,0,1,0,1,,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,XNA,0.9293940497360766,0.3011405563178119,,0.0722,0.0027,0.9816,0.7484,0.0076,0.0,0.1379,0.1667,0.2083,0.114,0.058,0.0627,0.0039,0.0029,0.0735,0.0028,0.9816,0.7583,0.0077,0.0,0.1379,0.1667,0.2083,0.1166,0.0634,0.0653,0.0039,0.003,0.0729,0.0027,0.9816,0.7518,0.0077,0.0,0.1379,0.1667,0.2083,0.1159,0.059,0.0638,0.0039,0.0029,not specified,block of flats,0.0636,"Stone, brick",No,1.0,0.0,1.0,0.0,-2281.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2331092,430653,Cash loans,10482.795,90000.0,107604.0,,90000.0,MONDAY,9,Y,1,,,,XNA,Approved,-244,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,40,Connectivity,12.0,low_normal,Cash X-Sell: low,365243.0,-214.0,116.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,1,157500.0,1436850.0,42142.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.006629,-8766,-196,-1347.0,-780,,1,1,1,1,0,0,Drivers,2.0,2,2,SUNDAY,7,0,0,0,0,0,0,Other,0.17964705196170047,0.3857521578383357,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-775.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2592615,255685,Consumer loans,4561.155,34155.0,33439.5,3415.5,34155.0,WEDNESDAY,8,Y,1,0.10093040293040297,,,XAP,Approved,-1046,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,10.0,high,POS mobile with interest,365243.0,-834.0,-564.0,-834.0,-832.0,0.0,0,Revolving loans,F,N,Y,1,99000.0,292500.0,14625.0,292500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-13568,-2388,-3071.0,-2707,,1,1,0,1,1,0,Core staff,3.0,2,2,SATURDAY,12,0,0,0,0,0,0,Self-employed,0.54680758488144,0.6435496010050265,0.445396241560834,0.0814,0.0546,0.9757,0.6668,0.0268,0.0,0.1379,0.1667,0.2083,0.0,0.063,0.066,0.0154,0.0298,0.083,0.0567,0.9757,0.6798,0.027000000000000003,0.0,0.1379,0.1667,0.2083,0.0,0.0689,0.0688,0.0156,0.0315,0.0822,0.0546,0.9757,0.6713,0.0269,0.0,0.1379,0.1667,0.2083,0.0,0.0641,0.0672,0.0155,0.0304,reg oper account,block of flats,0.073,Panel,No,3.0,0.0,3.0,0.0,-2580.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1047114,427248,Revolving loans,9000.0,180000.0,180000.0,,180000.0,THURSDAY,6,Y,1,,,,XAP,Refused,-202,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,Y,N,2,157500.0,545040.0,26640.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010032,-16693,-400,-6727.0,-247,21.0,1,1,1,1,0,0,Drivers,4.0,2,2,TUESDAY,6,0,0,0,0,1,1,Self-employed,,0.5334420840330752,0.35233997269170386,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-470.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1924933,254129,Cash loans,19646.685,450000.0,512370.0,,450000.0,TUESDAY,15,Y,1,,,,XNA,Refused,-175,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,112500.0,247675.5,17365.5,229500.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,House / apartment,0.00702,-13479,-5333,-6298.0,-1585,,1,1,1,1,1,0,Medicine staff,1.0,2,2,TUESDAY,13,0,0,0,0,0,0,Medicine,0.559102430445636,0.3930780540981839,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,5.0,0.0,5.0,0.0,-378.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2270915,432012,Consumer loans,3465.585,17995.5,16996.5,1800.0,17995.5,SATURDAY,19,Y,1,0.10429407795938796,,,XAP,Approved,-1458,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,18,Connectivity,6.0,high,POS mobile with interest,365243.0,-1418.0,-1268.0,-1268.0,-1260.0,0.0,1,Cash loans,F,Y,Y,1,225000.0,1078200.0,38331.0,900000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.009175,-13911,-848,-6191.0,-970,11.0,1,1,0,1,0,0,Sales staff,3.0,2,2,MONDAY,17,0,0,0,0,0,0,Self-employed,0.25380216835496633,0.004896220068520413,0.1293142889822697,0.4567,0.3271,0.9846,0.7892,0.0808,0.48,0.4138,0.3333,0.375,0.1878,0.3707,0.2758,0.0077,0.002,0.4653,0.3395,0.9846,0.7975,0.0815,0.4834,0.4138,0.3333,0.375,0.1921,0.405,0.2874,0.0078,0.0021,0.4611,0.3271,0.9846,0.792,0.0813,0.48,0.4138,0.3333,0.375,0.1911,0.3771,0.2808,0.0078,0.002,,block of flats,0.3604,Panel,No,1.0,0.0,1.0,0.0,-349.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,5.0 +1540825,248213,Consumer loans,14952.645,111231.0,122976.0,0.0,111231.0,WEDNESDAY,7,Y,1,0.0,,,XAP,Approved,-614,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,46,Connectivity,12.0,high,POS mobile with interest,365243.0,-583.0,-253.0,-283.0,-281.0,0.0,0,Cash loans,F,N,Y,1,76500.0,314100.0,12091.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-10223,-1714,-2506.0,-2609,,1,1,0,1,0,0,,3.0,3,3,MONDAY,15,0,0,0,0,0,0,Other,0.6727156468834267,0.2205107802501515,0.07058051883159755,0.1031,0.1139,0.9776,0.6940000000000001,0.0757,0.0,0.2069,0.1667,0.2083,0.0785,0.0841,0.0877,0.0,0.0,0.105,0.1182,0.9777,0.706,0.0764,0.0,0.2069,0.1667,0.2083,0.0803,0.0918,0.0914,0.0,0.0,0.1041,0.1139,0.9776,0.6981,0.0762,0.0,0.2069,0.1667,0.2083,0.0799,0.0855,0.0893,0.0,0.0,reg oper account,block of flats,0.0843,"Stone, brick",No,18.0,0.0,18.0,0.0,-1035.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1532322,408555,Consumer loans,3253.185,29605.5,29281.5,2961.0,29605.5,MONDAY,13,Y,1,0.10001700183975128,,,XAP,Approved,-2272,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,28,Connectivity,12.0,high,POS mobile with interest,365243.0,-2241.0,-1911.0,-1911.0,-1902.0,0.0,0,Cash loans,F,N,N,0,157500.0,454500.0,43150.5,454500.0,Family,Commercial associate,Higher education,Married,House / apartment,0.035792000000000004,-16335,-1023,-9019.0,-4537,,1,1,1,1,0,0,Managers,2.0,2,2,THURSDAY,18,0,0,0,0,0,0,Other,0.7967901678278941,0.6062419202333529,0.5673792367572691,0.0289,0.0274,0.9831,0.762,0.0,0.0,0.069,0.1667,0.2083,,0.0235,0.0242,0.0,0.0,0.0294,0.0284,0.9831,0.7713,0.0,0.0,0.069,0.1667,0.2083,,0.0257,0.0252,0.0,0.0,0.0291,0.0274,0.9831,0.7652,0.0,0.0,0.069,0.1667,0.2083,,0.0239,0.0246,0.0,0.0,reg oper account,block of flats,0.0313,"Stone, brick",No,4.0,0.0,4.0,0.0,-2.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1516891,123820,Cash loans,28278.675,135000.0,139455.0,,135000.0,SUNDAY,15,Y,1,,,,Other,Approved,-492,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Country-wide,135,Connectivity,6.0,high,Cash Street: high,365243.0,-462.0,-312.0,-432.0,-429.0,1.0,0,Cash loans,F,N,N,0,76500.0,360000.0,11043.0,360000.0,Unaccompanied,Working,Higher education,Single / not married,Rented apartment,0.018634,-9603,-1779,-2562.0,-2288,,1,1,0,1,0,0,Sales staff,1.0,2,2,FRIDAY,17,0,0,0,0,1,1,Trade: type 3,0.5788118432301518,0.5479355521681231,0.22888341670067305,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,16.0,1.0,16.0,0.0,-726.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2181325,213865,Consumer loans,6332.4,33345.0,35104.5,0.0,33345.0,THURSDAY,13,Y,1,0.0,,,XAP,Approved,-967,XNA,XAP,Unaccompanied,Refreshed,Office Appliances,POS,XNA,Country-wide,70,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-934.0,-784.0,-784.0,-774.0,0.0,0,Cash loans,F,N,Y,0,144000.0,433057.5,22239.0,324000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.00702,-15561,-3471,-6539.0,-4041,,1,1,0,1,0,1,Sales staff,1.0,2,2,FRIDAY,12,0,0,0,0,0,0,Self-employed,0.2983093208545521,0.5566299711689939,0.7597121819739279,0.066,0.0582,0.9742,,,,0.1379,0.125,,,,0.0352,,,0.0672,0.0604,0.9742,,,,0.1379,0.125,,,,0.0367,,,0.0666,0.0582,0.9742,,,,0.1379,0.125,,,,0.0358,,,,block of flats,0.0398,"Stone, brick",No,1.0,0.0,1.0,0.0,-2497.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2223122,101719,Revolving loans,22500.0,450000.0,450000.0,,450000.0,MONDAY,13,Y,1,,,,XAP,Refused,-17,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,1,139500.0,640080.0,24129.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.02461,-13960,-2319,-986.0,-1885,,1,1,0,1,1,0,Laborers,3.0,2,2,THURSDAY,15,0,0,0,0,0,0,Self-employed,0.5042589413188299,0.5315204163638905,0.3108182544189319,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-2130.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1967705,455198,Cash loans,30426.075,540000.0,625536.0,,540000.0,FRIDAY,9,Y,1,,,,Repairs,Refused,-541,Cash through the bank,LIMIT,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,middle,Cash Street: middle,,,,,,,1,Cash loans,F,N,N,0,292500.0,697050.0,71424.0,670500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,With parents,0.019101,-10574,-1103,-207.0,-213,,1,1,0,1,0,0,Laborers,1.0,2,2,SUNDAY,17,1,1,0,1,1,0,Business Entity Type 3,0.6162807413785534,0.3968457115393104,0.7738956942145427,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-541.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2429296,188898,Revolving loans,2250.0,45000.0,45000.0,,45000.0,FRIDAY,17,Y,1,,,,XAP,Approved,-295,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-294.0,-250.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,2,135000.0,338832.0,26901.0,292500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-12516,-962,-317.0,-1299,0.0,1,1,0,1,0,0,,4.0,2,2,SATURDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.502033686063974,0.5628378626456231,0.4382813743111921,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-48.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,2.0,0.0,1.0 +2609264,379002,Consumer loans,1958.58,16515.0,16335.0,1651.5,16515.0,FRIDAY,16,Y,1,0.09999909022676094,,,XAP,Approved,-2245,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,15,Connectivity,12.0,high,POS mobile with interest,365243.0,-2200.0,-1870.0,-2020.0,-2012.0,0.0,0,Cash loans,F,N,Y,1,99000.0,679500.0,28786.5,679500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.008865999999999999,-15508,-7447,-1280.0,-5606,,1,1,1,1,0,0,Laborers,3.0,2,2,TUESDAY,21,0,0,0,0,0,0,Other,0.18278955904961267,0.7772056066839436,0.32173528219668485,0.0649,0.0624,0.9727,0.626,0.0076,0.0,0.1034,0.1667,0.2083,0.0175,0.0496,0.0471,0.0154,0.0125,0.0662,0.0648,0.9727,0.6406,0.0077,0.0,0.1034,0.1667,0.2083,0.0179,0.0542,0.049,0.0156,0.0132,0.0656,0.0624,0.9727,0.631,0.0077,0.0,0.1034,0.1667,0.2083,0.0178,0.0504,0.0479,0.0155,0.0128,reg oper account,block of flats,0.0439,"Stone, brick",No,0.0,0.0,0.0,0.0,-2561.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1745262,117591,Cash loans,34897.995,675000.0,767664.0,,675000.0,THURSDAY,16,Y,1,,,,XNA,Approved,-832,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-802.0,608.0,-172.0,-164.0,1.0,0,Cash loans,F,N,Y,0,382500.0,2085120.0,72607.5,1800000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.010006000000000001,-23049,-3469,-2560.0,-5132,,1,1,0,1,0,0,Private service staff,1.0,2,1,WEDNESDAY,14,0,0,0,0,0,0,Self-employed,0.7492916208450829,0.03217787741858216,0.20559813854932085,0.1082,0.0642,0.9866,0.8164,0.0428,0.08,0.0345,0.3333,0.375,0.0751,0.0874,0.0915,0.0039,0.0138,0.1103,0.0667,0.9866,0.8236,0.0432,0.0806,0.0345,0.3333,0.375,0.0768,0.0955,0.0953,0.0039,0.0146,0.1093,0.0642,0.9866,0.8189,0.0431,0.08,0.0345,0.3333,0.375,0.0764,0.0889,0.0931,0.0039,0.0141,reg oper account,block of flats,0.0994,Panel,No,0.0,0.0,0.0,0.0,-1415.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2790249,423282,Cash loans,62480.52,1057500.0,1118920.5,,1057500.0,SATURDAY,18,Y,1,,,,XNA,Approved,-761,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-720.0,-41.0,-210.0,-207.0,0.0,0,Cash loans,F,N,Y,0,247500.0,1350000.0,53671.5,1350000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-18760,-1008,-2857.0,-2309,,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,17,0,0,0,0,0,0,Trade: type 7,,0.3541296959485883,0.3046721837533529,0.1835,0.1062,0.996,,,0.16,0.1379,0.375,,,,0.1674,,0.0312,0.187,0.1102,0.996,,,0.1611,0.1379,0.375,,,,0.1745,,0.0331,0.1853,0.1062,0.996,,,0.16,0.1379,0.375,,,,0.1704,,0.0319,,block of flats,0.1385,Panel,No,0.0,0.0,0.0,0.0,-784.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1732657,162780,Revolving loans,7875.0,157500.0,157500.0,,157500.0,WEDNESDAY,6,Y,1,,,,XAP,Approved,-546,XNA,XAP,,Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-520.0,-469.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,211500.0,742500.0,21838.5,742500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.018029,-13361,-461,-7468.0,-4148,,1,1,1,1,1,0,Sales staff,1.0,3,3,WEDNESDAY,10,0,0,0,0,0,0,Construction,,0.5935672870197201,0.5154953751603267,0.0041,0.0,0.9771,0.6872,0.0007,0.0,0.0,0.0,0.0417,0.0052,0.0034,0.0039,0.0,0.0,0.0042,0.0,0.9772,0.6994,0.0007,0.0,0.0,0.0,0.0417,0.0053,0.0037,0.0041,0.0,0.0,0.0042,0.0,0.9771,0.6914,0.0007,0.0,0.0,0.0,0.0417,0.0053,0.0034,0.004,0.0,0.0,not specified,block of flats,0.0034,Wooden,No,4.0,1.0,4.0,1.0,-546.0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1905208,281093,Cash loans,26978.4,270000.0,270000.0,,270000.0,MONDAY,10,Y,1,,,,XNA,Approved,-1086,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,58,Connectivity,12.0,middle,Cash X-Sell: middle,365243.0,-1056.0,-726.0,-726.0,-723.0,0.0,0,Cash loans,F,N,Y,0,60750.0,1080000.0,31707.0,1080000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.031329,-20211,365243,-8239.0,-3749,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,0.6022586095102237,0.6921990257195981,0.722392890081304,0.1227,0.1572,0.9886,0.8436,0.0029,0.0,0.3448,0.1667,0.2083,0.0554,0.0992,0.1177,0.0039,0.0052,0.125,0.1631,0.9886,0.8497,0.0029,0.0,0.3448,0.1667,0.2083,0.0566,0.1084,0.1226,0.0039,0.0055,0.1239,0.1572,0.9886,0.8457,0.0029,0.0,0.3448,0.1667,0.2083,0.0563,0.1009,0.1198,0.0039,0.0053,org spec account,block of flats,0.0926,Panel,No,0.0,0.0,0.0,0.0,-2229.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1410215,241105,Consumer loans,6526.08,18441.0,18441.0,0.0,18441.0,THURSDAY,9,Y,1,0.0,,,XAP,Approved,-428,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Regional / Local,100,Consumer electronics,3.0,middle,POS household with interest,365243.0,-397.0,-337.0,-337.0,-334.0,0.0,0,Cash loans,F,N,Y,0,67500.0,144000.0,14157.0,144000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-24806,365243,-8073.0,-4414,,1,0,0,1,1,0,,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,XNA,,0.7198735084268697,0.4382813743111921,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,15.0,2.0,15.0,2.0,-717.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2770079,356615,Consumer loans,10396.755,109917.0,109917.0,0.0,109917.0,TUESDAY,15,Y,1,0.0,,,XAP,Approved,-1638,Cash through the bank,XAP,Children,Repeater,Computers,POS,XNA,Stone,40,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-1607.0,-1277.0,-1277.0,-1269.0,0.0,0,Cash loans,F,N,Y,1,112500.0,225000.0,17541.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.007120000000000001,-18715,-2867,-7068.0,-2262,,1,1,1,1,0,0,Secretaries,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.6414940035758647,0.2858978721410488,0.7032033049040319,0.0639,,0.9742,,,,0.1379,0.125,,,,0.0454,,,0.0651,,0.9742,,,,0.1379,0.125,,,,0.0473,,,0.0645,,0.9742,,,,0.1379,0.125,,,,0.0462,,,,block of flats,0.0357,"Stone, brick",No,0.0,0.0,0.0,0.0,-1665.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2088332,247107,Consumer loans,4320.72,39771.0,39712.5,7956.0,39771.0,TUESDAY,12,Y,1,0.1817721823159376,,,XAP,Approved,-1663,Cash through the bank,XAP,Family,Refreshed,Mobile,POS,XNA,Country-wide,16,Connectivity,12.0,high,POS mobile with interest,365243.0,-1632.0,-1302.0,-1302.0,-1287.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,1057266.0,44923.5,945000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-17303,-3877,-6696.0,-847,10.0,1,1,0,1,0,0,,2.0,2,2,SATURDAY,11,0,0,0,0,1,1,Military,,0.6437853314368405,0.7136313997323308,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1663.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1194322,297299,Consumer loans,30680.01,215797.5,154759.5,67500.0,215797.5,TUESDAY,14,Y,1,0.33075587933760464,,,XAP,Approved,-1534,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,1900,Consumer electronics,6.0,high,POS household with interest,365243.0,-1503.0,-1353.0,-1353.0,-1347.0,0.0,0,Cash loans,F,N,Y,1,126000.0,523152.0,42075.0,463500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.032561,-17570,-2797,-9329.0,-1119,,1,1,0,1,0,0,Core staff,3.0,1,1,WEDNESDAY,15,0,0,0,0,0,0,Kindergarten,,0.7919118943418094,0.8327850252992314,0.1031,0.0848,0.9737,0.6396,0.1294,0.0,0.1724,0.1667,0.0417,0.034,0.0841,0.08900000000000001,0.0,0.0033,0.105,0.08800000000000001,0.9737,0.6537,0.1306,0.0,0.1724,0.1667,0.0417,0.0347,0.0918,0.0928,0.0,0.0035,0.1041,0.0848,0.9737,0.6444,0.1302,0.0,0.1724,0.1667,0.0417,0.0346,0.0855,0.0906,0.0,0.0034,reg oper account,block of flats,0.0708,Panel,No,3.0,0.0,3.0,0.0,-1534.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2703314,383537,Cash loans,6652.98,54000.0,64926.0,,54000.0,SATURDAY,11,Y,1,,,,XNA,Approved,-547,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-517.0,-187.0,-367.0,-364.0,1.0,0,Cash loans,F,N,Y,0,180000.0,630000.0,22756.5,630000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.028663,-15077,-1933,-7388.0,-4545,,1,1,0,1,0,1,Managers,2.0,2,2,SUNDAY,14,0,0,0,1,1,0,School,0.7156219377826553,0.4274524574185409,0.511891801533151,0.0165,,0.9796,,,0.0,0.069,0.0417,,0.0087,,0.0097,,0.0,0.0168,,0.9796,,,0.0,0.069,0.0417,,0.0089,,0.0101,,0.0,0.0167,,0.9796,,,0.0,0.069,0.0417,,0.0088,,0.0098,,0.0,,block of flats,0.012,Panel,No,1.0,0.0,1.0,0.0,-95.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +2548482,251171,Consumer loans,4450.545,43411.5,43411.5,0.0,43411.5,THURSDAY,11,Y,1,0.0,,,XAP,Refused,-583,Non-cash from your account,HC,,Repeater,Furniture,POS,XNA,Stone,420,Furniture,12.0,middle,POS industry with interest,,,,,,,0,Cash loans,F,N,Y,0,67500.0,71955.0,7137.0,67500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.011703,-20177,365243,-7010.0,-3413,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,17,0,0,0,0,0,0,XNA,,0.7301011063137487,0.6754132910917112,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-825.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1877370,112043,Cash loans,28162.98,873000.0,873000.0,,873000.0,FRIDAY,12,Y,1,,,,XNA,Approved,-962,Cash through the bank,XAP,Other_A,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,365243.0,-929.0,841.0,-149.0,-141.0,0.0,0,Cash loans,F,N,Y,0,135000.0,628069.5,34200.0,499500.0,Unaccompanied,Working,Incomplete higher,Single / not married,Rented apartment,0.0105,-9461,-474,-8092.0,-2154,,1,1,0,1,0,1,Sales staff,1.0,3,3,MONDAY,10,0,0,0,1,1,0,Business Entity Type 3,0.26986997407756025,0.5228703385914196,0.3876253444214701,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1321.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +1415456,258694,Cash loans,17220.285,225000.0,254700.0,0.0,225000.0,FRIDAY,10,Y,1,0.0,,,XNA,Approved,-2166,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,24.0,high,Cash Street: high,365243.0,-2136.0,-1446.0,-1446.0,-1443.0,1.0,0,Cash loans,M,Y,N,0,117000.0,117162.0,12748.5,103500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.010147,-15841,-403,-1305.0,-4428,30.0,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,10,0,0,0,0,1,1,Business Entity Type 3,,0.6524228945198682,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1585.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1317200,101788,Revolving loans,6750.0,0.0,135000.0,,,WEDNESDAY,14,Y,1,,,,XAP,Approved,-1272,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-845.0,-822.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,126000.0,315000.0,14814.0,315000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.018209,-12451,-3078,-1848.0,-1229,,1,1,0,1,0,0,Private service staff,1.0,3,3,MONDAY,10,0,0,0,0,0,0,Self-employed,0.2643379801186677,0.497361397456891,,0.1311,0.0455,0.9856,0.8096,0.0076,0.08,0.069,0.3333,0.0417,0.0729,0.087,0.0765,0.0039,0.0314,0.105,0.0472,0.9861,0.8171,0.006999999999999999,0.0806,0.069,0.3333,0.0417,0.0745,0.0909,0.0674,0.0039,0.0258,0.1135,0.0455,0.9861,0.8121,0.0077,0.08,0.069,0.3333,0.0417,0.0742,0.0885,0.0659,0.0039,0.0249,reg oper account,block of flats,0.0547,Panel,No,2.0,0.0,2.0,0.0,-1748.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1107710,303361,Consumer loans,11502.225,113962.5,113962.5,0.0,113962.5,SATURDAY,12,Y,1,0.0,0.19690014734217387,0.8673361522198731,XAP,Approved,-212,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,60,Connectivity,12.0,middle,POS mobile with interest,365243.0,-178.0,152.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,Y,0,157500.0,270000.0,13500.0,180000.0,Unaccompanied,State servant,Higher education,Civil marriage,House / apartment,0.031329,-9423,-1993,-3997.0,-1998,,1,1,1,1,1,1,Managers,2.0,2,2,MONDAY,8,0,0,0,0,0,0,Police,0.6129202308474139,0.3051316821778067,0.3606125659189888,0.1052,,0.9841,,,0.12,0.1034,0.3333,,,,0.1106,,0.1434,0.1071,,0.9841,,,0.1208,0.1034,0.3333,,,,0.1152,,0.1518,0.1062,,0.9841,,,0.12,0.1034,0.3333,,,,0.1126,,0.1464,,,0.1181,,No,0.0,0.0,0.0,0.0,-169.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1225951,377939,Consumer loans,4086.54,33088.5,36000.0,0.0,33088.5,WEDNESDAY,16,Y,1,0.0,,,XAP,Approved,-854,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Regional / Local,161,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-823.0,-553.0,-613.0,-605.0,0.0,0,Cash loans,F,N,Y,0,121500.0,296280.0,14382.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.030755,-22239,365243,-9356.0,-4626,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,13,1,0,0,1,0,0,XNA,,0.5563493212287511,0.4329616670974407,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-34.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1152456,161745,Consumer loans,9787.41,82759.5,90040.5,0.0,82759.5,FRIDAY,8,Y,1,0.0,,,XAP,Approved,-663,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,2145,Consumer electronics,10.0,low_action,POS household without interest,365243.0,-632.0,-362.0,-572.0,-570.0,0.0,0,Cash loans,F,N,Y,0,270000.0,675000.0,28728.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.0228,-18720,-751,-4569.0,-2273,,1,1,0,1,1,0,Cleaning staff,1.0,2,2,WEDNESDAY,15,0,0,0,0,1,1,Business Entity Type 2,,0.316821140284096,0.16342569473134347,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1435489,444509,Consumer loans,10627.47,94090.5,84681.0,9409.5,94090.5,TUESDAY,10,Y,1,0.10891429962738963,,,XAP,Approved,-2428,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,2034,Consumer electronics,10.0,high,POS household with interest,365243.0,-2397.0,-2127.0,-2127.0,-2122.0,0.0,0,Cash loans,M,Y,Y,1,157500.0,359725.5,24169.5,297000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-15502,-2380,-7734.0,-4646,2.0,1,1,0,1,0,1,Drivers,3.0,3,2,MONDAY,6,0,0,0,0,0,0,Business Entity Type 3,0.2769322857043237,0.4649292966344416,0.5478104658520093,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1222.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,12.0 +1050365,138588,Consumer loans,2661.12,17685.0,14850.0,3537.0,17685.0,THURSDAY,10,Y,1,0.2095020691496461,,,XAP,Approved,-1472,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,5,Furniture,6.0,low_normal,POS industry with interest,365243.0,-1441.0,-1291.0,-1321.0,-1315.0,0.0,0,Cash loans,F,Y,Y,0,112500.0,270000.0,10309.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-13899,-2743,-179.0,-4817,34.0,1,1,0,1,0,0,Medicine staff,2.0,2,2,SATURDAY,9,0,0,0,0,0,0,Medicine,,0.6660291310439465,0.5762088360175724,0.0835,0.0799,0.9732,0.6328,,0.0,0.1379,0.1667,0.0417,0.0692,0.0656,0.0614,0.0077,0.0051,0.0851,0.0829,0.9732,0.6472,,0.0,0.1379,0.1667,0.0417,0.0708,0.0716,0.064,0.0078,0.0054,0.0843,0.0799,0.9732,0.6377,,0.0,0.1379,0.1667,0.0417,0.0704,0.0667,0.0625,0.0078,0.0052,reg oper account,block of flats,0.0533,"Stone, brick",No,1.0,0.0,1.0,0.0,-1604.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1440815,451227,Consumer loans,16121.16,183780.0,183780.0,0.0,183780.0,WEDNESDAY,15,Y,1,0.0,,,XAP,Approved,-842,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,1,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-811.0,-481.0,-481.0,-474.0,0.0,0,Cash loans,F,Y,N,2,225000.0,971280.0,51745.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-11609,-4799,-5809.0,-3952,12.0,1,1,1,1,1,0,Accountants,4.0,2,2,SATURDAY,13,0,0,0,0,0,0,Self-employed,0.5270782425615665,0.5495167240068153,0.15193454904964762,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1684.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1907399,139528,Revolving loans,2250.0,0.0,45000.0,,0.0,MONDAY,14,Y,1,,,,XAP,Refused,-1307,XNA,HC,,Repeater,XNA,Cards,walk-in,Credit and cash offices,0,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,157500.0,291915.0,15034.5,252000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-12466,-230,-6492.0,-4405,,1,1,0,1,0,0,Core staff,2.0,2,2,SATURDAY,9,0,0,0,0,0,0,Self-employed,0.6550393161171688,0.6642123711306529,0.3425288720742255,0.0495,0.0645,0.9727,0.626,,0.0,0.1034,0.1667,0.2083,0.0604,0.0403,0.0403,0.0,0.0,0.0504,0.0669,0.9727,0.6406,,0.0,0.1034,0.1667,0.2083,0.0618,0.0441,0.042,0.0,0.0,0.05,0.0645,0.9727,0.631,,0.0,0.1034,0.1667,0.2083,0.0615,0.041,0.0411,0.0,0.0,reg oper account,block of flats,0.0412,"Stone, brick",No,4.0,0.0,4.0,0.0,-1691.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2724912,300551,Cash loans,,0.0,0.0,,,WEDNESDAY,11,Y,1,,,,XNA,Refused,-272,XNA,SCOFR,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,1,157500.0,258709.5,20569.5,234000.0,Unaccompanied,Working,Incomplete higher,Separated,House / apartment,0.005084,-11229,-191,-6748.0,-2822,,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Self-employed,,0.5504801006531527,0.16640554618393638,0.0598,0.0662,0.995,0.9796,0.0299,0.0,0.069,0.25,0.2083,,0.037000000000000005,0.0659,,0.0442,0.0462,0.0687,0.9911,0.9804,0.0302,0.0,0.069,0.1667,0.2083,,0.0404,0.0546,,0.0468,0.0604,0.0662,0.995,0.9799,0.0301,0.0,0.069,0.25,0.2083,,0.0376,0.0671,,0.0451,,block of flats,0.0625,"Stone, brick",No,0.0,0.0,0.0,0.0,-336.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1107709,129837,Consumer loans,9800.28,103455.0,102325.5,10345.5,103455.0,MONDAY,10,Y,1,0.10000079878584546,,,XAP,Approved,-1661,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Stone,8,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-1630.0,-1300.0,-1300.0,-1291.0,0.0,0,Cash loans,M,N,Y,0,112500.0,945000.0,39127.5,945000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-18726,365243,-9308.0,-1972,,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,XNA,,0.29679579393889216,0.2678689358444539,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-2501.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1596091,182265,Cash loans,26133.615,454500.0,490495.5,,454500.0,TUESDAY,11,Y,1,,,,XNA,Approved,-512,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-482.0,208.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,225000.0,824917.5,42250.5,724500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-16924,-1619,-2380.0,-474,,1,1,0,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Self-employed,,0.7483935433824883,0.4848514754962666,0.0722,0.0029,0.9796,0.7212,0.0105,0.0,0.2069,0.2083,0.0417,0.0507,0.0588,0.0887,0.0,0.0784,0.0735,0.003,0.9796,0.7321,0.0106,0.0,0.2069,0.2083,0.0417,0.0519,0.0643,0.0925,0.0,0.083,0.0729,0.0029,0.9796,0.7249,0.0106,0.0,0.2069,0.2083,0.0417,0.0516,0.0599,0.0903,0.0,0.08,reg oper account,block of flats,0.0755,Panel,No,2.0,2.0,2.0,2.0,-1399.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1221242,102806,Cash loans,42833.88,229500.0,229500.0,,229500.0,TUESDAY,14,Y,1,,,,XNA,Approved,-428,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-398.0,-248.0,-368.0,-360.0,0.0,0,Cash loans,F,N,Y,0,162000.0,711072.0,25668.0,540000.0,Children,Working,Secondary / secondary special,Single / not married,House / apartment,0.006670999999999999,-21160,-1512,-1768.0,-4534,,1,1,0,1,0,1,Cleaning staff,1.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Housing,0.8209742203038926,0.6001181282438388,0.35895122857839673,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1516.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2698337,255065,Consumer loans,3542.67,19305.0,17374.5,1930.5,19305.0,FRIDAY,16,Y,1,0.1089090909090909,,,XAP,Approved,-1864,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,30,Connectivity,6.0,high,POS mobile with interest,365243.0,-1827.0,-1677.0,-1677.0,-1673.0,0.0,0,Cash loans,F,Y,N,1,202500.0,1800000.0,62568.0,1800000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0228,-12715,-2773,-1726.0,-3551,3.0,1,1,1,1,1,0,Core staff,3.0,2,2,SUNDAY,10,0,0,0,1,1,0,Kindergarten,0.37566562860142894,0.626604834866135,0.5442347412142162,,,0.9796,,,,0.069,0.0,,0.0,,0.0014,,,,,0.9796,,,,0.069,0.0,,0.0,,0.0014,,,,,0.9796,,,,0.069,0.0,,0.0,,0.0014,,,,block of flats,0.0011,Mixed,Yes,1.0,1.0,1.0,1.0,-1361.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,2.0,0.0,2.0 +1217733,216220,Consumer loans,6029.1,36000.0,31500.0,4500.0,36000.0,THURSDAY,14,Y,1,0.1361363636363636,,,XAP,Approved,-1271,Cash through the bank,XAP,"Spouse, partner",Repeater,Furniture,POS,XNA,Stone,10,Furniture,6.0,middle,POS industry with interest,365243.0,-1240.0,-1090.0,-1090.0,-1086.0,0.0,0,Cash loans,F,Y,Y,0,67500.0,339241.5,12312.0,238500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.01885,-17447,-253,-612.0,-973,19.0,1,1,0,1,0,0,Cleaning staff,2.0,2,2,MONDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.7467677080743096,,0.1237,0.085,0.9836,0.7756,0.0466,0.0,0.069,0.1667,0.2083,0.0959,0.1009,0.064,0.0,0.0,0.1261,0.0882,0.9836,0.7844,0.0471,0.0,0.069,0.1667,0.2083,0.0981,0.1102,0.0667,0.0,0.0,0.1249,0.085,0.9836,0.7786,0.0469,0.0,0.069,0.1667,0.2083,0.0976,0.1026,0.0651,0.0,0.0,reg oper account,block of flats,0.0612,"Stone, brick",No,3.0,1.0,3.0,1.0,-1726.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1441184,125332,Consumer loans,9177.21,130230.0,100188.0,39069.0,130230.0,SATURDAY,18,Y,1,0.30554796331439504,,,XAP,Approved,-2701,Cash through the bank,XAP,Children,Repeater,Computers,POS,XNA,Country-wide,2667,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-2670.0,-2340.0,-2340.0,-2322.0,1.0,0,Cash loans,M,N,Y,0,211500.0,755190.0,38686.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.019101,-20155,-994,-3251.0,-3461,,1,1,0,1,0,0,Laborers,1.0,2,2,FRIDAY,11,0,0,0,0,1,1,Construction,0.5934391189325513,0.25998430408279016,0.6446794549585961,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1087437,442694,Consumer loans,15493.635,130410.0,129253.5,13500.0,130410.0,SATURDAY,10,Y,1,0.1029938129203646,,,XAP,Approved,-206,XNA,XAP,Family,Refreshed,Sport and Leisure,POS,XNA,Stone,300,Industry,12.0,high,POS industry with interest,365243.0,-167.0,163.0,-77.0,-72.0,0.0,0,Cash loans,F,N,Y,1,67500.0,168102.0,17964.0,148500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00963,-15490,-1288,-783.0,-938,,1,1,0,1,0,0,,3.0,2,2,TUESDAY,9,0,0,0,1,1,0,Self-employed,,0.11174500983445478,0.6956219298394389,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-206.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2628352,321953,Cash loans,27341.325,337500.0,390960.0,,337500.0,TUESDAY,13,Y,1,,,,XNA,Approved,-200,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-170.0,340.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,180000.0,1007352.0,33421.5,765000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.007305,-22714,365243,-13099.0,-3904,,1,0,0,1,1,0,,2.0,3,3,SATURDAY,8,0,0,0,0,0,0,XNA,,0.31764054034253153,,0.0412,0.0291,0.9762,,,0.0,0.069,0.1667,,,,0.0318,,,0.042,0.0302,0.9762,,,0.0,0.069,0.1667,,,,0.0332,,,0.0416,0.0291,0.9762,,,0.0,0.069,0.1667,,,,0.0324,,,,block of flats,0.025,"Stone, brick",No,0.0,0.0,0.0,0.0,-1193.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1690106,162039,Consumer loans,19800.0,180000.0,180000.0,0.0,180000.0,MONDAY,12,Y,1,0.0,,,XAP,Approved,-617,Cash through the bank,XAP,Unaccompanied,Repeater,Tourism,POS,XNA,Stone,22,Industry,10.0,low_normal,POS other with interest,365243.0,-586.0,-316.0,-316.0,-312.0,0.0,0,Revolving loans,F,N,Y,0,675000.0,450000.0,22500.0,450000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.011656999999999999,-20933,-8473,-8777.0,-4492,,1,1,0,1,0,0,Core staff,2.0,1,1,TUESDAY,16,0,0,0,0,0,0,Medicine,,0.7690634913057925,0.501075160239048,0.0825,0.0692,0.9752,0.66,0.0069,0.0,0.1379,0.1667,0.2083,0.0506,,0.0702,,,0.084,0.0718,0.9752,0.6733,0.006999999999999999,0.0,0.1379,0.1667,0.2083,0.0518,,0.0731,,,0.0833,0.0692,0.9752,0.6645,0.006999999999999999,0.0,0.1379,0.1667,0.2083,0.0515,,0.0714,,,reg oper account,block of flats,0.0709,Panel,No,0.0,0.0,0.0,0.0,-1586.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2384567,161499,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SATURDAY,14,Y,1,,,,XAP,Approved,-216,XNA,XAP,Family,Refreshed,XNA,Cards,walk-in,Country-wide,1000,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,1,225000.0,497520.0,33376.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-13225,-407,-5645.0,-3940,14.0,1,1,0,1,0,0,Drivers,3.0,3,2,FRIDAY,11,0,0,0,0,0,0,Other,,0.4999089463102146,0.6769925032909132,0.1155,0.05,0.9752,0.66,0.0233,0.0,0.0345,0.1667,0.2083,0.0315,0.0941,0.0323,0.0,0.0,0.1176,0.0518,0.9752,0.6733,0.0235,0.0,0.0345,0.1667,0.2083,0.0323,0.1028,0.0337,0.0,0.0,0.1166,0.05,0.9752,0.6645,0.0234,0.0,0.0345,0.1667,0.2083,0.0321,0.0958,0.0329,0.0,0.0,reg oper account,block of flats,0.0381,Panel,No,0.0,0.0,0.0,0.0,-1312.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1263053,345562,Consumer loans,3947.31,18180.0,19359.0,1818.0,18180.0,FRIDAY,9,Y,1,0.09349611714252597,,,XAP,Approved,-1204,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Stone,16,Connectivity,6.0,high,POS mobile with interest,365243.0,-1169.0,-1019.0,-1019.0,-1013.0,0.0,0,Cash loans,F,N,Y,0,67500.0,284400.0,10719.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.019101,-18672,-2747,-11081.0,-2223,,1,1,0,1,0,0,Cooking staff,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,School,,0.3330458178721503,0.34741822720026416,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1204.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1518275,184863,Consumer loans,10172.79,124105.5,86872.5,37233.0,124105.5,SUNDAY,13,Y,1,0.3267391196859269,,,XAP,Approved,-2155,Cash through the bank,XAP,,Refreshed,Computers,POS,XNA,Stone,200,Consumer electronics,12.0,high,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,238500.0,675000.0,26541.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.026392000000000002,-20745,365243,-2929.0,-4266,,1,0,0,1,1,0,,1.0,2,2,SATURDAY,13,0,0,0,0,0,0,XNA,,0.7604964339944783,,0.1485,,0.9767,,,0.0,0.1034,0.1667,,,,0.0561,,0.0,0.1513,,0.9767,,,0.0,0.1034,0.1667,,,,0.0585,,0.0,0.1499,,0.9767,,,0.0,0.1034,0.1667,,,,0.0572,,0.0,,block of flats,0.0442,"Stone, brick",No,1.0,0.0,1.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1285918,215183,Cash loans,24971.805,315000.0,381528.0,,315000.0,TUESDAY,15,Y,1,,,,XNA,Approved,-277,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-247.0,443.0,-127.0,-125.0,1.0,0,Cash loans,F,N,Y,4,256500.0,573408.0,29277.0,495000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.011703,-13251,-1288,-1537.0,-1165,,1,1,0,1,0,0,High skill tech staff,6.0,2,2,SATURDAY,13,0,0,0,0,0,0,Industry: type 11,0.3887999043368858,0.26420923966020315,0.2822484337007223,0.0371,0.0085,0.9722,,,0.0,0.1034,0.0833,,0.0109,,0.0302,,0.0,0.0378,0.0088,0.9722,,,0.0,0.1034,0.0833,,0.0111,,0.0315,,0.0,0.0375,0.0085,0.9722,,,0.0,0.1034,0.0833,,0.0111,,0.0308,,0.0,,block of flats,0.0244,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2608520,349159,Consumer loans,6037.47,33210.0,29610.0,4995.0,33210.0,WEDNESDAY,14,Y,1,0.15720297907554082,,,XAP,Approved,-1969,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,25,Connectivity,6.0,high,POS mobile with interest,365243.0,-1903.0,-1753.0,-1753.0,-1748.0,0.0,0,Cash loans,F,N,N,0,175500.0,900000.0,26446.5,900000.0,Unaccompanied,Commercial associate,Academic degree,Single / not married,House / apartment,0.006296,-12155,-3049,-3335.0,-4713,,1,1,1,1,0,0,,1.0,3,3,FRIDAY,11,1,1,0,1,1,1,Business Entity Type 3,,0.7773948756039313,0.4014074137749511,0.0371,0.0236,0.9856,0.8028,0.0,0.04,0.0345,0.3333,0.0417,0.0288,0.0303,0.0426,0.0,0.0,0.0378,0.0245,0.9856,0.8105,0.0,0.0403,0.0345,0.3333,0.0417,0.0295,0.0331,0.0444,0.0,0.0,0.0375,0.0236,0.9856,0.8054,0.0,0.04,0.0345,0.3333,0.0417,0.0293,0.0308,0.0434,0.0,0.0,,block of flats,0.0335,Panel,No,0.0,0.0,0.0,0.0,-1659.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1965597,303726,Cash loans,32596.695,540000.0,625536.0,,540000.0,WEDNESDAY,10,Y,1,,,,XNA,Refused,-572,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,N,1,157500.0,755190.0,36459.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.035792000000000004,-13998,-2954,-7778.0,-4420,,1,1,1,1,1,0,Laborers,2.0,2,2,SUNDAY,13,0,0,0,0,1,1,Self-employed,0.2890484188636949,0.615690851334145,0.4223696523543468,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2051.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1517899,200471,Revolving loans,7875.0,0.0,157500.0,,0.0,FRIDAY,15,Y,1,,,,XAP,Approved,-1371,XNA,XAP,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,-205.0,0.0,0,Cash loans,F,N,Y,0,180000.0,835380.0,40320.0,675000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.007305,-15246,-6254,-2681.0,-3059,,1,1,0,1,0,0,Managers,2.0,3,3,THURSDAY,9,0,0,0,0,0,0,Government,0.6421259911104668,0.6441613527063975,0.5691487713619409,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2036.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2557078,353043,Cash loans,17246.07,270000.0,328450.5,,270000.0,FRIDAY,8,Y,1,,,,XNA,Approved,-987,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,high,Cash X-Sell: high,365243.0,-957.0,453.0,-747.0,-740.0,1.0,0,Cash loans,F,N,N,0,180000.0,517500.0,14229.0,517500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,With parents,0.019688999999999998,-11269,-3663,-5923.0,-3760,,1,1,1,1,1,0,Core staff,2.0,2,2,THURSDAY,10,0,0,0,0,1,1,School,0.5430307149465999,0.4627050493512615,0.178760465484575,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1365.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +2304290,308952,Revolving loans,4500.0,0.0,90000.0,,,TUESDAY,14,Y,1,,,,XAP,Approved,-785,XNA,XAP,,Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,1,103500.0,894766.5,29700.0,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.011656999999999999,-11122,-960,-1507.0,-3800,2.0,1,1,0,1,0,0,,3.0,1,1,WEDNESDAY,15,0,0,0,0,1,1,Self-employed,,0.5169100068894417,0.33125086459090186,0.0639,0.0,0.9776,,,0.0,0.1379,0.125,,0.0,,0.05,,0.0053,0.0651,0.0,0.9777,,,0.0,0.1379,0.125,,0.0,,0.0521,,0.0056,0.0645,0.0,0.9776,,,0.0,0.1379,0.125,,0.0,,0.0509,,0.0054,,block of flats,0.0393,"Stone, brick",No,1.0,0.0,1.0,0.0,-2367.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2552612,209472,Consumer loans,8227.08,99000.0,114682.5,0.0,99000.0,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-958,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Stone,30,Consumer electronics,18.0,middle,POS household with interest,365243.0,-927.0,-417.0,-417.0,-411.0,0.0,0,Cash loans,F,N,N,1,180000.0,573628.5,27724.5,463500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-14128,-6349,-3256.0,-5442,,1,1,0,1,0,0,Core staff,3.0,2,2,FRIDAY,17,0,0,0,0,0,0,Medicine,,0.6350278467719062,0.1206410299309233,0.0938,0.0819,0.9796,0.7212,0.0381,0.0,0.2069,0.1667,0.0417,0.0624,0.0756,0.0768,0.0039,0.0026,0.0956,0.085,0.9796,0.7321,0.0385,0.0,0.2069,0.1667,0.0417,0.0638,0.0826,0.08,0.0039,0.0028,0.0947,0.0819,0.9796,0.7249,0.0384,0.0,0.2069,0.1667,0.0417,0.0634,0.077,0.0782,0.0039,0.0027,reg oper account,block of flats,0.0677,Panel,No,1.0,0.0,1.0,0.0,-732.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1134349,208438,Consumer loans,22800.195,208359.0,226237.5,0.0,208359.0,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-348,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,300,Consumer electronics,12.0,middle,POS household with interest,365243.0,-317.0,13.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,1,180000.0,592560.0,32274.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.04622,-11859,-1168,-5767.0,-3345,,1,1,0,1,0,0,Laborers,3.0,1,1,THURSDAY,13,0,0,0,0,0,0,Industry: type 1,,0.2588122269407445,,0.0907,0.1006,0.9781,,,0.0,0.2069,0.1667,,0.0175,,0.0848,,0.0598,0.0924,0.1044,0.9782,,,0.0,0.2069,0.1667,,0.0179,,0.0883,,0.0633,0.0916,0.1006,0.9781,,,0.0,0.2069,0.1667,,0.0178,,0.0863,,0.0611,,block of flats,0.0937,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,0.0 +1845157,296106,Cash loans,48482.64,765000.0,843763.5,,765000.0,FRIDAY,14,Y,1,,,,XNA,Approved,-371,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash X-Sell: high,365243.0,-341.0,709.0,-161.0,-159.0,1.0,0,Cash loans,F,N,Y,0,225000.0,1350000.0,39474.0,1350000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.035792000000000004,-21837,365243,-233.0,-4090,,1,0,0,1,1,0,,1.0,2,2,FRIDAY,8,0,0,0,0,0,0,XNA,,0.6457436988327211,0.4543210601605785,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1023.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2235797,304721,Consumer loans,6376.725,69615.0,69615.0,0.0,69615.0,SATURDAY,17,Y,1,0.0,,,XAP,Approved,-1328,Cash through the bank,XAP,Family,Refreshed,Consumer Electronics,POS,XNA,Stone,20,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-1297.0,-967.0,-997.0,-970.0,0.0,0,Cash loans,F,N,Y,0,180000.0,621000.0,27481.5,621000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00702,-17776,-5219,-8402.0,-1328,,1,1,0,1,1,0,Medicine staff,2.0,2,2,THURSDAY,17,0,0,0,1,1,0,Medicine,0.6529129969750719,0.40643107268117395,0.6279908192952864,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2715.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2793989,113674,Cash loans,33441.705,450000.0,616437.0,,450000.0,TUESDAY,11,Y,1,,,,Building a house or an annex,Approved,-464,Cash through the bank,XAP,,Refreshed,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,middle,Cash Street: middle,365243.0,-434.0,616.0,-404.0,-396.0,1.0,0,Cash loans,M,Y,Y,1,202500.0,325908.0,17194.5,247500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.032561,-11595,-4153,-2534.0,-3194,7.0,1,1,0,1,0,0,Laborers,3.0,1,1,THURSDAY,15,0,0,0,0,0,0,Construction,,0.6021105862289889,0.5298898341969072,0.1845,0.1242,0.9786,0.7076,0.0246,0.2,0.1724,0.3333,0.375,0.0541,0.1505,0.1871,0.0,0.0,0.188,0.1289,0.9786,0.7190000000000001,0.0248,0.2014,0.1724,0.3333,0.375,0.0553,0.1644,0.195,0.0,0.0,0.1863,0.1242,0.9786,0.7115,0.0247,0.2,0.1724,0.3333,0.375,0.0551,0.1531,0.1905,0.0,0.0,reg oper account,block of flats,0.1606,Panel,No,0.0,0.0,0.0,0.0,-1678.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,4.0,0.0,1.0 +2019835,352704,Cash loans,14588.055,180000.0,215640.0,,180000.0,SATURDAY,14,Y,1,,,,Everyday expenses,Refused,-408,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,high,Cash Street: high,,,,,,,0,Cash loans,M,N,Y,0,180000.0,239850.0,28593.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-21657,-1673,-6683.0,-4296,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,15,0,0,0,0,0,0,Business Entity Type 2,,0.6217419130807486,0.3441550073724169,0.1763,0.0448,0.9861,0.8096,0.0005,0.04,0.0345,0.3333,0.375,0.0,0.1437,0.0869,0.0,0.0,0.1796,0.0465,0.9861,0.8171,0.0005,0.0403,0.0345,0.3333,0.375,0.0,0.157,0.0906,0.0,0.0,0.17800000000000002,0.0448,0.9861,0.8121,0.0005,0.04,0.0345,0.3333,0.375,0.0,0.1462,0.0885,0.0,0.0,reg oper account,block of flats,0.0686,Block,No,1.0,1.0,1.0,1.0,-1422.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +1681109,124468,Revolving loans,9000.0,180000.0,180000.0,,180000.0,SATURDAY,14,Y,1,,,,XAP,Refused,-150,XNA,HC,Family,Repeater,XNA,Cards,x-sell,Regional / Local,30,Consumer electronics,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,Y,Y,2,225000.0,248760.0,29650.5,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-10731,-1557,-179.0,-2272,8.0,1,1,0,1,0,0,,4.0,1,1,TUESDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.4949114364966707,0.6475574626453645,0.7136313997323308,0.1031,0.0818,0.9771,0.6872,0.0257,0.0,0.1724,0.1667,0.2083,0.0315,0.0841,0.0885,,0.0647,0.105,0.0849,0.9772,0.6994,0.026,0.0,0.1724,0.1667,0.2083,0.0322,0.0918,0.0922,,0.0685,0.1041,0.0818,0.9771,0.6914,0.0259,0.0,0.1724,0.1667,0.2083,0.032,0.0855,0.0901,,0.0661,reg oper spec account,block of flats,0.0895,Panel,No,0.0,0.0,0.0,0.0,-947.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1631411,333074,Revolving loans,5625.0,112500.0,112500.0,,112500.0,FRIDAY,12,Y,1,,,,XAP,Refused,-543,XNA,SCOFR,,New,XNA,Cards,walk-in,Country-wide,50,Connectivity,0.0,XNA,Card Street,,,,,,,0,Revolving loans,F,N,Y,1,90000.0,135000.0,6750.0,135000.0,Unaccompanied,Working,Incomplete higher,Separated,House / apartment,0.006207,-9197,-832,-6068.0,-1882,,1,1,1,1,1,0,Managers,2.0,2,2,TUESDAY,17,0,0,0,0,0,0,Trade: type 2,0.5303050418224063,0.4783610350663096,0.3979463219016906,0.0742,0.0531,0.9916,,,0.08,0.069,0.3333,,,,0.0761,,0.0,0.0756,0.0551,0.9916,,,0.0806,0.069,0.3333,,,,0.0793,,0.0,0.0749,0.0531,0.9916,,,0.08,0.069,0.3333,,,,0.0775,,0.0,,block of flats,0.0602,Panel,No,8.0,0.0,6.0,0.0,-544.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1071495,251192,Consumer loans,35871.48,349897.5,349897.5,0.0,349897.5,SATURDAY,18,Y,1,0.0,,,XAP,Approved,-885,Cash through the bank,XAP,Children,New,Furniture,POS,XNA,Stone,50,Furniture,12.0,middle,POS industry with interest,365243.0,-854.0,-524.0,-704.0,-695.0,0.0,0,Cash loans,M,N,Y,0,121500.0,848745.0,37516.5,675000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.00963,-21647,365243,-11148.0,-5010,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,,0.5703984509716371,0.20915469884100693,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-885.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1493368,195832,Cash loans,17940.78,180000.0,191880.0,,180000.0,MONDAY,8,Y,1,,,,XNA,Approved,-301,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-271.0,59.0,-121.0,-113.0,1.0,0,Cash loans,F,N,N,0,90000.0,239850.0,23494.5,225000.0,Children,Pensioner,Secondary / secondary special,Married,Municipal apartment,0.031329,-24722,365243,-8991.0,-3,,1,0,0,1,1,0,,2.0,2,2,MONDAY,9,0,0,0,0,0,0,XNA,0.8436807918078815,0.3353278095161942,,0.0928,0.0,0.9836,0.7756,0.0137,0.0,0.2069,0.1667,0.2083,0.0,0.0756,0.0871,0.0,0.0,0.0945,0.0,0.9836,0.7844,0.0138,0.0,0.2069,0.1667,0.2083,0.0,0.0826,0.0908,0.0,0.0,0.0937,0.0,0.9836,0.7786,0.0137,0.0,0.2069,0.1667,0.2083,0.0,0.077,0.0887,0.0,0.0,reg oper account,block of flats,0.076,Panel,No,3.0,1.0,3.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2601428,320701,Consumer loans,5815.305,112482.0,112482.0,0.0,112482.0,FRIDAY,15,Y,1,0.0,,,XAP,Approved,-955,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,520,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-924.0,-234.0,-294.0,-288.0,0.0,0,Cash loans,M,Y,Y,2,135000.0,1078200.0,31653.0,900000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.02461,-13486,-1191,-2015.0,-2029,11.0,1,1,0,1,0,0,Managers,4.0,2,2,MONDAY,12,0,0,0,0,1,1,Self-employed,,0.6036079481332192,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-955.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1109891,269520,Consumer loans,1167.12,7605.0,7294.5,760.5,7605.0,WEDNESDAY,13,Y,1,0.10282478415439307,,,XAP,Approved,-1545,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,33,Connectivity,8.0,high,POS mobile with interest,365243.0,-1499.0,-1289.0,-1319.0,-1316.0,0.0,0,Cash loans,F,N,Y,0,139500.0,450000.0,21780.0,450000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-17703,-484,-4025.0,-1232,,1,1,0,1,0,0,Core staff,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Services,0.7946492603606509,0.7336156679997683,0.4614823912998385,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1948.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1349066,434308,Cash loans,12066.39,99000.0,105534.0,,99000.0,FRIDAY,12,Y,1,,,,XNA,Refused,-544,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,N,0,193500.0,675000.0,34465.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.011703,-15134,-2052,-2836.0,-4167,,1,1,1,1,1,0,,2.0,2,2,SUNDAY,13,0,0,0,0,0,0,Self-employed,0.5738541071237063,0.6919054249190238,0.4578995512067301,0.0928,0.1062,0.9886,,,0.0,0.2069,0.1667,,0.0504,,0.0816,,0.047,0.0945,0.1102,0.9886,,,0.0,0.2069,0.1667,,0.0515,,0.085,,0.0498,0.0937,0.1062,0.9886,,,0.0,0.2069,0.1667,,0.0512,,0.083,,0.048,,terraced house,0.0811,"Stone, brick",No,0.0,0.0,0.0,0.0,-1024.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1829729,437333,Cash loans,33026.58,1129500.0,1129500.0,,1129500.0,MONDAY,10,Y,1,,,,XNA,Approved,-672,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,533,Consumer electronics,60.0,low_normal,Cash X-Sell: low,365243.0,-642.0,1128.0,-282.0,-281.0,0.0,0,Revolving loans,F,N,Y,0,112500.0,292500.0,14625.0,292500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007114,-17097,-1709,-7065.0,-640,,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,16,0,0,0,0,0,0,Self-employed,,0.6431682727235835,0.15855489979486306,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,14.0,0.0,14.0,0.0,-1331.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,9.0 +1057637,144399,Consumer loans,4242.24,26370.0,20970.0,5400.0,26370.0,FRIDAY,19,Y,1,0.22302202916537373,,,XAP,Approved,-2098,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,99,Connectivity,6.0,high,POS mobile with interest,365243.0,-2029.0,-1879.0,-1909.0,-1900.0,0.0,0,Cash loans,F,Y,Y,2,157500.0,1288350.0,41692.5,1125000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.007114,-15875,-2983,-621.0,-3964,64.0,1,1,0,1,0,0,Managers,3.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Self-employed,0.7577881563171275,0.7136898284207572,0.5867400085415683,0.2093,,0.9871,,,0.32,0.2759,0.3333,,0.1581,,0.2226,,0.4757,0.2132,,0.9871,,,0.3222,0.2759,0.3333,,0.1617,,0.2319,,0.5036,0.2113,,0.9871,,,0.32,0.2759,0.3333,,0.1609,,0.2266,,0.4857,,block of flats,0.3037,"Stone, brick",No,3.0,0.0,3.0,0.0,-2098.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,1.0,0.0,0.0,1.0,0.0 +1061455,117312,Cash loans,28438.38,270000.0,284611.5,,270000.0,MONDAY,4,Y,1,,,,XNA,Approved,-664,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-634.0,-304.0,-424.0,-420.0,1.0,0,Cash loans,M,Y,Y,0,495000.0,1428408.0,76234.5,1350000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.014464,-21445,365243,-4024.0,-4918,13.0,1,0,0,1,0,0,,2.0,2,2,SUNDAY,6,0,0,0,0,0,0,XNA,0.6553228918197659,0.6315237198083812,0.6528965519806539,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1684.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2557243,170875,Consumer loans,7274.07,63810.0,62707.5,6750.0,63810.0,WEDNESDAY,13,Y,1,0.1058397384927997,,,XAP,Approved,-1952,Cash through the bank,XAP,"Spouse, partner",Repeater,Photo / Cinema Equipment,POS,XNA,Regional / Local,100,Connectivity,12.0,high,POS mobile with interest,365243.0,-1921.0,-1591.0,-1591.0,-1584.0,0.0,0,Cash loans,F,N,N,1,90000.0,675000.0,24376.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008865999999999999,-15214,-1192,-9232.0,-4936,,1,1,0,1,0,0,,3.0,2,2,TUESDAY,11,0,0,0,0,0,0,Cleaning,,0.2229977545380361,0.746300213050371,0.0722,0.0631,0.9767,0.6804,0.0094,0.0,0.1379,0.1667,0.2083,0.0632,0.058,0.0659,0.0039,0.0021,0.0735,0.0655,0.9767,0.6929,0.0095,0.0,0.1379,0.1667,0.2083,0.0647,0.0634,0.0687,0.0039,0.0023,0.0729,0.0631,0.9767,0.6847,0.0094,0.0,0.1379,0.1667,0.2083,0.0643,0.059,0.0671,0.0039,0.0022,reg oper account,block of flats,0.0574,"Stone, brick",No,0.0,0.0,0.0,0.0,-1952.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2576562,382032,Consumer loans,6150.87,57150.0,51300.0,5850.0,57150.0,TUESDAY,17,Y,1,0.11148174659985684,,,XAP,Refused,-2058,Cash through the bank,LIMIT,,Refreshed,Mobile,POS,XNA,Stone,10,Connectivity,12.0,high,POS mobile with interest,,,,,,,1,Cash loans,M,N,N,1,202500.0,1125000.0,33025.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.011656999999999999,-14205,-1747,-2294.0,-4620,,1,1,0,1,0,0,,3.0,1,1,FRIDAY,14,1,1,0,1,1,1,Restaurant,,0.27068252238015034,0.14825437906109115,0.0278,0.0572,0.9727,0.626,0.0778,0.0,0.069,0.0833,0.125,0.0,0.0227,0.0259,0.0,0.102,0.0284,0.0593,0.9727,0.6406,0.0785,0.0,0.069,0.0833,0.125,0.0,0.0248,0.027000000000000003,0.0,0.108,0.0281,0.0572,0.9727,0.631,0.0783,0.0,0.069,0.0833,0.125,0.0,0.0231,0.0264,0.0,0.1042,reg oper spec account,block of flats,0.0425,"Stone, brick",No,6.0,0.0,6.0,0.0,-1019.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2366990,188967,Consumer loans,7300.845,33088.5,27400.5,6619.5,33088.5,THURSDAY,14,Y,1,0.21191173641173647,,,XAP,Approved,-953,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,28,Connectivity,4.0,middle,POS mobile without interest,365243.0,-917.0,-827.0,-827.0,-816.0,0.0,0,Cash loans,F,N,Y,1,225000.0,550980.0,40221.0,450000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.0228,-10934,-464,-5446.0,-3495,,1,1,0,1,0,0,Sales staff,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.5844997226729006,0.2721336844147212,0.1361,0.1636,0.9871,0.8232,0.0303,0.12,0.1034,0.3333,0.0417,0.0032,0.111,0.1534,0.0,0.0,0.1387,0.1698,0.9871,0.8301,0.0305,0.1208,0.1034,0.3333,0.0417,0.0033,0.1212,0.1598,0.0,0.0,0.1374,0.1636,0.9871,0.8256,0.0304,0.12,0.1034,0.3333,0.0417,0.0032,0.1129,0.1561,0.0,0.0,reg oper account,block of flats,0.1372,Panel,No,1.0,0.0,1.0,0.0,-456.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2831556,282650,Consumer loans,7583.175,103450.5,95868.0,20691.0,103450.5,FRIDAY,20,Y,1,0.1933302447687437,,,XAP,Approved,-816,Cash through the bank,XAP,Family,Refreshed,Photo / Cinema Equipment,POS,XNA,Country-wide,1700,Consumer electronics,18.0,middle,POS household with interest,365243.0,-785.0,-275.0,-635.0,-632.0,0.0,0,Cash loans,M,Y,Y,1,270000.0,490495.5,50391.0,454500.0,Other_B,State servant,Higher education,Married,Office apartment,0.035792000000000004,-11516,-1483,-1427.0,-4030,17.0,1,1,0,1,0,0,,3.0,2,2,TUESDAY,12,0,0,0,0,0,0,Military,0.27329033964068955,0.24893815466239397,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1953974,101575,Cash loans,9045.045,45000.0,46485.0,0.0,45000.0,FRIDAY,8,Y,1,0.0,,,XNA,Approved,-2040,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,6.0,high,Cash Street: high,365243.0,-2010.0,-1860.0,-1860.0,-1856.0,1.0,1,Revolving loans,M,N,N,0,112500.0,337500.0,16875.0,337500.0,Unaccompanied,Pensioner,Lower secondary,Married,Municipal apartment,0.018801,-21740,365243,-4521.0,-4527,,1,0,0,1,0,0,,2.0,2,2,MONDAY,6,0,0,0,0,0,0,XNA,,0.017899324661605726,0.5867400085415683,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-118.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,2.0 +1392994,167180,Consumer loans,9586.665,84991.5,67990.5,17001.0,84991.5,SUNDAY,15,Y,1,0.2178527799303996,,,XAP,Approved,-1408,XNA,XAP,Family,New,Furniture,POS,XNA,Country-wide,1422,Furniture,8.0,middle,POS industry with interest,365243.0,-1376.0,-1166.0,-1166.0,-1162.0,0.0,0,Cash loans,F,N,N,0,157500.0,781920.0,40054.5,675000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.006233,-20266,-6478,-9674.0,-3324,,1,1,0,1,0,0,Cleaning staff,2.0,2,2,FRIDAY,16,0,0,0,0,0,0,School,,0.6701797807308728,0.2471909382666521,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,2.0,3.0,2.0,-1408.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2353519,302992,Cash loans,8436.105,45000.0,46485.0,,45000.0,SUNDAY,11,Y,1,,,,XNA,Approved,-467,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),5,XNA,6.0,low_normal,Cash X-Sell: low,365243.0,-437.0,-287.0,-287.0,-285.0,1.0,0,Cash loans,F,N,Y,0,135000.0,229230.0,22459.5,202500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010147,-21171,365243,-11049.0,-4155,,1,0,0,1,1,0,,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,XNA,,0.7621811434361074,0.6658549219640212,0.1196,0.1345,0.9846,0.7892,0.0175,0.0,0.2759,0.1667,0.2083,0.1262,0.0975,0.1045,0.0,0.0,0.1218,0.1396,0.9846,0.7975,0.0177,0.0,0.2759,0.1667,0.2083,0.1291,0.1065,0.1089,0.0,0.0,0.1207,0.1345,0.9846,0.792,0.0176,0.0,0.2759,0.1667,0.2083,0.1284,0.0992,0.1064,0.0,0.0,reg oper account,block of flats,0.0969,"Stone, brick",No,0.0,0.0,0.0,0.0,-2455.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1124388,447802,Cash loans,13738.545,135000.0,148365.0,0.0,135000.0,THURSDAY,13,Y,1,0.0,,,Repairs,Refused,-1826,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,180000.0,787131.0,28404.0,679500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.025164,-19874,-1839,-13946.0,-3410,,1,1,0,1,0,0,Drivers,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.2622583692422573,,0.0619,0.0629,0.9781,0.7008,0.0081,0.0,0.1379,0.1667,0.2083,,0.0504,0.0548,0.0,0.0,0.063,0.0652,0.9782,0.7125,0.0082,0.0,0.1379,0.1667,0.2083,,0.0551,0.0571,0.0,0.0,0.0625,0.0629,0.9781,0.7048,0.0081,0.0,0.1379,0.1667,0.2083,,0.0513,0.0558,0.0,0.0,org spec account,block of flats,0.0475,Panel,No,0.0,0.0,0.0,0.0,-1133.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +2318813,321554,Consumer loans,7273.935,45436.5,38263.5,9090.0,45436.5,FRIDAY,15,Y,1,0.20906240011058025,,,XAP,Approved,-1144,Cash through the bank,XAP,Unaccompanied,New,Photo / Cinema Equipment,POS,XNA,Country-wide,8025,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1113.0,-963.0,-1023.0,-1016.0,0.0,0,Revolving loans,M,Y,Y,1,180000.0,180000.0,9000.0,180000.0,Unaccompanied,State servant,Incomplete higher,Married,House / apartment,0.008019,-10356,-2529,-1309.0,-2832,13.0,1,1,0,1,0,0,High skill tech staff,3.0,2,2,MONDAY,15,0,0,0,1,1,0,Security Ministries,,0.491889721874009,0.5919766183185521,0.0041,0.0,0.9747,,,0.0,0.1379,0.0,,,,0.0024,,,0.0042,0.0,0.9747,,,0.0,0.1379,0.0,,,,0.0025,,,0.0042,0.0,0.9747,,,0.0,0.1379,0.0,,,,0.0024,,,,block of flats,0.0019,"Stone, brick",No,0.0,0.0,0.0,0.0,-1144.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1568386,264917,Consumer loans,16250.22,102460.5,102460.5,0.0,102460.5,SATURDAY,18,Y,1,0.0,,,XAP,Approved,-2659,Cash through the bank,XAP,"Spouse, partner",Refreshed,Computers,POS,XNA,Country-wide,1313,Consumer electronics,8.0,high,POS household with interest,365243.0,-2625.0,-2415.0,-2415.0,-2406.0,0.0,0,Cash loans,F,Y,Y,2,202500.0,541323.0,27769.5,405000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.022625,-11250,-975,-5378.0,-3747,4.0,1,1,0,1,0,0,High skill tech staff,4.0,2,2,FRIDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.4213100289844604,0.7546127462122254,0.4848514754962666,0.0722,0.0672,0.9767,0.6804,0.0291,0.0,0.1379,0.1667,0.2083,0.1196,0.058,0.0675,0.0039,0.0038,0.0735,0.0697,0.9767,0.6929,0.0294,0.0,0.1379,0.1667,0.2083,0.1223,0.0634,0.0703,0.0039,0.004,0.0729,0.0672,0.9767,0.6847,0.0293,0.0,0.1379,0.1667,0.2083,0.1216,0.059,0.0687,0.0039,0.0039,,block of flats,0.0699,Block,No,2.0,1.0,2.0,1.0,-2430.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2643297,266272,Consumer loans,3655.215,28125.0,27400.5,2812.5,28125.0,SATURDAY,12,Y,1,0.10138245728058062,,,XAP,Approved,-2735,XNA,XAP,Family,New,Mobile,POS,XNA,Stone,24,Consumer electronics,10.0,high,POS household with interest,365243.0,-2701.0,-2431.0,-2431.0,-2412.0,1.0,0,Cash loans,F,N,Y,1,90000.0,675000.0,26284.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,With parents,0.028663,-10140,-667,-4136.0,-2815,,1,1,0,1,0,0,,3.0,2,2,THURSDAY,12,0,0,0,0,1,1,Business Entity Type 2,,0.22650687312623816,0.1301285429480269,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1063082,417048,Cash loans,20519.235,481500.0,538704.0,,481500.0,FRIDAY,8,Y,1,,,,XNA,Approved,-173,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-143.0,907.0,-83.0,-80.0,1.0,0,Cash loans,F,N,Y,1,67500.0,1260000.0,34780.5,1260000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-12842,-4748,-6659.0,-1973,,1,1,1,1,1,0,,3.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,School,,0.2962028246127759,0.6940926425266661,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-173.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2720316,279022,Consumer loans,3111.795,25605.0,24795.0,2700.0,25605.0,SUNDAY,14,Y,1,0.10694837077815794,,,XAP,Approved,-2233,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Regional / Local,59,Connectivity,10.0,high,POS household with interest,365243.0,-2202.0,-1932.0,-1932.0,-1925.0,1.0,0,Revolving loans,F,N,N,1,180000.0,270000.0,13500.0,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00702,-10978,-1665,-3588.0,-3588,,1,1,0,1,0,0,Core staff,3.0,2,2,SUNDAY,18,0,0,0,1,1,0,Business Entity Type 3,,0.6463837446835238,0.5460231970049609,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-703.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1453141,351547,Consumer loans,11325.375,95391.0,96345.0,9540.0,95391.0,THURSDAY,17,Y,1,0.09812463779314604,,,XAP,Approved,-417,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,85,Consumer electronics,10.0,middle,POS household with interest,365243.0,-385.0,-115.0,-115.0,-113.0,0.0,0,Cash loans,M,N,Y,1,315000.0,1622691.0,44752.5,1354500.0,Family,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.072508,-11435,-243,-5270.0,-3555,,1,1,0,1,0,0,Laborers,3.0,1,1,MONDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.42038574970024906,0.7006085225796337,0.7151031019926098,0.1332,0.1105,0.9752,0.66,0.0416,0.0,0.2241,0.1667,0.2083,0.0,0.1086,0.1125,0.0,0.0,0.125,0.1038,0.9757,0.6798,0.0317,0.0,0.2069,0.1667,0.2083,0.0,0.1093,0.1065,0.0,0.0,0.1239,0.1016,0.9757,0.6713,0.0449,0.0,0.2069,0.1667,0.2083,0.0,0.1018,0.1046,0.0,0.0,reg oper account,block of flats,0.0809,Block,No,0.0,0.0,0.0,0.0,-1341.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,2.0 +2404546,188529,Consumer loans,3076.875,20542.5,19498.5,2250.0,20542.5,SATURDAY,12,Y,1,0.11267234730921875,,,XAP,Approved,-2186,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,5,Connectivity,8.0,high,POS mobile with interest,365243.0,-2139.0,-1929.0,-1929.0,-1898.0,0.0,0,Cash loans,F,N,Y,1,112500.0,278613.0,18139.5,252000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.015221,-19427,-3440,-2937.0,-2946,,1,1,1,1,1,0,Sales staff,3.0,2,2,MONDAY,7,0,0,0,0,0,0,Self-employed,,0.5157413390264658,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,2.0,7.0,1.0,-1304.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1785074,344399,Cash loans,21236.535,315000.0,360972.0,,315000.0,WEDNESDAY,13,Y,1,,,,XNA,Approved,-1386,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-1356.0,-666.0,-996.0,-990.0,1.0,0,Cash loans,F,Y,Y,0,202500.0,1157958.0,49189.5,1035000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-16563,-6195,-5279.0,-120,2.0,1,1,1,1,0,1,Medicine staff,2.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,Other,0.6341984338493938,0.4419872209183588,0.4740512892789932,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1783.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1926398,419770,Consumer loans,2588.22,21825.0,21586.5,2182.5,21825.0,THURSDAY,16,Y,1,0.10000172111114937,,,XAP,Approved,-1757,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,93,Connectivity,12.0,high,POS mobile with interest,365243.0,-1725.0,-1395.0,-1395.0,-1390.0,0.0,0,Revolving loans,M,N,Y,1,103500.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-11938,-264,-2036.0,-4413,,1,1,1,1,1,0,Core staff,3.0,2,2,THURSDAY,12,0,0,0,1,1,0,Security,,0.6854213453829273,0.4329616670974407,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1757.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1328674,235894,Consumer loans,2357.1,30555.0,18742.5,13500.0,30555.0,MONDAY,7,Y,1,0.4560045676584405,,,XAP,Approved,-1874,Cash through the bank,XAP,Unaccompanied,Refreshed,Mobile,POS,XNA,Country-wide,50,Connectivity,12.0,high,POS mobile with interest,365243.0,-1843.0,-1513.0,-1753.0,-1749.0,0.0,0,Cash loans,M,Y,Y,1,166500.0,855000.0,34038.0,855000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.015221,-17195,365243,-3694.0,-744,1.0,1,0,0,1,1,0,,3.0,2,2,SATURDAY,13,0,0,0,0,0,0,XNA,,0.5738405161746867,0.6109913280868294,0.0619,0.0546,0.9806,,,,0.1379,0.1667,,0.0648,,0.0534,,0.3504,0.063,0.0567,0.9806,,,,0.1379,0.1667,,0.0663,,0.0557,,0.3709,0.0625,0.0546,0.9806,,,,0.1379,0.1667,,0.0659,,0.0544,,0.3577,,block of flats,0.042,Panel,No,6.0,0.0,6.0,0.0,-390.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1113510,211876,Consumer loans,6854.715,39150.0,32971.5,7830.0,39150.0,FRIDAY,12,Y,1,0.2090016744036816,,,XAP,Approved,-608,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Regional / Local,42,Connectivity,6.0,high,POS mobile with interest,365243.0,-577.0,-427.0,-427.0,-417.0,0.0,0,Cash loans,M,Y,N,0,81000.0,142200.0,11362.5,112500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010556,-8481,-1792,-2604.0,-1157,20.0,1,1,1,1,0,0,Laborers,2.0,3,3,THURSDAY,14,0,0,0,0,1,1,Industry: type 3,,0.5702752006243816,0.21640296051521946,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-1449.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1405821,438712,Consumer loans,8467.65,71760.15,80445.15,0.0,71760.15,SATURDAY,17,Y,1,0.0,,,XAP,Approved,-12,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,2000,Consumer electronics,10.0,low_action,POS household without interest,,,,,,,0,Cash loans,F,N,Y,0,117000.0,360000.0,17509.5,360000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.0031219999999999998,-22569,365243,-6232.0,-3898,,1,0,0,1,0,0,,2.0,3,3,THURSDAY,15,0,0,0,0,0,0,XNA,0.7559109282613304,0.6948297827977801,0.21155076420525776,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-561.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2456651,106896,Cash loans,27187.02,229500.0,272088.0,,229500.0,WEDNESDAY,13,Y,0,,,,XNA,Approved,-621,XNA,XAP,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-591.0,-261.0,-261.0,-253.0,0.0,0,Cash loans,F,Y,N,0,85500.0,840996.0,24718.5,702000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.031329,-16223,-282,-9166.0,-4808,6.0,1,1,0,1,0,0,,2.0,2,2,MONDAY,11,0,0,0,0,0,0,Kindergarten,,0.16040532147836672,0.7726311345553628,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1620.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1117012,451982,Cash loans,11515.68,90000.0,95940.0,,90000.0,SATURDAY,17,Y,1,,,,XNA,Approved,-976,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-946.0,-616.0,-706.0,-702.0,1.0,0,Cash loans,F,N,N,1,67500.0,254700.0,16582.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Municipal apartment,0.008865999999999999,-10971,-887,-2098.0,-3267,,1,1,1,1,1,1,Sales staff,2.0,2,2,SUNDAY,11,0,0,0,1,1,0,Trade: type 7,0.33339997223331425,0.3922905811210495,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-671.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1093746,414135,Cash loans,11731.32,225000.0,307989.0,,225000.0,WEDNESDAY,14,Y,1,,,,Repairs,Refused,-272,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,Y,Y,0,94500.0,652311.0,21172.5,544500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-14316,-2788,-7567.0,-4805,9.0,1,1,0,1,0,0,Cooking staff,2.0,2,2,TUESDAY,8,0,0,0,0,0,0,School,,0.16318703546427088,0.5867400085415683,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1707.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1772399,417148,Consumer loans,3006.72,37305.0,31666.5,9000.0,37305.0,TUESDAY,10,Y,1,0.2410293037713641,,,XAP,Approved,-2,Cash through the bank,XAP,Unaccompanied,Refreshed,Consumer Electronics,POS,XNA,Country-wide,150,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,365243.0,358.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,0,60750.0,508495.5,20295.0,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-19613,365243,-7899.0,-3170,2.0,1,0,0,1,0,0,,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,XNA,0.5792298513920288,0.6771263781987023,0.7394117535524816,0.1485,0.1135,0.9896,0.8572,0.0326,0.16,0.1379,0.3333,0.375,0.0738,0.121,0.1557,0.0,0.0,0.1513,0.1178,0.9896,0.8628,0.0329,0.1611,0.1379,0.3333,0.375,0.0755,0.1322,0.1622,0.0,0.0,0.1499,0.1135,0.9896,0.8591,0.0328,0.16,0.1379,0.3333,0.375,0.0751,0.1231,0.1584,0.0,0.0,reg oper account,block of flats,0.1403,Panel,No,1.0,1.0,1.0,1.0,-1498.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1883562,127025,Cash loans,,0.0,0.0,,,TUESDAY,14,Y,1,,,,XNA,Refused,-484,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,3,135000.0,276277.5,21955.5,238500.0,Family,State servant,Secondary / secondary special,Married,House / apartment,0.011703,-10603,-2243,-653.0,-1924,,1,1,0,1,0,1,,5.0,2,2,WEDNESDAY,12,0,1,1,0,0,0,Government,,0.6261596022796849,0.33285056416487313,0.0082,0.0,0.9732,,,0.0,0.069,0.0417,,0.0053,,0.0085,,0.0,0.0084,0.0,0.9732,,,0.0,0.069,0.0417,,0.0054,,0.0088,,0.0,0.0083,0.0,0.9732,,,0.0,0.069,0.0417,,0.0054,,0.0086,,0.0,,block of flats,0.0067,"Stone, brick",No,2.0,0.0,2.0,0.0,-545.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1861257,159077,Consumer loans,8153.415,180027.0,180027.0,0.0,180027.0,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-853,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,2300,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-822.0,-132.0,-462.0,-446.0,0.0,0,Cash loans,F,N,Y,0,126000.0,610213.5,40477.5,576000.0,Family,Pensioner,Higher education,Married,House / apartment,0.006852,-21521,365243,-4741.0,-4746,,1,0,0,1,0,0,,2.0,3,3,FRIDAY,8,0,0,0,0,0,0,XNA,0.7514920023082938,0.31320672989376586,,0.0289,0.0413,0.9866,0.8164,,0.0,0.1034,0.0833,0.125,0.0059,0.0227,0.0247,0.0039,,0.0294,0.0428,0.9866,0.8236,,0.0,0.1034,0.0833,0.125,0.006,0.0248,0.0257,0.0039,,0.0291,0.0413,0.9866,0.8189,,0.0,0.1034,0.0833,0.125,0.006,0.0231,0.0251,0.0039,,reg oper account,block of flats,0.0194,"Stone, brick",No,7.0,0.0,7.0,0.0,-853.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2210450,156501,Consumer loans,11453.355,105813.0,103090.5,10579.5,105813.0,WEDNESDAY,12,Y,1,0.10136392427841362,,,XAP,Approved,-1696,Cash through the bank,XAP,,New,Tourism,POS,XNA,Stone,33,Industry,10.0,low_normal,POS industry with interest,365243.0,-1665.0,-1395.0,-1395.0,-1391.0,0.0,0,Cash loans,F,N,Y,0,157500.0,900000.0,23742.0,900000.0,Unaccompanied,Pensioner,Higher education,Widow,House / apartment,0.022625,-20604,365243,-7.0,-3853,,1,0,0,1,1,0,,1.0,2,2,FRIDAY,11,0,0,0,0,0,0,XNA,,0.6465886485961535,0.15286622915504153,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,1.0,5.0,0.0,-622.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1872657,288060,Consumer loans,15680.25,136350.0,136350.0,0.0,136350.0,SATURDAY,15,Y,1,0.0,,,XAP,Refused,-401,Cash through the bank,LIMIT,,Repeater,Furniture,POS,XNA,Stone,2033,Furniture,10.0,middle,POS industry with interest,,,,,,,0,Cash loans,F,N,Y,0,202500.0,1350000.0,39604.5,1350000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-17061,-2651,-2642.0,-612,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.6342784068713458,0.7823947193782458,0.5602843280409464,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-537.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1848374,333614,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,12,Y,1,,,,XAP,Approved,-177,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,337500.0,862560.0,25348.5,720000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.006233,-20536,365243,-13055.0,-4088,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,XNA,0.9162539569070116,0.7055296592850693,0.5082869913916046,0.0495,0.0479,0.9727,0.626,0.0041,0.0,0.1034,0.125,0.0417,0.037000000000000005,0.0403,0.0398,0.0,0.0,0.0504,0.0497,0.9727,0.6406,0.0041,0.0,0.1034,0.125,0.0417,0.0378,0.0441,0.0414,0.0,0.0,0.05,0.0479,0.9727,0.631,0.0041,0.0,0.1034,0.125,0.0417,0.0376,0.041,0.0405,0.0,0.0,reg oper account,block of flats,0.0335,Block,No,0.0,0.0,0.0,0.0,-276.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2496371,399888,Cash loans,66290.85,675000.0,698166.0,,675000.0,FRIDAY,14,Y,1,,,,XNA,Approved,-367,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-337.0,-7.0,-7.0,365243.0,1.0,0,Cash loans,F,Y,Y,0,202500.0,704844.0,32791.5,630000.0,,Commercial associate,Incomplete higher,Married,House / apartment,0.035792000000000004,-8773,-1047,-4107.0,-1452,10.0,1,1,1,1,1,0,,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.5996343024469264,0.5733270609974779,0.36896873825284665,0.0093,,0.9712,,,,0.069,0.0417,,,,,,,0.0095,,0.9712,,,,0.069,0.0417,,,,,,,0.0094,,0.9712,,,,0.069,0.0417,,,,,,,,,0.0066,,No,5.0,1.0,5.0,0.0,-1168.0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,5.0 +2737443,286145,Consumer loans,5370.525,21100.5,18850.5,2250.0,21100.5,SUNDAY,15,Y,1,0.1161325345586382,,,XAP,Approved,-2582,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,45,Connectivity,4.0,low_normal,POS mobile with interest,365243.0,-2535.0,-2445.0,-2445.0,-2442.0,0.0,0,Cash loans,M,N,Y,0,157500.0,263686.5,29952.0,238500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019101,-13144,-1436,-781.0,-4492,,1,1,1,1,1,0,,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.5728853998639784,0.7048886686561411,0.7062051096536562,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2078.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,1.0,0.0,0.0,0.0,2.0 +1877880,359562,Cash loans,16046.595,270000.0,313839.0,,270000.0,SATURDAY,4,Y,1,,,,XNA,Approved,-895,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,21,Connectivity,36.0,middle,Cash X-Sell: middle,365243.0,-865.0,185.0,-715.0,-712.0,1.0,0,Cash loans,M,N,N,0,180000.0,900000.0,45954.0,900000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.008068,-15241,-848,-4777.0,-4777,,1,1,1,1,0,0,High skill tech staff,2.0,3,3,WEDNESDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.3728606160535744,0.3072081379109399,0.1852020815902493,0.0814,0.1188,0.9881,,,0.0,0.2759,0.1667,,,,0.0879,,0.0,0.083,0.1233,0.9881,,,0.0,0.2759,0.1667,,,,0.0916,,0.0,0.0822,0.1188,0.9881,,,0.0,0.2759,0.1667,,,,0.0895,,0.0,,block of flats,0.0691,"Stone, brick",No,0.0,0.0,0.0,0.0,-2321.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,0.0 +2145721,163569,Revolving loans,7875.0,0.0,157500.0,,0.0,TUESDAY,12,Y,1,,,,XAP,Approved,-1304,XNA,XAP,,Repeater,XNA,Cards,walk-in,Credit and cash offices,0,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,Y,Y,0,202500.0,254700.0,14350.5,225000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.016612000000000002,-24601,365243,-7162.0,-2919,24.0,1,0,0,1,0,0,,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,XNA,,0.4704004927959871,0.2955826421513093,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-128.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2557477,363670,Consumer loans,6193.62,46440.0,50526.0,0.0,46440.0,TUESDAY,11,Y,1,0.0,,,XAP,Approved,-1114,Cash through the bank,XAP,Family,Repeater,Auto Accessories,POS,XNA,Stone,50,Industry,10.0,middle,POS other with interest,365243.0,-1083.0,-813.0,-843.0,-836.0,0.0,0,Cash loans,F,N,Y,0,55350.0,99000.0,9774.0,99000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.015221,-23839,365243,-7688.0,-4540,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,,0.3612838843129201,0.5937175866150576,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,1.0,9.0,1.0,-1449.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1985139,102107,Cash loans,17582.625,135000.0,163255.5,,135000.0,TUESDAY,10,Y,1,,,,XNA,Approved,-794,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-764.0,-434.0,-554.0,-544.0,1.0,0,Cash loans,F,Y,Y,0,225000.0,781920.0,42417.0,675000.0,Family,Working,Secondary / secondary special,Civil marriage,Municipal apartment,0.011656999999999999,-15264,-1013,-7358.0,-4909,8.0,1,1,1,1,1,0,Private service staff,2.0,1,1,FRIDAY,10,0,0,0,0,0,0,Services,0.6439987189281439,0.7027827317236908,0.5919766183185521,0.0474,0.0305,0.9801,0.728,0.0081,0.04,0.0345,0.3333,0.375,0.0,0.0378,0.0385,0.0039,0.0012,0.0483,0.0317,0.9801,0.7387,0.0082,0.0403,0.0345,0.3333,0.375,0.0,0.0413,0.0402,0.0039,0.0012,0.0479,0.0305,0.9801,0.7316,0.0082,0.04,0.0345,0.3333,0.375,0.0,0.0385,0.0392,0.0039,0.0012,reg oper account,block of flats,0.0352,"Stone, brick",No,0.0,0.0,0.0,0.0,-794.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2621289,216263,Consumer loans,3505.05,19305.0,17190.0,2925.0,19305.0,WEDNESDAY,19,Y,1,0.1583689241407362,,,XAP,Refused,-1868,XNA,HC,,Repeater,Mobile,POS,XNA,Country-wide,60,Connectivity,6.0,high,POS mobile with interest,,,,,,,0,Cash loans,M,N,Y,0,180000.0,544491.0,17563.5,454500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.02461,-16153,-5593,-8670.0,-3847,,1,1,1,1,0,0,Laborers,2.0,2,2,TUESDAY,15,0,0,0,1,1,0,Self-employed,0.4150880609101064,0.5708377941260467,0.7610263695502636,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1253.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1231307,254693,Revolving loans,9000.0,0.0,180000.0,,,THURSDAY,6,Y,1,,,,XAP,Approved,-2266,XNA,XAP,,Repeater,XNA,Cards,x-sell,Stone,1034,Consumer electronics,0.0,XNA,Card X-Sell,-2262.0,-2207.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,247500.0,535500.0,20749.5,535500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.014464,-17007,-4308,-3273.0,-544,11.0,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,16,0,0,0,0,0,0,Self-employed,0.8272065221950735,0.5322064476869867,0.22888341670067305,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2266.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1412421,316640,Consumer loans,5664.87,53910.0,53644.5,5391.0,53910.0,FRIDAY,8,Y,1,0.09945353373663464,,,XAP,Approved,-1011,Cash through the bank,XAP,Unaccompanied,New,Photo / Cinema Equipment,POS,XNA,Country-wide,46,Connectivity,12.0,middle,POS mobile with interest,365243.0,-980.0,-650.0,-800.0,-791.0,0.0,0,Cash loans,M,Y,Y,2,175500.0,462694.5,30123.0,418500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.008068,-13895,-3038,-7948.0,-4639,25.0,1,1,0,1,0,0,Security staff,4.0,3,3,MONDAY,11,0,0,0,0,0,0,Government,0.2633610509924298,0.15808073530258415,0.8193176922872417,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1011.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1080438,194036,Consumer loans,28982.205,309937.5,330394.5,0.0,309937.5,WEDNESDAY,12,Y,1,0.0,,,XAP,Approved,-273,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Regional / Local,40,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-242.0,88.0,365243.0,365243.0,0.0,0,Revolving loans,M,Y,N,0,360000.0,630000.0,31500.0,630000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-19897,-831,-5192.0,-3414,2.0,1,1,0,1,0,0,Managers,2.0,2,2,WEDNESDAY,13,0,1,1,0,1,1,Self-employed,,0.2584306811506471,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-273.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1887490,431645,Revolving loans,22500.0,0.0,450000.0,,,THURSDAY,10,Y,1,,,,XAP,Approved,-770,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,157500.0,904500.0,30024.0,904500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.026392000000000002,-20508,365243,-49.0,-4040,,1,0,0,1,0,1,,1.0,2,2,THURSDAY,12,0,0,0,0,0,0,XNA,0.6002941031550225,0.6042931566899297,0.3344541255096772,0.3062,,0.997,,,0.32,0.2759,0.375,,,,0.4757,,0.0853,0.312,,0.997,,,0.3222,0.2759,0.375,,,,0.4956,,0.0903,0.3092,,0.997,,,0.32,0.2759,0.375,,,,0.4843,,0.0871,,block of flats,0.3927,"Stone, brick",No,0.0,0.0,0.0,0.0,-770.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,8.0,0.0,0.0 +1853532,384581,Consumer loans,4532.58,43155.0,38839.5,4315.5,43155.0,FRIDAY,7,Y,1,0.1089090909090909,,,XAP,Approved,-1505,XNA,XAP,,New,Construction Materials,POS,XNA,Stone,11,Construction,10.0,middle,POS industry with interest,365243.0,-1469.0,-1199.0,-1199.0,-1187.0,0.0,0,Cash loans,F,N,Y,0,72000.0,418500.0,23499.0,418500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.018209,-23027,365243,-2593.0,-2206,,1,0,0,1,1,0,,1.0,3,3,FRIDAY,13,0,0,0,0,0,0,XNA,,0.4362674986250521,,0.1103,0.0729,0.9742,0.6464,0.0045,0.0,0.1379,0.125,0.1667,0.0435,0.0899,0.0429,0.0,0.0113,0.1124,0.0757,0.9742,0.6602,0.0045,0.0,0.1379,0.125,0.1667,0.0445,0.0983,0.0447,0.0,0.012,0.1114,0.0729,0.9742,0.6511,0.0045,0.0,0.1379,0.125,0.1667,0.0443,0.0915,0.0437,0.0,0.0115,reg oper account,block of flats,0.0362,"Stone, brick",No,1.0,1.0,1.0,1.0,-1505.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2275578,231068,Consumer loans,3448.62,21150.0,23382.0,0.0,21150.0,SUNDAY,11,Y,1,0.0,,,XAP,Approved,-51,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Stone,100,Consumer electronics,8.0,middle,POS household with interest,365243.0,-21.0,189.0,365243.0,365243.0,1.0,0,Revolving loans,F,N,Y,1,157500.0,270000.0,13500.0,270000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.030755,-14903,-3463,-2180.0,-1565,,1,1,0,1,0,0,Core staff,3.0,2,2,TUESDAY,12,0,0,0,0,1,1,Other,0.5880023320265237,0.5917935248762586,0.7121551551910698,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1360.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1747093,232660,Cash loans,8093.52,81000.0,81000.0,,81000.0,MONDAY,15,Y,1,,,,XNA,Approved,-1311,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,middle,Cash X-Sell: middle,365243.0,-1281.0,-951.0,-951.0,-948.0,0.0,0,Cash loans,F,N,Y,0,90000.0,50940.0,5166.0,45000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.04622,-24032,365243,-287.0,-4003,,1,0,0,1,0,1,,1.0,1,1,WEDNESDAY,10,0,0,0,0,0,0,XNA,,0.7283177610670121,,0.4464,,0.9995,0.9932,0.0,0.56,0.2414,0.625,0.5833,0.0,0.3639,0.4534,0.0,0.0,0.4548,,0.9995,0.9935,0.0,0.5639,0.2414,0.625,0.5833,0.0,0.3976,0.4724,0.0,0.0,0.4507,,0.9995,0.9933,0.0,0.56,0.2414,0.625,0.5833,0.0,0.3703,0.4616,0.0,0.0,reg oper account,block of flats,0.5024,"Stone, brick",No,3.0,0.0,3.0,0.0,-796.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1848385,218016,Consumer loans,3724.695,21424.5,20232.0,2146.5,21424.5,SATURDAY,9,Y,1,0.10446337495201358,,,XAP,Approved,-2386,Cash through the bank,XAP,Children,Repeater,Consumer Electronics,POS,XNA,Country-wide,242,Consumer electronics,6.0,middle,POS household with interest,365243.0,-2355.0,-2205.0,-2205.0,-2196.0,1.0,0,Cash loans,F,Y,Y,0,144000.0,338832.0,23710.5,292500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-23290,-1162,-16132.0,-4859,64.0,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.17249750814777715,0.4902575124990026,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-1816.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1386718,410701,Consumer loans,2875.005,25312.5,25312.5,0.0,25312.5,FRIDAY,15,Y,1,0.0,,,XAP,Approved,-181,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-141.0,129.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,0,76500.0,211500.0,16839.0,211500.0,Unaccompanied,Working,Incomplete higher,Single / not married,House / apartment,0.028663,-8544,-343,-295.0,-1205,65.0,1,1,0,1,0,1,Laborers,1.0,2,2,THURSDAY,12,0,0,0,0,1,1,Business Entity Type 2,0.3646120710876013,0.09249933128509227,0.41885428862332175,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1078953,419212,Consumer loans,4564.125,26995.5,28777.5,0.0,26995.5,THURSDAY,12,Y,1,0.0,,,XAP,Approved,-2416,XNA,XAP,Other_B,New,Consumer Electronics,POS,XNA,Country-wide,402,Consumer electronics,8.0,high,POS household with interest,365243.0,-2385.0,-2175.0,-2175.0,-2154.0,1.0,0,Cash loans,M,Y,N,2,135000.0,339241.5,12919.5,238500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.00733,-16004,-791,-7869.0,-4407,8.0,1,1,0,1,0,0,Core staff,4.0,2,2,FRIDAY,9,0,0,0,0,0,0,School,,0.7310308560549174,,0.0082,0.0,0.9737,,,0.0,0.0345,0.0417,,0.0311,,0.0055,,0.0,0.0084,0.0,0.9737,,,0.0,0.0345,0.0417,,0.0319,,0.0057,,0.0,0.0083,0.0,0.9737,,,0.0,0.0345,0.0417,,0.0317,,0.0056,,0.0,,block of flats,0.0078,"Stone, brick",No,0.0,0.0,0.0,0.0,-2416.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,8.0 +1889879,402898,Consumer loans,4473.99,23247.0,21942.0,2340.0,23247.0,MONDAY,10,Y,1,0.10495316395983552,,,XAP,Approved,-2268,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Stone,6,Connectivity,6.0,high,POS mobile with interest,365243.0,-2235.0,-2085.0,-2085.0,-1730.0,0.0,0,Cash loans,F,N,Y,0,157500.0,382050.0,30181.5,337500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,With parents,0.018801,-11555,-2269,-5759.0,-4235,,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,11,0,0,0,1,1,0,Self-employed,,0.2290531865086799,0.10211878786358386,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-692.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1333027,445815,Cash loans,10492.02,90000.0,95940.0,0.0,90000.0,FRIDAY,11,Y,1,0.0,,,XNA,Approved,-2216,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-2186.0,-1856.0,-1856.0,-1836.0,1.0,0,Revolving loans,F,N,Y,0,135000.0,405000.0,20250.0,405000.0,Family,Pensioner,Higher education,Married,House / apartment,0.01885,-22661,365243,-3919.0,-4367,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,XNA,,0.593250721293592,0.7281412993111438,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-496.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1896929,139373,Cash loans,44166.6,1260000.0,1424655.0,,1260000.0,FRIDAY,17,Y,1,,,,XNA,Approved,-859,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,54.0,low_normal,Cash Street: low,365243.0,-829.0,761.0,365243.0,365243.0,1.0,1,Cash loans,M,Y,Y,0,157500.0,1323000.0,37692.0,1323000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.006207,-21344,-1130,-8214.0,-4629,18.0,1,1,0,1,0,0,Core staff,1.0,2,2,MONDAY,11,0,0,0,0,0,0,Electricity,,0.6303576603883367,,0.2887,0.0,0.9881,0.8368,,0.28,0.2414,0.375,0.4167,0.084,0.2353,0.2991,0.0,0.0037,0.2941,0.0,0.9881,0.8432,,0.282,0.2414,0.375,0.4167,0.0859,0.2571,0.3117,0.0,0.0039,0.2915,0.0,0.9881,0.8390000000000001,,0.28,0.2414,0.375,0.4167,0.0854,0.2394,0.3045,0.0,0.0038,reg oper account,block of flats,0.2459,Panel,No,0.0,0.0,0.0,0.0,-1581.0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1422927,297211,Cash loans,12772.125,382500.0,382500.0,,382500.0,THURSDAY,19,Y,1,,,,XNA,Refused,-297,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),7,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,202500.0,730017.0,35118.0,652500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.011656999999999999,-16940,-5144,-14527.0,-493,,1,1,1,1,1,0,Sales staff,1.0,1,1,SATURDAY,16,0,0,0,0,0,0,Self-employed,,0.3422443943966512,0.4992720153045617,0.1031,0.1142,0.9796,0.7212,0.0113,0.0,0.2069,0.1667,0.2083,0.1292,0.0841,0.0887,0.0,0.0,0.105,0.1185,0.9796,0.7321,0.0114,0.0,0.2069,0.1667,0.2083,0.1322,0.0918,0.0924,0.0,0.0,0.1041,0.1142,0.9796,0.7249,0.0113,0.0,0.2069,0.1667,0.2083,0.1315,0.0855,0.0903,0.0,0.0,reg oper spec account,block of flats,0.0925,"Stone, brick",No,0.0,0.0,0.0,0.0,-297.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2068877,235373,Cash loans,13681.575,135000.0,170635.5,,135000.0,SUNDAY,10,Y,1,,,,XNA,Approved,-748,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-718.0,-208.0,-718.0,-711.0,1.0,1,Cash loans,F,N,N,0,112500.0,497520.0,33246.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-9745,-935,-9718.0,-1579,,1,1,1,1,0,0,Managers,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,Industry: type 7,0.1689682592218851,0.1953537989258013,0.6313545365850379,0.0722,0.0675,0.9762,,,0.0,0.1379,0.1667,,,,0.0522,,0.0471,0.0735,0.0701,0.9762,,,0.0,0.1379,0.1667,,,,0.0543,,0.0498,0.0729,0.0675,0.9762,,,0.0,0.1379,0.1667,,,,0.0531,,0.048,,block of flats,0.0513,"Stone, brick",No,2.0,0.0,2.0,0.0,-109.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2133454,283817,Consumer loans,4184.955,22500.0,23688.0,0.0,22500.0,SATURDAY,16,Y,1,0.0,,,XAP,Refused,-453,Cash through the bank,HC,,Repeater,Furniture,POS,XNA,Stone,28,Furniture,6.0,low_normal,POS industry with interest,,,,,,,0,Revolving loans,F,N,Y,3,180000.0,270000.0,13500.0,270000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.026392000000000002,-12712,-4737,-1037.0,-3990,,1,1,0,1,1,0,Laborers,5.0,2,2,THURSDAY,18,0,0,0,0,0,0,Transport: type 2,0.2370396253724545,0.6555453133743859,0.4543210601605785,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1460.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1237890,310989,Cash loans,23367.735,315000.0,365292.0,,315000.0,THURSDAY,13,Y,1,,,,XNA,Approved,-664,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-634.0,56.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,90000.0,404325.0,19579.5,337500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Rented apartment,0.025164,-18839,-2243,-7099.0,-2373,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,13,0,0,0,0,1,1,Self-employed,0.7701110294282271,0.452051930363009,0.5567274263630174,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-664.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1894806,244223,Consumer loans,7093.71,154395.0,154395.0,0.0,154395.0,FRIDAY,15,Y,1,0.0,,,XAP,Approved,-1553,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,1766,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1522.0,-832.0,-982.0,-977.0,0.0,0,Cash loans,F,N,Y,2,67500.0,1125000.0,33025.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-17881,-799,-7051.0,-1263,,1,1,0,1,0,0,Cleaning staff,4.0,2,2,THURSDAY,14,0,0,0,0,0,0,Medicine,0.5988276245464196,0.4924472083640517,0.4365064990977374,0.3103,0.1561,0.9901,,,0.32,0.2759,0.375,,0.2599,,0.3604,,0.0,0.3162,0.162,0.9901,,,0.3222,0.2759,0.375,,0.2658,,0.3755,,0.0,0.3133,0.1561,0.9901,,,0.32,0.2759,0.375,,0.2644,,0.3669,,0.0,,block of flats,0.2835,Panel,No,1.0,0.0,1.0,0.0,-1553.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2803420,180709,Cash loans,46670.13,787500.0,895608.0,,787500.0,FRIDAY,11,Y,1,,,,XNA,Approved,-745,XNA,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,high,Cash X-Sell: high,365243.0,-715.0,695.0,-325.0,-323.0,1.0,0,Cash loans,F,N,Y,2,315000.0,454500.0,36040.5,454500.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.010643000000000001,-11471,-1490,-538.0,-3315,,1,1,1,1,1,0,Sales staff,4.0,2,2,MONDAY,8,0,0,0,0,0,0,Self-employed,0.436775917934805,0.4941416395612727,0.5388627065779676,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-1810.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1377680,440516,Consumer loans,12702.69,171661.5,193756.5,0.0,171661.5,THURSDAY,9,Y,1,0.0,,,XAP,Approved,-539,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,3500,Consumer electronics,18.0,low_normal,POS household with interest,365243.0,-508.0,2.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,135000.0,308461.5,17838.0,279000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-19975,-3392,-12571.0,-3465,,1,1,0,1,0,0,Accountants,2.0,3,2,THURSDAY,8,0,0,0,0,0,0,Trade: type 6,,0.5249920860655033,0.7801436381572275,0.0825,0.0769,0.9752,0.6396,0.0078,0.0,0.1379,0.1667,0.2083,0.0573,0.0672,0.0714,0.0,0.0,0.084,0.0798,0.9737,0.6537,0.0078,0.0,0.1379,0.1667,0.2083,0.0586,0.0735,0.0683,0.0,0.0,0.0833,0.0769,0.9752,0.6444,0.0078,0.0,0.1379,0.1667,0.2083,0.0583,0.0684,0.0726,0.0,0.0,reg oper account,block of flats,0.0558,"Stone, brick",No,0.0,0.0,0.0,0.0,-882.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2141621,416349,Cash loans,17774.595,193500.0,212656.5,0.0,193500.0,SATURDAY,9,Y,1,0.0,,,XNA,Approved,-1650,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-1620.0,-1110.0,-1110.0,-1103.0,1.0,0,Cash loans,F,N,N,0,90000.0,959157.0,31828.5,828000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.030755,-21271,365243,-4402.0,-4579,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,XNA,0.8663069592081829,0.6839058433471471,0.4938628816996244,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-936.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1667118,395493,Consumer loans,4414.32,20335.5,18832.5,2250.0,20335.5,MONDAY,12,Y,1,0.1162316872028718,,,XAP,Approved,-2349,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,19,Connectivity,5.0,high,POS mobile with interest,365243.0,-2314.0,-2194.0,-2194.0,-2189.0,1.0,0,Cash loans,F,N,Y,0,157500.0,469152.0,20794.5,405000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.01885,-21938,365243,-2570.0,-4862,,1,0,0,1,1,0,,1.0,2,2,FRIDAY,12,0,0,0,0,0,0,XNA,,0.7291131899713945,0.5902333386185574,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2071.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1961047,109477,Revolving loans,9000.0,0.0,180000.0,,0.0,MONDAY,13,Y,1,,,,XAP,Refused,-1024,XNA,HC,,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,90000.0,450000.0,16965.0,450000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-22759,365243,-314.0,-4422,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,XNA,,0.2614721801528627,0.5549467685334323,0.1237,0.0193,0.997,0.9592,0.0195,0.12,0.1034,0.375,0.4167,0.0177,0.1009,0.1278,0.0,0.0,0.1261,0.02,0.997,0.9608,0.0197,0.1208,0.1034,0.375,0.4167,0.0182,0.1102,0.1331,0.0,0.0,0.1249,0.0193,0.997,0.9597,0.0196,0.12,0.1034,0.375,0.4167,0.0181,0.1026,0.1301,0.0,0.0,reg oper account,block of flats,0.1112,Panel,No,5.0,0.0,5.0,0.0,-1024.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1850244,203490,Cash loans,35504.01,454500.0,617890.5,,454500.0,WEDNESDAY,18,Y,1,,,,XNA,Approved,-345,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,Y,0,121500.0,536917.5,22702.5,463500.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.016612000000000002,-9085,-1166,-9047.0,-1753,,1,1,0,1,0,1,Accountants,1.0,2,2,FRIDAY,18,0,0,0,0,0,0,Self-employed,,0.6772936844700753,,0.0124,0.0,0.9687,0.5716,0.0,0.0,0.069,0.0417,0.0833,0.0096,0.0101,0.0111,0.0,0.0,0.0126,0.0,0.9687,0.5884,0.0,0.0,0.069,0.0417,0.0833,0.0098,0.011,0.0116,0.0,0.0,0.0125,0.0,0.9687,0.5773,0.0,0.0,0.069,0.0417,0.0833,0.0098,0.0103,0.0113,0.0,0.0,reg oper account,block of flats,0.0087,"Stone, brick",No,1.0,0.0,1.0,0.0,-1.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1532142,342904,Consumer loans,15637.095,224730.0,263295.0,0.0,224730.0,THURSDAY,14,Y,1,0.0,,,XAP,Approved,-674,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,3500,Consumer electronics,24.0,middle,POS household with interest,365243.0,-643.0,47.0,-373.0,-370.0,0.0,0,Cash loans,M,N,Y,0,90000.0,474048.0,25843.5,360000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.020713,-8453,-146,-8431.0,-1087,,1,1,0,1,0,0,Laborers,1.0,3,2,SATURDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.4227602539870525,,0.3124,0.2273,0.9811,0.7416,0.0926,0.36,0.3103,0.3333,0.375,0.1882,0.2538,0.3211,0.0039,0.0881,0.3183,0.2359,0.9811,0.7517,0.0934,0.3625,0.3103,0.3333,0.375,0.1925,0.2773,0.3345,0.0039,0.0932,0.3154,0.2273,0.9811,0.7451,0.0932,0.36,0.3103,0.3333,0.375,0.1915,0.2582,0.3269,0.0039,0.0899,reg oper account,block of flats,0.3223,Panel,No,1.0,1.0,1.0,1.0,-1240.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1564300,226563,Consumer loans,6099.885,30393.0,30393.0,0.0,30393.0,WEDNESDAY,9,Y,1,0.0,,,XAP,Approved,-2585,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Country-wide,41,Connectivity,6.0,high,POS mobile with interest,365243.0,-2554.0,-2404.0,-2434.0,-2427.0,0.0,0,Cash loans,F,N,Y,0,180000.0,728460.0,38083.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.0105,-20654,365243,-10090.0,-3136,,1,0,0,1,0,0,,2.0,3,3,FRIDAY,10,0,0,0,0,0,0,XNA,0.6310860989091379,0.6039166040171237,0.6263042766749393,0.0203,0.0323,0.9836,0.8096,0.0,0.0,0.08900000000000001,0.0554,0.1083,0.0279,0.0193,0.0117,0.0004,0.0001,0.0284,0.0,0.9821,0.8105,0.0,0.0,0.1034,0.0833,0.125,0.0131,0.0248,0.0019,0.0,0.0,0.0281,0.0391,0.9821,0.8054,0.0,0.0,0.1034,0.0833,0.125,0.0316,0.0231,0.0055,0.0,0.0,reg oper account,block of flats,0.02,Panel,Yes,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1829017,338051,Cash loans,24721.245,702000.0,840996.0,,702000.0,WEDNESDAY,14,Y,1,,,,XNA,Refused,-122,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,292500.0,691020.0,26905.5,495000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.04622,-16894,-3926,-10117.0,-452,8.0,1,1,0,1,0,0,,2.0,1,1,SATURDAY,13,0,0,0,0,1,1,Business Entity Type 1,0.5422694669981926,0.6250583992922663,0.21396685226179807,0.0165,0.0,0.9747,0.6532,0.0014,0.0,0.069,0.0417,0.0417,0.0101,0.0134,0.0089,0.0,0.0136,0.0168,0.0,0.9747,0.6668,0.0014,0.0,0.069,0.0417,0.0417,0.0103,0.0147,0.0093,0.0,0.0144,0.0167,0.0,0.9747,0.6578,0.0014,0.0,0.069,0.0417,0.0417,0.0102,0.0137,0.0091,0.0,0.0139,reg oper account,block of flats,0.01,"Stone, brick",No,1.0,0.0,1.0,0.0,-1785.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1415937,201995,Consumer loans,5383.665,40860.0,26824.5,15300.0,40860.0,MONDAY,10,Y,1,0.3955676841052335,,,XAP,Approved,-2359,Cash through the bank,XAP,Children,New,Mobile,POS,XNA,Country-wide,42,Connectivity,6.0,high,POS mobile with interest,365243.0,-2328.0,-2178.0,-2178.0,-2171.0,1.0,0,Cash loans,F,N,Y,0,67500.0,269550.0,11547.0,225000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.018209,-15970,-4032,-7923.0,-4654,,1,1,1,1,0,0,Core staff,2.0,3,3,MONDAY,11,0,0,0,0,0,0,School,,0.08926553913884204,0.0005272652387098817,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2190.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2475941,428526,Revolving loans,9000.0,0.0,180000.0,,,SUNDAY,13,Y,1,,,,XAP,Approved,-2281,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-2280.0,-2239.0,365243.0,-1236.0,-101.0,0.0,0,Revolving loans,F,N,Y,1,112500.0,405000.0,20250.0,405000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0228,-15867,-1205,-6224.0,-368,,1,1,0,1,1,0,Medicine staff,3.0,2,2,SATURDAY,13,0,0,0,0,0,0,Medicine,,0.4060038328196142,0.6674577419214722,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1549.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1887745,357918,Revolving loans,22500.0,0.0,450000.0,,,SATURDAY,13,Y,1,,,,XAP,Approved,-1349,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-1343.0,-1294.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,144000.0,586332.0,57249.0,540000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.010556,-12768,-4959,-2018.0,-4558,,1,1,0,1,0,0,Sales staff,2.0,3,3,THURSDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.4583417622444139,0.5617453081645988,,0.1361,0.1112,0.9916,0.8844,0.0,0.16,0.1379,0.375,0.0417,0.0995,0.111,0.1954,0.0,0.0427,0.1387,0.1154,0.9916,0.8889,0.0,0.1611,0.1379,0.375,0.0417,0.1018,0.1212,0.2036,0.0,0.0452,0.1374,0.1112,0.9916,0.8859,0.0,0.16,0.1379,0.375,0.0417,0.1013,0.1129,0.1989,0.0,0.0436,reg oper account,block of flats,0.1829,"Stone, brick",No,7.0,0.0,7.0,0.0,-1762.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1322773,277576,Consumer loans,6728.04,31081.5,32724.0,0.0,31081.5,MONDAY,7,Y,1,0.0,,,XAP,Approved,-823,Cash through the bank,XAP,"Spouse, partner",Repeater,Computers,POS,XNA,Country-wide,50,Connectivity,6.0,high,POS mobile with interest,365243.0,-792.0,-642.0,-702.0,-697.0,0.0,0,Cash loans,F,N,N,1,112500.0,227520.0,15331.5,180000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.014464,-10623,-367,-5188.0,-3293,,1,1,0,1,0,1,Accountants,3.0,2,2,FRIDAY,10,0,0,0,0,0,0,Trade: type 3,0.40557925709351694,0.5898586681278082,0.622922000268356,0.0722,0.0841,0.9801,0.728,0.0061,0.0,0.1379,0.1667,0.2083,0.0,0.0588,0.0661,0.0,0.0,0.0735,0.0873,0.9801,0.7387,0.0062,0.0,0.1379,0.1667,0.2083,0.0,0.0643,0.0688,0.0,0.0,0.0729,0.0841,0.9801,0.7316,0.0061,0.0,0.1379,0.1667,0.2083,0.0,0.0599,0.0672,0.0,0.0,reg oper account,block of flats,0.0556,"Stone, brick",No,0.0,0.0,0.0,0.0,-1868.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1431745,443005,Consumer loans,7118.595,32260.5,26716.5,6453.0,32260.5,THURSDAY,12,Y,1,0.21187849187849173,,,XAP,Approved,-695,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,4.0,middle,POS mobile without interest,365243.0,-656.0,-566.0,-596.0,-587.0,0.0,1,Cash loans,M,N,Y,0,180000.0,808650.0,26086.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.009175,-16798,-2517,-9479.0,-289,,1,1,1,1,0,0,Security staff,1.0,2,2,SATURDAY,15,0,1,1,0,1,1,Other,,0.44171218040959664,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2039.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1184774,298046,Revolving loans,6750.0,0.0,135000.0,,,WEDNESDAY,17,Y,1,,,,XAP,Approved,-2840,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card Street,-2802.0,-2756.0,365243.0,-1446.0,365243.0,0.0,0,Cash loans,M,N,N,0,76500.0,253737.0,14697.0,229500.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.010966,-13495,-1598,-5457.0,-4018,,1,1,1,1,1,0,Low-skill Laborers,1.0,2,2,SATURDAY,20,0,0,0,0,0,0,Self-employed,,0.2035228320289013,0.7001838506835805,0.1546,0.1164,0.9921,0.8912,0.0405,0.16,0.1379,0.375,0.0417,0.0779,0.1261,0.1786,0.0,0.0424,0.1576,0.1208,0.9921,0.8955,0.0408,0.1611,0.1379,0.375,0.0417,0.0797,0.1377,0.1861,0.0,0.0449,0.1561,0.1164,0.9921,0.8927,0.0407,0.16,0.1379,0.375,0.0417,0.0793,0.1283,0.1818,0.0,0.0433,org spec account,block of flats,0.1718,Panel,No,0.0,0.0,0.0,0.0,-1307.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2678357,115979,Revolving loans,9000.0,180000.0,180000.0,,180000.0,WEDNESDAY,17,Y,1,,,,XAP,Approved,-295,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-292.0,-255.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,M,N,N,0,76500.0,323388.0,21609.0,292500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.010556,-9058,-1647,-3915.0,-1629,,1,1,0,1,0,0,Laborers,1.0,3,3,THURSDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.07230765896917705,0.14382147958403718,,0.0577,0.0485,0.9786,0.7076,0.0077,0.0,0.1379,0.1667,0.0417,0.0469,0.0471,0.053,,0.1032,0.0588,0.0503,0.9786,0.7190000000000001,0.0078,0.0,0.1379,0.1667,0.0417,0.0479,0.0514,0.0552,,0.1093,0.0583,0.0485,0.9786,0.7115,0.0077,0.0,0.1379,0.1667,0.0417,0.0477,0.0479,0.054000000000000006,,0.1054,reg oper account,block of flats,,,No,0.0,0.0,0.0,0.0,-1152.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1591153,420065,Cash loans,12382.74,90000.0,109485.0,,90000.0,WEDNESDAY,14,Y,1,,,,XNA,Approved,-220,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),1,XNA,12.0,high,Cash X-Sell: high,365243.0,-190.0,140.0,365243.0,365243.0,1.0,1,Cash loans,M,N,Y,1,135000.0,545040.0,25537.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-13252,-472,-3431.0,-3441,,1,1,1,1,1,0,Drivers,3.0,2,2,SATURDAY,14,0,0,0,0,1,1,Business Entity Type 2,0.03836607156064019,0.3542247319929012,0.5531646987710016,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1486.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1871102,340157,Consumer loans,3132.81,25560.0,25272.0,2565.0,25560.0,THURSDAY,12,Y,1,0.10035270258354638,,,XAP,Approved,-1954,XNA,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,5,Connectivity,12.0,high,POS mobile with interest,365243.0,-1923.0,-1593.0,-1653.0,-1650.0,0.0,0,Cash loans,M,Y,Y,1,306000.0,1078200.0,31653.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,Office apartment,0.015221,-10878,-2898,-2725.0,-3367,9.0,1,1,1,1,1,0,Core staff,3.0,2,2,FRIDAY,9,0,0,0,1,1,0,Military,,0.5729739687880481,0.7992967832109371,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1905.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1954095,211667,Consumer loans,2682.495,22500.0,14170.5,9000.0,22500.0,MONDAY,14,Y,1,0.4230300676212505,,,XAP,Approved,-1755,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Stone,146,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1724.0,-1574.0,-1574.0,-1567.0,0.0,0,Cash loans,F,N,N,0,76500.0,545040.0,19575.0,450000.0,Unaccompanied,Pensioner,Incomplete higher,Civil marriage,House / apartment,0.030755,-22691,365243,-3130.0,-4686,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,XNA,,0.35761345998684513,0.6178261467332483,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1021.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2387128,323180,Consumer loans,7940.97,84654.0,76185.0,8469.0,84654.0,SATURDAY,15,Y,1,0.10895540564050027,,,XAP,Approved,-632,Cash through the bank,XAP,Family,New,Clothing and Accessories,POS,XNA,Stone,35,Clothing,12.0,middle,POS industry with interest,365243.0,-601.0,-271.0,-451.0,-442.0,0.0,0,Cash loans,F,N,Y,2,90000.0,1288350.0,41692.5,1125000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.008625,-14183,-1496,-1301.0,-5561,,1,1,0,1,0,0,Sales staff,4.0,2,2,MONDAY,16,0,0,0,0,0,0,Self-employed,,0.5889113681360177,0.4365064990977374,0.0946,0.0522,0.9955,,,0.08800000000000001,0.0759,0.3417,,0.0537,,0.11,,0.0312,0.0756,0.0,0.996,,,0.0806,0.069,0.3333,,0.0103,,0.0787,,0.0,0.1031,0.0522,0.996,,,0.08,0.069,0.3333,,0.0541,,0.1033,,0.0205,,block of flats,0.0878,Panel,No,6.0,0.0,6.0,0.0,-632.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +2158108,425719,Revolving loans,9000.0,0.0,180000.0,,,MONDAY,11,Y,1,,,,XAP,Approved,-375,XNA,XAP,,Refreshed,XNA,Cards,x-sell,AP+ (Cash loan),1403,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,112500.0,787131.0,26145.0,679500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-22195,365243,-6832.0,-4174,8.0,1,0,0,1,1,0,,2.0,2,2,FRIDAY,13,0,0,0,1,0,0,XNA,,0.5838994821495895,0.7688075728291359,0.0928,,0.9771,,,0.0,0.2069,0.1667,,,,,,,0.0945,,0.9772,,,0.0,0.2069,0.1667,,,,,,,0.0937,,0.9771,,,0.0,0.2069,0.1667,,,,,,,,block of flats,0.0614,"Stone, brick",No,1.0,0.0,1.0,0.0,-1602.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1004666,120672,Consumer loans,4138.74,28980.0,26095.5,4500.0,28980.0,SUNDAY,13,Y,1,0.1601839842757625,,,XAP,Approved,-2474,Cash through the bank,XAP,"Spouse, partner",New,Mobile,POS,XNA,Stone,5,Connectivity,8.0,high,POS mobile with interest,365243.0,-2443.0,-2233.0,-2233.0,-2229.0,1.0,0,Revolving loans,F,N,Y,2,135000.0,270000.0,13500.0,270000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.015221,-16072,-513,-1163.0,-4273,,1,1,0,1,0,0,Medicine staff,4.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Medicine,,0.6364255251601356,0.3962195720630885,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2474.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2118365,223062,Cash loans,19825.875,225000.0,247275.0,0.0,225000.0,MONDAY,9,Y,1,0.0,,,XNA,Approved,-1221,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,middle,Cash Street: middle,365243.0,-1191.0,-681.0,-771.0,-765.0,1.0,0,Cash loans,F,N,Y,1,90000.0,225000.0,12694.5,225000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.028663,-13412,-5107,-3060.0,-4611,,1,1,0,1,0,0,Core staff,3.0,2,2,THURSDAY,16,0,0,0,0,0,0,Government,0.7887604335430589,0.6305767312968231,0.7121551551910698,0.3876,0.0758,0.9796,0.7212,0.0351,0.08,0.069,0.3333,0.375,0.0607,0.3144,0.1537,0.0077,0.0,0.395,0.0787,0.9796,0.7321,0.0354,0.0806,0.069,0.3333,0.375,0.0621,0.3434,0.1601,0.0078,0.0,0.3914,0.0758,0.9796,0.7249,0.0353,0.08,0.069,0.3333,0.375,0.0617,0.3198,0.1564,0.0078,0.0,reg oper account,specific housing,0.1401,Panel,No,0.0,0.0,0.0,0.0,-1561.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1633352,192440,Cash loans,35276.76,1116000.0,1278045.0,,1116000.0,FRIDAY,15,Y,1,,,,XNA,Refused,-438,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,130500.0,439074.0,18603.0,328500.0,Family,State servant,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-23469,-2691,-10346.0,-5722,,1,1,0,1,1,1,Managers,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,Medicine,,0.6355395815931324,0.5656079814115492,0.2237,0.1896,0.9791,0.7144,0.0446,0.2,0.2069,0.3333,0.375,0.0,0.1816,0.209,0.0039,0.0,0.2279,0.1968,0.9791,0.7256,0.045,0.2014,0.2069,0.3333,0.375,0.0,0.1983,0.2178,0.0039,0.0,0.2259,0.1896,0.9791,0.7182,0.0449,0.2,0.2069,0.3333,0.375,0.0,0.1847,0.2128,0.0039,0.0,reg oper spec account,block of flats,0.1759,Panel,No,0.0,0.0,0.0,0.0,-1770.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +1769322,419630,Revolving loans,6750.0,135000.0,135000.0,,135000.0,WEDNESDAY,9,Y,1,,,,XAP,Approved,-908,XNA,XAP,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,365243.0,-831.0,365243.0,-831.0,-109.0,0.0,0,Cash loans,F,N,Y,2,126000.0,1575000.0,46183.5,1575000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006207,-12052,-1200,-66.0,-977,,1,1,0,1,0,1,Laborers,4.0,2,2,MONDAY,11,0,0,0,0,0,0,Postal,0.3097060803449728,0.6785303378624011,0.4014074137749511,,0.069,0.9757,,,,0.1379,0.1667,,,,,,,,0.0716,0.9757,,,,0.1379,0.1667,,,,,,,,0.069,0.9757,,,,0.1379,0.1667,,,,,,,,,0.051,,No,12.0,0.0,11.0,0.0,-1035.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2537312,322066,Consumer loans,12061.755,134955.0,107964.0,26991.0,134955.0,THURSDAY,15,Y,1,0.2178181818181818,,,XAP,Approved,-231,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,2240,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-201.0,69.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,270000.0,983299.5,41791.5,904500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.008865999999999999,-13268,-587,-6260.0,-4094,2.0,1,1,0,1,0,0,Realty agents,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,Realtor,,0.01982947937487228,0.6879328378491735,0.1041,0.0273,0.9821,0.7552,0.0191,0.0,0.0345,0.1667,0.2083,0.0,,0.0293,,,0.1061,0.0283,0.9821,0.7648,0.0192,0.0,0.0345,0.1667,0.2083,0.0,,0.0305,,,0.1051,0.0273,0.9821,0.7585,0.0192,0.0,0.0345,0.1667,0.2083,0.0,,0.0298,,,reg oper account,block of flats,0.0334,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,1.0,2.0,1.0 +1748986,164959,Consumer loans,5310.27,40860.0,39807.0,4086.0,40860.0,WEDNESDAY,14,Y,1,0.10138348835908813,,,XAP,Refused,-2751,Cash through the bank,SCO,Family,Repeater,XNA,POS,XNA,Country-wide,16,Connectivity,10.0,low_normal,POS mobile with interest,,,,,,,0,Cash loans,M,Y,Y,0,112500.0,1007352.0,33421.5,765000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.005002,-17794,-9116,-1752.0,-1338,17.0,1,1,0,1,0,0,Laborers,2.0,3,3,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 2,,0.7230024552634846,0.6706517530862718,0.0619,0.0585,0.9826,0.762,0.0,0.0,0.1034,0.1667,0.2083,0.0511,0.0504,0.0438,0.0,0.0345,0.063,0.0607,0.9826,0.7713,0.0,0.0,0.1034,0.1667,0.2083,0.0523,0.0551,0.0456,0.0,0.0365,0.0625,0.0585,0.9826,0.7652,0.0,0.0,0.1034,0.1667,0.2083,0.052000000000000005,0.0513,0.0446,0.0,0.0352,org spec account,block of flats,0.0386,Panel,No,0.0,0.0,0.0,0.0,-2859.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1888416,204341,Cash loans,11038.275,157500.0,178290.0,,157500.0,SUNDAY,13,Y,1,,,,XNA,Refused,-1078,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,112500.0,314100.0,13963.5,225000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.009656999999999999,-19705,-2441,-12234.0,-3252,,1,1,0,1,0,0,Sales staff,2.0,2,2,SUNDAY,11,0,0,0,0,0,0,Industry: type 3,,0.531634763263073,0.5298898341969072,0.0619,0.0669,0.9771,0.6872,0.0451,0.0,0.1034,0.1667,0.2083,0.0433,0.0504,0.0584,0.0,0.0,0.063,0.0694,0.9772,0.6994,0.0455,0.0,0.1034,0.1667,0.2083,0.0443,0.0551,0.0608,0.0,0.0,0.0625,0.0669,0.9771,0.6914,0.0454,0.0,0.1034,0.1667,0.2083,0.044,0.0513,0.0594,0.0,0.0,reg oper account,block of flats,0.0705,Panel,No,0.0,0.0,0.0,0.0,-1330.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1939039,202396,Cash loans,10308.6,90000.0,90000.0,0.0,90000.0,SATURDAY,15,Y,1,0.0,,,Purchase of electronic equipment,Refused,-1987,Cash through the bank,HC,"Spouse, partner",Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,112500.0,1078200.0,34911.0,900000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.005084,-15822,-99,0.0,-1561,,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,13,0,0,0,0,1,1,Military,,0.26828470506102314,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,2.0,2.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1357580,330375,Revolving loans,22500.0,0.0,450000.0,,,THURSDAY,19,N,1,,,,XAP,Refused,-851,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,1,180000.0,452385.0,22131.0,373500.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.00702,-17487,-1056,-1929.0,-1046,,1,1,0,1,0,0,High skill tech staff,3.0,2,2,MONDAY,18,0,0,0,0,0,0,Self-employed,0.6294856109813621,0.6121196621281044,,0.122,,0.9901,,,0.28,0.1724,0.2775,,,,0.0751,,0.0069,0.1513,,0.9846,,,0.282,0.069,0.3333,,,,0.0464,,0.0073,0.1499,,0.9925,,,0.28,0.2069,0.3333,,,,0.0764,,0.006999999999999999,,block of flats,0.1715,Panel,No,0.0,0.0,0.0,0.0,-1849.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1262716,278597,Consumer loans,5218.965,52196.4,46975.5,5220.9,52196.4,SUNDAY,14,Y,1,0.10893538112346306,,,XAP,Approved,-2375,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Stone,177,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-2344.0,-2074.0,-2074.0,-2067.0,0.0,0,Cash loans,F,N,Y,0,166500.0,339948.0,24174.0,315000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.01885,-15745,-1380,-1338.0,-4857,,1,1,1,1,0,1,Accountants,2.0,2,2,TUESDAY,13,0,0,0,0,1,1,Other,,0.6430980082310416,0.6769925032909132,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2249.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2146044,188247,Cash loans,29007.09,405000.0,596362.5,,405000.0,FRIDAY,17,Y,1,,,,Urgent needs,Refused,-424,Cash through the bank,LIMIT,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,N,2,90000.0,454500.0,17442.0,454500.0,Children,Working,Incomplete higher,Married,House / apartment,0.009656999999999999,-10506,-680,-438.0,-2232,,1,1,0,1,0,0,Laborers,4.0,2,2,MONDAY,17,0,0,0,0,0,0,Medicine,0.4122172918824127,0.6269884839816091,0.1293142889822697,0.0825,0.07,0.9752,,,0.0,0.1379,0.1667,,0.0779,,0.0766,,0.0,0.084,0.0726,0.9752,,,0.0,0.1379,0.1667,,0.0797,,0.0798,,0.0,0.0833,0.07,0.9752,,,0.0,0.1379,0.1667,,0.0792,,0.078,,0.0,,block of flats,0.065,Panel,No,2.0,2.0,2.0,2.0,-490.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1575522,289542,Cash loans,18054.09,229500.0,259398.0,,229500.0,WEDNESDAY,12,Y,1,,,,XNA,Approved,-677,Cash through the bank,XAP,Family,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-647.0,-137.0,-137.0,-134.0,1.0,0,Cash loans,F,N,Y,1,202500.0,675000.0,19867.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-16052,-1405,-6985.0,-4693,,1,1,0,1,0,0,Medicine staff,3.0,2,2,MONDAY,17,0,0,0,1,1,0,Medicine,,0.6335974293967293,0.5154953751603267,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-677.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1141617,455613,Revolving loans,4500.0,90000.0,90000.0,,90000.0,SUNDAY,14,Y,1,,,,XAP,Approved,-145,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-145.0,-95.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,180000.0,463500.0,22428.0,463500.0,Unaccompanied,Working,Incomplete higher,Married,With parents,0.030755,-9058,-1142,-3320.0,-1612,,1,1,1,1,1,0,Laborers,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,Business Entity Type 2,,0.6230883822973424,0.3139166772114369,0.1907,0.1117,0.9836,0.7892,0.2171,0.09,0.1121,0.3542,0.0417,0.0258,0.1555,0.163,0.0,0.0636,0.105,0.0,0.9806,0.7452,0.0392,0.0806,0.1724,0.3333,0.0417,0.0,0.0918,0.0892,0.0,0.0,0.1926,0.0814,0.9821,0.7853,0.1803,0.08,0.1207,0.3333,0.0417,0.0289,0.1582,0.1656,0.0,0.0048,reg oper account,block of flats,0.2369,"Stone, brick",No,0.0,0.0,0.0,0.0,-1818.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1761977,421485,Cash loans,48107.295,337500.0,405387.0,,337500.0,MONDAY,10,Y,1,,,,XNA,Approved,-823,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-793.0,-463.0,-463.0,-460.0,1.0,0,Cash loans,F,N,Y,1,360000.0,568908.0,27499.5,508500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0038179999999999998,-16138,-4907,-6944.0,-4126,,1,1,0,1,0,0,,3.0,2,2,FRIDAY,4,0,0,0,0,1,1,Business Entity Type 3,,0.5772701050631495,0.33928769990891394,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-823.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2593929,333188,Cash loans,43698.78,1305000.0,1494486.0,,1305000.0,WEDNESDAY,9,Y,1,,,,XNA,Approved,-303,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-273.0,1497.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,N,0,135000.0,459000.0,13549.5,459000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-22905,365243,-3567.0,-5974,8.0,1,0,0,1,0,0,,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,XNA,,0.31350785803213604,0.4400578303966329,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1150.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1788609,254747,Cash loans,47131.2,450000.0,497520.0,,450000.0,SUNDAY,12,Y,1,,,,Repairs,Refused,-146,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),-1,XNA,12.0,low_normal,Cash Street: low,,,,,,,1,Cash loans,F,N,Y,2,135000.0,1078200.0,38331.0,900000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.020246,-12407,-1379,-24.0,-3614,,1,1,0,1,0,0,Core staff,4.0,3,3,SATURDAY,10,0,0,0,0,0,0,Government,0.3496365099529265,0.6036027159656724,0.1206410299309233,0.0928,0.101,0.9811,0.7416,0.0125,0.0,0.2069,0.1667,0.2083,0.1658,0.0756,0.0858,0.0,0.0,0.0945,0.1048,0.9811,0.7517,0.0126,0.0,0.2069,0.1667,0.2083,0.1696,0.0826,0.0894,0.0,0.0,0.0937,0.101,0.9811,0.7451,0.0126,0.0,0.2069,0.1667,0.2083,0.1687,0.077,0.0873,0.0,0.0,reg oper account,block of flats,0.0675,Panel,No,0.0,0.0,0.0,0.0,-3144.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,1.0 +2436923,138440,Consumer loans,4217.985,35905.5,35505.0,3600.0,35905.5,FRIDAY,16,Y,1,0.10026153363322518,,,XAP,Approved,-2129,XNA,XAP,Family,New,Mobile,POS,XNA,Stone,46,Connectivity,12.0,high,POS mobile with interest,365243.0,-2098.0,-1768.0,-1768.0,-1756.0,0.0,0,Cash loans,F,N,Y,1,112500.0,110331.0,12010.5,103500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.02461,-15581,-7036,-2447.0,-4396,,1,1,1,1,0,0,,3.0,2,2,SATURDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.4686856905312424,0.6713822262211083,0.6577838002083306,0.0371,0.05,0.9796,,,0.0,0.1034,0.0833,,0.0071,,0.0371,,0.0,0.0378,0.0519,0.9796,,,0.0,0.1034,0.0833,,0.0073,,0.0386,,0.0,0.0375,0.05,0.9796,,,0.0,0.1034,0.0833,,0.0072,,0.0377,,0.0,,block of flats,0.0292,"Stone, brick",No,7.0,0.0,7.0,0.0,-2119.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1730209,171639,Revolving loans,4500.0,0.0,90000.0,,0.0,THURSDAY,18,Y,1,,,,XAP,Approved,-1279,XNA,XAP,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-1207.0,-1169.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,234000.0,1154655.0,45922.5,990000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.032561,-18146,-2368,-4789.0,-1506,15.0,1,1,0,1,1,1,Managers,2.0,1,1,TUESDAY,12,0,1,1,0,0,0,Business Entity Type 3,0.48361802076967797,0.6809248754097152,,0.0928,0.0917,0.9737,,,0.0,0.2069,0.1667,,0.0666,,0.0823,,,0.0945,0.0952,0.9737,,,0.0,0.2069,0.1667,,0.0681,,0.0857,,,0.0937,0.0917,0.9737,,,0.0,0.2069,0.1667,,0.0677,,0.0838,,,,block of flats,0.0647,Panel,No,0.0,0.0,0.0,0.0,-1279.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1592875,191475,Consumer loans,34312.41,311931.0,311931.0,0.0,311931.0,MONDAY,9,Y,1,0.0,,,XAP,Approved,-550,Cash through the bank,XAP,,New,Construction Materials,POS,XNA,Stone,30,Clothing,10.0,low_normal,POS industry with interest,365243.0,-518.0,-248.0,-428.0,-418.0,0.0,0,Cash loans,F,N,Y,2,108000.0,157914.0,17136.0,139500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.020246,-9015,-2341,-1620.0,-1115,,1,1,0,1,0,0,Laborers,4.0,3,3,FRIDAY,8,0,0,0,0,1,1,Industry: type 3,,0.3208865290025651,0.5797274227921155,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-2038.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2181984,440301,Consumer loans,8100.45,92344.5,92344.5,0.0,92344.5,SUNDAY,6,Y,1,0.0,,,XAP,Approved,-524,XNA,XAP,,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,943,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-493.0,-163.0,-373.0,-370.0,0.0,0,Cash loans,M,Y,Y,1,225000.0,1963494.0,54126.0,1755000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.014464,-12371,-2715,-1395.0,-310,6.0,1,1,0,1,0,0,Laborers,3.0,2,2,SATURDAY,6,0,0,0,0,0,0,Business Entity Type 3,,0.6684809817014151,,0.0619,0.0705,0.9821,0.7552,0.0522,0.0,0.1379,0.1667,0.2083,0.0684,0.0504,0.0572,0.0,0.0,0.063,0.0731,0.9821,0.7648,0.0527,0.0,0.1379,0.1667,0.2083,0.0699,0.0551,0.0596,0.0,0.0,0.0625,0.0705,0.9821,0.7585,0.0526,0.0,0.1379,0.1667,0.2083,0.0696,0.0513,0.0583,0.0,0.0,reg oper spec account,block of flats,0.045,Panel,No,1.0,0.0,1.0,0.0,-835.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1951117,284685,Consumer loans,,104530.5,104530.5,0.0,104530.5,TUESDAY,16,Y,1,0.0,,,XAP,Refused,-635,Cash through the bank,HC,,Repeater,Mobile,XNA,XNA,Country-wide,20,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,F,Y,Y,0,247500.0,553626.0,44518.5,490500.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.04622,-10033,-1562,-215.0,-2706,2.0,1,1,0,1,0,0,,1.0,1,1,SUNDAY,15,0,0,0,0,0,0,Business Entity Type 2,0.5814752230634976,0.3421114943985414,,0.0979,0.0376,0.9831,0.7688,,0.16,0.069,0.4583,,0.0122,,0.0869,,0.0,0.0998,0.039,0.9831,0.7779,,0.1611,0.069,0.4583,,0.0124,,0.0905,,0.0,0.0989,0.0376,0.9831,0.7719,,0.16,0.069,0.4583,,0.0124,,0.0885,,0.0,reg oper account,block of flats,0.0684,Panel,No,0.0,0.0,0.0,0.0,-845.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2822020,421721,Consumer loans,7950.825,148167.0,173592.0,0.0,148167.0,SUNDAY,18,Y,1,0.0,,,XAP,Approved,-963,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,1400,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-932.0,-242.0,-332.0,-326.0,0.0,0,Cash loans,F,Y,N,0,270000.0,481500.0,35037.0,481500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Rented apartment,0.030755,-13671,-2791,-4775.0,-2625,7.0,1,1,0,1,1,0,Core staff,2.0,2,2,WEDNESDAY,13,1,1,0,1,1,0,Self-employed,0.42141563457249975,0.6146036912043304,0.42589289800515295,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-963.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1544729,220897,Consumer loans,31359.735,208791.0,197604.0,20880.0,208791.0,TUESDAY,18,Y,1,0.10408184664240024,,,XAP,Approved,-2044,XNA,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,2662,Consumer electronics,7.0,middle,POS household with interest,365243.0,-2013.0,-1833.0,-1833.0,-1829.0,0.0,0,Cash loans,M,Y,Y,1,225000.0,916299.0,41535.0,819000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.022625,-14127,-2673,-1958.0,-4675,18.0,1,1,0,1,0,0,Managers,3.0,2,2,TUESDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.3723750012917001,0.7941944187888805,,0.5247,0.2602,0.9965,0.9456,,0.52,0.4483,0.5417,0.2083,0.3316,0.4278,0.5224,0.0154,0.0087,0.5347,0.27,0.9965,0.9477,,0.5236,0.4483,0.5417,0.2083,0.3391,0.4674,0.5443,0.0156,0.0092,0.5298,0.2602,0.9965,0.9463,,0.52,0.4483,0.5417,0.2083,0.3373,0.4352,0.5318,0.0155,0.0089,reg oper account,block of flats,0.4352,Panel,No,1.0,0.0,1.0,0.0,-2044.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1964422,201269,Consumer loans,10361.655,108360.0,97110.0,11250.0,108360.0,MONDAY,10,Y,1,0.1130700694654183,,,XAP,Approved,-1751,Cash through the bank,XAP,,Refreshed,Computers,POS,XNA,Stone,22,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1711.0,-1381.0,-1381.0,-1374.0,0.0,0,Cash loans,M,Y,N,0,90000.0,1138500.0,31306.5,1138500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-15586,-4370,-8285.0,-4586,14.0,1,1,1,1,1,0,Laborers,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.7797059807201792,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1751.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +2362798,364268,Revolving loans,1890.0,21055.5,27000.0,2106.0,21055.5,MONDAY,9,Y,1,0.07880249620509358,,,XAP,Approved,-2621,XNA,XAP,,Repeater,Consumer Electronics,Cards,x-sell,Stone,200,Consumer electronics,0.0,XNA,Card Street,-2621.0,-2562.0,365243.0,-1954.0,365243.0,0.0,0,Cash loans,F,N,Y,0,81000.0,669600.0,32341.5,598500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-20174,-8711,-961.0,-3660,,1,1,0,1,0,0,Cooking staff,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Kindergarten,,0.6583396345446277,0.5902333386185574,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1979.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2077899,455576,Consumer loans,11154.33,101011.5,111010.5,0.0,101011.5,SUNDAY,10,Y,1,0.0,,,XAP,Approved,-1241,Cash through the bank,XAP,Other_B,New,Computers,POS,XNA,Country-wide,1000,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1210.0,-880.0,-880.0,-877.0,0.0,0,Revolving loans,F,N,Y,0,126000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.018029,-10189,-2762,-4722.0,-41,,1,1,0,1,0,0,Sales staff,2.0,3,3,TUESDAY,12,0,0,0,0,0,0,Self-employed,0.15133358035276487,0.3288334169332603,,0.0124,0.0,0.9757,0.6668,0.0173,0.0,0.069,0.0417,0.0417,0.0102,0.0101,0.0138,0.0,0.0,0.0126,0.0,0.9757,0.6798,0.0174,0.0,0.069,0.0417,0.0417,0.0104,0.011,0.0144,0.0,0.0,0.0125,0.0,0.9757,0.6713,0.0174,0.0,0.069,0.0417,0.0417,0.0104,0.0103,0.0141,0.0,0.0,reg oper account,block of flats,0.0203,Block,No,1.0,0.0,1.0,0.0,-1241.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1033180,361184,Consumer loans,12901.14,93136.5,106537.5,9315.0,93136.5,SATURDAY,10,Y,1,0.08756722399759881,,,XAP,Approved,-833,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,12.0,high,POS mobile with interest,365243.0,-802.0,-472.0,-472.0,-468.0,0.0,0,Cash loans,F,N,Y,1,75600.0,112068.0,12199.5,99000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.002134,-15287,-8295,-6699.0,-4384,,1,1,0,1,0,0,Managers,3.0,3,3,SATURDAY,8,0,0,0,0,0,0,Postal,0.43715650025578295,0.675407680081258,0.5100895276257282,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,10.0,3.0,10.0,2.0,-1523.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,5.0 +2340420,145542,Cash loans,32541.75,540000.0,582768.0,,540000.0,FRIDAY,16,Y,1,,,,XNA,Approved,-799,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-767.0,-77.0,-737.0,-733.0,0.0,0,Cash loans,M,Y,N,0,360000.0,679500.0,67891.5,679500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.028663,-14750,-1798,-7383.0,-3104,0.0,1,1,0,1,1,0,High skill tech staff,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Other,,0.6418824654147895,0.5154953751603267,0.1485,,0.9831,,,0.08,0.069,0.3333,,,,0.0585,,0.0,0.1513,,0.9831,,,0.0806,0.069,0.3333,,,,0.0609,,0.0,0.1499,,0.9831,,,0.08,0.069,0.3333,,,,0.0595,,0.0,,block of flats,0.1103,,No,3.0,0.0,3.0,0.0,-3.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1707270,153361,Consumer loans,18380.34,255105.0,280359.0,0.0,255105.0,WEDNESDAY,19,Y,1,0.0,,,XAP,Refused,-394,XNA,LIMIT,,Repeater,Audio/Video,POS,XNA,Country-wide,2441,Consumer electronics,18.0,low_normal,POS household with interest,,,,,,,0,Cash loans,M,Y,N,0,225000.0,422892.0,28260.0,382500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.010643000000000001,-9169,-1882,-2807.0,-1701,12.0,1,1,0,1,0,0,Drivers,1.0,2,2,FRIDAY,19,0,0,0,0,0,0,Self-employed,,0.2358375044688613,0.7407990879702335,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,1.0,0.0,0.0,0.0,0.0 +1132500,450862,Consumer loans,6692.94,34200.0,34200.0,0.0,34200.0,FRIDAY,10,Y,1,0.0,,,XAP,Approved,-1356,Cash through the bank,XAP,Family,Refreshed,Clothing and Accessories,POS,XNA,Stone,54,Clothing,6.0,high,POS industry with interest,365243.0,-1319.0,-1169.0,-1229.0,-1220.0,0.0,0,Cash loans,F,N,N,1,103500.0,327024.0,18391.5,270000.0,Unaccompanied,State servant,Incomplete higher,Separated,House / apartment,0.018029,-11364,-1760,-2281.0,-2774,,1,1,0,1,0,0,Core staff,2.0,3,3,WEDNESDAY,9,0,0,0,0,0,0,School,0.18077404290388924,0.28578180948779625,0.646329897706246,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1104.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2361758,236947,Cash loans,25454.025,450000.0,491580.0,,450000.0,MONDAY,14,Y,1,,,,XNA,Approved,-214,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-184.0,506.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,360000.0,760225.5,34483.5,679500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.008575,-17486,-2400,-3608.0,-1030,,1,1,0,1,0,0,Medicine staff,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,Kindergarten,,0.7196970856547454,0.5954562029091491,0.0835,0.0364,0.9836,0.7756,,0.08,0.0345,0.4583,0.5,0.0251,0.0681,0.0435,,,0.0851,0.0377,0.9836,0.7844,,0.0806,0.0345,0.4583,0.5,0.0257,0.0744,0.0453,,,0.0843,0.0364,0.9836,0.7786,,0.08,0.0345,0.4583,0.5,0.0256,0.0693,0.0442,,,reg oper account,block of flats,0.0613,"Stone, brick",No,0.0,0.0,0.0,0.0,-2794.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2267162,234361,Cash loans,27226.8,540000.0,540000.0,,540000.0,SATURDAY,10,Y,1,,,,XNA,Approved,-553,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,Furniture,30.0,middle,Cash X-Sell: middle,365243.0,-523.0,347.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,1,135000.0,837427.5,35478.0,666000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.009549,-12088,-1683,-6149.0,-3574,,1,1,0,1,0,0,Private service staff,3.0,2,2,SATURDAY,11,0,0,0,0,0,0,Other,0.5097162194504784,0.6304952228197291,0.6769925032909132,0.0825,0.0785,0.9762,,,,0.1379,0.1667,,0.0515,,0.0705,,,0.084,0.0815,0.9762,,,,0.1379,0.1667,,0.0527,,0.0734,,,0.0833,0.0785,0.9762,,,,0.1379,0.1667,,0.0524,,0.0718,,,,block of flats,0.0586,Panel,No,1.0,0.0,1.0,0.0,-1785.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1327233,133649,Consumer loans,8527.995,92659.5,71437.5,27000.0,92659.5,SATURDAY,19,Y,1,0.2987220779220779,,,XAP,Approved,-630,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Country-wide,1900,Consumer electronics,10.0,middle,POS household with interest,365243.0,-599.0,-329.0,-569.0,-566.0,0.0,0,Cash loans,M,Y,Y,1,112500.0,1515415.5,41800.5,1354500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007273999999999998,-12679,-1612,-6779.0,-1593,14.0,1,1,0,1,0,0,Laborers,3.0,2,2,SATURDAY,15,0,0,0,1,1,0,Business Entity Type 3,0.5057128953603542,0.7121323178301199,0.5937175866150576,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-825.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2739318,147630,Cash loans,23486.715,283500.0,328405.5,,283500.0,SATURDAY,11,Y,1,,,,XNA,Refused,-187,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,Y,Y,0,180000.0,313438.5,24894.0,283500.0,Unaccompanied,State servant,Secondary / secondary special,Married,Rented apartment,0.030755,-18014,-3527,-9346.0,-1561,65.0,1,1,0,1,0,0,,2.0,2,2,THURSDAY,13,0,0,0,0,1,1,Government,0.4328722651006992,0.6179443049497693,0.4776491548517548,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,2.0,2.0,2.0,-1874.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1002456,386966,Cash loans,56754.0,1350000.0,1350000.0,,1350000.0,WEDNESDAY,17,Y,1,,,,XNA,Approved,-504,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,33,Connectivity,48.0,middle,Cash X-Sell: middle,365243.0,-474.0,936.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,180000.0,693000.0,24552.0,693000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008575,-15700,-1898,-607.0,-1860,,1,1,1,1,1,0,Sales staff,2.0,2,2,WEDNESDAY,9,0,1,1,1,1,1,Self-employed,,0.33255055126089605,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-337.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2038482,431321,Cash loans,10492.02,90000.0,95940.0,0.0,90000.0,WEDNESDAY,12,Y,1,0.0,,,XNA,Approved,-2347,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-2317.0,-1987.0,-1987.0,-1979.0,1.0,0,Cash loans,F,N,N,0,90000.0,1223010.0,51817.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-23632,-10910,-7595.0,-4190,,1,1,1,1,1,0,Security staff,2.0,2,2,MONDAY,10,0,0,0,0,1,1,Kindergarten,,0.5649835118172328,,0.0608,,0.9886,0.8436,,,0.1379,,0.2083,,,0.0325,,,0.062,,0.9886,0.8497,,,0.1379,,0.2083,,,0.0339,,,0.0614,,0.9886,0.8457,,,0.1379,,0.2083,,,0.0331,,,,block of flats,0.0428,"Stone, brick",No,0.0,0.0,0.0,0.0,-2347.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1035328,283568,Consumer loans,3037.185,30375.0,27337.5,3037.5,30375.0,SUNDAY,10,Y,1,0.1089090909090909,,,XAP,Approved,-2857,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,216,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2818.0,-2548.0,-2548.0,-2542.0,0.0,0,Cash loans,F,N,Y,1,162000.0,301464.0,22068.0,238500.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.025164,-10880,-2723,-7525.0,-1488,,1,1,0,1,0,1,Sales staff,3.0,2,2,MONDAY,12,0,0,0,0,1,1,Trade: type 7,0.4668261116804526,0.5225048107426221,0.31703177858344445,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-729.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1532423,412697,Revolving loans,11250.0,0.0,225000.0,,,TUESDAY,15,Y,1,,,,XAP,Approved,-1198,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-1094.0,-1054.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,292500.0,931401.0,37066.5,832500.0,"Spouse, partner",State servant,Higher education,Married,House / apartment,0.072508,-17716,-3969,-2689.0,-1241,,1,1,0,1,0,0,Core staff,2.0,1,1,WEDNESDAY,14,0,0,0,0,0,0,School,0.8693365420376127,0.7349638945598531,0.6347055309763198,0.0763,0.0821,0.9732,,,0.0,0.1379,0.1667,,,,0.0695,,0.0066,0.0714,0.0851,0.9737,,,0.0,0.1379,0.1667,,,,0.0722,,0.0,0.077,0.0821,0.9737,,,0.0,0.1379,0.1667,,,,0.0707,,0.0022,,block of flats,0.0545,Block,No,0.0,0.0,0.0,0.0,-781.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1234680,188107,Consumer loans,10579.905,114669.0,103198.5,11470.5,114669.0,FRIDAY,12,Y,1,0.10894328260233603,,,XAP,Approved,-326,XNA,XAP,,Repeater,Furniture,POS,XNA,Stone,80,Furniture,12.0,middle,POS industry with interest,365243.0,-292.0,38.0,-202.0,-198.0,0.0,0,Cash loans,M,Y,Y,1,157500.0,277969.5,13086.0,229500.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.006207,-13172,-4596,-3633.0,-4774,6.0,1,1,0,1,1,1,Core staff,3.0,2,2,TUESDAY,9,0,0,0,0,0,0,Police,0.24915162424806245,0.7332351585734416,0.6848276586890367,0.0309,0.0304,0.9945,0.9252,0.0043,0.0,0.0345,0.1667,0.2083,0.0351,0.0252,0.0251,0.0,0.0,0.0315,0.0315,0.9945,0.9281,0.0043,0.0,0.0345,0.1667,0.2083,0.0359,0.0275,0.0262,0.0,0.0,0.0312,0.0304,0.9945,0.9262,0.0043,0.0,0.0345,0.1667,0.2083,0.0357,0.0257,0.0256,0.0,0.0,reg oper account,block of flats,0.0221,Panel,No,0.0,0.0,0.0,0.0,-1772.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1374421,310284,Cash loans,50704.065,450000.0,470790.0,,450000.0,FRIDAY,6,Y,1,,,,XNA,Approved,-900,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,middle,Cash Street: middle,365243.0,-870.0,-540.0,-750.0,-744.0,1.0,0,Cash loans,F,N,N,0,180000.0,481495.5,33511.5,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.010032,-23523,365243,-1866.0,-5198,,1,0,0,1,1,0,,1.0,2,2,MONDAY,11,0,0,0,0,0,0,XNA,,0.6131731125256281,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-266.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1891222,140830,Cash loans,16306.785,225000.0,262125.0,,225000.0,FRIDAY,13,Y,1,,,,XNA,Approved,-474,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,30.0,high,Cash X-Sell: high,365243.0,-444.0,426.0,-414.0,-409.0,1.0,0,Cash loans,F,N,Y,0,144000.0,284400.0,19134.0,225000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.022625,-13473,-1028,-391.0,-2567,,1,1,0,1,0,0,Accountants,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Bank,0.5252138002714359,0.7324173933177648,0.10753217580247099,0.1845,0.1034,0.9891,0.8436,0.0342,0.2,0.1724,0.3333,0.0417,0.1154,0.1496,0.1879,0.0039,0.0012,0.188,0.1073,0.9891,0.8497,0.0346,0.2014,0.1724,0.3333,0.0417,0.118,0.1635,0.1958,0.0039,0.0012,0.1863,0.1034,0.9891,0.8457,0.0345,0.2,0.1724,0.3333,0.0417,0.1174,0.1522,0.1913,0.0039,0.0012,org spec account,block of flats,0.1668,Panel,No,0.0,0.0,0.0,0.0,-1128.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1212294,129751,Cash loans,13103.64,247500.0,330399.0,,247500.0,MONDAY,13,Y,1,,,,XNA,Approved,-658,XNA,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-628.0,422.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,0,99000.0,900000.0,26446.5,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.02461,-19967,-836,-10319.0,-3301,35.0,1,1,0,1,0,0,Managers,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Postal,,0.7000899504394885,0.7675231046555077,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-658.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1086489,320603,Consumer loans,17844.57,99000.0,99000.0,0.0,99000.0,WEDNESDAY,7,Y,1,0.0,,,XAP,Approved,-231,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,100,Furniture,6.0,low_normal,POS industry with interest,365243.0,-201.0,-51.0,-51.0,-45.0,0.0,1,Cash loans,F,N,N,0,180000.0,558841.5,30316.5,499500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.002506,-11890,-1287,-512.0,-972,,1,1,0,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,6,0,0,0,0,1,1,Self-employed,,0.231156750476442,0.5709165417729987,0.0309,0.0366,0.9985,,0.0053,0.0,0.069,0.1667,0.2083,0.0074,0.0252,0.018000000000000002,0.0,0.0,0.0315,0.038,0.9985,,0.0053,0.0,0.069,0.1667,0.2083,0.0076,0.0275,0.0188,0.0,0.0,0.0312,0.0366,0.9985,,0.0053,0.0,0.069,0.1667,0.2083,0.0076,0.0257,0.0183,0.0,0.0,reg oper account,block of flats,0.0238,Monolithic,No,0.0,0.0,0.0,0.0,-541.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,2.0 +2112887,236716,Cash loans,25580.97,225000.0,239850.0,,225000.0,SUNDAY,15,Y,1,,,,XNA,Refused,-208,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,Y,Y,0,202500.0,1078200.0,38200.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.032561,-11447,-1321,-5229.0,-4015,17.0,1,1,1,1,1,0,Drivers,2.0,1,1,FRIDAY,17,0,0,0,0,0,0,Business Entity Type 3,,0.5351723704327171,,0.0113,0.0228,0.9449,,,0.0,0.1724,0.1458,,,,0.0243,,0.0195,0.0,0.0236,0.9449,,,0.0,0.1724,0.125,,,,0.0,,0.0075,0.0115,0.0228,0.9449,,,0.0,0.1724,0.1458,,,,0.0247,,0.0199,,block of flats,0.0452,"Stone, brick",No,0.0,0.0,0.0,0.0,-1676.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +2309118,145807,Cash loans,18099.225,360000.0,401580.0,,360000.0,WEDNESDAY,15,Y,1,,,,XNA,Approved,-777,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,30.0,low_normal,Cash X-Sell: low,365243.0,-747.0,123.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,225000.0,454500.0,17784.0,454500.0,Unaccompanied,Pensioner,Lower secondary,Married,House / apartment,0.028663,-21471,365243,-4502.0,-4551,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,XNA,,0.5230885525203002,0.6512602186973006,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2028.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1560328,213311,Consumer loans,4122.495,98955.0,88465.5,10489.5,98955.0,SATURDAY,4,Y,1,0.1154466079622969,,,XAP,Approved,-2599,Cash through the bank,XAP,Family,New,Other,POS,XNA,Country-wide,800,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-2567.0,-1877.0,-1877.0,-1870.0,0.0,0,Cash loans,M,Y,N,0,241650.0,971280.0,51876.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014464,-16193,-1680,-6254.0,-3483,10.0,1,1,0,1,1,0,,2.0,2,2,SUNDAY,5,0,0,0,1,0,1,Business Entity Type 3,0.3123086259012545,0.5810116981053661,,0.0619,0.0708,0.9871,0.8232,0.0095,0.0,0.1379,0.1667,0.2083,0.0328,0.0504,0.0607,0.0,0.0,0.063,0.0735,0.9871,0.8301,0.0096,0.0,0.1379,0.1667,0.2083,0.0336,0.0551,0.0632,0.0,0.0,0.0625,0.0708,0.9871,0.8256,0.0095,0.0,0.1379,0.1667,0.2083,0.0334,0.0513,0.0617,0.0,0.0,reg oper account,block of flats,0.0529,Panel,No,0.0,0.0,0.0,0.0,-831.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2395410,299803,Cash loans,42679.8,405000.0,405000.0,,405000.0,THURSDAY,9,Y,1,,,,XNA,Approved,-1371,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1341.0,-1011.0,-998.0,-990.0,1.0,0,Cash loans,M,N,N,0,90000.0,820638.0,32674.5,733500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,Office apartment,0.025164,-23294,365243,-867.0,-4186,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,XNA,,0.15967923350263774,0.6879328378491735,0.0165,0.0359,0.9771,0.6872,0.0014,0.0,0.069,0.0417,0.0833,0.0099,0.0134,0.0129,0.0077,0.0258,0.0168,0.0372,0.9772,0.6994,0.0014,0.0,0.069,0.0417,0.0833,0.0101,0.0147,0.0134,0.0078,0.0273,0.0167,0.0359,0.9771,0.6914,0.0014,0.0,0.069,0.0417,0.0833,0.01,0.0137,0.0131,0.0078,0.0264,not specified,block of flats,0.0157,"Stone, brick",No,0.0,0.0,0.0,0.0,-1371.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1655883,294042,Consumer loans,7868.925,76878.0,84996.0,0.0,76878.0,THURSDAY,18,Y,1,0.0,,,XAP,Approved,-632,Cash through the bank,XAP,Family,New,Furniture,POS,XNA,Country-wide,3000,Furniture,12.0,low_action,POS industry with interest,365243.0,-601.0,-271.0,-361.0,-349.0,0.0,0,Cash loans,F,N,N,0,90000.0,283419.0,18580.5,234000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-15765,-2053,-16.0,-4529,,1,1,1,1,1,0,Private service staff,2.0,2,2,SATURDAY,14,0,0,0,1,1,0,Self-employed,0.4386142670988311,0.27748694423822445,0.6785676886853644,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-632.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2454314,203420,Consumer loans,16478.865,153810.0,148324.5,15381.0,153810.0,MONDAY,11,Y,1,0.10232586732105683,,,XAP,Approved,-784,XNA,XAP,Unaccompanied,New,Computers,POS,XNA,Regional / Local,2280,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-753.0,-483.0,-483.0,-477.0,0.0,0,Cash loans,F,N,Y,0,225000.0,1190434.5,38533.5,1039500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010032,-19165,-4176,-6250.0,-117,,1,1,0,1,0,0,,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Self-employed,,0.44510139358235823,0.8245949709919925,0.0773,0.0564,0.9881,0.8368,0.0475,0.08,0.069,0.375,0.4167,,,0.0899,,0.0,0.0788,0.0585,0.9881,0.8432,0.0479,0.0806,0.069,0.375,0.4167,,,0.0937,,0.0,0.0781,0.0564,0.9881,0.8390000000000001,0.0478,0.08,0.069,0.375,0.4167,,,0.0915,,0.0,reg oper spec account,block of flats,0.0966,Panel,No,0.0,0.0,0.0,0.0,-784.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2672459,220291,Consumer loans,10224.0,94455.0,92025.0,9445.5,94455.0,MONDAY,13,Y,1,0.101379299223106,,,XAP,Approved,-2610,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,3575,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2578.0,-2308.0,-2308.0,-2303.0,1.0,0,Cash loans,F,N,Y,0,247500.0,935640.0,88969.5,900000.0,"Spouse, partner",State servant,Secondary / secondary special,Married,House / apartment,0.025164,-12469,-5221,-340.0,-3639,,1,1,0,1,0,0,Secretaries,2.0,2,2,SUNDAY,11,0,0,0,0,0,0,Medicine,0.8112821326607879,0.1915258625230554,,0.1443,0.0524,0.9916,0.8844,0.035,0.16,0.1379,0.375,0.4167,0.0807,0.1177,0.1727,0.0039,0.0302,0.1471,0.0544,0.9916,0.8889,0.0354,0.1611,0.1379,0.375,0.4167,0.0825,0.1286,0.1799,0.0039,0.032,0.1457,0.0524,0.9916,0.8859,0.0353,0.16,0.1379,0.375,0.4167,0.0821,0.1197,0.1758,0.0039,0.0309,reg oper account,block of flats,0.1457,"Stone, brick",No,4.0,0.0,4.0,0.0,-398.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2768153,440802,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,13,Y,1,,,,XAP,Approved,-315,XNA,XAP,,New,XNA,Cards,walk-in,Channel of corporate sales,-1,XNA,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,1,234054.0,971280.0,49468.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-11132,-431,-1685.0,-3022,,1,1,1,1,0,0,Sales staff,3.0,3,2,MONDAY,9,0,0,0,0,0,0,Trade: type 2,0.4143864442890753,0.6092029737186593,0.6512602186973006,0.1433,0.0949,0.9836,0.7756,0.0138,0.08,0.069,0.3333,0.375,0.0456,0.116,0.0919,0.0039,0.0289,0.146,0.0984,0.9836,0.7844,0.0139,0.0806,0.069,0.3333,0.375,0.0466,0.1267,0.0958,0.0039,0.0306,0.1447,0.0949,0.9836,0.7786,0.0139,0.08,0.069,0.3333,0.375,0.0464,0.118,0.0936,0.0039,0.0295,not specified,block of flats,0.0861,Panel,No,3.0,0.0,3.0,0.0,-342.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1880395,201695,Consumer loans,2708.415,20965.5,20425.5,2097.0,20965.5,SATURDAY,11,Y,1,0.1014018708564163,,,XAP,Approved,-2226,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Stone,15,Connectivity,10.0,high,POS mobile with interest,365243.0,-2189.0,-1919.0,-1919.0,-1910.0,1.0,1,Cash loans,F,N,Y,0,135000.0,1288350.0,41562.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.019101,-20027,-756,-9059.0,-3543,,1,1,0,1,0,0,Sales staff,2.0,2,2,SATURDAY,16,0,0,0,1,1,0,Self-employed,0.4225820823113942,0.4018129388236816,0.29708661164720285,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2035420,333313,Consumer loans,11171.79,78426.0,39213.0,39213.0,78426.0,TUESDAY,8,Y,1,0.5445454545454544,,,XAP,Approved,-2828,XNA,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,15,Connectivity,4.0,low_normal,POS mobile with interest,365243.0,-2797.0,-2707.0,-2707.0,-2620.0,0.0,0,Cash loans,F,Y,Y,2,180000.0,545040.0,26509.5,450000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.010032,-11315,-1123,-474.0,-561,13.0,1,1,0,1,0,0,Sales staff,4.0,2,2,TUESDAY,3,0,0,0,0,0,0,Trade: type 3,0.4728348380448059,0.5733591565889116,,0.0835,0.0802,0.9876,0.83,0.0664,0.0,0.1379,0.1667,0.2083,0.0,0.0681,0.0837,0.0,0.0,0.0851,0.0832,0.9876,0.8367,0.0671,0.0,0.1379,0.1667,0.2083,0.0,0.0744,0.0872,0.0,0.0,0.0843,0.0802,0.9876,0.8323,0.0669,0.0,0.1379,0.1667,0.2083,0.0,0.0693,0.0852,0.0,0.0,reg oper spec account,block of flats,0.1022,Panel,No,0.0,0.0,0.0,0.0,-2828.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1803398,366897,Cash loans,23008.5,450000.0,450000.0,,450000.0,THURSDAY,18,Y,1,,,,XNA,Approved,-642,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Regional / Local,463,Consumer electronics,36.0,middle,Cash X-Sell: middle,365243.0,-612.0,438.0,-402.0,-394.0,0.0,0,Cash loans,F,Y,Y,1,135000.0,627277.5,30640.5,441000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.005313,-10046,-1865,-4073.0,-1307,64.0,1,1,0,1,0,0,,3.0,2,2,TUESDAY,11,0,0,0,0,1,1,Other,,0.6924878144315126,0.22383131747015547,,,0.9821,,,,0.0345,0.1667,,,,0.0227,,,,,0.9821,,,,0.0345,0.1667,,,,0.0236,,,,,0.9821,,,,0.0345,0.1667,,,,0.0231,,,,specific housing,0.027000000000000003,"Stone, brick",No,0.0,0.0,0.0,0.0,-775.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,4.0 +1762167,189175,Cash loans,16412.355,337500.0,384277.5,,337500.0,SUNDAY,15,Y,1,,,,XNA,Approved,-898,Cash through the bank,XAP,Children,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-868.0,182.0,-238.0,-233.0,1.0,0,Cash loans,F,N,Y,0,90000.0,127350.0,7110.0,112500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.011656999999999999,-23784,365243,-5311.0,-4596,,1,0,0,1,1,0,,1.0,1,1,TUESDAY,9,0,0,0,0,0,0,XNA,,0.6394912864535891,0.7062051096536562,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,0.0,-1257.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2842241,439949,Revolving loans,2250.0,45000.0,45000.0,,45000.0,THURSDAY,13,Y,1,,,,XAP,Approved,-268,XNA,XAP,,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),5,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,Y,N,1,108000.0,61128.0,4959.0,54000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,With parents,0.018029,-10123,-234,-4781.0,-754,15.0,1,1,0,1,0,0,Accountants,2.0,3,3,SATURDAY,11,0,0,0,0,0,0,Housing,0.3234765616558889,0.6666417271404307,0.4543210601605785,0.066,,0.9786,,,0.0,0.1379,0.125,,,,0.059,,0.0023,0.0672,,0.9786,,,0.0,0.1379,0.125,,,,0.0615,,0.0024,0.0666,,0.9786,,,0.0,0.1379,0.125,,,,0.0601,,0.0023,,block of flats,0.0469,Panel,No,3.0,0.0,3.0,0.0,-1073.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1300009,415003,Cash loans,16681.95,472500.0,566055.0,,472500.0,THURSDAY,9,Y,1,,,,XNA,Refused,-140,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,112500.0,58500.0,6273.0,58500.0,Family,Pensioner,Secondary / secondary special,Separated,House / apartment,0.010276,-23186,365243,-10629.0,-5227,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,11,0,0,0,0,0,0,XNA,,0.5573098573300632,0.5814837058057234,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2105.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1756499,425654,Cash loans,26084.7,135000.0,135000.0,0.0,135000.0,FRIDAY,12,Y,1,0.0,,,XNA,Approved,-2585,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,6.0,high,Cash Street: high,,,,,,,0,Cash loans,F,Y,Y,0,162000.0,867951.0,25506.0,724500.0,Family,Working,Higher education,Married,House / apartment,0.025164,-22420,-1179,-10376.0,-4867,7.0,1,1,0,1,1,0,Managers,2.0,2,2,SUNDAY,8,0,0,0,0,0,0,Kindergarten,,0.6632362274611686,0.5334816299804352,0.0742,0.0,0.9861,0.8096,0.0112,0.08,0.069,0.3333,0.375,0.1383,0.0597,0.0792,0.0039,0.0012,0.0756,0.0,0.9861,0.8171,0.0113,0.0806,0.069,0.3333,0.375,0.1415,0.0652,0.0825,0.0039,0.0012,0.0749,0.0,0.9861,0.8121,0.0113,0.08,0.069,0.3333,0.375,0.1407,0.0607,0.0806,0.0039,0.0012,reg oper account,block of flats,0.0686,Panel,No,3.0,0.0,3.0,0.0,-1630.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,4.0 +2517406,220681,Cash loans,4923.675,45000.0,47970.0,,45000.0,MONDAY,9,Y,1,,,,XNA,Approved,-782,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-752.0,-422.0,-660.0,-655.0,1.0,0,Cash loans,F,N,Y,0,135000.0,291384.0,20407.5,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.00702,-22103,-1347,-14029.0,-3914,,1,1,0,1,0,1,Sales staff,1.0,2,2,SATURDAY,17,0,0,0,0,0,0,Self-employed,0.9121089966630781,0.7274341626475113,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,0.0,8.0,0.0,-1192.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2265766,356653,Consumer loans,28439.505,253341.0,242554.5,25335.0,253341.0,WEDNESDAY,18,Y,1,0.10299813237106413,,,XAP,Approved,-1128,Cash through the bank,XAP,Family,Refreshed,Audio/Video,POS,XNA,Country-wide,2300,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1097.0,-827.0,-827.0,-823.0,0.0,0,Cash loans,M,Y,Y,0,67500.0,284400.0,16011.0,225000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.072508,-24213,365243,-10299.0,-4321,2.0,1,0,0,1,1,0,,2.0,1,1,THURSDAY,10,0,0,0,0,0,0,XNA,0.7577443474581363,0.7614073500421407,0.7544061731797895,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1128.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1687932,385745,Consumer loans,3207.285,27540.0,27540.0,0.0,27540.0,THURSDAY,9,Y,1,0.0,,,XAP,Approved,-141,XNA,XAP,,Repeater,Furniture,POS,XNA,Stone,30,Furniture,10.0,low_normal,POS industry with interest,365243.0,-69.0,201.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,180000.0,270000.0,13914.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-18767,-1842,-10179.0,-2318,,1,1,0,1,0,0,Cleaning staff,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.5156539549135831,0.4740512892789932,0.0515,0.0509,0.9861,,,0.0,0.1379,0.1667,,,,0.0547,,0.0,0.0525,0.0528,0.9861,,,0.0,0.1379,0.1667,,,,0.057,,0.0,0.052000000000000005,0.0509,0.9861,,,0.0,0.1379,0.1667,,,,0.0557,,0.0,,block of flats,0.0463,"Stone, brick",No,1.0,0.0,1.0,0.0,-1738.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1928190,102291,Cash loans,23284.485,450000.0,512370.0,,450000.0,WEDNESDAY,12,Y,1,,,,XNA,Approved,-580,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-550.0,500.0,-340.0,-338.0,1.0,0,Cash loans,F,Y,Y,0,247500.0,438493.5,18706.5,333000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.019688999999999998,-21432,-2673,-2616.0,-999,19.0,1,1,0,1,1,0,,1.0,2,2,TUESDAY,10,0,0,0,0,0,0,Other,,0.7316195081528535,0.4294236843421945,0.0722,0.068,0.9776,0.6940000000000001,0.0313,0.0,0.1379,0.1667,0.0417,0.0,0.0588,0.0673,0.0,0.0,0.0735,0.0706,0.9777,0.706,0.0316,0.0,0.1379,0.1667,0.0417,0.0,0.0643,0.0701,0.0,0.0,0.0729,0.068,0.9776,0.6981,0.0315,0.0,0.1379,0.1667,0.0417,0.0,0.0599,0.0685,0.0,0.0,reg oper spec account,block of flats,0.0529,"Stone, brick",No,4.0,0.0,4.0,0.0,-609.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,9.0 +1171004,296414,Cash loans,,0.0,0.0,,,TUESDAY,14,Y,1,,,,XNA,Refused,-140,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,1,112500.0,276277.5,14985.0,238500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,Office apartment,0.032561,-10535,-3354,-2883.0,-3015,,1,1,0,1,1,0,Core staff,3.0,1,1,TUESDAY,13,0,0,0,0,0,0,Kindergarten,0.39172997788946906,0.6370122699417077,,0.2469,0.1278,0.9916,0.8844,0.0127,0.2144,0.1597,0.515,0.6667,0.0832,0.1261,0.2119,0.0347,0.6285,0.16699999999999998,0.049,0.9851,0.804,0.0128,0.0806,0.0345,0.3333,0.6667,0.01,0.1377,0.0978,0.035,0.0247,0.1926,0.0472,0.9891,0.8859,0.0128,0.16,0.0345,0.625,0.6667,0.1234,0.1283,0.1206,0.0349,0.0238,reg oper account,block of flats,0.276,Panel,No,0.0,0.0,0.0,0.0,-1421.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1381241,178022,Consumer loans,12346.02,91840.5,101538.0,0.0,91840.5,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-665,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,40,Connectivity,12.0,high,POS mobile with interest,365243.0,-634.0,-304.0,-634.0,-630.0,0.0,0,Cash loans,F,N,Y,0,252000.0,630000.0,34177.5,630000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.007273999999999998,-15466,-485,-153.0,-956,,1,1,1,1,0,0,Cleaning staff,2.0,2,2,SUNDAY,16,0,1,1,0,1,1,Business Entity Type 3,,0.2690108061498804,0.23272477626794336,0.1186,,0.9806,,,0.0,0.2069,0.1667,,,,0.1117,,,0.1208,,0.9806,,,0.0,0.2069,0.1667,,,,0.1163,,,0.1197,,0.9806,,,0.0,0.2069,0.1667,,,,0.1137,,,org spec account,block of flats,0.1146,Panel,No,0.0,0.0,0.0,0.0,-451.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2166159,229797,Consumer loans,7956.225,72400.5,71613.0,7240.5,72400.5,SATURDAY,13,Y,1,0.10000269775308296,,,XAP,Approved,-1120,XNA,XAP,,New,Mobile,POS,XNA,Country-wide,25,Connectivity,12.0,high,POS mobile with interest,365243.0,-1077.0,-747.0,-957.0,-951.0,0.0,0,Cash loans,F,N,Y,0,144000.0,423000.0,16074.0,423000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.00496,-20871,365243,-2755.0,-1659,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,XNA,,0.5189792885849057,0.3672910183026313,0.1242,,0.9851,,,0.08,0.1379,0.2917,0.375,,0.0605,0.0402,0.0,0.0,0.0378,,0.9856,,,0.0806,0.0345,0.3333,0.375,,0.0661,0.0349,0.0,0.0,0.0635,,0.9856,,,0.08,0.1034,0.3333,0.375,,0.0616,0.0409,0.0,0.0,not specified,block of flats,0.2977,Block,No,0.0,0.0,0.0,0.0,-1120.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1848563,438722,Consumer loans,7760.385,83025.0,82120.5,8302.5,83025.0,THURSDAY,12,Y,1,0.09999864274274543,,,XAP,Approved,-1560,XNA,XAP,Unaccompanied,New,Computers,POS,XNA,Regional / Local,145,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-1529.0,-1199.0,-1199.0,-1193.0,0.0,0,Cash loans,F,N,Y,0,225000.0,390960.0,23625.0,337500.0,Unaccompanied,Working,Higher education,Single / not married,With parents,0.018209,-9470,-105,-2388.0,-2144,,1,1,1,1,1,0,Laborers,1.0,3,3,WEDNESDAY,13,1,1,0,1,1,0,Other,0.44641871235407066,0.2221048311923278,0.4241303111942548,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2353546,292301,Consumer loans,20441.475,204435.0,183991.5,20443.5,204435.0,SATURDAY,14,Y,1,0.1089090909090909,,,XAP,Approved,-1431,Cash through the bank,XAP,,New,Furniture,POS,XNA,Country-wide,100,Furniture,10.0,low_normal,POS industry with interest,365243.0,-1394.0,-1124.0,-1124.0,-1121.0,0.0,0,Cash loans,F,N,Y,1,202500.0,1305000.0,43258.5,1305000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-18933,-1985,-3071.0,-2478,,1,1,1,1,1,0,Sales staff,3.0,1,1,TUESDAY,13,0,0,0,0,0,0,Trade: type 3,,0.7206269504265668,,0.2278,0.1002,0.9896,0.8572,0.0218,0.32,0.1379,0.5417,0.5833,0.0416,0.1849,0.214,0.0039,0.0014,0.2017,0.0947,0.9846,0.7975,0.002,0.3222,0.1379,0.4583,0.5,0.0,0.1745,0.179,0.0,0.0,0.23,0.1002,0.9896,0.8591,0.0219,0.32,0.1379,0.5417,0.5833,0.0423,0.1881,0.2178,0.0039,0.0014,reg oper account,block of flats,0.2025,Panel,No,0.0,0.0,0.0,0.0,-1431.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1079812,288942,Consumer loans,2829.51,24246.0,24246.0,0.0,24246.0,SUNDAY,14,Y,1,0.0,,,XAP,Approved,-2649,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,50,Connectivity,12.0,high,POS mobile with interest,365243.0,-2618.0,-2288.0,-2288.0,-2278.0,0.0,0,Cash loans,F,N,N,0,157500.0,675000.0,26770.5,675000.0,Unaccompanied,State servant,Secondary / secondary special,Separated,House / apartment,0.00702,-12980,-2789,-6977.0,-4173,,1,1,0,1,1,0,Medicine staff,1.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Medicine,0.4920589762160015,0.6104777238569471,0.5460231970049609,0.1291,0.1125,0.9861,0.8096,0.1002,0.21,0.181,0.3646,0.0417,0.0476,0.1042,0.1118,0.0048,0.0042,0.1134,0.0452,0.9861,0.8171,0.0139,0.0403,0.0345,0.3333,0.0417,0.0487,0.0615,0.0775,0.0,0.0,0.1124,0.1031,0.9861,0.8121,0.0288,0.16,0.1379,0.3333,0.0417,0.0484,0.0911,0.1189,0.0039,0.0037,reg oper account,block of flats,0.1803,Panel,No,1.0,0.0,1.0,0.0,-2649.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2283023,273750,Cash loans,23364.765,301500.0,334930.5,0.0,301500.0,THURSDAY,10,Y,1,0.0,,,XNA,Approved,-1958,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-1928.0,-1238.0,-1238.0,-1234.0,1.0,0,Cash loans,F,N,Y,0,157500.0,527373.0,31531.5,477000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-21901,365243,-14034.0,-5191,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,0.6440635670078938,0.5108137165220872,0.6397075677637197,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2759571,187591,Consumer loans,41749.2,242622.0,227727.0,24264.0,242622.0,FRIDAY,5,Y,1,0.10486764137680236,,,XAP,Approved,-598,Cash through the bank,XAP,,New,Auto Accessories,POS,XNA,Regional / Local,1000,Industry,6.0,middle,POS other with interest,365243.0,-554.0,-404.0,-464.0,-456.0,0.0,0,Revolving loans,F,Y,N,0,270000.0,270000.0,13500.0,270000.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.0038179999999999998,-11351,-1122,-5491.0,-158,9.0,1,1,0,1,1,0,Core staff,1.0,2,2,MONDAY,9,0,0,0,0,0,0,Government,0.22036443826266688,0.14739603215068875,0.5352762504724826,0.0082,,0.9796,,,,0.0345,0.0,,0.0,,0.0069,,,0.0084,,0.9796,,,,0.0345,0.0,,0.0,,0.0072,,,0.0083,,0.9796,,,,0.0345,0.0,,0.0,,0.006999999999999999,,,,block of flats,0.0054,Wooden,Yes,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1745537,297319,Consumer loans,4736.475,56551.5,58230.0,5850.0,56551.5,FRIDAY,18,Y,1,0.09942543411644536,,,XAP,Approved,-1922,Cash through the bank,XAP,Family,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,720,Consumer electronics,18.0,middle,POS household with interest,365243.0,-1891.0,-1381.0,-1471.0,-1465.0,0.0,0,Cash loans,F,N,Y,1,180000.0,474048.0,24331.5,360000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.004849,-12261,-115,-4718.0,-2713,,1,1,0,1,0,0,Core staff,3.0,2,2,TUESDAY,17,0,0,0,0,0,0,Kindergarten,0.711783834248925,0.387769697254916,0.5602843280409464,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-132.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +1633203,373025,Cash loans,37054.62,1125000.0,1288350.0,,1125000.0,WEDNESDAY,12,Y,1,,,,XNA,Refused,-83,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),3,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,Y,Y,0,162000.0,640080.0,24259.5,450000.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.007305,-23538,365243,-627.0,-4142,21.0,1,0,0,1,1,0,,2.0,3,3,TUESDAY,8,0,0,0,0,0,0,XNA,,0.6380229405949864,0.5937175866150576,,,0.9866,,,,,,,,,0.0027,,,,,0.9866,,,,,,,,,0.0028,,,,,0.9866,,,,,,,,,0.0028,,,,,0.0021,,No,0.0,0.0,0.0,0.0,-798.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2162236,321147,Consumer loans,6717.825,67185.0,60466.5,6718.5,67185.0,SATURDAY,15,Y,1,0.1089090909090909,,,XAP,Approved,-2707,XNA,XAP,,Repeater,Consumer Electronics,POS,XNA,Stone,180,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-2670.0,-2400.0,-2400.0,-2398.0,0.0,0,Cash loans,F,N,N,0,90000.0,333621.0,14265.0,288000.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.00733,-21826,365243,-133.0,-4814,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,15,0,0,0,0,0,0,XNA,0.6260278131687682,0.07990246857242345,,0.0928,0.0907,0.9801,0.728,,0.0,0.2759,0.1667,0.0417,0.08199999999999999,0.0756,,0.0,,0.0945,0.0942,0.9801,0.7387,,0.0,0.2759,0.1667,0.0417,0.0839,0.0826,,0.0,,0.0937,0.0907,0.9801,0.7316,,0.0,0.2759,0.1667,0.0417,0.0834,0.077,,0.0,,reg oper account,block of flats,0.0595,Panel,No,2.0,2.0,2.0,1.0,-2138.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1914789,396607,Consumer loans,5555.79,45999.0,50553.0,0.0,45999.0,TUESDAY,17,Y,1,0.0,,,XAP,Approved,-2214,Cash through the bank,XAP,"Spouse, partner",Repeater,Furniture,POS,XNA,Stone,30,Furniture,12.0,high,POS industry with interest,365243.0,-2183.0,-1853.0,-1853.0,-1845.0,1.0,0,Cash loans,M,Y,Y,0,225000.0,360000.0,17640.0,360000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.028663,-10523,-1175,-1417.0,-3192,9.0,1,1,0,1,0,0,,1.0,2,2,THURSDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.059261021925335264,0.36015432408618503,0.2793353208976285,0.1918,0.2014,0.996,,,0.18,0.1552,0.3542,0.375,0.0506,0.1706,0.2275,0.0077,0.0078,0.1754,0.209,0.9955,,,0.1611,0.1379,0.3333,0.375,0.0518,0.1864,0.1925,0.0078,0.0074,0.1936,0.2014,0.996,,,0.18,0.1552,0.3542,0.375,0.0515,0.1736,0.2316,0.0078,0.008,reg oper account,block of flats,0.1906,"Stone, brick",No,1.0,0.0,1.0,0.0,-634.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,0.0 +1506181,113437,Cash loans,,0.0,0.0,,,MONDAY,13,Y,1,,,,XNA,Refused,-164,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,1,Cash loans,F,N,Y,1,225000.0,229500.0,12145.5,229500.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018209,-13851,-3537,-7933.0,-4159,,1,1,0,1,0,0,Sales staff,3.0,3,3,THURSDAY,7,0,0,0,0,0,0,Other,,0.07617892958999042,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-488.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2824525,289944,Cash loans,13768.29,180000.0,197820.0,,180000.0,WEDNESDAY,16,Y,0,,,,XNA,Approved,-681,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-651.0,-141.0,-171.0,-166.0,1.0,0,Cash loans,F,N,N,0,90000.0,239850.0,24705.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.009549,-24603,365243,-12327.0,-4124,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,XNA,,0.578432994768328,0.7407990879702335,0.0619,0.0565,0.9826,0.762,,0.0,0.1379,0.1667,0.2083,0.0541,0.0504,0.0598,0.0,0.0,0.063,0.0586,0.9826,0.7713,,0.0,0.1379,0.1667,0.2083,0.0554,0.0551,0.0623,0.0,0.0,0.0625,0.0565,0.9826,0.7652,,0.0,0.1379,0.1667,0.2083,0.0551,0.0513,0.0609,0.0,0.0,reg oper spec account,block of flats,0.047,Block,No,2.0,0.0,2.0,0.0,-2737.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1647446,356351,Cash loans,8188.515,126000.0,142632.0,,126000.0,MONDAY,17,Y,1,,,,XNA,Approved,-263,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-233.0,457.0,-53.0,-47.0,1.0,0,Revolving loans,F,N,Y,0,90000.0,180000.0,9000.0,180000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.009549,-20249,365243,-318.0,-3633,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,XNA,,0.5223411337201249,0.6925590674998008,0.1237,0.1016,0.9771,0.6872,0.0424,0.0,0.2069,0.1667,0.2083,0.1119,0.1009,0.1061,0.0,0.0,0.1261,0.1054,0.9772,0.6994,0.0428,0.0,0.2069,0.1667,0.2083,0.1145,0.1102,0.1106,0.0,0.0,0.1249,0.1016,0.9771,0.6914,0.0427,0.0,0.2069,0.1667,0.2083,0.1139,0.1026,0.108,0.0,0.0,reg oper account,block of flats,0.0892,"Stone, brick",No,0.0,0.0,0.0,0.0,-1566.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,6.0 +1628952,164916,Cash loans,15997.86,157500.0,236479.5,,157500.0,TUESDAY,15,Y,1,,,,Journey,Refused,-644,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,high,Cash Street: high,,,,,,,0,Cash loans,M,N,Y,1,405000.0,781920.0,40054.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0105,-15782,-5537,-4911.0,-1558,,1,1,0,1,0,0,Laborers,3.0,3,3,TUESDAY,16,0,0,0,0,0,0,Self-employed,,0.004884301569113108,0.1940678276718812,,0.152,0.9846,,,0.08,0.2069,0.3333,,,,0.2188,,0.0037,,0.1063,0.9846,,,0.0,0.1379,0.3333,,,,0.1522,,0.0039,,0.152,0.9846,,,0.08,0.2069,0.3333,,,,0.2227,,0.0038,,,0.2293,Panel,No,4.0,0.0,3.0,0.0,-1054.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,12.0 +1227698,171145,Cash loans,26356.815,594000.0,664569.0,,594000.0,WEDNESDAY,14,Y,1,,,,XNA,Refused,-170,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,112500.0,96696.0,4635.0,76500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.018801,-18170,-410,-4494.0,-1716,,1,1,0,1,0,0,Cleaning staff,1.0,2,2,FRIDAY,9,0,0,0,0,0,0,School,,0.09327503822677558,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,0.0,9.0,0.0,-856.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1705842,430237,Cash loans,38415.69,891000.0,968625.0,,891000.0,MONDAY,19,Y,1,,,,XNA,Approved,-372,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-342.0,708.0,-162.0,-156.0,1.0,0,Cash loans,M,Y,Y,0,157500.0,584766.0,28260.0,472500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.009175,-16495,-282,-5941.0,-53,7.0,1,1,1,1,1,0,,2.0,2,2,TUESDAY,17,0,0,0,0,0,0,Restaurant,,0.7088758643589249,0.3893387918468769,0.1335,0.1113,0.9816,,,0.14,0.1207,0.3333,,0.0572,,0.1359,,0.0,0.0777,0.0442,0.9816,,,0.0806,0.069,0.3333,,0.0526,,0.0813,,0.0,0.1348,0.1113,0.9816,,,0.14,0.1207,0.3333,,0.0582,,0.1383,,0.0,,block of flats,0.1723,Panel,No,1.0,0.0,1.0,0.0,-2526.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1085471,414228,Cash loans,43179.75,675000.0,675000.0,,675000.0,THURSDAY,12,Y,1,,,,XNA,Approved,-433,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-403.0,287.0,-373.0,-366.0,0.0,0,Cash loans,F,N,N,2,121500.0,1546020.0,42642.0,1350000.0,Other_B,Pensioner,Secondary / secondary special,Married,House / apartment,0.00496,-10524,365243,-1211.0,-995,,1,0,0,1,0,0,,4.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,XNA,0.5088016439809291,0.4222693784963809,0.5442347412142162,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1070.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1893215,116225,Cash loans,63180.0,2250000.0,2250000.0,,2250000.0,FRIDAY,18,Y,1,,,,XNA,Refused,-488,XNA,HC,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,180000.0,531706.5,21478.5,459000.0,Unaccompanied,State servant,Higher education,Married,Rented apartment,0.00702,-11509,-3692,-4319.0,-3611,,1,1,0,1,1,0,Core staff,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Police,0.2761576821570836,0.3993188684107746,0.2340151665320674,0.0942,0.0947,0.9816,0.7484,0.0063,0.0,0.2069,0.1667,0.125,0.0341,0.0735,0.0827,0.0058,0.033,0.084,0.0908,0.9816,0.7583,0.0,0.0,0.2069,0.1667,0.0417,0.0,0.0725,0.0787,0.0039,0.0163,0.0999,0.0875,0.9816,0.7518,0.0063,0.0,0.2069,0.1667,0.125,0.0347,0.0748,0.0843,0.0058,0.0158,reg oper spec account,block of flats,0.069,Panel,No,4.0,0.0,4.0,0.0,-1258.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2489298,337148,Cash loans,72563.13,1350000.0,1428408.0,,1350000.0,WEDNESDAY,9,Y,1,,,,XNA,Refused,-405,XNA,HC,Family,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,24.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,450000.0,509400.0,28444.5,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.031329,-23270,-3955,-9405.0,-4558,8.0,1,1,0,1,1,0,Accountants,2.0,2,2,TUESDAY,9,0,0,0,0,1,1,Business Entity Type 1,0.8091454435609675,0.3019788081790937,0.326475210066026,0.1866,0.0541,0.9866,0.8164,0.1096,0.2,0.1724,0.3333,0.375,0.0718,0.1496,0.1948,0.0116,0.0087,0.1901,0.0562,0.9866,0.8236,0.1106,0.2014,0.1724,0.3333,0.375,0.0734,0.1635,0.2029,0.0117,0.0092,0.1884,0.0541,0.9866,0.8189,0.1103,0.2,0.1724,0.3333,0.375,0.073,0.1522,0.1983,0.0116,0.0089,reg oper spec account,block of flats,0.215,"Stone, brick",No,4.0,0.0,4.0,0.0,-827.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1244485,133679,Cash loans,12466.035,180000.0,203760.0,,180000.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-516,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-486.0,204.0,-396.0,-386.0,1.0,0,Cash loans,F,N,Y,0,67500.0,76410.0,8356.5,67500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008625,-18866,-5821,-10078.0,-2369,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,12,0,0,0,0,1,1,Housing,,0.6032416392111561,,0.0722,0.0735,0.9881,,,,0.1379,0.1667,,,,0.0465,,0.0,0.063,0.067,0.9861,,,,0.1379,0.1667,,,,0.0425,,0.0,0.0729,0.0735,0.9881,,,,0.1379,0.1667,,,,0.0474,,0.0,,block of flats,0.0517,Panel,No,4.0,0.0,4.0,0.0,-805.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2328923,449724,Cash loans,26602.74,225000.0,239850.0,,225000.0,THURSDAY,13,Y,1,,,,XNA,Approved,-1541,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-1511.0,-1181.0,-1181.0,-1173.0,1.0,0,Cash loans,F,N,Y,0,202500.0,593010.0,19260.0,495000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.010966,-23286,365243,-10143.0,-4278,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,14,0,0,0,0,0,0,XNA,,0.3133902111302968,0.5064842396679806,0.0742,0.1236,0.9821,0.7552,0.0145,0.08,0.069,0.3333,,0.0273,,0.0743,,0.0001,0.0756,0.1283,0.9821,0.7648,0.0147,0.0806,0.069,0.3333,,0.0279,,0.0774,,0.0002,0.0749,0.1236,0.9821,0.7585,0.0146,0.08,0.069,0.3333,,0.0278,,0.0756,,0.0001,reg oper account,block of flats,0.0588,Panel,No,3.0,0.0,3.0,0.0,-487.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,1.0,2.0,7.0 +2312418,399732,Revolving loans,13500.0,270000.0,270000.0,,270000.0,FRIDAY,15,Y,1,,,,XAP,Refused,-157,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Revolving loans,F,N,Y,0,337500.0,900000.0,45000.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.031329,-17809,-823,-9351.0,-1158,,1,1,0,1,0,0,,2.0,2,2,MONDAY,16,0,0,0,0,1,1,Business Entity Type 3,0.8140301777868029,0.5714002046454532,0.3046721837533529,0.0619,0.0195,0.9786,0.7076,0.0061,0.0,0.1379,0.1667,0.0417,0.0494,0.0504,0.0467,0.0,0.0,0.063,0.0202,0.9786,0.7190000000000001,0.0062,0.0,0.1379,0.1667,0.0417,0.0505,0.0551,0.0487,0.0,0.0,0.0625,0.0195,0.9786,0.7115,0.0062,0.0,0.1379,0.1667,0.0417,0.0502,0.0513,0.0476,0.0,0.0,reg oper account,block of flats,0.0401,Panel,No,2.0,1.0,2.0,1.0,-480.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2004068,425558,Cash loans,33550.11,414000.0,524466.0,,414000.0,WEDNESDAY,8,Y,1,,,,XNA,Approved,-511,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-481.0,209.0,365243.0,365243.0,1.0,1,Cash loans,M,Y,Y,1,337500.0,1236816.0,40027.5,1080000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-15548,-1126,-9560.0,-4303,9.0,1,1,0,1,0,0,Laborers,3.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,Business Entity Type 3,0.05534085028444085,0.6295930395562729,0.7209441499436497,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1629.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2301659,368872,Cash loans,38137.32,450000.0,485640.0,,450000.0,TUESDAY,15,Y,1,,,,XNA,Refused,-176,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,18.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,427500.0,1374480.0,49500.0,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.008575,-12379,-1439,-4403.0,-1265,,1,1,0,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,11,1,1,0,1,1,0,Self-employed,,0.6026919588245019,0.221335206354466,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-473.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2791649,291060,Consumer loans,3595.545,32719.5,32719.5,0.0,32719.5,FRIDAY,9,Y,1,0.0,,,XAP,Approved,-455,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-417.0,-147.0,-147.0,-138.0,0.0,1,Cash loans,M,N,Y,1,135000.0,1138900.5,33430.5,994500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-14428,-1896,-8491.0,-2059,,1,1,0,1,1,0,Drivers,3.0,2,2,FRIDAY,12,0,0,0,0,0,0,Self-employed,,0.6964641183681664,0.5316861425197883,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,5.0,0.0,-1507.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1564974,454923,Cash loans,15602.265,135000.0,152262.0,,135000.0,TUESDAY,9,Y,1,,,,XNA,Approved,-393,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),5,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-363.0,-33.0,-33.0,-31.0,1.0,0,Cash loans,M,Y,Y,0,157500.0,900000.0,38263.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-16671,-1333,-244.0,-224,11.0,1,1,0,1,0,0,Core staff,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Agriculture,0.3838061202464261,0.4958744709866463,0.6380435278721609,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1154.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2487991,433973,Cash loans,,0.0,0.0,,,MONDAY,9,Y,1,,,,XNA,Refused,-37,XNA,HC,,Repeater,XNA,XNA,XNA,Contact center,-1,XNA,,XNA,Cash,,,,,,,1,Cash loans,F,N,Y,0,135000.0,450000.0,32877.0,450000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.028663,-21338,-7576,-13070.0,-4758,,1,1,0,1,0,0,Medicine staff,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Medicine,,0.538641231996015,0.02581001067551557,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-996.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +2221306,172884,Cash loans,25987.905,733500.0,733500.0,,733500.0,MONDAY,3,Y,1,,,,XNA,Approved,-668,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,N,0,189000.0,814041.0,26257.5,679500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.006629,-16885,-8390,-2557.0,-433,,1,1,0,1,1,0,Core staff,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,School,,0.07586251126654384,0.5226973172821112,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-667.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1918631,288638,Cash loans,,0.0,0.0,,,SATURDAY,11,Y,1,,,,XNA,Refused,-300,XNA,HC,,Repeater,XNA,XNA,XNA,Contact center,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,135000.0,225000.0,8082.0,225000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.011703,-20820,-3063,-12832.0,-2298,,1,1,0,1,1,0,Sales staff,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,Self-employed,,0.7678962987194384,0.2366108235287817,0.1856,0.0,0.9826,,,0.2,0.1724,0.3333,,0.1054,,0.1913,,0.0014,0.1891,0.0,0.9826,,,0.2014,0.1724,0.3333,,0.1079,,0.1993,,0.0015,0.1874,0.0,0.9826,,,0.2,0.1724,0.3333,,0.1073,,0.1947,,0.0014,,block of flats,0.1763,Panel,No,0.0,0.0,0.0,0.0,-1511.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2656277,129336,Cash loans,47770.65,945000.0,1054773.0,,945000.0,TUESDAY,11,Y,1,,,,XNA,Refused,-465,XNA,HC,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,Y,Y,0,225000.0,1061599.5,31171.5,927000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,With parents,0.025164,-17891,-753,-3111.0,-1424,7.0,1,1,0,1,0,0,Managers,2.0,2,2,FRIDAY,8,0,0,0,0,1,1,Business Entity Type 3,,0.629990723757851,0.33928769990891394,0.0124,0.0,0.9707,0.5988,0.002,0.0,0.069,0.0417,0.0833,0.035,0.0084,0.0109,0.0077,0.021,0.0126,0.0,0.9707,0.6145,0.002,0.0,0.069,0.0417,0.0833,0.0358,0.0092,0.0114,0.0078,0.0223,0.0125,0.0,0.9707,0.6042,0.002,0.0,0.069,0.0417,0.0833,0.0356,0.0086,0.0111,0.0078,0.0215,reg oper account,block of flats,0.0143,"Stone, brick",No,7.0,5.0,7.0,3.0,-512.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2821069,387921,Consumer loans,4691.835,45315.0,45765.0,0.0,45315.0,WEDNESDAY,16,Y,1,0.0,,,XAP,Approved,-823,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Stone,20,Clothing,12.0,middle,POS industry with interest,365243.0,-792.0,-462.0,-672.0,-665.0,0.0,0,Revolving loans,F,N,N,0,171000.0,247500.0,12375.0,247500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.015221,-16780,-1690,-5130.0,-306,,1,1,0,1,0,0,,1.0,2,2,SUNDAY,13,0,0,0,0,0,0,Hotel,,0.5891707507374124,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1241.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2370414,288932,Consumer loans,4487.58,43609.5,44217.0,4365.0,43609.5,SATURDAY,19,Y,1,0.09785274007208053,,,XAP,Approved,-649,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,60,Connectivity,12.0,middle,POS mobile with interest,365243.0,-618.0,-288.0,-528.0,-515.0,0.0,0,Cash loans,F,Y,Y,0,180000.0,728460.0,44694.0,675000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.010147,-13312,-4077,-7154.0,-3628,3.0,1,1,1,1,0,0,,2.0,2,2,THURSDAY,16,0,0,0,0,0,0,Services,0.4730265339092693,0.6696188430128643,0.633031641417419,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,1.0,-649.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1998261,391776,Consumer loans,3554.64,35550.0,31995.0,3555.0,35550.0,THURSDAY,14,Y,1,0.1089090909090909,,,XAP,Approved,-2371,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Stone,111,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2336.0,-2066.0,-2066.0,-2060.0,0.0,0,Cash loans,F,N,N,2,180000.0,733500.0,21577.5,733500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-13205,-1125,-3154.0,-4093,,1,1,0,1,0,0,Sales staff,4.0,2,2,TUESDAY,15,0,0,0,0,0,0,Self-employed,0.4744678086876693,0.6928509152012688,0.5334816299804352,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2627397,159857,Cash loans,29901.285,270000.0,284611.5,,270000.0,TUESDAY,10,Y,1,,,,XNA,Approved,-508,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-478.0,-148.0,-148.0,-146.0,1.0,0,Revolving loans,M,N,Y,0,162000.0,405000.0,20250.0,405000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,Municipal apartment,0.020246,-23602,365243,-5695.0,-4100,,1,0,0,1,0,0,,2.0,3,3,SATURDAY,7,0,0,0,0,0,0,XNA,,0.187555421039598,0.524496446363472,0.2918,0.2482,0.9886,0.8436,0.0418,0.28,0.2414,0.375,0.4167,0.2333,0.2345,0.3059,0.0154,0.0094,0.2973,0.2575,0.9886,0.8497,0.0421,0.282,0.2414,0.375,0.4167,0.2386,0.2562,0.3188,0.0156,0.01,0.2946,0.2482,0.9886,0.8457,0.042,0.28,0.2414,0.375,0.4167,0.2374,0.2386,0.3114,0.0155,0.0096,reg oper account,block of flats,0.2655,Panel,No,2.0,0.0,2.0,0.0,-1301.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1242968,319356,Consumer loans,1866.105,34537.5,41377.5,0.0,34537.5,SATURDAY,19,Y,1,0.0,,,XAP,Approved,-1523,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,1600,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1492.0,-802.0,-1072.0,-1067.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,225000.0,17775.0,225000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.04622,-9659,-1988,-1007.0,-2094,9.0,1,1,1,1,0,1,Laborers,2.0,1,1,WEDNESDAY,19,0,0,0,0,0,0,Self-employed,,0.6654889984250837,0.13342925446731707,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1523.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +1641721,379830,Consumer loans,7898.76,58455.0,56952.0,5845.5,58455.0,THURSDAY,15,Y,1,0.10137793557213112,,,XAP,Approved,-1818,Cash through the bank,XAP,"Spouse, partner",Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,72,Connectivity,10.0,high,POS mobile with interest,365243.0,-1787.0,-1517.0,-1517.0,-1500.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,1288350.0,37669.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.035792000000000004,-11474,-2187,-5241.0,-3067,13.0,1,1,1,1,0,0,,1.0,2,2,TUESDAY,11,0,0,0,1,1,1,Transport: type 4,0.4491531142440453,0.6619113286294069,0.24988506275045536,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1818.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1965791,357026,Cash loans,29646.45,765000.0,918985.5,,765000.0,TUESDAY,10,Y,1,,,,Buying a used car,Refused,-688,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,N,0,90000.0,328500.0,10804.5,328500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.0038130000000000004,-10751,-321,-4476.0,-29,,1,1,0,1,1,0,Core staff,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,Telecom,0.3692114359398223,0.3394685255206921,,0.0186,0.0673,0.9712,0.6056,0.0847,0.0,0.1034,0.0417,0.0417,0.0503,0.0151,0.0268,0.0,0.0096,0.0189,0.0698,0.9712,0.621,0.0855,0.0,0.1034,0.0417,0.0417,0.0515,0.0165,0.0279,0.0,0.0102,0.0187,0.0673,0.9712,0.6109,0.0852,0.0,0.1034,0.0417,0.0417,0.0512,0.0154,0.0273,0.0,0.0098,reg oper spec account,block of flats,0.0231,"Stone, brick",No,1.0,1.0,1.0,1.0,-448.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1945912,265248,Revolving loans,2250.0,45000.0,45000.0,,45000.0,FRIDAY,13,Y,1,,,,XAP,Approved,-207,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-195.0,-166.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,157500.0,284400.0,16456.5,225000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.019101,-23831,365243,-7273.0,-4228,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,17,0,0,0,0,0,0,XNA,0.8095546311980908,0.6513758422754009,0.8245949709919925,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1482.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2380770,435304,Cash loans,51531.3,1746000.0,1953423.0,,1746000.0,TUESDAY,11,Y,1,,,,XNA,Refused,-172,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,202500.0,1262583.0,37044.0,1102500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00702,-19875,-3080,-1502.0,-3384,,1,1,0,1,0,0,Managers,2.0,2,2,SATURDAY,12,0,0,0,0,1,1,Military,0.8063175422353123,0.7717054526613187,0.3979463219016906,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1585.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1383022,320189,Consumer loans,16507.98,97155.0,91530.0,13500.0,97155.0,WEDNESDAY,9,Y,1,0.1399859780322505,,,XAP,Approved,-98,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,199,XNA,6.0,low_normal,POS industry with interest,365243.0,-68.0,82.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,1,135000.0,900000.0,38263.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-12818,-3307,-2443.0,-2640,,1,1,1,1,0,0,Accountants,3.0,2,2,TUESDAY,16,0,0,0,0,0,0,Agriculture,,0.4376447731409904,0.23272477626794336,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-984.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1484437,441702,Consumer loans,8977.995,105705.0,95134.5,10570.5,105705.0,FRIDAY,16,Y,1,0.1089090909090909,,,XAP,Approved,-958,XNA,XAP,Family,New,Photo / Cinema Equipment,POS,XNA,Regional / Local,100,Consumer electronics,18.0,high,POS household with interest,365243.0,-927.0,-417.0,-417.0,-410.0,0.0,1,Cash loans,F,N,N,0,202500.0,440784.0,34956.0,360000.0,Unaccompanied,Commercial associate,Incomplete higher,Civil marriage,With parents,0.035792000000000004,-8196,-223,-2439.0,-860,,1,1,0,1,0,0,,2.0,2,2,THURSDAY,10,0,0,0,1,1,0,Business Entity Type 3,0.1827116668941012,0.6578229893376922,0.0817255924524642,0.0722,0.0561,0.9811,,,0.0,0.1379,0.1667,,0.0361,,0.0569,,,0.0735,0.0583,0.9811,,,0.0,0.1379,0.1667,,0.037000000000000005,,0.0593,,,0.0729,0.0561,0.9811,,,0.0,0.1379,0.1667,,0.0368,,0.058,,,,block of flats,0.0448,"Stone, brick",No,6.0,2.0,6.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +2022442,242061,Consumer loans,9150.525,67495.5,74178.0,0.0,67495.5,SATURDAY,17,Y,1,0.0,,,XAP,Refused,-1488,Cash through the bank,HC,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Country-wide,1400,Consumer electronics,12.0,high,POS household with interest,,,,,,,1,Cash loans,M,Y,Y,0,337500.0,344043.0,27310.5,297000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-15796,-1937,-9938.0,-4808,11.0,1,1,0,1,0,0,Drivers,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.6092862684287851,0.3077366963789207,0.0588,0.0849,0.9811,0.7416,0.0228,0.0,0.1379,0.1667,0.2083,0.0506,0.0471,0.0542,0.0039,0.0566,0.0599,0.0881,0.9811,0.7517,0.023,0.0,0.1379,0.1667,0.2083,0.0518,0.0514,0.0565,0.0039,0.0599,0.0593,0.0849,0.9811,0.7451,0.023,0.0,0.1379,0.1667,0.2083,0.0515,0.0479,0.0552,0.0039,0.0578,reg oper account,block of flats,0.055,"Stone, brick",No,0.0,0.0,0.0,0.0,-1940.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1567555,367449,Consumer loans,6097.995,52200.0,57712.5,0.0,52200.0,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-480,Cash through the bank,XAP,Children,New,Computers,POS,XNA,Stone,30,Consumer electronics,12.0,middle,POS household with interest,365243.0,-449.0,-119.0,-119.0,-115.0,0.0,0,Cash loans,F,N,Y,0,112500.0,404325.0,19579.5,337500.0,Family,State servant,Higher education,Married,House / apartment,0.003069,-15461,-1937,-2252.0,-5020,,1,1,0,1,0,1,Accountants,2.0,3,3,WEDNESDAY,16,0,0,0,0,0,0,Self-employed,0.8184267646490613,0.6610005147301687,0.6347055309763198,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-480.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2207038,275510,Cash loans,29681.775,450000.0,501975.0,,450000.0,FRIDAY,5,Y,1,,,,Other,Approved,-471,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,30.0,middle,Cash Street: middle,365243.0,-441.0,429.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,157500.0,707287.5,26338.5,571500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018029,-16004,365243,-2235.0,-1356,,1,0,0,1,0,0,,2.0,3,3,SUNDAY,6,0,0,0,0,0,0,XNA,,0.1791288937163849,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2781374,315792,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SATURDAY,10,Y,1,,,,XAP,Refused,-364,XNA,HC,,Repeater,XNA,Cards,walk-in,Country-wide,80,Consumer electronics,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,85500.0,540000.0,30150.0,540000.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.030755,-17935,-1004,-2460.0,-1482,,1,1,1,1,1,0,Sales staff,2.0,2,2,SATURDAY,11,0,0,0,0,1,1,Trade: type 7,0.4785602695057991,0.4341282256316827,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1793.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2720199,327337,Consumer loans,5872.815,26676.0,22041.0,5337.0,26676.0,SUNDAY,18,Y,1,0.21230470384316533,,,XAP,Approved,-1073,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,19,Connectivity,4.0,middle,POS mobile without interest,365243.0,-1027.0,-937.0,-967.0,-960.0,0.0,0,Cash loans,M,Y,N,0,202500.0,1129500.0,31059.0,1129500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-17029,-5944,-658.0,-537,14.0,1,1,1,1,1,0,Drivers,2.0,2,2,TUESDAY,11,0,1,1,0,1,1,Business Entity Type 3,0.6165148343945298,0.6371184474370946,0.646329897706246,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,3.0,3.0,2.0,-1648.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2355158,168261,Consumer loans,17663.67,100665.0,100665.0,0.0,100665.0,MONDAY,16,Y,1,0.0,,,XAP,Approved,-360,Cash through the bank,XAP,,New,Construction Materials,POS,XNA,Stone,4,Construction,6.0,low_action,POS industry with interest,365243.0,-329.0,-179.0,-179.0,-172.0,0.0,0,Revolving loans,M,Y,Y,0,225000.0,900000.0,45000.0,900000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.01885,-18532,-7683,-4924.0,-2081,16.0,1,1,1,1,1,0,Managers,2.0,2,2,THURSDAY,16,0,0,0,0,0,0,School,0.7647391156449368,0.7144800715414351,0.8590531292026357,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-360.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2474201,225603,Cash loans,47628.045,1350000.0,1800513.0,,1350000.0,WEDNESDAY,15,Y,1,,,,XNA,Refused,-294,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,M,Y,Y,0,225000.0,713889.0,43803.0,661500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.04622,-20172,-167,-9742.0,-3498,15.0,1,1,0,1,0,0,Laborers,2.0,1,1,WEDNESDAY,13,0,0,0,0,0,0,University,,0.6945793362900613,0.5797274227921155,0.3526,0.2349,0.9831,0.7688,0.0534,0.28,0.2414,0.3333,0.375,0.1969,0.2849,0.2803,0.0116,0.0275,0.3592,0.2438,0.9831,0.7779,0.0539,0.282,0.2414,0.3333,0.375,0.2014,0.3113,0.2921,0.0117,0.0292,0.35600000000000004,0.2349,0.9831,0.7719,0.0537,0.28,0.2414,0.3333,0.375,0.2003,0.2899,0.2854,0.0116,0.0281,reg oper account,block of flats,0.2265,"Stone, brick",No,0.0,0.0,0.0,0.0,-1460.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,5.0 +2639441,319781,Consumer loans,3723.705,36553.5,18553.5,18000.0,36553.5,TUESDAY,18,Y,1,0.5362998444372321,,,XAP,Refused,-2318,XNA,LIMIT,,Repeater,Mobile,POS,XNA,Stone,49,Connectivity,6.0,high,POS mobile with interest,,,,,,,0,Cash loans,M,N,N,0,103500.0,152820.0,10210.5,135000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.007114,-19822,-270,-6641.0,-3359,,1,1,1,1,1,0,Drivers,2.0,2,2,TUESDAY,19,0,0,0,0,1,1,Business Entity Type 3,0.31541339305455296,0.4811172770798081,,0.0515,0.0364,0.9811,0.7416,0.0181,0.04,0.0345,0.3333,0.375,0.0,0.0395,0.0419,0.0116,0.1112,0.0525,0.0377,0.9811,0.7517,0.0182,0.0403,0.0345,0.3333,0.375,0.0,0.0432,0.0436,0.0117,0.1178,0.052000000000000005,0.0364,0.9811,0.7451,0.0182,0.04,0.0345,0.3333,0.375,0.0,0.0402,0.0426,0.0116,0.1136,reg oper account,block of flats,0.0613,"Stone, brick",No,0.0,0.0,0.0,0.0,-2365.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1999816,428016,Consumer loans,4737.78,40455.0,39514.5,4500.0,40455.0,MONDAY,17,Y,1,0.11134760342407823,,,XAP,Approved,-2080,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,26,Connectivity,12.0,high,POS mobile with interest,365243.0,-2045.0,-1715.0,-1715.0,-1710.0,0.0,0,Cash loans,F,Y,Y,1,81000.0,808650.0,26217.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.019688999999999998,-12682,-347,-5373.0,-4383,0.0,1,1,0,1,0,0,Core staff,2.0,2,2,TUESDAY,7,0,0,0,1,1,0,Hotel,0.6107936661819057,0.3939757206328055,0.7016957740576931,0.0619,0.0,0.9871,,,0.0,0.1379,0.1667,,0.047,,0.0529,,0.0,0.063,0.0,0.9871,,,0.0,0.1379,0.1667,,0.0481,,0.0551,,0.0,0.0625,0.0,0.9871,,,0.0,0.1379,0.1667,,0.0478,,0.0539,,0.0,,block of flats,0.0466,Panel,No,1.0,1.0,1.0,1.0,-276.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,0.0,0.0,2.0 +1574826,388735,Cash loans,22994.145,360000.0,393264.0,,360000.0,THURSDAY,4,Y,1,,,,XNA,Approved,-1331,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-1301.0,-611.0,-611.0,-606.0,1.0,0,Cash loans,F,N,N,0,135000.0,254700.0,25321.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.006852,-24565,365243,-16223.0,-3978,,1,0,0,1,0,0,,2.0,3,3,FRIDAY,6,0,0,0,0,0,0,XNA,,0.07149524009480887,0.5100895276257282,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1739.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2013738,273425,Consumer loans,9038.295,47250.0,49743.0,0.0,47250.0,FRIDAY,13,Y,1,0.0,,,XAP,Approved,-802,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Regional / Local,500,Consumer electronics,6.0,middle,POS household with interest,365243.0,-771.0,-621.0,-681.0,-673.0,0.0,0,Cash loans,F,N,N,0,135000.0,517788.0,26433.0,427500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.006670999999999999,-14859,-707,-1173.0,-4037,,1,1,0,1,0,0,,1.0,2,2,SATURDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.6643558302440309,0.6388659166791307,0.4489622731076524,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,0.0,-802.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1028924,167797,Consumer loans,26086.905,242986.5,234805.5,24300.0,242986.5,MONDAY,17,Y,1,0.1021395110906912,,,XAP,Approved,-1605,Cash through the bank,XAP,"Spouse, partner",New,Audio/Video,POS,XNA,Country-wide,2326,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1573.0,-1303.0,-1363.0,-1361.0,0.0,0,Cash loans,M,N,Y,1,360000.0,540000.0,33165.0,540000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-14322,-2067,-8209.0,-4508,,1,1,0,1,0,0,Laborers,3.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,Self-employed,,0.6891389454019657,0.5709165417729987,0.1649,0.0679,0.9846,,,0.2,0.1724,0.3333,,,,0.1623,,0.0606,0.1681,0.0704,0.9846,,,0.2014,0.1724,0.3333,,,,0.1691,,0.0641,0.1665,0.0679,0.9846,,,0.2,0.1724,0.3333,,,,0.1652,,0.0618,,block of flats,0.1408,"Stone, brick",No,9.0,0.0,9.0,0.0,-1605.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1216508,365782,Consumer loans,7206.525,64872.0,71721.0,0.0,64872.0,THURSDAY,10,Y,1,0.0,,,XAP,Approved,-932,Cash through the bank,XAP,Unaccompanied,Refreshed,Photo / Cinema Equipment,POS,XNA,Country-wide,2500,Consumer electronics,12.0,middle,POS household with interest,365243.0,-900.0,-570.0,-570.0,-565.0,0.0,0,Revolving loans,M,Y,Y,0,85500.0,450000.0,22500.0,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.014519999999999996,-18458,-644,-9291.0,-2012,10.0,1,1,0,1,0,0,Drivers,2.0,2,2,FRIDAY,6,0,0,0,0,1,1,Business Entity Type 3,0.43418778280474857,0.3230442686629976,0.3706496323299817,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-932.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1767966,276885,Consumer loans,2446.74,24473.7,22023.0,2450.7,24473.7,SATURDAY,13,Y,1,0.1090572774410526,,,XAP,Approved,-2805,XNA,XAP,Family,New,Consumer Electronics,POS,XNA,Stone,151,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2769.0,-2499.0,-2499.0,-2496.0,0.0,0,Cash loans,M,Y,Y,2,270000.0,405000.0,32125.5,405000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0105,-13170,-950,-3796.0,-4459,5.0,1,1,1,1,1,0,Managers,4.0,3,3,THURSDAY,12,0,0,0,0,1,1,Self-employed,,0.4464466388525508,0.5814837058057234,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-489.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,8.0 +1537005,281868,Consumer loans,8210.88,77811.3,70029.0,7782.3,77811.3,SATURDAY,14,Y,1,0.10892546689000417,,,XAP,Approved,-662,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Regional / Local,15,Consumer electronics,10.0,middle,POS other with interest,365243.0,-631.0,-361.0,-361.0,-353.0,0.0,0,Cash loans,F,N,N,0,90000.0,508495.5,20164.5,454500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.04622,-19952,-1418,-792.0,-3438,,1,1,1,1,1,1,Laborers,2.0,1,1,TUESDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.7730600769085259,0.5454806650456794,0.7380196196295241,0.1073,,0.9821,0.7552,0.0147,0.02,0.1897,0.2083,0.0417,,0.0859,,0.0072,,0.105,,0.9772,0.6994,0.0095,0.0,0.2069,0.1667,0.0417,,0.0918,,0.0,,0.1072,,0.9801,0.7316,0.0137,0.0,0.2069,0.1667,0.0417,,0.0855,,0.0,,reg oper account,block of flats,0.0758,"Stone, brick",No,0.0,0.0,0.0,0.0,-1679.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2242851,320838,Consumer loans,7687.26,85639.5,75744.0,17131.5,85639.5,SUNDAY,15,Y,1,0.200890018455792,,,XAP,Approved,-348,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,middle,POS mobile with interest,365243.0,-315.0,15.0,-225.0,-222.0,0.0,0,Cash loans,F,Y,Y,1,157500.0,269550.0,14242.5,225000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.00496,-17221,-4107,-854.0,-766,14.0,1,1,0,1,0,0,,2.0,2,2,FRIDAY,15,0,0,0,0,1,1,Business Entity Type 3,0.6243956368365711,0.4662460178066042,0.2764406945454034,0.0619,,0.9781,,,,0.1379,0.1667,,,,,,,0.063,,0.9782,,,,0.1379,0.1667,,,,,,,0.0625,,0.9781,,,,0.1379,0.1667,,,,,,,,block of flats,0.0404,,No,1.0,0.0,1.0,0.0,-348.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1516133,306582,Consumer loans,16776.63,157410.0,154197.0,15741.0,157410.0,MONDAY,13,Y,1,0.10088020336828722,,,XAP,Approved,-1723,Cash through the bank,XAP,Other_B,Repeater,Audio/Video,POS,XNA,Country-wide,3467,Consumer electronics,12.0,high,POS household with interest,365243.0,-1692.0,-1362.0,-1362.0,-1353.0,0.0,0,Cash loans,M,Y,N,0,126000.0,450000.0,30204.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-12559,-467,-388.0,-4113,15.0,1,1,0,1,0,0,Drivers,2.0,2,2,TUESDAY,7,0,0,0,0,0,0,Business Entity Type 3,0.6210957808115201,0.5309540783979152,,,,0.9617,,,,,,,,,0.0104,,,,,0.9618,,,,,,,,,0.0108,,,,,0.9617,,,,,,,,,0.0106,,,,,0.0082,,No,0.0,0.0,0.0,0.0,-1870.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2021969,159493,Cash loans,51319.89,1125000.0,1206675.0,,1125000.0,TUESDAY,12,Y,1,,,,XNA,Refused,-958,Cash through the bank,HC,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,30.0,low_action,Cash Street: low,,,,,,,0,Cash loans,F,Y,Y,0,247500.0,632664.0,50116.5,540000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0228,-14667,-1422,-286.0,-5816,4.0,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.45749040407699504,0.3831646820638104,0.1997705696341145,0.332,,0.9841,,,0.36,0.3103,0.3333,,0.194,,0.3593,,0.1661,0.3382,,0.9841,,,0.3625,0.3103,0.3333,,0.1984,,0.3743,,0.1758,0.3352,,0.9841,,,0.36,0.3103,0.3333,,0.1974,,0.3657,,0.1696,,block of flats,0.3243,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2075423,436549,Consumer loans,8111.34,57510.0,62253.0,0.0,57510.0,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-1335,Cash through the bank,XAP,Unaccompanied,New,Furniture,POS,XNA,Stone,158,Furniture,10.0,high,POS industry with interest,365243.0,-1302.0,-1032.0,-1062.0,-1055.0,0.0,0,Cash loans,F,N,Y,0,135000.0,202500.0,21937.5,202500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-9556,-689,-1655.0,-731,,1,1,0,1,0,1,Laborers,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Industry: type 3,,0.5895941259607304,0.4471785780453068,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1193.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2830835,334267,Consumer loans,3859.605,38250.0,31662.0,9000.0,38250.0,WEDNESDAY,8,Y,1,0.2410559781077709,,,XAP,Approved,-1924,Cash through the bank,XAP,Children,Repeater,Computers,POS,XNA,Stone,64,Connectivity,10.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,76500.0,95940.0,9342.0,90000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.025164,-15288,-2468,-4990.0,-4464,,1,1,1,1,0,0,Sales staff,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Self-employed,,0.6563891894245834,0.5656079814115492,0.0165,0.0007,0.9801,0.728,0.0098,0.0,0.069,0.0417,0.0833,0.0219,0.0134,0.0095,0.0,0.0246,0.0168,0.0008,0.9801,0.7387,0.0099,0.0,0.069,0.0417,0.0833,0.0224,0.0147,0.0099,0.0,0.0261,0.0167,0.0007,0.9801,0.7316,0.0099,0.0,0.069,0.0417,0.0833,0.0222,0.0137,0.0097,0.0,0.0251,reg oper account,block of flats,0.0113,Panel,No,1.0,0.0,1.0,0.0,-1317.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1525472,333890,Consumer loans,6419.7,118818.0,142344.0,0.0,118818.0,SATURDAY,10,Y,1,0.0,,,XAP,Approved,-1366,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,400,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1334.0,-644.0,-854.0,-847.0,0.0,0,Cash loans,F,N,Y,1,135000.0,343800.0,16852.5,225000.0,"Spouse, partner",Commercial associate,Higher education,Married,With parents,0.018801,-9868,-976,-4248.0,-2280,,1,1,0,1,0,0,Cooking staff,3.0,2,2,SUNDAY,10,0,0,0,0,1,1,Business Entity Type 3,,0.2874092551949703,0.2067786544915716,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-522.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2494157,143581,Consumer loans,,37755.0,37755.0,0.0,37755.0,FRIDAY,13,Y,1,0.0,,,XAP,Refused,-1818,Cash through the bank,LIMIT,Unaccompanied,Repeater,Mobile,XNA,XNA,Country-wide,35,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,F,Y,Y,3,337500.0,526491.0,41728.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.02461,-12698,-1098,-18.0,-991,8.0,1,1,0,1,0,0,Laborers,5.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.5956296608266,0.6547894336718088,0.5226973172821112,0.0082,0.0,0.9722,0.6192,,,0.0345,0.0417,0.0417,0.0181,0.0067,0.0079,0.0,0.0,0.0084,0.0,0.9722,0.6341,,,0.0345,0.0417,0.0417,0.0185,0.0073,0.0082,0.0,0.0,0.0083,0.0,0.9722,0.6243,,,0.0345,0.0417,0.0417,0.0184,0.0068,0.0081,0.0,0.0,reg oper account,block of flats,0.0113,"Stone, brick",No,0.0,0.0,0.0,0.0,-82.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1960471,193811,Revolving loans,5625.0,112500.0,112500.0,,112500.0,MONDAY,11,Y,1,,,,XAP,Refused,-10,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Regional / Local,150,Clothing,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,189000.0,666000.0,37318.5,666000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.026392000000000002,-20370,-2616,-3905.0,-3579,,1,1,0,1,1,0,Low-skill Laborers,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Industry: type 3,0.6310696348879204,0.6439758710733596,0.6863823354047934,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2628.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +2181037,262356,Consumer loans,9329.265,55980.0,52618.5,3361.5,55980.0,SUNDAY,13,Y,1,0.06539798304589299,,,XAP,Approved,-2806,Cash through the bank,XAP,,New,Other,POS,XNA,Stone,149,Industry,6.0,low_normal,POS industry without interest,365243.0,-2743.0,-2593.0,-2623.0,-2589.0,0.0,0,Cash loans,M,Y,N,1,270000.0,254700.0,27558.0,225000.0,Unaccompanied,State servant,Incomplete higher,Married,Municipal apartment,0.010006000000000001,-11497,-3511,-1079.0,-864,7.0,1,1,0,1,1,0,Accountants,3.0,2,2,SATURDAY,10,0,0,0,0,0,0,Government,0.6198947352553466,0.5932823813565233,0.6144143775673561,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2237.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1361944,223883,Consumer loans,12504.24,94455.0,85005.0,9450.0,94455.0,MONDAY,16,Y,1,0.10896097708865693,,,XAP,Approved,-1101,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,15,Connectivity,8.0,middle,POS mobile with interest,,,,,,,0,Cash loans,M,Y,N,0,157500.0,473760.0,50269.5,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.04622,-10454,-1494,-2106.0,-2981,64.0,1,1,1,1,0,0,Laborers,2.0,1,1,WEDNESDAY,12,0,1,1,0,1,1,Business Entity Type 3,0.4197418846218543,0.5298865335603419,0.41184855592423975,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1967.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1277795,443043,Consumer loans,2851.11,43155.0,14170.5,29655.0,43155.0,SUNDAY,14,Y,1,0.736945178243053,,,XAP,Approved,-1710,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,10,Connectivity,6.0,high,POS mobile with interest,365243.0,-1677.0,-1527.0,-1557.0,-1549.0,0.0,0,Cash loans,M,Y,Y,2,132750.0,1270746.0,38529.0,1138500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-15282,-5838,-1768.0,-4406,16.0,1,1,1,1,1,0,Drivers,4.0,2,2,TUESDAY,15,0,0,0,0,0,0,Industry: type 9,,0.6607358610778598,0.4048783643353997,0.0124,,0.9702,,,,0.069,0.0417,,,,0.0126,,,0.0126,,0.9702,,,,0.069,0.0417,,,,0.0132,,,0.0125,,0.9702,,,,0.069,0.0417,,,,0.0129,,,,block of flats,0.0099,"Stone, brick",No,2.0,0.0,2.0,0.0,-5.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1054877,152032,Consumer loans,2814.525,19710.0,21663.0,0.0,19710.0,TUESDAY,10,Y,1,0.0,,,XAP,Approved,-1393,Cash through the bank,XAP,Unaccompanied,Refreshed,Mobile,POS,XNA,Country-wide,-1,Connectivity,12.0,high,POS mobile with interest,365243.0,-1362.0,-1032.0,-1062.0,-1059.0,0.0,0,Cash loans,F,Y,Y,2,157500.0,251280.0,11196.0,180000.0,Family,Working,Higher education,Married,House / apartment,0.010147,-12456,-3257,-2198.0,-2590,2.0,1,1,1,1,1,0,Accountants,4.0,2,2,TUESDAY,9,0,0,0,0,0,0,Business Entity Type 2,0.7961152137827001,0.6799929412519109,0.4382813743111921,0.0289,0.0,0.9747,0.6532,0.014,0.0,0.069,0.125,0.1667,0.0221,0.0235,0.0231,0.0,0.0,0.0294,0.0,0.9747,0.6668,0.0141,0.0,0.069,0.125,0.1667,0.0226,0.0257,0.0241,0.0,0.0,0.0291,0.0,0.9747,0.6578,0.0141,0.0,0.069,0.125,0.1667,0.0225,0.0239,0.0236,0.0,0.0,reg oper account,block of flats,0.0258,"Stone, brick",No,0.0,0.0,0.0,0.0,-3.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1842622,206259,Cash loans,14764.5,225000.0,225000.0,0.0,225000.0,MONDAY,11,Y,1,0.0,,,XNA,Refused,-2343,XNA,LIMIT,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,24.0,middle,Cash Street: middle,,,,,,,1,Revolving loans,F,N,Y,0,76500.0,180000.0,9000.0,180000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Rented apartment,0.014519999999999996,-14149,-179,-3558.0,-1090,,1,1,0,1,0,0,Sales staff,2.0,2,2,SATURDAY,13,0,0,0,1,1,0,Business Entity Type 3,,0.580617716353303,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1845594,260058,Cash loans,5424.93,45000.0,47970.0,0.0,45000.0,TUESDAY,11,Y,1,0.0,,,XNA,Approved,-2138,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,high,Cash Street: high,365243.0,-2108.0,-1778.0,-1778.0,-1776.0,1.0,0,Revolving loans,M,Y,Y,2,157500.0,225000.0,11250.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-15863,-3530,-359.0,-4336,18.0,1,1,0,1,0,0,Laborers,4.0,3,3,FRIDAY,14,0,0,0,0,0,0,Self-employed,0.4831125189120218,0.4935895662748313,0.5460231970049609,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1913.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1830243,433902,Consumer loans,4740.435,38551.95,43204.5,3856.95,38551.95,FRIDAY,19,Y,1,0.08925711345099185,,,XAP,Approved,-1712,Cash through the bank,XAP,"Spouse, partner",Repeater,Computers,POS,XNA,Country-wide,6000,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1681.0,-1351.0,-1351.0,-1346.0,0.0,0,Revolving loans,M,Y,N,0,135000.0,270000.0,13500.0,270000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.010966,-10885,-1045,-2142.0,-3282,8.0,1,1,0,1,1,0,Laborers,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Self-employed,0.4590704373336555,0.4472465954707711,0.4048783643353997,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1208.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2400558,302857,Cash loans,8291.745,112500.0,127350.0,,112500.0,THURSDAY,12,Y,1,,,,Medicine,Refused,-250,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),2,XNA,24.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,90000.0,269550.0,10818.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.018209,-20954,365243,-3367.0,-4053,,1,0,0,1,0,0,,1.0,3,3,TUESDAY,12,0,0,0,0,0,0,XNA,,0.5592296372120715,0.31547215492577346,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,0.0,-678.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1791839,117998,Cash loans,40783.995,1350000.0,1546020.0,,1350000.0,WEDNESDAY,17,Y,1,,,,Buying a home,Refused,-169,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,60.0,low_action,Cash Street: low,,,,,,,0,Cash loans,M,N,N,0,135927.0,568800.0,15772.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-19271,-1144,-6845.0,-2654,,1,1,1,1,0,0,,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,School,,0.5937835622492493,,0.2464,0.1364,0.9901,0.8640000000000001,0.0483,0.24,0.2069,0.375,0.4167,0.069,0.2009,0.2882,0.0,0.0,0.2511,0.1415,0.9901,0.8693,0.0487,0.2417,0.2069,0.375,0.4167,0.0705,0.2195,0.3002,0.0,0.0,0.2488,0.1364,0.9901,0.8658,0.0486,0.24,0.2069,0.375,0.4167,0.0702,0.2044,0.2934,0.0,0.0,reg oper account,block of flats,0.2267,Panel,No,0.0,0.0,0.0,0.0,-1057.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1231677,281479,Consumer loans,20236.455,228163.5,172152.0,67500.0,228163.5,TUESDAY,20,Y,1,0.3067516080134376,,,XAP,Approved,-528,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,3135,Consumer electronics,10.0,middle,POS household with interest,365243.0,-497.0,-227.0,-227.0,-215.0,0.0,0,Cash loans,F,N,Y,0,157500.0,450000.0,22977.0,450000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.032561,-8442,-228,-8211.0,-1101,,1,1,1,1,0,0,Accountants,1.0,1,1,FRIDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.4538026557278643,0.6133701928455019,0.25396280933631177,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-12.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1736310,199942,Consumer loans,5904.945,33705.0,35361.0,3370.5,33705.0,WEDNESDAY,13,Y,1,0.09477507736831542,,,XAP,Refused,-1088,Cash through the bank,HC,Family,Repeater,Mobile,POS,XNA,Country-wide,32,Connectivity,8.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,Y,N,0,90000.0,113760.0,6660.0,90000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-19381,-2703,-5485.0,-168,0.0,1,1,0,1,1,0,High skill tech staff,2.0,2,2,THURSDAY,9,0,0,0,0,1,1,Business Entity Type 3,0.7124018102690705,0.6692220266664742,0.475849908720221,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1418.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2188322,432255,Consumer loans,10255.095,85275.0,83056.5,8550.0,85275.0,FRIDAY,13,Y,1,0.1016491981761913,,,XAP,Approved,-1875,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Stone,20,Furniture,10.0,middle,POS industry with interest,365243.0,-1841.0,-1571.0,-1571.0,-1565.0,0.0,0,Cash loans,F,N,Y,0,225000.0,810000.0,23683.5,810000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.026392000000000002,-20978,365243,-2150.0,-4363,,1,0,0,1,1,0,,1.0,2,2,THURSDAY,14,0,0,0,0,0,0,XNA,,0.7276292284678266,0.4776491548517548,0.0742,,0.9881,,,0.0,0.1034,0.2083,,,,0.0709,,0.0,0.0756,,0.9881,,,0.0,0.1034,0.2083,,,,0.0739,,0.0,0.0749,,0.9881,,,0.0,0.1034,0.2083,,,,0.0722,,0.0,,block of flats,0.0558,"Stone, brick",No,0.0,0.0,0.0,0.0,-1345.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2134871,442057,Consumer loans,15718.23,122607.0,122607.0,0.0,122607.0,SATURDAY,10,Y,1,0.0,,,XAP,Approved,-1687,Cash through the bank,XAP,Children,New,Computers,POS,XNA,Regional / Local,1175,Consumer electronics,10.0,high,POS household with interest,365243.0,-1656.0,-1386.0,-1386.0,-1378.0,0.0,0,Cash loans,F,N,Y,0,157500.0,580500.0,30766.5,580500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018209,-23676,365243,-7043.0,-4363,,1,0,0,1,0,0,,2.0,3,3,SATURDAY,7,0,0,0,0,0,0,XNA,0.7961066048941668,0.7466353561234353,0.7700870700124128,0.1361,0.1804,0.9881,0.8368,0.0797,0.16,0.1379,0.375,0.0417,0.0994,0.1076,0.1382,0.0154,0.1329,0.1387,0.1872,0.9881,0.8432,0.0804,0.1611,0.1379,0.375,0.0417,0.1017,0.1175,0.14400000000000002,0.0156,0.1407,0.1374,0.1804,0.9881,0.8390000000000001,0.0802,0.16,0.1379,0.375,0.0417,0.1012,0.1095,0.1407,0.0155,0.1357,reg oper account,block of flats,0.1812,Panel,No,3.0,0.0,3.0,0.0,-1687.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2208629,208484,Consumer loans,1562.85,15475.5,15399.0,1548.0,15475.5,THURSDAY,13,Y,1,0.09948148505769316,,,XAP,Approved,-481,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,78,Connectivity,12.0,middle,POS mobile with interest,365243.0,-450.0,-120.0,-360.0,-351.0,0.0,0,Cash loans,M,Y,Y,0,382500.0,720000.0,48442.5,720000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.028663,-16254,-8395,-3522.0,-3448,1.0,1,1,0,1,0,0,High skill tech staff,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Housing,,0.5856357732863157,0.4866531565147181,0.0773,0.0738,0.9786,0.7008,0.0051,0.0,0.1103,0.1667,0.2083,0.0514,0.065,0.0646,0.0039,0.0545,0.0735,0.0726,0.9782,0.6929,0.0,0.0,0.1379,0.1667,0.2083,0.0144,0.0643,0.0599,0.0,0.0,0.0729,0.07,0.9781,0.6981,0.0052,0.0,0.1379,0.1667,0.2083,0.0651,0.0599,0.0675,0.0,0.0491,reg oper account,block of flats,0.0523,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1489330,265593,Consumer loans,2606.085,54621.0,20155.5,36000.0,54621.0,FRIDAY,15,Y,1,0.6981911429383184,,,XAP,Approved,-2040,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,35,Connectivity,10.0,high,POS mobile with interest,365243.0,-2004.0,-1734.0,-1884.0,-1877.0,0.0,0,Cash loans,F,Y,Y,0,112500.0,1183963.5,34749.0,927000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-15767,-8443,-5683.0,-4365,9.0,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,17,0,0,0,0,0,0,Transport: type 4,0.5501284558602252,0.5775208927046787,0.6144143775673561,0.6381,,0.9925,,,0.0,0.6207,0.375,,,,,,,0.6502,,0.9926,,,0.0,0.6207,0.375,,,,,,,0.6443,,0.9925,,,0.0,0.6207,0.375,,,,,,,,block of flats,0.5075,Panel,No,0.0,0.0,0.0,0.0,-787.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1946289,323534,Consumer loans,2510.1,55656.0,55656.0,0.0,55656.0,SUNDAY,10,Y,1,0.0,,,XAP,Approved,-1611,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Regional / Local,130,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1580.0,-890.0,-1070.0,-1065.0,0.0,0,Cash loans,F,N,Y,0,202500.0,1272888.0,37345.5,1111500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-17354,-3166,-9803.0,-766,,1,1,0,1,0,0,Sales staff,2.0,3,3,MONDAY,12,0,0,0,0,0,0,Self-employed,,0.5020792918735825,0.4382813743111921,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1611.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +2333560,386221,Consumer loans,5967.945,30825.0,32553.0,3082.5,30825.0,TUESDAY,11,Y,1,0.0942072575738442,,,XAP,Approved,-501,Cash through the bank,XAP,,New,Sport and Leisure,POS,XNA,Stone,139,Consumer electronics,6.0,middle,POS household with interest,365243.0,-469.0,-319.0,-319.0,-314.0,0.0,0,Cash loans,F,N,Y,0,45000.0,137538.0,14940.0,121500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.018634,-14604,-940,-2895.0,-1832,,1,1,1,1,0,0,,2.0,2,2,SATURDAY,16,0,0,0,0,0,0,Self-employed,0.4378743707744178,0.6177274481271203,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,0.0,8.0,0.0,-501.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2773639,265886,Consumer loans,3787.155,34290.0,30690.0,3600.0,34290.0,MONDAY,16,Y,1,0.11434025292293007,,,XAP,Approved,-1516,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Stone,596,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1484.0,-1214.0,-1214.0,-922.0,0.0,1,Cash loans,F,N,N,0,157500.0,755190.0,36328.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.011656999999999999,-18329,-1963,-1288.0,-1767,,1,1,1,1,1,0,Waiters/barmen staff,2.0,1,1,THURSDAY,17,0,0,0,0,0,0,Military,,0.4882338299638314,0.7281412993111438,0.0,0.0445,0.9831,,,0.0,0.0345,0.0,,0.0,,0.0,,0.0,0.0,0.0461,0.9831,,,0.0,0.0345,0.0,,0.0,,0.0,,0.0,0.0,0.0445,0.9831,,,0.0,0.0345,0.0,,0.0,,0.0,,0.0,,block of flats,0.0,Wooden,No,1.0,0.0,1.0,0.0,-210.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2537867,128642,Cash loans,5763.825,45000.0,54319.5,,45000.0,MONDAY,16,Y,1,,,,Repairs,Approved,-152,Cash through the bank,XAP,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,middle,Cash Street: middle,365243.0,-122.0,208.0,-62.0,-55.0,1.0,0,Cash loans,F,N,N,0,135000.0,536917.5,17874.0,463500.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.009549,-15888,-3108,-8174.0,-3812,,1,1,0,1,0,0,Sales staff,2.0,2,2,SATURDAY,16,0,0,0,0,0,0,Trade: type 7,,0.5359719363086052,0.6925590674998008,0.0155,,0.9518,,,0.0,0.069,0.0833,,0.0191,,0.0137,,,0.0158,,0.9518,,,0.0,0.069,0.0833,,0.0196,,0.0143,,,0.0156,,0.9518,,,0.0,0.069,0.0833,,0.0195,,0.014,,,,block of flats,0.0108,"Stone, brick",No,3.0,0.0,3.0,0.0,-849.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2758946,386763,Cash loans,26063.415,450000.0,533160.0,,450000.0,MONDAY,14,Y,1,,,,Repairs,Approved,-450,Cash through the bank,XAP,,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,middle,Cash Street: middle,365243.0,-420.0,990.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,247500.0,840996.0,27261.0,702000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.04622,-20793,365243,-3875.0,-4356,,1,0,0,1,0,0,,1.0,1,1,WEDNESDAY,10,0,0,0,0,0,0,XNA,,0.7502091847079024,0.501075160239048,0.0825,0.0378,0.9945,0.9252,0.0137,0.08,0.069,0.375,0.4167,0.0341,0.0656,0.0908,0.0077,0.0098,0.084,0.0392,0.9945,0.9281,0.0138,0.0806,0.069,0.375,0.4167,0.0349,0.0716,0.0947,0.0078,0.0104,0.0833,0.0378,0.9945,0.9262,0.0138,0.08,0.069,0.375,0.4167,0.0347,0.0667,0.0925,0.0078,0.01,reg oper account,block of flats,0.0811,Panel,No,0.0,0.0,0.0,0.0,-450.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2162877,180075,Consumer loans,6196.095,70636.5,59818.5,17010.0,70636.5,THURSDAY,11,Y,1,0.24112713854411266,,,XAP,Approved,-1882,Cash through the bank,XAP,Other_B,Refreshed,Photo / Cinema Equipment,POS,XNA,Country-wide,1200,Consumer electronics,14.0,high,POS household with interest,365243.0,-1851.0,-1461.0,-1461.0,-1452.0,0.0,0,Cash loans,M,Y,N,2,180000.0,396850.5,18630.0,279000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.02461,-11419,-1672,-581.0,-3770,10.0,1,1,0,1,0,0,Security staff,4.0,2,2,WEDNESDAY,15,0,0,0,0,1,1,Trade: type 3,,0.5640427324248648,0.5424451438613613,0.0773,0.07,0.9866,,,0.0,0.1724,0.1667,,0.0189,,0.0694,,0.0,0.0788,0.0726,0.9866,,,0.0,0.1724,0.1667,,0.0194,,0.0723,,0.0,0.0781,0.07,0.9866,,,0.0,0.1724,0.1667,,0.0193,,0.0706,,0.0,,block of flats,0.0546,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,2.0 +1366851,353137,Cash loans,11365.38,148500.0,168102.0,,148500.0,SATURDAY,12,Y,1,,,,XNA,Approved,-2673,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,high,Cash Street: high,365243.0,-2643.0,-1953.0,-2223.0,-2217.0,1.0,0,Cash loans,F,N,Y,0,112500.0,970380.0,28503.0,810000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-20924,-7869,-10608.0,-4479,,1,1,1,1,1,0,Medicine staff,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,Business Entity Type 2,,0.4271527830935049,0.6347055309763198,0.1591,0.1621,0.9841,0.7824,0.0164,0.0,0.2872,0.1667,0.2083,0.0,0.1297,0.1243,0.0,0.0,0.1261,0.0896,0.9841,0.7909,0.0104,0.0,0.069,0.1667,0.2083,0.0,0.1102,0.0677,0.0,0.0,0.1551,0.1818,0.9841,0.7853,0.0104,0.0,0.3448,0.1667,0.2083,0.0,0.1274,0.1413,0.0,0.0,reg oper account,block of flats,0.0511,Panel,No,0.0,0.0,0.0,0.0,-2673.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1705457,371476,Consumer loans,7692.84,33156.0,37413.0,0.0,33156.0,THURSDAY,17,Y,1,0.0,,,XAP,Approved,-550,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,6.0,high,POS mobile with interest,365243.0,-519.0,-369.0,-369.0,-365.0,0.0,0,Cash loans,F,N,Y,2,72000.0,640080.0,31261.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-10731,-567,-114.0,-1812,,1,1,0,1,0,0,Laborers,4.0,2,2,MONDAY,16,0,0,0,0,1,1,Business Entity Type 1,,0.659548588250256,0.4365064990977374,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1985.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2726845,120875,Consumer loans,13594.95,113535.0,112297.5,11353.5,113535.0,SATURDAY,9,Y,1,0.09999913980771392,,,XAP,Approved,-1669,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Stone,37,Consumer electronics,12.0,high,POS household with interest,365243.0,-1638.0,-1308.0,-1308.0,-1304.0,0.0,0,Cash loans,F,N,N,2,90000.0,167076.0,13522.5,135000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.018634,-14968,-5430,-5396.0,-4375,,1,1,0,1,0,1,Sales staff,4.0,2,2,TUESDAY,9,0,0,0,0,0,0,Self-employed,0.5417516176332227,0.3867371027733937,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1336519,217476,Cash loans,38249.955,337500.0,356211.0,0.0,337500.0,WEDNESDAY,14,Y,1,0.0,,,XNA,Approved,-2477,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,middle,Cash Street: middle,365243.0,-2447.0,-2117.0,-2267.0,-2263.0,1.0,0,Cash loans,F,N,Y,3,90000.0,1223010.0,48631.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-11562,-4530,-6062.0,-3015,,1,1,0,1,0,0,High skill tech staff,5.0,2,2,TUESDAY,8,0,0,0,0,0,0,Self-employed,0.4947015207495822,0.6699332211216521,0.6006575372857061,0.0588,0.0578,0.9757,,,0.0,0.1034,0.1667,,0.0489,,0.0474,,0.0089,0.0599,0.06,0.9757,,,0.0,0.1034,0.1667,,0.05,,0.0494,,0.0094,0.0593,0.0578,0.9757,,,0.0,0.1034,0.1667,,0.0498,,0.0483,,0.0091,,block of flats,0.0392,"Stone, brick",No,4.0,2.0,4.0,1.0,-765.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1496349,368921,Cash loans,19209.78,270000.0,341739.0,,270000.0,MONDAY,18,Y,1,,,,Other,Approved,-1501,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,0,XNA,24.0,middle,Cash Street: middle,365243.0,-1469.0,-779.0,-809.0,-803.0,0.0,0,Cash loans,F,N,Y,0,135000.0,582471.0,21051.0,409500.0,Unaccompanied,Working,Incomplete higher,Civil marriage,House / apartment,0.022625,-18781,-1732,-3254.0,-2325,,1,1,0,1,0,0,,2.0,2,2,FRIDAY,18,0,0,0,0,0,0,Business Entity Type 3,,0.5531139004949442,0.5971924268337128,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-779.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1993630,214123,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SATURDAY,13,Y,1,,,,XAP,Approved,-368,XNA,XAP,"Spouse, partner",Refreshed,XNA,Cards,walk-in,Country-wide,1600,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,1,382500.0,675000.0,34465.5,675000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.001417,-11070,-3006,-5024.0,-2984,,1,1,1,1,0,0,Managers,3.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Self-employed,0.391567808009008,0.364453778348907,0.2471909382666521,0.1722,,0.9831,,,,0.4828,0.2083,,,,0.1088,,,0.1754,,0.9831,,,,0.4828,0.2083,,,,0.1133,,,0.1738,,0.9831,,,,0.4828,0.2083,,,,0.1107,,,,block of flats,0.1369,"Stone, brick",No,1.0,0.0,1.0,0.0,-2542.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1742870,231182,Revolving loans,16875.0,337500.0,337500.0,,337500.0,WEDNESDAY,13,Y,1,,,,XAP,Refused,-639,XNA,LIMIT,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,121500.0,1407469.5,42804.0,1152000.0,Unaccompanied,Pensioner,Incomplete higher,Single / not married,House / apartment,0.035792000000000004,-20932,365243,-605.0,-4424,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,9,0,0,0,0,0,0,XNA,,0.724288156608553,0.8095082892315094,0.0402,0.0615,1.0,1.0,0.0323,0.08,0.0345,0.4583,0.5,0.0139,0.0143,0.0693,0.0849,0.0197,0.041,0.0638,1.0,1.0,0.0326,0.0806,0.0345,0.4583,0.5,0.0142,0.0156,0.0722,0.0856,0.0209,0.0406,0.0615,1.0,1.0,0.0325,0.08,0.0345,0.4583,0.5,0.0141,0.0145,0.0706,0.0854,0.0201,reg oper account,block of flats,0.0784,Others,No,2.0,0.0,2.0,0.0,-717.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,2.0 +2584621,428155,Consumer loans,7925.31,40455.0,42858.0,0.0,40455.0,TUESDAY,13,Y,1,0.0,,,XAP,Approved,-366,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Regional / Local,200,Consumer electronics,6.0,middle,POS household with interest,365243.0,-336.0,-186.0,-186.0,-179.0,1.0,0,Cash loans,M,N,Y,0,112500.0,260640.0,28197.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.019688999999999998,-8792,-531,-2186.0,-1226,,1,1,0,1,1,0,Drivers,1.0,2,2,THURSDAY,11,0,0,0,0,1,1,Self-employed,,0.6242483166177825,0.3859146722745145,0.0124,,0.9955,0.9388,0.0016,0.0,0.069,0.0417,0.0833,0.0,0.0101,0.0156,0.0,0.0,0.0126,,0.9955,0.9412,0.0017,0.0,0.069,0.0417,0.0833,0.0,0.011,0.0162,0.0,0.0,0.0125,,0.9955,0.9396,0.0017,0.0,0.069,0.0417,0.0833,0.0,0.0103,0.0158,0.0,0.0,reg oper account,block of flats,0.0122,,No,0.0,0.0,0.0,0.0,-366.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2083655,446770,Consumer loans,5274.72,53865.0,53280.0,5386.5,53865.0,MONDAY,6,Y,1,0.09999553717740416,,,XAP,Approved,-2297,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Regional / Local,72,Consumer electronics,12.0,middle,POS household with interest,365243.0,-2266.0,-1936.0,-1996.0,-1990.0,1.0,0,Cash loans,F,Y,Y,0,112500.0,187704.0,8878.5,148500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.006305,-17837,-5284,-3183.0,-1366,22.0,1,1,0,1,0,0,,2.0,3,3,TUESDAY,7,0,0,0,0,0,0,Self-employed,,0.510693500452526,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2655409,137277,Revolving loans,7875.0,157500.0,157500.0,,157500.0,SUNDAY,11,Y,1,,,,XAP,Refused,-169,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Stone,250,Consumer electronics,0.0,XNA,Card X-Sell,,,,,,,0,Revolving loans,F,N,N,0,130500.0,270000.0,13500.0,270000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.002042,-11699,-3371,-3735.0,-3798,,1,1,0,1,0,0,,2.0,3,3,MONDAY,14,0,0,0,0,0,0,University,,0.4075499496750167,0.32173528219668485,0.0825,0.0768,0.9771,0.6872,0.0096,0.0,0.1379,0.1667,0.2083,0.0859,0.0672,0.0757,0.0,0.0,0.084,0.0797,0.9772,0.6994,0.0096,0.0,0.1379,0.1667,0.2083,0.0879,0.0735,0.0789,0.0,0.0,0.0833,0.0768,0.9771,0.6914,0.0096,0.0,0.1379,0.1667,0.2083,0.0874,0.0684,0.0771,0.0,0.0,,block of flats,0.0648,Panel,No,4.0,0.0,4.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1670445,108399,Cash loans,18090.09,90000.0,92970.0,0.0,90000.0,MONDAY,8,Y,1,0.0,,,XNA,Approved,-2017,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,365243.0,-1987.0,-1837.0,-1837.0,-1829.0,1.0,0,Cash loans,F,N,Y,0,81000.0,225000.0,11893.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-23677,365243,-12951.0,-4295,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,XNA,,0.7038048752258632,,0.2289,0.2026,0.9826,0.762,0.036000000000000004,0.0,0.4828,0.1667,0.2083,0.2061,0.1841,0.2053,0.0116,0.0259,0.2332,0.2103,0.9826,0.7713,0.0364,0.0,0.4828,0.1667,0.2083,0.2108,0.2011,0.2139,0.0117,0.0275,0.2311,0.2026,0.9826,0.7652,0.0363,0.0,0.4828,0.1667,0.2083,0.2097,0.1873,0.209,0.0116,0.0265,reg oper account,block of flats,0.1868,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1118284,367790,Cash loans,28502.82,225000.0,271300.5,0.0,225000.0,TUESDAY,10,Y,1,0.0,,,Journey,Refused,-1960,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,216000.0,1183500.0,38178.0,1183500.0,Unaccompanied,Pensioner,Higher education,Widow,House / apartment,0.028663,-22567,365243,-7804.0,-4684,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,16,0,0,0,0,0,0,XNA,,0.6370881123738095,,0.1495,0.1225,0.9891,0.8504,0.0326,0.16,0.1379,0.3333,0.375,0.1027,0.121,0.1662,0.0039,0.0006,0.1523,0.1272,0.9891,0.8563,0.0329,0.1611,0.1379,0.3333,0.375,0.1051,0.1322,0.1732,0.0039,0.0006,0.1509,0.1225,0.9891,0.8524,0.0328,0.16,0.1379,0.3333,0.375,0.1045,0.1231,0.1692,0.0039,0.0006,reg oper account,block of flats,0.1487,Panel,No,0.0,0.0,0.0,0.0,-655.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2664672,399342,Consumer loans,,93060.0,93060.0,,93060.0,FRIDAY,15,Y,1,,,,XAP,Refused,-467,Cash through the bank,LIMIT,,Repeater,Clothing and Accessories,XNA,XNA,Regional / Local,100,Clothing,,XNA,POS industry with interest,,,,,,,0,Revolving loans,F,N,Y,0,112500.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Incomplete higher,Single / not married,House / apartment,0.028663,-8356,-892,-3176.0,-1027,,1,1,0,1,0,0,Sales staff,1.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,Self-employed,,0.4531950884082273,0.41885428862332175,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-542.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1150492,437995,Consumer loans,5357.835,63324.0,73354.5,0.0,63324.0,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-258,Cash through the bank,XAP,Unaccompanied,Refreshed,Audio/Video,POS,XNA,Stone,50,Consumer electronics,18.0,middle,POS household with interest,365243.0,-228.0,282.0,-228.0,-222.0,1.0,0,Cash loans,M,N,N,1,180000.0,1293502.5,37944.0,1129500.0,Unaccompanied,Working,Secondary / secondary special,Married,Rented apartment,0.019688999999999998,-12409,-2606,-3228.0,-4362,,1,1,0,1,0,0,Laborers,3.0,2,2,FRIDAY,11,0,0,0,1,1,0,Electricity,,0.4074179565217023,0.6263042766749393,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-258.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1147343,450205,Consumer loans,12874.95,117047.205,117045.0,2.205,117047.205,TUESDAY,14,Y,1,2.0516897046328045e-05,,,XAP,Approved,-629,XNA,XAP,,New,Construction Materials,POS,XNA,Stone,16,Construction,10.0,low_normal,POS industry with interest,365243.0,-585.0,-315.0,-315.0,-309.0,0.0,0,Cash loans,F,N,Y,1,180000.0,640080.0,20227.5,450000.0,,Working,Secondary / secondary special,Single / not married,House / apartment,0.005002,-11001,-246,-1774.0,-3562,,1,1,0,1,0,0,Sales staff,2.0,3,3,MONDAY,14,0,0,0,0,0,0,Self-employed,0.4383770351513223,0.7051569832832935,0.2079641743053816,0.0787,0.0731,0.9881,0.8368,0.0152,0.04,0.1262,0.2221,0.2917,0.0638,0.0689,0.07,0.0097,0.0136,0.063,0.0666,0.9881,0.8432,0.0095,0.0,0.1379,0.1667,0.2083,0.0421,0.0533,0.0374,0.0078,0.002,0.0635,0.0751,0.9881,0.8390000000000001,0.0153,0.0,0.1379,0.1667,0.2917,0.0527,0.0701,0.0598,0.0097,0.0127,org spec account,block of flats,0.0483,Panel,No,0.0,0.0,0.0,0.0,-629.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1386075,222235,Consumer loans,12202.695,130734.0,130734.0,0.0,130734.0,SUNDAY,10,Y,1,0.0,,,XAP,Approved,-313,XNA,XAP,,Repeater,Consumer Electronics,POS,XNA,Regional / Local,100,Clothing,12.0,low_normal,POS industry with interest,365243.0,-281.0,49.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,2,180000.0,269550.0,20988.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-15056,-1295,-3079.0,-927,,1,1,0,1,0,0,Laborers,4.0,3,3,FRIDAY,9,0,0,0,0,0,0,Self-employed,0.4473560522156421,0.4055556476548643,0.6430255641096323,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,2.0,7.0,0.0,-456.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2157357,299272,Consumer loans,11363.22,134955.0,134955.0,0.0,134955.0,FRIDAY,14,Y,1,0.0,,,XAP,Refused,-2244,Cash through the bank,LIMIT,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Country-wide,1800,Consumer electronics,18.0,high,POS household with interest,,,,,,,0,Cash loans,M,Y,Y,0,202500.0,1125000.0,33025.5,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-10802,-982,-4760.0,-2372,9.0,1,1,0,1,0,0,Drivers,2.0,2,2,TUESDAY,16,0,0,0,1,1,0,Trade: type 7,0.2255311144086436,0.7202613996620082,0.13426542355494275,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1608.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2708378,167567,Consumer loans,8290.17,76590.0,74619.0,7659.0,76590.0,SATURDAY,12,Y,1,0.1013800441518665,,,XAP,Refused,-1373,Cash through the bank,LIMIT,Family,Refreshed,Auto Accessories,POS,XNA,Stone,29,Industry,10.0,low_normal,POS other with interest,,,,,,,0,Revolving loans,F,N,Y,2,135000.0,405000.0,20250.0,405000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.0228,-12593,-3651,-1202.0,-4426,,1,1,0,1,0,0,Core staff,4.0,2,2,SUNDAY,12,0,0,0,0,0,0,School,,0.6308925062674813,0.6769925032909132,0.0124,0.0,0.9727,0.626,0.0016,0.0,0.069,0.0417,0.0833,0.0147,0.0101,0.012,0.0,0.0,0.0126,0.0,0.9727,0.6406,0.0017,0.0,0.069,0.0417,0.0833,0.0151,0.011,0.0125,0.0,0.0,0.0125,0.0,0.9727,0.631,0.0017,0.0,0.069,0.0417,0.0833,0.015,0.0103,0.0122,0.0,0.0,reg oper account,block of flats,0.0103,"Stone, brick",No,10.0,0.0,10.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1699496,324831,Revolving loans,22500.0,450000.0,450000.0,,450000.0,TUESDAY,14,Y,1,,,,XAP,Refused,-359,XNA,SCOFR,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Revolving loans,F,N,Y,0,220500.0,450000.0,22500.0,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.011703,-19690,365243,-8357.0,-2667,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,XNA,,0.4138320239362173,0.363945238612397,0.0082,0.0219,0.9786,0.7076,0.0077,0.0,0.0345,0.0417,0.0833,0.0134,0.0067,0.0076,0.0,0.0,0.0084,0.0227,0.9786,0.7190000000000001,0.0078,0.0,0.0345,0.0417,0.0833,0.0137,0.0073,0.0079,0.0,0.0,0.0083,0.0219,0.9786,0.7115,0.0078,0.0,0.0345,0.0417,0.0833,0.0136,0.0068,0.0077,0.0,0.0,reg oper account,block of flats,0.0102,Panel,No,4.0,0.0,4.0,0.0,-926.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2080281,173612,Consumer loans,13664.025,102100.14,91890.0,10210.14,102100.14,SATURDAY,10,Y,1,0.10891043493716512,,,XAP,Approved,-1654,Cash through the bank,XAP,Unaccompanied,New,Photo / Cinema Equipment,POS,XNA,Country-wide,4000,Consumer electronics,8.0,middle,POS household with interest,365243.0,-1613.0,-1403.0,-1403.0,-1387.0,0.0,0,Cash loans,M,N,Y,0,81000.0,284400.0,16456.5,225000.0,Children,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.035792000000000004,-23984,365243,-3561.0,-4077,,1,0,0,1,0,0,,1.0,2,2,MONDAY,9,0,0,0,0,0,0,XNA,,0.3238577681591616,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1622.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1403829,285729,Consumer loans,17907.66,69840.0,62856.0,6984.0,69840.0,TUESDAY,11,Y,1,0.1089090909090909,,,XAP,Refused,-2338,Cash through the bank,LIMIT,Unaccompanied,Repeater,Mobile,POS,XNA,Stone,50,Connectivity,4.0,high,POS mobile with interest,,,,,,,0,Revolving loans,M,Y,Y,1,157500.0,450000.0,22500.0,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.025164,-20100,365243,-8183.0,-3408,64.0,1,0,0,1,0,0,,3.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,0.5006702022127522,0.7544547903301889,0.7121551551910698,0.0887,0.1005,0.9786,0.7076,0.014,0.0,0.2069,0.1667,,0.0395,,0.0816,,0.0131,0.0903,0.1043,0.9786,0.7190000000000001,0.0141,0.0,0.2069,0.1667,,0.0404,,0.085,,0.0139,0.0895,0.1005,0.9786,0.7115,0.014,0.0,0.2069,0.1667,,0.0402,,0.083,,0.0134,reg oper account,block of flats,0.067,Panel,No,1.0,0.0,1.0,0.0,-1679.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1280843,380303,Consumer loans,7741.35,131710.5,72346.5,65880.0,131710.5,SUNDAY,11,Y,1,0.5190705768496566,,,XAP,Approved,-1794,Cash through the bank,XAP,Children,New,Computers,POS,XNA,Stone,1730,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1763.0,-1433.0,-1433.0,-1430.0,0.0,0,Cash loans,F,N,N,0,270000.0,1350000.0,39474.0,1350000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.020246,-14860,-6568,-2211.0,-1316,,1,1,0,1,0,0,Managers,2.0,3,3,MONDAY,15,0,0,0,0,0,0,Trade: type 7,,0.4471817238912696,0.190705947811054,0.0918,0.1219,0.9806,0.7348,0.0021,0.0,0.2069,0.1667,0.2083,0.1589,0.0748,0.1021,1.0,0.0056,0.0935,0.1265,0.9806,0.7452,0.0021,0.0,0.2069,0.1667,0.2083,0.1625,0.0817,0.1064,1.0,0.006,0.0926,0.1219,0.9806,0.7383,0.0021,0.0,0.2069,0.1667,0.2083,0.1616,0.0761,0.104,1.0,0.0058,reg oper account,block of flats,0.0894,Panel,No,4.0,0.0,4.0,0.0,-1794.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1069499,267722,Cash loans,26191.395,450000.0,491580.0,,450000.0,TUESDAY,11,Y,1,,,,XNA,Refused,-277,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,157500.0,949500.0,30627.0,949500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.005084,-21708,365243,-934.0,-4502,,1,0,0,1,0,0,,1.0,2,2,SATURDAY,13,0,0,0,0,0,0,XNA,,0.6126387348739214,0.7801436381572275,0.0825,0.0788,0.9985,,,,0.1379,0.1667,,0.0088,,0.0315,,,0.084,0.0818,0.9985,,,,0.1379,0.1667,,0.009000000000000001,,0.0328,,,0.0833,0.0788,0.9985,,,,0.1379,0.1667,,0.0089,,0.032,,,,block of flats,0.047,"Stone, brick",No,1.0,0.0,1.0,0.0,-1038.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,2.0,2.0 +2284017,287898,Consumer loans,8248.77,45855.0,40455.0,5400.0,45855.0,WEDNESDAY,15,Y,1,0.12825408154161833,,,XAP,Approved,-1725,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,37,Connectivity,6.0,high,POS mobile with interest,365243.0,-1687.0,-1537.0,-1537.0,-1518.0,0.0,0,Cash loans,F,N,N,0,81000.0,152820.0,8770.5,135000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.010006000000000001,-22279,365243,-5118.0,-4374,,1,0,0,1,1,0,,1.0,2,2,FRIDAY,16,0,0,0,0,0,0,XNA,,0.3011497606785337,0.501075160239048,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1725.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1801917,321740,Consumer loans,11561.31,101790.0,101790.0,0.0,101790.0,WEDNESDAY,19,Y,1,0.0,,,XAP,Approved,-154,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,30,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-108.0,162.0,365243.0,365243.0,0.0,1,Cash loans,M,N,Y,0,225000.0,497520.0,52371.0,450000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.032561,-24574,365243,-2696.0,-4732,,1,0,0,1,0,0,,2.0,1,1,WEDNESDAY,18,0,0,0,0,0,0,XNA,,0.7508356358835535,0.5424451438613613,0.1945,0.1478,0.9806,0.7348,0.0477,0.08,0.1838,0.2775,0.2638,0.0457,0.2,0.1871,0.0135,0.0804,0.0945,0.104,0.9786,0.7190000000000001,0.0149,0.0,0.2069,0.1667,0.2083,0.0,0.0826,0.0884,0.0,0.0,0.0937,0.1167,0.9786,0.7115,0.015,0.0,0.2069,0.1667,0.2083,0.0514,0.2035,0.0878,0.0136,0.005,reg oper account,block of flats,0.3747,Panel,No,0.0,0.0,0.0,0.0,-1550.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1086045,369112,Consumer loans,15625.125,83115.0,78493.5,8325.0,83115.0,MONDAY,17,Y,1,0.10443260155591053,,,XAP,Approved,-1598,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Stone,200,Consumer electronics,6.0,high,POS household with interest,365243.0,-1566.0,-1416.0,-1416.0,-1410.0,0.0,0,Cash loans,F,N,N,0,157500.0,284400.0,16456.5,225000.0,Family,Pensioner,Lower secondary,Married,Rented apartment,0.030755,-23889,365243,-1835.0,-3890,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,XNA,,0.16318703546427088,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1598.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2551180,304050,Cash loans,65449.485,675000.0,816282.0,,675000.0,MONDAY,10,Y,1,,,,XNA,Refused,-883,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,middle,Cash Street: middle,,,,,,,0,Cash loans,M,Y,N,0,135000.0,1125000.0,44617.5,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-15977,-3177,-1452.0,-4389,4.0,1,1,0,1,1,0,Managers,2.0,2,2,TUESDAY,13,0,0,0,0,1,1,Self-employed,0.5848422986774077,0.3680066698308783,0.4668640059537032,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1003.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1585264,210344,Revolving loans,4500.0,0.0,90000.0,,,MONDAY,17,Y,1,,,,XAP,Approved,-1130,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card X-Sell,-1100.0,-1049.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,220500.0,900000.0,32017.5,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-20896,-3923,-6692.0,-4389,,1,1,0,1,0,0,Accountants,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.7285254053843074,0.5136937663039473,0.0825,,0.9767,,,0.0,0.1379,0.1667,,,,0.0637,,0.0,0.084,,0.9767,,,0.0,0.1379,0.1667,,,,0.0664,,0.0,0.0833,,0.9767,,,0.0,0.1379,0.1667,,,,0.0648,,0.0,,block of flats,0.0501,"Stone, brick",No,3.0,0.0,3.0,0.0,-1627.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2336207,234797,Consumer loans,11044.8,72000.0,72000.0,0.0,72000.0,SATURDAY,16,Y,1,0.0,,,XAP,Approved,-1477,Non-cash from your account,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Stone,51,Consumer electronics,8.0,high,POS household with interest,365243.0,-1443.0,-1233.0,-1233.0,-1196.0,0.0,0,Cash loans,F,N,Y,0,157500.0,239850.0,23364.0,225000.0,Unaccompanied,Pensioner,Lower secondary,Widow,House / apartment,0.019101,-24723,365243,-10174.0,-4113,,1,0,0,1,0,0,,1.0,2,2,SATURDAY,15,0,0,0,0,0,0,XNA,,0.6551106549131976,0.4902575124990026,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1477.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1398459,184137,Consumer loans,57503.205,298440.0,310257.0,0.0,298440.0,THURSDAY,16,Y,1,0.0,,,XAP,Approved,-2,Cash through the bank,XAP,Unaccompanied,Refreshed,Construction Materials,POS,XNA,Stone,400,Consumer electronics,6.0,middle,POS household with interest,365243.0,365243.0,178.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,0,189000.0,450000.0,43839.0,450000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.030755,-20958,-5967,-114.0,-3882,10.0,1,1,1,1,1,0,Managers,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,Medicine,,0.5592781482739554,0.0005272652387098817,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1289.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1688730,356226,Consumer loans,9892.89,92502.0,91494.0,9252.0,92502.0,SUNDAY,12,Y,1,0.10001656731690682,,,XAP,Approved,-1296,Cash through the bank,XAP,Children,Repeater,Computers,POS,XNA,Country-wide,2417,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1265.0,-935.0,-1175.0,-1170.0,0.0,0,Cash loans,F,N,N,0,135000.0,1350000.0,37125.0,1350000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018029,-20670,365243,-3064.0,-3064,,1,0,0,1,0,0,,2.0,3,3,SUNDAY,8,0,0,0,0,0,0,XNA,0.6563384614403593,0.464352703821697,,0.0165,0.0,0.9757,0.6668,0.0,0.0,0.069,0.0417,0.0417,0.0179,0.0134,0.0101,0.0,0.0,0.0168,0.0,0.9757,0.6798,0.0,0.0,0.069,0.0417,0.0417,0.0183,0.0147,0.0105,0.0,0.0,0.0167,0.0,0.9757,0.6713,0.0,0.0,0.069,0.0417,0.0417,0.0182,0.0137,0.0103,0.0,0.0,not specified,block of flats,0.0079,Wooden,No,0.0,0.0,0.0,0.0,-1144.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2248920,118168,Consumer loans,6160.14,26730.0,31477.5,0.0,26730.0,MONDAY,13,Y,1,0.0,,,XAP,Approved,-1285,XNA,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Stone,150,Consumer electronics,6.0,high,POS household with interest,365243.0,-1254.0,-1104.0,-1164.0,-1160.0,0.0,0,Cash loans,F,Y,Y,2,202500.0,225000.0,24003.0,225000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.007305,-11069,-2439,-736.0,-2473,15.0,1,1,1,1,1,0,Security staff,3.0,3,3,FRIDAY,11,0,0,0,0,0,0,Security,0.3548440367406809,0.3961288472715596,0.6178261467332483,,,0.9846,,,,,,,,,0.0637,,,,,0.9846,,,,,,,,,0.0663,,,,,0.9846,,,,,,,,,0.0648,,,,,0.0732,,No,0.0,0.0,0.0,0.0,-240.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1591517,299684,Consumer loans,8221.14,74812.5,74812.5,0.0,74812.5,TUESDAY,19,Y,1,0.0,,,XAP,Approved,-515,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,20,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-478.0,-208.0,-208.0,-202.0,0.0,0,Cash loans,M,Y,Y,1,382500.0,2115000.0,55791.0,2115000.0,Other_A,Commercial associate,Higher education,Married,House / apartment,0.04622,-16471,-1482,-212.0,-10,9.0,1,1,0,1,0,0,Managers,3.0,1,1,SATURDAY,15,1,1,1,1,0,0,Business Entity Type 1,0.3211557465891205,0.6811528842305588,,0.0918,0.0,0.9861,0.8096,0.0163,0.0,0.2069,0.1667,0.2083,0.0217,0.0756,0.0888,0.0116,0.0,0.0935,0.0,0.9861,0.8171,0.0164,0.0,0.2069,0.1667,0.2083,0.0222,0.0826,0.0925,0.0117,0.0,0.0926,0.0,0.9861,0.8121,0.0164,0.0,0.2069,0.1667,0.2083,0.022,0.077,0.0904,0.0116,0.0,reg oper account,block of flats,0.0969,Panel,No,0.0,0.0,0.0,0.0,-7.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2360571,156824,Consumer loans,10257.525,55530.0,58464.0,0.0,55530.0,SUNDAY,19,Y,1,0.0,,,XAP,Approved,-240,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Regional / Local,100,Consumer electronics,6.0,low_action,POS household without interest,365243.0,-209.0,-59.0,-59.0,-51.0,0.0,0,Cash loans,F,Y,N,1,135000.0,117162.0,11542.5,103500.0,Family,Working,Higher education,Single / not married,House / apartment,0.016612000000000002,-15747,-741,-4695.0,-4754,64.0,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.6468934059540328,0.4048783643353997,0.1165,0.1206,0.9727,,,0.0,0.2241,0.125,,0.1311,,0.0971,,0.04,0.0378,0.1251,0.9722,,,0.0,0.1034,0.0833,,0.056,,0.0307,,0.0,0.1176,0.1206,0.9727,,,0.0,0.2241,0.125,,0.1334,,0.0989,,0.0408,,block of flats,0.0251,"Stone, brick",No,1.0,0.0,1.0,0.0,-2173.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1805498,366091,Cash loans,32418.0,450000.0,481185.0,,450000.0,THURSDAY,10,Y,1,,,,XNA,Refused,-216,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),10,XNA,18.0,low_normal,Cash X-Sell: low,,,,,,,1,Cash loans,F,N,Y,0,85500.0,808650.0,26086.5,675000.0,Unaccompanied,Working,Lower secondary,Widow,House / apartment,0.025164,-19643,-204,-382.0,-3186,,1,1,1,1,1,0,,1.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Industry: type 3,,0.1942664499695638,0.5937175866150576,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-322.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1975798,170092,Consumer loans,11181.735,100354.5,110952.0,0.0,100354.5,SATURDAY,18,Y,1,0.0,,,XAP,Approved,-572,Cash through the bank,XAP,,Refreshed,Audio/Video,POS,XNA,Country-wide,1880,Consumer electronics,12.0,middle,POS household with interest,365243.0,-541.0,-211.0,-301.0,-291.0,0.0,0,Cash loans,F,N,Y,0,216000.0,517500.0,18715.5,517500.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.00963,-23229,365243,-1884.0,-2950,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,XNA,,0.6287052648768787,0.4848514754962666,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2164.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,9.0 +2384905,165843,Consumer loans,20522.565,128250.0,115425.0,12825.0,128250.0,SUNDAY,10,Y,1,0.1089090909090909,,,XAP,Approved,-1356,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Stone,200,Furniture,6.0,low_normal,POS industry with interest,365243.0,-1325.0,-1175.0,-1175.0,-1167.0,0.0,0,Cash loans,F,N,Y,2,94500.0,916470.0,29695.5,765000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-10365,-2404,-2419.0,-2970,,1,1,1,1,1,0,Cooking staff,4.0,2,2,FRIDAY,11,0,0,0,0,0,0,Kindergarten,0.6950312900501454,0.5937202659429794,0.6769925032909132,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1056.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1531912,308742,Consumer loans,28172.25,281700.0,253530.0,28170.0,281700.0,FRIDAY,17,Y,1,0.1089090909090909,,,XAP,Approved,-450,Cash through the bank,XAP,"Spouse, partner",New,Furniture,POS,XNA,Country-wide,100,Furniture,10.0,low_normal,POS industry with interest,365243.0,-420.0,-150.0,-150.0,-147.0,0.0,0,Cash loans,M,Y,N,0,315000.0,630000.0,45841.5,630000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.035792000000000004,-9465,-362,-4136.0,-2125,4.0,1,1,1,1,0,0,Drivers,2.0,2,2,SUNDAY,11,1,1,1,1,1,1,Business Entity Type 3,0.14793241423506046,0.6293686272715483,0.14916746132334885,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-450.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1531384,193824,Consumer loans,21625.155,325593.0,357826.5,0.0,325593.0,TUESDAY,13,Y,1,0.0,,,XAP,Approved,-540,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Country-wide,100,Furniture,18.0,low_action,POS industry without interest,365243.0,-509.0,1.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,247500.0,761067.0,46561.5,657000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.04622,-21110,-368,-10716.0,-4040,,1,1,0,1,1,0,Medicine staff,2.0,1,1,WEDNESDAY,17,0,0,0,0,0,0,Medicine,,0.1636384490747184,,0.1144,0.0349,0.9851,0.7959999999999999,0.0405,0.08,0.0345,0.625,0.6667,,0.0933,0.1069,0.0,,0.1166,0.0359,0.9851,0.804,0.0408,0.0806,0.0345,0.625,0.6667,,0.1019,0.1107,0.0,,0.1155,0.0349,0.9851,0.7987,0.0407,0.08,0.0345,0.625,0.6667,,0.0949,0.1089,0.0,,,block of flats,0.1116,Panel,No,0.0,0.0,0.0,0.0,-493.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1406135,172836,Cash loans,86872.5,2250000.0,2250000.0,,2250000.0,MONDAY,15,Y,1,,,,XNA,Approved,-479,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-449.0,601.0,-179.0,-173.0,0.0,0,Cash loans,M,Y,N,0,270000.0,1192500.0,54018.0,1192500.0,"Spouse, partner",Working,Secondary / secondary special,Civil marriage,House / apartment,0.026392000000000002,-21222,-3768,-11347.0,-4511,3.0,1,1,1,1,1,0,Drivers,2.0,2,2,THURSDAY,17,0,0,0,0,0,0,Business Entity Type 3,,0.6828791242554039,0.4650692149562261,0.0186,0.0046,0.9637,,,0.0,0.069,0.0833,,,,0.012,,0.0252,0.0189,0.0048,0.9638,,,0.0,0.069,0.0833,,,,0.0125,,0.0266,0.0187,0.0046,0.9637,,,0.0,0.069,0.0833,,,,0.0123,,0.0257,,block of flats,0.0149,"Stone, brick",No,0.0,0.0,0.0,0.0,-1952.0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +1773035,368899,Consumer loans,19446.93,378778.5,428778.0,0.0,378778.5,TUESDAY,14,Y,1,0.0,,,XAP,Approved,-843,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,2200,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-812.0,-122.0,-512.0,-502.0,0.0,1,Cash loans,M,Y,N,2,270000.0,755190.0,36459.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006296,-15207,-3201,-3383.0,-3383,10.0,1,1,0,1,0,0,Core staff,4.0,3,3,FRIDAY,10,0,0,0,0,1,1,Hotel,,0.5675615146277336,0.2445163919946749,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,1.0,5.0,1.0,-843.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2679543,138796,Cash loans,7544.34,94500.0,123313.5,,94500.0,TUESDAY,12,Y,1,,,,XNA,Refused,-347,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,1,103500.0,360000.0,13702.5,360000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-16000,-2276,-1338.0,-1788,,1,1,1,1,1,0,,3.0,2,2,SATURDAY,8,0,0,0,0,1,1,Business Entity Type 3,0.7540271525954275,0.5102126239441127,0.2580842039460289,0.0948,0.114,0.9861,0.8096,0.0121,0.0,0.1724,0.1667,0.0417,,0.0773,0.115,0.0,0.0,0.0966,0.1183,0.9861,0.8171,0.0122,0.0,0.1724,0.1667,0.0417,,0.0845,0.1198,0.0,0.0,0.0958,0.114,0.9861,0.8121,0.0121,0.0,0.1724,0.1667,0.0417,,0.0787,0.117,0.0,0.0,reg oper account,block of flats,0.0904,Panel,No,0.0,0.0,0.0,0.0,-1535.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1248628,246490,Consumer loans,15113.88,157252.5,160020.0,15727.5,157252.5,WEDNESDAY,9,Y,1,0.09746185449424467,,,XAP,Approved,-1048,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,652,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-1016.0,-686.0,-686.0,-680.0,0.0,0,Cash loans,M,Y,Y,3,315000.0,1831887.0,75730.5,1710000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.020246,-14920,-2262,-1536.0,-4641,17.0,1,1,0,1,0,0,Drivers,5.0,3,3,MONDAY,12,0,0,0,0,0,0,Industry: type 3,0.6760658760695265,0.386239330016428,0.1061556230153924,0.1206,0.0983,0.9836,0.7756,0.2134,0.16,0.1379,0.3333,0.0417,0.087,0.0983,0.1367,0.0,0.0,0.1229,0.102,0.9836,0.7844,0.2154,0.1611,0.1379,0.3333,0.0417,0.08900000000000001,0.1074,0.1424,0.0,0.0,0.1218,0.0983,0.9836,0.7786,0.2148,0.16,0.1379,0.3333,0.0417,0.0885,0.1,0.1392,0.0,0.0,reg oper spec account,block of flats,0.1167,Panel,No,0.0,0.0,0.0,0.0,-1048.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2655810,330397,Cash loans,31374.135,850500.0,949293.0,,850500.0,SATURDAY,11,Y,1,,,,XNA,Refused,-194,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,1,Cash loans,F,N,Y,0,70200.0,993082.5,39514.5,913500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.0105,-23155,365243,-7954.0,-4003,,1,0,0,1,0,0,,2.0,3,3,THURSDAY,11,0,0,0,0,0,0,XNA,,0.04567777120154026,0.5388627065779676,0.1649,,0.9891,0.8504,,0.16,0.1379,0.375,0.0417,,0.1345,,0.0,0.0,0.1681,,0.9891,0.8563,,0.1611,0.1379,0.375,0.0417,,0.1469,,0.0,0.0,0.1665,,0.9891,0.8524,,0.16,0.1379,0.375,0.0417,,0.1368,,0.0,0.0,reg oper account,block of flats,0.1349,,No,0.0,0.0,0.0,0.0,-157.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +2104443,372518,Consumer loans,9829.845,202320.0,221143.5,20232.0,202320.0,MONDAY,9,Y,1,0.09128717402026,,,XAP,Approved,-703,Cash through the bank,XAP,Other_B,New,Construction Materials,POS,XNA,Country-wide,15,Construction,30.0,low_normal,POS other with interest,365243.0,-670.0,200.0,-10.0,-4.0,0.0,0,Cash loans,F,N,Y,0,135000.0,810000.0,23683.5,810000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-19760,-827,-7748.0,-758,,1,1,0,1,0,0,,2.0,2,2,THURSDAY,16,0,0,0,0,0,0,Trade: type 7,0.09927586042785873,0.5200928322525205,0.4223696523543468,0.1474,0.1074,0.9806,0.7348,0.0422,0.12,0.1724,0.25,0.2917,0.0572,0.1202,0.1489,0.0,0.0,0.0735,0.0777,0.9806,0.7452,0.0316,0.0,0.1379,0.1667,0.2083,0.0464,0.0643,0.0684,0.0,0.0,0.1489,0.1074,0.9806,0.7383,0.0425,0.12,0.1724,0.25,0.2917,0.0582,0.1223,0.1515,0.0,0.0,reg oper account,block of flats,0.2356,Panel,No,0.0,0.0,0.0,0.0,-703.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1784600,231250,Revolving loans,11250.0,225000.0,225000.0,,225000.0,WEDNESDAY,5,Y,1,,,,XAP,Refused,-873,XNA,SCO,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,45000.0,113760.0,8406.0,90000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.014464,-11543,-2091,-4728.0,-4095,,1,1,0,1,0,0,,2.0,2,2,MONDAY,6,0,0,0,0,0,0,Self-employed,,0.6664667569929351,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1176.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1185485,109516,Consumer loans,14068.08,134995.5,150718.5,0.0,134995.5,TUESDAY,13,Y,1,0.0,,,XAP,Approved,-576,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,1500,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-545.0,-215.0,-215.0,-207.0,0.0,0,Cash loans,M,Y,Y,0,180000.0,1159411.5,47349.0,1066500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.006305,-8527,-212,-6971.0,-1135,15.0,1,1,0,1,0,0,Core staff,2.0,3,3,THURSDAY,9,0,0,0,0,0,0,Trade: type 2,0.2702916823263265,0.4265749909108384,0.23791607950711405,0.0649,0.0718,0.9891,0.8504,0.0662,0.0,0.069,0.1667,0.2083,0.0596,0.053,0.0461,0.0,0.0,0.0662,0.0745,0.9891,0.8563,0.0668,0.0,0.069,0.1667,0.2083,0.061,0.0579,0.048,0.0,0.0,0.0656,0.0718,0.9891,0.8524,0.0666,0.0,0.069,0.1667,0.2083,0.0607,0.0539,0.0469,0.0,0.0,reg oper account,block of flats,0.0362,"Stone, brick",No,0.0,0.0,0.0,0.0,-1025.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1535244,324423,Cash loans,30955.59,360000.0,425389.5,,360000.0,FRIDAY,13,Y,1,,,,XNA,Approved,-548,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-518.0,172.0,-98.0,-91.0,1.0,0,Cash loans,M,Y,Y,0,112500.0,90000.0,7240.5,90000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-15238,-5176,-7703.0,-3966,10.0,1,1,0,1,0,0,Laborers,2.0,2,2,SUNDAY,13,0,0,0,0,0,0,Other,0.3639754269023576,0.2404715316484451,0.39449540531239935,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1475.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2410707,276148,Consumer loans,2632.5,19845.0,19048.5,2250.0,19845.0,TUESDAY,14,Y,1,0.11505291665866348,,,XAP,Approved,-2203,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,80,Connectivity,10.0,high,POS mobile with interest,365243.0,-2172.0,-1902.0,-1902.0,-1897.0,0.0,0,Revolving loans,F,N,N,1,45000.0,135000.0,6750.0,135000.0,Unaccompanied,Working,Higher education,Married,Municipal apartment,0.0038130000000000004,-13080,-2807,-3715.0,-2872,,1,1,0,1,1,0,,3.0,2,2,SUNDAY,9,0,0,0,1,1,0,University,0.5891389550433802,0.4329736031560826,0.6479768603302221,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1756.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1451101,292964,Consumer loans,13457.745,130410.0,144180.0,0.0,130410.0,WEDNESDAY,12,Y,1,0.0,,,XAP,Approved,-560,Cash through the bank,XAP,,New,Furniture,POS,XNA,Stone,60,Furniture,12.0,low_normal,POS industry with interest,365243.0,-529.0,-199.0,-199.0,-192.0,0.0,0,Cash loans,F,N,Y,0,225000.0,922266.0,40752.0,810000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-22882,365243,-8227.0,-4709,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,XNA,,0.2522233293054626,0.3706496323299817,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-560.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +1463247,149613,Consumer loans,3552.795,23350.5,22401.0,2335.5,23350.5,TUESDAY,12,Y,1,0.10282666578464286,,,XAP,Approved,-2352,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,8.0,low_normal,POS mobile with interest,365243.0,-2321.0,-2111.0,-2111.0,-2095.0,1.0,0,Cash loans,F,N,Y,1,112500.0,197820.0,15664.5,180000.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018801,-10930,-3441,-1666.0,-1669,,1,1,0,1,0,0,Cooking staff,3.0,2,2,TUESDAY,9,0,0,0,0,0,0,Self-employed,0.3485017010657243,0.5639566951966538,0.5762088360175724,0.0928,0.0821,0.9826,0.762,0.0377,0.0,0.2069,0.1667,0.2083,0.0383,0.0756,0.078,0.0,0.0,0.0945,0.0852,0.9826,0.7713,0.0381,0.0,0.2069,0.1667,0.2083,0.0392,0.0826,0.0813,0.0,0.0,0.0937,0.0821,0.9826,0.7652,0.038,0.0,0.2069,0.1667,0.2083,0.039,0.077,0.0794,0.0,0.0,reg oper account,block of flats,0.08199999999999999,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2288236,264081,Consumer loans,7270.605,60705.0,53806.5,11250.0,60705.0,THURSDAY,17,Y,1,0.18833279883290246,,,XAP,Approved,-902,Cash through the bank,XAP,Unaccompanied,New,Photo / Cinema Equipment,POS,XNA,Country-wide,79,Connectivity,10.0,high,POS mobile with interest,365243.0,-871.0,-601.0,-601.0,-598.0,0.0,0,Cash loans,M,N,Y,0,243000.0,521280.0,26743.5,450000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.002042,-10122,-265,-4606.0,-2696,,1,1,0,1,0,0,High skill tech staff,1.0,3,3,WEDNESDAY,12,0,0,0,0,1,1,Business Entity Type 3,0.6581326543298051,0.4260187877802517,0.5262949398096192,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-254.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2242772,140899,Consumer loans,3949.605,84681.0,84681.0,0.0,84681.0,TUESDAY,14,Y,1,0.0,,,XAP,Approved,-1618,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,4601,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1586.0,-896.0,-1256.0,-1248.0,0.0,0,Cash loans,F,N,Y,0,90000.0,354519.0,22923.0,328500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.022625,-21161,365243,-10494.0,-4151,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,,0.7099757669369209,,0.066,0.0,0.9806,0.7348,0.008,0.0,0.1379,0.1667,0.2083,0.0622,0.053,0.0553,0.0039,0.0755,0.0672,0.0,0.9806,0.7452,0.008,0.0,0.1379,0.1667,0.2083,0.0636,0.0579,0.0576,0.0039,0.0799,0.0666,0.0,0.9806,0.7383,0.008,0.0,0.1379,0.1667,0.2083,0.0633,0.0539,0.0563,0.0039,0.0771,reg oper account,block of flats,0.0599,Panel,No,4.0,2.0,4.0,2.0,-1618.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1259277,423165,Cash loans,6298.605,58500.0,62361.0,,58500.0,WEDNESDAY,12,Y,1,,,,XNA,Approved,-100,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-70.0,260.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,157500.0,384048.0,13923.0,270000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.010966,-23533,365243,-11208.0,-4049,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,18,0,0,0,0,0,0,XNA,,0.16733166731052748,0.5028782772082183,0.0876,0.1622,0.9846,0.7892,0.0149,0.0,0.2414,0.1667,0.0417,0.0952,0.0714,0.0977,0.0039,0.0421,0.0893,0.1683,0.9846,0.7975,0.015,0.0,0.2414,0.1667,0.0417,0.0973,0.0781,0.1018,0.0039,0.0446,0.0885,0.1622,0.9846,0.792,0.015,0.0,0.2414,0.1667,0.0417,0.0968,0.0727,0.0995,0.0039,0.043,org spec account,block of flats,0.0942,"Stone, brick",No,0.0,0.0,0.0,0.0,-100.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2816521,249733,Consumer loans,4148.64,22860.0,22860.0,0.0,22860.0,MONDAY,12,Y,1,0.0,,,XAP,Approved,-180,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,150,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-150.0,0.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,0,112500.0,547344.0,29290.5,472500.0,Family,Working,Secondary / secondary special,Married,Office apartment,0.008068,-16356,-982,-6511.0,-3813,,1,1,0,1,0,0,Laborers,2.0,3,3,SATURDAY,6,0,0,0,0,0,0,Transport: type 2,0.466652303867313,0.5292273508504991,0.5709165417729987,0.1402,,0.9791,,,0.0,0.0345,0.1667,,0.0167,,0.0459,,0.0,0.1429,,0.9791,,,0.0,0.0345,0.1667,,0.0171,,0.0478,,0.0,0.1416,,0.9791,,,0.0,0.0345,0.1667,,0.017,,0.0467,,0.0,,block of flats,0.0529,"Stone, brick",No,0.0,0.0,0.0,0.0,-937.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1278185,197622,Consumer loans,5609.34,102258.0,123853.5,0.0,102258.0,MONDAY,16,Y,1,0.0,,,XAP,Refused,-516,XNA,LIMIT,,Repeater,Computers,POS,XNA,Country-wide,2535,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,0,Revolving loans,F,Y,Y,0,135000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-12975,-714,-7123.0,-3805,9.0,1,1,0,1,0,0,Core staff,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Trade: type 3,0.1023542937002805,0.6853647618549249,0.7062051096536562,0.0072,0.0,0.9677,0.5579999999999999,0.0013,0.0,0.069,0.0417,0.0833,0.0137,0.0059,0.0064,0.0,0.0035,0.0074,0.0,0.9677,0.5753,0.0013,0.0,0.069,0.0417,0.0833,0.014,0.0064,0.0067,0.0,0.0037,0.0073,0.0,0.9677,0.5639,0.0013,0.0,0.069,0.0417,0.0833,0.0139,0.006,0.0066,0.0,0.0036,reg oper account,block of flats,0.0058,Others,No,0.0,0.0,0.0,0.0,-584.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1413059,449279,Consumer loans,21509.955,113805.0,107496.0,11380.5,113805.0,WEDNESDAY,15,Y,1,0.10426281974073166,,,XAP,Approved,-2165,XNA,XAP,Children,Repeater,Computers,POS,XNA,Stone,62,Consumer electronics,6.0,high,POS household with interest,365243.0,-2127.0,-1977.0,-2007.0,-2000.0,0.0,0,Cash loans,F,N,N,0,157500.0,701730.0,66757.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.019101,-21059,-9326,-9337.0,-4560,,1,1,0,1,0,0,Laborers,1.0,2,2,FRIDAY,12,0,0,0,0,0,0,Business Entity Type 1,,0.7688692447591833,0.7910749129911773,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2452.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1649502,182566,Cash loans,9498.915,193500.0,224190.0,,193500.0,MONDAY,7,Y,1,,,,XNA,Approved,-567,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-537.0,513.0,365243.0,365243.0,1.0,1,Cash loans,M,N,N,0,85500.0,143910.0,15628.5,135000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.018209,-20433,-991,-3476.0,-3531,,1,1,1,1,0,0,,1.0,3,3,FRIDAY,6,0,0,0,0,1,1,Business Entity Type 3,,0.3981654785448065,0.6610235391308081,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1797.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1606256,174751,Consumer loans,10791.045,125858.7,110677.5,25153.2,125858.7,SUNDAY,18,Y,1,0.2016784236151728,,,XAP,Approved,-1353,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,25,Connectivity,12.0,middle,POS mobile with interest,365243.0,-1314.0,-984.0,-1224.0,-1220.0,0.0,0,Cash loans,M,Y,N,0,315000.0,755190.0,36459.0,675000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.025164,-12105,-963,-5509.0,-3847,65.0,1,1,0,1,0,0,,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Business Entity Type 2,,0.5280830740298991,0.4101025731788671,0.1856,0.0,0.9866,0.8164,0.0,0.2,0.1724,0.3333,0.375,0.0,0.1513,0.1981,0.0,0.1871,0.1891,0.0,0.9866,0.8236,0.0,0.2014,0.1724,0.3333,0.375,0.0,0.1653,0.2064,0.0,0.1981,0.1874,0.0,0.9866,0.8189,0.0,0.2,0.1724,0.3333,0.375,0.0,0.1539,0.2016,0.0,0.191,reg oper account,block of flats,0.1558,Panel,No,0.0,0.0,0.0,0.0,-1742.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2421727,380761,Cash loans,52895.34,855000.0,904657.5,,855000.0,THURSDAY,16,Y,1,,,,XNA,Approved,-790,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-760.0,-70.0,-340.0,-332.0,1.0,0,Cash loans,F,N,Y,0,382500.0,849685.5,48910.5,733500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-17943,-3601,-10115.0,-1497,,1,1,0,1,0,0,,2.0,1,1,WEDNESDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.7131667459267298,,0.3093,0.1818,0.9861,0.8096,0.0,0.24,0.1034,0.6667,0.7083,0.0,0.2522,0.3091,0.0,0.6288,0.3151,0.1887,0.9861,0.8171,0.0,0.2417,0.1034,0.6667,0.7083,0.0,0.2755,0.3221,0.0,0.6657,0.3123,0.1818,0.9861,0.8121,0.0,0.24,0.1034,0.6667,0.7083,0.0,0.2565,0.3147,0.0,0.642,reg oper account,block of flats,0.3799,Panel,No,1.0,0.0,1.0,0.0,-3770.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1320869,330328,Revolving loans,16875.0,0.0,337500.0,,,FRIDAY,7,Y,1,,,,XAP,Approved,-738,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-437.0,-394.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,1,67500.0,422451.0,16056.0,297000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.018029,-16905,-813,-2838.0,-451,,1,1,0,1,0,0,Security staff,2.0,3,3,MONDAY,4,0,0,0,0,1,1,Transport: type 2,,0.3715382041721933,0.6479768603302221,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1290.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1047675,101187,Cash loans,7227.54,67500.0,91476.0,,67500.0,MONDAY,16,Y,1,,,,XNA,Refused,-871,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,high,Cash Street: high,,,,,,,0,Cash loans,F,Y,N,0,157500.0,288562.5,18918.0,261000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.00963,-19288,365243,-2712.0,-2746,19.0,1,0,0,1,0,0,,1.0,2,2,THURSDAY,10,0,0,0,0,0,0,XNA,,0.6185429985638057,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1517.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1768760,217630,Consumer loans,8947.845,107550.0,109521.0,10800.0,107550.0,THURSDAY,16,Y,1,0.0977566826919808,,,XAP,Approved,-1527,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,350,Consumer electronics,16.0,middle,POS household with interest,365243.0,-1496.0,-1046.0,-1046.0,-1041.0,0.0,0,Cash loans,M,N,Y,0,81000.0,450000.0,21109.5,450000.0,Unaccompanied,Commercial associate,Lower secondary,Married,House / apartment,0.015221,-20207,-3023,-4333.0,-3598,,1,1,1,1,1,0,Drivers,2.0,2,2,FRIDAY,8,0,0,0,0,0,0,Government,0.6847517845343488,0.6453183796221642,0.2079641743053816,0.0165,,0.9796,,,0.0,0.069,0.0417,,0.0117,,0.0144,,0.0,0.0168,,0.9796,,,0.0,0.069,0.0417,,0.0119,,0.015,,0.0,0.0167,,0.9796,,,0.0,0.069,0.0417,,0.0119,,0.0147,,0.0,,block of flats,0.0118,Panel,No,0.0,0.0,0.0,0.0,-1903.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1721281,203979,Consumer loans,8019.405,151938.0,178011.0,0.0,151938.0,TUESDAY,18,Y,1,0.0,,,XAP,Approved,-932,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,1378,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-901.0,-211.0,-271.0,-269.0,0.0,0,Cash loans,F,N,Y,2,148500.0,1190340.0,63549.0,1125000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.007273999999999998,-14131,-1415,-6469.0,-667,,1,1,0,1,1,0,,4.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Business Entity Type 2,,0.18527367282540053,0.7688075728291359,0.0722,0.0648,0.9816,0.7484,0.0098,0.0,0.1379,0.1667,0.0417,0.0785,0.0588,0.0669,0.0,0.0,0.0735,0.0673,0.9816,0.7583,0.0098,0.0,0.1379,0.1667,0.0417,0.0803,0.0643,0.0697,0.0,0.0,0.0729,0.0648,0.9816,0.7518,0.0098,0.0,0.1379,0.1667,0.0417,0.0799,0.0599,0.0681,0.0,0.0,reg oper spec account,block of flats,0.0526,Panel,No,2.0,0.0,2.0,0.0,-91.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2391200,234934,Consumer loans,4667.58,20695.5,24525.0,0.0,20695.5,THURSDAY,15,Y,1,0.0,,,XAP,Approved,-236,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,1378,Consumer electronics,6.0,middle,POS household with interest,365243.0,-206.0,-56.0,-56.0,-51.0,1.0,0,Cash loans,F,N,Y,0,112500.0,604152.0,29196.0,540000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.007273999999999998,-17049,-675,-9392.0,-379,,1,1,0,1,0,0,Laborers,1.0,2,2,TUESDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.7129922581952239,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-236.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2357859,377324,Consumer loans,7658.235,75636.0,83623.5,0.0,75636.0,TUESDAY,14,Y,1,0.0,,,XAP,Approved,-483,Cash through the bank,XAP,,New,Computers,POS,XNA,Regional / Local,70,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-452.0,-122.0,-122.0,-114.0,0.0,0,Cash loans,M,Y,Y,1,225000.0,622188.0,25110.0,472500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.003069,-19135,-1434,-12748.0,-327,32.0,1,1,0,1,0,0,Drivers,3.0,3,3,TUESDAY,12,0,0,0,0,1,1,Other,,0.5727599372862757,0.6212263380626669,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2736621,380358,Consumer loans,5314.905,35221.5,29664.0,7047.0,35221.5,WEDNESDAY,19,Y,1,0.2090605986315718,,,XAP,Approved,-970,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Regional / Local,250,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-939.0,-789.0,-939.0,-931.0,0.0,0,Cash loans,F,Y,Y,0,270000.0,675000.0,45238.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.011656999999999999,-18787,-2431,-11163.0,-2316,5.0,1,1,1,1,1,1,Managers,2.0,1,1,SUNDAY,19,0,0,0,0,0,0,Trade: type 7,0.8718668243354581,0.6806730150519902,0.1419915427739129,0.0928,0.0882,0.9841,0.7824,0.0053,0.0,0.2069,0.1667,0.0,0.0,0.0756,0.0964,0.0,0.0133,0.0945,0.0915,0.9841,0.7909,0.0053,0.0,0.2069,0.1667,0.0,0.0,0.0826,0.1005,0.0,0.0141,0.0937,0.0882,0.9841,0.7853,0.0053,0.0,0.2069,0.1667,0.0,0.0,0.077,0.0982,0.0,0.0136,org spec account,block of flats,0.0787,Panel,No,0.0,0.0,0.0,0.0,-1865.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,2.0 +1075557,190753,Consumer loans,3478.95,38407.5,38407.5,0.0,38407.5,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-370,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Regional / Local,50,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-339.0,-9.0,-9.0,-6.0,0.0,0,Cash loans,F,N,Y,0,90000.0,760225.5,32206.5,679500.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-22328,365243,-9607.0,-4596,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,XNA,,0.6675255950808131,0.8083935912119442,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1955.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +2835943,191618,Consumer loans,11193.075,170730.0,170730.0,0.0,170730.0,THURSDAY,16,Y,1,0.0,,,XAP,Approved,-538,Cash through the bank,XAP,,New,Homewares,POS,XNA,Stone,15,Construction,18.0,low_normal,POS other with interest,365243.0,-506.0,4.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,67500.0,431280.0,18400.5,360000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-21186,365243,-3129.0,-4397,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,XNA,,0.3888188904806825,,0.0165,0.0491,0.9672,0.5512,0.0024,0.0,0.069,0.0417,0.0833,0.0095,0.0134,0.0154,0.0,0.0,0.0168,0.051,0.9672,0.5688,0.0024,0.0,0.069,0.0417,0.0833,0.0097,0.0147,0.016,0.0,0.0,0.0167,0.0491,0.9672,0.5572,0.0024,0.0,0.069,0.0417,0.0833,0.0097,0.0137,0.0157,0.0,0.0,reg oper account,block of flats,0.0134,Mixed,No,0.0,0.0,0.0,0.0,-538.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1652084,433336,Consumer loans,6603.3,45729.0,49500.0,0.0,45729.0,SUNDAY,10,Y,1,0.0,,,XAP,Approved,-2451,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,50,Connectivity,10.0,high,POS mobile with interest,365243.0,-2420.0,-2150.0,-2150.0,-2136.0,1.0,0,Cash loans,F,N,N,0,76500.0,755190.0,30078.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00963,-15491,-2208,-8388.0,-4443,,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,10,0,0,0,0,1,1,Trade: type 7,0.7886867833173048,0.5716090530963519,0.6347055309763198,,,0.9747,,,,,,,,,0.0084,,,,,0.9747,,,,,,,,,0.0087,,,,,0.9747,,,,,,,,,0.0085,,,,,0.0072,,No,0.0,0.0,0.0,0.0,-1871.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1968070,123848,Cash loans,41119.515,180000.0,202779.0,,180000.0,MONDAY,5,Y,1,,,,Urgent needs,Refused,-452,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,N,0,112500.0,432661.5,23598.0,373500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.002134,-9839,-1076,-1025.0,-2390,,1,1,0,1,0,0,,1.0,3,3,FRIDAY,5,0,0,0,0,0,0,Agriculture,,0.32373806893594165,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,0.0,9.0,0.0,-557.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2021867,293884,Consumer loans,6228.99,64867.5,58378.5,6489.0,64867.5,SATURDAY,11,Y,1,0.10894686721533756,,,XAP,Refused,-2355,XNA,HC,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,500,Consumer electronics,12.0,middle,POS household with interest,,,,,,,0,Cash loans,M,Y,Y,0,123750.0,320382.0,16357.5,229500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-20952,365243,-1166.0,-4346,7.0,1,0,0,1,0,0,,2.0,2,2,TUESDAY,8,0,0,0,0,0,0,XNA,0.7787070977562898,0.7681066967913728,0.6212263380626669,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1264.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1079170,222063,Cash loans,15119.19,135000.0,143910.0,,135000.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-432,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-402.0,-72.0,-72.0,-64.0,1.0,0,Cash loans,F,N,Y,0,81000.0,942300.0,27679.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-19632,-8721,-8540.0,-3125,,1,1,0,1,0,0,Secretaries,2.0,3,3,MONDAY,14,0,0,0,0,0,0,Security Ministries,,0.3852600354076777,0.7136313997323308,0.1861,0.1558,0.9916,0.8844,0.052000000000000005,0.24,0.2069,0.3333,0.375,0.0873,0.1513,0.2174,0.0019,0.0108,0.0536,0.0285,0.9886,0.8497,0.0097,0.0403,0.0345,0.3333,0.375,0.0064,0.0468,0.0471,0.0,0.0,0.1879,0.1558,0.9916,0.8859,0.0523,0.24,0.2069,0.3333,0.375,0.0888,0.1539,0.2213,0.0019,0.011,reg oper account,block of flats,0.3628,"Stone, brick",No,0.0,0.0,0.0,0.0,-2040.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1885659,313942,Revolving loans,20250.0,0.0,405000.0,,,FRIDAY,7,Y,1,,,,XAP,Refused,-588,XNA,SCOFR,,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,Y,N,1,103500.0,269550.0,14751.0,225000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.018209,-10180,-1255,-4266.0,-2157,14.0,1,1,0,1,1,0,Laborers,3.0,3,3,THURSDAY,9,0,0,0,0,0,0,Business Entity Type 2,0.12736838281486138,0.44290427874328697,0.4561097392782771,0.1206,0.13,0.9801,0.728,0.0569,0.0,0.2759,0.1667,0.2083,0.0821,0.0958,0.114,0.0116,0.0081,0.1229,0.1349,0.9801,0.7387,0.0574,0.0,0.2759,0.1667,0.2083,0.084,0.1047,0.1188,0.0117,0.0085,0.1218,0.13,0.9801,0.7316,0.0573,0.0,0.2759,0.1667,0.2083,0.0836,0.0975,0.1161,0.0116,0.0082,reg oper account,block of flats,0.1208,Panel,No,0.0,0.0,0.0,0.0,-1056.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1331740,226163,Consumer loans,3164.4,27693.0,13500.0,14193.0,27693.0,SATURDAY,9,Y,1,0.5581723638727211,,,XAP,Approved,-2450,XNA,XAP,,New,Mobile,POS,XNA,Stone,16,Connectivity,5.0,high,POS mobile with interest,365243.0,-2415.0,-2295.0,-2325.0,-2323.0,0.0,0,Cash loans,M,N,N,0,189000.0,359725.5,11034.0,297000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018029,-23810,365243,-7526.0,-4792,,1,0,0,1,1,0,,2.0,3,2,THURSDAY,7,0,0,0,0,0,0,XNA,0.5667534759810962,0.11698683450299267,0.7597121819739279,0.0526,0.0644,0.9856,0.8028,0.0099,0.0,0.1034,0.1667,0.2083,0.0486,0.042,0.0524,0.0039,0.0041,0.0536,0.0669,0.9856,0.8105,0.01,0.0,0.1034,0.1667,0.2083,0.0497,0.0459,0.0546,0.0039,0.0044,0.0531,0.0644,0.9856,0.8054,0.01,0.0,0.1034,0.1667,0.2083,0.0494,0.0428,0.0534,0.0039,0.0042,reg oper account,block of flats,0.0488,Panel,No,1.0,0.0,1.0,0.0,-2450.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1177225,197532,Consumer loans,3487.86,20628.0,21991.5,0.0,20628.0,SATURDAY,9,Y,1,0.0,,,XAP,Approved,-2428,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,8.0,high,POS mobile with interest,365243.0,-2397.0,-2187.0,-2187.0,-2182.0,1.0,0,Cash loans,F,Y,N,0,157500.0,701730.0,72036.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00702,-15646,-243,-3544.0,-4601,14.0,1,1,0,1,0,0,Cooking staff,2.0,2,2,FRIDAY,12,0,0,0,0,1,1,Other,0.6175237407355503,0.4305646818848605,0.4614823912998385,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2258103,301164,Consumer loans,7722.0,59638.5,63508.5,4500.0,59638.5,SUNDAY,15,Y,1,0.07206318461529204,,,XAP,Approved,-398,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,12.0,high,POS mobile with interest,365243.0,-367.0,-37.0,-217.0,-209.0,0.0,0,Cash loans,M,N,Y,2,112500.0,170640.0,11236.5,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010147,-11555,-592,-581.0,-2734,,1,1,1,1,0,0,Laborers,4.0,2,2,SATURDAY,12,0,0,0,0,0,0,Self-employed,,0.7126072663643852,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,0.0,-398.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2647664,186733,Cash loans,23366.205,225000.0,239850.0,,225000.0,SATURDAY,9,Y,1,,,,XNA,Approved,-235,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Country-wide,356,Consumer electronics,12.0,low_normal,Cash X-Sell: low,365243.0,-205.0,125.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,0,90000.0,331632.0,32436.0,315000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.020713,-12019,-5436,-967.0,-4492,16.0,1,1,1,1,1,0,Laborers,2.0,3,3,WEDNESDAY,8,0,0,0,0,0,0,Housing,0.13009974851506242,0.7568330197523747,0.7898803468924867,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-235.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1452719,388957,Consumer loans,3877.2,29695.5,32310.0,0.0,29695.5,THURSDAY,13,Y,1,0.0,,,XAP,Approved,-765,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Regional / Local,31,Consumer electronics,10.0,middle,POS household with interest,365243.0,-734.0,-464.0,-734.0,-725.0,0.0,0,Cash loans,F,N,Y,0,112500.0,540000.0,19525.5,540000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.014519999999999996,-21440,365243,-11728.0,-3574,,1,0,0,1,0,0,,1.0,2,2,SATURDAY,8,0,0,0,0,0,0,XNA,,0.3420278293317465,0.2910973802776635,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,3.0,9.0,3.0,-477.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1628561,142337,Revolving loans,11250.0,225000.0,225000.0,,225000.0,THURSDAY,9,Y,1,,,,XAP,Refused,-926,XNA,SCOFR,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,157500.0,177768.0,11002.5,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00823,-16503,-1660,-8289.0,-46,,1,1,0,1,0,1,Sales staff,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,Trade: type 7,0.7251383610049087,0.4371389423152411,0.41184855592423975,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2302.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2537729,252475,Consumer loans,6983.145,69291.0,69291.0,0.0,69291.0,MONDAY,13,Y,1,0.0,,,XAP,Approved,-818,Cash through the bank,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Country-wide,1512,Consumer electronics,12.0,middle,POS household with interest,365243.0,-787.0,-457.0,-547.0,-539.0,0.0,0,Cash loans,F,N,Y,0,45000.0,276277.5,25470.0,238500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.0105,-16173,-3979,-4709.0,-4275,,1,1,0,1,0,0,Core staff,2.0,3,3,SUNDAY,13,0,0,0,0,0,0,Postal,,0.458201375926527,,,,0.9826,,,,0.1379,0.1667,,,,0.0528,,0.033,,,0.9826,,,,0.1379,0.1667,,,,0.055,,0.0349,,,0.9826,,,,0.1379,0.1667,,,,0.0537,,0.0337,,,0.0487,"Stone, brick",No,2.0,0.0,2.0,0.0,-818.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1498314,254414,Consumer loans,7573.815,44955.0,37737.0,9000.0,44955.0,MONDAY,11,Y,1,0.2097228787003484,,,XAP,Approved,-2341,XNA,XAP,Other_B,Refreshed,Mobile,POS,XNA,Stone,40,Connectivity,6.0,high,POS mobile with interest,365243.0,-2307.0,-2157.0,-2157.0,-2146.0,1.0,0,Revolving loans,F,N,Y,0,247500.0,630000.0,31500.0,630000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.007305,-15466,-1871,-9226.0,-4347,,1,1,0,1,1,0,Private service staff,1.0,3,3,THURSDAY,15,0,0,0,0,0,0,Self-employed,,0.6536120649384386,0.6817058776720116,,,0.9846,,,,,,,,,0.3106,,,,,0.9846,,,,,,,,,0.3236,,,,,0.9846,,,,,,,,,0.3161,,,,,0.2449,,No,0.0,0.0,0.0,0.0,-1546.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2511113,294754,Consumer loans,5435.91,21330.0,19080.0,2250.0,21330.0,FRIDAY,20,Y,1,0.11488300728807052,,,XAP,Approved,-2862,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Stone,10,Connectivity,4.0,high,POS mobile with interest,365243.0,-2821.0,-2731.0,-2731.0,-2622.0,0.0,0,Cash loans,F,N,Y,0,126000.0,454500.0,14791.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.030755,-15561,-1377,-708.0,-3494,,1,1,0,1,0,0,Sales staff,1.0,2,2,THURSDAY,12,0,0,0,0,0,0,Trade: type 3,,0.36941659078418254,0.3360615207658242,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,2.0,2.0,0.0,-384.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1888503,326848,Consumer loans,3542.13,33727.5,30352.5,3375.0,33727.5,TUESDAY,12,Y,1,0.10898174540602824,,,XAP,Refused,-2532,Cash through the bank,SCO,Family,Repeater,XNA,POS,XNA,Country-wide,35,Connectivity,12.0,low_normal,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,1,135000.0,922500.0,27103.5,922500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008865999999999999,-14072,-2044,-3975.0,-4880,,1,1,0,1,0,0,Core staff,3.0,2,2,SUNDAY,12,0,0,0,0,0,0,Self-employed,,0.4498050255000619,,0.0619,,0.9816,,,,0.1724,0.1667,,,,0.0689,,0.0054,0.063,,0.9816,,,,0.1724,0.1667,,,,0.0717,,0.0057,0.0625,,0.9816,,,,0.1724,0.1667,,,,0.0701,,0.0055,,block of flats,0.0618,Block,No,0.0,0.0,0.0,0.0,-1685.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1606331,407241,Consumer loans,3621.375,30555.0,17901.0,13500.0,30555.0,SUNDAY,14,Y,1,0.468224810443211,,,XAP,Approved,-2222,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Stone,60,Consumer electronics,6.0,high,POS household with interest,365243.0,-2185.0,-2035.0,-2035.0,-2033.0,0.0,0,Cash loans,F,N,Y,0,112500.0,495000.0,27769.5,495000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.009334,-23239,365243,-6699.0,-4982,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,XNA,,0.7712312431823097,0.42765737003502935,0.134,0.1518,0.9896,0.8572,0.0199,0.0,0.3448,0.1667,0.2083,0.1155,0.1093,0.1456,0.0,0.05,0.1366,0.1575,0.9896,0.8628,0.0201,0.0,0.3448,0.1667,0.2083,0.1181,0.1194,0.1517,0.0,0.0529,0.1353,0.1518,0.9896,0.8591,0.02,0.0,0.3448,0.1667,0.2083,0.1175,0.1112,0.1482,0.0,0.051,org spec account,block of flats,0.1252,"Stone, brick",No,3.0,0.0,3.0,0.0,-2222.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1005425,424932,Consumer loans,8762.625,80955.0,78871.5,8095.5,80955.0,WEDNESDAY,15,Y,1,0.10138024140818296,,,XAP,Approved,-2285,Cash through the bank,XAP,Family,New,Photo / Cinema Equipment,POS,XNA,Country-wide,3000,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2254.0,-1984.0,-1984.0,-1980.0,1.0,0,Revolving loans,M,Y,Y,1,562500.0,900000.0,45000.0,900000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.032561,-17064,-1128,-1944.0,-612,1.0,1,1,0,1,0,0,Sales staff,3.0,1,1,SATURDAY,13,0,0,0,0,0,0,Industry: type 12,0.580920110725593,,0.18629294965553744,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-438.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2591647,234968,Cash loans,31855.05,135000.0,157099.5,,135000.0,MONDAY,14,Y,1,,,,XNA,Refused,-1061,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,,,,,,,0,Cash loans,F,Y,Y,0,135000.0,448056.0,21789.0,315000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.02461,-19423,-12551,-8981.0,-2950,9.0,1,1,0,1,0,0,Medicine staff,2.0,2,2,FRIDAY,12,0,0,0,0,1,1,Medicine,,0.4426345151610403,0.3876253444214701,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-756.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2668234,128315,Cash loans,14180.49,315000.0,400239.0,,315000.0,THURSDAY,12,Y,1,,,,XNA,Approved,-387,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,middle,Cash X-Sell: middle,365243.0,-357.0,1413.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,0,157500.0,625356.0,18414.0,522000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-20396,365243,-7841.0,-3936,4.0,1,0,0,1,0,0,,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,XNA,,0.04734860130522407,0.6092756673894402,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2173.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2173855,280087,Consumer loans,6240.465,29655.0,31221.0,0.0,29655.0,FRIDAY,17,Y,1,0.0,,,XAP,Approved,-1086,Cash through the bank,XAP,"Spouse, partner",Repeater,Computers,POS,XNA,Regional / Local,792,Consumer electronics,6.0,high,POS household with interest,365243.0,-1055.0,-905.0,-905.0,-902.0,0.0,0,Revolving loans,M,Y,Y,0,247500.0,382500.0,19125.0,382500.0,"Spouse, partner",Working,Higher education,Married,Municipal apartment,0.008865999999999999,-20131,-2534,-3028.0,-3585,10.0,1,1,1,1,1,0,Laborers,2.0,2,2,SATURDAY,16,0,0,0,1,1,0,Business Entity Type 3,,0.4673127988157604,0.3572932680336494,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1788.0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2002494,446787,Consumer loans,10333.53,71995.5,87907.5,0.0,71995.5,SUNDAY,14,Y,1,0.0,,,XAP,Approved,-261,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,2106,Consumer electronics,10.0,middle,POS household with interest,365243.0,-230.0,40.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,225000.0,727785.0,20142.0,607500.0,"Spouse, partner",Working,Higher education,Married,House / apartment,0.018801,-8716,-626,-456.0,-999,,1,1,0,1,0,0,Core staff,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Self-employed,,0.4661970403015694,0.8061492814355136,0.0784,0.0402,0.9811,0.7416,0.0011,0.08,0.069,0.3333,0.375,0.0576,0.0605,0.0746,0.0154,0.0,0.0798,0.0418,0.9811,0.7517,0.0011,0.0806,0.069,0.3333,0.375,0.0589,0.0661,0.0778,0.0156,0.0,0.0791,0.0402,0.9811,0.7451,0.0011,0.08,0.069,0.3333,0.375,0.0586,0.0616,0.076,0.0155,0.0,reg oper spec account,block of flats,0.0763,Panel,No,0.0,0.0,0.0,0.0,-513.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2226900,270581,Cash loans,26433.18,229500.0,271332.0,,229500.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-533,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,low_normal,Cash X-Sell: low,,,,,,,0,Revolving loans,F,N,N,0,45000.0,225000.0,11250.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-18041,-10275,-13761.0,-1569,,1,1,0,1,0,1,Core staff,2.0,2,2,THURSDAY,17,0,0,0,0,0,0,Kindergarten,,0.67130985309531,0.5971924268337128,0.1485,0.131,0.9811,0.7416,0.0249,0.0,0.4138,0.1667,0.2083,0.1166,0.1168,0.1423,0.0232,0.0601,0.1513,0.1359,0.9811,0.7517,0.0251,0.0,0.4138,0.1667,0.2083,0.1192,0.1276,0.1482,0.0233,0.0637,0.1499,0.131,0.9811,0.7451,0.025,0.0,0.4138,0.1667,0.2083,0.1186,0.1189,0.1448,0.0233,0.0614,reg oper spec account,block of flats,0.1386,Panel,No,1.0,0.0,1.0,0.0,-916.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2661535,248363,Cash loans,16632.405,135000.0,162315.0,,135000.0,MONDAY,17,Y,1,,,,XNA,Approved,-655,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-625.0,-295.0,-295.0,-292.0,1.0,0,Cash loans,F,N,Y,0,135000.0,178213.5,13918.5,144000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-15923,-961,-4108.0,-4656,,1,1,0,1,0,0,Waiters/barmen staff,2.0,2,2,FRIDAY,11,0,0,0,0,1,1,School,,0.6562905413293174,0.21155076420525776,0.1227,0.098,0.9816,0.7484,0.0158,0.0,0.2759,0.1667,0.2083,0.0496,0.1,0.1037,0.0,0.0,0.125,0.1017,0.9816,0.7583,0.0159,0.0,0.2759,0.1667,0.2083,0.0507,0.1093,0.1081,0.0,0.0,0.1239,0.098,0.9816,0.7518,0.0159,0.0,0.2759,0.1667,0.2083,0.0504,0.1018,0.1056,0.0,0.0,reg oper spec account,block of flats,0.0902,Panel,No,16.0,0.0,15.0,0.0,-263.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1341790,318838,Consumer loans,15868.845,117076.5,129438.0,0.0,117076.5,SATURDAY,11,Y,1,0.0,,,XAP,Refused,-15,Cash through the bank,HC,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,high,POS mobile with interest,,,,,,,0,Cash loans,M,N,N,1,225000.0,508495.5,24462.0,454500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.00963,-16560,-2072,-283.0,-117,,1,1,0,1,1,0,Laborers,3.0,2,2,SATURDAY,13,0,0,0,0,1,1,Business Entity Type 3,0.3518991383510597,0.3324049549550701,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-275.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1091858,249665,Cash loans,17974.575,315000.0,424228.5,,315000.0,WEDNESDAY,14,Y,1,,,,XNA,Approved,-450,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,low_normal,Cash Street: low,365243.0,-418.0,632.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,216000.0,456273.0,27702.0,346500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-17308,-2137,-1726.0,-854,11.0,1,1,0,1,0,0,Core staff,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,Kindergarten,0.8079536299791994,0.4727927106011551,0.4920600938649263,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,10.0,0.0,10.0,0.0,-2510.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1033839,298601,Cash loans,8539.605,67500.0,71955.0,,67500.0,TUESDAY,13,Y,1,,,,Car repairs,Approved,-604,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-574.0,-244.0,-244.0,-242.0,1.0,0,Cash loans,F,N,Y,0,135000.0,268659.0,15129.0,243000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.022625,-23019,365243,-3062.0,-4534,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,XNA,,0.6675692723121067,0.5531646987710016,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-5.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2395626,185850,Revolving loans,4500.0,90000.0,90000.0,,90000.0,FRIDAY,10,Y,1,,,,XAP,Approved,-103,XNA,XAP,Family,Refreshed,XNA,Cards,x-sell,AP+ (Cash loan),50,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,90000.0,414792.0,17703.0,315000.0,Unaccompanied,Pensioner,Higher education,Civil marriage,House / apartment,0.01885,-20358,365243,-4174.0,-3605,8.0,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,0.6247562859222793,0.5996299926602833,0.656158373001177,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-103.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2758401,331542,Cash loans,20877.885,648000.0,759195.0,,648000.0,MONDAY,10,Y,1,,,,XNA,Refused,-397,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,135000.0,252261.0,13009.5,171000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.019101,-17732,-891,-6633.0,-1246,,1,1,0,1,0,0,Core staff,1.0,2,2,SATURDAY,11,0,0,0,0,0,0,Kindergarten,,0.5125020673209029,0.38079968264891495,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1760.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1117966,240620,Cash loans,52919.28,1125000.0,1255680.0,,1125000.0,WEDNESDAY,17,Y,1,,,,Repairs,Refused,-492,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,middle,Cash Street: middle,,,,,,,0,Cash loans,M,N,Y,0,630000.0,900000.0,60520.5,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.072508,-18754,-2470,-7210.0,-2310,,1,1,0,1,0,0,Sales staff,1.0,1,1,FRIDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.6818806451204337,0.7725173207021137,,0.1412,0.0656,0.9866,0.8164,0.066,0.16,0.069,0.6667,0.7083,0.0,0.1143,0.1727,0.0039,0.0012,0.1439,0.068,0.9866,0.8236,0.0667,0.1611,0.069,0.6667,0.7083,0.0,0.1249,0.1799,0.0039,0.0012,0.1426,0.0656,0.9866,0.8189,0.0665,0.16,0.069,0.6667,0.7083,0.0,0.1163,0.1758,0.0039,0.0012,reg oper account,block of flats,0.1361,Panel,No,4.0,0.0,4.0,0.0,-1629.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2641408,380253,Consumer loans,14838.93,67945.5,71532.0,0.0,67945.5,FRIDAY,13,Y,1,0.0,,,XAP,Approved,-649,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Stone,5,XNA,6.0,high,POS household with interest,365243.0,-618.0,-468.0,-468.0,-465.0,0.0,1,Cash loans,M,N,Y,2,247500.0,651600.0,23535.0,562500.0,Family,Pensioner,Secondary / secondary special,Separated,House / apartment,0.009334,-17557,365243,-5998.0,-1113,,1,0,0,1,0,0,,3.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,XNA,,0.34955676365984445,0.746300213050371,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2526695,359931,Consumer loans,6070.86,25191.0,28890.0,0.0,25191.0,SATURDAY,14,Y,1,0.0,,,XAP,Approved,-745,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,2500,Consumer electronics,6.0,high,POS household with interest,365243.0,-714.0,-564.0,-714.0,-709.0,0.0,0,Cash loans,F,N,N,0,202500.0,71316.0,7182.0,63000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.016612000000000002,-20930,365243,-6343.0,-4233,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,11,0,0,0,0,0,0,XNA,,0.5195306261281211,0.5478104658520093,0.0876,0.0821,0.9811,0.7416,0.0138,0.08,0.0345,0.4583,0.5,0.0384,0.0698,0.0769,0.0077,0.028,0.0893,0.0852,0.9811,0.7517,0.0139,0.0806,0.0345,0.4583,0.5,0.0393,0.0762,0.0801,0.0078,0.0296,0.0885,0.0821,0.9811,0.7451,0.0139,0.08,0.0345,0.4583,0.5,0.0391,0.071,0.0783,0.0078,0.0286,reg oper account,block of flats,0.0741,"Stone, brick",No,0.0,0.0,0.0,0.0,-1366.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,2.0,1.0 +2048720,365453,Consumer loans,8544.24,110205.0,87705.0,22500.0,110205.0,THURSDAY,19,Y,1,0.22235420765433012,,,XAP,Approved,-78,XNA,XAP,Other_A,Repeater,Computers,POS,XNA,Country-wide,104,Connectivity,12.0,low_normal,POS mobile with interest,365243.0,-43.0,287.0,-13.0,-5.0,0.0,0,Revolving loans,F,Y,N,0,360000.0,315000.0,15750.0,315000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010006000000000001,-13376,-1136,-4293.0,-1576,4.0,1,1,0,1,0,1,Managers,2.0,2,1,FRIDAY,9,0,0,0,0,0,0,Business Entity Type 1,0.5340242628368365,0.5920048134269869,0.19294222771695085,0.1186,0.1443,0.993,0.9048,0.0713,0.0,0.2759,0.1667,0.2083,0.1015,0.0958,0.1316,0.0039,0.022,0.1208,0.1498,0.993,0.9085,0.0719,0.0,0.2759,0.1667,0.2083,0.1039,0.1047,0.1372,0.0039,0.0233,0.1197,0.1443,0.993,0.9061,0.0717,0.0,0.2759,0.1667,0.2083,0.1033,0.0975,0.134,0.0039,0.0224,reg oper account,block of flats,0.1492,Panel,No,3.0,0.0,3.0,0.0,-1297.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2168505,205553,Consumer loans,6971.4,99760.5,95629.5,19935.0,99760.5,WEDNESDAY,14,Y,1,0.18786934805002625,,,XAP,Approved,-1379,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,30,Connectivity,24.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,Y,N,1,90000.0,533668.5,25803.0,477000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.031329,-13372,-1333,-1740.0,-3444,12.0,1,1,0,1,0,0,Cooking staff,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Other,0.4161164324091304,0.6473777741248368,0.4596904504249018,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1878.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1193118,360848,Cash loans,10143.045,45000.0,52128.0,,45000.0,THURSDAY,15,Y,1,,,,XNA,Approved,-883,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,high,Cash X-Sell: high,365243.0,-853.0,-703.0,-733.0,-718.0,1.0,1,Cash loans,F,N,Y,1,76500.0,254700.0,27558.0,225000.0,Children,Working,Higher education,Married,House / apartment,0.009175,-11239,-2474,-359.0,-441,,1,1,0,1,0,0,Laborers,3.0,2,2,FRIDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.2417198543485021,0.7702149602503957,0.3791004853998145,0.1113,0.0484,0.9906,,,0.04,0.0345,0.3333,,0.0416,,0.0385,,0.0802,0.1134,0.0502,0.9906,,,0.0403,0.0345,0.3333,,0.0426,,0.0401,,0.0849,0.1124,0.0484,0.9906,,,0.04,0.0345,0.3333,,0.0423,,0.0392,,0.0819,,block of flats,0.0579,Panel,No,1.0,1.0,1.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +2612962,168743,Cash loans,10911.96,90000.0,107901.0,,90000.0,THURSDAY,17,Y,1,,,,XNA,Approved,-442,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-411.0,-81.0,-81.0,-75.0,0.0,0,Cash loans,F,Y,Y,0,117000.0,247500.0,24610.5,247500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-16226,-3312,-10328.0,-4664,2.0,1,1,0,1,1,0,High skill tech staff,2.0,2,2,FRIDAY,18,0,0,0,0,0,0,Business Entity Type 3,0.9129387830837546,0.6376743966229461,0.13680052191177486,0.2227,,0.9856,,,0.24,0.2069,0.3333,,0.187,,0.2284,,0.0537,0.2269,,0.9856,,,0.2417,0.2069,0.3333,,0.1913,,0.238,,0.0568,0.2248,,0.9856,,,0.24,0.2069,0.3333,,0.1903,,0.2325,,0.0548,,block of flats,0.1913,"Stone, brick",No,0.0,0.0,0.0,0.0,-1822.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,9.0 +1302690,380278,Consumer loans,10025.91,132705.0,102703.5,39811.5,132705.0,SUNDAY,7,Y,1,0.3042370468180384,,,XAP,Approved,-316,XNA,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Regional / Local,370,Consumer electronics,12.0,middle,POS household with interest,365243.0,-286.0,44.0,-76.0,-71.0,1.0,0,Cash loans,M,Y,N,0,202500.0,900000.0,31887.0,900000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.010032,-17983,-1802,-720.0,-1537,19.0,1,1,0,1,1,0,Core staff,2.0,2,2,SATURDAY,13,0,0,0,0,1,1,Military,0.5874283117718204,0.5381955932190663,0.5919766183185521,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-316.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1780640,253692,Consumer loans,14825.025,134910.0,133438.5,13491.0,134910.0,WEDNESDAY,16,Y,1,0.09999983294400007,,,XAP,Approved,-2117,XNA,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,1310,Consumer electronics,12.0,high,POS household with interest,365243.0,-2086.0,-1756.0,-1756.0,-1749.0,0.0,0,Cash loans,F,N,Y,0,180000.0,497520.0,28692.0,450000.0,Unaccompanied,Working,Higher education,Widow,House / apartment,0.032561,-23716,-4565,-8815.0,-3924,,1,1,0,1,1,0,Core staff,1.0,1,1,SATURDAY,10,0,0,0,0,0,0,Postal,,0.7022023095689205,,0.156,0.0801,0.9771,0.6872,0.0,0.08,0.2241,0.2083,0.2638,0.0243,0.1101,0.1413,0.0785,0.0051,0.084,0.0086,0.9772,0.6994,0.0,0.0,0.2759,0.1667,0.2083,0.0165,0.0725,0.0725,0.0039,0.0023,0.1655,0.0818,0.9771,0.6914,0.0,0.0,0.2414,0.1667,0.2083,0.0279,0.0855,0.1418,0.0039,0.0066,org spec account,block of flats,0.1939,Panel,No,2.0,0.0,2.0,0.0,-1585.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2029349,199235,Cash loans,40777.02,211500.0,218479.5,,211500.0,THURSDAY,10,Y,1,,,,XNA,Approved,-490,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-460.0,-310.0,-430.0,-424.0,1.0,0,Cash loans,F,N,Y,0,67500.0,239850.0,23850.0,225000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.02461,-24211,365243,-3053.0,-4592,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,XNA,,0.3828752935327725,0.5460231970049609,0.0619,0.0661,0.9871,0.8232,0.0,0.0,0.1034,0.1667,0.0417,0.0944,0.0504,0.0631,0.0039,0.0012,0.063,0.0686,0.9871,0.8301,0.0,0.0,0.1034,0.1667,0.0417,0.0965,0.0551,0.0657,0.0039,0.0012,0.0625,0.0661,0.9871,0.8256,0.0,0.0,0.1034,0.1667,0.0417,0.096,0.0513,0.0642,0.0039,0.0012,reg oper account,block of flats,0.0556,Panel,No,0.0,0.0,0.0,0.0,-1869.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,4.0,5.0 +1922281,180200,Cash loans,26268.3,135000.0,135000.0,,135000.0,SATURDAY,8,Y,1,,,,XNA,Approved,-1124,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,high,Cash X-Sell: high,365243.0,-1094.0,-944.0,-944.0,-941.0,0.0,0,Cash loans,M,N,N,0,157500.0,630000.0,17455.5,630000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.0228,-13874,-344,-35.0,-3759,,1,1,0,1,0,0,Laborers,1.0,2,2,WEDNESDAY,8,0,0,0,0,1,1,Transport: type 4,,0.5499443363103649,0.2851799046358216,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1302.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2224257,455131,Revolving loans,0.0,0.0,0.0,,0.0,TUESDAY,15,Y,1,,,,XAP,Approved,-310,XNA,XAP,,New,XNA,Cards,walk-in,Country-wide,50,Connectivity,0.0,XNA,Card Street,-310.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,202500.0,545040.0,25537.5,450000.0,Unaccompanied,Working,Higher education,Widow,House / apartment,0.008019,-19332,-2180,-4425.0,-2746,,1,1,0,1,0,0,Managers,1.0,2,2,THURSDAY,17,0,0,0,0,0,0,Other,0.7426451838378639,0.5418729368580774,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,0.0,8.0,0.0,-310.0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1358583,363965,Consumer loans,11650.14,59534.82,59530.5,4.32,59534.82,TUESDAY,9,Y,1,7.90272436747558e-05,,,XAP,Approved,-1401,XNA,XAP,,Repeater,Computers,POS,XNA,Country-wide,1103,Consumer electronics,6.0,high,POS household with interest,365243.0,-1349.0,-1199.0,-1259.0,-1248.0,0.0,0,Cash loans,F,N,Y,1,90000.0,112500.0,11088.0,112500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0228,-16318,-5004,-6725.0,-5002,,1,1,1,1,1,0,Sales staff,3.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.8876865960726988,0.5460281977561645,0.8128226070575616,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2766.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2273728,220048,Cash loans,41276.34,675000.0,732915.0,,675000.0,SATURDAY,10,Y,1,,,,XNA,Approved,-381,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,30.0,middle,Cash X-Sell: middle,365243.0,-351.0,519.0,-171.0,-163.0,1.0,0,Cash loans,M,N,N,0,112500.0,544491.0,17563.5,454500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.008625,-21459,-3510,-3407.0,-3543,,1,1,1,1,0,0,Laborers,2.0,2,2,SUNDAY,15,0,0,0,0,1,1,Other,,0.5745836741434339,0.39277386060313396,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-381.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1912846,249026,Consumer loans,20149.425,171000.0,108963.0,67500.0,171000.0,MONDAY,14,Y,1,0.4165951863202845,,,XAP,Approved,-591,Cash through the bank,XAP,,New,Computers,POS,XNA,Regional / Local,90,Consumer electronics,6.0,middle,POS household with interest,365243.0,-560.0,-410.0,-410.0,-403.0,0.0,0,Cash loans,F,N,Y,1,180000.0,1325475.0,56290.5,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.010276,-13876,-1521,-1990.0,-2000,,1,1,0,1,0,0,Sales staff,3.0,2,2,THURSDAY,11,0,0,0,0,0,0,Trade: type 7,,0.36348182846264615,0.3910549766342248,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-591.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2766648,138240,Cash loans,23157.0,787500.0,787500.0,,787500.0,SUNDAY,13,Y,1,,,,XNA,Refused,-196,Cash through the bank,XNA,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,90000.0,425889.0,18171.0,355500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.0228,-23174,365243,-6332.0,-5248,,1,0,0,1,1,0,,1.0,2,2,SUNDAY,10,0,0,0,0,0,0,XNA,,0.4172416011476752,0.7062051096536562,0.1505,0.0812,0.9856,0.8028,0.0307,0.16,0.1379,0.3333,0.375,0.0364,0.1219,0.1531,0.0039,0.0241,0.1502,0.0788,0.9841,0.7909,0.029,0.1611,0.1379,0.3333,0.375,0.0111,0.1313,0.1495,0.0,0.0217,0.152,0.0812,0.9856,0.8054,0.0309,0.16,0.1379,0.3333,0.375,0.037000000000000005,0.124,0.1558,0.0039,0.0247,reg oper account,block of flats,0.1346,"Stone, brick",No,0.0,0.0,0.0,0.0,-530.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,3.0 +1158463,284878,Cash loans,12730.455,292500.0,339988.5,,292500.0,TUESDAY,13,Y,1,,,,XNA,Approved,-196,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_action,Cash X-Sell: low,365243.0,-166.0,884.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,157500.0,808650.0,23643.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,Municipal apartment,0.010966,-21774,365243,-9198.0,-4488,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,,0.2035228320289013,,0.1,0.1069,0.9786,,0.013,0.0,0.2069,0.1667,0.2083,0.0941,0.0807,0.0906,0.0077,0.0076,0.1019,0.111,0.9786,,0.0131,0.0,0.2069,0.1667,0.2083,0.0963,0.0882,0.0944,0.0078,0.0081,0.101,0.1069,0.9786,,0.013,0.0,0.2069,0.1667,0.2083,0.0957,0.0821,0.0922,0.0078,0.0078,reg oper spec account,block of flats,0.08,Panel,No,1.0,1.0,1.0,1.0,-203.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1604639,124927,Revolving loans,12375.0,247500.0,247500.0,,247500.0,MONDAY,9,Y,1,,,,XAP,Approved,-186,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-186.0,-141.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,184500.0,495000.0,25272.0,495000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-15181,-4588,-3140.0,-4175,,1,1,0,1,0,1,,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,Industry: type 7,0.5564576519867748,0.5732842659149249,0.15855489979486306,0.0093,,0.9801,,,,0.0345,0.3333,,0.0602,,0.0735,,0.0416,0.0095,,0.9801,,,,0.0345,0.3333,,0.0616,,0.0766,,0.044,0.0094,,0.9801,,,,0.0345,0.3333,,0.0613,,0.0748,,0.0424,,block of flats,0.0593,"Stone, brick",No,2.0,0.0,2.0,0.0,-1214.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1635225,403037,Consumer loans,6234.435,51471.0,50908.5,5148.0,51471.0,MONDAY,12,Y,1,0.10001766075299023,,,XAP,Approved,-2046,Cash through the bank,XAP,Children,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,57,Connectivity,12.0,high,POS mobile with interest,365243.0,-2015.0,-1685.0,-1685.0,-1683.0,0.0,0,Cash loans,F,N,Y,2,157500.0,323460.0,26064.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-12900,-5712,-4368.0,-4789,,1,1,0,1,0,0,Laborers,4.0,3,3,WEDNESDAY,7,0,0,0,1,1,0,Business Entity Type 3,0.5946818825992681,0.6154010544579694,0.5762088360175724,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,12.0,1.0,12.0,0.0,-1612.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2640433,138806,Consumer loans,6230.97,135265.5,135265.5,0.0,135265.5,SUNDAY,11,Y,1,0.0,,,XAP,Refused,-1716,Cash through the bank,HC,Family,Repeater,Computers,POS,XNA,Country-wide,30200,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,0,Cash loans,M,Y,Y,1,135000.0,540000.0,33165.0,540000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.014519999999999996,-11220,-128,-230.0,-153,14.0,1,1,0,1,0,0,Drivers,3.0,2,2,MONDAY,8,0,0,0,0,0,0,Security,,0.6538942118113183,,0.099,0.1072,0.9801,0.728,0.0206,0.0,0.2069,0.1667,0.2083,0.1001,0.0807,0.0924,0.0,0.0,0.1008,0.1112,0.9801,0.7387,0.0208,0.0,0.2069,0.1667,0.2083,0.1024,0.0882,0.0962,0.0,0.0,0.0999,0.1072,0.9801,0.7316,0.0207,0.0,0.2069,0.1667,0.2083,0.1018,0.0821,0.094,0.0,0.0,reg oper account,block of flats,0.0856,Panel,No,0.0,0.0,0.0,0.0,-595.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2080851,333324,Consumer loans,5240.97,48420.0,47173.5,4842.0,48420.0,THURSDAY,10,Y,1,0.10138089957451492,,,XAP,Approved,-2339,XNA,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,1110,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2303.0,-2033.0,-2033.0,-2028.0,1.0,0,Cash loans,F,N,N,0,67500.0,359725.5,20214.0,297000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.009656999999999999,-23484,365243,-12621.0,-4386,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,9,0,0,0,1,0,0,XNA,,0.6012668222086073,0.7623356180684377,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-451.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1466682,354845,Cash loans,10273.86,238500.0,277222.5,,238500.0,THURSDAY,9,Y,1,,,,XNA,Refused,-235,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_action,Cash X-Sell: low,,,,,,,1,Cash loans,F,N,Y,0,202500.0,796500.0,36121.5,796500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-21763,365243,-10350.0,-4738,,1,0,0,1,0,0,,2.0,2,2,MONDAY,10,0,0,0,0,0,0,XNA,,0.12535060274408116,0.10753217580247099,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,1.0,5.0,1.0,-257.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,5.0 +2395280,140987,Cash loans,18231.705,292500.0,324162.0,,292500.0,MONDAY,11,Y,1,,,,XNA,Approved,-840,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-810.0,-120.0,-150.0,-148.0,1.0,0,Revolving loans,F,N,Y,0,90000.0,270000.0,13500.0,270000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.010147,-23506,365243,-1844.0,-4721,,1,0,0,1,0,0,,1.0,2,2,MONDAY,11,0,0,0,0,0,0,XNA,,0.5121742533314309,0.7557400501752248,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-1415.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1623383,207209,Revolving loans,4500.0,270000.0,90000.0,,270000.0,MONDAY,10,Y,1,,,,XAP,Approved,-221,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,144000.0,495351.0,26518.5,459000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-23805,365243,-3768.0,-4396,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,XNA,,0.3454413846774149,0.7688075728291359,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2294090,448804,Cash loans,33490.485,450000.0,481185.0,,450000.0,THURSDAY,16,Y,1,,,,XNA,Approved,-1051,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-1021.0,-511.0,-805.0,-796.0,1.0,0,Revolving loans,F,Y,Y,0,270000.0,360000.0,18000.0,360000.0,Unaccompanied,State servant,Higher education,Single / not married,House / apartment,0.04622,-21517,-7600,-10983.0,-4808,65.0,1,1,0,1,0,0,High skill tech staff,1.0,1,1,FRIDAY,17,0,0,0,0,0,0,Housing,,0.7699671731783752,0.39277386060313396,0.0794,,0.9836,,,0.08,0.0345,0.4583,,,,0.0829,,,0.0809,,0.9831,,,0.0806,0.0345,0.4583,,,,0.0861,,,0.0802,,0.9836,,,0.08,0.0345,0.4583,,,,0.0844,,,,block of flats,0.065,"Stone, brick",No,2.0,1.0,2.0,1.0,-2156.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2622245,196676,Consumer loans,16245.045,92889.0,91624.5,5584.5,92889.0,MONDAY,19,Y,1,0.06256651320163957,,,XAP,Approved,-2276,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,1326,Consumer electronics,6.0,low_normal,POS household without interest,365243.0,-2245.0,-2095.0,-2095.0,-2088.0,1.0,0,Cash loans,F,N,Y,0,72000.0,254700.0,24939.0,225000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.01885,-23992,365243,-8788.0,-4439,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,0.8685907136399008,0.6035399281062399,0.7238369900414456,0.1155,0.0473,0.9876,,,0.08,0.0345,0.625,,0.0364,,0.1122,,0.0001,0.1176,0.0491,0.9876,,,0.0806,0.0345,0.625,,0.0373,,0.1169,,0.0001,0.1166,0.0473,0.9876,,,0.08,0.0345,0.625,,0.0371,,0.1142,,0.0001,,block of flats,0.0883,Panel,No,0.0,0.0,0.0,0.0,-2276.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1794052,121028,Consumer loans,4715.37,98442.0,98442.0,0.0,98442.0,THURSDAY,6,Y,1,0.0,,,XAP,Approved,-592,Cash through the bank,XAP,,Repeater,Construction Materials,POS,XNA,Regional / Local,30,Construction,24.0,low_action,POS industry without interest,365243.0,-555.0,135.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,2,180000.0,1448104.5,42340.5,1264500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014464,-13284,-1531,-2419.0,-4359,,1,1,0,1,0,0,Security staff,4.0,2,2,MONDAY,3,0,0,0,0,0,0,Industry: type 3,0.2810146182022703,0.7188316342792154,0.6545292802242897,0.0959,0.0414,0.9762,0.6736,0.0252,0.0,0.1379,0.2083,0.0417,0.0903,0.07400000000000001,0.0052,0.0193,0.01,0.0977,0.043,0.9762,0.6864,0.0254,0.0,0.1379,0.2083,0.0417,0.0924,0.0808,0.0054,0.0195,0.0106,0.0968,0.0414,0.9762,0.6779999999999999,0.0253,0.0,0.1379,0.2083,0.0417,0.0919,0.0752,0.0053,0.0194,0.0102,reg oper account,block of flats,0.0759,Panel,No,2.0,1.0,2.0,1.0,-1140.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2453803,284264,Cash loans,33380.235,900000.0,1030680.0,,900000.0,WEDNESDAY,17,Y,1,,,,Other,Refused,-534,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,198000.0,331920.0,16096.5,225000.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.010147,-20401,365243,-7841.0,-3803,,1,0,0,1,0,1,,1.0,2,2,FRIDAY,12,0,0,0,0,0,0,XNA,,0.3414572007746684,0.375711009574066,0.0247,0.0543,0.9737,0.6396,,,0.1034,0.125,,,,0.0477,,,0.0252,0.0563,0.9737,0.6537,,,0.1034,0.125,,,,0.0497,,,0.025,0.0543,0.9737,0.6444,,,0.1034,0.125,,,,0.0485,,,,block of flats,0.0375,"Stone, brick",No,3.0,0.0,3.0,0.0,-914.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1874142,305736,Cash loans,27661.5,450000.0,450000.0,0.0,450000.0,THURSDAY,12,Y,1,0.0,,,Repairs,Approved,-1735,XNA,XAP,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,middle,Cash Street: middle,365243.0,-1702.0,-1012.0,-1402.0,-1397.0,0.0,1,Cash loans,F,N,Y,1,225000.0,698517.0,38025.0,603000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.011703,-13702,-1971,-4090.0,-4293,,1,1,0,1,0,1,Medicine staff,3.0,2,2,THURSDAY,12,0,1,1,0,0,0,Medicine,0.4716121415222124,0.6191619579869879,0.445396241560834,0.0082,,0.9702,,,0.0,0.0345,0.0417,,,,0.0081,,0.0183,0.0084,,0.9702,,,0.0,0.0345,0.0417,,,,0.0085,,0.0194,0.0083,,0.9702,,,0.0,0.0345,0.0417,,,,0.0083,,0.0187,,block of flats,0.0104,Wooden,No,0.0,0.0,0.0,0.0,-1736.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2797479,356644,Revolving loans,10125.0,0.0,202500.0,,,WEDNESDAY,13,Y,1,,,,XAP,Approved,-1194,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-1193.0,-1156.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,229500.0,545040.0,26640.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.011703,-14600,-6972,-4449.0,-4554,,1,1,0,1,1,0,,2.0,2,2,SATURDAY,14,0,0,0,0,0,0,Business Entity Type 1,,0.012837590190681678,0.5388627065779676,0.0454,0.0,0.9757,,,0.0,0.1034,0.125,,0.0109,,0.0255,,0.0119,0.0462,0.0,0.9757,,,0.0,0.1034,0.125,,0.0111,,0.0265,,0.0126,0.0458,0.0,0.9757,,,0.0,0.1034,0.125,,0.011,,0.0259,,0.0121,,block of flats,0.0289,"Stone, brick",No,0.0,0.0,0.0,0.0,-1194.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2446146,121816,Consumer loans,2992.725,32436.0,29191.5,3244.5,32436.0,TUESDAY,8,Y,1,0.1089393098577338,,,XAP,Approved,-424,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Stone,239,Furniture,12.0,middle,POS industry with interest,365243.0,-391.0,-61.0,-361.0,-356.0,0.0,0,Cash loans,M,N,Y,0,130500.0,210456.0,8064.0,166500.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.020713,-21309,365243,-12426.0,-3005,,1,0,0,1,0,0,,2.0,3,2,SATURDAY,6,0,0,0,0,0,0,XNA,,0.19524726213895907,0.6161216908872079,0.1649,0.0,0.9801,0.728,0.0168,0.0,0.1034,0.1667,0.2083,0.0835,0.1345,0.0602,0.0,0.0,0.1681,0.0,0.9801,0.7387,0.0169,0.0,0.1034,0.1667,0.2083,0.0854,0.1469,0.0627,0.0,0.0,0.1665,0.0,0.9801,0.7316,0.0169,0.0,0.1034,0.1667,0.2083,0.0849,0.1368,0.0612,0.0,0.0,reg oper account,block of flats,0.0565,"Stone, brick",No,11.0,0.0,11.0,0.0,-1398.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,3.0 +1957419,184142,Cash loans,,0.0,0.0,,,TUESDAY,5,Y,1,,,,XNA,Refused,-13,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,1,Cash loans,F,N,Y,1,225000.0,365967.0,29470.5,333000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.002134,-17367,-4412,-675.0,-909,,1,1,0,1,0,0,Managers,3.0,3,3,MONDAY,5,0,0,0,0,0,0,Services,,0.27108418645584303,0.36227724703843145,0.2526,0.2163,0.9896,0.8572,0.4071,0.28,0.2414,0.3333,0.375,0.0375,0.2026,0.1767,0.0154,0.0,0.2574,0.2245,0.9896,0.8628,0.4109,0.282,0.2414,0.3333,0.375,0.0384,0.2213,0.1841,0.0156,0.0,0.255,0.2163,0.9896,0.8591,0.4097,0.28,0.2414,0.3333,0.375,0.0382,0.2061,0.1799,0.0155,0.0,reg oper account,block of flats,0.0157,Panel,No,4.0,2.0,4.0,2.0,-833.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1036061,344732,Consumer loans,3390.885,15111.0,15858.0,0.0,15111.0,FRIDAY,14,Y,1,0.0,,,XAP,Approved,-1376,Cash through the bank,XAP,Unaccompanied,New,Photo / Cinema Equipment,POS,XNA,Country-wide,50,Connectivity,6.0,high,POS mobile with interest,365243.0,-1345.0,-1195.0,-1195.0,-1192.0,0.0,0,Cash loans,F,N,Y,0,112500.0,454500.0,13419.0,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.028663,-21732,365243,-9991.0,-4115,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,12,0,0,0,0,0,0,XNA,,0.051725797205202616,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1376.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,7.0 +1269384,355889,Cash loans,43116.21,900000.0,1017612.0,0.0,900000.0,THURSDAY,16,Y,1,0.0,,,Purchase of electronic equipment,Refused,-1522,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,middle,Cash Street: middle,,,,,,,0,Revolving loans,M,N,Y,0,675000.0,765000.0,38250.0,765000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.032561,-16362,-3235,-5372.0,-5437,,1,1,0,1,1,1,Managers,2.0,1,1,SUNDAY,16,1,1,0,0,0,0,Business Entity Type 3,,0.7130370046845943,0.6006575372857061,0.0072,,0.9434,0.2248,,,0.069,0.0833,0.125,0.0121,,0.0138,,0.0168,0.0074,,0.9434,0.2552,,,0.069,0.0833,0.125,0.0123,,0.0144,,0.0177,0.0073,,0.9434,0.2352,,,0.069,0.0833,0.125,0.0123,,0.0141,,0.0171,reg oper account,block of flats,0.0164,"Stone, brick",No,0.0,0.0,0.0,0.0,-1522.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2341751,113879,Consumer loans,7497.945,38025.0,41175.0,0.0,38025.0,SUNDAY,11,Y,1,0.0,,,XAP,Approved,-29,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,100,Furniture,6.0,low_normal,POS industry with interest,365243.0,365243.0,152.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,202500.0,724630.5,50431.5,684000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.00702,-20615,365243,-3014.0,-4150,,1,0,0,1,0,0,,2.0,2,2,MONDAY,16,0,0,0,0,0,0,XNA,,0.3978144427503533,0.09758161268744599,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-10.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2053750,198573,Consumer loans,9299.475,101250.0,89019.0,20250.0,101250.0,THURSDAY,11,Y,1,0.2018330076150684,,,XAP,Approved,-1191,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Stone,15,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1160.0,-830.0,-830.0,-824.0,0.0,0,Revolving loans,F,Y,N,2,112500.0,180000.0,9000.0,180000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-11150,-1799,-3635.0,-3636,1.0,1,1,0,1,0,0,,4.0,2,2,FRIDAY,15,0,0,0,1,1,0,Business Entity Type 3,,0.4529729191444473,0.34741822720026416,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2539286,217523,Cash loans,24823.215,225000.0,239850.0,0.0,225000.0,FRIDAY,10,Y,1,0.0,,,XNA,Approved,-1346,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,middle,Cash Street: middle,365243.0,-1316.0,-986.0,-986.0,-983.0,1.0,0,Revolving loans,F,N,Y,0,144000.0,135000.0,6750.0,135000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.018634,-19536,-3182,-7432.0,-3059,,1,1,0,1,1,0,Managers,1.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.8058795599186859,0.5440923695528899,0.3441550073724169,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-2069.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1268409,240238,Cash loans,45353.205,675000.0,887017.5,,675000.0,SATURDAY,11,Y,1,,,,XNA,Approved,-1021,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-991.0,59.0,-481.0,-474.0,1.0,0,Cash loans,M,N,N,0,270000.0,490495.5,38754.0,454500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.035792000000000004,-18153,-210,-3332.0,-1648,,1,1,0,1,1,0,Managers,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.4747335640751934,0.7421816117614419,0.1052,,0.9846,,,0.16,0.069,0.4583,,,,0.0646,,,0.1071,,0.9846,,,0.1611,0.069,0.4583,,,,0.0673,,,0.1062,,0.9846,,,0.16,0.069,0.4583,,,,0.0657,,,,block of flats,0.0772,Panel,No,0.0,0.0,0.0,0.0,-1736.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1574736,362557,Cash loans,17400.33,229500.0,248130.0,,229500.0,TUESDAY,11,Y,1,,,,XNA,Approved,-700,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-670.0,-160.0,-340.0,-331.0,1.0,0,Cash loans,F,Y,Y,0,49500.0,199467.0,9724.5,166500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.00702,-22420,365243,-13439.0,-4465,16.0,1,0,0,1,0,0,,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,XNA,,0.6289502553464306,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-795.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2826294,435049,Cash loans,38555.28,1147500.0,1314117.0,,1147500.0,WEDNESDAY,12,Y,1,,,,XNA,Refused,-372,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,202500.0,1046142.0,30717.0,913500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.025164,-22099,-438,-15332.0,-4136,,1,1,0,1,0,1,Cleaning staff,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,School,0.8738776080053305,0.03504138896244893,0.4776491548517548,0.1278,,0.9791,,,0.0,0.2759,0.1667,,,,0.1141,,0.0,0.1303,,0.9791,,,0.0,0.2759,0.1667,,,,0.1189,,0.0,0.1291,,0.9791,,,0.0,0.2759,0.1667,,,,0.1161,,0.0,,block of flats,0.0897,"Stone, brick",No,5.0,0.0,5.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +2050339,278162,Cash loans,14381.685,112500.0,135648.0,,112500.0,SATURDAY,12,Y,1,,,,XNA,Approved,-1428,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1398.0,-1068.0,-1218.0,-1210.0,1.0,0,Cash loans,F,N,Y,0,157500.0,247275.0,16587.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.01885,-19808,-823,-4936.0,-3292,,1,1,0,1,1,0,High skill tech staff,2.0,2,2,SATURDAY,9,0,0,0,0,0,0,Trade: type 6,0.70667247836765,0.6480114890891352,0.5370699579791587,0.5196,,0.9846,,,0.56,0.4828,0.3333,,0.0837,,0.3293,,0.8377,0.5294,,0.9846,,,0.5639,0.4828,0.3333,,0.0857,,0.3431,,0.8868,0.5246,,0.9846,,,0.56,0.4828,0.3333,,0.0852,,0.3352,,0.8552,,block of flats,0.4412,Panel,No,1.0,1.0,1.0,1.0,-1592.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2019678,397273,Cash loans,,0.0,0.0,,,THURSDAY,11,Y,1,,,,XNA,Refused,-144,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,1,Cash loans,M,N,N,0,405000.0,1078200.0,38200.5,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.007273999999999998,-23469,-981,-5585.0,-4144,,1,1,0,1,0,0,Security staff,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Business Entity Type 2,,0.4853220205092772,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1522.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1227042,222760,Cash loans,14621.535,270000.0,306531.0,,270000.0,SATURDAY,15,Y,1,,,,XNA,Approved,-412,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,low_normal,Cash X-Sell: low,365243.0,-382.0,488.0,-172.0,-166.0,1.0,0,Cash loans,F,N,Y,0,99000.0,1078200.0,34911.0,900000.0,Family,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.009334,-20434,-761,-289.0,-3531,,1,1,0,1,0,0,Cooking staff,1.0,2,2,FRIDAY,15,0,0,0,0,0,0,Self-employed,,0.4928188765449884,0.8128226070575616,0.0124,,0.9836,,,0.0,0.1034,0.0417,,0.0084,,0.0152,,,0.0126,,0.9836,,,0.0,0.1034,0.0417,,0.0086,,0.0158,,,0.0125,,0.9836,,,0.0,0.1034,0.0417,,0.0085,,0.0154,,,,block of flats,0.0134,Wooden,No,5.0,0.0,5.0,0.0,-2474.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1202227,285332,Revolving loans,38250.0,765000.0,765000.0,,765000.0,MONDAY,17,Y,1,,,,XAP,Approved,-373,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-372.0,-328.0,365243.0,-177.0,-109.0,0.0,0,Revolving loans,M,N,Y,1,135000.0,180000.0,9000.0,180000.0,"Spouse, partner",Commercial associate,Higher education,Married,House / apartment,0.009334,-10803,-320,-5221.0,-3423,,1,1,0,1,0,0,High skill tech staff,3.0,2,2,WEDNESDAY,18,0,0,0,0,0,0,Bank,,0.7077282765627312,0.4329616670974407,0.1179,0.0,0.9826,0.7688,0.066,0.1064,0.0917,0.3333,0.375,0.0152,0.0979,0.0897,0.0058,0.0843,0.0557,0.0,0.9821,0.7648,0.061,0.0806,0.069,0.3333,0.375,0.0155,0.0487,0.0558,0.0,0.0,0.1114,0.0,0.9821,0.7719,0.0664,0.08,0.069,0.3333,0.375,0.0154,0.0996,0.1085,0.0058,0.105,reg oper account,block of flats,0.231,"Stone, brick",No,0.0,0.0,0.0,0.0,-762.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2369157,164543,Cash loans,15884.775,135000.0,143910.0,,135000.0,MONDAY,15,Y,1,,,,XNA,Approved,-696,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-666.0,-336.0,-666.0,-662.0,1.0,0,Cash loans,F,Y,Y,0,270000.0,578979.0,27981.0,517500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-11751,-3522,-1248.0,-4340,14.0,1,1,0,1,0,0,Managers,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.657453727659047,0.4507472818545589,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-776.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,5.0 +1859524,267648,Cash loans,11800.89,135000.0,167697.0,0.0,135000.0,TUESDAY,12,Y,1,0.0,,,Repairs,Refused,-1948,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,Y,Y,2,202500.0,112068.0,10606.5,99000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-12700,-1610,-3526.0,-3519,2.0,1,1,0,1,0,0,Laborers,4.0,2,2,THURSDAY,15,0,0,0,0,1,1,Business Entity Type 3,,0.7027142119318889,0.6263042766749393,0.1113,,0.9876,,,0.0,0.1034,0.3333,,,,0.1252,,,0.0756,,0.9871,,,0.0,0.069,0.3333,,,,0.0905,,,0.1124,,0.9876,,,0.0,0.1034,0.3333,,,,0.133,,,,block of flats,0.081,Panel,No,0.0,0.0,0.0,0.0,-1657.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,3.0 +1901114,288163,Cash loans,31670.325,283500.0,298467.0,,283500.0,MONDAY,19,Y,1,,,,XNA,Refused,-252,Cash through the bank,XNA,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,N,0,220500.0,675000.0,53460.0,675000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.032561,-14391,-2937,-8406.0,-5045,,1,1,1,1,1,0,Core staff,2.0,1,1,SATURDAY,9,0,0,0,0,0,0,University,,0.7853436782105548,0.5620604831738043,0.2206,0.0992,0.9811,0.7416,0.0248,0.11,0.1552,0.3646,0.4167,0.0476,0.1792,0.1573,0.0039,0.0174,0.0945,0.0358,0.9786,0.7190000000000001,0.0066,0.0,0.0345,0.3333,0.2083,0.0043,0.0826,0.0886,0.0,0.0045,0.2248,0.1118,0.9806,0.7316,0.0123,0.08,0.1724,0.3333,0.375,0.0588,0.1847,0.1529,0.0,0.0119,reg oper account,block of flats,0.2291,Panel,No,0.0,0.0,0.0,0.0,-522.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2588795,304012,Cash loans,24524.055,688500.0,688500.0,,688500.0,SUNDAY,10,Y,1,,,,XNA,Approved,-134,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,middle,Cash X-Sell: middle,365243.0,-104.0,1666.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,90000.0,135000.0,7321.5,135000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.020713,-12185,-926,-1861.0,-4303,,1,1,1,1,0,0,Laborers,1.0,3,3,MONDAY,9,0,0,0,0,0,0,Self-employed,0.16178649507935786,0.2496502394894493,0.4992720153045617,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,0.0,-134.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1492845,292381,Consumer loans,11525.445,51349.5,55417.5,0.0,51349.5,SUNDAY,4,Y,1,0.0,,,XAP,Approved,-17,XNA,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,110,Connectivity,6.0,high,POS mobile with interest,365243.0,365243.0,163.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,0,225000.0,689742.0,48136.5,616500.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,Office apartment,0.010032,-15423,-7895,-2893.0,-4145,,1,1,0,1,0,0,Managers,1.0,2,2,WEDNESDAY,4,0,0,0,0,0,0,Military,,0.2561241152152009,0.6144143775673561,0.0722,0.0,0.9786,0.7076,0.0077,0.0,0.1379,0.1667,0.2083,0.0117,0.0588,0.062,0.0,0.0,0.0735,0.0,0.9786,0.7190000000000001,0.0078,0.0,0.1379,0.1667,0.2083,0.012,0.0643,0.0646,0.0,0.0,0.0729,0.0,0.9786,0.7115,0.0077,0.0,0.1379,0.1667,0.2083,0.0119,0.0599,0.0631,0.0,0.0,not specified,block of flats,0.0529,"Stone, brick",No,1.0,0.0,1.0,0.0,-401.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2833313,234323,Cash loans,27187.02,229500.0,272088.0,,229500.0,MONDAY,10,Y,1,,,,XNA,Approved,-933,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-903.0,-573.0,-843.0,-836.0,1.0,0,Cash loans,M,Y,N,2,216000.0,562500.0,26064.0,562500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-15906,-3308,-2292.0,-4618,27.0,1,1,1,1,0,1,Security staff,4.0,2,2,TUESDAY,11,0,0,0,0,0,0,Other,0.39325385141385255,0.6649679191082307,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-624.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2299429,277096,Consumer loans,8593.785,31324.5,32427.0,0.0,31324.5,SATURDAY,14,Y,1,0.0,,,XAP,Approved,-650,Cash through the bank,XAP,Unaccompanied,Repeater,Jewelry,POS,XNA,Stone,42,Industry,4.0,low_normal,POS other with interest,365243.0,-619.0,-529.0,-529.0,-523.0,0.0,0,Cash loans,F,N,N,0,270000.0,879480.0,25335.0,630000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.007120000000000001,-9953,-425,-3963.0,-2410,,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,11,0,0,0,1,1,0,Trade: type 7,,0.5887843055547675,0.326475210066026,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-608.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,6.0 +1772737,424305,Consumer loans,15754.5,450000.0,405000.0,45000.0,450000.0,WEDNESDAY,20,Y,1,0.1089090909090909,,,XAP,Approved,-656,Cash through the bank,XAP,,Repeater,Construction Materials,POS,XNA,Stone,6,Construction,36.0,low_normal,POS industry with interest,365243.0,-613.0,437.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,2,225000.0,314100.0,17167.5,225000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.009175,-13854,-1917,-1920.0,-5295,,1,1,0,1,0,0,Core staff,4.0,2,2,MONDAY,19,0,0,0,0,0,0,Self-employed,0.5167253527286814,0.6819360028743819,0.07446068789567313,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1324.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1710702,416122,Consumer loans,6069.915,60705.0,54634.5,6070.5,60705.0,WEDNESDAY,11,Y,1,0.1089090909090909,,,XAP,Approved,-2715,Cash through the bank,XAP,Children,New,Consumer Electronics,POS,XNA,Stone,105,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2684.0,-2414.0,-2414.0,-2403.0,0.0,0,Cash loans,F,N,Y,0,63450.0,178290.0,17496.0,157500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.006233,-24532,365243,-10840.0,-4473,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,XNA,,0.7710112527732205,,0.0928,0.1011,0.9846,0.7892,0.0443,0.0,0.2069,0.1667,0.2083,0.0603,0.0756,0.0888,0.0,0.0,0.0945,0.1049,0.9846,0.7975,0.0447,0.0,0.2069,0.1667,0.2083,0.0617,0.0826,0.0925,0.0,0.0,0.0937,0.1011,0.9846,0.792,0.0446,0.0,0.2069,0.1667,0.2083,0.0613,0.077,0.0904,0.0,0.0,reg oper account,block of flats,0.0941,Panel,No,1.0,0.0,1.0,0.0,-2715.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1925421,367331,Cash loans,125060.175,3150000.0,3374532.0,,3150000.0,TUESDAY,17,Y,1,,,,XNA,Approved,-972,Cash through the bank,XAP,"Spouse, partner",New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,low_action,Cash Street: low,365243.0,-940.0,110.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,N,0,540000.0,907569.0,86170.5,873000.0,Unaccompanied,Working,Higher education,Married,With parents,0.032561,-12373,-1226,-6420.0,-3921,8.0,1,1,1,1,1,0,Managers,2.0,1,1,SATURDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.7175589569910735,0.7745514328005623,0.520897599048938,0.2412,0.1522,0.9896,0.8572,0.0332,0.24,0.2069,0.2917,0.3333,0.16,0.1933,0.242,0.0154,0.101,0.2458,0.158,0.9896,0.8628,0.0335,0.2417,0.2069,0.2917,0.3333,0.1636,0.2112,0.2521,0.0156,0.1069,0.2436,0.1522,0.9896,0.8591,0.0334,0.24,0.2069,0.2917,0.3333,0.1628,0.1967,0.2463,0.0155,0.1031,reg oper spec account,block of flats,0.2326,"Stone, brick",No,0.0,0.0,0.0,0.0,-975.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,1.0,0.0,4.0 +1307523,218192,Consumer loans,11396.88,84735.0,84735.0,0.0,84735.0,TUESDAY,15,Y,1,0.0,,,XAP,Approved,-86,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Country-wide,891,Furniture,8.0,low_normal,POS industry with interest,365243.0,-56.0,154.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,1,90000.0,225000.0,6822.0,225000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.008625,-11475,-1197,-1696.0,-3368,,1,1,0,1,0,0,Sales staff,3.0,2,2,TUESDAY,14,0,0,0,0,0,0,Self-employed,0.34616321235118824,0.2427032189262774,0.6785676886853644,0.033,,0.9747,,,0.0,0.069,0.125,,0.0308,,0.0249,,0.0,0.0336,,0.9747,,,0.0,0.069,0.125,,0.0315,,0.026,,0.0,0.0333,,0.9747,,,0.0,0.069,0.125,,0.0313,,0.0254,,0.0,,block of flats,0.0348,"Stone, brick",No,0.0,0.0,0.0,0.0,-1094.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2772802,182932,Consumer loans,6897.15,55651.5,55651.5,0.0,55651.5,THURSDAY,11,Y,1,0.0,,,XAP,Approved,-681,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,-1,Connectivity,12.0,high,POS mobile with interest,365243.0,-650.0,-320.0,-320.0,-314.0,0.0,0,Revolving loans,F,N,Y,2,144000.0,360000.0,18000.0,360000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.022625,-14332,-1627,-11611.0,-5376,,1,1,1,1,0,0,Cooking staff,4.0,2,2,SATURDAY,8,0,0,0,0,0,0,Trade: type 7,0.5711152061598511,0.7155583949121861,0.1419915427739129,0.0052,0.0,0.9821,0.7552,0.0085,0.0,0.0,0.0,0.0417,0.0,0.0042,0.0021,0.0,0.0135,0.0053,0.0,0.9821,0.7648,0.0086,0.0,0.0,0.0,0.0417,0.0,0.0046,0.0022,0.0,0.0143,0.0052,0.0,0.9821,0.7585,0.0085,0.0,0.0,0.0,0.0417,0.0,0.0043,0.0022,0.0,0.0138,not specified,block of flats,0.0046,Wooden,Yes,0.0,0.0,0.0,0.0,-123.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2823186,411143,Cash loans,40891.5,900000.0,900000.0,,900000.0,WEDNESDAY,9,Y,1,,,,XNA,Refused,-418,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Country-wide,39,Connectivity,48.0,middle,Cash X-Sell: middle,,,,,,,1,Cash loans,F,N,N,0,54000.0,254700.0,17149.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.02461,-15612,-3082,-8482.0,-5030,,1,1,1,1,1,0,,2.0,2,2,MONDAY,9,0,0,0,0,0,0,School,,0.3227143885403398,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-626.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2379994,213090,Consumer loans,27907.605,165555.0,148999.5,16555.5,165555.0,THURSDAY,19,Y,1,0.1089090909090909,,,XAP,Approved,-1140,Cash through the bank,XAP,Family,New,Office Appliances,POS,XNA,Regional / Local,104,Consumer electronics,6.0,middle,POS household without interest,365243.0,-1109.0,-959.0,-1049.0,-1039.0,0.0,0,Cash loans,F,Y,Y,0,450000.0,1724220.0,50544.0,1350000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.030755,-16917,-353,-5381.0,-475,1.0,1,1,0,1,0,0,High skill tech staff,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.6613875119235622,0.5406544504453575,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1140.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,0.0 +1964602,190742,Cash loans,9621.315,202500.0,242595.0,,202500.0,THURSDAY,12,Y,1,,,,XNA,Approved,-406,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-376.0,674.0,-166.0,-158.0,1.0,0,Cash loans,F,N,N,0,112500.0,49500.0,5197.5,49500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.019101,-21384,365243,-13040.0,-4199,,1,0,0,1,1,0,,1.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,XNA,,0.5545080219902223,0.2910973802776635,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-566.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +1899385,291269,Cash loans,13882.77,450000.0,450000.0,0.0,450000.0,FRIDAY,16,Y,1,0.0,,,XNA,Approved,-1310,Cash through the bank,XAP,Other_A,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,N,1,135000.0,159264.0,9270.0,126000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.018801,-12151,-965,-1740.0,-641,,1,1,0,1,0,0,,3.0,2,2,SATURDAY,9,0,0,0,0,0,0,Industry: type 9,0.4537895096841019,0.6122857931569791,0.20915469884100693,0.0082,0.0,0.9737,0.6396,0.001,0.0,0.0345,0.0417,0.0833,0.0061,0.0067,0.0075,0.0,0.0,0.0084,0.0,0.9737,0.6537,0.001,0.0,0.0345,0.0417,0.0833,0.0063,0.0073,0.0078,0.0,0.0,0.0083,0.0,0.9737,0.6444,0.001,0.0,0.0345,0.0417,0.0833,0.0062,0.0068,0.0076,0.0,0.0,reg oper account,block of flats,0.0064,"Stone, brick",No,0.0,0.0,0.0,0.0,-1619.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,0.0 +2360032,301599,Revolving loans,11250.0,0.0,225000.0,,,FRIDAY,11,Y,1,,,,XAP,Approved,-1091,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-1089.0,-1043.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,2,148500.0,477000.0,15516.0,477000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-20921,-1836,-5134.0,-4439,8.0,1,1,0,1,0,0,,4.0,2,2,THURSDAY,8,0,0,0,0,1,1,Police,,0.4939831219478879,0.4668640059537032,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1726622,129520,Consumer loans,4745.79,51435.0,46291.5,5143.5,51435.0,THURSDAY,13,Y,1,0.1089090909090909,,,XAP,Approved,-378,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Regional / Local,278,Consumer electronics,12.0,middle,POS household with interest,365243.0,-343.0,-13.0,-253.0,-249.0,0.0,0,Cash loans,F,N,Y,0,189000.0,593010.0,19260.0,495000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.0060079999999999995,-17638,-9254,-7056.0,-1157,,1,1,0,1,0,0,,1.0,2,2,THURSDAY,16,0,0,0,0,1,1,Medicine,0.6013308025618226,0.6897756943684358,0.6785676886853644,0.0825,0.0681,0.9791,0.7144,0.0293,0.0,0.1379,0.1667,0.2083,0.0576,0.0672,0.0705,0.0,0.0,0.084,0.0707,0.9791,0.7256,0.0296,0.0,0.1379,0.1667,0.2083,0.059,0.0735,0.0734,0.0,0.0,0.0833,0.0681,0.9791,0.7182,0.0295,0.0,0.1379,0.1667,0.2083,0.0586,0.0684,0.0717,0.0,0.0,reg oper account,block of flats,0.0598,Panel,No,0.0,0.0,0.0,0.0,-662.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,1.0 +2518581,130916,Cash loans,54520.2,1350000.0,1467612.0,,1350000.0,TUESDAY,15,Y,1,,,,XNA,Approved,-235,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_action,Cash X-Sell: low,365243.0,-205.0,845.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,135000.0,358443.0,13509.0,252000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-19586,-3219,-4042.0,-337,,1,1,0,1,1,0,Managers,2.0,3,3,SATURDAY,12,0,0,0,0,0,0,Self-employed,0.6115582919157518,0.5805271924927612,0.5867400085415683,0.1299,0.0995,0.994,0.9184,0.0264,0.16,0.1379,0.3333,0.375,0.0818,0.1059,0.1456,0.0,0.0,0.1324,0.1032,0.994,0.9216,0.0267,0.1611,0.1379,0.3333,0.375,0.0837,0.1157,0.1517,0.0,0.0,0.1312,0.0995,0.994,0.9195,0.0266,0.16,0.1379,0.3333,0.375,0.0833,0.1077,0.1482,0.0,0.0,reg oper spec account,block of flats,0.129,Panel,No,3.0,0.0,3.0,0.0,-2012.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1165048,132647,Consumer loans,10905.525,88996.95,97807.5,0.45,88996.95,SATURDAY,18,Y,1,5.010747174344304e-06,,,XAP,Approved,-2354,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,1700,Consumer electronics,12.0,high,POS household with interest,365243.0,-2323.0,-1993.0,-2083.0,-2080.0,0.0,0,Cash loans,F,Y,N,0,270000.0,454500.0,20151.0,454500.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.008473999999999999,-21928,-8457,-2728.0,-4542,3.0,1,1,0,1,1,0,Sales staff,2.0,2,2,WEDNESDAY,13,0,0,0,0,1,1,Industry: type 3,,0.5362003499199804,0.4974688893052743,0.2237,0.1365,0.9876,,,0.4,0.2069,0.25,,,,0.1183,,,0.1261,0.0903,0.9851,,,0.4028,0.069,0.1667,,,,0.0383,,,0.2259,0.1365,0.9876,,,0.4,0.2069,0.25,,,,0.1205,,,,block of flats,0.2612,"Stone, brick",No,0.0,0.0,0.0,0.0,-2354.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1358864,259584,Consumer loans,11028.87,108927.0,120429.0,0.0,108927.0,SUNDAY,9,Y,1,0.0,,,XAP,Approved,-67,XNA,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,1295,Consumer electronics,12.0,low_action,POS household without interest,,,,,,,0,Cash loans,M,Y,Y,3,315000.0,269550.0,18364.5,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.006629,-19561,-1113,-9.0,-3097,7.0,1,1,0,1,0,0,Managers,5.0,2,2,THURSDAY,3,0,0,0,0,0,0,Business Entity Type 3,0.5766640136943292,0.33390612637308403,0.4794489811780563,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2004.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2721105,116690,Consumer loans,7570.53,62950.5,62257.5,6300.0,62950.5,MONDAY,20,Y,1,0.10008055613569228,,,XAP,Approved,-2093,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,29,Connectivity,12.0,high,POS mobile with interest,365243.0,-2062.0,-1732.0,-1732.0,-1723.0,0.0,0,Revolving loans,M,Y,Y,0,135000.0,225000.0,11250.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.01885,-10288,-1678,-10260.0,-2946,2.0,1,1,0,1,1,0,,1.0,2,2,MONDAY,18,0,0,0,0,0,0,Business Entity Type 3,0.4152983985484871,0.5566137808070374,0.2067786544915716,0.2062,0.172,0.9781,0.7008,0.0278,0.0,0.4828,0.1667,0.2083,0.0907,0.1639,0.1765,0.0193,0.0178,0.2101,0.1785,0.9782,0.7125,0.0281,0.0,0.4828,0.1667,0.2083,0.0927,0.1791,0.1839,0.0195,0.0188,0.2082,0.172,0.9781,0.7048,0.028,0.0,0.4828,0.1667,0.2083,0.0922,0.1667,0.1797,0.0194,0.0182,reg oper account,block of flats,0.1579,Panel,No,0.0,0.0,0.0,0.0,-182.0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2366270,453503,Consumer loans,3308.22,15705.0,16483.5,0.0,15705.0,TUESDAY,11,Y,1,0.0,,,XAP,Approved,-2267,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,19,Connectivity,6.0,high,POS mobile with interest,365243.0,-2236.0,-2086.0,-2086.0,-2080.0,1.0,0,Cash loans,M,Y,Y,2,270000.0,563877.0,23890.5,504000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.016612000000000002,-15861,-2668,-3967.0,-4980,6.0,1,1,0,1,0,0,Managers,4.0,2,2,MONDAY,16,0,0,0,0,0,0,Self-employed,,0.5317981102101471,0.6058362647264226,0.2062,0.1136,0.9935,0.9116,0.1378,0.2,0.1724,0.375,0.4167,0.1182,0.1664,0.2121,0.0077,0.036000000000000004,0.2101,0.1179,0.9935,0.9151,0.1391,0.2014,0.1724,0.375,0.4167,0.1209,0.1818,0.221,0.0078,0.0382,0.2082,0.1136,0.9935,0.9128,0.1387,0.2,0.1724,0.375,0.4167,0.1202,0.1693,0.2159,0.0078,0.0368,reg oper account,block of flats,0.25,Panel,No,0.0,0.0,0.0,0.0,-2155.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,3.0 +1755045,202553,Cash loans,9923.04,225000.0,257089.5,,225000.0,MONDAY,16,Y,1,,,,XNA,Refused,-170,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,157500.0,808650.0,26217.0,675000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.0060079999999999995,-14975,-8047,-7872.0,-4284,,1,1,0,1,1,0,Core staff,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,School,0.5258750331639331,0.7060972345076783,0.3910549766342248,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1761.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2719586,299364,Consumer loans,4251.51,48105.0,38475.0,9630.0,48105.0,SUNDAY,15,Y,1,0.2180219406412109,,,XAP,Approved,-1663,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,56,Connectivity,12.0,high,POS mobile with interest,365243.0,-1628.0,-1298.0,-1298.0,-1292.0,0.0,0,Cash loans,M,Y,Y,0,180000.0,1462500.0,40216.5,1462500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-18787,-224,-12713.0,-2336,3.0,1,1,1,1,0,0,Drivers,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Self-employed,,0.510343773994699,0.4578995512067301,0.0825,0.0787,0.9747,0.6532,0.0075,0.0,0.1379,0.1667,0.2083,0.032,0.0668,0.0733,0.0019,0.0016,0.084,0.0795,0.9747,0.6668,0.006999999999999999,0.0,0.1379,0.1667,0.2083,0.032,0.0725,0.0744,0.0,0.0,0.0833,0.0787,0.9747,0.6578,0.0075,0.0,0.1379,0.1667,0.2083,0.0326,0.068,0.0746,0.0019,0.0017,reg oper account,block of flats,0.0561,Panel,No,0.0,0.0,0.0,0.0,-1663.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2322819,182579,Consumer loans,7132.59,26500.5,27432.0,0.0,26500.5,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-836,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Regional / Local,100,Consumer electronics,4.0,low_action,POS household with interest,365243.0,-805.0,-715.0,-775.0,-765.0,0.0,0,Cash loans,F,N,Y,1,135000.0,571500.0,29308.5,571500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.02461,-9123,-905,-6370.0,-1771,,1,1,0,1,0,1,Sales staff,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Medicine,0.5305494298662574,0.6401917435413274,0.4740512892789932,0.0588,,0.9871,,0.0215,0.0,0.0345,0.0833,,0.0733,0.0479,0.0392,0.0,0.0,0.0599,,0.9871,,0.0217,0.0,0.0345,0.0833,,0.075,0.0523,0.0409,0.0,0.0,0.0593,,0.9871,,0.0217,0.0,0.0345,0.0833,,0.0746,0.0487,0.0399,0.0,0.0,,block of flats,0.0426,"Stone, brick",No,0.0,0.0,0.0,0.0,-1307.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2728231,236078,Consumer loans,3276.585,30204.0,28246.5,4500.0,30204.0,FRIDAY,17,Y,1,0.14966207353180006,,,XAP,Approved,-1714,Cash through the bank,XAP,Unaccompanied,Refreshed,Mobile,POS,XNA,Country-wide,12,Connectivity,12.0,high,POS mobile with interest,365243.0,-1682.0,-1352.0,-1472.0,-1467.0,0.0,0,Revolving loans,M,Y,Y,0,112500.0,450000.0,22500.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.02461,-16989,-104,-888.0,-539,2.0,1,1,0,1,0,0,Drivers,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,University,,0.6607309591362669,0.6690566947824041,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,-1714.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1787718,105265,Consumer loans,11137.5,101250.0,101250.0,0.0,101250.0,SATURDAY,6,Y,1,0.0,,,XAP,Approved,-573,Cash through the bank,XAP,,New,Computers,POS,XNA,Stone,23,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-540.0,-270.0,-270.0,-264.0,0.0,0,Cash loans,M,N,Y,0,112500.0,712944.0,34429.5,567000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.020713,-10283,-777,-5089.0,-2970,,1,1,0,1,0,0,Sales staff,1.0,3,3,FRIDAY,8,0,0,0,0,0,0,Self-employed,,0.2453495532540649,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2382711,348113,Cash loans,18624.42,247500.0,267592.5,,247500.0,MONDAY,11,Y,1,,,,XNA,Approved,-1002,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-972.0,-462.0,-822.0,-814.0,1.0,1,Cash loans,F,N,N,0,180000.0,354276.0,13486.5,292500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.010643000000000001,-21777,365243,-10602.0,-4666,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,15,0,0,0,0,0,0,XNA,,0.25827984116145336,0.13342925446731707,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-268.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,7.0 +2135996,127578,Cash loans,12558.6,180000.0,180000.0,,180000.0,TUESDAY,13,Y,1,,,,XNA,Approved,-405,XNA,XAP,Family,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-375.0,315.0,-105.0,-101.0,0.0,0,Cash loans,M,N,N,0,225000.0,314100.0,21244.5,225000.0,Unaccompanied,Working,Incomplete higher,Separated,With parents,0.04622,-11273,-2392,-5227.0,-3900,,1,1,0,1,0,0,Drivers,1.0,1,1,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 2,,0.7206929826022127,0.4830501881366946,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1333.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +1296545,371639,Cash loans,8707.005,225000.0,299250.0,,225000.0,SATURDAY,9,Y,1,,,,Other,Refused,-206,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,2,121500.0,841500.0,29943.0,841500.0,Family,State servant,Secondary / secondary special,Married,House / apartment,0.028663,-11464,-3563,-3595.0,-4067,,1,1,0,1,1,0,Managers,4.0,2,2,TUESDAY,8,0,0,0,0,0,0,Kindergarten,,0.5919889679643271,0.1008037063175332,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-294.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,8.0 +2775094,110693,Cash loans,24799.5,675000.0,675000.0,,675000.0,MONDAY,7,Y,1,,,,XNA,Refused,-118,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,middle,Cash X-Sell: middle,,,,,,,1,Cash loans,M,N,Y,0,157500.0,450000.0,22018.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-12732,-1481,-6816.0,-4407,,1,1,0,1,0,0,Laborers,2.0,2,2,SUNDAY,13,0,0,0,1,1,0,Self-employed,0.2678786007117856,0.6435395683789991,0.21640296051521946,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1135.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +2259985,135983,Cash loans,19695.735,216000.0,237384.0,,216000.0,FRIDAY,9,Y,1,,,,XNA,Approved,-1229,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-1199.0,-689.0,-1109.0,-1101.0,1.0,0,Cash loans,F,N,Y,0,202500.0,454500.0,21865.5,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-19447,365243,-2786.0,-3003,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,8,0,0,0,0,0,0,XNA,0.6569941313209697,0.30357142819869665,0.2822484337007223,0.0619,0.0583,0.9791,,,0.0,0.1034,0.1667,,0.0,,0.0514,,0.0,0.063,0.0605,0.9791,,,0.0,0.1034,0.1667,,0.0,,0.0536,,0.0,0.0625,0.0583,0.9791,,,0.0,0.1034,0.1667,,0.0,,0.0524,,0.0,,block of flats,0.0677,Panel,No,9.0,1.0,9.0,1.0,-1606.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1145933,123900,Cash loans,30309.795,904500.0,904500.0,,904500.0,TUESDAY,12,Y,1,,,,XNA,Refused,-427,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,middle,Cash X-Sell: middle,,,,,,,1,Cash loans,F,N,Y,2,112500.0,454500.0,24786.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.028663,-14497,-576,-8603.0,-4400,,1,1,0,1,0,1,Managers,4.0,2,2,TUESDAY,12,0,0,0,0,1,1,Self-employed,0.15333219059270778,0.5804153614179932,0.3360615207658242,0.0993,0.0655,0.9816,0.7484,0.0386,0.1064,0.0917,0.3333,0.375,0.054000000000000006,0.0796,0.1013,0.0064,0.0965,0.0756,0.0562,0.9811,0.7517,0.0314,0.0806,0.069,0.3333,0.375,0.0379,0.0661,0.0795,0.0,0.0,0.0791,0.0543,0.9811,0.7451,0.0327,0.08,0.069,0.3333,0.375,0.0531,0.065,0.0822,0.0,0.0,reg oper account,block of flats,0.2071,Panel,No,3.0,3.0,3.0,2.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,8.0 +1748333,379395,Cash loans,9428.625,112500.0,131062.5,,112500.0,TUESDAY,17,Y,1,,,,XNA,Approved,-674,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,high,Cash X-Sell: high,365243.0,-644.0,226.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,N,0,247500.0,387000.0,21123.0,387000.0,Unaccompanied,Commercial associate,Incomplete higher,Civil marriage,With parents,0.014519999999999996,-9374,-404,-2941.0,-2025,15.0,1,1,0,1,0,0,,2.0,2,2,THURSDAY,10,0,0,0,0,1,1,Business Entity Type 3,0.7094297939646409,0.6444169456524449,0.5334816299804352,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-394.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1844049,235484,Consumer loans,8559.585,93707.82,84339.0,9368.82,93707.82,THURSDAY,14,Y,1,0.1088862881551304,0.14244021307945146,0.6379492600422833,XAP,Approved,-649,Cash through the bank,XAP,,New,Computers,POS,XNA,Country-wide,40,Connectivity,12.0,middle,POS mobile with interest,365243.0,-613.0,-283.0,-433.0,-429.0,0.0,0,Cash loans,F,N,N,0,225000.0,835380.0,40320.0,675000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,With parents,0.030755,-10497,-217,-664.0,-683,,1,1,0,1,0,0,Managers,2.0,2,2,TUESDAY,14,0,0,0,1,0,1,Self-employed,0.22493724145520347,0.6253965812830798,0.5298898341969072,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-649.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1099183,131933,Cash loans,25515.045,247500.0,260568.0,,247500.0,TUESDAY,5,Y,1,,,,XNA,Refused,-150,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,166500.0,247275.0,19264.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.006629,-20273,365243,-7687.0,-2456,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,8,0,0,0,0,0,0,XNA,,0.7677013669605922,0.6690566947824041,0.0735,0.1217,0.9891,0.8504,0.0175,0.0,0.2069,0.1667,0.0417,0.0642,0.06,0.0915,0.0,0.0,0.0756,0.1245,0.9891,0.8563,0.017,0.0,0.2069,0.1667,0.0417,0.0608,0.0661,0.0936,0.0,0.0,0.0749,0.1205,0.9891,0.8524,0.0172,0.0,0.2069,0.1667,0.0417,0.0616,0.0616,0.0933,0.0,0.0,reg oper account,block of flats,0.0807,Mixed,No,0.0,0.0,0.0,0.0,-150.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2243724,253710,Cash loans,9930.555,112500.0,148594.5,,112500.0,MONDAY,11,Y,1,,,,XNA,Approved,-471,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-441.0,249.0,-231.0,-227.0,1.0,0,Cash loans,M,Y,Y,2,315000.0,1515415.5,41800.5,1354500.0,Family,Working,Higher education,Married,House / apartment,0.00733,-11503,-3319,-1611.0,-3970,11.0,1,1,0,1,0,0,Core staff,4.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,Police,0.501487853045804,0.7017814388273071,0.6722428897082422,0.1237,0.0582,0.995,0.932,0.0,0.08,0.069,0.375,0.4167,,0.1009,0.0919,0.0,0.0,0.1261,0.0604,0.995,0.9347,0.0,0.0806,0.069,0.375,0.4167,,0.1102,0.0957,0.0,0.0,0.1249,0.0582,0.995,0.9329,0.0,0.08,0.069,0.375,0.4167,,0.1026,0.0935,0.0,0.0,reg oper spec account,block of flats,0.0723,Panel,No,0.0,0.0,0.0,0.0,-3273.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1332129,379610,Consumer loans,5316.885,36850.5,27634.5,9216.0,36850.5,MONDAY,17,Y,1,0.27237247305143264,,,XAP,Approved,-2374,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,1360,Consumer electronics,6.0,high,POS household with interest,,,,,,,0,Cash loans,F,N,N,0,72000.0,326439.0,11853.0,229500.0,Family,Pensioner,Secondary / secondary special,Married,Municipal apartment,0.02461,-20633,365243,-4239.0,-948,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,XNA,,0.6886187145839759,0.5495965024956946,0.0722,0.0864,0.9776,0.6940000000000001,0.0078,0.0,0.1379,0.1667,0.2083,0.047,0.0563,0.0629,0.0116,0.0148,0.0735,0.0897,0.9777,0.706,0.0079,0.0,0.1379,0.1667,0.2083,0.0481,0.0615,0.0656,0.0117,0.0157,0.0729,0.0864,0.9776,0.6981,0.0079,0.0,0.1379,0.1667,0.2083,0.0478,0.0573,0.0641,0.0116,0.0152,,block of flats,0.0875,"Stone, brick",No,0.0,0.0,0.0,0.0,-932.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1866049,126230,Consumer loans,3165.39,26460.0,26163.0,2655.0,26460.0,SATURDAY,11,Y,1,0.1003378570211799,,,XAP,Approved,-2244,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,52,Connectivity,12.0,high,POS mobile with interest,365243.0,-2213.0,-1883.0,-1883.0,-1879.0,0.0,0,Cash loans,F,N,N,2,67500.0,148500.0,10759.5,148500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.01885,-12357,-2706,-2849.0,-246,,1,1,1,1,1,0,Core staff,4.0,2,2,TUESDAY,13,0,0,0,0,0,0,School,0.5890662052900002,0.637487436555786,,0.1268,0.0,0.9727,0.626,0.0117,0.0,0.1034,0.125,0.1667,0.0054,0.1034,0.0293,0.0,0.0,0.1292,0.0,0.9727,0.6406,0.0118,0.0,0.1034,0.125,0.1667,0.0055,0.1129,0.0305,0.0,0.0,0.128,0.0,0.9727,0.631,0.0117,0.0,0.1034,0.125,0.1667,0.0055,0.1052,0.0298,0.0,0.0,reg oper account,block of flats,0.0302,"Stone, brick",No,3.0,1.0,3.0,1.0,-1670.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1812442,175933,Consumer loans,7159.365,32445.0,26869.5,6489.0,32445.0,WEDNESDAY,11,Y,1,0.21185337797235826,,,XAP,Approved,-1098,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,31,Connectivity,4.0,middle,POS mobile without interest,365243.0,-1059.0,-969.0,-969.0,-960.0,0.0,0,Revolving loans,M,Y,Y,0,72000.0,135000.0,6750.0,135000.0,Unaccompanied,Working,Incomplete higher,Married,Office apartment,0.019101,-11498,-201,-5403.0,-4081,10.0,1,1,1,1,1,0,High skill tech staff,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Telecom,0.3856935218342558,0.4924034832366161,0.4776491548517548,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1232.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2487429,214405,Consumer loans,6173.28,49590.0,53680.5,0.0,49590.0,THURSDAY,8,Y,1,0.0,,,XAP,Approved,-1509,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Stone,55,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1477.0,-1207.0,-1207.0,-1205.0,0.0,0,Cash loans,F,N,N,0,121500.0,526491.0,23319.0,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020246,-23618,365243,-5670.0,-4309,,1,0,0,1,0,0,,2.0,3,3,MONDAY,10,0,0,0,0,0,0,XNA,,0.3987210624646885,0.5919766183185521,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1983598,259053,Consumer loans,6247.125,56250.0,50625.0,5625.0,56250.0,SUNDAY,11,Y,1,0.1089090909090909,,,XAP,Refused,-2259,Cash through the bank,SCO,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,100,Consumer electronics,10.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,N,0,135000.0,450000.0,21649.5,450000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-21024,365243,-3886.0,-3762,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,XNA,0.7748539525239407,0.6091144661147665,0.8038850611746273,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1937.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1771432,455453,Cash loans,11101.725,189000.0,220185.0,,189000.0,TUESDAY,9,Y,1,,,,XNA,Refused,-525,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),5,XNA,30.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,Y,Y,0,202500.0,90000.0,3523.5,90000.0,Unaccompanied,Pensioner,Lower secondary,Widow,House / apartment,0.014519999999999996,-23028,365243,-10669.0,-4688,18.0,1,0,0,1,0,0,,1.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,,0.3454858866640793,0.4902575124990026,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-938.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1469390,278281,Consumer loans,8275.635,38047.5,29047.5,9000.0,38047.5,SATURDAY,16,Y,1,0.2576205580345142,,,XAP,Approved,-2900,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,36,Connectivity,4.0,low_normal,POS mobile with interest,365243.0,-2869.0,-2779.0,-2779.0,-2724.0,0.0,0,Cash loans,M,Y,N,0,171000.0,450000.0,27193.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.007114,-19295,-404,-2155.0,-2769,23.0,1,1,0,1,0,0,Drivers,1.0,2,2,FRIDAY,10,0,0,0,0,0,0,Self-employed,0.517767173751467,0.6971986486065962,,0.1495,,0.9866,0.8164,,0.0,0.2069,0.1667,0.0417,,,0.0959,,0.1252,0.1523,,0.9866,0.8236,,0.0,0.2069,0.1667,0.0417,,,0.0999,,0.1325,0.1509,,0.9866,0.8189,,0.0,0.2069,0.1667,0.0417,,,0.0976,,0.1278,reg oper account,block of flats,0.1027,Panel,No,2.0,0.0,2.0,0.0,-1598.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2633053,278721,Consumer loans,8591.58,54342.0,42862.5,13500.0,54342.0,SUNDAY,15,Y,1,0.2608600979858465,,,XAP,Approved,-1152,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,1108,Consumer electronics,6.0,high,POS household with interest,365243.0,-1121.0,-971.0,-1001.0,-998.0,0.0,0,Cash loans,F,N,N,0,112500.0,526491.0,17527.5,454500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.035792000000000004,-19438,-3328,-2820.0,-2582,,1,1,1,1,1,0,HR staff,1.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Security,0.8231413215045005,0.5815652275029775,0.4436153084085652,0.0639,,0.9727,,,0.0,0.1034,0.125,,0.0462,,0.0512,,0.0255,0.0651,,0.9727,,,0.0,0.1034,0.125,,0.0473,,0.0534,,0.027000000000000003,0.0645,,0.9727,,,0.0,0.1034,0.125,,0.047,,0.0521,,0.026,,block of flats,0.0458,Block,No,0.0,0.0,0.0,0.0,-1880.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2145117,146634,Cash loans,12776.715,270000.0,382639.5,,270000.0,SATURDAY,10,Y,1,,,,XNA,Refused,-431,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,Y,Y,2,202500.0,265851.0,21132.0,229500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.00733,-13480,-1513,-7503.0,-4564,13.0,1,1,0,1,0,0,Drivers,4.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.6558612652648024,0.43473324875017305,0.0361,0.0151,0.9627,0.49,0.0058,0.0,0.1034,0.125,0.0417,0.0,,0.0476,,0.0142,0.0368,0.0157,0.9628,0.51,0.0058,0.0,0.1034,0.125,0.0417,0.0,,0.0496,,0.015,0.0364,0.0151,0.9627,0.4968,0.0058,0.0,0.1034,0.125,0.0417,0.0,,0.0484,,0.0145,reg oper account,block of flats,0.0468,"Stone, brick",No,3.0,1.0,3.0,0.0,-637.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1700591,162458,Cash loans,14223.915,135000.0,171414.0,,135000.0,SATURDAY,7,Y,1,,,,XNA,Approved,-613,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-583.0,-73.0,-73.0,-66.0,1.0,0,Revolving loans,F,N,Y,0,81000.0,247500.0,12375.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018209,-10096,-458,-4908.0,-2231,,1,1,0,1,0,0,Sales staff,2.0,3,3,WEDNESDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.2399526942654758,0.5744466170995097,0.1113,0.0452,0.9846,0.7892,0.0182,0.04,0.0345,0.3333,0.375,0.0692,0.0908,0.0647,0.0,0.0,0.1134,0.0469,0.9846,0.7975,0.0181,0.0403,0.0345,0.3333,0.375,0.0708,0.0992,0.0674,0.0,0.0,0.1124,0.0452,0.9846,0.792,0.0183,0.04,0.0345,0.3333,0.375,0.0704,0.0923,0.0659,0.0,0.0,reg oper account,block of flats,0.0607,Panel,No,1.0,1.0,1.0,1.0,-1697.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2057575,347945,Consumer loans,6683.04,57960.0,57267.0,5850.0,57960.0,SUNDAY,16,Y,1,0.1009424056622117,,,XAP,Approved,-2501,Cash through the bank,XAP,"Spouse, partner",Refreshed,Mobile,POS,XNA,Country-wide,28,Connectivity,12.0,low_normal,POS mobile with interest,365243.0,-2470.0,-2140.0,-2140.0,-2137.0,1.0,0,Cash loans,F,N,N,0,247500.0,981000.0,28813.5,981000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.008865999999999999,-23122,365243,-9862.0,-4071,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,XNA,,0.7944516454844202,0.4632753280912678,0.0619,0.0857,0.9722,0.6192,0.0132,0.0,0.1379,0.1667,0.2083,0.0332,0.0496,0.0651,0.0039,0.0053,0.063,0.08900000000000001,0.9722,0.6341,0.0133,0.0,0.1379,0.1667,0.2083,0.0339,0.0542,0.0679,0.0039,0.0056,0.0625,0.0857,0.9722,0.6243,0.0133,0.0,0.1379,0.1667,0.2083,0.0338,0.0504,0.0663,0.0039,0.0054,reg oper account,block of flats,0.0596,"Stone, brick",No,3.0,0.0,3.0,0.0,-1524.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1709112,442946,Consumer loans,12702.24,98550.0,107221.5,0.0,98550.0,WEDNESDAY,16,Y,1,0.0,,,XAP,Refused,-841,Cash through the bank,LIMIT,,Repeater,Construction Materials,POS,XNA,Regional / Local,410,Construction,10.0,middle,POS industry with interest,,,,,,,0,Cash loans,F,N,N,0,292500.0,781695.0,22531.5,652500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.00496,-22449,-3276,-11040.0,-3887,,1,1,0,1,0,0,Core staff,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,School,,0.733842099214001,0.25533177083329,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-916.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1894756,169736,Revolving loans,2250.0,45000.0,45000.0,,45000.0,THURSDAY,9,Y,1,,,,XAP,Approved,-495,XNA,XAP,,New,XNA,Cards,walk-in,Country-wide,50,Connectivity,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,0,94500.0,245268.0,15133.5,202500.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.006207,-9328,-965,-3802.0,-2007,,1,1,1,1,0,0,Laborers,2.0,2,2,TUESDAY,9,0,0,0,0,1,1,Industry: type 3,0.0924401525583835,0.31553040840006463,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-495.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1207636,377660,Revolving loans,19125.0,0.0,382500.0,,,TUESDAY,13,Y,1,,,,XAP,Approved,-794,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,2,360000.0,781920.0,50103.0,675000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.011656999999999999,-14181,-1700,-3308.0,-2939,0.0,1,1,0,1,0,1,Managers,4.0,1,1,FRIDAY,16,0,1,1,0,0,0,Business Entity Type 3,,0.7526231942555667,0.6430255641096323,0.0928,0.1015,0.9836,,,0.0,0.2069,0.1667,,0.0,,0.0876,,0.0,0.0945,0.1054,0.9836,,,0.0,0.2069,0.1667,,0.0,,0.0913,,0.0,0.0937,0.1015,0.9836,,,0.0,0.2069,0.1667,,0.0,,0.0892,,0.0,,block of flats,0.0699,Panel,No,1.0,0.0,1.0,0.0,-1618.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +1710235,256320,Consumer loans,7914.375,71469.0,80275.5,0.0,71469.0,MONDAY,16,Y,1,0.0,,,XAP,Approved,-520,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,37,Connectivity,14.0,high,POS mobile with interest,365243.0,-480.0,-90.0,-90.0,-87.0,0.0,0,Revolving loans,F,Y,Y,1,135000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.019101,-16000,-9213,-1895.0,-4137,0.0,1,1,0,1,0,0,Medicine staff,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Medicine,,0.7022983299250702,0.3791004853998145,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1996.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2028043,453421,Cash loans,12511.665,90000.0,109480.5,0.0,90000.0,WEDNESDAY,16,Y,1,0.0,,,XNA,Approved,-1623,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-1593.0,-1263.0,-1353.0,-1346.0,1.0,0,Cash loans,F,N,Y,0,157500.0,263686.5,17752.5,238500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00702,-17588,-4833,-10256.0,-1137,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,School,,0.23549875237688284,0.2392262794694045,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1724.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1946268,180618,Cash loans,20381.13,225000.0,280674.0,,225000.0,THURSDAY,16,Y,1,,,,XNA,Approved,-1213,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-1183.0,-673.0,-1033.0,-1028.0,1.0,0,Cash loans,F,N,Y,0,247500.0,549882.0,16209.0,459000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-17937,-6205,-102.0,-379,,1,1,0,1,0,0,Medicine staff,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Medicine,0.7043805516231731,0.7133322269349051,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1141884,116824,Revolving loans,2250.0,45000.0,45000.0,,45000.0,MONDAY,4,Y,1,,,,XAP,Approved,-382,XNA,XAP,,New,XNA,Cards,walk-in,AP+ (Cash loan),4,XNA,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,126000.0,679500.0,27076.5,679500.0,Unaccompanied,State servant,Secondary / secondary special,Separated,House / apartment,0.014464,-17223,-7243,-1942.0,-690,,1,1,0,1,1,0,Laborers,1.0,2,2,THURSDAY,8,0,0,0,0,0,0,Other,0.39250113763275385,0.6620434440283612,0.6956219298394389,0.0299,0.019,0.9811,0.7416,,0.0,0.069,0.0833,0.0,0.0293,0.0244,0.0172,0.0,0.0,0.0305,0.0197,0.9811,0.7517,,0.0,0.069,0.0833,0.0,0.03,0.0266,0.0179,0.0,0.0,0.0302,0.019,0.9811,0.7451,,0.0,0.069,0.0833,0.0,0.0298,0.0248,0.0175,0.0,0.0,reg oper account,block of flats,0.0247,"Stone, brick",No,0.0,0.0,0.0,0.0,-382.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,1.0 +2426050,263925,Consumer loans,8954.64,60840.0,44838.0,18252.0,60840.0,FRIDAY,13,Y,1,0.3150750875372843,,,XAP,Approved,-1005,Cash through the bank,XAP,Unaccompanied,Repeater,Jewelry,POS,XNA,Stone,17,Industry,6.0,high,POS other with interest,365243.0,-974.0,-824.0,-914.0,-905.0,0.0,0,Cash loans,F,N,Y,0,81000.0,74182.5,5161.5,67500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.025164,-23149,365243,-4704.0,-4850,,1,0,0,1,1,0,,1.0,2,2,TUESDAY,13,0,0,0,0,0,0,XNA,,0.6017542875610146,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,0.0,-1642.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1148528,215870,Consumer loans,8549.28,56880.0,61884.0,0.0,56880.0,FRIDAY,17,Y,1,0.0,,,XAP,Refused,-429,XNA,HC,,Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,10.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,0,202500.0,239850.0,22788.0,225000.0,,Working,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-8890,-611,-1354.0,-712,,1,1,0,1,0,0,Sales staff,2.0,2,1,SUNDAY,9,0,0,0,0,0,0,Business Entity Type 1,,0.08687711857074976,0.2851799046358216,0.1485,0.1511,0.9975,0.966,0.1401,0.2,0.1724,0.3333,0.375,0.0619,0.121,0.2112,0.0,0.0,0.1513,0.1568,0.9975,0.9673,0.1414,0.2014,0.1724,0.3333,0.375,0.0633,0.1322,0.22,0.0,0.0,0.1499,0.1511,0.9975,0.9665,0.141,0.2,0.1724,0.3333,0.375,0.063,0.1231,0.215,0.0,0.0,reg oper account,block of flats,0.248,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2340721,374678,Cash loans,44214.255,900000.0,978408.0,,900000.0,THURSDAY,11,Y,1,,,,XNA,Approved,-1133,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-1103.0,-53.0,-233.0,-227.0,1.0,0,Cash loans,F,N,Y,0,450000.0,479700.0,57060.0,450000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.072508,-21343,-4619,-11675.0,-2506,,1,1,0,1,1,0,High skill tech staff,2.0,1,1,WEDNESDAY,18,0,0,0,0,0,0,Housing,,0.7688498138210016,0.2764406945454034,0.2278,0.1368,0.9776,0.6940000000000001,0.0676,0.24,0.2,0.375,0.4167,0.0,0.1847,0.2144,0.0046,0.0187,0.1029,0.0402,0.9777,0.706,0.0252,0.0806,0.0345,0.3333,0.375,0.0,0.09,0.093,0.0,0.0,0.2238,0.1406,0.9781,0.7048,0.0708,0.24,0.2069,0.3333,0.375,0.0,0.1838,0.2172,0.0,0.0,reg oper account,block of flats,0.1678,Panel,No,2.0,0.0,2.0,0.0,-1737.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1745741,139500,Consumer loans,18108.99,176638.5,176638.5,0.0,176638.5,FRIDAY,14,Y,1,0.0,,,XAP,Approved,-492,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Stone,30,Furniture,12.0,middle,POS industry with interest,365243.0,-461.0,-131.0,-371.0,-364.0,0.0,0,Cash loans,F,Y,Y,2,382500.0,835380.0,33259.5,675000.0,Unaccompanied,Working,Higher education,Married,With parents,0.031329,-11120,-1933,-3534.0,-3555,1.0,1,1,0,1,0,0,Core staff,4.0,2,2,SUNDAY,11,0,0,0,0,0,0,School,0.6405888577929961,0.6447475907809339,0.5567274263630174,0.0814,0.0791,0.9851,0.7959999999999999,0.0369,0.0,0.2069,0.1667,0.2083,,0.0656,0.0818,0.0039,0.0057,0.083,0.08199999999999999,0.9851,0.804,0.0372,0.0,0.2069,0.1667,0.2083,,0.0716,0.0852,0.0039,0.006,0.0822,0.0791,0.9851,0.7987,0.0371,0.0,0.2069,0.1667,0.2083,,0.0667,0.0832,0.0039,0.0058,reg oper account,block of flats,0.0655,"Stone, brick",No,0.0,0.0,0.0,0.0,-2289.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1446030,257591,Consumer loans,7234.245,38844.0,36045.0,4500.0,38844.0,THURSDAY,12,Y,1,0.12087579457168796,,,XAP,Approved,-2349,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,5,Connectivity,6.0,high,POS mobile with interest,365243.0,-2311.0,-2161.0,-2161.0,-2150.0,1.0,0,Cash loans,F,N,N,1,90000.0,193500.0,20529.0,193500.0,Unaccompanied,Working,Incomplete higher,Separated,House / apartment,0.015221,-11513,-2619,-2453.0,-2602,,1,1,0,1,1,0,Managers,2.0,2,2,WEDNESDAY,20,0,0,0,0,0,0,Business Entity Type 3,0.2875883225091015,0.6817130372355956,0.1500851762342935,0.0619,0.0614,0.9831,,,0.0,0.1379,0.1667,,0.0425,,0.0534,,0.0,0.063,0.0637,0.9831,,,0.0,0.1379,0.1667,,0.0435,,0.0557,,0.0,0.0625,0.0614,0.9831,,,0.0,0.1379,0.1667,,0.0432,,0.0544,,0.0,,block of flats,0.0463,Panel,No,0.0,0.0,0.0,0.0,-253.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2120840,204712,Consumer loans,5808.735,62955.0,56659.5,6295.5,62955.0,SUNDAY,15,Y,1,0.1089090909090909,,,XAP,Approved,-319,Cash through the bank,XAP,,Repeater,Clothing and Accessories,POS,XNA,Stone,52,Clothing,12.0,middle,POS industry with interest,365243.0,-288.0,42.0,-168.0,-165.0,0.0,0,Revolving loans,F,N,Y,1,171000.0,180000.0,9000.0,495000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.008865999999999999,-13313,-2350,-787.0,-633,,1,1,1,1,1,0,Laborers,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.020875661694796446,0.6496203111237195,0.3649,0.3351,0.9975,,,0.36,0.3103,0.25,,0.2214,,0.4785,,0.179,0.3718,0.3477,0.9975,,,0.3625,0.3103,0.25,,0.2264,,0.4985,,0.1895,0.3685,0.3351,0.9975,,,0.36,0.3103,0.25,,0.2252,,0.4871,,0.1828,,block of flats,0.4835,,No,0.0,0.0,0.0,0.0,-584.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1354165,426964,Revolving loans,9000.0,180000.0,180000.0,,180000.0,MONDAY,12,Y,1,,,,XAP,Refused,-210,XNA,HC,Family,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,N,Y,1,382500.0,485640.0,41674.5,450000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.011703,-15325,-5907,-2862.0,-3581,,1,1,0,1,0,0,Core staff,3.0,2,2,MONDAY,13,0,0,0,0,0,0,Self-employed,,0.6920266123311741,0.5064842396679806,0.0918,0.0762,0.9781,0.7008,,0.0,0.1838,0.1667,0.2083,0.0932,,0.0822,,0.0,0.0735,0.062,0.9782,0.7125,,0.0,0.2069,0.1667,0.2083,0.0781,,0.0681,,0.0,0.101,0.0843,0.9781,0.7048,,0.0,0.2069,0.1667,0.2083,0.1025,,0.0905,,0.0,not specified,block of flats,0.0557,Panel,No,1.0,0.0,1.0,0.0,-467.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2113014,142807,Cash loans,51925.86,1170000.0,1609605.0,,1170000.0,MONDAY,11,Y,1,,,,XNA,Refused,-1103,Cash through the bank,SCO,Family,Refreshed,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,N,N,1,202500.0,876816.0,47695.5,720000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.011656999999999999,-15913,-1320,-3928.0,-4666,,1,1,0,1,0,0,Laborers,3.0,1,1,FRIDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.6416662890362271,0.36896873825284665,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,12.0,0.0,12.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1614639,221289,Consumer loans,13054.635,132750.0,132750.0,0.0,132750.0,SATURDAY,10,Y,1,0.0,,,XAP,Approved,-705,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Stone,198,Consumer electronics,12.0,middle,POS household with interest,365243.0,-667.0,-337.0,-337.0,-333.0,0.0,0,Cash loans,F,N,Y,1,112500.0,237024.0,17374.5,180000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.010643000000000001,-9130,-394,-979.0,-1753,,1,1,0,1,0,0,Laborers,3.0,2,2,THURSDAY,11,0,0,0,0,1,1,Business Entity Type 3,0.20481402366079132,0.5279740797024032,0.3893387918468769,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-705.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1802010,145340,Consumer loans,13217.67,121500.0,118971.0,12150.0,121500.0,SATURDAY,16,Y,1,0.10091788916691104,,,XAP,Approved,-776,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Stone,110,Furniture,10.0,low_normal,POS industry with interest,365243.0,-745.0,-475.0,-475.0,-467.0,0.0,0,Cash loans,F,N,Y,0,67500.0,52767.0,5139.0,49500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-22047,365243,-13205.0,-4222,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,XNA,,0.4593307562568608,0.5370699579791587,0.0722,0.0639,0.9801,0.728,0.0291,0.0,0.1379,0.1667,0.2083,0.0,0.0588,0.0673,0.0,0.0179,0.0735,0.0663,0.9801,0.7387,0.0293,0.0,0.1379,0.1667,0.2083,0.0,0.0643,0.0701,0.0,0.0189,0.0729,0.0639,0.9801,0.7316,0.0293,0.0,0.1379,0.1667,0.2083,0.0,0.0599,0.0685,0.0,0.0182,not specified,block of flats,0.0568,Block,No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2630644,232730,Cash loans,21203.1,270000.0,270000.0,,270000.0,WEDNESDAY,17,Y,1,,,,XNA,Approved,-239,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-209.0,301.0,-149.0,-144.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,284427.0,22599.0,216000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.009175,-18119,-960,-7489.0,-1671,4.0,1,1,0,1,0,0,High skill tech staff,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Construction,,0.7483606005116848,0.34578480246959553,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-115.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2174926,379963,Consumer loans,2856.825,24795.0,24480.0,2520.0,24795.0,WEDNESDAY,11,Y,1,0.1016484848484848,,,XAP,Approved,-2327,XNA,XAP,,New,Mobile,POS,XNA,Stone,15,Connectivity,12.0,high,POS mobile with interest,365243.0,-2290.0,-1960.0,-1960.0,-1952.0,1.0,0,Cash loans,M,Y,Y,1,135000.0,860634.0,33349.5,616500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.018801,-19141,-1082,-4926.0,-2678,28.0,1,1,0,1,0,0,Drivers,3.0,2,2,SATURDAY,7,0,0,0,0,0,0,Self-employed,,0.5634350122463097,0.5549467685334323,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1768.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2088119,230251,Cash loans,13349.25,225000.0,225000.0,0.0,225000.0,WEDNESDAY,9,Y,1,0.0,,,XNA,Refused,-2156,XNA,HC,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,30.0,high,Cash Street: high,,,,,,,0,Cash loans,F,Y,Y,0,184500.0,781920.0,25969.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018801,-21318,365243,-9839.0,-4402,22.0,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,XNA,,0.6172729294603121,0.6397075677637197,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2568.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1639183,149859,Consumer loans,18706.185,150750.0,161527.5,0.0,150750.0,SUNDAY,14,Y,1,0.0,,,XAP,Approved,-404,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Stone,800,Consumer electronics,10.0,middle,POS household with interest,365243.0,-373.0,-103.0,-103.0,-96.0,0.0,0,Cash loans,F,N,Y,0,157500.0,497520.0,36184.5,450000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-18923,-1782,-12048.0,-2478,,1,1,0,1,0,0,Core staff,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,Self-employed,,0.3693758396432672,0.5478104658520093,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,1.0,5.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1785427,132368,Consumer loans,16200.45,148311.0,161230.5,0.0,148311.0,MONDAY,14,Y,1,0.0,,,XAP,Approved,-1100,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,1073,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1069.0,-739.0,-829.0,-821.0,0.0,0,Cash loans,F,N,Y,0,180000.0,540000.0,15786.0,540000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.011703,-20472,365243,-12744.0,-4015,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,XNA,,0.7278805177571444,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1100.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2607862,385178,Consumer loans,9276.705,67495.5,57559.5,13500.0,67495.5,SATURDAY,14,Y,1,0.2069072716910092,,,XAP,Approved,-1184,Cash through the bank,XAP,Family,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,1455,Consumer electronics,8.0,high,POS household with interest,365243.0,-1153.0,-943.0,-1003.0,-1001.0,0.0,0,Cash loans,F,N,Y,2,225000.0,912240.0,30276.0,787500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-13100,-2058,-7232.0,-1503,,1,1,0,1,0,0,Sales staff,4.0,1,1,SUNDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.8486477453932267,0.7532902888884158,0.7194907850918436,0.0082,,0.9702,,,0.0,0.069,0.0417,,,,0.0098,,,0.0084,,0.9702,,,0.0,0.069,0.0417,,,,0.0102,,,0.0083,,0.9702,,,0.0,0.069,0.0417,,,,0.01,,,,block of flats,0.0084,,No,1.0,0.0,1.0,0.0,-1437.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2738069,213362,Consumer loans,20845.305,243171.0,182389.5,72954.0,243171.0,SATURDAY,12,Y,1,0.3111633473412019,,,XAP,Approved,-267,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Regional / Local,100,Consumer electronics,10.0,middle,POS household with interest,365243.0,-236.0,34.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,2,180000.0,1039500.0,30523.5,1039500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-14129,-2625,-4254.0,-4710,,1,1,0,1,0,0,,4.0,2,2,SUNDAY,11,0,0,0,0,1,1,Industry: type 7,0.42377313756303736,0.12116118856408208,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-412.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1133534,298088,Consumer loans,5621.04,51394.5,53514.0,2700.0,51394.5,SUNDAY,10,Y,1,0.05230984193520216,,,XAP,Approved,-1469,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Regional / Local,130,Furniture,12.0,middle,POS industry with interest,365243.0,-1438.0,-1108.0,-1108.0,-1105.0,0.0,0,Cash loans,F,N,Y,0,157500.0,755190.0,38686.5,675000.0,Family,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.00702,-10081,-2395,-274.0,-2653,,1,1,0,1,0,0,Realty agents,1.0,2,2,SATURDAY,10,0,0,0,0,1,1,Self-employed,,0.7247944220898852,,0.0928,0.0155,0.9806,0.7348,0.0154,0.0,0.2069,0.1667,0.2083,0.0174,0.0756,0.0781,0.0,0.0387,0.0945,0.016,0.9806,0.7452,0.0155,0.0,0.2069,0.1667,0.2083,0.0177,0.0826,0.0814,0.0,0.041,0.0937,0.0155,0.9806,0.7383,0.0155,0.0,0.2069,0.1667,0.2083,0.0177,0.077,0.0795,0.0,0.0396,,block of flats,0.0699,"Stone, brick",No,4.0,0.0,4.0,0.0,-2000.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2241701,208784,Consumer loans,4625.595,42093.0,42093.0,0.0,42093.0,SUNDAY,19,Y,1,0.0,,,XAP,Approved,-485,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,35,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-449.0,-179.0,-209.0,-205.0,0.0,0,Cash loans,F,N,Y,0,180000.0,545040.0,26640.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.02461,-12415,-797,-137.0,-4214,,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Self-employed,0.5073854843586062,0.3193160010136969,0.5779691187553125,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-58.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,5.0 +1493394,323523,Cash loans,5463.81,49500.0,49500.0,,49500.0,SATURDAY,13,Y,1,,,,XNA,Approved,-444,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-414.0,-84.0,-144.0,-142.0,0.0,0,Cash loans,F,N,Y,1,90000.0,112068.0,8284.5,99000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.019688999999999998,-13706,-306,-865.0,-4816,,1,1,0,1,0,1,Secretaries,3.0,2,2,TUESDAY,13,0,0,0,0,0,0,Industry: type 3,,0.5858851582245171,0.24318648044201235,0.166,0.0661,0.9861,0.8096,,0.08,0.069,0.3333,0.0417,0.1087,,0.1301,,0.0013,0.1691,0.0686,0.9861,0.8171,,0.0806,0.069,0.3333,0.0417,0.1112,,0.1355,,0.0014,0.1676,0.0661,0.9861,0.8121,,0.08,0.069,0.3333,0.0417,0.1106,,0.1324,,0.0014,,block of flats,0.1098,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1566051,347872,Revolving loans,3375.0,0.0,67500.0,,,SUNDAY,7,Y,1,,,,XAP,Approved,-2374,XNA,XAP,,Repeater,XNA,Cards,x-sell,Regional / Local,150,Consumer electronics,0.0,XNA,Card Street,-2197.0,-2141.0,365243.0,-437.0,-33.0,0.0,0,Cash loans,F,Y,Y,0,135000.0,1078200.0,31653.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010032,-17220,-2536,-1943.0,-766,23.0,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,5,0,0,0,0,0,0,Transport: type 4,0.8543652728411135,0.5679908301555592,0.6212263380626669,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2374.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2379017,416218,Cash loans,6155.685,67500.0,74182.5,,67500.0,WEDNESDAY,17,Y,1,,,,XNA,Approved,-783,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,18.0,high,Cash X-Sell: high,365243.0,-749.0,-239.0,-239.0,-226.0,0.0,0,Cash loans,F,N,Y,2,94500.0,76410.0,9198.0,67500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.018634,-10150,-1979,-3199.0,-2804,,1,1,1,1,0,0,Laborers,4.0,2,2,TUESDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.4420190776125927,0.5277506330045744,0.14111510044661266,0.1031,0.0801,0.9786,,,0.0,0.2069,0.1667,,0.0139,,0.0864,,0.0,0.105,0.0832,0.9786,,,0.0,0.2069,0.1667,,0.0142,,0.09,,0.0,0.1041,0.0801,0.9786,,,0.0,0.2069,0.1667,,0.0141,,0.08800000000000001,,0.0,,block of flats,0.0741,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1034940,396540,Consumer loans,4090.455,21244.5,20061.0,2128.5,21244.5,WEDNESDAY,16,Y,1,0.10446968160616507,,,XAP,Approved,-1150,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Regional / Local,6,Connectivity,6.0,high,POS mobile with interest,365243.0,-1111.0,-961.0,-961.0,-957.0,0.0,0,Cash loans,M,Y,Y,2,90000.0,225000.0,17905.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.018209,-11348,-287,-1857.0,-2607,20.0,1,1,0,1,0,1,Laborers,4.0,3,3,FRIDAY,11,0,0,0,0,0,0,Business Entity Type 2,0.22000017536754285,0.4978807407348486,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-835.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1560761,132032,Cash loans,90604.935,418500.0,478732.5,,418500.0,MONDAY,10,Y,1,,,,XNA,Approved,-630,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-600.0,-450.0,-510.0,-486.0,1.0,0,Cash loans,F,N,N,0,180000.0,521280.0,31500.0,450000.0,Unaccompanied,Working,Higher education,Widow,House / apartment,0.035792000000000004,-19190,-1159,-6712.0,-2726,,1,1,1,1,1,0,Sales staff,1.0,2,2,SUNDAY,12,0,0,0,0,0,0,Self-employed,,0.6777189158477637,0.2225807646753351,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-139.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1389130,153685,Consumer loans,13468.77,117522.0,110772.0,6750.0,117522.0,MONDAY,14,Y,1,0.06255308483827397,,,XAP,Approved,-686,XNA,XAP,"Spouse, partner",New,Photo / Cinema Equipment,POS,XNA,Country-wide,20,Connectivity,12.0,high,POS mobile with interest,365243.0,-654.0,-324.0,-324.0,-316.0,0.0,0,Cash loans,M,N,Y,1,202500.0,312768.0,13905.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.011656999999999999,-14987,-1357,-3856.0,-4122,,1,1,1,1,0,0,Laborers,3.0,1,1,MONDAY,12,0,1,1,0,1,1,Business Entity Type 3,,0.5698357155391529,0.3185955240537633,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,0.0,-322.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1591234,412249,Consumer loans,5644.26,27450.0,27450.0,0.0,27450.0,SUNDAY,10,Y,1,0.0,,,XAP,Approved,-494,Cash through the bank,XAP,,Repeater,Sport and Leisure,POS,XNA,Stone,20,Industry,6.0,high,POS other with interest,365243.0,-463.0,-313.0,-313.0,-305.0,0.0,0,Cash loans,F,N,Y,0,81000.0,123993.0,8946.0,103500.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.010643000000000001,-20379,365243,-888.0,-2585,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,XNA,,0.6057563491039856,0.7209441499436497,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1994.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2058534,394079,Revolving loans,5625.0,112500.0,112500.0,,112500.0,THURSDAY,9,Y,1,,,,XAP,Approved,-215,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-208.0,-175.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,F,N,Y,2,94500.0,349609.5,23778.0,265500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0105,-12510,-1730,-2450.0,-291,,1,1,0,1,0,0,Accountants,4.0,3,3,TUESDAY,13,0,0,0,0,0,0,Other,,0.10119495444132813,0.5620604831738043,0.0082,,0.9727,,,0.0,0.069,0.0417,,0.0331,,0.0164,,0.0,0.0084,,0.9727,,,0.0,0.069,0.0417,,0.0339,,0.0171,,0.0,0.0083,,0.9727,,,0.0,0.069,0.0417,,0.0337,,0.0167,,0.0,,block of flats,0.0129,Wooden,No,0.0,0.0,0.0,0.0,-384.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1787795,443204,Consumer loans,8902.485,150736.5,150736.5,0.0,150736.5,SATURDAY,19,Y,1,0.0,,,XAP,Approved,-1145,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,85,Consumer electronics,24.0,middle,POS household with interest,365243.0,-1114.0,-424.0,-814.0,-807.0,0.0,0,Cash loans,F,N,N,0,202500.0,121500.0,4576.5,121500.0,Unaccompanied,Commercial associate,Higher education,Married,Municipal apartment,0.072508,-21508,-2134,-10582.0,-4566,,1,1,0,1,1,0,Accountants,2.0,1,1,WEDNESDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.7371517911515596,0.41184855592423975,0.232,0.0909,0.9856,0.8028,0.0706,0.32,0.1379,0.5417,0.0417,0.0156,0.1874,0.2071,0.0077,0.0028,0.2363,0.0938,0.9856,0.8105,0.0709,0.3222,0.1379,0.5417,0.0417,0.0155,0.2048,0.215,0.0078,0.003,0.2342,0.0909,0.9856,0.8054,0.0711,0.32,0.1379,0.5417,0.0417,0.0159,0.1907,0.2108,0.0078,0.0029,reg oper account,block of flats,0.1629,Panel,No,1.0,0.0,1.0,0.0,-1145.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,11.0,0.0,2.0 +1596294,413571,Consumer loans,19294.29,152527.5,158670.0,6750.0,152527.5,SUNDAY,18,Y,1,0.044440597487387434,,,XAP,Approved,-1533,Cash through the bank,XAP,Other_B,New,Computers,POS,XNA,Country-wide,600,Consumer electronics,12.0,high,POS household with interest,365243.0,-1501.0,-1171.0,-1171.0,-1169.0,0.0,1,Cash loans,M,N,N,1,247500.0,592560.0,32274.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.007273999999999998,-11242,-378,-503.0,-3001,,1,1,0,1,0,0,Drivers,3.0,2,2,SUNDAY,12,1,1,1,1,0,0,Business Entity Type 3,,0.3198676004919303,0.19182160241360605,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1533.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,1.0 +1619852,380293,Consumer loans,13151.61,66996.0,70533.0,0.0,66996.0,FRIDAY,14,Y,1,0.0,,,XAP,Approved,-844,Cash through the bank,XAP,Family,New,Homewares,POS,XNA,Country-wide,4000,Consumer electronics,6.0,middle,POS household with interest,365243.0,-813.0,-663.0,-723.0,-707.0,0.0,0,Cash loans,F,N,Y,0,225000.0,1350000.0,37255.5,1350000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.006296,-23382,365243,-8602.0,-4680,,1,0,0,1,1,0,,1.0,3,3,TUESDAY,14,0,0,0,0,0,0,XNA,,0.6229291658732355,0.3490552510751822,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-844.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2772676,385897,Consumer loans,14589.945,98055.0,94068.0,9810.0,98055.0,SATURDAY,7,Y,1,0.10285124682976006,,,XAP,Approved,-1552,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Stone,145,Consumer electronics,8.0,high,POS household with interest,365243.0,-1521.0,-1311.0,-1311.0,-1306.0,0.0,1,Cash loans,M,Y,N,0,180000.0,1078200.0,31653.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-18022,-1388,-1211.0,-1576,16.0,1,1,1,1,0,0,Laborers,2.0,2,2,WEDNESDAY,10,0,0,0,0,1,1,Industry: type 11,0.3000292298407405,0.1348069721025584,0.4632753280912678,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-935.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2107872,271761,Cash loans,61264.845,588527.415,611832.915,,588527.415,THURSDAY,17,Y,1,,,,XNA,Approved,-798,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash Street: middle,365243.0,-768.0,-438.0,-438.0,-431.0,1.0,0,Cash loans,F,N,Y,0,135000.0,360000.0,17316.0,360000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.005002,-22159,-1026,-7846.0,-4612,,1,1,0,1,0,0,Core staff,1.0,3,3,THURSDAY,17,0,0,0,0,0,0,Government,,0.6260930548981777,0.5262949398096192,0.1876,0.1225,0.9876,0.83,0.0277,0.2,0.1724,0.3333,0.375,0.1113,0.153,0.1999,0.0,0.0,0.1912,0.1272,0.9876,0.8367,0.028,0.2014,0.1724,0.3333,0.375,0.1139,0.1671,0.2083,0.0,0.0,0.1894,0.1225,0.9876,0.8323,0.0279,0.2,0.1724,0.3333,0.375,0.1133,0.1556,0.2035,0.0,0.0,org spec account,block of flats,0.1724,Panel,No,1.0,0.0,1.0,0.0,-1290.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2784055,110127,Consumer loans,6708.735,60988.5,60988.5,0.0,60988.5,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-513,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,173,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-481.0,-211.0,-211.0,-205.0,0.0,0,Cash loans,M,Y,Y,1,112500.0,454500.0,14661.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.011656999999999999,-15478,-3845,-8089.0,-4053,1.0,1,1,1,1,1,0,Laborers,3.0,1,1,TUESDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.6636024451271657,0.6397075677637197,0.0474,0.0,0.9732,0.6328,0.0331,0.04,0.1034,0.125,0.1667,0.0416,0.037000000000000005,0.0417,0.0077,0.0179,0.0483,0.0,0.9732,0.6472,0.0334,0.0403,0.1034,0.125,0.1667,0.0426,0.0404,0.0434,0.0078,0.019,0.0479,0.0,0.9732,0.6377,0.0333,0.04,0.1034,0.125,0.1667,0.0423,0.0376,0.0424,0.0078,0.0183,reg oper account,block of flats,0.0509,"Stone, brick",No,0.0,0.0,0.0,0.0,-2201.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2402946,149280,Cash loans,31984.695,270000.0,320103.0,,270000.0,SATURDAY,3,Y,1,,,,XNA,Approved,-599,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-569.0,-239.0,-239.0,-234.0,1.0,0,Cash loans,M,Y,Y,0,225000.0,781920.0,28215.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.002506,-18901,-1317,-4425.0,-2456,14.0,1,1,0,1,0,0,Drivers,2.0,2,2,WEDNESDAY,1,0,0,0,0,0,0,Self-employed,,0.6371235031748648,0.646329897706246,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-2062.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2033321,386879,Consumer loans,51099.885,498438.0,498438.0,0.0,498438.0,WEDNESDAY,13,Y,1,0.0,,,XAP,Approved,-622,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Stone,300,Furniture,12.0,middle,POS industry with interest,365243.0,-585.0,-255.0,-525.0,-520.0,0.0,0,Cash loans,M,Y,Y,3,157500.0,450000.0,21109.5,450000.0,Unaccompanied,Working,Lower secondary,Married,House / apartment,0.019101,-12455,-5542,-6606.0,-4183,0.0,1,1,1,1,0,0,Drivers,5.0,2,2,TUESDAY,12,0,0,0,0,1,1,Agriculture,,0.683953114488266,0.6109913280868294,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1816.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2061777,371155,Cash loans,16423.65,225000.0,254700.0,,225000.0,TUESDAY,11,Y,1,,,,XNA,Refused,-625,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,112500.0,545040.0,25537.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.006670999999999999,-19910,-2364,-5805.0,-3384,,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,10,0,0,0,0,1,1,Self-employed,,0.6554909952808194,0.6528965519806539,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1209.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1686138,343252,Revolving loans,2250.0,45000.0,45000.0,,45000.0,MONDAY,8,Y,1,,,,XAP,Approved,-219,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-208.0,-174.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,180000.0,566055.0,16681.5,472500.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.019688999999999998,-22574,365243,-13225.0,-4365,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,XNA,,0.17249750814777715,0.520897599048938,,,0.9573,,,,,,,,,,,,,,0.9573,,,,,,,,,,,,,,0.9573,,,,,,,,,,,,,block of flats,0.012,,No,5.0,0.0,5.0,0.0,-1905.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1527588,260868,Consumer loans,15415.965,141300.0,153423.0,0.0,141300.0,WEDNESDAY,16,Y,1,0.0,,,XAP,Refused,-948,Cash through the bank,LIMIT,"Spouse, partner",Repeater,Computers,POS,XNA,Regional / Local,305,Consumer electronics,12.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,85500.0,66222.0,4554.0,58500.0,Unaccompanied,Working,Secondary / secondary special,Married,Co-op apartment,0.020246,-10216,-958,-5022.0,-450,,1,1,0,1,0,0,Laborers,2.0,3,3,SATURDAY,12,0,0,0,0,1,1,Industry: type 3,0.13374275513593592,0.4389206859506318,0.3556387169923543,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1058.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1963284,266293,Consumer loans,11790.135,260325.0,260325.0,0.0,260325.0,THURSDAY,16,Y,1,0.0,,,XAP,Approved,-623,Cash through the bank,XAP,,New,Computers,POS,XNA,Country-wide,3600,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-592.0,98.0,-142.0,-137.0,0.0,0,Cash loans,F,N,N,0,157500.0,269550.0,13761.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-14926,-1701,-637.0,-546,,1,1,0,1,1,0,,2.0,1,1,THURSDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.6291783697943902,0.6873466011654853,0.1385128770585923,0.7113,0.3297,0.9935,0.9116,0.3943,0.96,0.4138,0.6667,0.5833,0.0654,0.5514,0.7947,0.1313,0.1353,0.7248,0.3421,0.9935,0.9151,0.3979,0.9667,0.4138,0.6667,0.5833,0.0669,0.6024,0.828,0.1323,0.1433,0.7182,0.3297,0.9935,0.9128,0.3968,0.96,0.4138,0.6667,0.5833,0.0665,0.5609,0.8089,0.132,0.1382,reg oper account,block of flats,0.631,Panel,No,0.0,0.0,0.0,0.0,-623.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1365334,424280,Consumer loans,4880.52,108216.0,108216.0,0.0,108216.0,WEDNESDAY,17,Y,1,0.0,,,XAP,Approved,-1497,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,3600,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1465.0,-775.0,-895.0,-891.0,0.0,0,Cash loans,F,N,Y,0,270000.0,1002456.0,39883.5,810000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-11749,-4827,-5843.0,-3186,,1,1,0,1,1,0,,2.0,1,1,TUESDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.4805061134811367,0.6813048419527907,0.34578480246959553,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.2486,,No,0.0,0.0,0.0,0.0,-1497.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2148146,201980,Revolving loans,13500.0,0.0,270000.0,,,THURSDAY,4,Y,1,,,,XAP,Approved,-678,XNA,XAP,,Repeater,XNA,Cards,x-sell,Stone,100,Consumer electronics,0.0,XNA,Card X-Sell,-676.0,-633.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,N,0,99000.0,109453.5,11916.0,99000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.0038179999999999998,-22143,365243,-8687.0,-4682,17.0,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,5,0,0,0,0,0,0,XNA,0.8347832215362522,0.1816539338940573,0.7969726818373722,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1757.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1538542,103884,Cash loans,31446.36,450000.0,491580.0,,450000.0,FRIDAY,13,Y,1,,,,XNA,Approved,-661,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,AP+ (Cash loan),1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-631.0,59.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,1,180000.0,922500.0,30487.5,922500.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.035792000000000004,-13323,-2080,-7096.0,-4874,,1,1,0,1,1,0,Accountants,2.0,2,2,MONDAY,17,0,0,0,1,1,0,Government,0.4620879260220193,0.6421287356286325,0.23272477626794336,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2607.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,2.0,2.0 +2368394,121406,Consumer loans,5479.965,54805.5,49324.5,5481.0,54805.5,SUNDAY,16,Y,1,0.10891803327635496,,,XAP,Approved,-2769,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,2565,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2738.0,-2468.0,-2558.0,-2552.0,0.0,0,Cash loans,M,Y,Y,0,292500.0,895500.0,67086.0,895500.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-22318,365243,-14727.0,-4319,1.0,1,0,0,1,1,0,,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,XNA,,0.6996765613039345,0.7016957740576931,0.066,,0.9737,,,0.0,0.1379,0.1667,,,,0.0525,,0.0358,0.0672,,0.9737,,,0.0,0.1379,0.1667,,,,0.0546,,0.0379,0.0666,,0.9737,,,0.0,0.1379,0.1667,,,,0.0534,,0.0366,,block of flats,0.049,"Stone, brick",No,0.0,0.0,0.0,0.0,-699.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1595342,131945,Consumer loans,9228.285,161986.5,97191.0,64795.5,161986.5,FRIDAY,10,Y,1,0.4356424146456648,,,XAP,Approved,-354,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Regional / Local,100,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-324.0,6.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,2,193500.0,172512.0,15822.0,144000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-11421,-815,-2456.0,-3370,18.0,1,1,0,1,0,0,Managers,4.0,2,2,TUESDAY,10,0,0,0,0,1,1,Agriculture,0.14892232557762305,0.6230216173523897,0.6706517530862718,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-398.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1243045,430101,Consumer loans,6731.82,59139.0,58315.5,6075.0,59139.0,SUNDAY,10,Y,1,0.10275160579165048,,,XAP,Approved,-1702,XNA,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Stone,625,Consumer electronics,12.0,high,POS household with interest,365243.0,-1671.0,-1341.0,-1341.0,-1331.0,0.0,0,Cash loans,F,Y,N,1,90000.0,942300.0,27679.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-14865,-521,-4787.0,-4791,14.0,1,1,0,1,0,0,Sales staff,3.0,2,2,MONDAY,9,0,0,0,0,0,0,Self-employed,,0.4759115365335943,0.6075573001388961,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1577.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1405513,371526,Consumer loans,5047.29,89631.0,108562.5,0.0,89631.0,MONDAY,14,Y,1,0.0,,,XAP,Approved,-249,Cash through the bank,XAP,"Spouse, partner",Repeater,Computers,POS,XNA,Country-wide,800,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-218.0,472.0,-218.0,-215.0,0.0,1,Cash loans,M,Y,Y,1,157500.0,348264.0,23404.5,315000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-13704,-2709,-4169.0,-2460,8.0,1,1,1,1,1,0,Laborers,3.0,2,2,FRIDAY,10,0,0,0,0,0,0,Self-employed,,0.03509985002883305,0.2807895743848605,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-249.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1328144,135900,Consumer loans,17846.145,91314.0,91791.0,13500.0,91314.0,SATURDAY,12,Y,1,0.1396389745821321,,,XAP,Approved,-1073,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Regional / Local,100,Consumer electronics,6.0,high,POS household with interest,365243.0,-1042.0,-892.0,-892.0,-882.0,0.0,0,Cash loans,F,N,Y,0,180000.0,314055.0,15237.0,238500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010147,-18365,-1510,-4940.0,-1895,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,16,0,0,0,0,1,1,Industry: type 4,0.3865819189831522,0.5292055579329057,0.324891229465852,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1073.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1875425,214201,Consumer loans,17833.41,94495.5,89680.5,9045.0,94495.5,THURSDAY,12,Y,1,0.09977996842484743,,,XAP,Approved,-1598,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,5094,Consumer electronics,6.0,high,POS household with interest,365243.0,-1567.0,-1417.0,-1417.0,-1412.0,0.0,0,Cash loans,F,Y,Y,2,81000.0,324216.0,21793.5,256500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.005144,-13846,-2758,-6462.0,-4405,17.0,1,1,0,1,0,0,Core staff,4.0,2,2,SATURDAY,11,0,0,0,0,0,0,Kindergarten,0.7193594856731274,0.5032874404140555,0.7338145369642702,,,0.9836,,,,,,,,,0.0118,,,,,0.9836,,,,,,,,,0.0123,,,,,0.9836,,,,,,,,,0.012,,,,,0.0104,,No,0.0,0.0,0.0,0.0,-1598.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +1889509,164624,Revolving loans,22500.0,0.0,450000.0,,,FRIDAY,12,Y,1,,,,XAP,Approved,-607,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,542133.0,18045.0,468000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-19715,365243,-5642.0,-2913,11.0,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,XNA,0.654823564904449,0.4322758114796636,0.5902333386185574,0.0237,0.0263,0.9916,0.8844,0.004,0.0,0.1034,0.125,0.1667,0.0262,0.0193,0.0284,0.0,0.0117,0.0242,0.0273,0.9916,0.8889,0.0041,0.0,0.1034,0.125,0.1667,0.0268,0.0211,0.0296,0.0,0.0123,0.0239,0.0263,0.9916,0.8859,0.0041,0.0,0.1034,0.125,0.1667,0.0266,0.0197,0.0289,0.0,0.0119,reg oper account,block of flats,0.0245,"Stone, brick",No,0.0,0.0,0.0,0.0,-838.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1589428,191417,Revolving loans,4500.0,90000.0,90000.0,,90000.0,FRIDAY,12,Y,1,,,,XAP,Approved,-190,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-189.0,-158.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,M,N,Y,0,112500.0,1046142.0,30717.0,913500.0,Unaccompanied,State servant,Higher education,Single / not married,House / apartment,0.008068,-8131,-332,-2831.0,-808,,1,1,0,1,0,0,Security staff,1.0,3,3,SATURDAY,6,0,0,0,1,1,0,Government,,0.0004096900523320464,0.2636468134452008,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1536360,165957,Consumer loans,16089.57,88560.0,88560.0,0.0,88560.0,WEDNESDAY,11,Y,1,0.0,,,XAP,Approved,-555,XNA,XAP,,Repeater,Computers,POS,XNA,Stone,70,Consumer electronics,6.0,middle,POS household with interest,365243.0,-522.0,-372.0,-372.0,-369.0,0.0,0,Cash loans,F,Y,Y,0,67500.0,134775.0,9378.0,112500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-17983,-4063,-9474.0,-1509,18.0,1,1,0,1,0,0,Waiters/barmen staff,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,University,0.6416017404495683,0.3559724357076581,0.6212263380626669,0.0928,0.0809,0.9856,,,,0.2069,0.1667,,0.0817,,0.0863,,,0.0945,0.0839,0.9856,,,,0.2069,0.1667,,0.0835,,0.0899,,,0.0937,0.0809,0.9856,,,,0.2069,0.1667,,0.0831,,0.0879,,,,block of flats,0.0679,Panel,No,2.0,0.0,2.0,0.0,-1706.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1486110,386389,Cash loans,13072.185,90000.0,110146.5,,90000.0,FRIDAY,9,Y,1,,,,Other,Approved,-338,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-308.0,22.0,-188.0,-182.0,1.0,0,Cash loans,M,Y,Y,0,112500.0,265500.0,18882.0,265500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.014519999999999996,-11126,-635,-5836.0,-3532,21.0,1,1,0,1,0,0,Drivers,1.0,2,2,SUNDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.344191494398425,0.4812493411434029,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1767107,107921,Cash loans,28742.67,450000.0,491580.0,,450000.0,WEDNESDAY,4,Y,1,,,,XNA,Approved,-848,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-818.0,-128.0,-158.0,-151.0,1.0,0,Cash loans,M,Y,N,1,315000.0,1078200.0,28570.5,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.010032,-12279,-1075,-2501.0,-2554,6.0,1,1,0,1,0,0,Laborers,3.0,2,2,TUESDAY,6,0,0,0,0,0,0,Industry: type 2,0.4027736233029517,0.4983180860352207,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1378.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1054698,338981,Revolving loans,4500.0,0.0,90000.0,,,THURSDAY,13,Y,1,,,,XAP,Approved,-2783,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card Street,-2762.0,-2704.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,202500.0,703728.0,22999.5,607500.0,Unaccompanied,State servant,Secondary / secondary special,Civil marriage,House / apartment,0.004849,-22021,-3554,-12380.0,-3982,64.0,1,1,0,1,0,0,,2.0,2,2,MONDAY,12,0,0,0,0,1,1,Security Ministries,,0.6379269791864828,0.4014074137749511,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2165.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2186840,142666,Revolving loans,11250.0,0.0,225000.0,,,SATURDAY,15,Y,1,,,,XAP,Approved,-1180,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-1178.0,-1156.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,225000.0,436032.0,16564.5,360000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,Co-op apartment,0.02461,-15367,-2813,-9492.0,-5263,,1,1,0,1,1,0,,1.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.5511826838397821,0.4453012390719283,0.4223696523543468,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,1.0,6.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,7.0,0.0,0.0 +1721777,398506,Revolving loans,2250.0,0.0,45000.0,,,SATURDAY,15,Y,1,,,,XAP,Approved,-2305,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-2280.0,-2229.0,365243.0,-648.0,365243.0,0.0,0,Cash loans,F,N,Y,1,202500.0,521280.0,28408.5,450000.0,Unaccompanied,Commercial associate,Incomplete higher,Single / not married,House / apartment,0.019101,-11929,-3204,-5850.0,-4249,,1,1,0,1,1,0,Sales staff,2.0,2,2,MONDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.1820606303612668,,0.0412,0.0059,0.9767,0.6804,0.0,0.0,0.1034,0.1667,0.2083,0.0442,0.0319,0.039,0.0077,0.0295,0.042,0.0061,0.9767,0.6929,0.0,0.0,0.1034,0.1667,0.2083,0.0452,0.0349,0.0406,0.0078,0.0313,0.0416,0.0059,0.9767,0.6847,0.0,0.0,0.1034,0.1667,0.2083,0.045,0.0325,0.0397,0.0078,0.0301,reg oper account,block of flats,0.0313,"Stone, brick",No,2.0,0.0,2.0,0.0,-1588.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2605984,385462,Cash loans,13472.73,67500.0,69727.5,0.0,67500.0,SATURDAY,10,Y,1,0.0,,,XNA,Approved,-2160,Cash through the bank,XAP,"Spouse, partner",Refreshed,XNA,Cash,x-sell,Credit and cash offices,0,XNA,6.0,high,Cash Street: high,365243.0,-2130.0,-1980.0,-1980.0,-1977.0,1.0,0,Cash loans,M,N,N,0,247500.0,1320849.0,52384.5,1215000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.030755,-16849,-1386,-7370.0,-396,,1,1,0,1,1,0,Managers,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Transport: type 4,,0.5666811011743987,0.7490217048463391,0.1412,0.1355,0.9916,0.8844,0.0,0.16,0.1379,0.3333,0.0,0.0401,0.0,0.1655,0.0,0.0223,0.1439,0.1406,0.9916,0.8889,0.0,0.1611,0.1379,0.3333,0.0,0.041,0.0,0.1724,0.0,0.0237,0.1426,0.1355,0.9916,0.8859,0.0,0.16,0.1379,0.3333,0.0,0.0408,0.0,0.1685,0.0,0.0228,reg oper spec account,block of flats,0.135,Panel,No,0.0,0.0,0.0,0.0,-1341.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2679682,113477,Cash loans,8889.21,153000.0,193392.0,,153000.0,WEDNESDAY,12,Y,1,,,,XNA,Refused,-381,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,225000.0,717003.0,23260.5,598500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.0060079999999999995,-21555,365243,-1003.0,-4294,,1,0,0,1,1,0,,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,XNA,,0.4009459942255017,0.42765737003502935,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,0.0,9.0,0.0,-183.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1916259,298540,Cash loans,9072.045,90000.0,98910.0,,90000.0,FRIDAY,9,Y,1,,,,XNA,Approved,-942,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,365243.0,-912.0,-402.0,-702.0,-694.0,1.0,0,Cash loans,M,Y,N,1,117000.0,508495.5,21672.0,454500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Rented apartment,0.031329,-11147,-352,-5391.0,-3830,13.0,1,1,0,1,0,0,Core staff,3.0,2,2,TUESDAY,10,0,0,0,0,1,1,Transport: type 2,0.5757077671510344,0.6573897028932859,0.3296550543128238,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-942.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1464716,112453,Cash loans,64853.415,1237500.0,1345311.0,,1237500.0,SUNDAY,10,Y,1,,,,XNA,Approved,-422,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-392.0,658.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,0,225000.0,370629.0,24898.5,306000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.04622,-20167,-5076,-10266.0,-3407,2.0,1,1,0,1,0,0,Drivers,2.0,1,1,TUESDAY,16,0,0,0,0,1,1,Transport: type 3,,0.7103898455910941,0.816092360478441,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-659.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2837979,257944,Cash loans,14588.055,180000.0,215640.0,,180000.0,SUNDAY,11,Y,1,,,,Gasification / water supply,Refused,-638,XNA,LIMIT,,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),5,XNA,36.0,high,Cash Street: high,,,,,,,1,Cash loans,F,N,N,0,270000.0,1312110.0,52168.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-20380,-4276,-5544.0,-3356,,1,1,0,1,0,0,Cleaning staff,2.0,2,2,MONDAY,13,0,0,0,0,1,1,Restaurant,,0.5720427336785959,0.12140828616312165,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1466.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1022689,223622,Cash loans,28502.82,225000.0,271300.5,,225000.0,TUESDAY,12,Y,1,,,,XNA,Refused,-609,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,,,,,,,0,Revolving loans,M,Y,N,0,180000.0,540000.0,27000.0,540000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-15721,-3429,-5365.0,-4049,10.0,1,1,0,1,1,0,Drivers,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.702124565742357,0.2636468134452008,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1624.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2361878,115597,Cash loans,8610.12,112500.0,127350.0,0.0,112500.0,MONDAY,11,Y,1,0.0,,,XNA,Approved,-2590,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,24.0,high,Cash Street: high,365243.0,-2560.0,-1870.0,-1870.0,-1863.0,1.0,0,Cash loans,M,Y,Y,0,81000.0,170640.0,11034.0,135000.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.01885,-16658,-3164,-3075.0,-214,34.0,1,1,0,1,0,0,IT staff,1.0,2,2,MONDAY,10,0,0,0,0,0,0,Government,0.5236771983873663,0.7468049238266805,0.5867400085415683,0.066,,0.9771,0.6872,,,0.1379,0.1667,0.2083,0.0288,,0.0333,,0.0618,0.0672,,0.9772,0.6994,,,0.1379,0.1667,0.2083,0.0294,,0.0347,,0.0654,0.0666,,0.9771,0.6914,,,0.1379,0.1667,0.2083,0.0293,,0.0339,,0.0631,,,0.0396,"Stone, brick",No,2.0,2.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2493041,334616,Cash loans,10460.52,225000.0,328981.5,,225000.0,SATURDAY,17,Y,1,,,,XNA,Refused,-237,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,1,72000.0,675000.0,21775.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.010147,-16875,-3183,-8893.0,-419,,1,1,1,1,1,0,Sales staff,3.0,2,2,MONDAY,16,0,0,0,0,0,0,Trade: type 7,,0.5203766452303609,0.326475210066026,0.0464,0.0419,0.9846,,,0.0,0.1034,0.1667,,0.0455,,0.0418,,0.0173,0.0473,0.0434,0.9846,,,0.0,0.1034,0.1667,,0.0465,,0.0435,,0.0184,0.0468,0.0419,0.9846,,,0.0,0.1034,0.1667,,0.0463,,0.0425,,0.0177,,block of flats,0.0329,"Stone, brick",No,0.0,0.0,0.0,0.0,-1746.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1606890,143941,Cash loans,22772.34,180000.0,191880.0,,180000.0,MONDAY,9,Y,1,,,,Repairs,Refused,-302,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,N,0,202500.0,1125000.0,44617.5,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-21307,-2457,-9841.0,-4798,,1,1,0,1,1,0,Medicine staff,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Medicine,,0.6749952535314926,0.36896873825284665,0.2206,,0.9791,,,0.24,0.2069,0.3333,,,,0.205,,0.0049,0.2248,,0.9791,,,0.2417,0.2069,0.3333,,,,0.2136,,0.0052,0.2228,,0.9791,,,0.24,0.2069,0.3333,,,,0.2087,,0.005,,block of flats,0.1868,Block,No,0.0,0.0,0.0,0.0,-1373.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,9.0 +1338226,335390,Cash loans,13072.185,90000.0,110146.5,,90000.0,SUNDAY,9,Y,1,,,,XNA,Approved,-456,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-426.0,-96.0,-96.0,-92.0,1.0,1,Cash loans,M,N,Y,1,148500.0,360000.0,16911.0,360000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-11042,-141,-1085.0,-2876,,1,1,0,1,0,0,Laborers,3.0,2,2,MONDAY,8,0,0,0,1,1,0,Transport: type 4,0.2573641955434273,0.3851927105625679,0.0005272652387098817,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2218.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1195315,415912,Revolving loans,11250.0,225000.0,225000.0,,225000.0,TUESDAY,15,Y,1,,,,XAP,Approved,-693,XNA,XAP,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-690.0,-653.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,1,234000.0,840996.0,24718.5,702000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010556,-16919,-2676,-2527.0,-481,,1,1,0,1,0,0,Drivers,3.0,3,3,TUESDAY,13,0,0,0,0,0,0,Self-employed,0.668825154749543,0.6410274785991581,0.4974688893052743,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-835.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1613431,121004,Consumer loans,10722.42,94941.0,108724.5,0.0,94941.0,SATURDAY,10,Y,1,0.0,,,XAP,Approved,-63,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,1350,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-33.0,297.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,0,180000.0,348264.0,23404.5,315000.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.030755,-15253,-311,-8422.0,-4812,6.0,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,11,0,0,0,0,1,1,Other,0.32399327058882355,0.2796006655597589,0.6658549219640212,0.0082,,0.9692,,,0.0,0.0345,0.0417,,,,0.0072,,0.0,0.0084,,0.9692,,,0.0,0.0345,0.0417,,,,0.0075,,0.0,0.0083,,0.9692,,,0.0,0.0345,0.0417,,,,0.0073,,0.0,,block of flats,0.011,Others,No,1.0,1.0,1.0,1.0,-336.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2378435,285312,Consumer loans,9872.955,72891.0,79303.5,0.0,72891.0,SATURDAY,15,Y,1,0.0,,,XAP,Approved,-276,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,1350,Consumer electronics,10.0,middle,POS household with interest,365243.0,-246.0,24.0,365243.0,365243.0,1.0,0,Revolving loans,F,N,Y,0,103500.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Incomplete higher,Single / not married,House / apartment,0.030755,-7711,-1113,-2302.0,-395,,1,1,0,1,0,0,Laborers,1.0,2,2,TUESDAY,15,0,0,0,0,0,0,Industry: type 11,0.3778886554273481,0.4248107625686433,0.2721336844147212,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1070.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2070928,431729,Consumer loans,3529.845,23611.5,25560.0,0.0,23611.5,WEDNESDAY,14,Y,1,0.0,,,XAP,Approved,-1856,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,1590,Consumer electronics,10.0,high,POS household with interest,365243.0,-1825.0,-1555.0,-1555.0,-1551.0,0.0,0,Cash loans,F,N,Y,1,90000.0,327024.0,15372.0,270000.0,Unaccompanied,State servant,Secondary / secondary special,Separated,House / apartment,0.007120000000000001,-11756,-156,-3073.0,-3263,,1,1,0,1,0,0,Secretaries,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,School,,0.3464557113012863,0.5280927512030451,0.066,0.0,0.9737,0.6396,,0.0,0.1379,0.1667,,0.0443,0.0538,0.0328,,0.0449,0.0672,0.0,0.9737,0.6537,,0.0,0.1379,0.1667,,0.0453,0.0588,0.0342,,0.0475,0.0666,0.0,0.9737,0.6444,,0.0,0.1379,0.1667,,0.045,0.0547,0.0334,,0.0458,,block of flats,0.0498,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1472494,372655,Consumer loans,5540.175,46147.5,41530.5,4617.0,46147.5,SUNDAY,10,Y,1,0.10896219139222547,,,XAP,Approved,-2862,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,10.0,low_normal,POS mobile with interest,365243.0,-2831.0,-2561.0,-2561.0,-2554.0,0.0,0,Cash loans,M,Y,N,0,157500.0,1125000.0,33025.5,1125000.0,Family,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-15928,-1178,-7028.0,-674,18.0,1,1,1,1,1,0,Drivers,2.0,2,2,SATURDAY,13,0,0,0,0,1,1,Business Entity Type 1,,0.653305045644048,0.7106743858828587,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1129.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1133135,402524,Revolving loans,11025.0,0.0,157500.0,,,SUNDAY,11,Y,1,,,,XAP,Approved,-1671,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,555,Consumer electronics,0.0,XNA,Card X-Sell,-1671.0,-1636.0,365243.0,-1360.0,-151.0,0.0,0,Cash loans,M,Y,N,0,315000.0,1078200.0,38331.0,900000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.018801,-11443,-1038,-5029.0,-3585,12.0,1,1,0,1,0,0,,2.0,2,2,FRIDAY,8,0,1,1,0,0,0,Other,,0.4102031722553817,0.1293142889822697,0.0247,0.0194,0.9732,0.6328,0.0081,0.0,0.069,0.0833,0.125,0.0129,0.0202,0.0164,0.0,0.0,0.0252,0.0201,0.9732,0.6472,0.0081,0.0,0.069,0.0833,0.125,0.0132,0.022,0.0171,0.0,0.0,0.025,0.0194,0.9732,0.6377,0.0081,0.0,0.069,0.0833,0.125,0.0132,0.0205,0.0167,0.0,0.0,reg oper account,block of flats,0.0129,"Stone, brick",No,4.0,0.0,4.0,0.0,-1.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,4.0 +1024335,126819,Cash loans,23284.485,450000.0,512370.0,,450000.0,THURSDAY,14,Y,1,,,,XNA,Approved,-813,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-783.0,267.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,157500.0,185877.0,9072.0,126000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.019688999999999998,-19221,-2436,-11609.0,-2759,,1,1,0,1,1,1,High skill tech staff,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,Industry: type 11,0.6762671729320524,0.14835217954139807,0.6817058776720116,0.133,0.0,0.9791,0.7144,0.0188,0.0,0.2759,0.1667,0.2083,0.1509,0.1084,0.1207,0.0,0.0,0.1355,0.0,0.9791,0.7256,0.0189,0.0,0.2759,0.1667,0.2083,0.1544,0.1185,0.1258,0.0,0.0,0.1343,0.0,0.9791,0.7182,0.0189,0.0,0.2759,0.1667,0.2083,0.1536,0.1103,0.1229,0.0,0.0,reg oper account,block of flats,0.0949,"Stone, brick",No,0.0,0.0,0.0,0.0,-213.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2466623,161479,Cash loans,25755.075,225000.0,239850.0,0.0,225000.0,MONDAY,18,Y,1,0.0,,,XNA,Approved,-2279,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash Street: middle,365243.0,-2249.0,-1919.0,-1919.0,-1916.0,1.0,0,Cash loans,F,N,Y,0,450000.0,254700.0,14751.0,225000.0,Unaccompanied,Commercial associate,Higher education,Widow,House / apartment,0.04622,-24380,-8525,-18341.0,-4048,,1,1,0,1,0,0,Accountants,1.0,1,1,FRIDAY,19,1,1,0,0,0,0,Other,,0.7702072197399774,0.4992720153045617,0.0247,0.0593,0.9727,0.626,0.0,0.0,0.1034,0.0833,0.125,0.0103,0.0202,0.0266,0.0,0.0591,0.0252,0.0615,0.9727,0.6406,0.0,0.0,0.1034,0.0833,0.125,0.0105,0.022,0.0277,0.0,0.0626,0.025,0.0593,0.9727,0.631,0.0,0.0,0.1034,0.0833,0.125,0.0104,0.0205,0.0271,0.0,0.0604,reg oper account,block of flats,0.0338,"Stone, brick",No,0.0,0.0,0.0,0.0,-1200.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,3.0,0.0,1.0 +2820685,242205,Revolving loans,11250.0,225000.0,225000.0,,225000.0,WEDNESDAY,9,Y,1,,,,XAP,Approved,-771,XNA,XAP,,New,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-745.0,-699.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,157500.0,296239.5,31234.5,274500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.018634,-18928,-112,-5112.0,-1911,,1,1,0,1,0,0,High skill tech staff,2.0,2,2,THURSDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.7267562707705257,0.627990331598353,0.5602843280409464,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-771.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,9.0 +1791150,207891,Cash loans,35613.0,1350000.0,1350000.0,,1350000.0,TUESDAY,16,Y,1,,,,Buying a home,Refused,-212,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_action,Cash Street: low,,,,,,,0,Revolving loans,F,Y,Y,0,202500.0,540000.0,27000.0,540000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.018634,-23441,-1424,-2550.0,-3741,6.0,1,1,0,1,0,0,Accountants,2.0,2,2,THURSDAY,16,0,0,0,0,0,0,Housing,0.902216313135332,0.6189505236156903,0.5762088360175724,0.2,,0.9945,,,0.2,0.1724,0.375,,,,0.2075,,0.0289,0.2038,,0.9945,,,0.2014,0.1724,0.375,,,,0.2162,,0.0306,0.2019,,0.9945,,,0.2,0.1724,0.375,,,,0.2112,,0.0295,,block of flats,0.2095,"Stone, brick",No,2.0,2.0,2.0,2.0,-925.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2273709,336396,Revolving loans,13500.0,270000.0,270000.0,,270000.0,TUESDAY,11,Y,1,,,,XAP,Approved,-342,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-342.0,-300.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,270000.0,511249.5,26230.5,382500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.04622,-13544,-4341,-7691.0,-4647,1.0,1,1,0,1,0,0,Laborers,1.0,1,1,MONDAY,12,0,0,0,0,0,0,Housing,,0.6934462552646411,0.633031641417419,0.1629,,0.9866,,,0.16,0.1379,0.375,,,,0.1702,,,0.166,,0.9866,,,0.1611,0.1379,0.375,,,,0.1773,,,0.1645,,0.9866,,,0.16,0.1379,0.375,,,,0.1732,,,,block of flats,0.1444,Panel,No,1.0,0.0,1.0,0.0,-855.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +1287589,137574,Cash loans,13318.875,225000.0,254700.0,,225000.0,FRIDAY,7,Y,1,,,,XNA,Approved,-133,Cash through the bank,XAP,"Spouse, partner",Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-103.0,587.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,N,0,108000.0,679500.0,22050.0,679500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-18276,-622,-6899.0,-1822,8.0,1,1,0,1,0,0,,2.0,2,2,FRIDAY,9,0,0,0,0,1,1,Business Entity Type 2,,0.5163311563444473,0.7136313997323308,0.0124,0.0,0.9767,,,0.0,0.069,0.0417,,0.0,,0.0091,,0.0,0.0126,0.0,0.9767,,,0.0,0.069,0.0417,,0.0,,0.0095,,0.0,0.0125,0.0,0.9767,,,0.0,0.069,0.0417,,0.0,,0.0092,,0.0,,block of flats,0.0082,"Stone, brick",No,0.0,0.0,0.0,0.0,-136.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,2.0,2.0 +1868446,118665,Cash loans,,0.0,0.0,,,WEDNESDAY,17,Y,1,,,,XNA,Refused,-112,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,90000.0,830709.0,35194.5,742500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.022625,-21614,365243,-10410.0,-4806,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,,0.7871261783384484,,0.0722,0.0825,0.9781,0.7008,0.0078,0.0,0.1379,0.1667,0.2083,0.0626,0.0588,0.0671,0.0,0.0,0.0735,0.0856,0.9782,0.7125,0.0079,0.0,0.1379,0.1667,0.2083,0.064,0.0643,0.0699,0.0,0.0,0.0729,0.0825,0.9781,0.7048,0.0079,0.0,0.1379,0.1667,0.2083,0.0637,0.0599,0.0683,0.0,0.0,reg oper account,block of flats,0.0828,Block,No,1.0,0.0,1.0,0.0,-2121.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +2322934,246818,Cash loans,15006.015,270000.0,328450.5,,270000.0,THURSDAY,11,Y,1,,,,XNA,Approved,-1099,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-1069.0,341.0,-589.0,-566.0,1.0,0,Cash loans,F,Y,N,0,112500.0,675000.0,28597.5,675000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.01885,-11412,-1056,-344.0,-3116,6.0,1,1,0,1,0,1,Core staff,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Trade: type 7,0.8353687969108448,0.5238904123607789,0.7380196196295241,0.1216,0.1434,0.999,0.9864,,0.0,0.1724,0.125,0.1667,0.0354,0.0992,0.1153,,0.0,0.1239,0.1488,0.999,0.9869,,0.0,0.1724,0.125,0.1667,0.0362,0.1084,0.1201,,0.0,0.1228,0.1434,0.999,0.9866,,0.0,0.1724,0.125,0.1667,0.036000000000000004,0.1009,0.1174,,0.0,not specified,block of flats,0.1237,"Stone, brick",No,1.0,0.0,1.0,0.0,-1099.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,1.0,0.0,1.0 +1269340,121839,Cash loans,,0.0,0.0,,,SATURDAY,16,Y,1,,,,XNA,Refused,-232,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,1,Cash loans,F,N,Y,0,81000.0,1236816.0,36292.5,1080000.0,Family,State servant,Secondary / secondary special,Married,House / apartment,0.003069,-14044,-3384,-4247.0,-4247,,1,1,0,1,0,0,,2.0,3,3,SUNDAY,12,0,0,0,0,0,0,Other,,0.6815849129167909,0.34578480246959553,0.1959,0.103,0.9781,,,0.0,0.1724,0.1667,,0.0575,,0.0523,,0.0,0.1996,0.1069,0.9782,,,0.0,0.1724,0.1667,,0.0588,,0.0545,,0.0,0.1978,0.103,0.9781,,,0.0,0.1724,0.1667,,0.0585,,0.0532,,0.0,,block of flats,0.0869,Panel,No,0.0,0.0,0.0,0.0,-768.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1505786,157814,Cash loans,,0.0,0.0,,,THURSDAY,9,Y,1,,,,XNA,Refused,-186,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Revolving loans,F,N,Y,0,135000.0,405000.0,20250.0,405000.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,House / apartment,0.030755,-21286,-3374,-9825.0,-4679,,1,1,0,1,0,0,Security staff,1.0,2,2,MONDAY,11,0,0,0,0,0,0,Kindergarten,0.8310646949064964,0.5468953479491195,0.33285056416487313,0.0412,0.0691,0.9871,,,0.0,0.1379,0.1667,,0.0167,,0.0531,,0.0138,0.042,0.0717,0.9871,,,0.0,0.1379,0.1667,,0.017,,0.0553,,0.0147,0.0416,0.0691,0.9871,,,0.0,0.1379,0.1667,,0.017,,0.0541,,0.0141,,block of flats,0.0462,"Stone, brick",No,1.0,0.0,1.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1288537,401318,Cash loans,9989.19,45000.0,52051.5,,45000.0,MONDAY,10,Y,1,,,,XNA,Approved,-604,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-574.0,-424.0,-424.0,-416.0,1.0,0,Cash loans,F,N,Y,0,99000.0,849685.5,28210.5,733500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-15590,-890,-8869.0,-3492,,1,1,0,1,0,0,Sales staff,2.0,3,3,WEDNESDAY,11,0,0,0,0,0,0,Self-employed,,0.4555154157613151,0.6195277080511546,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1478.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1949521,389144,Revolving loans,6750.0,135000.0,135000.0,,135000.0,THURSDAY,15,Y,1,,,,XAP,Approved,-141,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,117000.0,213948.0,12411.0,189000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.031329,-21595,365243,-3059.0,-3942,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,10,0,0,0,0,0,0,XNA,,0.5348133226107324,0.511891801533151,0.0619,0.0488,0.9831,0.7688,0.0086,0.0,0.1379,0.1667,0.2083,0.0574,0.0504,0.0519,0.0,0.0,0.063,0.0507,0.9831,0.7779,0.0087,0.0,0.1379,0.1667,0.2083,0.0588,0.0551,0.0541,0.0,0.0,0.0625,0.0488,0.9831,0.7719,0.0087,0.0,0.1379,0.1667,0.2083,0.0584,0.0513,0.0528,0.0,0.0,reg oper account,block of flats,0.0408,Panel,No,3.0,1.0,3.0,1.0,-141.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +1747682,261494,Cash loans,24199.11,459000.0,568057.5,,459000.0,TUESDAY,11,Y,1,,,,XNA,Approved,-8,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,365243.0,1072.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,0,162000.0,432567.0,19183.5,328500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.01885,-19627,-3087,-665.0,-2230,,1,1,0,1,0,0,Managers,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Industry: type 4,0.6525683684044092,0.6929579378009503,0.29708661164720285,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,1.0,-1550.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1619542,169999,Cash loans,23875.92,360000.0,401580.0,,360000.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-1129,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),5,XNA,30.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,1,135000.0,1125000.0,47664.0,1125000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.015221,-14689,-1175,-2650.0,-661,,1,1,0,1,0,0,Cleaning staff,3.0,2,2,FRIDAY,14,0,0,0,0,1,1,Transport: type 4,,0.2897392421703008,0.25670557243930026,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2505053,214601,Consumer loans,18688.32,166455.0,180738.0,0.0,166455.0,TUESDAY,5,Y,1,0.0,,,XAP,Approved,-653,XNA,XAP,,New,Computers,POS,XNA,Stone,9,Consumer electronics,12.0,middle,POS household with interest,365243.0,-618.0,-288.0,-438.0,-431.0,0.0,0,Cash loans,F,N,Y,2,315000.0,848745.0,46174.5,675000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.001276,-11840,-2171,-2591.0,-4404,,1,1,0,1,0,0,Core staff,4.0,2,2,THURSDAY,6,0,0,0,0,0,0,Government,0.5872976246284553,0.5473125628898579,0.524496446363472,0.0737,0.0516,0.9866,0.8164,0.0077,0.0,0.1552,0.1042,0.1458,0.0434,0.0597,0.059,0.0019,0.0278,0.0252,0.0227,0.9772,0.6994,0.0048,0.0,0.1034,0.0417,0.0833,0.0149,0.022,0.0183,0.0,0.0128,0.0744,0.0516,0.9866,0.8189,0.0078,0.0,0.1552,0.1042,0.1458,0.0442,0.0607,0.0601,0.0019,0.0284,reg oper account,block of flats,0.0259,Block,No,1.0,0.0,1.0,0.0,-653.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +1595882,279681,Consumer loans,6544.305,42246.0,46426.5,0.0,42246.0,SATURDAY,14,Y,1,0.0,,,XAP,Approved,-209,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,53,Connectivity,10.0,high,POS mobile with interest,365243.0,-179.0,91.0,-89.0,-82.0,1.0,0,Cash loans,M,Y,N,2,157500.0,460858.5,17500.5,324000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-15307,-294,-6936.0,-4188,14.0,1,1,0,1,1,0,Drivers,4.0,2,2,FRIDAY,12,0,1,1,0,0,0,Business Entity Type 2,,0.6932742309309081,0.6769925032909132,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-2540.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1845694,161036,Consumer loans,5970.015,112050.0,112050.0,0.0,112050.0,MONDAY,12,Y,1,0.0,,,XAP,Approved,-161,Cash through the bank,XAP,Unaccompanied,Repeater,Medical Supplies,POS,XNA,Country-wide,5,MLM partners,24.0,low_normal,POS other with interest,365243.0,-131.0,559.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,90000.0,943425.0,27715.5,787500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.015221,-21221,365243,-13006.0,-4660,,1,0,0,1,1,0,,2.0,2,2,MONDAY,12,0,0,0,0,0,0,XNA,0.6173984656456049,0.4779681692850567,0.6212263380626669,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-526.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2144390,422487,Cash loans,29808.0,1125000.0,1125000.0,,1125000.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-1177,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,walk-in,Credit and cash offices,0,XNA,60.0,low_action,Cash Street: low,365243.0,-1147.0,623.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,270000.0,1278000.0,37368.0,1278000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.028663,-14243,-3111,-287.0,-4536,8.0,1,1,0,1,0,0,Managers,2.0,2,2,THURSDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.5808512452710376,0.5015052752749717,0.5709165417729987,0.0993,0.0382,0.9752,0.66,0.0366,0.0,0.1148,0.1667,0.2083,0.0486,0.0779,0.0538,0.0141,0.0363,0.0546,0.0,0.9742,0.6602,0.0136,0.0,0.1034,0.1667,0.2083,0.0414,0.0441,0.0425,0.0039,0.0251,0.0854,0.0491,0.9742,0.6511,0.0414,0.0,0.1034,0.1667,0.2083,0.0501,0.065,0.0604,0.0155,0.03,reg oper account,block of flats,0.0592,"Stone, brick",No,0.0,0.0,0.0,0.0,-1184.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +1794636,289419,Revolving loans,5625.0,0.0,112500.0,,,FRIDAY,11,Y,1,,,,XAP,Approved,-2673,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,45,Connectivity,0.0,XNA,Card Street,-2667.0,-2615.0,365243.0,-1093.0,-812.0,0.0,1,Cash loans,F,N,Y,0,90000.0,387000.0,14031.0,387000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.014519999999999996,-22913,365243,-1865.0,-5241,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,8,0,0,0,0,0,0,XNA,,0.6760210204029704,0.5460231970049609,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2427.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1738227,454010,Cash loans,114300.0,2250000.0,2250000.0,,2250000.0,FRIDAY,12,Y,1,,,,XNA,Approved,-483,XNA,XAP,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,24.0,low_action,Cash X-Sell: low,365243.0,-453.0,237.0,-363.0,-355.0,0.0,0,Cash loans,M,Y,N,0,450000.0,2250000.0,59355.0,2250000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.028663,-20232,-2547,-6951.0,-2405,2.0,1,1,0,1,0,0,Managers,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.7609462228556094,,0.0722,0.1025,0.9732,,,0.0,0.1379,0.1667,,0.0414,,0.0547,,0.0211,0.0735,0.1063,0.9732,,,0.0,0.1379,0.1667,,0.0423,,0.057,,0.0223,0.0729,0.1025,0.9732,,,0.0,0.1379,0.1667,,0.0421,,0.0557,,0.0215,,block of flats,0.053,"Stone, brick",No,3.0,0.0,3.0,0.0,-1217.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2287168,189170,Consumer loans,9801.0,51709.14,48834.0,5179.14,51709.14,SUNDAY,15,Y,1,0.10442929796173836,,,XAP,Approved,-2724,XNA,XAP,Family,New,Mobile,POS,XNA,Country-wide,1200,Consumer electronics,6.0,high,POS household with interest,365243.0,-2693.0,-2543.0,-2543.0,-2535.0,1.0,0,Cash loans,M,N,Y,0,270000.0,521280.0,31630.5,450000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.008575,-12736,-4690,-47.0,-4676,,1,1,0,1,0,0,Core staff,2.0,2,2,MONDAY,13,0,0,0,0,0,0,Self-employed,,0.657788532995072,0.6127042441012546,0.0992,0.0802,0.9876,0.83,,0.08,0.1121,0.2917,0.3333,0.0072,0.0723,0.1041,0.332,0.0019,0.0756,0.0607,0.9851,0.804,,0.0806,0.069,0.3333,0.375,0.0,0.0661,0.0846,0.2802,0.0,0.0895,0.0782,0.9876,0.8323,,0.08,0.1034,0.3333,0.375,0.0055,0.0735,0.0961,0.3338,0.0,reg oper account,block of flats,0.0639,Panel,No,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2733990,137995,Cash loans,14523.75,225000.0,225000.0,,225000.0,FRIDAY,17,Y,1,,,,XNA,Refused,-1204,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,N,0,112500.0,247500.0,12703.5,247500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-20972,365243,-7434.0,-4496,,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,XNA,,0.7474783166089,0.12610055883623253,0.4082,,0.9866,,,0.44,0.3793,0.3333,,,,0.4127,,0.06,0.416,,0.9866,,,0.4431,0.3793,0.3333,,,,0.43,,0.0635,0.4122,,0.9866,,,0.44,0.3793,0.3333,,,,0.4202,,0.0612,,block of flats,0.3704,Panel,No,2.0,0.0,2.0,0.0,-1310.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1605935,162973,Cash loans,23769.945,688500.0,824823.0,,688500.0,WEDNESDAY,13,Y,1,,,,Repairs,Refused,-180,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,1,Cash loans,F,N,Y,1,337500.0,1522651.5,53055.0,1390500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-13966,-5560,-8098.0,-5191,,1,1,0,1,0,0,Laborers,3.0,2,2,MONDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.3847012618740143,0.589953890591392,0.08904388274986882,0.0825,0.0694,0.9767,0.6804,0.0297,0.0,0.1379,0.1667,0.2083,0.09,0.0672,0.0702,0.0,0.0,0.084,0.0719,0.9767,0.6929,0.03,0.0,0.1379,0.1667,0.2083,0.0889,0.0735,0.073,0.0,0.0,0.0833,0.0694,0.9767,0.6847,0.0299,0.0,0.1379,0.1667,0.2083,0.0916,0.0684,0.0715,0.0,0.0,,block of flats,0.0714,Panel,No,9.0,0.0,9.0,0.0,-586.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,1.0,4.0 +1159971,395403,Cash loans,8389.8,135000.0,135000.0,,135000.0,FRIDAY,14,Y,1,,,,XNA,Approved,-871,Cash through the bank,XAP,Other_B,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-841.0,-151.0,-211.0,-204.0,0.0,0,Cash loans,F,N,N,0,202500.0,679500.0,22585.5,679500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.031329,-19384,-8188,-8480.0,-2810,,1,1,1,1,1,0,,2.0,2,2,SUNDAY,15,0,0,0,0,0,0,Medicine,0.7541140339539574,0.6880651538308872,0.6528965519806539,0.0313,0.0083,0.9702,0.5920000000000001,0.0089,0.0,0.1262,0.0833,0.125,0.0378,0.0219,0.037000000000000005,0.0167,0.0438,0.0126,0.0,0.9767,0.6929,0.0,0.0,0.069,0.0417,0.0833,0.0,0.011,0.0109,0.0,0.0,0.0125,0.0,0.9767,0.6847,0.0,0.0,0.069,0.0417,0.0833,0.0,0.0103,0.0106,0.0,0.0,reg oper account,block of flats,0.0082,Wooden,No,2.0,1.0,2.0,1.0,-1661.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1008853,152977,Consumer loans,5547.825,56655.0,56038.5,5665.5,56655.0,MONDAY,16,Y,1,0.09999748064071284,,,XAP,Approved,-2227,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Stone,2297,Consumer electronics,12.0,middle,POS household with interest,365243.0,-2196.0,-1866.0,-2106.0,-2102.0,1.0,0,Cash loans,M,N,N,0,90000.0,231813.0,18333.0,193500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,With parents,0.01885,-12111,-884,-10500.0,-4448,,1,1,0,1,0,0,Laborers,1.0,2,2,TUESDAY,11,0,0,0,0,0,0,Self-employed,0.26165146647218324,0.5789128340268517,,0.0825,0.0892,0.9856,0.8028,0.0116,0.0,0.2069,0.1667,0.2083,0.0295,0.0672,0.0762,0.0,0.0,0.084,0.0925,0.9856,0.8105,0.0117,0.0,0.2069,0.1667,0.2083,0.0302,0.0735,0.0794,0.0,0.0,0.0833,0.0892,0.9856,0.8054,0.0116,0.0,0.2069,0.1667,0.2083,0.03,0.0684,0.0776,0.0,0.0,reg oper account,block of flats,0.0663,Panel,No,4.0,0.0,3.0,0.0,-213.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1771560,238038,Cash loans,4793.175,45000.0,47970.0,,45000.0,SATURDAY,4,Y,1,,,,XNA,Refused,-944,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,90900.0,301536.0,16488.0,216000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.006305,-23698,365243,-386.0,-4210,,1,0,0,1,0,0,,1.0,3,3,FRIDAY,4,0,0,0,0,0,0,XNA,,0.17720774101211273,0.42589289800515295,0.1082,0.1001,0.9886,0.8436,0.0173,0.0,0.2414,0.1667,0.2083,0.0617,0.0883,0.0966,0.0,0.0,0.1103,0.1039,0.9886,0.8497,0.0175,0.0,0.2414,0.1667,0.2083,0.0631,0.0964,0.1007,0.0,0.0,0.1093,0.1001,0.9886,0.8457,0.0174,0.0,0.2414,0.1667,0.2083,0.0628,0.0898,0.0984,0.0,0.0,reg oper account,block of flats,0.0855,"Stone, brick",No,1.0,0.0,1.0,0.0,-1018.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2379415,170613,Consumer loans,1857.735,15255.0,8586.0,7627.5,15255.0,MONDAY,11,Y,1,0.512353341912043,,,XAP,Approved,-808,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Regional / Local,15,Connectivity,6.0,high,POS household with interest,365243.0,-777.0,-627.0,-627.0,-620.0,0.0,0,Cash loans,M,N,Y,0,225000.0,360000.0,42723.0,360000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.002042,-9026,-305,-813.0,-828,,1,1,0,1,1,0,Managers,2.0,3,3,THURSDAY,12,0,1,1,0,1,1,Trade: type 3,0.23044429501273864,0.3128352419279635,0.3910549766342248,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-808.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1334718,450999,Cash loans,13782.105,225000.0,269550.0,,225000.0,THURSDAY,12,Y,1,,,,XNA,Approved,-826,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-796.0,254.0,-616.0,-613.0,1.0,0,Cash loans,F,N,Y,0,121500.0,495000.0,14602.5,495000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.007305,-21983,365243,-2379.0,-3761,,1,0,0,1,1,0,,1.0,3,3,THURSDAY,7,0,0,0,0,0,0,XNA,,0.2723607564762288,0.5602843280409464,0.16699999999999998,0.0496,0.9801,0.728,0.0151,0.0,0.1034,0.1667,0.2083,0.0147,0.1353,0.0631,0.0039,0.0026,0.1702,0.0515,0.9801,0.7387,0.0152,0.0,0.1034,0.1667,0.2083,0.0151,0.1478,0.0658,0.0039,0.0027,0.1686,0.0496,0.9801,0.7316,0.0152,0.0,0.1034,0.1667,0.2083,0.015,0.1377,0.0643,0.0039,0.0026,reg oper account,block of flats,0.0585,"Stone, brick",No,6.0,1.0,6.0,1.0,-2232.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2817383,323653,Revolving loans,6750.0,0.0,135000.0,,,SUNDAY,12,Y,1,,,,XAP,Approved,-2683,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,0,XNA,0.0,XNA,Card Street,-2682.0,-2628.0,365243.0,-1075.0,365243.0,0.0,0,Cash loans,M,Y,N,2,81000.0,808650.0,26217.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-18087,-1408,-6285.0,-1576,18.0,1,1,0,1,0,0,,4.0,2,2,TUESDAY,17,0,0,0,0,0,0,Business Entity Type 3,,0.6273106257841286,0.7324033228040929,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1944.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2513231,145431,Cash loans,21503.97,180000.0,191880.0,0.0,180000.0,TUESDAY,10,Y,1,0.0,,,XNA,Approved,-2415,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-2385.0,-2055.0,-2055.0,-2053.0,1.0,0,Cash loans,F,N,N,0,225000.0,640080.0,24259.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-17197,-231,-1476.0,-693,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Restaurant,,0.5889113681360177,0.6109913280868294,0.3701,0.0,0.998,0.966,0.1298,0.32,0.1379,0.625,0.6667,0.1063,0.2656,0.3327,0.166,0.18600000000000005,0.3771,0.0,0.998,0.9673,0.131,0.3222,0.1379,0.625,0.6667,0.1087,0.2902,0.3466,0.1673,0.1969,0.3737,0.0,0.998,0.9665,0.1306,0.32,0.1379,0.625,0.6667,0.1081,0.2702,0.3387,0.1669,0.1899,reg oper account,block of flats,0.3731,Block,No,0.0,0.0,0.0,0.0,-1030.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +1697621,100246,Consumer loans,11689.11,101880.0,114691.5,0.0,101880.0,WEDNESDAY,14,Y,1,0.0,,,XAP,Approved,-309,Cash through the bank,XAP,,New,Computers,POS,XNA,Stone,50,Consumer electronics,12.0,middle,POS household with interest,365243.0,-278.0,52.0,365243.0,365243.0,0.0,1,Cash loans,F,N,Y,0,135000.0,495216.0,26995.5,427500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008019,-12824,-154,-6764.0,-126,,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,Self-employed,,0.04402082293195103,0.24318648044201235,0.0577,0.0854,0.9826,0.762,0.015,0.0,0.1379,0.1667,0.2083,0.053,0.0454,0.0544,0.0077,0.0487,0.0588,0.0886,0.9826,0.7713,0.0151,0.0,0.1379,0.1667,0.2083,0.0542,0.0496,0.0567,0.0078,0.0515,0.0583,0.0854,0.9826,0.7652,0.0151,0.0,0.1379,0.1667,0.2083,0.0539,0.0462,0.0554,0.0078,0.0497,reg oper account,block of flats,0.0616,"Stone, brick",No,0.0,0.0,0.0,0.0,-309.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2840705,291650,Cash loans,44617.5,1125000.0,1125000.0,,1125000.0,FRIDAY,10,Y,1,,,,Buying a new car,Refused,-1648,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,100,XNA,36.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,Y,Y,0,382500.0,790434.0,40486.5,706500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.032561,-17420,-3090,-4760.0,-955,6.0,1,1,0,1,1,0,Managers,1.0,1,1,MONDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.7347892129669295,0.42765737003502935,0.2175,,0.9712,0.6056,,0.2,0.4828,0.25,0.2917,0.0699,,0.303,,0.1551,0.2216,,0.9712,0.621,,0.2014,0.4828,0.25,0.2917,0.0715,,0.3157,,0.1642,0.2196,,0.9712,0.6109,,0.2,0.4828,0.25,0.2917,0.0711,,0.3084,,0.1583,reg oper account,block of flats,0.272,"Stone, brick",No,0.0,0.0,0.0,0.0,-938.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2194490,332536,Cash loans,18571.995,135000.0,164223.0,0.0,135000.0,TUESDAY,10,Y,1,0.0,,,XNA,Approved,-1968,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-1938.0,-1608.0,-1608.0,-1606.0,1.0,0,Cash loans,M,N,N,0,180000.0,900000.0,26316.0,900000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.026392000000000002,-14248,-6774,-8071.0,-4186,,1,1,1,1,1,1,Managers,1.0,2,2,TUESDAY,14,0,0,0,0,0,0,Business Entity Type 2,0.1312636138859362,0.6563546641257912,,0.1124,0.0989,0.9796,,,0.0,0.2759,0.1667,,0.1117,,0.1064,,0.0008,0.1145,0.1027,0.9796,,,0.0,0.2759,0.1667,,0.1143,,0.1109,,0.0008,0.1135,0.0989,0.9796,,,0.0,0.2759,0.1667,,0.1137,,0.1083,,0.0008,,block of flats,0.0839,Panel,No,0.0,0.0,0.0,0.0,-1730.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1010771,249572,Cash loans,43510.32,225000.0,232425.0,,225000.0,SUNDAY,12,Y,1,,,,XNA,Approved,-237,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-207.0,-57.0,-57.0,-55.0,1.0,0,Cash loans,M,N,Y,2,810000.0,1462266.0,96097.5,1350000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-19513,-1469,-3847.0,-171,,1,1,0,1,0,0,Laborers,4.0,1,1,SATURDAY,11,0,1,1,0,0,0,Other,,0.5235849562431928,,0.0825,0.0,0.9876,0.83,0.0133,0.08,0.069,0.375,0.4167,0.0,0.0672,0.0877,0.0,0.0,0.084,0.0,0.9876,0.8367,0.0135,0.0806,0.069,0.375,0.4167,0.0,0.0735,0.0913,0.0,0.0,0.0833,0.0,0.9876,0.8323,0.0134,0.08,0.069,0.375,0.4167,0.0,0.0684,0.0892,0.0,0.0,reg oper account,block of flats,0.0689,Panel,No,0.0,0.0,0.0,0.0,-1793.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1184705,449176,Consumer loans,7110.99,157846.5,157846.5,0.0,157846.5,WEDNESDAY,16,Y,1,0.0,,,XAP,Approved,-673,XNA,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,145,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-642.0,48.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,90000.0,163008.0,10741.5,144000.0,Unaccompanied,State servant,Secondary / secondary special,Separated,House / apartment,0.035792000000000004,-19764,-371,-5055.0,-3311,24.0,1,1,0,1,0,0,Managers,1.0,2,2,THURSDAY,16,0,0,0,0,0,0,Other,,0.39789302373473,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1453.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1861346,130097,Consumer loans,6346.8,96750.0,96750.0,0.0,96750.0,WEDNESDAY,12,Y,1,0.0,,,XAP,Approved,-1035,Cash through the bank,XAP,Other_A,New,Consumer Electronics,POS,XNA,Stone,330,Consumer electronics,18.0,low_normal,POS household with interest,365243.0,-1003.0,-493.0,-493.0,-485.0,0.0,0,Cash loans,F,N,N,1,81000.0,558000.0,20173.5,558000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.015221,-11180,-1285,-4452.0,-3596,,1,1,0,1,1,0,,3.0,2,2,TUESDAY,13,0,0,0,0,0,0,Government,,0.5114475620587469,,0.0742,0.0522,0.9896,0.8572,0.0502,0.08,0.069,0.3333,0.0417,0.0592,0.0605,0.0837,0.0,0.0,0.0756,0.0541,0.9896,0.8628,0.0506,0.0806,0.069,0.3333,0.0417,0.0605,0.0661,0.0872,0.0,0.0,0.0749,0.0522,0.9896,0.8591,0.0505,0.08,0.069,0.3333,0.0417,0.0602,0.0616,0.0852,0.0,0.0,reg oper account,block of flats,0.0828,Panel,No,0.0,0.0,0.0,0.0,-1035.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2181178,294847,Consumer loans,15488.1,157495.5,157495.5,0.0,157495.5,MONDAY,12,Y,1,0.0,,,XAP,Approved,-583,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Regional / Local,356,Consumer electronics,12.0,middle,POS household with interest,365243.0,-552.0,-222.0,-252.0,-248.0,0.0,0,Cash loans,F,Y,Y,1,90000.0,612612.0,27112.5,495000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.008068,-18747,-1798,-6704.0,-2284,35.0,1,1,0,1,1,0,Cleaning staff,3.0,3,3,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.08109047784406423,0.42765737003502935,0.1031,0.1089,0.9786,0.7076,0.0118,0.0,0.2069,0.1667,0.2083,,0.0841,0.0942,0.0,0.0,0.105,0.113,0.9786,0.7190000000000001,0.012,0.0,0.2069,0.1667,0.2083,,0.0918,0.0981,0.0,0.0,0.1041,0.1089,0.9786,0.7115,0.0119,0.0,0.2069,0.1667,0.2083,,0.0855,0.0959,0.0,0.0,reg oper spec account,block of flats,0.0806,Panel,No,6.0,0.0,6.0,0.0,-1146.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2750940,272735,Cash loans,26311.5,450000.0,450000.0,,450000.0,WEDNESDAY,14,Y,1,,,,XNA,Refused,-364,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,Y,Y,1,99000.0,225000.0,24232.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018209,-14368,-3271,-3396.0,-4810,15.0,1,1,1,1,0,0,,3.0,3,3,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.7384547138923561,,0.3701,0.2784,0.9806,,,0.4,0.3448,0.3333,,0.2173,,0.3759,,0.0091,0.3771,0.2889,0.9806,,,0.4028,0.3448,0.3333,,0.2222,,0.3917,,0.0097,0.3737,0.2784,0.9806,,,0.4,0.3448,0.3333,,0.2211,,0.3827,,0.0093,,block of flats,0.3416,Panel,No,0.0,0.0,0.0,0.0,-1204.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1036326,216533,Cash loans,26774.865,270000.0,291919.5,,270000.0,THURSDAY,15,Y,1,,,,XNA,Approved,-1233,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,365243.0,-1199.0,-689.0,-1079.0,-1076.0,0.0,0,Cash loans,F,N,Y,0,450000.0,1024740.0,52452.0,900000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.005002,-15445,-3464,-1940.0,-4690,,1,1,0,1,1,1,Core staff,2.0,3,3,FRIDAY,13,0,0,0,0,0,0,Legal Services,,0.6103217127177099,0.6161216908872079,0.2948,0.0,0.9891,0.8436,0.0817,0.32,0.2759,0.3333,0.375,0.1612,0.2396,0.3249,0.0039,0.004,0.3004,0.0,0.9891,0.8497,0.0825,0.3222,0.2759,0.3333,0.375,0.1649,0.2617,0.3385,0.0039,0.0042,0.2977,0.0,0.9891,0.8457,0.0822,0.32,0.2759,0.3333,0.375,0.1641,0.2437,0.3307,0.0039,0.004,reg oper account,block of flats,0.3011,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2234816,422840,Consumer loans,4630.905,38655.0,37534.5,4500.0,38655.0,SUNDAY,8,Y,1,0.11659253924536013,,,XAP,Approved,-2076,Cash through the bank,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Country-wide,1136,Consumer electronics,12.0,high,POS household with interest,365243.0,-2045.0,-1715.0,-1715.0,-1663.0,0.0,0,Cash loans,M,N,Y,0,90000.0,276277.5,17784.0,238500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-22338,365243,-7440.0,-5123,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,XNA,,0.15357057289804046,0.3723336657058204,0.1155,0.239,0.9866,,,0.16,0.1379,0.3333,,0.0504,,0.1208,,0.153,0.1176,0.248,0.9866,,,0.1611,0.1379,0.3333,,0.0516,,0.1259,,0.1619,0.1166,0.239,0.9866,,,0.16,0.1379,0.3333,,0.0513,,0.123,,0.1562,,block of flats,0.1283,"Stone, brick",No,0.0,0.0,0.0,0.0,-1669.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1059574,194551,Cash loans,4280.715,54000.0,73926.0,0.0,54000.0,MONDAY,10,Y,1,0.0,,,XNA,Approved,-1743,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,Y,Y,0,225000.0,720000.0,34636.5,720000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-19386,-422,-1761.0,-2939,14.0,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,9,0,1,1,0,1,1,Construction,,0.3447396009513504,0.39449540531239935,0.0371,,0.9871,,,0.0,0.0345,0.0833,,,,0.0264,,,0.0378,,0.9871,,,0.0,0.0345,0.0833,,,,0.0275,,,0.0375,,0.9871,,,0.0,0.0345,0.0833,,,,0.0269,,,,block of flats,0.0202,"Stone, brick",No,4.0,2.0,4.0,1.0,-1743.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1259937,297135,Revolving loans,22500.0,0.0,450000.0,,,MONDAY,9,Y,1,,,,XAP,Approved,-1125,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,184500.0,900000.0,29875.5,900000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-19644,365243,-3221.0,-3175,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,XNA,0.8265523241270681,0.6361168152598612,0.7435593141311444,0.1237,0.014,0.995,0.932,0.0171,0.0,0.2069,0.1667,0.2083,0.0272,0.1009,0.101,0.0,0.0,0.1261,0.0146,0.995,0.9347,0.0172,0.0,0.2069,0.1667,0.2083,0.0279,0.1102,0.1052,0.0,0.0,0.1249,0.014,0.995,0.9329,0.0172,0.0,0.2069,0.1667,0.2083,0.0277,0.1026,0.1028,0.0,0.0,reg oper account,block of flats,0.0888,"Stone, brick",No,2.0,0.0,2.0,0.0,-795.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2528070,193526,Consumer loans,13757.67,119205.0,136512.0,0.0,119205.0,WEDNESDAY,11,Y,1,0.0,,,XAP,Approved,-107,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,120,Consumer electronics,12.0,middle,POS household with interest,,,,,,,0,Cash loans,F,Y,Y,0,121500.0,263686.5,17752.5,238500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.020713,-10942,-2296,-192.0,-521,13.0,1,1,0,1,0,0,Core staff,1.0,3,2,FRIDAY,6,0,0,0,0,0,0,Business Entity Type 3,0.3542129181257441,0.5651823597725373,0.4135967602644276,0.0619,0.0589,0.9791,0.7144,0.0079,0.0,0.1379,0.1667,0.2083,0.0301,0.0504,0.0545,0.0,0.0,0.063,0.0612,0.9791,0.7256,0.008,0.0,0.1379,0.1667,0.2083,0.0308,0.0551,0.0567,0.0,0.0,0.0625,0.0589,0.9791,0.7182,0.008,0.0,0.1379,0.1667,0.2083,0.0306,0.0513,0.0554,0.0,0.0,reg oper account,block of flats,0.0428,Panel,No,2.0,0.0,2.0,0.0,-492.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,7.0 +2524064,239744,Consumer loans,10103.895,144661.5,149526.0,14467.5,144661.5,TUESDAY,17,Y,1,0.09607955636822632,,,XAP,Approved,-1366,Cash through the bank,XAP,Other_A,Repeater,Audio/Video,POS,XNA,Country-wide,1655,Consumer electronics,18.0,low_normal,POS household with interest,365243.0,-1334.0,-824.0,-824.0,-822.0,0.0,0,Cash loans,M,N,Y,0,135000.0,254700.0,25321.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.018634,-24262,365243,-11935.0,-975,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,XNA,,0.523650412618684,0.23272477626794336,0.0557,0.0323,0.9771,0.6872,,0.2,0.0345,0.3333,0.375,0.022,0.0454,0.0431,0.0,0.0,0.0567,0.0335,0.9772,0.6994,,0.0403,0.0345,0.3333,0.375,0.0225,0.0496,0.0449,0.0,0.0,0.0562,0.0323,0.9771,0.6914,,0.2,0.0345,0.3333,0.375,0.0224,0.0462,0.0439,0.0,0.0,,block of flats,0.0345,"Stone, brick",No,1.0,1.0,1.0,1.0,-879.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1033019,254816,Consumer loans,5625.225,32058.0,32058.0,0.0,32058.0,SATURDAY,10,Y,1,0.0,,,XAP,Approved,-256,Cash through the bank,XAP,Unaccompanied,Refreshed,Clothing and Accessories,POS,XNA,Regional / Local,500,Clothing,6.0,low_action,POS industry with interest,365243.0,-225.0,-75.0,-75.0,-73.0,0.0,0,Cash loans,F,N,Y,0,90000.0,540000.0,17550.0,540000.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.028663,-19336,-2597,-4973.0,-2821,,1,1,0,1,0,0,Medicine staff,2.0,2,2,WEDNESDAY,16,0,0,0,0,1,1,Medicine,0.6863543360735711,,0.746300213050371,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1766495,305860,Consumer loans,10796.67,88110.0,96831.0,0.0,88110.0,SUNDAY,8,Y,1,0.0,,,XAP,Approved,-2018,Cash through the bank,XAP,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Country-wide,2715,Consumer electronics,12.0,high,POS household with interest,365243.0,-1987.0,-1657.0,-1657.0,-1654.0,0.0,0,Cash loans,F,N,N,0,135000.0,112068.0,12199.5,99000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.018801,-16059,-2812,-3035.0,-2750,,1,1,0,1,1,0,Sales staff,2.0,2,2,TUESDAY,14,0,0,0,0,1,1,Business Entity Type 3,0.6935547319942119,0.6154269325123155,0.8128226070575616,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1676.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2087328,107101,Consumer loans,25773.165,243589.5,243589.5,0.0,243589.5,SUNDAY,14,Y,1,0.0,,,XAP,Approved,-657,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Stone,50,Furniture,10.0,low_action,POS industry without interest,365243.0,-626.0,-356.0,-356.0,-349.0,0.0,0,Cash loans,M,Y,Y,0,360000.0,325908.0,16767.0,247500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.035792000000000004,-19068,-3220,-8438.0,-2500,4.0,1,1,0,1,0,0,Managers,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,Trade: type 7,,0.47355587274926,0.6848276586890367,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,7.0 +2224630,218182,Cash loans,15950.97,247500.0,281803.5,0.0,247500.0,MONDAY,11,Y,1,0.0,,,XNA,Approved,-1627,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,365243.0,-1596.0,-726.0,-1236.0,-1229.0,0.0,0,Revolving loans,F,N,Y,0,112500.0,337500.0,16875.0,337500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007305,-17546,-2642,-9106.0,-1038,,1,1,1,1,1,0,,2.0,3,3,THURSDAY,8,0,0,0,0,0,0,Self-employed,0.5497433967929054,0.5775208927046787,0.5954562029091491,0.0629,,0.9811,,,0.0,0.1379,0.1667,,,,0.0386,,0.1311,0.0641,,0.9811,,,0.0,0.1379,0.1667,,,,0.0402,,0.1388,0.0635,,0.9811,,,0.0,0.1379,0.1667,,,,0.0393,,0.1338,,block of flats,0.0588,"Stone, brick",No,0.0,0.0,0.0,0.0,-1013.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2443020,209934,Cash loans,18310.23,171000.0,231745.5,,171000.0,SATURDAY,11,Y,1,,,,Repairs,Refused,-595,Cash through the bank,HC,Unaccompanied,Refreshed,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,high,Cash Street: high,,,,,,,1,Cash loans,M,N,Y,0,270000.0,255960.0,20353.5,202500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.02461,-13633,-881,-7725.0,-4396,,1,1,0,1,1,0,Laborers,1.0,2,2,SATURDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.6888296764591463,0.15193454904964762,0.1237,0.066,0.9806,0.7348,,0.0,0.069,0.1667,,0.0505,,0.0645,,0.0,0.1261,0.0685,0.9806,0.7452,,0.0,0.069,0.1667,,0.0517,,0.0672,,0.0,0.1249,0.066,0.9806,0.7383,,0.0,0.069,0.1667,,0.0514,,0.0657,,0.0,,block of flats,0.0575,"Stone, brick",No,0.0,0.0,0.0,0.0,-650.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,9.0 +2249244,296729,Consumer loans,20040.93,178695.0,197563.5,0.0,178695.0,FRIDAY,12,Y,1,0.0,,,XAP,Approved,-62,XNA,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Stone,800,Consumer electronics,12.0,middle,POS household with interest,365243.0,-32.0,298.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,180000.0,419679.0,19692.0,346500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018029,-19522,-818,-4787.0,-3032,,1,1,0,1,0,0,Security staff,2.0,3,3,THURSDAY,8,0,0,0,0,0,0,Transport: type 4,,0.6014712676636255,0.4776491548517548,0.1103,0.0904,0.9856,0.8028,0.028,0.12,0.1034,0.3333,0.0417,0.0,,0.1258,,0.0,0.1124,0.0938,0.9856,0.8105,0.0283,0.1208,0.1034,0.3333,0.0417,0.0,,0.1311,,0.0,0.1114,0.0904,0.9856,0.8054,0.0282,0.12,0.1034,0.3333,0.0417,0.0,,0.128,,0.0,,block of flats,0.1143,Panel,No,0.0,0.0,0.0,0.0,-2474.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1649728,287064,Cash loans,33684.48,1152000.0,1152000.0,,1152000.0,SUNDAY,11,Y,1,,,,XNA,Refused,-396,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,1,Cash loans,F,N,Y,0,112500.0,808650.0,26217.0,675000.0,Family,Working,Secondary / secondary special,Married,Office apartment,0.015221,-18883,-752,-8486.0,-2430,,1,1,1,1,1,0,,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,Other,,0.6583543903227984,0.4048783643353997,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2297.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1161981,413586,Consumer loans,2528.46,21060.0,18954.0,2106.0,21060.0,SUNDAY,17,Y,1,0.1089090909090909,,,XAP,Approved,-2525,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,36,Connectivity,10.0,low_normal,POS mobile with interest,365243.0,-2483.0,-2213.0,-2213.0,-2210.0,0.0,0,Cash loans,F,N,Y,0,112500.0,755190.0,30078.0,675000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.030755,-17522,-1206,-3038.0,-1058,,1,1,0,1,0,0,Core staff,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,Self-employed,0.7829788015290078,0.6873513005170421,0.8224987619370829,0.0227,0.0343,0.9717,,,0.0,0.0345,0.0417,,0.0257,,0.0163,,0.0,0.0231,0.0356,0.9717,,,0.0,0.0345,0.0417,,0.0262,,0.0169,,0.0,0.0229,0.0343,0.9717,,,0.0,0.0345,0.0417,,0.0261,,0.0166,,0.0,,block of flats,0.0151,"Stone, brick",No,3.0,0.0,3.0,0.0,-1717.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2742099,333858,Consumer loans,3784.95,35473.5,31567.5,6750.0,35473.5,SUNDAY,10,Y,1,0.19185394757913848,,,XAP,Approved,-1924,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,35,Connectivity,12.0,high,POS mobile with interest,365243.0,-1885.0,-1555.0,-1765.0,-1763.0,0.0,0,Cash loans,F,Y,Y,1,90000.0,808650.0,23773.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.010276,-17466,-1991,-3631.0,-1010,9.0,1,1,0,1,1,0,Cooking staff,3.0,2,2,SATURDAY,12,0,0,0,0,0,0,Restaurant,,0.6316102221088393,0.5100895276257282,0.0247,0.0,0.9707,0.5988,0.0062,0.0,0.1379,0.0833,0.125,0.0567,0.0202,0.0445,0.0,0.0,0.0252,0.0,0.9707,0.6145,0.0062,0.0,0.1379,0.0833,0.125,0.058,0.022,0.0464,0.0,0.0,0.025,0.0,0.9707,0.6042,0.0062,0.0,0.1379,0.0833,0.125,0.0577,0.0205,0.0453,0.0,0.0,reg oper account,block of flats,0.0384,"Stone, brick",No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1752851,207293,Consumer loans,39630.06,359541.0,383269.5,0.0,359541.0,SUNDAY,5,Y,1,0.0,,,XAP,Approved,-551,XNA,XAP,,New,Consumer Electronics,POS,XNA,Stone,150,Consumer electronics,12.0,middle,POS household with interest,365243.0,-521.0,-191.0,-191.0,-187.0,1.0,0,Cash loans,F,N,Y,0,180000.0,1535553.0,45027.0,1372500.0,Unaccompanied,Pensioner,Lower secondary,Married,House / apartment,0.006305,-21201,365243,-1428.0,-2443,,1,0,0,1,0,0,,2.0,3,3,FRIDAY,9,0,0,0,0,0,0,XNA,,0.0979001914248384,0.41885428862332175,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2513671,323836,Cash loans,17186.67,139500.0,167724.0,,139500.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-413,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-383.0,-53.0,-53.0,-45.0,1.0,0,Cash loans,F,N,Y,0,67500.0,137538.0,13734.0,121500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.031329,-18617,-4196,-3116.0,-2178,,1,1,0,1,0,0,Laborers,1.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,Industry: type 3,,0.4111399270261744,0.7801436381572275,0.0825,0.0742,0.9861,0.8096,,0.0,0.1379,0.1667,0.2083,0.0207,0.0672,0.0354,0.0,0.0,0.084,0.077,0.9861,0.8171,,0.0,0.1379,0.1667,0.2083,0.0211,0.0735,0.0369,0.0,0.0,0.0833,0.0742,0.9861,0.8121,,0.0,0.1379,0.1667,0.2083,0.021,0.0684,0.0361,0.0,0.0,,block of flats,0.0457,Mixed,No,0.0,0.0,0.0,0.0,-2003.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1658684,306880,Cash loans,18571.995,135000.0,164223.0,0.0,135000.0,FRIDAY,7,Y,1,0.0,,,XNA,Refused,-1980,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,N,0,148500.0,668304.0,32278.5,540000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.018029,-14920,-2177,-8926.0,-2472,,1,1,0,1,0,0,Sales staff,2.0,3,3,THURSDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.7431854324370394,0.4969131267434961,0.7898803468924867,,,0.9786,,,,,,,,,,,,,,0.9786,,,,,,,,,,,,,,0.9786,,,,,,,,,,,,,block of flats,0.0717,"Stone, brick",No,1.0,0.0,1.0,0.0,-1980.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,3.0 +1806240,313608,Cash loans,23712.435,450000.0,524844.0,,450000.0,WEDNESDAY,4,Y,1,,,,XNA,Approved,-1387,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-1357.0,-307.0,-337.0,-333.0,1.0,0,Cash loans,F,N,N,0,270000.0,938304.0,31140.0,810000.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.018029,-19843,-759,-10436.0,-3380,,1,1,0,1,0,0,Managers,1.0,3,3,THURSDAY,7,0,0,0,0,0,0,Other,0.8051858220614942,0.6582117382949447,0.42765737003502935,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,3.0,0.0,3.0,0.0,-1817.0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1564031,388289,Cash loans,25924.95,495000.0,495000.0,,495000.0,SUNDAY,13,Y,1,,,,XNA,Approved,-274,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,high,Cash X-Sell: high,365243.0,-244.0,1166.0,365243.0,365243.0,0.0,0,Revolving loans,F,Y,Y,0,225000.0,450000.0,22500.0,450000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.028663,-14934,-2889,-657.0,-4341,1.0,1,1,0,1,0,0,Core staff,1.0,2,2,MONDAY,12,0,0,0,0,0,0,Self-employed,0.58855470756911,0.651872258522014,0.6446794549585961,0.0742,0.0365,0.9831,,,0.08,0.069,0.3333,,,,0.0638,,0.0704,0.0756,0.0379,0.9831,,,0.0806,0.069,0.3333,,,,0.0533,,0.0745,0.0749,0.0365,0.9831,,,0.08,0.069,0.3333,,,,0.0649,,0.0719,,block of flats,0.0598,Panel,No,0.0,0.0,0.0,0.0,-244.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1584313,307167,Cash loans,23918.49,459000.0,459000.0,,459000.0,SATURDAY,12,Y,1,,,,XNA,Approved,-607,XNA,XAP,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,48.0,high,Cash X-Sell: high,365243.0,-575.0,835.0,-335.0,-326.0,0.0,0,Cash loans,F,Y,Y,4,112500.0,985500.0,41886.0,985500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-13390,-4331,-1028.0,-4298,15.0,1,1,1,1,0,0,,6.0,3,3,THURSDAY,11,0,0,0,0,0,0,Self-employed,0.052884026009319365,0.16807336103950896,0.6195277080511546,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-2358.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1948267,332498,Consumer loans,3647.025,17955.0,19377.0,0.0,17955.0,MONDAY,9,Y,1,0.0,,,XAP,Approved,-128,XNA,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Regional / Local,200,Consumer electronics,6.0,low_normal,POS household with interest,,,,,,,0,Revolving loans,M,N,N,1,112500.0,225000.0,11250.0,225000.0,Unaccompanied,Working,Higher education,Married,Municipal apartment,0.014464,-18025,-1957,-174.0,-1534,,1,1,1,1,1,0,High skill tech staff,3.0,2,2,WEDNESDAY,6,0,0,0,0,0,0,Agriculture,,0.5810116981053661,0.3344541255096772,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1726.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2296481,202859,Consumer loans,,55440.0,55440.0,0.0,55440.0,MONDAY,12,Y,1,0.0,,,XAP,Refused,-1681,Cash through the bank,LIMIT,,Repeater,Photo / Cinema Equipment,XNA,XNA,Country-wide,58,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,1,99000.0,531000.0,17127.0,531000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.026392000000000002,-14545,-3038,-2688.0,-4603,,1,1,1,1,1,0,Sales staff,2.0,2,2,TUESDAY,12,0,0,0,0,1,1,Self-employed,,0.33299238900104555,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2742444,270566,Cash loans,10760.22,90000.0,115893.0,,90000.0,SUNDAY,13,Y,1,,,,XNA,Refused,-823,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,,,,,,,0,Cash loans,M,N,Y,0,171000.0,474048.0,32197.5,360000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.00733,-12948,-473,-5356.0,-1127,,1,1,1,1,1,0,Laborers,2.0,2,2,THURSDAY,10,0,1,1,0,1,1,Transport: type 4,0.35872466834667344,0.1825691800513561,0.7136313997323308,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-827.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1575162,414276,Consumer loans,5932.395,54811.8,53397.0,5482.8,54811.8,TUESDAY,12,Y,1,0.10141453667240098,,,XAP,Approved,-2477,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Stone,150,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2446.0,-2176.0,-2176.0,-2164.0,1.0,0,Cash loans,M,Y,Y,0,81000.0,755190.0,29677.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-23089,365243,-9847.0,-4631,6.0,1,0,0,1,1,0,,2.0,2,2,MONDAY,16,0,0,0,0,0,0,XNA,,0.4334890663430041,0.6577838002083306,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2516473,213074,Revolving loans,6750.0,0.0,135000.0,,,WEDNESDAY,10,N,1,,,,XAP,Refused,-1265,XNA,VERIF,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,N,0,112500.0,544491.0,16695.0,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.022625,-21289,365243,-2710.0,-3259,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,9,0,0,0,0,0,0,XNA,,0.4782628160923345,0.5406544504453575,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1257.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2507564,243052,Cash loans,33200.19,900000.0,1004544.0,,900000.0,THURSDAY,19,Y,1,,,,XNA,Approved,-214,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-184.0,1226.0,365243.0,365243.0,1.0,0,Cash loans,M,N,N,1,315000.0,740088.0,31486.5,661500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.022625,-17819,-3582,-7066.0,-1342,,1,1,0,1,0,0,Drivers,3.0,2,2,MONDAY,10,0,0,0,0,0,0,Transport: type 4,,0.38833571747450985,0.4920600938649263,0.3381,0.2276,0.9901,0.8640000000000001,0.0894,0.56,0.2414,0.4583,0.5,0.2131,0.2757,0.4033,,0.0216,0.3445,0.2362,0.9901,0.8693,0.0902,0.5639,0.2414,0.4583,0.5,0.2179,0.3012,0.4202,,0.0229,0.3414,0.2276,0.9901,0.8658,0.0899,0.56,0.2414,0.4583,0.5,0.2168,0.2805,0.4106,,0.0221,reg oper account,block of flats,0.3244,Panel,No,2.0,1.0,2.0,1.0,-1916.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +2247218,353608,Consumer loans,19438.515,315765.0,315765.0,0.0,315765.0,FRIDAY,13,Y,1,0.0,,,XAP,Approved,-129,Cash through the bank,XAP,,Repeater,Construction Materials,POS,XNA,Stone,5,Construction,20.0,low_normal,POS industry with interest,365243.0,-94.0,476.0,365243.0,365243.0,0.0,0,Revolving loans,M,Y,Y,0,247500.0,270000.0,13500.0,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.02461,-11360,-2228,-389.0,-3273,6.0,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Government,0.3014568782616969,0.35967069964867016,0.4418358231994413,0.0134,0.0,0.9627,0.49,0.0229,0.0,0.1034,0.0417,0.0833,0.0643,0.0109,0.0189,,0.0,0.0137,0.0,0.9628,0.51,0.0231,0.0,0.1034,0.0417,0.0833,0.0658,0.0119,0.0197,,0.0,0.0135,0.0,0.9627,0.4968,0.0231,0.0,0.1034,0.0417,0.0833,0.0654,0.0111,0.0193,,0.0,reg oper account,block of flats,0.0273,Block,No,0.0,0.0,0.0,0.0,-1618.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2549559,142473,Cash loans,,0.0,0.0,,,THURSDAY,10,Y,1,,,,XNA,Refused,-34,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,Y,Y,1,450000.0,225000.0,17905.5,225000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.00733,-15498,-812,-302.0,-4859,1.0,1,1,0,1,0,0,Managers,3.0,2,2,WEDNESDAY,10,0,0,0,0,1,1,Business Entity Type 3,,0.6462787730632961,0.17456426555726348,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1447668,317808,Cash loans,19274.085,180000.0,243945.0,,180000.0,TUESDAY,11,Y,1,,,,Other,Refused,-607,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,high,Cash Street: high,,,,,,,0,Cash loans,M,N,Y,0,171000.0,274941.0,25344.0,229500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.005084,-18162,-4849,-10707.0,-1643,,1,1,0,1,1,0,Laborers,2.0,2,2,SUNDAY,13,0,0,0,0,0,0,Business Entity Type 2,,0.6429474207327817,,0.0814,0.1007,0.9791,,,,0.1379,0.1667,,,,0.0838,,,0.083,0.1045,0.9791,,,,0.1379,0.1667,,,,0.0873,,,0.0822,0.1007,0.9791,,,,0.1379,0.1667,,,,0.0853,,,,block of flats,0.0659,Panel,No,0.0,0.0,0.0,0.0,-1198.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +1286335,346669,Consumer loans,2996.55,17100.0,16204.5,1710.0,17100.0,WEDNESDAY,11,Y,1,0.1039574341759722,,,XAP,Approved,-464,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Stone,130,Consumer electronics,6.0,middle,POS household with interest,365243.0,-433.0,-283.0,-403.0,-397.0,0.0,0,Cash loans,F,N,Y,0,112500.0,886716.0,59625.0,837000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.005084,-20272,365243,-9571.0,-3502,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,XNA,,0.6678215732248207,0.6658549219640212,0.0278,0.0551,0.9801,0.728,0.0383,0.0,0.1034,0.0833,0.0,0.0154,0.0227,0.0281,0.0,0.0,0.0284,0.0572,0.9801,0.7387,0.0386,0.0,0.1034,0.0833,0.0,0.0157,0.0248,0.0293,0.0,0.0,0.0281,0.0551,0.9801,0.7316,0.0385,0.0,0.1034,0.0833,0.0,0.0156,0.0231,0.0286,0.0,0.0,,block of flats,0.0221,Panel,No,2.0,0.0,2.0,0.0,-616.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1009149,279896,Consumer loans,8315.55,81715.5,42876.0,40860.0,81715.5,SATURDAY,18,Y,1,0.5314351598530446,,,XAP,Approved,-1804,Cash through the bank,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Country-wide,2009,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1773.0,-1623.0,-1623.0,-1621.0,0.0,0,Cash loans,F,N,Y,0,157500.0,879480.0,28498.5,630000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-13558,-759,-7664.0,-4004,,1,1,0,1,1,1,Sales staff,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.3116900566973193,0.5334584113156906,0.4311917977993083,0.066,0.0818,0.9747,,,0.0,0.1379,0.1667,,0.0362,,0.0514,,0.0904,0.0672,0.0849,0.9747,,,0.0,0.1379,0.1667,,0.037000000000000005,,0.0536,,0.0958,0.0666,0.0818,0.9747,,,0.0,0.1379,0.1667,,0.0368,,0.0523,,0.0923,,block of flats,0.0601,"Stone, brick",No,9.0,3.0,9.0,3.0,-889.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,2.0 +1229422,138607,Consumer loans,4662.045,26703.45,28584.0,0.45,26703.45,MONDAY,14,Y,1,1.714536781679931e-05,,,XAP,Approved,-941,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,35,Connectivity,8.0,high,POS mobile with interest,365243.0,-914.0,-689.0,-914.0,-907.0,0.0,0,Cash loans,F,Y,Y,0,81000.0,184500.0,14404.5,184500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-21387,365243,-8121.0,-4129,65.0,1,0,0,1,0,0,,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,XNA,,0.6586691071878081,0.4740512892789932,0.2113,0.0,0.9846,0.7824,,0.1064,0.0917,0.3333,,0.0535,0.1723,0.1153,0.0,0.012,0.2153,0.0,0.9831,0.7779,,0.1208,0.1034,0.3333,,0.053,0.1882,0.1198,0.0,0.004,0.2134,0.0,0.9841,0.7786,,0.12,0.1034,0.3333,,0.0544,0.1753,0.1174,0.0,0.0122,reg oper account,block of flats,0.0913,Panel,No,1.0,0.0,1.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2835494,318287,Cash loans,16056.81,202500.0,222547.5,,202500.0,TUESDAY,10,Y,1,,,,XNA,Approved,-432,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-402.0,108.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,135000.0,254700.0,14350.5,225000.0,Unaccompanied,Pensioner,Incomplete higher,Widow,House / apartment,0.028663,-24427,365243,-5473.0,-4475,,1,0,0,1,0,0,,1.0,2,2,SUNDAY,10,0,0,0,0,0,0,XNA,,0.5255810006285146,0.7209441499436497,0.1031,0.0815,0.9801,0.728,0.0286,0.0,0.2069,0.1667,0.0417,0.1411,0.0841,0.0891,0.0,0.0,0.105,0.0846,0.9801,0.7387,0.0289,0.0,0.2069,0.1667,0.0417,0.1443,0.0918,0.0928,0.0,0.0,0.1041,0.0815,0.9801,0.7316,0.0288,0.0,0.2069,0.1667,0.0417,0.1435,0.0855,0.0907,0.0,0.0,reg oper account,block of flats,0.0857,"Stone, brick",No,1.0,0.0,1.0,0.0,-545.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2832536,232841,Cash loans,32872.5,1125000.0,1125000.0,,1125000.0,TUESDAY,10,Y,1,,,,XNA,Approved,-266,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,54.0,low_normal,Cash X-Sell: low,365243.0,-236.0,1354.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,1,225000.0,765000.0,21168.0,765000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006629,-16364,-1257,-9014.0,-4429,,1,1,0,1,0,0,Managers,3.0,2,2,TUESDAY,6,0,0,0,0,0,0,Trade: type 2,,0.7262358498441407,0.7062051096536562,0.1649,0.1262,0.9841,,,0.2,0.1724,0.375,,0.1682,,0.1062,,0.0064,0.1681,0.1309,0.9816,,,0.2014,0.1724,0.375,,0.172,,0.0011,,0.0067,0.1665,0.1262,0.9841,,,0.2,0.1724,0.375,,0.1711,,0.1081,,0.0065,,block of flats,0.213,Panel,Yes,3.0,0.0,3.0,0.0,-567.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2148027,226869,Consumer loans,3879.855,42052.5,37845.0,4207.5,42052.5,WEDNESDAY,5,Y,1,0.10896736222578916,,,XAP,Approved,-271,XNA,XAP,,Refreshed,Furniture,POS,XNA,Stone,120,Furniture,12.0,middle,POS industry with interest,365243.0,-240.0,90.0,-90.0,-85.0,0.0,0,Cash loans,F,N,Y,0,67500.0,536917.5,19413.0,463500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.014464,-14800,-4711,-2112.0,-4758,,1,1,0,1,0,0,Security staff,2.0,2,2,MONDAY,6,0,0,0,0,0,0,Business Entity Type 3,,0.6263131549392167,0.5726825047161584,0.0124,0.0593,0.9712,0.6056,,0.0,0.069,0.0417,0.0833,0.0103,0.0101,0.0123,,0.0052,0.0126,0.0615,0.9712,0.621,,0.0,0.069,0.0417,0.0833,0.0105,0.011,0.0128,,0.0055,0.0125,0.0593,0.9712,0.6109,,0.0,0.069,0.0417,0.0833,0.0105,0.0103,0.0125,,0.0053,,block of flats,0.0201,Others,No,2.0,0.0,2.0,0.0,-2459.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1769111,178466,Consumer loans,4941.72,22495.5,21082.5,2250.0,22495.5,SATURDAY,13,Y,1,0.1050232313491715,,,XAP,Approved,-2830,Cash through the bank,XAP,"Spouse, partner",New,Mobile,POS,XNA,Country-wide,40,Connectivity,5.0,low_normal,POS mobile with interest,365243.0,-2799.0,-2679.0,-2679.0,-2675.0,1.0,0,Cash loans,F,N,N,1,112500.0,1190340.0,66595.5,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018801,-16974,-1994,-2771.0,-503,,1,1,0,1,0,0,Sales staff,3.0,2,2,MONDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.6295783813528533,0.6507250396990759,,0.2371,0.1608,0.995,0.932,0.109,0.28,0.2414,0.375,0.4167,0.161,0.1933,0.307,0.0,0.0,0.2416,0.1668,0.995,0.9347,0.11,0.282,0.2414,0.375,0.4167,0.1647,0.2112,0.3198,0.0,0.0,0.2394,0.1608,0.995,0.9329,0.1097,0.28,0.2414,0.375,0.4167,0.1638,0.1967,0.3125,0.0,0.0,reg oper account,block of flats,0.3011,Panel,No,2.0,0.0,2.0,0.0,-2830.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1531515,102929,Revolving loans,9000.0,0.0,180000.0,,,THURSDAY,12,Y,1,,,,XAP,Approved,-1317,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card X-Sell,-1086.0,-1046.0,365243.0,-680.0,365243.0,0.0,0,Cash loans,F,N,N,0,130500.0,384048.0,13923.0,270000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.022625,-20243,365243,-6631.0,-3166,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,14,0,0,0,0,0,0,XNA,,0.7748720292508685,0.4722533429586386,0.0825,0.0771,0.9732,0.6328,0.006999999999999999,0.0,0.1379,0.1667,0.2083,0.0765,0.0672,0.0544,0.0,0.0176,0.084,0.08,0.9732,0.6472,0.006999999999999999,0.0,0.1379,0.1667,0.2083,0.0731,0.0735,0.0458,0.0,0.0186,0.0833,0.0771,0.9732,0.6377,0.006999999999999999,0.0,0.1379,0.1667,0.2083,0.0778,0.0684,0.0554,0.0,0.0179,reg oper account,block of flats,0.051,Block,No,4.0,0.0,4.0,0.0,-1459.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,5.0 +2714374,190496,Consumer loans,32089.95,286632.0,286632.0,0.0,286632.0,FRIDAY,13,Y,1,0.0,,,XAP,Approved,-1813,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,1000,Consumer electronics,12.0,high,POS household with interest,365243.0,-1782.0,-1452.0,-1602.0,-1594.0,0.0,0,Cash loans,F,N,Y,2,135000.0,1062027.0,31180.5,886500.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.020713,-15765,-920,-5008.0,-3768,,1,1,0,1,1,0,Accountants,4.0,3,2,FRIDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.6401471084404899,0.4867805445886943,0.5531646987710016,0.2876,0.2337,0.9846,0.7892,0.0714,0.36,0.3103,0.3333,0.375,0.2804,0.2337,0.3356,0.0039,0.0055,0.2931,0.2425,0.9846,0.7975,0.07200000000000001,0.3625,0.3103,0.3333,0.375,0.2868,0.2553,0.3497,0.0039,0.0058,0.2904,0.2337,0.9846,0.792,0.0718,0.36,0.3103,0.3333,0.375,0.2853,0.2377,0.3416,0.0039,0.0056,reg oper account,block of flats,0.2652,Panel,No,0.0,0.0,0.0,0.0,-1813.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1217714,147118,Consumer loans,7589.475,68787.0,76050.0,0.0,68787.0,MONDAY,13,Y,1,0.0,,,XAP,Approved,-522,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,15,Connectivity,12.0,middle,POS mobile without interest,365243.0,-491.0,-161.0,-161.0,-159.0,0.0,0,Cash loans,F,N,Y,0,405000.0,1078200.0,34911.0,900000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.009175,-14362,-706,-409.0,-4803,,1,1,0,1,0,0,,1.0,2,2,FRIDAY,14,0,0,0,0,0,0,Other,,0.7644764004571717,0.5744466170995097,0.0371,,0.9935,,,0.0,0.1034,0.125,,,,0.0295,,0.0299,0.0378,,0.9935,,,0.0,0.1034,0.125,,,,0.0307,,0.0316,0.0375,,0.9935,,,0.0,0.1034,0.125,,,,0.03,,0.0305,,block of flats,0.0367,"Stone, brick",No,0.0,0.0,0.0,0.0,-1478.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1882376,182180,Consumer loans,14863.725,80262.0,80262.0,0.0,80262.0,SUNDAY,16,Y,1,0.0,,,XAP,Refused,-43,Cash through the bank,SCO,Other_A,XNA,Jewelry,POS,XNA,Country-wide,60,Jewelry,6.0,middle,POS industry without interest,,,,,,,1,Cash loans,F,N,Y,0,126832.5,450000.0,11871.0,450000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.031329,-7696,-384,-2455.0,-376,,1,1,1,1,1,0,Core staff,1.0,2,2,MONDAY,14,0,0,0,0,0,0,Mobile,,0.5856304667463865,0.15193454904964762,0.1866,0.0088,0.9747,0.6532,0.03,0.0,0.069,0.1667,0.2083,0.0411,0.1042,0.0395,0.2201,0.0521,0.1901,0.0092,0.9747,0.6668,0.0303,0.0,0.069,0.1667,0.2083,0.0421,0.1139,0.0411,0.2218,0.0552,0.1884,0.0088,0.9747,0.6578,0.0302,0.0,0.069,0.1667,0.2083,0.0418,0.106,0.0402,0.2213,0.0532,reg oper account,block of flats,0.0459,"Stone, brick",No,2.0,0.0,1.0,0.0,-413.0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2050694,441198,Consumer loans,3201.66,23436.0,20187.0,4500.0,23436.0,SATURDAY,10,Y,1,0.19852185728962973,,,XAP,Approved,-2621,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,30,Connectivity,8.0,low_normal,POS mobile with interest,365243.0,-2590.0,-2380.0,-2380.0,-2375.0,1.0,1,Cash loans,F,N,Y,2,67500.0,653328.0,21204.0,468000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-10011,-1083,-622.0,-1965,,1,1,0,1,0,0,Cleaning staff,4.0,3,3,TUESDAY,8,0,0,0,0,0,0,School,0.09711937542039446,0.2763922319976632,,0.0082,0.0,0.9717,,,,0.069,0.0417,,,,0.0078,,0.0029,0.0084,0.0,0.9717,,,,0.069,0.0417,,,,0.0082,,0.003,0.0083,0.0,0.9717,,,,0.069,0.0417,,,,0.008,,0.0029,,block of flats,0.0068,Wooden,No,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2249025,238577,Consumer loans,4958.37,31450.5,26487.0,6291.0,31450.5,SUNDAY,14,Y,1,0.20902650891118765,,,XAP,Approved,-813,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,1400,Consumer electronics,6.0,middle,POS household with interest,365243.0,-781.0,-631.0,-661.0,-652.0,0.0,0,Cash loans,F,N,Y,0,247500.0,1451047.5,53905.5,1354500.0,Family,State servant,Higher education,Married,House / apartment,0.005084,-17776,-7559,-13060.0,-1305,,1,1,0,1,0,0,Accountants,2.0,2,2,MONDAY,13,0,0,0,0,0,0,Government,,0.8035842419538574,0.7530673920730478,0.0619,,0.9821,0.7552,,,0.1724,0.1667,,0.0153,,0.038,,,0.063,,0.9821,0.7648,,,0.1724,0.1667,,0.0156,,0.0396,,,0.0625,,0.9821,0.7585,,,0.1724,0.1667,,0.0155,,0.0387,,,reg oper account,block of flats,0.0485,Panel,No,4.0,0.0,4.0,0.0,-2482.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2724965,311093,Cash loans,14871.24,229500.0,254340.0,,229500.0,FRIDAY,9,Y,1,,,,XNA,Approved,-563,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-533.0,157.0,-263.0,-260.0,1.0,0,Cash loans,F,Y,Y,1,67500.0,153000.0,16605.0,153000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-15731,-8666,-7273.0,-4246,7.0,1,1,0,1,1,0,Laborers,3.0,2,2,MONDAY,12,0,0,0,1,1,0,Medicine,0.7982233632326216,0.7961781423132722,0.7981372313187245,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2056.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2387382,436662,Cash loans,16770.375,202500.0,222547.5,,202500.0,TUESDAY,15,Y,1,,,,XNA,Approved,-961,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-931.0,-421.0,-691.0,-675.0,1.0,0,Revolving loans,M,Y,Y,0,135000.0,315000.0,15750.0,315000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.011656999999999999,-14754,-1580,-7388.0,-4355,21.0,1,1,0,1,0,0,Security staff,1.0,1,1,THURSDAY,10,0,0,0,0,1,1,Business Entity Type 3,0.34118659801025025,0.5997822282520104,0.39277386060313396,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2283.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,11.0,0.0,5.0 +2521045,129950,Revolving loans,9000.0,270000.0,225000.0,,270000.0,THURSDAY,5,N,0,,,,XAP,Refused,-581,XNA,SCOFR,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Revolving loans,M,N,Y,0,157500.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.0038130000000000004,-14227,-1636,-1105.0,-4118,,1,1,1,1,1,0,Laborers,1.0,2,2,THURSDAY,9,0,0,0,1,1,0,Business Entity Type 3,0.2207230518071681,0.30221394026588744,0.2822484337007223,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,0.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,1.0 +1984171,334257,Consumer loans,14848.065,219730.5,226480.5,0.0,219730.5,SUNDAY,19,Y,1,0.0,,,XAP,Approved,-807,Cash through the bank,XAP,Group of people,Repeater,Audio/Video,POS,XNA,Country-wide,2000,Consumer electronics,18.0,low_normal,POS household with interest,,,,,,,0,Cash loans,M,N,N,0,180000.0,355500.0,28215.0,355500.0,Unaccompanied,Working,Secondary / secondary special,Separated,With parents,0.006233,-10983,-2186,-2446.0,-3358,,1,1,1,1,1,0,Laborers,1.0,2,2,TUESDAY,11,0,0,0,0,0,0,Self-employed,,0.5604420721241251,0.2851799046358216,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1120.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1230499,398797,Consumer loans,12479.49,124785.0,112306.5,12478.5,124785.0,WEDNESDAY,10,Y,1,0.1089090909090909,,,XAP,Approved,-529,Cash through the bank,XAP,,New,Homewares,POS,XNA,Regional / Local,23,Clothing,10.0,low_normal,POS other with interest,365243.0,-471.0,-201.0,-351.0,-343.0,0.0,0,Cash loans,F,N,Y,0,67500.0,454500.0,17739.0,454500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.031329,-17723,-1220,-3065.0,-1243,,1,1,1,1,0,0,Cleaning staff,2.0,2,2,SUNDAY,10,0,0,0,0,0,0,Other,0.6945289206217329,0.4248695395897049,0.2866524828090694,0.0619,,0.9762,0.6736,,0.0,0.1034,0.1667,0.2083,0.0175,,0.0496,,0.0,0.063,,0.9762,0.6864,,0.0,0.1034,0.1667,0.2083,0.0179,,0.0517,,0.0,0.0625,,0.9762,0.6779999999999999,,0.0,0.1034,0.1667,0.2083,0.0178,,0.0505,,0.0,reg oper account,block of flats,0.039,Block,No,1.0,0.0,1.0,0.0,-953.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,2.0 +2529859,360383,Cash loans,,0.0,0.0,,,WEDNESDAY,14,Y,1,,,,XNA,Refused,-170,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,112500.0,456502.5,30181.5,423000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.0105,-22481,365243,-52.0,-5632,,1,0,0,1,1,0,,2.0,3,3,FRIDAY,13,0,0,0,0,0,0,XNA,0.8153659654393589,0.5409716608528757,0.6144143775673561,,0.0,0.9742,,,0.0,0.1379,0.125,,,,0.0439,,0.0682,,0.0,0.9742,,,0.0,0.1379,0.125,,,,0.0457,,0.0722,,0.0,0.9742,,,0.0,0.1379,0.125,,,,0.0447,,0.0696,,,0.0552,Mixed,No,0.0,0.0,0.0,0.0,-2185.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,9.0 +1075845,180986,Cash loans,18982.935,90000.0,92970.0,,90000.0,TUESDAY,10,Y,1,,,,Medicine,Approved,-517,Cash through the bank,XAP,,New,XNA,Cash,walk-in,AP+ (Cash loan),4,XNA,6.0,high,Cash Street: high,365243.0,-487.0,-337.0,-337.0,-330.0,1.0,0,Cash loans,F,N,Y,0,80550.0,95940.0,10071.0,90000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-22271,365243,-1518.0,-4041,,1,0,0,1,0,0,,2.0,2,2,MONDAY,10,0,0,0,0,0,0,XNA,,0.6614609680457711,0.25259869783397665,0.0862,0.047,0.9861,,,0.0932,0.0803,0.3333,,0.0082,,0.0894,,0.0014,0.0746,0.0195,0.9866,,,0.0806,0.069,0.3333,,0.0033,,0.079,,0.0,0.0749,0.0547,0.9866,,,0.08,0.069,0.3333,,0.0096,,0.0773,,0.0,,block of flats,0.0596,Panel,No,0.0,0.0,0.0,0.0,-517.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2621788,174317,Consumer loans,4502.925,33696.0,37030.5,0.0,33696.0,SUNDAY,10,Y,1,0.0,,,XAP,Approved,-2199,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,550,Consumer electronics,12.0,high,POS household with interest,365243.0,-2160.0,-1830.0,-1830.0,-1828.0,0.0,0,Cash loans,F,Y,Y,0,67500.0,706221.0,22909.5,589500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.018634,-13245,-3517,-12409.0,-5395,9.0,1,1,1,1,1,0,Laborers,2.0,2,2,MONDAY,9,0,0,0,0,0,0,Postal,,0.4436058213081225,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1785.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1861397,119996,Cash loans,6087.42,90000.0,101880.0,,90000.0,THURSDAY,12,Y,1,,,,XNA,Approved,-1463,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-1433.0,-743.0,-1094.0,-1089.0,1.0,0,Cash loans,F,N,Y,0,157500.0,1125000.0,33025.5,1125000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-23588,365243,-2967.0,-4166,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,XNA,,0.3442507292017128,0.4206109640437848,0.1634,0.1346,0.9861,0.8028,0.0424,0.1532,0.1607,0.375,0.425,0.1201,0.1353,0.1658,0.0039,0.0097,0.0966,0.0488,0.9856,0.8105,0.0144,0.0806,0.2069,0.3333,0.375,0.0837,0.0845,0.0867,0.0,0.0,0.126,0.13699999999999998,0.9861,0.8121,0.0271,0.12,0.1724,0.3333,0.375,0.1238,0.0829,0.0888,0.0039,0.0093,reg oper account,block of flats,0.19,Panel,No,4.0,2.0,4.0,2.0,-1675.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +1934159,226281,Consumer loans,6583.86,65025.0,71892.0,0.0,65025.0,FRIDAY,14,Y,1,0.0,,,XAP,Refused,-425,Cash through the bank,LIMIT,Unaccompanied,Repeater,Audio/Video,POS,XNA,Stone,250,Consumer electronics,12.0,low_action,POS household without interest,,,,,,,0,Cash loans,F,N,Y,0,157500.0,675000.0,34596.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.030755,-14613,-269,-4390.0,-4852,,1,1,0,1,0,0,Laborers,1.0,2,2,WEDNESDAY,11,0,1,1,0,0,0,Industry: type 3,0.3552691128577713,0.6709575211449834,0.5370699579791587,0.1134,0.0733,0.9831,0.7688,0.0159,0.0,0.2759,0.1667,0.2083,0.0387,0.0883,0.1119,0.0193,0.0195,0.1155,0.076,0.9831,0.7779,0.0161,0.0,0.2759,0.1667,0.2083,0.0396,0.0964,0.1166,0.0195,0.0207,0.1145,0.0733,0.9831,0.7719,0.016,0.0,0.2759,0.1667,0.2083,0.0394,0.0898,0.114,0.0194,0.0199,reg oper account,block of flats,0.1025,Block,No,0.0,0.0,0.0,0.0,-485.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1304220,222853,Cash loans,14202.675,247500.0,274288.5,,247500.0,WEDNESDAY,11,Y,1,,,,XNA,Refused,-185,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,1,Cash loans,F,N,Y,0,193500.0,338832.0,15052.5,292500.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.00963,-20741,365243,-4729.0,-4274,,1,0,0,1,0,0,,1.0,2,2,SATURDAY,11,0,0,0,0,0,0,XNA,,0.015708644191182994,0.4614823912998385,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-1012.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1978421,372585,Consumer loans,4153.59,22995.0,20695.5,2299.5,22995.0,SUNDAY,14,Y,1,0.1089090909090909,,,XAP,Approved,-2649,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,11,Connectivity,6.0,high,POS mobile with interest,365243.0,-2596.0,-2446.0,-2476.0,-2467.0,0.0,0,Cash loans,M,Y,Y,0,180000.0,550980.0,40221.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-16801,-8028,-8864.0,-331,31.0,1,1,0,1,0,1,Laborers,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Industry: type 11,,0.628378507954094,0.266456808245056,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1275.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1035140,430928,Cash loans,9830.97,90000.0,95940.0,,90000.0,SATURDAY,15,Y,1,,,,XNA,Approved,-1069,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1039.0,-709.0,-739.0,-731.0,1.0,0,Cash loans,F,Y,Y,0,405000.0,1078200.0,34780.5,900000.0,Family,Commercial associate,Incomplete higher,Civil marriage,House / apartment,0.005084,-17759,-932,-771.0,-1287,1.0,1,1,1,1,1,0,Managers,2.0,2,2,THURSDAY,13,0,0,0,0,1,1,Other,0.727342169777125,0.5051296516191375,0.3706496323299817,0.0619,0.0759,,,,,0.1379,0.1667,,0.0061,,0.0347,,,0.063,0.0787,,,,,0.1379,0.1667,,0.0062,,0.0362,,,0.0625,0.0759,,,,,0.1379,0.1667,,0.0062,,0.0353,,,,block of flats,0.0441,"Stone, brick",No,2.0,0.0,2.0,0.0,-1184.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1832560,135349,Consumer loans,11843.325,118449.0,106600.5,11848.5,118449.0,SATURDAY,10,Y,1,0.108942191460997,,,XAP,Approved,-1343,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Stone,83,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1301.0,-1031.0,-1031.0,-1027.0,0.0,0,Cash loans,F,N,N,1,114750.0,1350000.0,37255.5,1350000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-15503,-1642,-8159.0,-3942,,1,1,1,1,1,0,Core staff,3.0,2,2,FRIDAY,10,0,0,0,0,0,0,Self-employed,0.6755371618577836,0.6314117630983567,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1862.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2097618,310733,Revolving loans,11250.0,0.0,765000.0,,,SUNDAY,8,N,0,,,,XAP,Refused,-508,XNA,HC,,Repeater,XNA,Cards,x-sell,Country-wide,2000,Consumer electronics,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,Y,Y,2,180000.0,604152.0,30978.0,540000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-11941,-2976,-1935.0,-920,13.0,1,1,0,1,0,0,Laborers,4.0,3,3,THURSDAY,13,0,0,0,0,0,0,Transport: type 2,0.15372966679681244,0.4664147230767502,0.8327850252992314,0.0907,0.0858,0.9881,0.8368,0.0762,0.0,0.2069,0.1667,0.2083,0.0645,0.07400000000000001,0.08199999999999999,0.0,0.0,0.0924,0.08900000000000001,0.9881,0.8432,0.0769,0.0,0.2069,0.1667,0.2083,0.066,0.0808,0.0855,0.0,0.0,0.0916,0.0858,0.9881,0.8390000000000001,0.0766,0.0,0.2069,0.1667,0.2083,0.0656,0.0752,0.0835,0.0,0.0,reg oper account,block of flats,0.0645,Panel,No,0.0,0.0,0.0,0.0,-1619.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2339483,444587,Cash loans,21699.72,180000.0,191880.0,0.0,180000.0,WEDNESDAY,18,Y,1,0.0,,,Purchase of electronic equipment,Refused,-1975,Cash through the bank,SCO,Other_B,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,F,Y,N,0,270000.0,497520.0,52920.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.032561,-12975,-173,-377.0,-1599,12.0,1,1,0,1,0,0,Sales staff,2.0,1,1,THURSDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.6793211343329079,0.2479745106207621,,0.1845,0.1398,0.9801,0.728,,0.2,0.1724,0.3333,0.375,0.0273,,0.194,,0.006,0.188,0.145,0.9801,0.7387,,0.2014,0.1724,0.3333,0.375,0.0248,,0.2014,,0.0046,0.1863,0.1397,0.9801,0.7316,,0.2,0.1724,0.3333,0.375,0.0256,,0.1972,,0.0065,reg oper account,block of flats,0.1535,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2471752,174838,Consumer loans,3625.38,27180.0,32958.0,0.0,27180.0,TUESDAY,16,Y,1,0.0,,,XAP,Approved,-753,Cash through the bank,XAP,,Refreshed,Computers,POS,XNA,Regional / Local,100,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-706.0,-436.0,-436.0,-433.0,0.0,0,Revolving loans,M,Y,Y,1,94500.0,292500.0,14625.0,292500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-14873,-368,-7348.0,-4730,9.0,1,1,0,1,0,0,Laborers,3.0,2,2,SATURDAY,11,0,0,0,0,0,0,Other,,0.7628384980843755,0.6430255641096323,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,0.0,9.0,0.0,-2584.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1029901,419415,Consumer loans,6943.59,45639.0,43780.5,4567.5,45639.0,THURSDAY,10,Y,1,0.10288786976240437,,,XAP,Approved,-2752,Cash through the bank,XAP,,New,Furniture,POS,XNA,Country-wide,110,Furniture,8.0,low_normal,POS industry with interest,365243.0,-2717.0,-2507.0,-2507.0,-2504.0,1.0,0,Cash loans,F,N,N,1,202500.0,50940.0,5535.0,45000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,Municipal apartment,0.019688999999999998,-10943,-1404,-2766.0,-919,,1,1,0,1,0,0,,3.0,2,2,FRIDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.6443718469931395,0.511891801533151,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,0.0,-1167.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1793255,192273,Revolving loans,6750.0,135000.0,135000.0,0.0,135000.0,WEDNESDAY,17,Y,1,0.0,,,XAP,Approved,-405,XNA,XAP,,Repeater,XNA,Cards,walk-in,Country-wide,33,Connectivity,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,Y,Y,2,238500.0,1005120.0,29520.0,720000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-12364,-700,-6473.0,-4463,10.0,1,1,0,1,0,0,Security staff,4.0,2,2,TUESDAY,10,0,0,0,0,1,1,Business Entity Type 3,0.20779564525652688,0.6437702868938804,0.3996756156233169,,,0.9831,,,,,,,,,0.0135,,,,,0.9831,,,,,,,,,0.0141,,,,,0.9831,,,,,,,,,0.0138,,,,,0.0185,,No,1.0,0.0,1.0,0.0,-1611.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1187831,303961,Cash loans,10849.86,90000.0,95940.0,0.0,90000.0,FRIDAY,6,Y,1,0.0,,,XNA,Approved,-1957,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,high,Cash X-Sell: high,365243.0,-1927.0,-1597.0,-1597.0,-1591.0,1.0,0,Cash loans,F,N,N,0,81000.0,143910.0,14872.5,135000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020713,-21860,365243,-7496.0,-4199,,1,0,0,1,1,0,,2.0,3,3,MONDAY,11,0,0,0,0,0,0,XNA,,0.5833415133730009,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-694.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2034167,241924,Revolving loans,20250.0,405000.0,405000.0,,405000.0,TUESDAY,14,Y,1,,,,XAP,Refused,-219,XNA,HC,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,N,Y,0,135000.0,279000.0,15264.0,279000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-9871,-230,-4284.0,-2487,,1,1,0,1,0,0,Core staff,2.0,2,2,THURSDAY,8,0,0,0,0,1,1,Realtor,0.12127130860665873,0.6219424612169234,,0.1948,0.1398,0.9876,0.83,0.0468,0.2,0.1724,0.3333,0.375,0.1396,0.1572,0.1186,0.0077,0.2072,0.1985,0.1451,0.9876,0.8367,0.0472,0.2014,0.1724,0.3333,0.375,0.1428,0.1717,0.1236,0.0078,0.2193,0.1967,0.1398,0.9876,0.8323,0.0471,0.2,0.1724,0.3333,0.375,0.142,0.1599,0.1207,0.0078,0.2115,reg oper account,block of flats,0.1639,Panel,No,2.0,0.0,2.0,0.0,-534.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1874683,252234,Consumer loans,6559.965,74200.5,56551.5,29250.0,74200.5,MONDAY,16,Y,1,0.371274500922584,,,XAP,Approved,-1873,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Regional / Local,962,Consumer electronics,12.0,high,POS household with interest,365243.0,-1842.0,-1512.0,-1512.0,-1510.0,0.0,0,Cash loans,F,N,Y,1,121500.0,1256400.0,36864.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.032561,-14529,-1004,-7577.0,-4491,,1,1,0,1,1,0,Laborers,2.0,1,1,FRIDAY,17,0,0,0,0,0,0,Business Entity Type 2,0.7681836417621399,0.7210581878074354,0.3825018041447388,0.0619,0.0612,0.9737,0.6396,0.0085,0.0,0.1379,0.1667,0.2083,0.0,0.0504,0.053,0.0,0.0,0.063,0.0635,0.9737,0.6537,0.0086,0.0,0.1379,0.1667,0.2083,0.0,0.0551,0.0552,0.0,0.0,0.0625,0.0612,0.9737,0.6444,0.0085,0.0,0.1379,0.1667,0.2083,0.0,0.0513,0.0539,0.0,0.0,reg oper spec account,block of flats,0.042,Panel,No,2.0,0.0,2.0,0.0,-1873.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1623764,389704,Cash loans,17232.03,135000.0,162778.5,,135000.0,TUESDAY,10,Y,1,,,,XNA,Approved,-1329,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1299.0,-969.0,-969.0,-959.0,1.0,0,Revolving loans,M,Y,Y,0,337500.0,900000.0,45000.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.018634,-17631,-3085,-6135.0,-1173,5.0,1,1,0,1,1,0,Drivers,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Self-employed,,0.5246812419131336,0.5954562029091491,0.0227,0.0264,0.9727,0.626,0.0029,0.0,0.1034,0.0417,0.0833,0.0166,0.0185,0.0178,0.0,0.0,0.0231,0.0274,0.9727,0.6406,0.0029,0.0,0.1034,0.0417,0.0833,0.017,0.0202,0.0186,0.0,0.0,0.0229,0.0264,0.9727,0.631,0.0029,0.0,0.1034,0.0417,0.0833,0.0169,0.0188,0.0182,0.0,0.0,reg oper account,block of flats,0.0187,"Stone, brick",No,0.0,0.0,0.0,0.0,-2013.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1569402,173624,Consumer loans,2518.11,21816.0,21577.5,2182.5,21816.0,TUESDAY,18,Y,1,0.1000396005509642,,,XAP,Approved,-2247,Cash through the bank,XAP,Unaccompanied,Refreshed,Mobile,POS,XNA,Country-wide,691,Consumer electronics,12.0,high,POS household with interest,365243.0,-2216.0,-1886.0,-1886.0,-1878.0,1.0,0,Cash loans,M,N,N,1,144000.0,284400.0,10345.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010276,-16680,365243,-6661.0,-209,,1,0,0,1,0,0,,3.0,2,2,TUESDAY,17,0,0,0,0,0,0,XNA,0.4257753209374877,0.6968800136884634,0.5478104658520093,0.0871,0.1455,0.9906,,,0.0,0.1552,0.1667,,0.0,,0.0984,,0.1491,0.063,0.1509,0.9906,,,0.0,0.1034,0.1667,,0.0,,0.0751,,0.1578,0.08800000000000001,0.1455,0.9906,,,0.0,0.1552,0.1667,,0.0,,0.1002,,0.1522,,block of flats,0.0796,Monolithic,No,0.0,0.0,0.0,0.0,-1524.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1359593,165248,Consumer loans,9558.855,94657.5,94185.0,9468.0,94657.5,SATURDAY,13,Y,1,0.09948108329978604,,,XAP,Approved,-508,Cash through the bank,XAP,,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,90,Connectivity,12.0,middle,POS mobile with interest,365243.0,-477.0,-147.0,-207.0,-199.0,0.0,0,Cash loans,F,N,Y,1,270000.0,971280.0,51876.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.018029,-11376,-2468,-188.0,-803,,1,1,0,1,0,0,Secretaries,2.0,3,3,WEDNESDAY,9,0,0,0,0,0,0,Security Ministries,,0.07755211737931987,0.3123653692278984,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-228.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2504905,301922,Consumer loans,11042.46,113859.0,125883.0,0.0,113859.0,SUNDAY,10,Y,1,0.0,,,XAP,Approved,-692,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,664,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-660.0,-330.0,-420.0,-412.0,0.0,0,Revolving loans,M,N,Y,1,90000.0,180000.0,9000.0,180000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.020246,-13944,-134,-6802.0,-4813,,1,1,1,1,0,0,Laborers,3.0,3,3,SATURDAY,11,0,0,0,0,0,0,Housing,0.14116748333766102,0.2140475457365176,0.16342569473134347,0.0784,0.0675,0.9796,0.7212,0.0139,0.04,0.1034,0.25,0.2917,0.0738,0.0639,0.0741,0.0,0.0,0.0756,0.0569,0.9752,0.6733,0.0088,0.0,0.069,0.1667,0.2083,0.0693,0.0661,0.07400000000000001,0.0,0.0,0.0791,0.0675,0.9796,0.7249,0.0139,0.04,0.1034,0.25,0.2917,0.075,0.065,0.0754,0.0,0.0,reg oper account,block of flats,0.0607,Panel,No,0.0,0.0,0.0,0.0,-692.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2711290,369038,Cash loans,19708.335,450000.0,545040.0,,450000.0,WEDNESDAY,17,Y,1,,,,XNA,Refused,-273,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,360000.0,450000.0,46242.0,450000.0,Unaccompanied,State servant,Higher education,Separated,House / apartment,0.04622,-20998,-8825,-8181.0,-3784,3.0,1,1,0,1,0,1,Medicine staff,1.0,1,1,WEDNESDAY,16,0,0,0,0,0,0,Medicine,0.8820373590109551,0.7329356386763468,0.5370699579791587,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1595.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1231296,303912,Consumer loans,8347.275,161550.0,161550.0,0.0,161550.0,SUNDAY,10,Y,1,0.0,,,XAP,Approved,-410,Cash through the bank,XAP,,New,Construction Materials,POS,XNA,Stone,50,Construction,24.0,low_normal,POS other with interest,365243.0,-377.0,313.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,126000.0,243000.0,17410.5,243000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018209,-23694,365243,-7598.0,-4447,,1,0,0,1,0,0,,2.0,3,3,THURSDAY,13,0,0,0,0,0,0,XNA,0.7777841608254579,0.2860094974966144,0.5884877883422673,0.1464,0.1033,0.9861,0.8096,0.0372,0.16,0.1379,0.3333,0.375,0.0744,0.1177,0.1448,0.0077,0.0157,0.1492,0.1072,0.9861,0.8171,0.0375,0.1611,0.1379,0.3333,0.375,0.0761,0.1286,0.1509,0.0078,0.0167,0.1478,0.1033,0.9861,0.8121,0.0374,0.16,0.1379,0.3333,0.375,0.0757,0.1197,0.1474,0.0078,0.0161,reg oper account,block of flats,0.1377,Panel,No,0.0,0.0,0.0,0.0,-410.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1320999,306115,Consumer loans,8301.375,95368.5,72634.5,28611.0,95368.5,TUESDAY,9,Y,1,0.3077665674029956,,,XAP,Approved,-598,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Stone,1034,Consumer electronics,10.0,middle,POS household with interest,365243.0,-567.0,-297.0,-387.0,-383.0,0.0,0,Cash loans,F,N,Y,0,112500.0,270000.0,13783.5,270000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-18067,-728,-2121.0,-1627,,1,1,0,1,0,0,Sales staff,2.0,2,2,FRIDAY,8,0,0,0,0,0,0,Business Entity Type 3,0.6141924364327233,0.6685439788400626,0.4866531565147181,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1264.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2727749,424505,Consumer loans,16270.2,107550.0,100669.5,13500.0,107550.0,THURSDAY,17,Y,1,0.1287798166123814,,,XAP,Approved,-788,Cash through the bank,XAP,Other_B,Repeater,Computers,POS,XNA,Stone,7,Connectivity,8.0,high,POS mobile with interest,365243.0,-754.0,-544.0,-724.0,-720.0,0.0,0,Cash loans,M,Y,Y,1,216000.0,983299.5,41791.5,904500.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.00496,-10808,-3948,-670.0,-3471,2.0,1,1,0,1,0,0,Managers,3.0,2,2,MONDAY,16,0,0,0,1,0,1,Security Ministries,,0.6499493048905461,0.15663982703141147,0.0464,0.0376,0.9856,,,0.03,0.0431,0.3333,,0.0301,,0.0281,,0.0592,0.0378,0.0284,0.9856,,,0.0403,0.0345,0.3333,,0.0181,,0.0227,,0.0634,0.0375,0.029,0.9856,,,0.04,0.0345,0.3333,,0.0238,,0.0228,,0.0612,,block of flats,0.0301,Panel,No,3.0,0.0,3.0,0.0,-1918.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1873459,393805,Consumer loans,14179.5,123300.0,123300.0,0.0,123300.0,THURSDAY,13,Y,1,0.0,,,XAP,Approved,-344,Cash through the bank,XAP,,Refreshed,Furniture,POS,XNA,Stone,50,Furniture,10.0,middle,POS industry with interest,365243.0,-309.0,-39.0,-39.0,-33.0,0.0,0,Cash loans,F,N,Y,2,135000.0,101880.0,10075.5,90000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-11602,-1315,-2065.0,-2696,,1,1,1,1,1,0,Cooking staff,4.0,2,2,FRIDAY,12,0,0,0,0,0,0,Restaurant,0.3303071777573856,0.4435842320144421,0.6801388218428291,0.0392,,0.9821,,,,0.0345,0.0833,,,,0.0183,,,0.0399,,0.9821,,,,0.0345,0.0833,,,,0.0191,,,0.0396,,0.9821,,,,0.0345,0.0833,,,,0.0186,,,,specific housing,0.0144,"Stone, brick",No,0.0,0.0,0.0,0.0,-2294.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2689243,311745,Cash loans,20656.17,274500.0,296784.0,,274500.0,SATURDAY,9,Y,1,,,,Wedding / gift / holiday,Refused,-388,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,low_normal,Cash Street: low,,,,,,,0,Revolving loans,F,N,Y,0,94500.0,202500.0,10125.0,202500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.025164,-22298,365243,-10304.0,-4095,,1,0,0,1,1,0,,1.0,2,2,TUESDAY,17,0,0,0,0,0,0,XNA,0.7253338806050893,0.2020380847928119,0.6848276586890367,0.1335,0.0904,0.9732,0.6328,0.0751,0.0,0.2241,0.1667,0.2083,0.0242,0.103,0.0925,0.027000000000000003,0.0226,0.105,0.0657,0.9732,0.6472,0.055,0.0,0.1724,0.1667,0.2083,0.018000000000000002,0.0918,0.07200000000000001,0.0,0.0027,0.1348,0.0904,0.9732,0.6377,0.0755,0.0,0.2241,0.1667,0.2083,0.0246,0.1047,0.0942,0.0272,0.023,reg oper account,block of flats,0.0847,Panel,No,1.0,1.0,1.0,1.0,-1420.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1007936,388515,Consumer loans,5193.585,31806.0,31806.0,0.0,31806.0,SATURDAY,15,Y,1,0.0,,,XAP,Approved,-187,Cash through the bank,XAP,Unaccompanied,Repeater,Photo / Cinema Equipment,POS,XNA,Stone,10,Connectivity,8.0,high,POS mobile with interest,365243.0,-152.0,58.0,365243.0,365243.0,0.0,1,Cash loans,M,N,Y,0,126000.0,295254.0,15588.0,211500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.009334,-10364,-538,-658.0,-2618,,1,1,1,1,1,0,,1.0,2,2,THURSDAY,14,0,0,0,0,0,0,Other,,0.19119762983764169,0.19633396621345675,0.1588,0.0721,0.9801,,,0.0,0.069,0.1667,,0.0653,,0.0476,,0.019,0.1618,0.0748,0.9801,,,0.0,0.069,0.1667,,0.0668,,0.0496,,0.0202,0.1603,0.0721,0.9801,,,0.0,0.069,0.1667,,0.0665,,0.0484,,0.0194,,specific housing,0.0614,"Stone, brick",No,1.0,0.0,1.0,0.0,-400.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2073910,334018,Consumer loans,5109.435,44671.5,54967.5,0.0,44671.5,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-565,Cash through the bank,XAP,,New,Computers,POS,XNA,Regional / Local,118,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-534.0,-204.0,-204.0,-200.0,0.0,1,Cash loans,M,N,N,0,94500.0,755190.0,41098.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.008473999999999999,-9803,-762,-973.0,-1108,,1,1,1,1,0,0,Drivers,2.0,2,2,TUESDAY,12,0,0,0,0,1,1,Agriculture,0.16028890426956993,0.6759252257589222,0.3077366963789207,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-565.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2427389,262878,Consumer loans,12518.73,137056.635,123349.5,13707.135,137056.635,SATURDAY,13,Y,1,0.1089207838656028,0.14244021307945146,0.6379492600422833,XAP,Approved,-639,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,12.0,middle,POS mobile with interest,365243.0,-599.0,-269.0,-419.0,-414.0,0.0,0,Cash loans,F,N,Y,0,247500.0,931617.0,39469.5,765000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-14806,-815,-1019.0,-1019,,1,1,0,1,0,1,Laborers,2.0,2,2,MONDAY,9,0,0,0,0,0,0,Business Entity Type 1,0.4356867781947089,0.414909253918436,0.5971924268337128,0.0495,0.0,0.9727,,,0.0,0.1034,0.125,,0.041,,0.0398,,0.0,0.0504,0.0,0.9727,,,0.0,0.1034,0.125,,0.0419,,0.0414,,0.0,0.05,0.0,0.9727,,,0.0,0.1034,0.125,,0.0417,,0.0405,,0.0,,block of flats,0.0335,"Stone, brick",No,9.0,0.0,9.0,0.0,-440.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1830810,343000,Consumer loans,3749.715,32035.5,18535.5,13500.0,32035.5,THURSDAY,10,Y,1,0.4589510784201049,,,XAP,Approved,-2160,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,47,Consumer electronics,6.0,high,POS household with interest,365243.0,-2122.0,-1972.0,-1972.0,-1555.0,0.0,0,Cash loans,F,N,Y,0,67500.0,673875.0,21865.5,562500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.030755,-14287,-2562,-599.0,-3996,,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,13,0,0,0,0,1,1,Business Entity Type 3,,0.40804636318890936,0.7738956942145427,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1544.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1970553,162136,Consumer loans,26541.135,472500.0,513666.0,0.0,472500.0,TUESDAY,13,Y,1,0.0,,,XAP,Approved,-458,Cash through the bank,XAP,Family,Repeater,Construction Materials,POS,XNA,Stone,36,Construction,24.0,low_normal,POS industry with interest,365243.0,-427.0,263.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,193500.0,827496.0,42381.0,679500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.035792000000000004,-19867,-4550,-12390.0,-3405,,1,1,0,1,0,0,Drivers,1.0,2,2,FRIDAY,13,0,0,0,0,1,1,Business Entity Type 3,,0.6681901475000049,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-3377.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2095490,364831,Cash loans,31228.56,270000.0,319216.5,,270000.0,MONDAY,16,Y,1,,,,XNA,Approved,-1129,XNA,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-1099.0,-769.0,-769.0,-766.0,1.0,0,Cash loans,F,N,Y,0,202500.0,450000.0,43969.5,450000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.030755,-22165,365243,-5832.0,-4505,,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,XNA,0.8264838812024979,0.677609052749524,,0.1835,1.0,0.9906,0.8708,0.0,0.2,0.1724,0.375,,0.0,0.1496,0.2187,,0.0,0.187,1.0,0.9906,0.8759,0.0,0.2014,0.1724,0.375,,0.0,0.1635,0.2278,,0.0,0.1853,1.0,0.9906,0.8725,0.0,0.2,0.1724,0.375,,0.0,0.1522,0.2226,,0.0,reg oper account,block of flats,0.2476,Monolithic,No,0.0,0.0,0.0,0.0,-1491.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2036656,379585,Cash loans,29778.3,787500.0,912240.0,,787500.0,FRIDAY,13,Y,1,,,,XNA,Refused,-24,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,Y,Y,0,225000.0,781920.0,28215.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.00496,-23145,365243,-13192.0,-4275,12.0,1,0,0,1,1,0,,2.0,2,2,MONDAY,14,0,0,0,0,0,0,XNA,,0.6558415223067272,0.4668640059537032,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,4.0,0.0,-25.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1810265,283176,Consumer loans,4324.41,22455.0,21208.5,2245.5,22455.0,WEDNESDAY,13,Y,1,0.10427021558640899,,,XAP,Approved,-1569,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,19,Connectivity,6.0,high,POS mobile with interest,365243.0,-1531.0,-1381.0,-1381.0,-1376.0,0.0,0,Cash loans,F,N,N,1,135000.0,239850.0,25317.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010556,-12399,-2728,-614.0,-2056,,1,1,0,1,1,0,Laborers,3.0,3,3,WEDNESDAY,13,0,0,0,0,1,1,Construction,0.4985133661638575,0.6133027748062316,0.5046813193144684,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1569.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1978802,320515,Consumer loans,15284.925,127269.0,137767.5,0.0,127269.0,TUESDAY,18,Y,1,0.0,,,XAP,Approved,-1133,Cash through the bank,XAP,Children,New,Computers,POS,XNA,Country-wide,956,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1102.0,-832.0,-832.0,-827.0,0.0,0,Cash loans,F,N,Y,2,76500.0,808650.0,26217.0,675000.0,"Spouse, partner",State servant,Secondary / secondary special,Single / not married,House / apartment,0.007114,-15225,-4480,-2231.0,-741,,1,1,0,1,0,0,,3.0,2,2,MONDAY,16,0,0,0,0,0,0,Other,0.4814218832372816,0.2651072007852093,0.7662336700704004,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-1133.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1922159,323813,Consumer loans,2245.275,22455.0,20209.5,2245.5,22455.0,THURSDAY,12,Y,1,0.1089090909090909,,,XAP,Approved,-2842,XNA,XAP,,New,Audio/Video,POS,XNA,Stone,148,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2796.0,-2526.0,-2556.0,-2552.0,0.0,0,Cash loans,M,Y,Y,0,112500.0,528633.0,22527.0,472500.0,Children,Working,Secondary / secondary special,Married,House / apartment,0.030755,-17300,-8743,-604.0,-848,25.0,1,1,1,1,0,0,Drivers,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Business Entity Type 1,,0.6430929891031,0.6413682574954046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2842.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1423504,241554,Cash loans,17208.63,270000.0,306531.0,,270000.0,WEDNESDAY,16,Y,1,,,,XNA,Approved,-626,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,365243.0,-596.0,274.0,-356.0,-349.0,1.0,0,Cash loans,M,Y,N,1,135000.0,850500.0,24867.0,850500.0,Unaccompanied,State servant,Secondary / secondary special,Separated,Municipal apartment,0.011656999999999999,-14073,-5837,-4601.0,-4588,10.0,1,1,1,1,1,0,Laborers,2.0,1,1,SATURDAY,15,0,0,0,0,0,0,Housing,0.599833765965641,0.6943473387321882,0.5460231970049609,0.0412,0.0527,0.9896,0.8572,0.0068,0.0,0.069,0.1667,0.2083,0.0,0.0336,0.0477,0.0,0.0,0.042,0.0547,0.9896,0.8628,0.0069,0.0,0.069,0.1667,0.2083,0.0,0.0367,0.0497,0.0,0.0,0.0416,0.0527,0.9896,0.8591,0.0068,0.0,0.069,0.1667,0.2083,0.0,0.0342,0.0486,0.0,0.0,reg oper account,block of flats,0.0413,Panel,No,0.0,0.0,0.0,0.0,-626.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +2101458,214422,Consumer loans,6103.305,119034.0,132435.0,0.0,119034.0,MONDAY,4,Y,1,0.0,,,XAP,Approved,-1518,XNA,XAP,Other_B,New,Computers,POS,XNA,Country-wide,2000,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1486.0,-796.0,-1126.0,-1120.0,0.0,0,Cash loans,M,N,N,0,247500.0,545040.0,25537.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.010032,-14785,-1211,-2441.0,-39,,1,1,0,1,0,0,Laborers,1.0,2,2,SUNDAY,3,0,0,0,0,1,1,Self-employed,0.17311913258818715,0.5276743315810447,0.09950368352887068,0.1227,0.1234,0.9866,,,,0.2759,0.1667,,0.0992,,0.1024,,0.0127,0.125,0.128,0.9866,,,,0.2759,0.1667,,0.1015,,0.1067,,0.0135,0.1239,0.1234,0.9866,,,,0.2759,0.1667,,0.101,,0.1043,,0.013,,block of flats,0.0796,Panel,No,0.0,0.0,0.0,0.0,-1190.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2563022,238250,Cash loans,19827.945,193500.0,193500.0,,193500.0,SATURDAY,8,Y,1,,,,XNA,Approved,-1208,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,100,Connectivity,12.0,middle,Cash X-Sell: middle,365243.0,-1178.0,-848.0,-1058.0,-1053.0,0.0,0,Cash loans,F,N,Y,0,157500.0,1575000.0,47754.0,1575000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.007120000000000001,-21536,365243,-2878.0,-4758,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,XNA,0.8451232407513305,0.6076400241213843,0.6313545365850379,0.0165,0.0479,0.9309,,,0.0,0.069,0.0417,,,,0.0079,,0.0805,0.0168,0.0497,0.931,,,0.0,0.069,0.0417,,,,0.0083,,0.0852,0.0167,0.0479,0.9309,,,0.0,0.069,0.0417,,,,0.0081,,0.0821,,block of flats,0.0062,Mixed,No,0.0,0.0,0.0,0.0,-1450.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,7.0 +2164936,230375,Consumer loans,17982.45,76495.5,68845.5,7650.0,76495.5,THURSDAY,16,Y,1,0.10891549770307346,,,XAP,Approved,-1111,Cash through the bank,XAP,Unaccompanied,Refreshed,Consumer Electronics,POS,XNA,Country-wide,3600,Consumer electronics,4.0,low_normal,POS household with interest,365243.0,-1080.0,-990.0,-1020.0,-1017.0,0.0,0,Cash loans,F,N,Y,0,243000.0,1061599.5,31167.0,927000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.072508,-23573,365243,-11939.0,-2415,,1,0,0,1,0,0,,1.0,1,1,TUESDAY,11,0,0,0,0,0,0,XNA,,0.7641849150503032,0.4920600938649263,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.2166,,No,0.0,0.0,0.0,0.0,-1111.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1548747,408455,Consumer loans,8202.15,108000.0,125109.0,0.0,108000.0,MONDAY,9,Y,1,0.0,,,XAP,Refused,-560,Cash through the bank,LIMIT,,Repeater,Clothing and Accessories,POS,XNA,Regional / Local,5,Clothing,18.0,low_normal,POS industry with interest,,,,,,,0,Cash loans,F,Y,Y,0,135000.0,247275.0,19548.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.019688999999999998,-9566,-577,-6109.0,-2203,13.0,1,1,1,1,0,0,,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Industry: type 6,,0.5953596843244868,0.5028782772082183,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-639.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1434283,446233,Consumer loans,19939.635,71334.0,73845.0,0.0,71334.0,SATURDAY,8,Y,1,0.0,,,XAP,Approved,-301,XNA,XAP,,Refreshed,Consumer Electronics,POS,XNA,Stone,386,Consumer electronics,4.0,middle,POS household with interest,365243.0,-270.0,-180.0,-180.0,-174.0,0.0,0,Cash loans,F,N,N,2,63000.0,314100.0,13833.0,225000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.015221,-14399,-1459,-1452.0,-5302,,1,1,0,1,1,0,Core staff,4.0,2,2,THURSDAY,13,0,0,0,0,1,1,Kindergarten,0.665511876054407,0.5469278605789214,0.15380258630671767,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1405.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,0.0 +2317254,429216,Consumer loans,3118.59,14805.0,15538.5,0.0,14805.0,THURSDAY,15,Y,1,0.0,,,XAP,Approved,-2786,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,38,Connectivity,6.0,high,POS mobile with interest,365243.0,-2755.0,-2605.0,-2605.0,-2573.0,1.0,0,Cash loans,F,Y,N,1,135000.0,1013508.0,29763.0,846000.0,Unaccompanied,State servant,Secondary / secondary special,Married,Office apartment,0.015221,-13803,-1457,-2683.0,-4048,1.0,1,1,0,1,0,0,Medicine staff,3.0,2,2,THURSDAY,10,0,0,0,0,0,0,Security Ministries,,0.4894031600068936,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2578.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2273209,300022,Revolving loans,11250.0,0.0,225000.0,,,SATURDAY,13,Y,1,,,,XAP,Approved,-1350,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-1324.0,-1279.0,365243.0,-426.0,365243.0,0.0,0,Cash loans,M,Y,N,0,405000.0,733315.5,39199.5,679500.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.030755,-21596,365243,-3692.0,-5056,23.0,1,0,0,1,1,0,,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,XNA,0.8427868915752794,0.6636170897493769,0.09261717137485452,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2665.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2613654,444036,Consumer loans,3276.135,18675.0,17694.0,1867.5,18675.0,MONDAY,17,Y,1,0.10397348223435174,,,XAP,Approved,-683,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Stone,3,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-651.0,-501.0,-501.0,-495.0,0.0,0,Cash loans,F,N,Y,1,157500.0,666000.0,19602.0,666000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.00702,-21402,-605,-7058.0,-4273,,1,1,0,1,0,0,,3.0,2,2,FRIDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.8366195417833698,0.7802013824005471,0.511891801533151,0.066,,0.9742,0.6464,,,,,,,,0.0508,,,0.0672,,0.9742,0.6602,,,,,,,,0.053,,,0.0666,,0.9742,0.6511,,,,,,,,0.0518,,,reg oper account,block of flats,0.043,"Stone, brick",No,0.0,0.0,0.0,0.0,-683.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2198446,421911,Cash loans,19815.615,252000.0,292914.0,,252000.0,MONDAY,15,Y,1,,,,Buying a holiday home / land,Approved,-495,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Country-wide,20,Connectivity,36.0,high,Cash Street: high,365243.0,-465.0,585.0,-465.0,-461.0,1.0,1,Cash loans,F,N,N,0,90000.0,225000.0,20767.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.031329,-12992,-1242,-2313.0,-3732,,1,1,1,1,0,0,Medicine staff,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Medicine,,0.6039218347602312,0.06643917173404808,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-2076.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1077868,266426,Consumer loans,7723.53,42300.0,51273.0,0.0,42300.0,SUNDAY,10,Y,1,0.0,,,XAP,Approved,-190,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Stone,265,Consumer electronics,8.0,middle,POS household with interest,365243.0,-158.0,52.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,112500.0,808650.0,26086.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.007305,-14367,-6228,-864.0,-4197,,1,1,1,1,1,0,Core staff,2.0,3,3,MONDAY,7,0,0,0,0,0,0,Kindergarten,0.5041904399948144,0.4490420804620012,0.4014074137749511,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-190.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2405389,222644,Consumer loans,9678.51,96795.0,87115.5,9679.5,96795.0,MONDAY,16,Y,1,0.1089090909090909,,,XAP,Refused,-2737,XNA,SCO,,Repeater,XNA,POS,XNA,Stone,1275,Furniture,10.0,low_normal,POS industry without interest,,,,,,,0,Cash loans,F,Y,Y,0,225000.0,1288350.0,37800.0,1125000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.02461,-13304,-918,-7360.0,-2623,6.0,1,1,0,1,1,0,,2.0,2,2,MONDAY,16,0,0,0,0,0,0,Medicine,,0.5480113841251055,0.8482442999507556,0.1113,0.0767,0.9866,0.8164,,0.12,0.1034,0.3333,,0.0633,0.0908,0.1127,,,0.1134,0.0796,0.9866,0.8236,,0.1208,0.1034,0.3333,,0.0647,0.0992,0.1174,,,0.1124,0.0767,0.9866,0.8189,,0.12,0.1034,0.3333,,0.0644,0.0923,0.1147,,,,block of flats,0.0886,Panel,No,0.0,0.0,0.0,0.0,-2548.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2557471,206150,Consumer loans,11397.78,83250.0,83250.0,0.0,83250.0,TUESDAY,11,Y,1,0.0,,,XAP,Approved,-49,XNA,XAP,,Repeater,Furniture,POS,XNA,Stone,200,Furniture,8.0,low_normal,POS industry with interest,365243.0,-16.0,194.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,0,135000.0,91692.0,9063.0,81000.0,Unaccompanied,Working,Lower secondary,Married,House / apartment,0.010966,-13230,-694,-5026.0,-4037,7.0,1,1,0,1,0,0,Drivers,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.6426662485143583,0.6817058776720116,0.1474,0.0977,0.9801,,,0.16,0.1379,0.3333,,0.0,,0.1386,,0.015,0.1502,0.1014,0.9801,,,0.1611,0.1379,0.3333,,0.0,,0.1444,,0.0158,0.1489,0.0977,0.9801,,,0.16,0.1379,0.3333,,0.0,,0.1411,,0.0153,,block of flats,0.1182,Panel,No,0.0,0.0,0.0,0.0,-715.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2822190,130719,Revolving loans,9000.0,0.0,180000.0,,,TUESDAY,15,Y,1,,,,XAP,Approved,-884,XNA,XAP,,Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,180000.0,679441.5,27076.5,549000.0,Children,Pensioner,Secondary / secondary special,Widow,House / apartment,0.006207,-21492,365243,-8318.0,-3808,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,10,0,0,0,0,0,0,XNA,0.8545125920227189,0.7370373750136734,0.7583930617144343,0.0433,,0.9742,,,0.0,0.1724,0.0833,,,,,,,0.0441,,0.9742,,,0.0,0.1724,0.0833,,,,,,,0.0437,,0.9742,,,0.0,0.1724,0.0833,,,,,,,,block of flats,0.0426,"Stone, brick",No,0.0,0.0,0.0,0.0,-884.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2405729,281087,Cash loans,17497.8,360000.0,409896.0,,360000.0,THURSDAY,7,Y,1,,,,XNA,Refused,-861,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,171000.0,150768.0,6516.0,108000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-21878,365243,-15282.0,-4826,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,8,0,0,0,0,0,0,XNA,,0.26525634018619443,,0.0412,0.0292,0.9767,0.6804,0.0054,0.0,0.069,0.1667,0.2083,0.029,0.0336,0.0308,0.0,0.0,0.042,0.0303,0.9767,0.6929,0.0055,0.0,0.069,0.1667,0.2083,0.0297,0.0367,0.0321,0.0,0.0,0.0416,0.0292,0.9767,0.6847,0.0055,0.0,0.069,0.1667,0.2083,0.0295,0.0342,0.0314,0.0,0.0,reg oper account,block of flats,0.0292,"Stone, brick",No,2.0,0.0,2.0,0.0,-980.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2706775,114262,Revolving loans,20250.0,0.0,405000.0,,,MONDAY,17,Y,1,,,,XAP,Approved,-1313,XNA,XAP,,Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-409.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,157500.0,1258650.0,53455.5,1125000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-20934,365243,-5981.0,-4397,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,16,0,0,0,0,0,0,XNA,0.26854309182682384,0.6938737580018665,0.4436153084085652,0.0495,,0.9747,,,0.0,0.1034,0.125,,,,0.0269,,0.0506,0.0504,,0.9747,,,0.0,0.1034,0.125,,,,0.028,,0.0535,0.05,,0.9747,,,0.0,0.1034,0.125,,,,0.0274,,0.0516,,block of flats,0.0325,Panel,No,0.0,0.0,0.0,0.0,-2654.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2053912,436905,Cash loans,20865.15,225000.0,299056.5,,225000.0,TUESDAY,14,Y,1,,,,XNA,Approved,-430,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,M,N,N,0,54000.0,450000.0,21888.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.01885,-17877,-1251,-2774.0,-1430,,1,1,0,1,1,0,Security staff,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,Security,0.3777328127732609,0.6430478155382495,0.2735646775174348,0.1031,0.1115,0.9776,0.6940000000000001,0.0115,,0.2069,0.1667,,0.0775,,0.0911,0.0,,0.105,0.1157,0.9777,0.706,0.0116,,0.2069,0.1667,,0.0792,,0.0949,0.0,,0.1041,0.1115,0.9776,0.6981,0.0115,,0.2069,0.1667,,0.0788,,0.0927,0.0,,,block of flats,0.0779,"Stone, brick",No,1.0,0.0,1.0,0.0,-1534.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,5.0,0.0,1.0 +1727645,297260,Consumer loans,4631.265,77980.5,77980.5,0.0,77980.5,THURSDAY,12,Y,1,0.0,,,XAP,Approved,-158,XNA,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Stone,80,Consumer electronics,24.0,middle,POS household with interest,365243.0,-124.0,566.0,365243.0,365243.0,0.0,1,Cash loans,F,N,Y,0,108000.0,598500.0,23319.0,598500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-15471,-1122,-7773.0,-4017,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Self-employed,0.2694643413227731,0.7276508970553934,0.4048783643353997,0.1031,0.1147,0.9811,0.7416,0.0582,0.16,0.2069,0.1667,,0.0941,0.0841,0.0884,0.0,0.0,0.105,0.119,0.9811,0.7517,0.0587,0.1611,0.2069,0.1667,,0.0962,0.0918,0.0921,0.0,0.0,0.1041,0.1147,0.9811,0.7451,0.0586,0.16,0.2069,0.1667,,0.0957,0.0855,0.09,0.0,0.0,,block of flats,0.1014,"Stone, brick",No,4.0,0.0,4.0,0.0,-1024.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1033084,203506,Consumer loans,9955.98,83086.83,80680.5,8553.33,83086.83,THURSDAY,12,Y,1,0.1043926271623054,,,XAP,Approved,-2045,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Stone,342,Consumer electronics,10.0,middle,POS household with interest,365243.0,-2014.0,-1744.0,-1864.0,-1860.0,0.0,0,Cash loans,F,N,Y,1,135000.0,722394.0,20830.5,603000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.007305,-21100,365243,-7002.0,-2404,,1,0,0,1,1,0,,3.0,3,3,FRIDAY,11,0,0,0,1,0,0,XNA,0.5949865268593704,0.4779954507559247,0.5954562029091491,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1766926,328438,Consumer loans,9191.43,60912.0,51300.0,12186.0,60912.0,SUNDAY,11,Y,1,0.2090486377812717,,,XAP,Approved,-612,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Stone,100,Furniture,6.0,low_normal,POS industry with interest,365243.0,-581.0,-431.0,-431.0,-423.0,0.0,0,Cash loans,F,N,Y,0,180000.0,1170000.0,35604.0,1170000.0,Family,Working,Higher education,Married,House / apartment,0.015221,-17580,-5504,-5453.0,-1133,,1,1,0,1,1,0,,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Other,,0.7464284647299886,0.746300213050371,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-29.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2110605,319638,Cash loans,13287.645,135000.0,169879.5,,135000.0,WEDNESDAY,15,Y,1,,,,XNA,Approved,-421,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-391.0,119.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,N,1,157500.0,983299.5,41661.0,904500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.006207,-9274,-215,-1023.0,-1953,13.0,1,1,0,1,0,0,Drivers,3.0,2,2,THURSDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.6089322219729992,0.2650494299443805,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1551.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1966865,118660,Cash loans,21223.62,225000.0,247275.0,0.0,225000.0,MONDAY,10,Y,1,0.0,,,XNA,Refused,-1954,Cash through the bank,HC,Other_B,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,18.0,high,Cash Street: high,,,,,,,0,Cash loans,F,Y,N,0,135000.0,101880.0,9922.5,90000.0,Family,Pensioner,Secondary / secondary special,Widow,With parents,0.030755,-24637,365243,-1187.0,-4430,5.0,1,0,0,1,1,0,,1.0,2,2,TUESDAY,13,0,0,0,0,0,0,XNA,,0.5549941428697276,0.7121551551910698,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-2884.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1865633,243647,Consumer loans,5021.955,37876.5,41211.0,0.0,37876.5,FRIDAY,7,Y,1,0.0,,,XAP,Approved,-916,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,3500,Consumer electronics,10.0,middle,POS household with interest,365243.0,-885.0,-615.0,-795.0,-787.0,0.0,0,Cash loans,F,N,Y,0,135000.0,296280.0,18256.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.020713,-24421,365243,-1402.0,-4436,,1,0,0,1,0,0,,1.0,3,2,THURSDAY,9,0,0,0,0,0,0,XNA,,0.6221635300458556,0.3001077565791181,0.0278,0.0,0.9702,0.5920000000000001,0.0012,0.0,0.0345,0.0417,0.0833,0.0115,0.0219,0.0141,0.0039,0.0043,0.0284,0.0,0.9702,0.608,0.0012,0.0,0.0345,0.0417,0.0833,0.0118,0.0239,0.0147,0.0039,0.0046,0.0281,0.0,0.9702,0.5975,0.0012,0.0,0.0345,0.0417,0.0833,0.0117,0.0222,0.0143,0.0039,0.0044,reg oper account,block of flats,0.0127,"Stone, brick",No,0.0,0.0,0.0,0.0,-2081.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +2582095,184042,Cash loans,13567.59,67500.0,69727.5,0.0,67500.0,SATURDAY,13,Y,1,0.0,,,XNA,Approved,-2248,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,0,XNA,6.0,high,Cash Street: high,365243.0,-2218.0,-2068.0,-2068.0,-2051.0,1.0,0,Cash loans,F,N,Y,0,180000.0,254700.0,28867.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-16395,-1560,-6763.0,-4642,,1,1,0,1,0,0,Sales staff,2.0,2,2,SUNDAY,13,0,0,0,0,0,0,Self-employed,,0.5345739373276029,0.4223696523543468,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1257.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2767846,126670,Revolving loans,10125.0,0.0,202500.0,,,MONDAY,13,Y,1,,,,XAP,Approved,-1318,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-1301.0,-1252.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,171000.0,509400.0,40374.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.04622,-22589,-5292,-10774.0,-4894,8.0,1,1,0,1,1,0,Laborers,2.0,1,1,WEDNESDAY,14,0,0,0,0,1,1,Government,,0.6898739519159404,0.4329616670974407,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1753.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2587332,178180,Cash loans,26126.865,337500.0,384277.5,,337500.0,MONDAY,12,Y,1,,,,Buying a home,Refused,-315,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,high,Cash Street: high,,,,,,,1,Cash loans,F,N,Y,0,112500.0,210456.0,11749.5,166500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.0060079999999999995,-19885,365243,-7354.0,-70,,1,0,0,1,1,0,,2.0,2,2,MONDAY,14,0,0,0,0,0,0,XNA,,0.6350075737545801,0.42589289800515295,0.067,0.0627,0.9846,0.7892,0.0275,0.0,0.1379,0.1667,0.2083,0.0643,0.0546,0.059,0.0,0.0,0.063,0.0644,0.9831,0.7779,0.0271,0.0,0.1379,0.1667,0.2083,0.06,0.0551,0.058,0.0,0.0,0.0677,0.0627,0.9846,0.792,0.0277,0.0,0.1379,0.1667,0.2083,0.0655,0.0556,0.0601,0.0,0.0,reg oper account,block of flats,0.0478,"Stone, brick",No,1.0,0.0,1.0,0.0,-1442.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2322884,274809,Consumer loans,13379.265,71910.0,68134.5,7191.0,71910.0,TUESDAY,12,Y,1,0.1039708030782766,,,XAP,Approved,-685,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,6.0,high,POS mobile with interest,365243.0,-654.0,-504.0,-504.0,-491.0,0.0,0,Cash loans,F,N,N,1,270000.0,450000.0,32746.5,450000.0,Family,Working,Secondary / secondary special,Single / not married,House / apartment,0.04622,-13327,-4096,-7118.0,-5021,,1,1,0,1,0,0,Cleaning staff,2.0,1,1,MONDAY,18,0,0,0,0,0,0,Housing,,0.3926712102898322,0.5797274227921155,0.2918,0.0761,0.9861,,,0.32,0.2759,0.3333,,,,0.2925,,,0.2973,0.079,0.9861,,,0.3222,0.2759,0.3333,,,,0.3047,,,0.2946,0.0761,0.9861,,,0.32,0.2759,0.3333,,,,0.2977,,,,block of flats,0.3015,Panel,No,2.0,1.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2556791,144997,Consumer loans,25063.425,289282.5,231426.0,57856.5,289282.5,TUESDAY,14,Y,1,0.2178181818181818,,,XAP,Approved,-1193,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,1009,Construction,12.0,high,POS other with interest,365243.0,-1160.0,-830.0,-830.0,-824.0,0.0,0,Cash loans,F,N,Y,0,270000.0,679500.0,21919.5,679500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.030755,-18444,-1223,-6607.0,-1982,,1,1,0,1,0,0,Sales staff,1.0,2,2,FRIDAY,12,0,0,0,0,0,0,Self-employed,,0.4396424467678756,0.7016957740576931,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1193.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1576668,421731,Consumer loans,9538.92,51880.5,45144.0,9000.0,51880.5,MONDAY,17,Y,1,0.1810323984526112,,,XAP,Approved,-940,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,12,Connectivity,6.0,high,POS mobile with interest,365243.0,-905.0,-755.0,-755.0,-745.0,0.0,0,Revolving loans,F,N,Y,0,90000.0,180000.0,9000.0,180000.0,Family,Commercial associate,Incomplete higher,Single / not married,With parents,0.028663,-7820,-739,-2303.0,-461,,1,1,0,1,0,0,,1.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.6148574646619929,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-940.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2093137,114410,Consumer loans,14624.415,173690.28,173686.5,3.78,173690.28,MONDAY,10,Y,1,2.3701750243960905e-05,,,XAP,Refused,-2359,Cash through the bank,LIMIT,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,1711,Consumer electronics,18.0,high,POS household with interest,,,,,,,0,Cash loans,F,N,N,0,112500.0,781920.0,34573.5,675000.0,Unaccompanied,State servant,Secondary / secondary special,Widow,House / apartment,0.020246,-19295,-5246,-20.0,-2853,,1,1,1,1,0,0,,1.0,3,3,SUNDAY,9,0,0,0,0,1,1,Other,,0.11501134524099067,0.7380196196295241,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2021.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1904255,335237,Revolving loans,,0.0,0.0,,,THURSDAY,10,Y,1,,,,XAP,Refused,-324,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Card Street,,,,,,,0,Revolving loans,F,N,Y,0,202500.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.014519999999999996,-19975,-4420,-9483.0,-3172,,1,1,0,1,0,0,,1.0,2,2,SATURDAY,7,0,0,0,0,0,0,Business Entity Type 1,0.5911764911648286,0.6218139095144041,0.3441550073724169,0.3216,0.1527,0.9866,0.8164,0.0429,0.08,0.069,0.3333,0.375,0.0,0.2622,0.1465,0.0116,0.0602,0.3277,0.1585,0.9866,0.8236,0.0433,0.0806,0.069,0.3333,0.375,0.0,0.2865,0.1527,0.0117,0.0637,0.3248,0.1527,0.9866,0.8189,0.0432,0.08,0.069,0.3333,0.375,0.0,0.2668,0.1492,0.0116,0.0614,not specified,specific housing,0.1446,"Stone, brick",No,3.0,1.0,3.0,1.0,-251.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1386408,273525,Revolving loans,9000.0,0.0,180000.0,,,SATURDAY,9,Y,1,,,,XAP,Approved,-2411,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-2408.0,-2363.0,365243.0,-1541.0,365243.0,0.0,0,Cash loans,F,N,Y,1,337500.0,1096020.0,56092.5,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.072508,-14553,-932,-4154.0,-4863,,1,1,0,1,0,0,Medicine staff,3.0,1,1,TUESDAY,17,0,0,0,0,0,0,School,,0.7691566890651786,0.6092756673894402,0.0072,0.0129,0.9707,0.5988,0.014,0.0,0.0345,0.0417,0.0833,0.0,0.0059,0.0081,0.0,0.006,0.0074,0.0133,0.9707,0.6145,0.0141,0.0,0.0345,0.0417,0.0833,0.0,0.0064,0.0084,0.0,0.0063,0.0073,0.0129,0.9707,0.6042,0.0141,0.0,0.0345,0.0417,0.0833,0.0,0.006,0.0082,0.0,0.0061,reg oper account,block of flats,0.0077,"Stone, brick",No,4.0,1.0,4.0,1.0,-2698.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +1096505,187169,Revolving loans,3375.0,0.0,67500.0,,0.0,FRIDAY,9,Y,1,,,,XAP,Refused,-1247,XNA,HC,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,108000.0,254700.0,24939.0,225000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.025164,-24793,365243,-7346.0,-45,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,XNA,,0.2622583692422573,0.5902333386185574,0.4103,0.2994,0.9836,0.7756,0.1891,0.44,0.3793,0.3333,0.375,0.0,0.3345,0.4293,0.0,0.0,0.4181,0.3107,0.9836,0.7844,0.1908,0.4431,0.3793,0.3333,0.375,0.0,0.3655,0.4473,0.0,0.0,0.4143,0.2994,0.9836,0.7786,0.1903,0.44,0.3793,0.3333,0.375,0.0,0.3403,0.4370000000000001,0.0,0.0,reg oper account,block of flats,0.441,Panel,No,0.0,0.0,0.0,0.0,-1336.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2021902,393697,Consumer loans,9154.26,152496.0,137245.5,15250.5,152496.0,MONDAY,13,Y,1,0.108915518499442,,,XAP,Refused,-1478,Cash through the bank,LIMIT,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,195,Consumer electronics,18.0,low_normal,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,99000.0,225000.0,17667.0,225000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.019688999999999998,-9378,-2199,-910.0,-2049,,1,1,0,1,1,0,,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Government,0.6679376114981969,0.4615744553143658,0.5513812618027899,0.0155,0.0089,0.9737,0.6396,0.0,0.0,0.0345,0.0417,0.0833,0.0136,0.0126,0.0052,0.0,0.0,0.0158,0.0092,0.9737,0.6537,0.0,0.0,0.0345,0.0417,0.0833,0.0139,0.0138,0.0055,0.0,0.0,0.0156,0.0089,0.9737,0.6444,0.0,0.0,0.0345,0.0417,0.0833,0.0138,0.0128,0.0053,0.0,0.0,reg oper account,block of flats,0.0041,"Stone, brick",No,4.0,1.0,4.0,0.0,-277.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2651475,228143,Cash loans,11087.955,90000.0,108207.0,,90000.0,FRIDAY,12,Y,1,,,,XNA,Approved,-447,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-417.0,-87.0,-87.0,-81.0,1.0,0,Cash loans,M,Y,Y,0,81000.0,106974.0,11650.5,94500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.010966,-15050,-1497,-8714.0,-4244,19.0,1,1,0,1,0,0,Security staff,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Government,,0.3573824096229961,0.4223696523543468,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2231.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2676698,112962,Revolving loans,,0.0,0.0,,,WEDNESDAY,8,Y,1,,,,XAP,Refused,-272,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Card Street,,,,,,,0,Revolving loans,F,Y,Y,0,42750.0,180000.0,9000.0,180000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.020246,-18629,365243,-2804.0,-1995,64.0,1,0,0,1,0,0,,2.0,3,3,TUESDAY,11,0,0,0,0,0,0,XNA,,0.03154317904205112,0.646329897706246,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-2139.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1513618,328752,Consumer loans,13258.26,124105.5,110605.5,13500.0,124105.5,SUNDAY,19,Y,1,0.1184695865431207,,,XAP,Approved,-60,XNA,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,15,Connectivity,12.0,high,POS mobile with interest,365243.0,-19.0,311.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,0,270000.0,675000.0,36616.5,675000.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.007273999999999998,-18830,-315,-953.0,-2323,,1,1,1,1,0,0,Managers,1.0,2,2,SATURDAY,11,1,1,0,1,1,1,Business Entity Type 3,0.367582465658886,0.05682257215032437,0.0005272652387098817,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-60.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1897331,276320,Consumer loans,2345.13,15601.5,16632.0,0.0,15601.5,THURSDAY,16,Y,1,0.0,,,XAP,Approved,-2534,XNA,XAP,Unaccompanied,New,Construction Materials,POS,XNA,Stone,110,Consumer electronics,8.0,middle,POS household with interest,365243.0,-2467.0,-2257.0,-2257.0,-2237.0,1.0,0,Cash loans,F,N,Y,0,81000.0,157500.0,12573.0,157500.0,Children,Working,Secondary / secondary special,Married,House / apartment,0.028663,-19971,-11321,-3185.0,-3508,,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,9,0,0,0,0,1,1,Agriculture,,0.4575988527414677,0.1694287272664794,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1291.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2051572,441160,Consumer loans,4178.115,36628.2,35802.0,4052.7,36628.2,FRIDAY,16,Y,1,0.11074625394928893,,,XAP,Approved,-2347,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Regional / Local,40,Connectivity,12.0,high,POS mobile with interest,365243.0,-2312.0,-1982.0,-1982.0,-1967.0,1.0,0,Cash loans,F,N,Y,1,90000.0,376078.5,25263.0,310500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.009334,-10285,-2982,-704.0,-1689,,1,1,0,1,0,0,,3.0,2,2,SUNDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.6980842866857256,0.3859146722745145,0.0567,0.064,0.9762,,,,0.1034,0.1667,,0.0113,,0.0497,,0.0113,0.0578,0.0664,0.9762,,,,0.1034,0.1667,,0.0116,,0.0518,,0.0119,0.0573,0.064,0.9762,,,,0.1034,0.1667,,0.0115,,0.0506,,0.0115,,block of flats,0.0391,"Stone, brick",No,0.0,0.0,0.0,0.0,-219.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1165797,393960,Consumer loans,3927.915,39555.0,38124.0,9000.0,39555.0,SUNDAY,9,Y,1,0.20800055559413846,,,XAP,Approved,-948,XNA,XAP,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Regional / Local,430,Consumer electronics,12.0,middle,POS household with interest,365243.0,-917.0,-587.0,-857.0,-850.0,0.0,0,Cash loans,M,Y,N,1,247500.0,1264428.0,36967.5,990000.0,Unaccompanied,Working,Higher education,Civil marriage,Office apartment,0.006629,-11947,-3268,-548.0,-4489,8.0,1,1,0,1,0,0,Laborers,3.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Other,0.3221335905957005,0.6788784418910564,0.3425288720742255,,,0.9767,,,,0.069,0.125,,,,0.0238,,,,,0.9767,,,,0.069,0.125,,,,0.0248,,,,,0.9767,,,,0.069,0.125,,,,0.0243,,,,block of flats,0.0188,,No,0.0,0.0,0.0,0.0,-694.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,2.0 +2573672,402293,Cash loans,,0.0,0.0,,,TUESDAY,19,Y,1,,,,XNA,Refused,-401,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,Y,Y,0,225000.0,225000.0,17905.5,225000.0,"Spouse, partner",State servant,Secondary / secondary special,Civil marriage,House / apartment,0.026392000000000002,-14544,-3258,-8569.0,-4199,4.0,1,1,0,1,0,0,,2.0,2,2,THURSDAY,18,0,0,0,0,0,0,Business Entity Type 2,,0.7012319633254656,,0.034,,0.9687,,,0.0,0.1034,0.0833,,,,0.0336,,0.0039,0.0347,,0.9687,,,0.0,0.1034,0.0833,,,,0.035,,0.0041,0.0344,,0.9687,,,0.0,0.1034,0.0833,,,,0.0342,,0.0039,,block of flats,0.0272,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2171051,363424,Cash loans,16568.91,360000.0,436032.0,,360000.0,TUESDAY,10,Y,1,,,,XNA,Refused,-163,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,1,Cash loans,F,N,Y,0,274500.0,733176.0,21568.5,612000.0,Family,Pensioner,Higher education,Separated,House / apartment,0.019688999999999998,-22530,365243,-11006.0,-4802,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,10,0,0,0,0,0,0,XNA,0.12884541997763352,0.5374889678905899,0.0817255924524642,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-737.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1507856,371199,Cash loans,,0.0,0.0,,,MONDAY,9,Y,1,,,,XNA,Refused,-145,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,0,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,Y,Y,1,225000.0,348264.0,37084.5,315000.0,Family,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.019688999999999998,-16773,-5213,-5252.0,-225,9.0,1,1,0,1,0,0,Drivers,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,Self-employed,,0.5675239446810828,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,0.0,8.0,0.0,-653.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2399650,411757,Cash loans,19193.175,450000.0,530698.5,,450000.0,TUESDAY,10,Y,1,,,,XNA,Refused,-240,Cash through the bank,SCO,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,135000.0,508495.5,24592.5,454500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.025164,-13762,-1259,-8576.0,-3439,,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,8,0,0,0,0,0,0,Restaurant,0.39131512345764535,0.5219264638699515,0.4241303111942548,0.0361,0.0222,0.9886,0.8436,0.0049,0.0,0.069,0.2083,0.25,0.0267,0.0294,0.0312,0.0,0.0,0.0368,0.0231,0.9886,0.8497,0.0049,0.0,0.069,0.2083,0.25,0.0273,0.0321,0.0325,0.0,0.0,0.0364,0.0222,0.9886,0.8457,0.0049,0.0,0.069,0.2083,0.25,0.0272,0.0299,0.0318,0.0,0.0,reg oper account,block of flats,0.0272,"Stone, brick",No,0.0,0.0,0.0,0.0,-89.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,8.0 +2085191,210051,Consumer loans,3731.985,18045.0,19476.0,0.0,18045.0,SUNDAY,10,Y,1,0.0,,,XAP,Approved,-42,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Regional / Local,600,Consumer electronics,6.0,middle,POS household with interest,365243.0,-11.0,139.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,Y,0,87750.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.020246,-19384,-465,-1643.0,-913,,1,1,0,1,0,0,Sales staff,1.0,3,3,SUNDAY,10,0,0,0,0,1,1,Business Entity Type 3,,0.18697964089056324,0.34090642641523844,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-803.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2117406,190611,Consumer loans,5611.995,36900.0,29281.5,9000.0,36900.0,TUESDAY,10,Y,1,0.2560458232257926,,,XAP,Approved,-2046,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Stone,161,Consumer electronics,6.0,middle,POS household with interest,365243.0,-2015.0,-1865.0,-1865.0,-1845.0,0.0,0,Cash loans,M,N,Y,0,180000.0,156384.0,17815.5,135000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.022625,-18248,-2543,-11787.0,-1793,,1,1,1,1,1,0,Laborers,2.0,2,2,THURSDAY,11,0,1,1,0,1,1,Industry: type 11,0.2791573834673177,0.0496242174388224,0.3344541255096772,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-516.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +1580258,335373,Revolving loans,4500.0,720000.0,720000.0,,720000.0,WEDNESDAY,11,N,0,,,,XAP,Refused,-294,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),6,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,157500.0,358213.5,20695.5,324000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-20208,365243,-2232.0,-3628,,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,,0.33929692900361785,0.4632753280912678,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-294.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1656081,313865,Consumer loans,21471.615,155637.0,186709.5,0.0,155637.0,WEDNESDAY,15,Y,1,0.0,,,XAP,Approved,-801,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,176,Consumer electronics,10.0,middle,POS household with interest,365243.0,-770.0,-500.0,-560.0,-552.0,0.0,0,Cash loans,M,N,N,0,103500.0,970380.0,28503.0,810000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,With parents,0.030755,-8669,-1320,-3221.0,-1335,,1,1,0,1,0,0,Core staff,1.0,2,2,SATURDAY,13,0,0,0,0,0,0,Trade: type 2,0.2730937620510995,0.21923172617259354,0.4294236843421945,0.2103,0.1397,0.9801,0.728,0.0473,0.16,0.1379,0.3333,0.0417,0.0153,0.1673,0.0512,0.0193,0.0,0.2143,0.145,0.9801,0.7387,0.0477,0.1611,0.1379,0.3333,0.0417,0.0157,0.1827,0.0533,0.0195,0.0,0.2123,0.1397,0.9801,0.7316,0.0476,0.16,0.1379,0.3333,0.0417,0.0156,0.1702,0.0521,0.0194,0.0,reg oper account,block of flats,0.2005,"Stone, brick",No,0.0,0.0,0.0,0.0,-182.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2349059,301222,Revolving loans,13500.0,0.0,450000.0,,,TUESDAY,15,N,0,,,,XAP,Refused,-1378,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,90000.0,590337.0,30271.5,477000.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.022625,-16118,-7231,-10247.0,-4145,,1,1,0,1,1,0,Medicine staff,2.0,2,2,MONDAY,16,0,0,0,0,0,0,Other,,0.7360996542709435,0.2103502286944494,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1796.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2420299,384237,Revolving loans,40500.0,810000.0,810000.0,,810000.0,SATURDAY,16,Y,1,,,,XAP,Refused,-384,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,N,N,0,630000.0,900000.0,32017.5,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,Rented apartment,0.072508,-11019,-696,-1701.0,-1751,,1,1,1,1,0,0,,1.0,1,1,THURSDAY,12,0,0,0,1,1,0,Business Entity Type 3,,0.6299499437410654,0.4614823912998385,0.0137,,0.999,,,0.0,0.1148,0.0833,,,,0.0182,,0.0,0.0126,,0.999,,,0.0,0.1034,0.0833,,,,0.017,,0.0,0.0125,,0.999,,,0.0,0.1034,0.0833,,,,0.0166,,0.0,,block of flats,0.0194,Block,No,0.0,0.0,0.0,0.0,-624.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2712084,368955,Consumer loans,4557.645,24336.0,23026.5,4869.0,24336.0,FRIDAY,10,Y,1,0.1900945900365161,,,XAP,Approved,-628,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,15,Connectivity,6.0,high,POS mobile with interest,365243.0,-597.0,-447.0,-447.0,-444.0,0.0,0,Cash loans,F,N,Y,1,112500.0,76410.0,7686.0,67500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-15194,-5460,-3544.0,-4605,,1,1,1,1,0,0,Cooking staff,3.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,School,,0.3826893018670513,0.7309873696832169,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2697519,365135,Consumer loans,5715.45,56628.0,56628.0,0.0,56628.0,WEDNESDAY,13,Y,1,0.0,0.19690014734217387,0.8673361522198731,XAP,Approved,-302,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,120,Connectivity,12.0,middle,POS mobile with interest,365243.0,-266.0,64.0,-176.0,-172.0,0.0,0,Cash loans,F,Y,Y,0,225000.0,1327500.0,35019.0,1327500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-15804,-1562,-1500.0,-624,14.0,1,1,0,1,1,1,Managers,2.0,2,2,THURSDAY,11,0,0,0,0,1,1,Business Entity Type 3,0.783478562976386,0.6733861234340149,0.2778856891082046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-917.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2038365,394325,Cash loans,20320.605,450000.0,512370.0,,450000.0,FRIDAY,16,Y,1,,,,XNA,Refused,-373,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,135000.0,1024740.0,49428.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-16548,-1350,-6395.0,-85,2.0,1,1,0,1,0,0,Core staff,2.0,2,2,SUNDAY,12,0,0,0,0,0,0,Services,,0.6592981214773178,0.6075573001388961,0.0825,0.0,0.9757,0.6668,0.0925,0.0,0.1379,0.1667,0.2083,0.0,0.0672,0.0419,0.0,0.0,0.084,0.0,0.9757,0.6798,0.0933,0.0,0.1379,0.1667,0.2083,0.0,0.0735,0.0436,0.0,0.0,0.0833,0.0,0.9757,0.6713,0.0931,0.0,0.1379,0.1667,0.2083,0.0,0.0684,0.0426,0.0,0.0,reg oper account,block of flats,0.0506,Block,No,0.0,0.0,0.0,0.0,-2459.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1232509,112541,Consumer loans,12649.005,111595.5,123381.0,0.0,111595.5,TUESDAY,14,Y,1,0.0,,,XAP,Approved,-939,Cash through the bank,XAP,Unaccompanied,Refreshed,Computers,POS,XNA,Regional / Local,136,Consumer electronics,12.0,middle,POS household with interest,365243.0,-908.0,-578.0,-578.0,-570.0,0.0,0,Cash loans,M,Y,Y,1,157500.0,284400.0,13963.5,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.009175,-12221,-755,-5796.0,-3820,17.0,1,1,0,1,0,0,Laborers,3.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Construction,,0.4485281744252407,0.23272477626794336,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2184834,294598,Consumer loans,12012.39,130191.075,117171.0,13020.075,130191.075,SATURDAY,15,Y,1,0.1089171843629205,,,XAP,Approved,-691,Cash through the bank,XAP,Other_A,New,Computers,POS,XNA,Stone,28,Consumer electronics,12.0,middle,POS household with interest,365243.0,-643.0,-313.0,-343.0,-340.0,0.0,0,Cash loans,F,Y,N,0,225000.0,1832940.0,52659.0,1530000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.006233,-11512,-288,-174.0,-716,2.0,1,1,0,1,0,1,Sales staff,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.6427513957648928,0.6415908651165079,0.33125086459090186,0.0825,0.0486,0.9796,0.7212,0.0178,0.0,0.1379,0.3333,0.375,0.0689,0.0656,0.0779,0.0077,0.0098,0.084,0.0505,0.9796,0.7321,0.0179,0.0,0.1379,0.3333,0.375,0.0705,0.0716,0.0812,0.0078,0.0104,0.0833,0.0486,0.9796,0.7249,0.0179,0.0,0.1379,0.3333,0.375,0.0701,0.0667,0.0793,0.0078,0.01,reg oper spec account,block of flats,0.0731,Panel,No,1.0,0.0,1.0,0.0,-691.0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1760837,325741,Consumer loans,7975.98,86265.0,78088.5,8626.5,86265.0,FRIDAY,14,Y,1,0.10834391659197057,,,XAP,Approved,-463,XNA,XAP,Family,New,Furniture,POS,XNA,Stone,45,Furniture,12.0,middle,POS industry with interest,365243.0,-428.0,-98.0,-308.0,-300.0,0.0,0,Cash loans,F,N,Y,2,360000.0,1800000.0,62698.5,1800000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.015221,-15812,-658,-2122.0,-3399,,1,1,0,1,1,0,Sales staff,4.0,2,2,SATURDAY,11,0,0,0,0,0,0,Trade: type 3,0.6297721374926077,0.5213589720548013,0.6528965519806539,0.1856,0.1193,0.9901,,,0.2,0.1724,0.3333,,0.0943,,,,,0.1891,0.1238,0.9901,,,0.2014,0.1724,0.3333,,0.0965,,,,,0.1874,0.1193,0.9901,,,0.2,0.1724,0.3333,,0.096,,,,,,block of flats,0.1469,Panel,No,0.0,0.0,0.0,0.0,-463.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,1.0,1.0,0.0,0.0,0.0 +2768910,279062,Revolving loans,2250.0,45000.0,45000.0,,45000.0,FRIDAY,10,Y,1,,,,XAP,Refused,-490,XNA,HC,,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),4,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,1,157500.0,67500.0,6187.5,67500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-12450,-1372,-3292.0,-1828,,1,1,1,1,1,0,,3.0,3,3,FRIDAY,8,0,0,0,0,0,0,Business Entity Type 3,0.41177830054991454,0.4658705403000545,0.4668640059537032,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2534.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1500441,366043,Revolving loans,2250.0,0.0,45000.0,,,TUESDAY,11,Y,1,,,,XAP,Approved,-433,XNA,XAP,,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),2,XNA,0.0,XNA,Card X-Sell,-411.0,-363.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,81000.0,942300.0,27679.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.005144,-17731,-10783,-4217.0,-1266,,1,1,1,1,1,0,Laborers,1.0,2,2,MONDAY,13,0,0,0,0,1,1,Business Entity Type 3,,0.2648175975199821,0.1595195404777181,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1231.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1844987,334219,Consumer loans,6376.68,114345.0,138496.5,0.0,114345.0,THURSDAY,7,Y,1,0.0,,,XAP,Approved,-909,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,4000,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-878.0,-188.0,-188.0,-185.0,0.0,1,Cash loans,M,Y,N,0,247500.0,497520.0,32391.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.014464,-8986,-1254,-7909.0,-1344,22.0,1,1,0,1,0,0,,1.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Other,,0.5910960323044773,,0.0381,,0.9861,,,0.04,0.0345,0.3333,,,0.0303,0.0412,0.0039,0.0014,0.0389,,0.9861,,,0.0403,0.0345,0.3333,,,0.0331,0.043,0.0039,0.0015,0.0385,,0.9861,,,0.04,0.0345,0.3333,,,0.0308,0.042,0.0039,0.0015,reg oper account,block of flats,0.0327,Panel,No,1.0,0.0,1.0,0.0,-909.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1689031,347126,Cash loans,20722.365,247500.0,267592.5,,247500.0,MONDAY,7,Y,1,,,,XNA,Approved,-1153,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,18.0,middle,Cash X-Sell: middle,365243.0,-1123.0,-613.0,-613.0,-608.0,1.0,0,Cash loans,F,Y,Y,2,112500.0,90000.0,8766.0,90000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.028663,-15025,-2284,-3011.0,-3871,6.0,1,1,1,1,1,1,Sales staff,3.0,2,2,SATURDAY,9,0,0,0,0,0,0,Self-employed,,0.5114967382170748,0.5585066276769286,0.1052,0.1536,0.9955,0.9388,0.0165,0.0,0.2414,0.1667,0.2083,0.1111,0.0857,0.1104,0.0039,0.0096,0.1071,0.1593,0.9955,0.9412,0.0167,0.0,0.2414,0.1667,0.2083,0.1136,0.0937,0.115,0.0039,0.0102,0.1062,0.1536,0.9955,0.9396,0.0166,0.0,0.2414,0.1667,0.2083,0.113,0.0872,0.1124,0.0039,0.0098,org spec account,block of flats,0.0889,"Stone, brick",No,0.0,0.0,0.0,0.0,-2327.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2631559,254448,Cash loans,7503.75,67500.0,71955.0,,67500.0,TUESDAY,9,Y,1,,,,XNA,Approved,-507,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-477.0,-147.0,-267.0,-264.0,1.0,0,Cash loans,M,N,Y,0,76500.0,95940.0,9958.5,90000.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-22848,365243,-749.0,-4754,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,XNA,,0.7239736329093801,0.7850520263728172,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1763947,437373,Cash loans,14214.285,180000.0,203760.0,,180000.0,MONDAY,12,Y,1,,,,XNA,Refused,-870,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,,,,,,,0,Revolving loans,F,Y,Y,0,54000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-19995,-10083,-10078.0,-3409,7.0,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.851423032258386,0.401014276535586,0.7252764347002191,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1509.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1950193,407795,Consumer loans,2056.23,15475.5,15075.0,1548.0,15475.5,SUNDAY,10,Y,1,0.1014204853078702,,,XAP,Approved,-2026,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,5,Connectivity,10.0,high,POS mobile with interest,365243.0,-1995.0,-1725.0,-1725.0,-1718.0,0.0,0,Cash loans,F,N,N,0,90000.0,1078200.0,31653.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-19151,-1442,-7758.0,-2690,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.6068126940270205,0.7137032332788874,0.5478104658520093,0.0619,0.0626,0.9846,0.7892,0.1021,0.0,0.1379,0.1667,0.2083,0.0354,0.0504,0.0544,0.0,0.0,0.063,0.065,0.9846,0.7975,0.103,0.0,0.1379,0.1667,0.2083,0.0362,0.0551,0.0567,0.0,0.0,0.0625,0.0626,0.9846,0.792,0.1027,0.0,0.1379,0.1667,0.2083,0.036000000000000004,0.0513,0.0554,0.0,0.0,,block of flats,0.0558,"Stone, brick",No,0.0,0.0,0.0,0.0,-1111.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2256397,145695,Revolving loans,22500.0,450000.0,450000.0,,450000.0,WEDNESDAY,7,Y,1,,,,XAP,Approved,-443,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,121500.0,528633.0,21096.0,472500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,Rented apartment,0.007120000000000001,-20032,-3035,-4012.0,-3506,,1,1,0,1,0,0,,1.0,2,2,FRIDAY,11,0,0,0,0,0,0,Business Entity Type 2,0.6947332984484155,0.7149838915719015,0.633031641417419,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-2166.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,2.0 +2448877,144497,Revolving loans,11025.0,0.0,157500.0,,0.0,TUESDAY,7,Y,1,,,,XAP,Approved,-1550,XNA,XAP,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,157500.0,296505.0,23904.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Married,Office apartment,0.031329,-15663,-1782,-407.0,-312,18.0,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.31308372922234,0.4507035469396337,0.6512602186973006,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-777.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2422457,128621,Consumer loans,5659.2,39100.5,42430.5,5895.0,39100.5,TUESDAY,9,Y,1,0.13285306740935754,,,XAP,Approved,-1937,Cash through the bank,XAP,Other_B,New,Mobile,POS,XNA,Country-wide,42,Connectivity,12.0,high,POS mobile with interest,365243.0,-1906.0,-1576.0,-1576.0,-1365.0,0.0,0,Cash loans,F,N,Y,0,135000.0,553806.0,23593.5,495000.0,Family,Pensioner,Secondary / secondary special,Separated,House / apartment,0.030755,-19584,365243,-9.0,-2962,,1,0,0,1,1,0,,1.0,2,2,SUNDAY,11,0,0,0,0,0,0,XNA,,0.604434332087026,0.5531646987710016,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1937.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +2697858,427193,Revolving loans,22500.0,0.0,450000.0,,,TUESDAY,12,Y,1,,,,XAP,Approved,-727,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,-56.0,0.0,0,Cash loans,F,N,Y,1,67500.0,229500.0,10827.0,229500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.022625,-15285,-960,-9396.0,-4014,,1,1,0,1,1,0,Sales staff,3.0,2,2,MONDAY,11,0,0,0,0,0,0,Self-employed,,0.6614658648439835,0.6144143775673561,0.5773,0.3218,0.9806,0.7348,0.215,0.64,0.5517,0.3333,0.375,0.4508,0.4707,0.5926,0.0,0.0,0.5882,0.334,0.9806,0.7452,0.217,0.6445,0.5517,0.3333,0.375,0.4611,0.5142,0.6174,0.0,0.0,0.5829,0.3218,0.9806,0.7383,0.2164,0.64,0.5517,0.3333,0.375,0.4587,0.4788,0.6032,0.0,0.0,reg oper account,block of flats,0.5811,Panel,No,1.0,0.0,1.0,0.0,-1478.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2571852,364304,Consumer loans,2990.52,14850.0,14026.5,1485.0,14850.0,TUESDAY,14,Y,1,0.10426457789382072,,,XAP,Approved,-1500,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,6.0,high,POS mobile with interest,365243.0,-1469.0,-1319.0,-1349.0,-1341.0,0.0,0,Cash loans,F,N,Y,0,180000.0,1006920.0,40063.5,900000.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.018634,-23083,365243,-1343.0,-4395,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,XNA,,0.7525987654073149,0.5691487713619409,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1872784,331962,Consumer loans,3356.01,28300.5,27990.0,2830.5,28300.5,MONDAY,9,Y,1,0.1000201754735263,,,XAP,Approved,-1871,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,27,Connectivity,12.0,high,POS mobile with interest,365243.0,-1826.0,-1496.0,-1496.0,-1480.0,0.0,0,Cash loans,M,Y,N,0,225000.0,888840.0,29506.5,675000.0,"Spouse, partner",State servant,Secondary / secondary special,Married,Rented apartment,0.025164,-21542,-490,-11755.0,-5012,6.0,1,1,0,1,0,0,Drivers,2.0,2,2,WEDNESDAY,8,0,0,0,0,1,1,Emergency,,0.5043534224123378,0.7862666146611379,0.0186,0.0227,0.9776,0.6940000000000001,0.0238,0.0,0.1034,0.0417,0.0,0.0,0.0151,0.0116,0.0,0.018000000000000002,0.0189,0.0236,0.9777,0.706,0.024,0.0,0.1034,0.0417,0.0,0.0,0.0165,0.012,0.0,0.019,0.0187,0.0227,0.9776,0.6981,0.0239,0.0,0.1034,0.0417,0.0,0.0,0.0154,0.0118,0.0,0.0184,reg oper spec account,block of flats,0.013,"Stone, brick",No,0.0,0.0,0.0,0.0,-376.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,1.0 +2704524,370663,Cash loans,14746.455,135000.0,143910.0,,135000.0,WEDNESDAY,9,Y,1,,,,XNA,Approved,-708,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),10,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-678.0,-348.0,-512.0,-501.0,1.0,0,Cash loans,F,N,Y,0,112500.0,936436.5,45049.5,837000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.031329,-19852,-5163,-638.0,-3296,,1,1,0,1,0,0,Medicine staff,1.0,2,2,THURSDAY,8,0,0,0,0,0,0,Medicine,,0.5738191253792988,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2605.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1551299,356151,Consumer loans,3830.895,13455.0,13927.5,0.0,13455.0,THURSDAY,10,Y,1,0.0,,,XAP,Approved,-586,Cash through the bank,XAP,,Refreshed,Consumer Electronics,POS,XNA,Regional / Local,200,Consumer electronics,4.0,middle,POS household with interest,365243.0,-555.0,-465.0,-465.0,-457.0,0.0,0,Cash loans,F,Y,Y,0,225000.0,472500.0,13945.5,472500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0228,-18975,-5614,-11367.0,-2470,5.0,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,8,0,0,0,0,0,0,Industry: type 9,,0.6262773282603599,0.6006575372857061,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-3217.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2309663,169508,Consumer loans,38397.15,360981.0,345609.0,36099.0,360981.0,TUESDAY,13,Y,1,0.10299782222870026,,,XAP,Approved,-2687,Cash through the bank,XAP,"Spouse, partner",New,Audio/Video,POS,XNA,Country-wide,7120,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2656.0,-2386.0,-2416.0,-2409.0,1.0,0,Cash loans,M,Y,Y,0,360000.0,540000.0,30280.5,540000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.072508,-17899,-1396,-4513.0,-1448,8.0,1,1,0,1,1,0,,2.0,1,1,MONDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.6772031185734193,0.6995019216095887,0.633031641417419,0.1113,0.0351,0.9816,0.7484,0.047,0.08,0.0345,0.625,0.6667,0.0,0.0908,0.1024,0.0,0.0113,0.1103,0.0271,0.9816,0.7583,0.0441,0.0806,0.0345,0.625,0.6667,0.0,0.0964,0.1039,0.0,0.0005,0.1124,0.0351,0.9816,0.7518,0.0473,0.08,0.0345,0.625,0.6667,0.0,0.0923,0.1043,0.0,0.0116,reg oper account,block of flats,0.0828,Block,No,0.0,0.0,0.0,0.0,-1980.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +2517589,282609,Cash loans,10187.325,108000.0,118692.0,0.0,108000.0,TUESDAY,16,Y,1,0.0,,,XNA,Approved,-2079,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,365243.0,-2049.0,-1539.0,-1869.0,-1864.0,1.0,0,Cash loans,F,N,Y,0,67500.0,922666.5,30622.5,796500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-20854,365243,-5664.0,-4164,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,,0.4463709815709232,0.35895122857839673,0.0371,,0.9737,,,,0.1034,0.125,,0.0427,,0.0205,,0.0704,0.0378,,0.9737,,,,0.1034,0.125,,0.0437,,0.0214,,0.0745,0.0375,,0.9737,,,,0.1034,0.125,,0.0434,,0.0209,,0.0719,,block of flats,0.0389,"Stone, brick",No,3.0,0.0,2.0,0.0,-2079.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2024233,111973,Cash loans,20977.56,337500.0,384277.5,,337500.0,WEDNESDAY,15,Y,1,,,,XNA,Approved,-1043,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,middle,Cash Street: middle,365243.0,-1013.0,37.0,-713.0,-709.0,1.0,0,Revolving loans,F,N,Y,0,202500.0,450000.0,22500.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.028663,-17525,-1797,-1111.0,-1083,,1,1,1,1,0,0,Sales staff,1.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Trade: type 7,,0.6298275925675612,0.41885428862332175,0.0124,0.0078,0.9692,,,0.0,0.069,0.0417,,0.0,,0.0142,,0.0,0.0126,0.008,0.9692,,,0.0,0.069,0.0417,,0.0,,0.0147,,0.0,0.0125,0.0078,0.9692,,,0.0,0.069,0.0417,,0.0,,0.0144,,0.0,,block of flats,0.0139,Block,No,0.0,0.0,0.0,0.0,-1043.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2193926,220500,Cash loans,27675.675,585000.0,666081.0,,585000.0,FRIDAY,17,Y,1,,,,XNA,Refused,-398,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,42.0,middle,Cash X-Sell: middle,,,,,,,1,Cash loans,F,N,Y,0,90000.0,781920.0,28084.5,675000.0,Family,Pensioner,Higher education,Widow,House / apartment,0.022625,-23631,365243,-461.0,-3922,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,16,0,0,0,0,0,0,XNA,0.6757599349800278,0.6183469143590322,0.7662336700704004,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1301.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1549939,149607,Consumer loans,5276.025,52551.9,51975.0,5256.9,52551.9,SUNDAY,10,Y,1,0.10003585413030147,,,XAP,Approved,-2186,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Stone,267,Consumer electronics,12.0,middle,POS household with interest,365243.0,-2155.0,-1825.0,-1825.0,-1815.0,0.0,0,Cash loans,M,N,Y,0,148500.0,900000.0,48082.5,900000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.031329,-20594,-5866,-12768.0,-4066,,1,1,1,1,1,0,Core staff,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,School,,0.6881402444405,,0.0351,0.0498,0.926,0.0,0.0082,0.0,0.1379,0.0417,0.0833,0.0363,0.0286,0.028,0.0,0.0,0.0357,0.0517,0.926,0.0265,0.0083,0.0,0.1379,0.0417,0.0833,0.0372,0.0312,0.0292,0.0,0.0,0.0354,0.0498,0.926,0.0003,0.0083,0.0,0.1379,0.0417,0.0833,0.037000000000000005,0.0291,0.0285,0.0,0.0,reg oper account,block of flats,0.0225,"Stone, brick",No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2095444,123159,Consumer loans,22540.185,81936.0,84820.5,0.0,81936.0,SUNDAY,10,Y,1,0.0,,,XAP,Approved,-58,XNA,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,100,Consumer electronics,4.0,low_normal,POS household with interest,365243.0,-26.0,64.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,112500.0,840996.0,24718.5,702000.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.020713,-13488,-1365,-711.0,-900,,1,1,0,1,0,0,Private service staff,2.0,3,3,TUESDAY,12,0,0,0,0,0,0,Self-employed,0.3983059347615587,0.7057386012247338,0.7136313997323308,,,0.9806,,,,0.1034,0.1667,,,,0.0588,,,,,0.9806,,,,0.1034,0.1667,,,,0.0612,,,,,0.9806,,,,0.1034,0.1667,,,,0.0599,,,,,0.0469,"Stone, brick",No,0.0,0.0,0.0,0.0,-1593.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1014296,363691,Cash loans,22383.405,720000.0,843552.0,,720000.0,FRIDAY,11,Y,1,,,,XNA,Refused,-105,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),25,XNA,60.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,90000.0,1042560.0,34587.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.008068,-17726,-669,-7948.0,-1274,,1,1,1,1,0,0,Medicine staff,2.0,3,3,FRIDAY,9,0,0,0,1,1,0,Medicine,,0.7533634328683292,0.7121551551910698,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2120.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2407935,274201,Consumer loans,2072.745,17955.0,17761.5,1795.5,17955.0,FRIDAY,4,Y,1,0.09998786763167804,,,XAP,Approved,-2759,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,50,Connectivity,12.0,low_normal,POS mobile with interest,365243.0,-2728.0,-2398.0,-2398.0,-2386.0,1.0,0,Cash loans,F,N,Y,1,148500.0,284400.0,22599.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.006305,-10558,-841,-5080.0,-3200,,1,1,0,1,0,0,Medicine staff,2.0,3,3,SATURDAY,5,0,0,0,0,0,0,Medicine,0.1207701291063856,0.4730270970418312,0.42589289800515295,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1298.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1126881,322605,Consumer loans,23276.52,427500.0,342000.0,85500.0,427500.0,TUESDAY,16,Y,1,0.2178181818181818,,,XAP,Approved,-422,Cash through the bank,XAP,,Refreshed,Clothing and Accessories,POS,XNA,Stone,100,Clothing,18.0,low_normal,POS industry with interest,365243.0,-391.0,119.0,365243.0,365243.0,0.0,0,Revolving loans,F,Y,Y,0,81000.0,382500.0,19125.0,382500.0,Family,Commercial associate,Higher education,Married,House / apartment,0.007120000000000001,-19249,-10605,-7441.0,-838,6.0,1,1,0,1,0,0,Core staff,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,School,,0.4454902983850068,0.6594055320683344,0.0526,0.0083,0.9896,,,0.0,0.1034,0.2083,,0.044,,0.0529,,,0.0536,0.0086,0.9896,,,0.0,0.1034,0.2083,,0.045,,0.0551,,,0.0531,0.0083,0.9896,,,0.0,0.1034,0.2083,,0.0448,,0.0538,,,,block of flats,0.0416,"Stone, brick",No,7.0,0.0,7.0,0.0,-1581.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1660547,159699,Consumer loans,10643.4,62955.0,67108.5,0.0,62955.0,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-2406,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Stone,58,Connectivity,8.0,high,POS mobile with interest,365243.0,-2375.0,-2165.0,-2165.0,-2160.0,1.0,0,Revolving loans,F,N,Y,0,156829.5,180000.0,9000.0,180000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.018801,-17348,-596,-210.0,-801,,1,1,1,1,0,0,Managers,1.0,2,2,THURSDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.566439450446354,,0.0887,,1.0,,0.0132,,0.2414,0.125,0.1667,0.0608,0.0605,0.0482,0.0541,0.0599,0.0903,,1.0,,0.0133,,0.2414,0.125,0.1667,0.0622,0.0661,0.0502,0.0545,0.0634,0.0895,,1.0,,0.0132,,0.2414,0.125,0.1667,0.0618,0.0616,0.0491,0.0543,0.0611,,block of flats,0.0581,Monolithic,No,4.0,0.0,4.0,0.0,-1822.0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,,,,,, +2064561,112393,Consumer loans,2939.265,22302.0,21708.0,2250.0,22302.0,WEDNESDAY,16,Y,1,0.10228126494091934,,,XAP,Approved,-2122,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,2711,Consumer electronics,10.0,high,POS household with interest,365243.0,-2091.0,-1821.0,-1821.0,-1810.0,0.0,0,Revolving loans,F,N,Y,0,135000.0,202500.0,10125.0,202500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.01885,-22343,365243,-12683.0,-3607,,1,0,0,1,1,0,,1.0,2,2,THURSDAY,16,0,0,0,0,0,0,XNA,,0.4767733720854347,0.8435435389318647,0.1113,,0.9821,,,0.12,0.1034,0.3333,,,,0.1171,,0.0,0.1134,,0.9821,,,0.1208,0.1034,0.3333,,,,0.122,,0.0,0.1124,,0.9821,,,0.12,0.1034,0.3333,,,,0.1192,,0.0,,block of flats,0.1058,Panel,No,0.0,0.0,0.0,0.0,-1870.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1741296,273325,Cash loans,62660.565,1575000.0,1687266.0,,1575000.0,MONDAY,19,Y,1,,,,XNA,Refused,-218,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,315000.0,460692.0,13333.5,301500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.072508,-18420,-3246,-12220.0,-1968,,1,1,0,1,1,0,,2.0,1,1,SUNDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.731486380932085,0.40314167665875134,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1088.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,8.0 +2450438,392874,Consumer loans,1678.365,22100.265,25600.5,0.765,22100.265,THURSDAY,14,Y,1,3.254349132570385e-05,,,XAP,Approved,-812,Cash through the bank,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Regional / Local,433,Consumer electronics,18.0,low_normal,POS household with interest,365243.0,-765.0,-255.0,-315.0,-312.0,0.0,0,Cash loans,M,Y,Y,0,157500.0,900000.0,46084.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-19607,-7806,-6859.0,-3109,9.0,1,1,0,1,0,1,Managers,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,Self-employed,,0.6800833448782087,0.5867400085415683,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-812.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,3.0 +2725044,419298,Cash loans,47294.91,360000.0,428512.5,,360000.0,MONDAY,8,Y,1,,,,XNA,Approved,-1011,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-981.0,-651.0,-831.0,-823.0,1.0,0,Cash loans,M,N,N,1,180000.0,550467.0,26901.0,387000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.007305,-14196,-196,-1848.0,-4321,,1,1,0,1,0,0,Drivers,3.0,3,3,THURSDAY,8,0,0,0,0,0,0,Other,,0.22503524543062106,0.375711009574066,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,1.0,5.0,0.0,-1363.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2318104,372812,Consumer loans,1826.325,16875.0,16438.5,1687.5,16875.0,SUNDAY,12,Y,1,0.10139252505190934,,,XAP,Approved,-2910,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Stone,194,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-2878.0,-2608.0,-2758.0,-2623.0,1.0,0,Cash loans,F,N,N,0,157500.0,808650.0,26086.5,675000.0,Unaccompanied,Pensioner,Higher education,Widow,House / apartment,0.035792000000000004,-21077,365243,-6251.0,-4594,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,9,0,0,0,0,0,0,XNA,,0.7795481850127746,0.363945238612397,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-2910.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2332018,149441,Consumer loans,2064.825,26955.0,17505.0,9450.0,26955.0,TUESDAY,12,Y,1,0.381818181818182,,,XAP,Approved,-1172,XNA,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,high,POS mobile with interest,365243.0,-1139.0,-809.0,-929.0,-922.0,0.0,0,Cash loans,M,Y,Y,0,67500.0,900000.0,38133.0,900000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.030755,-20939,-3274,-6282.0,-4341,7.0,1,1,1,1,0,0,Drivers,2.0,2,2,FRIDAY,12,0,0,0,0,1,1,Business Entity Type 3,,0.6437853314368405,0.8245949709919925,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-2372.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1082959,146889,Cash loans,13664.25,135000.0,143910.0,,135000.0,TUESDAY,9,Y,1,,,,XNA,Approved,-182,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,AP+ (Cash loan),6,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-152.0,178.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,90000.0,143910.0,14233.5,135000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,Municipal apartment,0.010276,-22647,365243,-10280.0,-4043,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,16,0,0,0,0,0,0,XNA,,0.6666320077805453,,0.0247,0.0,0.9672,0.5512,0.0242,0.0,0.1034,0.125,0.1667,0.0,0.0202,0.0379,0.0,0.0,0.0252,0.0,0.9672,0.5688,0.0245,0.0,0.1034,0.125,0.1667,0.0,0.022,0.0395,0.0,0.0,0.025,0.0,0.9672,0.5572,0.0244,0.0,0.1034,0.125,0.1667,0.0,0.0205,0.0386,0.0,0.0,reg oper account,block of flats,0.0431,"Stone, brick",No,0.0,0.0,0.0,0.0,-1508.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2460682,447851,Cash loans,20750.58,450000.0,533160.0,,450000.0,SATURDAY,10,Y,1,,,,XNA,Refused,-441,XNA,HC,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,1,Cash loans,F,N,Y,1,99000.0,163008.0,11020.5,144000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-15986,-4277,-7274.0,-4039,,1,1,1,1,1,0,Laborers,3.0,2,2,SATURDAY,12,0,0,0,0,1,1,Business Entity Type 3,0.3287603936566582,0.18186858148712706,0.08336419774067509,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-661.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1033956,138966,Consumer loans,21501.0,900000.0,450000.0,450000.0,900000.0,THURSDAY,12,Y,1,0.5445454545454544,,,XAP,Approved,-524,XNA,XAP,,Repeater,Tourism,POS,XNA,Stone,30,Industry,36.0,middle,POS other with interest,365243.0,-489.0,561.0,-459.0,-451.0,0.0,0,Cash loans,F,N,Y,0,270000.0,900000.0,38263.5,900000.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.010276,-21761,-2730,-1413.0,-2555,,1,1,0,1,0,0,Managers,1.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.6699988619024584,0.6240739039181641,0.5726825047161584,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-624.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2178474,331060,Consumer loans,13496.13,134977.5,121477.5,13500.0,134977.5,SUNDAY,14,Y,1,0.10892724544999924,,,XAP,Approved,-2530,Cash through the bank,XAP,Family,Refreshed,Audio/Video,POS,XNA,Country-wide,6695,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2499.0,-2229.0,-2229.0,-2222.0,0.0,0,Cash loans,F,Y,N,1,216000.0,2463840.0,74700.0,2250000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.02461,-14238,-2451,-6389.0,-4642,9.0,1,1,0,1,1,0,,3.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,School,,0.7009065835325311,0.5100895276257282,0.0371,0.0,0.9588,,,0.0,0.1034,0.125,,0.0525,,0.042,,0.0,0.0378,0.0,0.9588,,,0.0,0.1034,0.125,,0.0537,,0.0438,,0.0,0.0375,0.0,0.9588,,,0.0,0.1034,0.125,,0.0534,,0.0428,,0.0,,block of flats,0.0364,"Stone, brick",No,3.0,0.0,3.0,0.0,-1535.0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1829122,237658,Cash loans,48592.575,675000.0,895716.0,,675000.0,TUESDAY,14,Y,1,,,,Business development,Refused,-616,Cash through the bank,LIMIT,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,1,180000.0,755190.0,36459.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-10872,-1981,-2182.0,-2328,,1,1,0,1,0,0,Managers,3.0,2,2,TUESDAY,12,0,0,0,0,1,1,Self-employed,,0.4910699258351637,0.14024318370802974,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1126.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2440479,114344,Cash loans,11318.76,103500.0,103500.0,,103500.0,THURSDAY,17,Y,1,,,,XNA,Approved,-2590,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,82,Connectivity,12.0,high,Cash Street: high,365243.0,-2560.0,-2230.0,-2230.0,-2223.0,0.0,0,Cash loans,F,N,N,0,83700.0,254700.0,24939.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.00963,-24326,-6083,-6190.0,-4433,,1,1,0,1,1,0,Core staff,1.0,2,2,THURSDAY,17,0,0,0,0,0,0,Kindergarten,,0.6287716230038538,0.7636399214572418,0.2969,0.1578,0.9846,0.7892,,0.36,0.2069,0.4583,0.5,0.1259,,0.2922,,0.0034,0.3025,0.1638,0.9846,0.7975,,0.2417,0.2069,0.4583,0.5,0.1288,,0.3045,,0.0036,0.2998,0.1578,0.9846,0.792,,0.36,0.2069,0.4583,0.5,0.1281,,0.2975,,0.0035,,block of flats,0.2306,Panel,No,1.0,0.0,1.0,0.0,-1631.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2165837,451375,Consumer loans,4551.075,37840.5,37426.5,3784.5,37840.5,TUESDAY,15,Y,1,0.10001369890210247,,,XAP,Approved,-1917,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,35,Connectivity,12.0,high,POS mobile with interest,365243.0,-1886.0,-1556.0,-1556.0,-1548.0,0.0,0,Cash loans,F,N,N,0,90000.0,143910.0,16366.5,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-10866,-103,-5033.0,-3532,,1,1,0,1,1,0,,2.0,2,2,MONDAY,16,0,0,0,0,0,0,Bank,,0.6696575438898269,0.19747451156854226,0.2227,,0.9796,,,,0.2069,0.3333,,,,0.2443,,,0.2269,,0.9796,,,,0.2069,0.3333,,,,0.2545,,,0.2248,,0.9796,,,,0.2069,0.3333,,,,0.2486,,,,,0.2502,Panel,No,0.0,0.0,0.0,0.0,-1917.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1472606,319613,Cash loans,10745.28,90000.0,95940.0,0.0,90000.0,WEDNESDAY,11,Y,1,0.0,,,Other,Approved,-2138,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-2108.0,-1778.0,-1778.0,-1764.0,1.0,0,Cash loans,M,Y,Y,1,112500.0,127350.0,13639.5,112500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.018801,-17652,-187,-2505.0,-1187,27.0,1,1,1,1,1,0,Drivers,3.0,2,2,SUNDAY,9,0,0,0,0,1,1,Other,,0.4164708208480519,0.5673792367572691,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1588.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2120047,217720,Cash loans,18740.835,229500.0,279297.0,,229500.0,SATURDAY,8,Y,1,,,,XNA,Approved,-814,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-784.0,-274.0,-304.0,-302.0,1.0,0,Cash loans,F,N,N,1,157500.0,704844.0,28836.0,630000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.018801,-16925,-3907,-6257.0,-475,,1,1,0,1,0,0,,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Transport: type 2,0.3487867486338657,0.5325711927037052,0.6594055320683344,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-404.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2755971,290030,Cash loans,34698.735,742500.0,818946.0,,742500.0,TUESDAY,11,Y,1,,,,XNA,Approved,-447,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,1,90000.0,247500.0,6655.5,247500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-12197,-1948,-2050.0,-3836,,1,1,0,1,1,0,Sales staff,3.0,3,3,FRIDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.7497130125973437,0.6863823354047934,0.1031,0.0801,0.9801,0.728,0.011,0.0,0.2069,0.1667,0.0417,0.0629,0.0841,0.0876,0.0077,0.0066,0.105,0.0831,0.9801,0.7387,0.0111,0.0,0.2069,0.1667,0.0417,0.0644,0.0918,0.0913,0.0078,0.0069,0.1041,0.0801,0.9801,0.7316,0.0111,0.0,0.2069,0.1667,0.0417,0.064,0.0855,0.0892,0.0078,0.0067,reg oper spec account,block of flats,0.0934,"Stone, brick",No,0.0,0.0,0.0,0.0,-2422.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2235282,275917,Revolving loans,2250.0,45000.0,45000.0,,45000.0,TUESDAY,11,Y,1,,,,XAP,Approved,-347,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,0,XNA,0.0,XNA,Card Street,-346.0,-305.0,365243.0,-183.0,-150.0,0.0,0,Cash loans,F,N,N,0,180000.0,104256.0,11227.5,90000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.032561,-11818,-1210,-5168.0,-1735,,1,1,1,1,1,1,Sales staff,1.0,1,1,FRIDAY,14,0,0,0,0,0,0,Trade: type 7,,0.13451647917394752,0.5352762504724826,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,2.0,2.0,2.0,-132.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1226916,353603,Cash loans,8345.835,90000.0,119619.0,,90000.0,SUNDAY,9,Y,1,,,,XNA,Approved,-1045,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-1015.0,-325.0,-355.0,-352.0,1.0,0,Cash loans,M,Y,N,2,121500.0,405000.0,21969.0,405000.0,Family,State servant,Secondary / secondary special,Married,House / apartment,0.028663,-13512,-3654,-1799.0,-4247,7.0,1,1,1,1,0,0,Laborers,4.0,2,2,MONDAY,20,0,0,0,1,1,0,Other,0.14080029154125384,0.5981696585452647,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,10.0,1.0,10.0,1.0,-245.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2309154,329539,Cash loans,45205.605,1350000.0,1546020.0,,1350000.0,FRIDAY,13,Y,1,,,,XNA,Approved,-374,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-344.0,1426.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,157500.0,207306.0,10102.5,148500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.02461,-23607,365243,-10807.0,-4940,,1,0,0,1,1,0,,1.0,2,2,MONDAY,14,0,0,0,0,0,0,XNA,0.5651009982022349,0.6807157912312328,0.6279908192952864,0.0722,0.0846,0.9767,0.6804,0.0344,0.0,0.1379,0.1667,0.2083,0.0527,0.0588,0.0655,0.0,0.0,0.0735,0.0878,0.9767,0.6929,0.0347,0.0,0.1379,0.1667,0.2083,0.0539,0.0643,0.0683,0.0,0.0,0.0729,0.0846,0.9767,0.6847,0.0346,0.0,0.1379,0.1667,0.2083,0.0537,0.0599,0.0667,0.0,0.0,reg oper account,block of flats,0.0703,"Stone, brick",No,0.0,0.0,0.0,0.0,-1280.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,1.0 +2301807,345435,Cash loans,23562.0,450000.0,450000.0,,450000.0,SUNDAY,16,Y,1,,,,XNA,Refused,-298,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,36.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,117000.0,272578.5,19831.5,207000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007305,-16370,-2279,-2425.0,-1830,,1,1,1,1,1,1,Sales staff,2.0,3,3,THURSDAY,10,0,0,0,0,1,1,Trade: type 7,0.3434911897475885,0.5750112384277183,0.18629294965553744,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-565.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2379591,367901,Cash loans,12235.77,157500.0,215626.5,,157500.0,TUESDAY,11,Y,1,,,,XNA,Approved,-1420,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,365243.0,-1390.0,-520.0,-520.0,-512.0,1.0,0,Cash loans,F,N,Y,0,202500.0,566055.0,18387.0,472500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.010966,-20913,-14264,-6566.0,-4263,,1,1,0,1,0,0,Managers,2.0,2,2,MONDAY,18,0,0,0,0,0,0,Business Entity Type 2,,0.6616078569466702,0.08281470424406495,0.0619,0.0621,0.9747,0.6532,0.0063,0.0,0.1034,0.1667,,0.044,,0.0502,,0.0,0.063,0.0644,0.9747,0.6668,0.0063,0.0,0.1034,0.1667,,0.045,,0.0523,,0.0,0.0625,0.0621,0.9747,0.6578,0.0063,0.0,0.1034,0.1667,,0.0447,,0.0511,,0.0,org spec account,block of flats,0.0395,"Stone, brick",No,2.0,0.0,2.0,0.0,-922.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,4.0 +1109474,438889,Cash loans,45495.81,900000.0,1004544.0,,900000.0,FRIDAY,15,Y,1,,,,XNA,Approved,-994,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,N,0,135000.0,152820.0,9477.0,135000.0,Family,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.008625,-20836,365243,-2593.0,-4132,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,XNA,,0.5733538073665714,0.6512602186973006,0.1072,,0.9821,,,0.12,0.0862,0.4375,,0.0815,,0.1091,,0.0017,0.0672,,0.9816,,,0.0806,0.0345,0.3333,,0.0717,,0.0715,,0.0,0.1083,,0.9821,,,0.12,0.0862,0.4375,,0.0829,,0.111,,0.0017,,block of flats,0.175,"Stone, brick",No,1.0,1.0,1.0,1.0,-1521.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1567480,453664,Cash loans,23153.985,450000.0,512370.0,,450000.0,TUESDAY,6,Y,1,,,,XNA,Approved,-702,Cash through the bank,XAP,Children,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-672.0,378.0,365243.0,365243.0,1.0,0,Revolving loans,F,N,N,0,46350.0,157500.0,7875.0,157500.0,Unaccompanied,Pensioner,Lower secondary,Married,House / apartment,0.008068,-21603,365243,-12298.0,-4943,,1,0,0,1,0,0,,2.0,3,3,THURSDAY,5,0,0,0,0,0,0,XNA,,0.4611831873183778,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,1.0,0.0,-1337.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2663394,327349,Cash loans,36083.205,900000.0,1004544.0,,900000.0,TUESDAY,9,Y,1,,,,XNA,Approved,-1169,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-1139.0,271.0,-539.0,-534.0,1.0,0,Cash loans,F,N,Y,0,225000.0,1096020.0,56092.5,900000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.031329,-19130,-3185,-10469.0,-2674,,1,1,0,1,0,0,Medicine staff,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Hotel,,0.7062968689563387,0.5280927512030451,0.0619,0.0,0.9856,0.8028,0.0,0.0,0.1379,0.1667,0.2083,0.0977,0.0504,0.0374,0.0,0.0,0.063,0.0,0.9856,0.8105,0.0,0.0,0.1379,0.1667,0.2083,0.0999,0.0551,0.0389,0.0,0.0,0.0625,0.0,0.9856,0.8054,0.0,0.0,0.1379,0.1667,0.2083,0.0994,0.0513,0.038,0.0,0.0,reg oper account,block of flats,0.0497,Block,No,7.0,0.0,7.0,0.0,-1616.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1261379,233954,Cash loans,41051.745,945000.0,1054773.0,,945000.0,FRIDAY,18,Y,1,,,,XNA,Approved,-789,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-759.0,651.0,-549.0,-542.0,1.0,0,Cash loans,F,Y,Y,0,180000.0,1185120.0,39168.0,900000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.04622,-16808,-3923,-10899.0,-54,1.0,1,1,0,1,1,0,,2.0,1,1,WEDNESDAY,18,0,1,1,0,1,1,Business Entity Type 3,0.8407334908108781,0.7485005879401346,0.6479768603302221,0.2216,0.1408,0.9801,0.728,0.1213,0.24,0.2069,0.3333,0.375,0.1688,0.1807,0.2051,0.0,0.0,0.2258,0.1461,0.9801,0.7387,0.1224,0.2417,0.2069,0.3333,0.375,0.1727,0.1974,0.2137,0.0,0.0,0.2238,0.1408,0.9801,0.7316,0.1221,0.24,0.2069,0.3333,0.375,0.1717,0.1838,0.2088,0.0,0.0,reg oper account,block of flats,0.1786,Panel,No,0.0,0.0,0.0,0.0,-2944.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,4.0,2.0,2.0 +2335132,230375,Cash loans,20983.995,180000.0,191880.0,0.0,180000.0,THURSDAY,10,Y,1,0.0,,,XNA,Approved,-2273,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,high,Cash Street: high,365243.0,-2243.0,-1913.0,-1973.0,-1969.0,1.0,0,Cash loans,F,N,Y,0,243000.0,1061599.5,31167.0,927000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.072508,-23573,365243,-11939.0,-2415,,1,0,0,1,0,0,,1.0,1,1,TUESDAY,11,0,0,0,0,0,0,XNA,,0.7641849150503032,0.4920600938649263,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.2166,,No,0.0,0.0,0.0,0.0,-1111.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2047229,117347,Cash loans,25128.0,450000.0,450000.0,,450000.0,THURSDAY,16,Y,1,,,,XNA,Refused,-229,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Revolving loans,F,N,Y,1,135000.0,405000.0,20250.0,405000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.01885,-13317,-105,-763.0,-2902,,1,1,0,1,0,0,,3.0,2,2,TUESDAY,11,0,0,0,0,0,0,School,,0.6600639744010189,0.4830501881366946,0.1629,0.0458,0.9742,0.6464,0.0373,0.0,0.069,0.0833,0.125,0.0715,0.0866,0.0394,0.2124,0.0937,0.166,0.0475,0.9742,0.6602,0.0376,0.0,0.069,0.0833,0.125,0.0732,0.0946,0.0411,0.214,0.0992,0.1645,0.0458,0.9742,0.6511,0.0375,0.0,0.069,0.0833,0.125,0.0728,0.0881,0.0402,0.2135,0.0956,reg oper spec account,block of flats,0.0505,"Stone, brick",No,5.0,0.0,5.0,0.0,-1733.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,3.0,0.0,4.0 +2516868,187776,Consumer loans,4375.62,36850.5,36850.5,0.0,36850.5,TUESDAY,13,Y,1,0.0,,,XAP,Approved,-274,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,25,Connectivity,12.0,high,POS mobile with interest,365243.0,-237.0,93.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,1,180000.0,360000.0,28570.5,360000.0,Unaccompanied,Commercial associate,Higher education,Married,Municipal apartment,0.072508,-13010,-2059,-7127.0,-3172,,1,1,0,1,0,0,Accountants,3.0,1,1,WEDNESDAY,13,0,0,0,0,0,0,Self-employed,0.6144940166037276,0.7985348615762079,0.25259869783397665,0.0505,0.0742,0.9573,0.4152,0.0,0.16,0.1379,0.2083,0.25,0.0,0.0412,0.0647,0.0,0.034,0.0515,0.077,0.9573,0.4381,0.0,0.1611,0.1379,0.2083,0.25,0.0,0.045,0.0674,0.0,0.036000000000000004,0.051,0.0742,0.9573,0.423,0.0,0.16,0.1379,0.2083,0.25,0.0,0.0419,0.0658,0.0,0.0347,reg oper account,block of flats,0.0583,"Stone, brick",No,0.0,0.0,0.0,0.0,-1715.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2595901,219473,Consumer loans,2480.49,17955.0,17955.0,0.0,17955.0,TUESDAY,13,Y,1,0.0,,,XAP,Approved,-396,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,54,Connectivity,10.0,high,POS mobile with interest,365243.0,-363.0,-93.0,-153.0,-146.0,0.0,0,Cash loans,M,Y,N,1,180000.0,1125000.0,32895.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-14900,-203,-527.0,-4555,3.0,1,1,1,1,0,0,Sales staff,3.0,2,2,FRIDAY,15,0,0,0,0,0,0,Trade: type 7,0.6825532940958039,0.7541711077919464,0.6212263380626669,0.1237,0.086,0.9826,,,0.0,0.069,0.1667,0.2083,0.0152,0.1009,0.0639,0.0,0.034,0.1261,0.0892,0.9826,,,0.0,0.069,0.1667,0.2083,0.0155,0.1102,0.0665,0.0,0.0,0.1249,0.086,0.9826,,,0.0,0.069,0.1667,0.2083,0.0154,0.1026,0.065,0.0,0.0347,,block of flats,0.0737,"Stone, brick",No,1.0,0.0,1.0,0.0,-1604.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1407989,437678,Cash loans,5205.375,157500.0,157500.0,,157500.0,FRIDAY,10,Y,1,,,,XNA,Refused,-356,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,112500.0,431280.0,20875.5,360000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.004849,-21894,365243,-1872.0,-4497,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,11,0,0,0,0,0,0,XNA,,0.6541663562019346,0.33125086459090186,0.0082,0.0195,0.9672,,,0.0,0.0345,0.0417,,0.0231,,0.0041,,0.0,0.0084,0.0203,0.9672,,,0.0,0.0345,0.0417,,0.0236,,0.0043,,0.0,0.0083,0.0195,0.9672,,,0.0,0.0345,0.0417,,0.0235,,0.0042,,0.0,,block of flats,0.0052,Wooden,No,1.0,0.0,1.0,0.0,-707.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,1.0,0.0,0.0,0.0,3.0 +1762854,233185,Cash loans,33770.7,1075500.0,1075500.0,,1075500.0,FRIDAY,12,Y,1,,,,XNA,Refused,-461,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,2,112500.0,499212.0,33489.0,441000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.028663,-16124,-6785,-4728.0,-4598,,1,1,1,1,1,0,Core staff,4.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,School,0.4651961605641323,0.5063540741266211,0.10411991642915908,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-987.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2023855,182975,Cash loans,18090.09,90000.0,92970.0,0.0,90000.0,FRIDAY,17,Y,1,0.0,,,XNA,Approved,-2133,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,100,XNA,6.0,high,Cash Street: high,365243.0,-2103.0,-1953.0,-1953.0,-1949.0,1.0,1,Cash loans,F,Y,Y,0,135000.0,1515415.5,41800.5,1354500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.011656999999999999,-15468,-4834,-86.0,-2486,9.0,1,1,0,1,0,1,,2.0,1,1,WEDNESDAY,13,0,0,0,0,1,1,Business Entity Type 1,0.4976515266721524,0.7269786695013076,0.1694287272664794,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1944.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,5.0,0.0,1.0 +2833723,211478,Consumer loans,28683.54,156541.5,140674.5,22500.0,156541.5,WEDNESDAY,15,Y,1,0.15017386573603994,,,XAP,Approved,-2051,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,339,Consumer electronics,6.0,high,POS household with interest,365243.0,-2020.0,-1870.0,-1870.0,-1865.0,0.0,0,Cash loans,M,Y,Y,1,360000.0,900000.0,32458.5,900000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.022625,-16537,-410,-3386.0,-61,7.0,1,1,0,1,1,1,Laborers,3.0,2,2,WEDNESDAY,14,0,1,1,0,1,1,Business Entity Type 3,0.532827462541015,0.6923620701196702,0.6430255641096323,0.0082,,0.9627,,,0.0,0.069,0.0417,,,,0.0123,,,0.0084,,0.9628,,,0.0,0.069,0.0417,,,,0.0128,,,0.0083,,0.9627,,,0.0,0.069,0.0417,,,,0.0125,,,,block of flats,0.0096,"Stone, brick",No,0.0,0.0,0.0,0.0,-1917.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,3.0 +2150339,408424,Consumer loans,4531.635,40477.5,40032.0,4050.0,40477.5,WEDNESDAY,10,Y,1,0.10005939344444854,,,XAP,Approved,-1475,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Regional / Local,90,Consumer electronics,12.0,high,POS household with interest,365243.0,-1444.0,-1114.0,-1114.0,-1086.0,0.0,0,Cash loans,M,N,Y,0,76500.0,61128.0,6084.0,54000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,With parents,0.025164,-23533,365243,-5458.0,-3937,,1,0,0,1,0,0,,1.0,2,2,MONDAY,9,0,0,0,0,0,0,XNA,,0.16214456766623808,,0.0082,0.0,0.9677,0.5579999999999999,0.0013,0.0,0.069,0.0417,0.0833,0.0341,0.0067,0.0074,0.0,0.0,0.0084,0.0,0.9677,0.5753,0.0013,0.0,0.069,0.0417,0.0833,0.0349,0.0073,0.0077,0.0,0.0,0.0083,0.0,0.9677,0.5639,0.0013,0.0,0.069,0.0417,0.0833,0.0347,0.0068,0.0075,0.0,0.0,reg oper account,block of flats,0.0065,Wooden,No,4.0,0.0,4.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1018529,200643,Cash loans,18911.565,454500.0,526491.0,,454500.0,MONDAY,7,Y,1,,,,XNA,Refused,-134,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,112500.0,630000.0,20452.5,630000.0,Family,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.025164,-22722,365243,-643.0,-4316,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,11,0,0,0,0,0,0,XNA,,0.3751911602936275,0.5567274263630174,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,2.0,6.0,0.0,-1877.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +2543029,383367,Consumer loans,2920.23,29205.0,26284.5,2920.5,29205.0,TUESDAY,16,Y,1,0.1089090909090909,,,XAP,Approved,-2904,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Stone,266,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-2866.0,-2596.0,-2596.0,-2584.0,0.0,0,Cash loans,F,Y,N,1,85500.0,315000.0,33421.5,315000.0,Unaccompanied,Working,Secondary / secondary special,Married,Rented apartment,0.028663,-12194,-2939,-3793.0,-3785,2.0,1,1,0,1,0,0,Laborers,3.0,2,2,THURSDAY,16,0,0,0,1,0,1,Self-employed,,0.5823259949086429,0.5082869913916046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1214.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1755916,212074,Cash loans,56031.84,1350000.0,1467612.0,,1350000.0,THURSDAY,13,Y,1,,,,XNA,Refused,-134,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,225000.0,1095579.0,37642.5,994500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.019101,-19966,-1588,-6323.0,-3520,4.0,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,12,0,0,0,0,1,1,Self-employed,,0.7344694831347198,0.5726825047161584,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,0.0,-2916.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1165752,174784,Cash loans,16021.8,135000.0,135000.0,,135000.0,TUESDAY,12,Y,1,,,,Everyday expenses,Approved,-588,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Country-wide,46,Connectivity,12.0,high,Cash Street: high,365243.0,-558.0,-228.0,-408.0,-394.0,0.0,0,Cash loans,M,Y,N,0,144000.0,545040.0,25537.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.025164,-15459,-2226,-4362.0,-3912,15.0,1,1,1,1,1,0,Laborers,1.0,2,2,MONDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.4672243598754674,0.6315847811341675,0.2636468134452008,0.0402,0.0733,0.9702,0.5920000000000001,0.0083,0.0,0.1034,0.125,0.1667,0.0,0.0328,0.0443,0.0,0.0,0.041,0.0761,0.9702,0.608,0.0084,0.0,0.1034,0.125,0.1667,0.0,0.0358,0.0462,0.0,0.0,0.0406,0.0733,0.9702,0.5975,0.0083,0.0,0.1034,0.125,0.1667,0.0,0.0333,0.0451,0.0,0.0,reg oper account,block of flats,0.0394,"Stone, brick",No,0.0,0.0,0.0,0.0,-588.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1208596,429449,Consumer loans,4891.275,31356.0,34461.0,0.0,31356.0,SATURDAY,18,Y,1,0.0,,,XAP,Approved,-2,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,10.0,high,POS mobile with interest,365243.0,365243.0,298.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,0,270000.0,1147500.0,33682.5,1147500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-13573,-1796,-7629.0,-4786,3.0,1,1,0,1,0,0,Core staff,2.0,2,2,MONDAY,16,0,0,0,0,0,0,Kindergarten,,0.71642994695213,0.4650692149562261,0.2701,0.1883,0.9811,,,0.2,0.1724,0.3333,,0.12,,0.2333,,0.1112,0.2752,0.1954,0.9811,,,0.2014,0.1724,0.3333,,0.1227,,0.2431,,0.1177,0.2727,0.1883,0.9811,,,0.2,0.1724,0.3333,,0.1221,,0.2375,,0.1135,,block of flats,0.2077,"Stone, brick",No,0.0,0.0,0.0,0.0,-1594.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,9.0 +2026808,244530,Revolving loans,3375.0,0.0,67500.0,,,SUNDAY,2,Y,1,,,,XAP,Approved,-2241,XNA,XAP,,Repeater,XNA,Cards,x-sell,Stone,800,Consumer electronics,0.0,XNA,Card X-Sell,-2239.0,-2193.0,365243.0,-1126.0,365243.0,0.0,0,Cash loans,F,N,Y,0,171000.0,521280.0,28278.0,450000.0,Unaccompanied,State servant,Higher education,Civil marriage,House / apartment,0.002506,-11253,-335,-4952.0,-872,,1,1,0,1,1,1,Core staff,2.0,2,2,MONDAY,4,0,0,0,0,0,0,Government,0.6905896905645608,0.6127892181981127,0.6894791426446275,0.0814,0.1002,0.9856,0.8028,0.0454,0.0,0.2069,0.1667,0.2083,0.0,0.0664,0.0505,0.0,0.0,0.083,0.104,0.9856,0.8105,0.0458,0.0,0.2069,0.1667,0.2083,0.0,0.0725,0.0526,0.0,0.0,0.0822,0.1002,0.9856,0.8054,0.0457,0.0,0.2069,0.1667,0.2083,0.0,0.0676,0.0514,0.0,0.0,reg oper account,block of flats,0.0662,Panel,No,0.0,0.0,0.0,0.0,-401.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2065442,368018,Consumer loans,3248.775,25605.0,20484.0,5121.0,25605.0,SATURDAY,9,Y,1,0.2178181818181818,,,XAP,Refused,-2829,Cash through the bank,SCO,Unaccompanied,New,XNA,POS,XNA,Stone,550,Consumer electronics,8.0,high,POS household with interest,,,,,,,0,Cash loans,M,N,Y,0,157500.0,625536.0,27684.0,540000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-22279,365243,-4605.0,-4605,,1,0,0,1,0,0,,2.0,2,2,SUNDAY,9,0,0,0,0,0,0,XNA,,0.6275764355028485,,0.0619,0.0716,0.9846,0.7892,0.0634,0.0,0.1379,0.1667,0.2083,0.0537,0.0496,0.0416,0.0039,0.0048,0.063,0.0743,0.9846,0.7975,0.064,0.0,0.1379,0.1667,0.2083,0.0549,0.0542,0.0434,0.0039,0.0051,0.0625,0.0716,0.9846,0.792,0.0638,0.0,0.1379,0.1667,0.2083,0.0546,0.0504,0.0424,0.0039,0.0049,reg oper account,block of flats,0.0529,Panel,No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2450904,201310,Cash loans,8206.56,90000.0,98910.0,,90000.0,MONDAY,15,Y,1,,,,XNA,Approved,-1341,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-1311.0,-801.0,-921.0,-915.0,1.0,0,Cash loans,F,N,N,0,225000.0,1341000.0,39339.0,1341000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.0228,-15886,-6984,-4042.0,-4021,,1,1,0,1,1,0,Laborers,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,Industry: type 11,,0.6776472682279598,0.5567274263630174,0.2629,0.1625,0.9846,0.7892,,0.32,0.2759,0.3333,0.375,0.0856,,0.2639,,0.1015,0.2679,0.1687,0.9846,0.7975,,0.3222,0.2759,0.3333,0.375,0.0876,,0.275,,0.1075,0.2654,0.1625,0.9846,0.792,,0.32,0.2759,0.3333,0.375,0.0871,,0.2686,,0.1036,reg oper account,block of flats,0.2435,Panel,No,0.0,0.0,0.0,0.0,-743.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1912454,403272,Consumer loans,11758.14,62955.0,66280.5,0.0,62955.0,SATURDAY,17,Y,1,0.0,,,XAP,Approved,-920,Cash through the bank,XAP,Family,Refreshed,Furniture,POS,XNA,Stone,100,Furniture,6.0,low_normal,POS industry without interest,,,,,,,1,Cash loans,F,N,N,0,157500.0,1223010.0,48501.0,1125000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.04622,-16409,-2482,-9063.0,-4409,,1,1,1,1,1,0,Laborers,2.0,1,1,MONDAY,16,0,0,0,0,1,1,Industry: type 3,0.6075674704183921,0.7492326189321697,0.10753217580247099,0.1649,0.0796,0.9757,0.6668,0.0111,,0.1379,0.1667,0.2083,,0.1345,0.0705,0.0,0.0,0.1681,0.0826,0.9757,0.6798,0.0112,,0.1379,0.1667,0.2083,,0.1469,0.0734,0.0,0.0,0.1665,0.0796,0.9757,0.6713,0.0111,,0.1379,0.1667,0.2083,,0.1368,0.0718,0.0,0.0,reg oper spec account,block of flats,0.0615,Panel,No,0.0,0.0,0.0,0.0,-920.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2370669,186754,Revolving loans,22500.0,450000.0,450000.0,,450000.0,TUESDAY,15,Y,1,,,,XAP,Approved,-268,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,2,180000.0,503676.0,18796.5,382500.0,Children,State servant,Higher education,Married,House / apartment,0.032561,-15324,-1061,-6401.0,-4258,,1,1,0,1,1,1,Core staff,4.0,1,1,MONDAY,19,0,0,0,0,0,0,School,0.5534164649762625,0.8164618293070035,0.4066174366275036,0.3052,0.1683,0.9906,0.8708,0.0905,0.4,0.1724,0.4583,0.5,0.0306,0.2463,0.2982,0.0116,0.0311,0.3109,0.1746,0.9906,0.8759,0.0913,0.4028,0.1724,0.4583,0.5,0.0313,0.2691,0.3107,0.0117,0.0329,0.3081,0.1683,0.9906,0.8725,0.0911,0.4,0.1724,0.4583,0.5,0.0312,0.2505,0.3036,0.0116,0.0317,org spec account,block of flats,0.2413,Block,No,0.0,0.0,0.0,0.0,-596.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +2313909,215429,Consumer loans,5708.61,35955.0,28377.0,9000.0,35955.0,FRIDAY,17,Y,1,0.2622419718494845,,,XAP,Approved,-437,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,25,Connectivity,6.0,high,POS mobile with interest,365243.0,-406.0,-256.0,-256.0,-253.0,0.0,0,Cash loans,M,N,Y,0,148500.0,134316.0,15939.0,126000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.00963,-10449,-200,-4623.0,-2177,,1,1,1,1,1,0,Laborers,1.0,2,2,MONDAY,13,0,1,1,0,1,1,Transport: type 4,,0.09439064351535023,0.06380484447151785,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-269.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1822057,207746,Cash loans,29929.5,810000.0,810000.0,,810000.0,THURSDAY,8,Y,1,,,,XNA,Approved,-604,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),2,XNA,54.0,middle,Cash X-Sell: middle,365243.0,-574.0,1016.0,-34.0,-27.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,1350000.0,37255.5,1350000.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.0228,-23624,365243,-11120.0,-4623,3.0,1,0,0,1,1,0,,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,XNA,,0.5087043018528747,0.0005272652387098817,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,2.0,6.0,1.0,-863.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2324505,450375,Consumer loans,3320.1,31270.5,28089.0,9000.0,31270.5,MONDAY,10,Y,1,0.26427830844234634,,,XAP,Approved,-1477,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Regional / Local,15,Connectivity,12.0,high,POS mobile with interest,365243.0,-1437.0,-1107.0,-1167.0,-1163.0,0.0,0,Cash loans,F,N,Y,0,180000.0,612000.0,18022.5,612000.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.031329,-16545,-4481,-856.0,-75,,1,1,0,1,1,0,Core staff,1.0,2,2,MONDAY,14,0,0,0,0,0,0,Bank,0.6004786126152026,0.2631435910213423,0.7076993447402619,0.1134,0.0798,0.9826,0.762,0.0144,0.12,0.1034,0.3333,0.375,0.0848,0.0908,0.1098,0.0077,0.0131,0.1155,0.0828,0.9826,0.7713,0.0145,0.1208,0.1034,0.3333,0.375,0.0867,0.0992,0.1144,0.0078,0.0139,0.1145,0.0798,0.9826,0.7652,0.0144,0.12,0.1034,0.3333,0.375,0.0863,0.0923,0.1117,0.0078,0.0134,not specified,block of flats,0.097,"Stone, brick",No,0.0,0.0,0.0,0.0,-1955.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1847152,424227,Consumer loans,2215.98,18315.0,18225.0,1831.5,18315.0,SATURDAY,13,Y,1,0.09945254655597932,,,XAP,Approved,-837,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,42,Connectivity,12.0,high,POS mobile with interest,365243.0,-806.0,-476.0,-656.0,-654.0,0.0,0,Cash loans,F,N,Y,0,180000.0,284427.0,20826.0,216000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-10572,-137,-1695.0,-3142,,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,14,0,0,0,1,1,0,Business Entity Type 3,,0.6191568015882738,0.0720131886405828,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1833584,183739,Consumer loans,13476.15,220455.0,258286.5,0.0,220455.0,THURSDAY,14,Y,1,0.0,,,XAP,Refused,-698,Cash through the bank,HC,Unaccompanied,New,Computers,POS,XNA,Country-wide,1900,Consumer electronics,24.0,low_normal,POS household with interest,,,,,,,0,Cash loans,M,Y,Y,0,256500.0,1054935.0,44694.0,904500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.04622,-15478,-1803,-8050.0,-4892,2.0,1,1,0,1,1,0,Managers,2.0,1,1,TUESDAY,12,0,0,0,0,1,1,Security,,0.6431281223390132,0.3425288720742255,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-348.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1299101,409182,Consumer loans,11101.41,102568.5,99922.5,10260.0,102568.5,MONDAY,14,Y,1,0.10141422392188162,,,XAP,Approved,-2542,Cash through the bank,XAP,Children,Repeater,Consumer Electronics,POS,XNA,Country-wide,1300,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2511.0,-2241.0,-2241.0,-2235.0,1.0,0,Cash loans,F,Y,Y,0,135000.0,907780.5,38592.0,733500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-22054,-10879,-4879.0,-5209,0.0,1,1,0,1,0,0,High skill tech staff,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,Industry: type 7,,0.6562510783145082,0.4311917977993083,0.1227,0.1591,0.9757,0.6668,0.0096,0.0,0.2759,0.1667,0.2083,0.094,0.1,0.1155,0.0,0.0,0.125,0.1651,0.9757,0.6798,0.0097,0.0,0.2759,0.1667,0.2083,0.0961,0.1093,0.1203,0.0,0.0,0.1239,0.1591,0.9757,0.6713,0.0096,0.0,0.2759,0.1667,0.2083,0.0956,0.1018,0.1176,0.0,0.0,reg oper account,block of flats,0.0908,Panel,No,0.0,0.0,0.0,0.0,-1067.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1491167,217769,Consumer loans,3477.6,30240.0,30240.0,0.0,30240.0,SATURDAY,8,Y,1,0.0,,,XAP,Approved,-1040,XNA,XAP,Family,Repeater,Homewares,POS,XNA,Stone,66,Industry,10.0,middle,POS industry with interest,365243.0,-1009.0,-739.0,-739.0,-729.0,0.0,0,Cash loans,F,Y,Y,1,135000.0,135000.0,7749.0,135000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.018209,-11055,-1324,-3128.0,-3578,10.0,1,1,1,1,1,0,High skill tech staff,2.0,3,3,WEDNESDAY,15,0,0,0,0,0,0,Government,0.518080573147489,0.4393461705928304,0.4543210601605785,0.4608,0.3402,0.9886,,,0.48,0.4138,0.3333,,0.2894,,0.0555,,0.0654,0.4695,0.353,0.9886,,,0.4834,0.4138,0.3333,,0.29600000000000004,,0.0578,,0.0693,0.4653,0.3402,0.9886,,,0.48,0.4138,0.3333,,0.2944,,0.0565,,0.0668,,block of flats,0.3879,Panel,No,2.0,0.0,2.0,0.0,-1394.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +1765198,151448,Consumer loans,9875.16,86944.5,86944.5,0.0,86944.5,SUNDAY,17,Y,1,0.0,,,XAP,Approved,-284,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,25,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-245.0,25.0,-35.0,-32.0,0.0,0,Cash loans,M,N,Y,1,193500.0,363190.5,39244.5,328500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.04622,-9404,-1099,-3549.0,-1408,,1,1,0,1,0,0,Laborers,3.0,1,1,THURSDAY,15,0,0,0,0,1,1,Industry: type 9,,0.6296083383571005,0.4686596550493113,0.5567,0.3784,0.9846,0.7892,0.1128,0.6,0.5172,0.3333,0.375,,0.453,0.5509,0.0039,0.0103,0.5672,0.3927,0.9846,0.7975,0.1138,0.6042,0.5172,0.3333,0.375,,0.4949,0.574,0.0039,0.011,0.5621,0.3784,0.9846,0.792,0.1135,0.6,0.5172,0.3333,0.375,,0.4609,0.5608,0.0039,0.0106,reg oper spec account,block of flats,0.4997,Panel,No,0.0,0.0,0.0,0.0,-219.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2231496,416541,Cash loans,14764.5,225000.0,225000.0,0.0,225000.0,FRIDAY,18,Y,1,0.0,,,XNA,Refused,-2384,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash Street: middle,,,,,,,0,Cash loans,M,Y,Y,1,135000.0,450000.0,22018.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-13190,-1801,-3045.0,-4045,25.0,1,1,0,1,1,0,Laborers,3.0,2,2,TUESDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.7102108834150817,0.7367999653659145,,0.2948,0.1974,0.9826,,,0.32,0.2759,0.3333,,0.2451,,0.3287,,0.0117,0.3004,0.2048,0.9826,,,0.3222,0.2759,0.3333,,0.2507,,0.3425,,0.0124,0.2977,0.1974,0.9826,,,0.32,0.2759,0.3333,,0.2494,,0.3346,,0.012,,block of flats,0.306,Panel,No,3.0,0.0,3.0,0.0,-2607.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1156022,418748,Consumer loans,13975.83,127102.5,127435.5,12712.5,127102.5,MONDAY,13,Y,1,0.09878891016509823,,,XAP,Approved,-1403,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,40,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-1372.0,-1102.0,-1282.0,-1278.0,0.0,0,Cash loans,F,N,Y,2,202500.0,1359000.0,56214.0,1359000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.018634,-15040,-6648,-397.0,-5558,,1,1,0,1,0,1,Accountants,4.0,2,2,THURSDAY,9,0,0,0,0,0,0,University,0.5849217076932329,0.7894108895539798,0.31703177858344445,,,0.9781,,,,,,,,,0.0789,,,,,0.9782,,,,,,,,,0.0822,,,,,0.9781,,,,,,,,,0.0803,,,,,0.0621,,No,0.0,0.0,0.0,0.0,-2562.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2161146,403324,Consumer loans,6471.9,71910.0,64719.0,7191.0,71910.0,SATURDAY,13,Y,1,0.1089090909090909,,,XAP,Approved,-1407,Non-cash from your account,XAP,Other_A,Repeater,Computers,POS,XNA,Country-wide,25,Connectivity,12.0,middle,POS mobile with interest,365243.0,-1376.0,-1046.0,-1046.0,-1035.0,0.0,0,Cash loans,M,Y,N,0,180000.0,810000.0,23683.5,810000.0,Unaccompanied,Commercial associate,Higher education,Married,With parents,0.031329,-9463,-144,-2212.0,-2135,9.0,1,1,0,1,1,0,,2.0,2,2,SATURDAY,11,0,0,0,1,1,0,Business Entity Type 1,,0.5569267731180002,,0.033,0.0665,0.9861,,,0.0,0.1034,0.0833,,0.0268,,0.035,,,0.0336,0.0691,0.9861,,,0.0,0.1034,0.0833,,0.0274,,0.0364,,,0.0333,0.0665,0.9861,,,0.0,0.1034,0.0833,,0.0273,,0.0356,,,,block of flats,0.0298,"Stone, brick",No,0.0,0.0,0.0,0.0,-1709.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2033338,114809,Consumer loans,6744.51,45805.5,49837.5,0.0,45805.5,SUNDAY,8,Y,1,0.0,,,XAP,Approved,-558,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,40,Connectivity,10.0,high,POS mobile with interest,365243.0,-519.0,-249.0,-249.0,-243.0,0.0,0,Cash loans,F,N,Y,0,252000.0,582804.0,31747.5,463500.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.006629,-19410,365243,-2475.0,-2474,,1,0,0,1,0,1,,1.0,2,2,FRIDAY,11,0,0,0,0,0,0,XNA,,0.7440245482559107,0.3740208032583212,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1602.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2056355,302242,Consumer loans,12592.17,114052.5,128047.5,0.0,114052.5,THURSDAY,8,Y,1,0.0,,,XAP,Approved,-336,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Regional / Local,63,Consumer electronics,12.0,middle,POS household with interest,365243.0,-305.0,25.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,Y,1,67500.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006852,-7908,-495,-2590.0,-471,,1,1,1,1,1,0,Cooking staff,3.0,3,3,THURSDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.0690031612420088,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-336.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1663857,257583,Cash loans,11748.87,157500.0,193333.5,,157500.0,FRIDAY,14,Y,1,,,,XNA,Approved,-517,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash X-Sell: high,365243.0,-487.0,563.0,-337.0,-333.0,1.0,0,Cash loans,M,Y,Y,2,67500.0,106659.0,6943.5,81000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.007120000000000001,-13554,-237,-2008.0,-4490,13.0,1,1,0,1,0,0,Laborers,4.0,2,2,THURSDAY,15,0,0,0,0,1,1,Business Entity Type 3,0.5879380878947977,0.6421840104744402,0.5620604831738043,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-836.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2004527,177161,Consumer loans,4584.51,40491.0,40491.0,0.0,40491.0,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-451,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,800,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-421.0,-151.0,-361.0,-355.0,0.0,0,Cash loans,F,N,Y,0,67500.0,172597.5,8433.0,117000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.005313,-21472,365243,-8368.0,-4651,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,XNA,,0.16301987879595622,0.656158373001177,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,0.0,9.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +1890480,290075,Cash loans,52753.5,900000.0,900000.0,,900000.0,SUNDAY,12,Y,1,,,,XNA,Approved,-1496,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-1466.0,-776.0,-806.0,-803.0,0.0,1,Cash loans,M,Y,Y,0,135000.0,431104.5,34564.5,369000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-12616,-777,-4064.0,-4610,11.0,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,8,0,0,0,1,1,0,Trade: type 7,,0.5120158061316245,0.35895122857839673,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,1.0,0.0,1.0,0.0,2.0 +2579673,346401,Consumer loans,6458.985,54396.0,54396.0,0.0,54396.0,WEDNESDAY,12,Y,1,0.0,,,XAP,Approved,-320,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,20,Connectivity,12.0,high,POS mobile with interest,365243.0,-284.0,46.0,-44.0,-36.0,0.0,0,Cash loans,M,Y,Y,0,247500.0,781920.0,42417.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00733,-12037,-470,-2413.0,-4239,6.0,1,1,0,1,1,0,,2.0,2,2,MONDAY,13,1,1,0,1,1,0,Business Entity Type 3,,0.4944313471856546,0.0920128093981064,0.0619,0.0655,0.9856,0.8028,0.033,0.0,0.1034,0.1667,0.2083,0.0989,0.0504,0.0642,0.0,0.0,0.063,0.0679,0.9856,0.8105,0.0333,0.0,0.1034,0.1667,0.2083,0.1011,0.0551,0.0669,0.0,0.0,0.0625,0.0655,0.9856,0.8054,0.0332,0.0,0.1034,0.1667,0.2083,0.1006,0.0513,0.0654,0.0,0.0,reg oper account,block of flats,0.0622,Panel,No,0.0,0.0,0.0,0.0,-320.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,1.0,0.0,1.0 +1822987,194863,Consumer loans,7874.235,55575.0,49648.5,9000.0,55575.0,THURSDAY,17,Y,1,0.16712819904717388,,,XAP,Approved,-2714,XNA,XAP,Family,New,Mobile,POS,XNA,Country-wide,68,Connectivity,8.0,low_normal,POS mobile with interest,365243.0,-2683.0,-2473.0,-2473.0,-2466.0,1.0,0,Cash loans,F,Y,Y,0,202500.0,983299.5,39127.5,904500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-16177,-2998,-70.0,-5243,14.0,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,16,0,0,0,1,1,0,Self-employed,,0.5510536174923151,0.4992720153045617,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,0.0,9.0,0.0,-743.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1419406,185925,Consumer loans,8930.88,48262.5,43434.0,4828.5,48262.5,FRIDAY,19,Y,1,0.10895986437804617,,,XAP,Approved,-269,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,29,Connectivity,6.0,high,POS mobile with interest,,,,,,,1,Cash loans,F,Y,Y,0,90000.0,450000.0,27193.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.026392000000000002,-15539,-1093,-10.0,-1116,10.0,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Self-employed,,0.34381151972528434,0.4650692149562261,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-301.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2759420,261306,Consumer loans,4883.67,46305.0,50890.5,0.0,46305.0,WEDNESDAY,10,Y,1,0.0,,,XAP,Approved,-1341,XNA,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,55,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-1304.0,-974.0,-974.0,-966.0,0.0,0,Cash loans,F,N,Y,0,180000.0,824823.0,24246.0,688500.0,Family,Working,Secondary / secondary special,Separated,House / apartment,0.00733,-17327,-1227,-1265.0,-877,,1,1,0,1,0,0,Private service staff,1.0,2,2,SUNDAY,17,0,0,0,0,0,0,Trade: type 3,0.2774582926025993,0.5488237287829323,0.2807895743848605,0.1505,0.13699999999999998,0.9687,,,0.0,0.4138,0.1667,,0.0,,0.1327,,0.0,0.1534,0.1421,0.9687,,,0.0,0.4138,0.1667,,0.0,,0.1383,,0.0,0.152,0.13699999999999998,0.9687,,,0.0,0.4138,0.1667,,0.0,,0.1351,,0.0,,block of flats,0.1589,"Stone, brick",No,3.0,0.0,3.0,0.0,-1073.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2235361,377512,Cash loans,13764.285,315000.0,383193.0,,315000.0,FRIDAY,8,Y,1,,,,Repairs,Approved,-345,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),116,XNA,48.0,low_normal,Cash Street: low,365243.0,-312.0,1098.0,365243.0,365243.0,0.0,1,Cash loans,F,N,Y,2,94500.0,85320.0,5701.5,67500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.020246,-14238,-671,-678.0,-5039,,1,1,1,1,1,0,Cleaning staff,4.0,3,3,MONDAY,6,0,0,0,0,1,1,Cleaning,,0.023829976534454882,0.4974688893052743,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2546.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +2421406,215841,Consumer loans,4929.075,23337.0,23337.0,0.0,23337.0,WEDNESDAY,20,Y,1,0.0,,,XAP,Approved,-278,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,1700,Consumer electronics,6.0,high,POS household with interest,365243.0,-247.0,-97.0,-217.0,-211.0,0.0,0,Cash loans,M,N,N,0,148500.0,254700.0,24939.0,225000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.072508,-24750,365243,-6319.0,-6004,,1,0,0,1,0,0,,2.0,1,1,MONDAY,12,0,0,0,0,0,0,XNA,,0.3383465603046488,0.6706517530862718,0.2632,0.1332,0.9806,0.7348,0.067,0.4264,0.1838,0.4583,0.5,,0.2138,0.2541,0.0039,0.0029,0.2017,0.1038,0.9806,0.7452,0.0504,0.3222,0.1379,0.4583,0.5,,0.1754,0.1984,0.0039,0.0011,0.1999,0.1,0.9806,0.7383,0.0506,0.32,0.1379,0.4583,0.5,,0.1633,0.1956,0.0039,0.0011,reg oper account,block of flats,0.3095,Panel,No,0.0,0.0,0.0,0.0,-245.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2091478,232379,Consumer loans,15280.425,163777.5,163777.5,0.0,163777.5,TUESDAY,13,Y,1,0.0,,,XAP,Refused,-2849,Non-cash from your account,VERIF,,New,XNA,POS,XNA,Country-wide,1803,Furniture,12.0,low_normal,POS industry with interest,,,,,,,0,Cash loans,F,N,Y,0,180000.0,900000.0,26446.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-19415,-1538,-3154.0,-2946,,1,1,0,1,0,0,Managers,2.0,2,1,TUESDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.8842187356788114,0.6500388533391616,0.1997705696341145,0.0918,0.0878,0.9876,0.83,0.0177,0.0,0.2069,0.1667,0.2083,0.0815,0.0748,0.0825,0.0,0.0,0.0935,0.0911,0.9876,0.8367,0.0179,0.0,0.2069,0.1667,0.2083,0.0834,0.0817,0.086,0.0,0.0,0.0926,0.0878,0.9876,0.8323,0.0178,0.0,0.2069,0.1667,0.2083,0.0829,0.0761,0.084,0.0,0.0,reg oper account,block of flats,0.0727,Panel,No,0.0,0.0,0.0,0.0,-670.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2495718,420070,Consumer loans,4556.565,28476.0,25627.5,2848.5,28476.0,WEDNESDAY,19,Y,1,0.1089435122399724,,,XAP,Approved,-1221,Cash through the bank,XAP,Unaccompanied,New,Auto Accessories,POS,XNA,Regional / Local,145,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-1190.0,-1040.0,-1040.0,-1035.0,0.0,0,Cash loans,M,Y,Y,1,126000.0,121878.0,6610.5,121878.0,Unaccompanied,Working,Secondary / secondary special,Married,Rented apartment,0.010966,-9148,-1230,-1431.0,-1494,10.0,1,1,0,1,0,0,Sales staff,3.0,2,2,SATURDAY,16,0,0,0,1,1,0,Self-employed,,0.5656928191295999,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1221.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1661107,126527,Cash loans,20628.675,247500.0,334980.0,0.0,247500.0,THURSDAY,10,Y,1,0.0,,,XNA,Approved,-966,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,30.0,high,Cash Street: high,365243.0,-936.0,-66.0,-66.0,-60.0,1.0,0,Cash loans,F,N,Y,0,99000.0,143910.0,15268.5,135000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.028663,-13016,-2166,-1963.0,-4229,,1,1,1,1,0,0,Cooking staff,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,School,0.6036468261678392,0.4317177714266652,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2324561,356815,Cash loans,8865.09,99000.0,108801.0,0.0,99000.0,WEDNESDAY,12,Y,1,0.0,,,XNA,Approved,-2486,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,18.0,high,Cash Street: high,365243.0,-2456.0,-1946.0,-2036.0,-2034.0,1.0,0,Cash loans,M,Y,N,0,279000.0,544491.0,17694.0,454500.0,Unaccompanied,Working,Higher education,Single / not married,Office apartment,0.02461,-17964,-2048,-4368.0,-1517,16.0,1,1,0,1,0,1,,1.0,2,2,THURSDAY,11,0,0,0,0,0,0,Military,0.7724251785481462,0.5691494702538067,,0.0371,0.0,0.9747,0.6532,0.0224,0.0,0.1034,0.0833,0.125,0.0112,0.0303,0.0363,0.0,0.0,0.0378,0.0,0.9747,0.6668,0.0226,0.0,0.1034,0.0833,0.125,0.0115,0.0331,0.0379,0.0,0.0,0.0375,0.0,0.9747,0.6578,0.0226,0.0,0.1034,0.0833,0.125,0.0114,0.0308,0.037000000000000005,0.0,0.0,not specified,block of flats,0.0408,Others,No,0.0,0.0,0.0,0.0,-1616.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,8.0 +2426832,380426,Cash loans,9386.82,148500.0,168102.0,,148500.0,SATURDAY,13,Y,1,,,,XNA,Approved,-149,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-119.0,571.0,-89.0,-85.0,1.0,0,Revolving loans,M,N,Y,0,112500.0,337500.0,16875.0,337500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.004849,-22958,365243,-11889.0,-4606,,1,0,0,1,0,0,,2.0,2,2,MONDAY,15,0,0,0,0,0,0,XNA,,0.4055451040133389,0.6058362647264226,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-314.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1038797,443164,Consumer loans,13971.285,139045.5,139045.5,0.0,139045.5,SATURDAY,19,Y,1,0.0,,,XAP,Approved,-1273,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,1500,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1242.0,-912.0,-912.0,-907.0,0.0,0,Cash loans,M,Y,Y,0,337500.0,597024.0,33466.5,540000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.072508,-14381,-4148,-506.0,-5883,2.0,1,1,0,1,0,0,Laborers,2.0,1,1,FRIDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.7245937306468856,0.4722533429586386,0.1835,0.0001,0.9757,0.6668,0.0598,0.2,0.1724,0.3333,0.375,0.0,0.1488,0.1744,0.0039,0.0108,0.187,0.0001,0.9757,0.6798,0.0604,0.2014,0.1724,0.3333,0.375,0.0,0.1625,0.1817,0.0039,0.0114,0.1853,0.0001,0.9757,0.6713,0.0602,0.2,0.1724,0.3333,0.375,0.0,0.1513,0.1776,0.0039,0.011,reg oper account,block of flats,0.14300000000000002,Panel,No,0.0,0.0,0.0,0.0,-1682.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,4.0 +1462399,227042,Revolving loans,6750.0,135000.0,135000.0,,135000.0,THURSDAY,3,Y,1,,,,XAP,Approved,-817,XNA,XAP,,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),6,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,N,0,112500.0,679500.0,29929.5,679500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.014464,-21545,365243,-7357.0,-4856,,1,0,0,1,1,0,,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,XNA,,0.460036831909052,0.5549467685334323,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2362.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1570612,319726,Consumer loans,7081.245,65038.5,62338.5,4500.0,65038.5,FRIDAY,11,Y,1,0.07332464209862713,,,XAP,Approved,-888,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Stone,7000,Furniture,12.0,high,POS industry with interest,365243.0,-857.0,-527.0,-617.0,-613.0,0.0,0,Cash loans,M,N,Y,1,157500.0,1288350.0,37800.0,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.008473999999999999,-13835,-3200,-6509.0,-4713,,1,1,0,1,1,0,Laborers,3.0,2,2,THURSDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.5563601161234271,0.7394117535524816,,0.0626,0.9826,,,,0.1379,0.1667,,,,0.0536,,,,0.065,0.9826,,,,0.1379,0.1667,,,,0.0558,,,,0.0626,0.9826,,,,0.1379,0.1667,,,,0.0545,,,,,0.0469,Panel,No,0.0,0.0,0.0,0.0,-1420.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1306598,218415,Consumer loans,8640.135,79825.5,77769.0,7983.0,79825.5,MONDAY,22,Y,1,0.10138787115487363,,,XAP,Approved,-2620,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,1378,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2589.0,-2319.0,-2349.0,-2341.0,1.0,0,Cash loans,F,Y,Y,0,180000.0,675000.0,37692.0,675000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.007273999999999998,-13783,-3517,-4558.0,-5083,9.0,1,1,1,1,0,0,Accountants,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.2403397542013557,0.7309873696832169,0.0701,0.0637,0.9846,0.7892,0.028,0.0,0.1379,0.1667,0.0417,0.0741,0.0555,0.0592,0.0077,0.0149,0.0714,0.0661,0.9846,0.7975,0.0282,0.0,0.1379,0.1667,0.0417,0.0758,0.0606,0.0617,0.0078,0.0158,0.0708,0.0637,0.9846,0.792,0.0282,0.0,0.1379,0.1667,0.0417,0.0754,0.0564,0.0603,0.0078,0.0152,reg oper spec account,block of flats,0.0651,Panel,No,0.0,0.0,0.0,0.0,-2620.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1301834,421584,Revolving loans,26775.0,0.0,382500.0,,,THURSDAY,11,Y,1,,,,XAP,Approved,-1622,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,1050,Consumer electronics,0.0,XNA,Card X-Sell,-1616.0,-1593.0,365243.0,-1075.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,269550.0,21006.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018801,-21616,-570,-4299.0,-4508,35.0,1,1,0,1,0,0,Drivers,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Self-employed,,0.12431139541895965,0.326475210066026,0.0619,0.0551,0.9871,0.8232,0.0444,0.0,0.1379,0.1667,,0.0304,0.0504,0.052000000000000005,0.0,0.0,0.063,0.0572,0.9871,0.8301,0.0448,0.0,0.1379,0.1667,,0.0311,0.0551,0.0542,0.0,0.0,0.0625,0.0551,0.9871,0.8256,0.0447,0.0,0.1379,0.1667,,0.0309,0.0513,0.0529,0.0,0.0,,block of flats,0.0652,Panel,No,0.0,0.0,0.0,0.0,-1980.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2312412,401341,Cash loans,8058.96,67500.0,71955.0,0.0,67500.0,WEDNESDAY,12,Y,1,0.0,,,Everyday expenses,Approved,-2217,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,12.0,high,Cash Street: high,365243.0,-2180.0,-1850.0,-1850.0,-1844.0,0.0,0,Cash loans,F,N,Y,1,270000.0,355536.0,18283.5,270000.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.02461,-19233,-389,-9626.0,-2672,,1,1,0,1,1,0,Private service staff,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Services,,0.7869392493713377,0.5478104658520093,0.1856,0.1067,0.9816,0.7484,,0.2,0.1724,0.3333,0.0417,,0.1513,0.18600000000000005,0.0,0.0,0.1891,0.1107,0.9816,0.7583,,0.2014,0.1724,0.3333,0.0417,,0.1653,0.1938,0.0,0.0,0.1874,0.1067,0.9816,0.7518,,0.2,0.1724,0.3333,0.0417,,0.1539,0.1893,0.0,0.0,reg oper account,block of flats,0.1822,Others,No,1.0,1.0,1.0,1.0,-312.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2432568,395088,Consumer loans,8500.77,80689.5,92407.5,0.0,80689.5,THURSDAY,15,Y,1,0.0,,,XAP,Approved,-201,Cash through the bank,XAP,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Country-wide,100,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-171.0,159.0,365243.0,365243.0,1.0,0,Revolving loans,F,Y,N,2,157500.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.030755,-15092,-5416,-460.0,-6214,19.0,1,1,0,1,1,0,Medicine staff,3.0,2,2,TUESDAY,16,0,0,0,0,0,0,Police,0.4546704361861072,0.6890218179252049,0.470456116119975,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1729.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,4.0 +2338108,101069,Consumer loans,,117810.0,117810.0,0.0,117810.0,WEDNESDAY,15,Y,1,0.0,,,XAP,Refused,-714,Cash through the bank,HC,,Repeater,Computers,XNA,XNA,Country-wide,80,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,M,Y,Y,0,225000.0,679500.0,45724.5,679500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.02461,-18735,-1717,-11293.0,-2269,3.0,1,1,1,1,1,0,Sales staff,2.0,2,2,WEDNESDAY,16,0,0,0,0,1,1,Trade: type 7,,0.5109120741947333,0.5262949398096192,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-721.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,1.0,2.0 +1130044,120744,Consumer loans,8468.685,40046.4,37525.5,4005.9,40046.4,SATURDAY,13,Y,1,0.10504797027615907,,,XAP,Approved,-1109,Cash through the bank,XAP,Family,Repeater,Homewares,POS,XNA,Stone,250,Consumer electronics,5.0,middle,POS household with interest,365243.0,-1078.0,-958.0,-1018.0,-1010.0,0.0,0,Cash loans,M,Y,N,0,180000.0,1078200.0,31522.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.022625,-15859,-2397,-1385.0,-4271,4.0,1,1,1,1,1,0,,1.0,2,2,MONDAY,16,0,0,0,0,1,1,Business Entity Type 3,,0.5739848968122736,0.28961123838200553,0.0825,,0.9771,0.6872,,0.0,0.1379,0.1667,,,,0.0433,,,0.084,,0.9772,0.6994,,0.0,0.1379,0.1667,,,,0.0452,,,0.0833,,0.9771,0.6914,,0.0,0.1379,0.1667,,,,0.0441,,,reg oper account,block of flats,0.0516,Block,No,0.0,0.0,0.0,0.0,-1288.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1441891,383670,Cash loans,17806.5,675000.0,675000.0,,675000.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-257,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_action,Cash X-Sell: low,365243.0,-227.0,1543.0,-17.0,-15.0,0.0,1,Cash loans,F,N,Y,1,202500.0,755190.0,38740.5,675000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.010032,-16852,-1392,-11.0,-402,,1,1,0,1,0,0,Medicine staff,3.0,2,2,MONDAY,9,0,0,0,0,0,0,Medicine,,0.7286291901988042,0.3774042489507649,0.1299,0.0973,0.9816,0.7484,0.0218,0.16,0.1379,0.3333,0.375,0.1292,0.1059,0.1487,0.0,0.0,0.1324,0.1009,0.9816,0.7583,0.022,0.1611,0.1379,0.3333,0.375,0.1321,0.1157,0.1549,0.0,0.0,0.1312,0.0973,0.9816,0.7518,0.0219,0.16,0.1379,0.3333,0.375,0.1314,0.1077,0.1514,0.0,0.0,reg oper spec account,block of flats,0.1289,"Stone, brick",No,1.0,0.0,1.0,0.0,-2552.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1384818,408847,Cash loans,87461.1,765000.0,791253.0,,765000.0,MONDAY,16,Y,1,,,,XNA,Approved,-760,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-729.0,-399.0,-399.0,-397.0,0.0,0,Cash loans,F,Y,Y,0,135000.0,1256400.0,36864.0,900000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.032561,-17326,-1353,-3251.0,-807,8.0,1,1,0,1,1,0,Accountants,2.0,1,1,FRIDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.20917010215951934,,0.1544,0.1372,0.9781,0.7008,0.0249,0.09,0.1983,0.2083,0.25,0.0698,0.1259,0.1421,0.0,0.0,0.084,0.0861,0.9782,0.7125,0.0106,0.0,0.1379,0.1667,0.2083,0.0557,0.0735,0.073,0.0,0.0,0.1031,0.1246,0.9781,0.7048,0.0129,0.0,0.1724,0.1667,0.2083,0.0708,0.0847,0.0902,0.0,0.0,reg oper account,block of flats,0.2872,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2375447,204156,Cash loans,,0.0,0.0,,,TUESDAY,9,Y,1,,,,XNA,Refused,-195,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,Y,Y,0,112500.0,603000.0,23494.5,603000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.019101,-20230,365243,-9188.0,-3491,13.0,1,0,0,1,0,0,,1.0,2,2,MONDAY,12,0,0,0,0,0,0,XNA,,0.3032941105436426,0.6092756673894402,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-815.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1475424,320687,Consumer loans,14726.745,108981.0,145291.5,0.0,108981.0,SUNDAY,13,Y,1,0.0,,,XAP,Refused,-413,Cash through the bank,LIMIT,,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,16.0,high,POS mobile with interest,,,,,,,0,Revolving loans,F,N,Y,1,189000.0,270000.0,13500.0,270000.0,"Spouse, partner",Working,Secondary / secondary special,Married,Rented apartment,0.00702,-8932,-1037,-8129.0,-726,,1,1,0,1,0,0,Sales staff,3.0,2,2,SUNDAY,14,0,1,1,0,1,1,Trade: type 3,0.5682548365046374,0.27955662109441043,0.42589289800515295,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-413.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2382718,382832,Consumer loans,6373.71,53770.5,53158.5,5400.0,53770.5,SUNDAY,18,Y,1,0.10043103749397453,,,XAP,Approved,-2069,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,12.0,high,POS mobile with interest,365243.0,-2029.0,-1699.0,-1699.0,-1691.0,0.0,0,Cash loans,F,N,Y,0,270000.0,619965.0,20128.5,517500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.011703,-22451,365243,-9276.0,-4262,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,16,0,0,0,0,0,0,XNA,,0.6690961565300876,0.6706517530862718,0.1309,0.1355,0.9836,0.7756,0.0206,0.0,0.3448,0.1667,0.2083,0.1008,0.1067,0.0825,0.0,0.0,0.1334,0.1406,0.9836,0.7844,0.0208,0.0,0.3448,0.1667,0.2083,0.1031,0.1166,0.0375,0.0,0.0,0.1322,0.1355,0.9836,0.7786,0.0207,0.0,0.3448,0.1667,0.2083,0.1025,0.1086,0.084,0.0,0.0,reg oper spec account,block of flats,0.0283,"Stone, brick",No,0.0,0.0,0.0,0.0,-1943.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2560371,440278,Consumer loans,6927.435,49500.0,36364.5,14850.0,49500.0,TUESDAY,11,Y,1,0.3157894736842105,,,XAP,Approved,-2107,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,153,Furniture,6.0,middle,POS industry with interest,365243.0,-2074.0,-1924.0,-1954.0,-1948.0,0.0,0,Cash loans,F,N,Y,0,63000.0,270000.0,11439.0,270000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.006233,-21658,365243,-8687.0,-5114,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,XNA,,0.6658588658817576,0.4329616670974407,0.1031,,0.9886,,,0.0,0.3448,0.1667,,,,0.1135,,0.0,0.105,,0.9886,,,0.0,0.3448,0.1667,,,,0.1182,,0.0,0.1041,,0.9886,,,0.0,0.3448,0.1667,,,,0.1155,,0.0,,block of flats,0.0892,Panel,No,0.0,0.0,0.0,0.0,-1918.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1513939,248834,Consumer loans,4434.39,48600.0,23688.0,26100.0,48600.0,THURSDAY,11,Y,1,0.5709261815552487,,,XAP,Approved,-783,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Stone,35,Consumer electronics,6.0,middle,POS household with interest,365243.0,-752.0,-602.0,-692.0,-688.0,0.0,0,Cash loans,M,Y,Y,1,90000.0,203760.0,13747.5,180000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.01885,-13501,-2823,-6112.0,-4978,41.0,1,1,1,1,0,0,Drivers,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Housing,,0.7006314563837495,0.3774042489507649,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-783.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1242363,182513,Revolving loans,9000.0,180000.0,180000.0,,180000.0,SUNDAY,18,Y,1,,,,XAP,Approved,-879,XNA,XAP,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-12.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,67500.0,59301.0,4882.5,49500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.002042,-17504,-1673,-1316.0,-1051,,1,1,0,1,0,0,Sales staff,2.0,3,3,THURSDAY,14,0,0,0,0,0,0,Trade: type 1,0.6355999610620803,0.4759824417075864,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1158.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1327586,408424,Cash loans,4793.175,45000.0,47970.0,,45000.0,WEDNESDAY,9,Y,1,,,,XNA,Approved,-474,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-444.0,-114.0,-204.0,-197.0,1.0,0,Cash loans,M,N,Y,0,76500.0,61128.0,6084.0,54000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,With parents,0.025164,-23533,365243,-5458.0,-3937,,1,0,0,1,0,0,,1.0,2,2,MONDAY,9,0,0,0,0,0,0,XNA,,0.16214456766623808,,0.0082,0.0,0.9677,0.5579999999999999,0.0013,0.0,0.069,0.0417,0.0833,0.0341,0.0067,0.0074,0.0,0.0,0.0084,0.0,0.9677,0.5753,0.0013,0.0,0.069,0.0417,0.0833,0.0349,0.0073,0.0077,0.0,0.0,0.0083,0.0,0.9677,0.5639,0.0013,0.0,0.069,0.0417,0.0833,0.0347,0.0068,0.0075,0.0,0.0,reg oper account,block of flats,0.0065,Wooden,No,4.0,0.0,4.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2658177,151865,Consumer loans,5877.81,31968.0,28827.0,4500.0,31968.0,WEDNESDAY,8,Y,1,0.14705521321778411,,,XAP,Approved,-1325,XNA,XAP,Children,Repeater,Consumer Electronics,POS,XNA,Regional / Local,40,Consumer electronics,6.0,high,POS household with interest,365243.0,-1294.0,-1144.0,-1144.0,-1138.0,0.0,0,Cash loans,F,N,Y,0,247500.0,132768.0,7330.5,90000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.001276,-14340,-2224,-674.0,-4483,,1,1,0,1,0,0,Sales staff,2.0,2,2,FRIDAY,4,0,0,0,0,0,0,Business Entity Type 3,,0.04067727797305062,0.2580842039460289,0.034,0.0479,0.9856,0.7959999999999999,0.006999999999999999,0.0,0.0917,0.1667,0.0971,0.0343,0.0328,0.04,0.0,0.0,0.0315,0.037000000000000005,0.9851,0.804,0.006999999999999999,0.0,0.069,0.1667,0.0417,0.0262,0.0358,0.0315,0.0,0.0,0.0312,0.0363,0.9851,0.7987,0.006999999999999999,0.0,0.069,0.1667,0.0417,0.0274,0.0333,0.0373,0.0,0.0,reg oper account,block of flats,0.0265,Panel,No,7.0,0.0,7.0,0.0,-2080.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,1.0 +1780377,418346,Cash loans,6233.04,90000.0,101880.0,,90000.0,MONDAY,8,Y,1,,,,XNA,Approved,-729,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-699.0,-9.0,-9.0,-2.0,1.0,0,Cash loans,F,N,Y,0,180000.0,1125000.0,33025.5,1125000.0,Unaccompanied,Pensioner,Higher education,Single / not married,House / apartment,0.018209,-22106,365243,-5972.0,-5179,,1,0,0,1,1,0,,1.0,3,3,TUESDAY,16,0,0,0,0,0,0,XNA,,0.3491988671760701,0.5100895276257282,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1084.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1147446,442418,Consumer loans,2267.955,17505.0,17001.0,1800.0,17505.0,SATURDAY,13,Y,1,0.10426911527916796,,,XAP,Approved,-2562,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,29,Connectivity,10.0,low_normal,POS mobile with interest,365243.0,-2520.0,-2250.0,-2250.0,-2239.0,1.0,0,Cash loans,F,N,Y,0,207000.0,112068.0,11214.0,99000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.030755,-19207,-3059,-7556.0,-2704,,1,1,1,1,1,0,Laborers,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.6889702741652596,0.7295666907060153,0.0722,0.0527,0.9771,0.6872,0.0322,0.0,0.1379,0.1667,0.2083,0.0462,0.0588,0.045,0.0,0.0,0.0735,0.0547,0.9772,0.6994,0.0325,0.0,0.1379,0.1667,0.2083,0.0473,0.0643,0.0469,0.0,0.0,0.0729,0.0527,0.9771,0.6914,0.0324,0.0,0.1379,0.1667,0.2083,0.047,0.0599,0.0458,0.0,0.0,reg oper account,block of flats,0.053,"Stone, brick",No,5.0,0.0,5.0,0.0,-2695.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1533636,305911,Revolving loans,13500.0,270000.0,270000.0,,270000.0,SUNDAY,10,Y,1,,,,XAP,Refused,-163,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,1,Cash loans,F,N,Y,0,270000.0,545040.0,26640.0,450000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.018029,-12209,-542,-2037.0,-4483,,1,1,0,1,0,0,,1.0,3,3,TUESDAY,10,0,0,0,1,1,0,Business Entity Type 3,0.2812754453512196,0.2494372902037856,0.08503261489695353,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-459.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2025795,394049,Cash loans,39474.0,1350000.0,1350000.0,,1350000.0,MONDAY,11,Y,1,,,,XNA,Refused,-515,XNA,HC,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,252000.0,1006920.0,42790.5,900000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020713,-22075,365243,-5778.0,-4040,,1,0,0,1,1,0,,2.0,3,3,THURSDAY,14,0,0,0,0,0,0,XNA,0.7573108363574033,0.4023439175133621,0.5478104658520093,0.0072,0.0,0.9791,,,,0.0345,0.0417,,,,0.0044,,0.0075,0.0074,0.0,0.9791,,,,0.0345,0.0417,,,,0.0046,,0.008,0.0073,0.0,0.9791,,,,0.0345,0.0417,,,,0.0045,,0.0077,,block of flats,0.0051,,No,3.0,0.0,3.0,0.0,-2107.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1001421,325457,Consumer loans,6728.58,31896.0,32359.5,3190.5,31896.0,WEDNESDAY,15,Y,1,0.09774246260069044,,,XAP,Approved,-1189,XNA,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,49,Connectivity,6.0,high,POS mobile with interest,365243.0,-1158.0,-1008.0,-1008.0,-995.0,0.0,1,Cash loans,F,N,Y,1,450000.0,450000.0,36211.5,450000.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.011703,-16681,-2357,-2427.0,-209,,1,1,0,1,0,0,Managers,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Self-employed,,0.520927859615833,0.4436153084085652,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1189.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2688161,218329,Cash loans,25198.65,225000.0,239850.0,,225000.0,THURSDAY,8,Y,1,,,,XNA,Approved,-434,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-404.0,-74.0,-74.0,-67.0,1.0,0,Cash loans,M,N,Y,0,90000.0,270000.0,21330.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.014519999999999996,-21141,-811,-1092.0,-2170,,1,1,0,1,0,0,Laborers,1.0,2,2,THURSDAY,8,0,0,0,0,0,0,Government,,0.5524976258155078,0.4722533429586386,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1104.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2244920,229722,Consumer loans,12881.7,117000.0,117000.0,0.0,117000.0,WEDNESDAY,12,Y,1,0.0,,,XAP,Approved,-1193,XNA,XAP,,Repeater,Construction Materials,POS,XNA,Stone,8,Construction,10.0,low_normal,POS other with interest,365243.0,-1160.0,-890.0,-920.0,-916.0,0.0,1,Cash loans,F,Y,N,0,90000.0,454500.0,13288.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-17693,-8406,-9329.0,-1234,29.0,1,1,1,1,0,0,,2.0,3,3,WEDNESDAY,10,0,0,0,0,1,1,School,,0.3898587114745792,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,2.0,5.0,1.0,-1629.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2302987,139838,Cash loans,12137.715,193500.0,231813.0,,193500.0,FRIDAY,9,Y,1,,,,Other,Refused,-353,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,135000.0,254700.0,17149.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-18215,-675,-1602.0,-1426,,1,1,1,1,1,0,Laborers,2.0,3,3,MONDAY,5,0,0,0,0,1,1,Business Entity Type 3,0.5528549404964094,0.2942872350717595,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1097.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1532230,380582,Cash loans,115739.865,1129500.0,1129500.0,,1129500.0,SUNDAY,17,Y,1,,,,XNA,Approved,-592,XNA,XAP,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,12.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,Y,N,1,360000.0,765000.0,72634.5,765000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,With parents,0.025164,-13000,-500,-748.0,-2935,6.0,1,1,0,1,0,0,,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.3228829751060561,0.4904633074392671,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1177.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2447999,343508,Consumer loans,11080.755,59355.0,55210.5,6750.0,59355.0,TUESDAY,10,Y,1,0.11864597019655485,,,XAP,Approved,-2702,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,-1,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-2671.0,-2521.0,-2521.0,-2515.0,1.0,0,Cash loans,M,Y,Y,0,180000.0,447768.0,30051.0,405000.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.02461,-19497,-259,-8501.0,-3029,10.0,1,1,1,1,0,0,Laborers,2.0,2,2,TUESDAY,15,0,0,0,0,1,1,Business Entity Type 3,,0.30739433353586315,0.7764098512142026,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1941598,340848,Cash loans,69757.11,1800000.0,2162340.0,,1800000.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-769,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-739.0,1031.0,365243.0,365243.0,1.0,1,Cash loans,F,N,Y,4,112500.0,616756.5,33588.0,490500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-15698,-553,-9653.0,-633,,1,1,0,1,1,1,Sales staff,6.0,2,2,TUESDAY,8,0,0,0,0,0,0,Business Entity Type 3,0.35725987288697914,0.6202339032792111,0.08226850764912726,0.0206,0.0,0.9692,0.5784,0.0058,0.0,0.1034,0.0833,0.125,0.0386,0.0168,0.0324,0.0,0.0125,0.021,0.0,0.9692,0.5949,0.0058,0.0,0.1034,0.0833,0.125,0.0395,0.0184,0.0338,0.0,0.0132,0.0208,0.0,0.9692,0.584,0.0058,0.0,0.1034,0.0833,0.125,0.0392,0.0171,0.033,0.0,0.0128,reg oper account,block of flats,0.0315,Block,No,0.0,0.0,0.0,0.0,-1720.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2492293,231521,Cash loans,7065.0,225000.0,225000.0,,225000.0,TUESDAY,14,Y,1,,,,XNA,Approved,-157,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,N,Y,0,202500.0,229500.0,9477.0,229500.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.028663,-10116,-384,-4353.0,-2789,,1,1,0,1,1,0,Sales staff,2.0,2,2,FRIDAY,8,0,0,0,1,1,0,Business Entity Type 3,,0.3023292389930555,0.41184855592423975,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-128.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1009456,398062,Cash loans,9830.97,90000.0,95940.0,,90000.0,FRIDAY,13,Y,1,,,,XNA,Approved,-864,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-834.0,-504.0,-534.0,-526.0,1.0,0,Cash loans,M,N,Y,0,126000.0,101880.0,10435.5,90000.0,Unaccompanied,Commercial associate,Higher education,Married,Municipal apartment,0.02461,-22324,-2233,-5770.0,-5588,,1,1,0,1,0,0,Security staff,2.0,2,2,MONDAY,11,0,0,0,0,0,0,Security,,0.6310503517459537,0.7688075728291359,0.2227,0.1642,0.9886,0.8436,0.0287,0.24,0.2069,0.3333,0.375,0.1651,0.1816,0.233,0.0,0.0,0.2269,0.1704,0.9886,0.8497,0.029,0.2417,0.2069,0.3333,0.375,0.1688,0.1983,0.2428,0.0,0.0,0.2248,0.1642,0.9886,0.8457,0.0289,0.24,0.2069,0.3333,0.375,0.1679,0.1847,0.2372,0.0,0.0,,block of flats,0.2748,Panel,No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2431424,125621,Revolving loans,11250.0,225000.0,225000.0,,225000.0,THURSDAY,12,Y,1,,,,XAP,Refused,-949,XNA,SCO,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,1,162000.0,294322.5,11223.0,243000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.008625,-18989,-892,-2013.0,-2531,,1,1,1,1,0,0,Laborers,3.0,2,2,MONDAY,15,0,0,0,0,1,1,Industry: type 3,0.6676120755894618,0.5254501368173458,0.0005272652387098817,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1018.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1867288,225535,Cash loans,110360.43,1129500.0,1162300.5,,1129500.0,SATURDAY,15,Y,1,,,,XNA,Refused,-153,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,12.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,N,0,112500.0,562500.0,16119.0,562500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-9855,-755,-2807.0,-907,5.0,1,1,1,1,0,0,Cleaning staff,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Business Entity Type 2,,0.31682587344297364,0.2750003523983893,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-31.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2178597,197004,Consumer loans,4770.9,30420.0,27000.0,3420.0,30420.0,FRIDAY,10,Y,1,0.12244217321140398,,,XAP,Approved,-2689,Cash through the bank,XAP,,New,Mobile,POS,XNA,Stone,50,Connectivity,7.0,high,POS mobile with interest,365243.0,-2647.0,-2467.0,-2527.0,-2519.0,0.0,0,Cash loans,M,N,Y,2,103500.0,640080.0,29970.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00733,-11879,-3097,-5891.0,-4532,,1,1,0,1,0,0,Drivers,4.0,2,2,SATURDAY,10,0,0,0,0,1,1,Business Entity Type 2,,0.7286335140256774,0.3859146722745145,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-311.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1245039,316630,Cash loans,22045.095,247500.0,303736.5,,247500.0,FRIDAY,14,Y,1,,,,XNA,Approved,-1036,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-1006.0,-496.0,-556.0,-551.0,1.0,0,Cash loans,F,Y,Y,0,270000.0,730017.0,31059.0,652500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.04622,-17451,-112,-10480.0,-1011,11.0,1,1,0,1,0,0,,2.0,1,1,FRIDAY,19,0,0,0,0,0,0,Business Entity Type 2,0.9106245546425136,0.7189686251624191,0.4507472818545589,0.0082,0.0,0.9608,0.4628,0.0009,0.0,0.069,0.0417,0.0833,,0.0067,0.01,0.0,0.0,0.0084,0.0,0.9608,0.4838,0.0009,0.0,0.069,0.0417,0.0833,,0.0073,0.0105,0.0,0.0,0.0083,0.0,0.9608,0.47,0.0009,0.0,0.069,0.0417,0.0833,,0.0068,0.0102,0.0,0.0,reg oper account,block of flats,0.0084,"Stone, brick",No,0.0,0.0,0.0,0.0,-2983.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1533098,419905,Cash loans,,0.0,0.0,,,FRIDAY,8,Y,1,,,,XNA,Refused,-162,XNA,HC,,Repeater,XNA,XNA,XNA,Contact center,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,202500.0,641173.5,38308.5,553500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.016612000000000002,-14263,-1584,-7491.0,-5059,,1,1,0,1,0,1,Sales staff,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,Self-employed,,0.3013799217161985,0.0005272652387098817,0.033,0.0579,0.9871,0.8232,0.0234,0.0,0.069,0.0833,0.125,0.0809,0.0269,0.0282,0.0,0.0137,0.0336,0.0601,0.9871,0.8301,0.0236,0.0,0.069,0.0833,0.125,0.0827,0.0294,0.0294,0.0,0.0145,0.0333,0.0579,0.9871,0.8256,0.0235,0.0,0.069,0.0833,0.125,0.0823,0.0274,0.0287,0.0,0.014,reg oper account,block of flats,0.0379,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1616321,295322,Cash loans,36467.64,976500.0,1247184.0,,976500.0,SUNDAY,11,Y,1,,,,XNA,Refused,-302,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Revolving loans,F,N,Y,0,175500.0,157500.0,7875.0,157500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-20921,365243,-797.0,-3675,,1,0,0,1,0,0,,2.0,2,2,MONDAY,8,0,0,0,0,0,0,XNA,,0.4901518114964671,0.4471785780453068,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,1.0,8.0,1.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,6.0 +2658384,203467,Cash loans,35026.245,949500.0,1059795.0,,949500.0,WEDNESDAY,9,Y,1,,,,XNA,Approved,-79,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-49.0,1361.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,0,157500.0,545040.0,20677.5,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.0031219999999999998,-17052,-3055,-6050.0,-604,3.0,1,1,0,1,0,0,Sales staff,2.0,3,3,FRIDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.6904669059230579,0.7716322460163924,0.4014074137749511,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1851.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,2.0 +1871016,222621,Consumer loans,16191.675,83803.5,78754.5,9000.0,83803.5,THURSDAY,12,Y,1,0.1116959037065698,,,XAP,Approved,-162,XNA,XAP,Unaccompanied,Repeater,Gardening,POS,XNA,Stone,467,Construction,6.0,high,POS industry with interest,365243.0,-131.0,19.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,1,90000.0,562491.0,22437.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0105,-17826,-2954,-6982.0,-1257,22.0,1,1,0,1,0,0,Laborers,3.0,3,3,FRIDAY,15,0,0,0,0,1,1,Business Entity Type 1,,0.6365823674812596,0.3344541255096772,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2206.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2628158,283356,Consumer loans,2885.4,28664.685,31500.0,4.185,28664.685,THURSDAY,11,Y,1,0.00014467428548129246,,,XAP,Approved,-1337,Cash through the bank,XAP,Family,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,3000,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-1306.0,-976.0,-976.0,-970.0,0.0,0,Cash loans,M,Y,Y,1,247500.0,749349.0,27661.5,625500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.00823,-10978,-3222,-699.0,-3493,64.0,1,1,0,1,0,0,Laborers,3.0,2,2,THURSDAY,14,0,0,0,0,0,0,Business Entity Type 2,,0.4160669884709289,0.501075160239048,0.1381,0.1752,0.9856,0.8028,0.0711,0.0,0.4138,0.1667,0.0417,0.145,,0.1553,,0.0359,0.1408,0.1818,0.9856,0.8105,0.0718,0.0,0.4138,0.1667,0.0417,0.1483,,0.1618,,0.038,0.1395,0.1752,0.9856,0.8054,0.0716,0.0,0.4138,0.1667,0.0417,0.1475,,0.1581,,0.0367,reg oper account,block of flats,0.1688,"Stone, brick",No,0.0,0.0,0.0,0.0,-1638.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1077620,222184,Cash loans,46017.405,1386000.0,1517724.0,,1386000.0,MONDAY,11,Y,1,,,,XNA,Approved,-427,Cash through the bank,XAP,Family,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_action,Cash X-Sell: low,365243.0,-397.0,1013.0,-217.0,-211.0,1.0,0,Cash loans,F,Y,Y,0,180000.0,1057266.0,44923.5,945000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-20789,365243,-3807.0,-4339,3.0,1,0,0,1,0,0,,2.0,2,2,MONDAY,7,0,0,0,0,0,0,XNA,,0.4820017092821654,0.39449540531239935,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-427.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1108547,117608,Consumer loans,39188.205,191250.0,199579.5,0.0,191250.0,SUNDAY,8,Y,1,0.0,,,XAP,Approved,-1309,Cash through the bank,XAP,Family,New,Auto Accessories,POS,XNA,Regional / Local,130,Industry,6.0,high,POS other with interest,365243.0,-1278.0,-1128.0,-1128.0,-1120.0,0.0,0,Cash loans,F,Y,N,0,225000.0,2265570.0,59895.0,2025000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0038179999999999998,-21850,-1804,-19.0,-4728,13.0,1,1,0,1,0,0,Laborers,2.0,2,2,SUNDAY,4,0,0,0,0,1,1,Construction,0.7155589719399784,0.2646430816291463,0.6801388218428291,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2099939,400910,Consumer loans,9979.83,137236.5,137236.5,0.0,137236.5,MONDAY,17,Y,1,0.0,,,XAP,Approved,-806,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,2078,Consumer electronics,18.0,middle,POS household with interest,365243.0,-775.0,-265.0,-265.0,-261.0,0.0,0,Cash loans,F,Y,N,0,225000.0,472500.0,49770.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018634,-17467,-1758,-8518.0,-1000,7.0,1,1,1,1,0,0,Laborers,2.0,2,2,MONDAY,9,0,0,0,0,0,0,Other,,0.4954316859419974,0.25259869783397665,0.3258,0.147,0.9856,0.8028,0.1043,0.16,0.1379,0.3333,0.375,0.0802,0.2656,0.2039,0.0,0.0,0.3319,0.1525,0.9856,0.8105,0.1053,0.1611,0.1379,0.3333,0.375,0.08199999999999999,0.2902,0.2125,0.0,0.0,0.3289,0.147,0.9856,0.8054,0.105,0.16,0.1379,0.3333,0.375,0.0816,0.2702,0.2076,0.0,0.0,reg oper account,block of flats,0.2174,Panel,No,7.0,1.0,7.0,0.0,-806.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1544780,307483,Consumer loans,18715.905,134955.0,151285.5,0.0,134955.0,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-30,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,18,Consumer electronics,10.0,middle,POS household with interest,365243.0,365243.0,270.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,81000.0,373311.0,19674.0,283500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.020713,-17699,-884,-3042.0,-1015,,1,1,0,1,0,0,Sales staff,2.0,3,3,TUESDAY,10,0,0,0,0,0,0,Self-employed,,0.3786679982527749,0.02948901964252663,0.0124,0.0,0.9786,0.7076,0.0006,,0.069,0.0417,0.0833,0.0151,0.0101,0.01,,0.0,0.0126,0.0,0.9786,0.7190000000000001,0.0006,,0.069,0.0417,0.0833,0.0154,0.011,0.0104,,0.0,0.0125,0.0,0.9786,0.7115,0.0006,,0.069,0.0417,0.0833,0.0153,0.0103,0.0101,,0.0,reg oper spec account,block of flats,0.0082,Wooden,No,0.0,0.0,0.0,0.0,-260.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1313663,178951,Consumer loans,5765.715,34123.5,28728.0,6750.0,34123.5,WEDNESDAY,15,Y,1,0.2072090770720907,,,XAP,Approved,-2327,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,35,Connectivity,6.0,high,POS mobile with interest,365243.0,-2290.0,-2140.0,-2140.0,-2134.0,1.0,0,Cash loans,F,Y,N,0,112500.0,277969.5,13518.0,229500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-17667,-5621,-2824.0,-1199,7.0,1,1,0,1,1,0,Managers,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Business Entity Type 1,,0.6671372265028344,0.4686596550493113,0.0763,0.0796,0.9876,,,0.0,0.2069,0.1667,,0.0806,,0.0787,,0.0314,0.0777,0.0826,0.9876,,,0.0,0.2069,0.1667,,0.0825,,0.08199999999999999,,0.0332,0.077,0.0796,0.9876,,,0.0,0.2069,0.1667,,0.0821,,0.0801,,0.0321,,block of flats,0.0619,Panel,No,0.0,0.0,0.0,0.0,-392.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1809887,151242,Cash loans,18235.08,225000.0,269550.0,,225000.0,FRIDAY,9,Y,1,,,,Other,Refused,-349,XNA,HC,,Repeater,XNA,Cash,walk-in,Country-wide,18,Connectivity,36.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,117000.0,675000.0,22437.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-21514,365243,-157.0,-1883,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,8,0,0,0,0,0,0,XNA,,0.5421443521160818,0.34090642641523844,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-726.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,7.0 +1585725,267812,Consumer loans,5620.5,47425.5,46876.5,4770.0,47425.5,FRIDAY,9,Y,1,0.10058694464026867,,,XAP,Approved,-1642,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,28,Connectivity,12.0,high,POS mobile with interest,365243.0,-1583.0,-1253.0,-1283.0,-1275.0,0.0,0,Cash loans,F,Y,Y,2,135000.0,573408.0,20727.0,495000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-11747,-961,-2548.0,-550,12.0,1,1,1,1,1,0,Sales staff,4.0,3,3,TUESDAY,14,0,0,0,0,0,0,Self-employed,0.24724984160164096,0.7352364211806495,0.4241303111942548,0.0165,0.0174,0.9737,0.6396,0.0014,0.0,0.069,0.0417,0.0833,0.0148,0.0134,0.0128,0.0,0.0,0.0168,0.018000000000000002,0.9737,0.6537,0.0014,0.0,0.069,0.0417,0.0833,0.0151,0.0147,0.0133,0.0,0.0,0.0167,0.0174,0.9737,0.6444,0.0014,0.0,0.069,0.0417,0.0833,0.0151,0.0137,0.013,0.0,0.0,reg oper account,block of flats,0.0108,"Stone, brick",No,4.0,1.0,4.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2300531,401722,Consumer loans,6441.165,138478.5,142978.5,0.0,138478.5,THURSDAY,14,Y,1,0.0,,,XAP,Approved,-750,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Regional / Local,150,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-719.0,-29.0,-359.0,-348.0,0.0,0,Cash loans,M,Y,N,0,247500.0,733315.5,71568.0,679500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-21833,365243,-4579.0,-4519,15.0,1,0,0,1,0,0,,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,XNA,,0.6442615950377829,0.6041125998015721,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1668.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1821185,361002,Consumer loans,5454.54,30015.0,28350.0,3001.5,30015.0,FRIDAY,14,Y,1,0.10426634654279264,,,XAP,Approved,-2840,Cash through the bank,XAP,Other_A,New,Audio/Video,POS,XNA,Country-wide,1600,Consumer electronics,6.0,high,POS household with interest,365243.0,-2809.0,-2659.0,-2659.0,-2649.0,1.0,0,Cash loans,F,N,N,0,180000.0,1183500.0,32674.5,1183500.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.025164,-15503,-3258,-6102.0,-377,,1,1,0,1,0,0,Accountants,2.0,2,2,WEDNESDAY,7,0,0,0,0,0,0,Trade: type 3,0.7040878059721201,0.4123846359475669,0.3123653692278984,0.0777,0.0815,0.9846,0.7892,0.0121,0.0264,0.1148,0.2358,0.2221,0.0167,0.0628,0.0761,0.0025,0.0025,0.0735,0.0806,0.9777,0.706,0.0079,0.0,0.1034,0.1667,0.2083,0.0155,0.0643,0.0666,0.0,0.0,0.0749,0.0818,0.9881,0.8390000000000001,0.0139,0.0,0.1034,0.2083,0.2083,0.0168,0.0616,0.0778,0.0,0.0,reg oper account,block of flats,0.0503,Block,No,0.0,0.0,0.0,0.0,-4.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2569350,169675,Consumer loans,4517.775,20641.5,21730.5,0.0,20641.5,FRIDAY,16,Y,1,0.0,,,XAP,Refused,-1025,Cash through the bank,LIMIT,Group of people,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,6.0,high,POS mobile with interest,,,,,,,0,Cash loans,M,Y,N,0,135000.0,267102.0,19125.0,247500.0,Other_A,Working,Secondary / secondary special,Single / not married,House / apartment,0.025164,-8292,-109,-174.0,-964,11.0,1,1,0,1,0,0,Sales staff,1.0,2,2,SATURDAY,13,0,0,0,0,1,1,Business Entity Type 3,,0.4956175454984856,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-414.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1436805,310681,Consumer loans,7237.395,80991.0,72891.0,8100.0,80991.0,THURSDAY,15,Y,1,0.10892119326389796,,,XAP,Approved,-1229,Cash through the bank,XAP,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Country-wide,3000,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1197.0,-867.0,-957.0,-953.0,0.0,0,Cash loans,M,Y,Y,2,225000.0,343800.0,16852.5,225000.0,Family,Working,Secondary / secondary special,Married,With parents,0.009175,-12414,-1903,-241.0,-2671,3.0,1,1,0,1,0,0,Managers,4.0,2,2,MONDAY,18,0,0,0,0,1,1,Business Entity Type 3,0.16268877171713636,0.6858738152929095,0.7981372313187245,0.0165,0.0,0.9796,,,0.0,0.069,0.0417,,,,0.0141,,0.0,0.0168,0.0,0.9796,,,0.0,0.069,0.0417,,,,0.0147,,0.0,0.0167,0.0,0.9796,,,0.0,0.069,0.0417,,,,0.0144,,0.0,,block of flats,0.0111,"Stone, brick",No,0.0,0.0,0.0,0.0,-1910.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2024682,182905,Consumer loans,11464.92,94455.0,103176.0,9445.5,94455.0,SATURDAY,11,Y,1,0.0913414239893642,,,XAP,Approved,-777,Cash through the bank,XAP,Unaccompanied,Refreshed,Computers,POS,XNA,Regional / Local,360,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-746.0,-476.0,-596.0,-587.0,0.0,0,Cash loans,M,Y,N,1,180000.0,279000.0,16987.5,279000.0,Unaccompanied,Working,Secondary / secondary special,Married,Rented apartment,0.015221,-10899,-214,-4994.0,-2636,12.0,1,1,0,1,0,0,Laborers,3.0,2,2,SATURDAY,9,0,0,0,1,1,0,Construction,,0.33413962133623776,0.5316861425197883,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,0.0,7.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1391801,420459,Consumer loans,7582.86,40455.0,37782.0,4455.0,40455.0,TUESDAY,12,Y,1,0.11487321542723206,,,XAP,Approved,-2516,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Stone,390,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-2444.0,-2294.0,-2324.0,-2315.0,1.0,0,Cash loans,F,N,N,0,247500.0,1017000.0,29866.5,1017000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.032561,-20283,-1323,-9291.0,-3843,,1,1,0,1,0,0,Security staff,2.0,1,1,FRIDAY,19,0,0,0,0,0,0,Industry: type 11,0.8481201712783464,0.7367702794746953,0.6413682574954046,0.0515,,0.9752,,,,0.1724,0.1667,,0.0926,,0.0487,,0.0044,0.0525,,0.9752,,,,0.1724,0.1667,,0.0948,,0.0508,,0.0046,0.052000000000000005,,0.9752,,,,0.1724,0.1667,,0.0942,,0.0496,,0.0045,,block of flats,0.0393,Panel,No,0.0,0.0,0.0,0.0,-946.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2836108,216975,Consumer loans,7658.1,167094.0,167094.0,0.0,167094.0,SATURDAY,18,Y,1,0.0,,,XAP,Approved,-139,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Country-wide,1000,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-108.0,582.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,90000.0,454500.0,13419.0,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-20719,365243,-9555.0,-4137,1.0,1,0,0,1,1,0,,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,XNA,,0.6388406902623383,,0.0959,,0.9871,,,0.08,0.0345,0.5417,,,,0.0892,,0.0405,0.0977,,0.9871,,,0.0806,0.0345,0.5417,,,,0.0929,,0.0429,0.0968,,0.9871,,,0.08,0.0345,0.5417,,,,0.0908,,0.0413,,block of flats,0.0789,"Stone, brick",No,1.0,0.0,1.0,0.0,-573.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1119649,297931,Cash loans,53164.305,904500.0,1114555.5,,904500.0,MONDAY,8,Y,1,,,,XNA,Refused,-582,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,225000.0,848745.0,46174.5,675000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.018801,-17248,-3042,-1175.0,-791,23.0,1,1,0,1,0,0,Medicine staff,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,Medicine,,0.2029173494707048,0.12769879437277135,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1410.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,7.0 +1653343,112785,Consumer loans,10613.34,71523.0,52758.0,27000.0,71523.0,THURSDAY,19,Y,1,0.3686834492521696,,,XAP,Approved,-603,Cash through the bank,XAP,,Repeater,Sport and Leisure,POS,XNA,Country-wide,80,Industry,6.0,high,POS industry with interest,365243.0,-572.0,-422.0,-422.0,-418.0,0.0,0,Cash loans,M,N,Y,0,166500.0,450000.0,23107.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.026392000000000002,-11421,-2326,-5555.0,-4067,,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.3205932805693148,0.6929067556703534,,0.1485,0.0805,0.9866,0.8096,0.0268,0.16,0.1379,0.3333,0.375,0.1449,0.1202,0.1532,0.0039,0.0009,0.1513,0.0835,0.9866,0.8171,0.027000000000000003,0.1611,0.1379,0.3333,0.375,0.1482,0.1313,0.1597,0.0039,0.0009,0.1499,0.0805,0.9866,0.8121,0.0269,0.16,0.1379,0.3333,0.375,0.1474,0.1223,0.156,0.0039,0.0009,reg oper account,block of flats,0.1207,Panel,No,1.0,1.0,1.0,1.0,-1667.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1292698,230045,Consumer loans,7283.025,67455.0,66721.5,6745.5,67455.0,MONDAY,15,Y,1,0.09999677034958177,,,XAP,Approved,-1881,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Stone,1419,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1849.0,-1519.0,-1519.0,-1511.0,0.0,0,Cash loans,F,N,N,1,157500.0,1288350.0,37800.0,1125000.0,Unaccompanied,Commercial associate,Incomplete higher,Married,Municipal apartment,0.022625,-13385,-2513,-7332.0,-4274,,1,1,0,1,0,0,Accountants,3.0,2,2,SATURDAY,12,0,0,0,0,1,1,School,0.5855932881694674,0.5895729603462266,0.7238369900414456,0.0825,,0.9851,,,0.0,0.1034,0.1667,,,,0.0657,,0.0,0.084,,0.9851,,,0.0,0.1034,0.1667,,,,0.0684,,0.0,0.0833,,0.9851,,,0.0,0.1034,0.1667,,,,0.0669,,0.0,,block of flats,0.0604,Panel,No,3.0,0.0,3.0,0.0,-1800.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1769807,306366,Consumer loans,2064.33,22491.0,23247.0,2250.0,22491.0,THURSDAY,19,Y,1,0.09610756345666333,,,XAP,Approved,-2363,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,41,Connectivity,18.0,high,POS mobile with interest,365243.0,-2332.0,-1822.0,-1822.0,-1814.0,1.0,0,Cash loans,F,N,Y,2,144000.0,225000.0,11619.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.028663,-10887,-2558,-63.0,-1287,,1,1,0,1,0,0,,4.0,2,2,MONDAY,14,0,0,0,0,0,0,Business Entity Type 1,,0.6796121461245244,0.5442347412142162,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2363.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1045730,139593,Consumer loans,8641.395,64660.5,71064.0,0.0,64660.5,THURSDAY,17,Y,1,0.0,,,XAP,Approved,-1768,Cash through the bank,XAP,,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,20,Connectivity,12.0,high,POS mobile with interest,365243.0,-1732.0,-1402.0,-1522.0,-1520.0,0.0,0,Cash loans,F,Y,Y,0,180000.0,450000.0,22018.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-10007,-3278,-2901.0,-2680,6.0,1,1,0,1,1,0,Private service staff,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Self-employed,0.3617825676920571,0.5113109604592617,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-111.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2827351,378647,Cash loans,19264.41,99000.0,99000.0,,99000.0,SATURDAY,12,Y,1,,,,XNA,Approved,-514,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Stone,30,Connectivity,6.0,high,Cash X-Sell: high,365243.0,-484.0,-334.0,-334.0,-331.0,0.0,0,Cash loans,F,Y,Y,0,247500.0,1561500.0,80851.5,1561500.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.00702,-9989,-943,-9972.0,-1463,1.0,1,1,0,1,0,0,Core staff,2.0,2,2,TUESDAY,17,0,0,0,0,1,1,Bank,0.2342644908115795,0.09332683562721568,0.0646719558983517,0.0165,,0.9856,,,,0.1379,0.0417,,0.0116,,0.0175,,0.0422,0.0168,,0.9856,,,,0.1379,0.0417,,0.0118,,0.0182,,0.0447,0.0167,,0.9856,,,,0.1379,0.0417,,0.0118,,0.0178,,0.0431,,block of flats,0.0229,Panel,No,1.0,0.0,1.0,0.0,-514.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1516755,231898,Consumer loans,7571.52,56322.0,62271.0,0.0,56322.0,TUESDAY,10,Y,1,0.0,,,XAP,Approved,-374,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,31,Connectivity,12.0,high,POS mobile with interest,365243.0,-343.0,-13.0,-13.0,-5.0,0.0,0,Cash loans,F,N,Y,0,76500.0,269550.0,12001.5,225000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.015221,-14033,-2129,-5281.0,-5357,,1,1,1,1,0,0,Core staff,2.0,2,2,FRIDAY,9,0,0,0,0,1,1,Government,0.371621259291582,0.28253469700421235,0.6161216908872079,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1878.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1169577,346940,Consumer loans,13590.855,76189.5,66001.5,13500.0,76189.5,THURSDAY,13,Y,1,0.18493647632720475,,,XAP,Approved,-511,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,95,Connectivity,6.0,high,POS mobile with interest,365243.0,-480.0,-330.0,-330.0,-326.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,630000.0,48883.5,630000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.04622,-21369,-1215,-8190.0,-4713,23.0,1,1,1,1,0,0,Security staff,2.0,1,1,THURSDAY,16,0,0,0,0,1,1,Housing,,0.3637550771021567,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1374815,293096,Consumer loans,1476.225,18000.0,15282.0,4500.0,18000.0,WEDNESDAY,10,Y,1,0.24774588468856,,,XAP,Approved,-1644,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,800,Furniture,16.0,high,POS industry with interest,365243.0,-1612.0,-1162.0,-1192.0,-1185.0,0.0,0,Cash loans,F,N,N,0,54000.0,675000.0,19737.0,675000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.020713,-20464,365243,-13249.0,-3510,,1,0,0,1,1,0,,2.0,3,3,THURSDAY,9,0,0,0,0,0,0,XNA,0.5564292896734981,0.6161409085600651,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1831.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2498697,409317,Cash loans,45205.605,1350000.0,1546020.0,,1350000.0,SATURDAY,13,Y,1,,,,XNA,Approved,-338,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-308.0,1462.0,-158.0,-155.0,1.0,0,Cash loans,F,N,N,0,157500.0,1350000.0,39474.0,1350000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008473999999999999,-18105,-3508,-4064.0,-1642,,1,1,1,1,1,0,High skill tech staff,2.0,2,2,MONDAY,14,0,1,1,0,1,1,Self-employed,0.7187344754099017,0.7643070541519681,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1925.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2698566,293207,Cash loans,92968.92,3150000.0,3524220.0,,3150000.0,MONDAY,14,Y,1,,,,Other,Refused,-579,Cash through the bank,VERIF,Unaccompanied,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),6,XNA,60.0,low_action,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,112500.0,292500.0,13014.0,292500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0228,-16925,-5190,-6123.0,-475,,1,1,1,1,1,0,Laborers,2.0,2,2,SUNDAY,14,0,0,0,0,0,0,Industry: type 3,0.6226173289534758,0.5466948445679841,0.7738956942145427,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1344.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,4.0,2.0,2.0 +1147533,394454,Consumer loans,4561.515,101142.0,101142.0,0.0,101142.0,TUESDAY,12,Y,1,0.0,,,XAP,Refused,-1739,Cash through the bank,LIMIT,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,1607,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,0,Cash loans,M,N,Y,1,189000.0,826398.0,29812.5,697500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-16621,-3341,-4309.0,-175,,1,1,0,1,0,0,Managers,3.0,3,3,FRIDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.3562192735941807,0.5036482381510776,0.2067786544915716,0.0371,0.0355,0.9876,0.83,0.0051,0.04,0.0345,0.3333,0.375,0.0354,0.0294,0.0367,0.0039,0.0088,0.0378,0.0368,0.9876,0.8367,0.0051,0.0403,0.0345,0.3333,0.375,0.0362,0.0321,0.0382,0.0039,0.0093,0.0375,0.0355,0.9876,0.8323,0.0051,0.04,0.0345,0.3333,0.375,0.036000000000000004,0.0299,0.0373,0.0039,0.009000000000000001,reg oper account,block of flats,0.0335,Panel,No,0.0,0.0,0.0,0.0,-1815.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,2.0 +1549137,138109,Cash loans,21688.02,697500.0,817191.0,,697500.0,TUESDAY,15,Y,1,,,,XNA,Refused,-229,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,N,0,225000.0,733315.5,69754.5,679500.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.072508,-19501,365243,-5409.0,-3044,4.0,1,0,0,1,0,0,,2.0,1,1,SUNDAY,14,0,0,0,0,0,0,XNA,,0.7559586523110856,,0.0299,0.0539,0.9627,0.49,0.0,0.08,0.069,0.3333,0.375,0.0,0.0244,0.0467,0.0,0.2225,0.0305,0.0559,0.9628,0.51,0.0,0.0806,0.069,0.3333,0.375,0.0,0.0266,0.0486,0.0,0.2356,0.0302,0.0539,0.9627,0.4968,0.0,0.08,0.069,0.3333,0.375,0.0,0.0248,0.0475,0.0,0.2272,reg oper account,block of flats,0.0851,"Stone, brick",No,1.0,1.0,1.0,1.0,-2506.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2550909,262783,Cash loans,,0.0,0.0,,,THURSDAY,16,Y,1,,,,XNA,Refused,-308,XNA,SCOFR,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,Y,Y,0,247500.0,278460.0,22324.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.072508,-12737,-1844,-4411.0,-4144,4.0,1,1,1,1,1,0,Drivers,2.0,1,1,THURSDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.468263080772877,0.719710319715489,0.41184855592423975,0.0,0.0,,,,,,,,0.0,,0.0,,0.0,0.0,0.0,,,,,,,,0.0,,0.0,,0.0,0.0,0.0,,,,,,,,0.0,,0.0,,0.0,,block of flats,0.0,,No,0.0,0.0,0.0,0.0,-1631.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,5.0 +2635441,312243,Revolving loans,11250.0,0.0,225000.0,,0.0,MONDAY,12,Y,1,,,,XAP,Refused,-1200,XNA,LIMIT,,Repeater,XNA,Cards,walk-in,Credit and cash offices,0,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,225000.0,724581.0,26154.0,625500.0,Family,State servant,Higher education,Married,House / apartment,0.01885,-20020,-8460,-10999.0,-3008,,1,1,0,1,0,1,,2.0,2,2,THURSDAY,16,0,0,0,0,0,0,School,0.8145181149959876,0.7030886754876365,0.4507472818545589,0.0278,0.068,0.9712,0.6056,0.0472,0.0,0.1034,0.0833,0.125,0.0427,0.0227,0.0318,0.0,0.0,0.0284,0.0706,0.9712,0.621,0.0476,0.0,0.1034,0.0833,0.125,0.0436,0.0248,0.0331,0.0,0.0,0.0281,0.068,0.9712,0.6109,0.0475,0.0,0.1034,0.0833,0.125,0.0434,0.0231,0.0324,0.0,0.0,reg oper account,block of flats,0.0276,"Stone, brick",No,10.0,0.0,10.0,0.0,-1647.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,1.0,0.0,0.0,2.0,3.0 +2154407,212499,Consumer loans,5633.82,48015.0,42232.5,9000.0,48015.0,SUNDAY,12,Y,1,0.1913203178025312,,,XAP,Approved,-2560,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,36,Connectivity,10.0,low_normal,POS mobile with interest,365243.0,-2529.0,-2259.0,-2259.0,-2252.0,1.0,0,Cash loans,M,N,N,0,157500.0,364500.0,24358.5,364500.0,Unaccompanied,Commercial associate,Incomplete higher,Single / not married,Municipal apartment,0.0105,-13715,-1867,-6407.0,-3913,,1,1,0,1,0,0,Security staff,1.0,3,3,FRIDAY,9,0,0,0,1,1,0,Security,,0.3128587467091583,0.5442347412142162,0.0619,,0.9821,,,0.0,0.1379,0.1667,,0.0,,0.0347,,0.1171,0.063,,0.9821,,,0.0,0.1379,0.1667,,0.0,,0.0361,,0.1239,0.0625,,0.9821,,,0.0,0.1379,0.1667,,0.0,,0.0353,,0.1195,,block of flats,0.0527,Panel,No,0.0,0.0,0.0,0.0,-206.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2478367,127389,Consumer loans,9896.22,87129.9,87129.9,0.0,87129.9,FRIDAY,14,Y,1,0.0,,,XAP,Approved,-323,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,15,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-273.0,-3.0,-123.0,-118.0,0.0,0,Cash loans,F,N,Y,0,117000.0,225000.0,23184.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.04622,-24132,365243,-10922.0,-3222,,1,0,0,1,1,0,,2.0,1,1,SATURDAY,15,0,0,0,0,0,0,XNA,0.8410008061335352,0.6994927284422134,0.6178261467332483,0.2227,0.1523,0.9786,0.7076,0.0517,0.16,0.1379,0.3333,0.375,0.0275,0.1816,0.2135,0.0,0.0,0.2269,0.158,0.9786,0.7190000000000001,0.0522,0.1611,0.1379,0.3333,0.375,0.0282,0.1983,0.2224,0.0,0.0,0.2248,0.1523,0.9786,0.7115,0.052000000000000005,0.16,0.1379,0.3333,0.375,0.028,0.1847,0.2173,0.0,0.0,reg oper account,block of flats,0.2223,Panel,No,2.0,0.0,2.0,0.0,-1415.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2585753,386889,Cash loans,21389.895,180000.0,231786.0,0.0,180000.0,MONDAY,16,Y,1,0.0,,,Purchase of electronic equipment,Approved,-1734,Cash through the bank,XAP,Children,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,N,0,270000.0,1327500.0,50562.0,1327500.0,Unaccompanied,Working,Secondary / secondary special,Widow,Municipal apartment,0.072508,-19678,-2242,-10379.0,-2897,,1,1,0,1,1,0,Cooking staff,1.0,1,1,SUNDAY,13,0,0,0,0,0,0,Kindergarten,0.64763815662566,0.7380490558741591,0.22888341670067305,0.1474,0.0797,0.9786,0.7076,0.0,0.16,0.1379,0.3333,0.0,0.0,0.1202,0.1417,0.0,0.0007,0.1502,0.0827,0.9786,0.7190000000000001,0.0,0.1611,0.1379,0.3333,0.0,0.0,0.1313,0.1477,0.0,0.0008,0.1489,0.0797,0.9786,0.7115,0.0,0.16,0.1379,0.3333,0.0,0.0,0.1223,0.1443,0.0,0.0008,reg oper spec account,block of flats,0.1116,Panel,No,1.0,0.0,1.0,0.0,-1850.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,1.0,0.0,5.0 +1078547,241823,Consumer loans,7795.26,58689.0,57150.0,5895.0,58689.0,SUNDAY,6,Y,1,0.10183505288430343,,,XAP,Approved,-1782,Cash through the bank,XAP,"Spouse, partner",Repeater,Mobile,POS,XNA,Regional / Local,68,Connectivity,10.0,high,POS mobile with interest,365243.0,-1743.0,-1473.0,-1593.0,-1586.0,0.0,0,Cash loans,M,Y,N,0,292500.0,728460.0,44694.0,675000.0,Family,Commercial associate,Incomplete higher,Single / not married,House / apartment,0.020713,-14457,-1809,-6535.0,-4730,12.0,1,1,1,1,1,0,,1.0,3,3,TUESDAY,11,0,0,0,0,1,1,Business Entity Type 1,,0.18248760753062312,0.7726311345553628,0.0082,0.0002,0.9727,0.626,0.0011,0.0,0.0345,0.0417,0.0833,0.0079,0.0067,0.008,0.0,0.0,0.0084,0.0002,0.9727,0.6406,0.0011,0.0,0.0345,0.0417,0.0833,0.008,0.0073,0.0084,0.0,0.0,0.0083,0.0002,0.9727,0.631,0.0011,0.0,0.0345,0.0417,0.0833,0.008,0.0068,0.0082,0.0,0.0,reg oper account,block of flats,0.0069,Wooden,No,0.0,0.0,0.0,0.0,-1782.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1392428,199853,Consumer loans,2986.425,14310.0,15444.0,0.0,14310.0,MONDAY,14,Y,1,0.0,,,XAP,Approved,-159,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Regional / Local,221,Consumer electronics,6.0,middle,POS household with interest,365243.0,-129.0,21.0,365243.0,365243.0,1.0,0,Revolving loans,M,Y,Y,1,225000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.020246,-13264,-1628,-1307.0,-4365,12.0,1,1,0,1,0,0,Drivers,2.0,3,3,SATURDAY,8,0,0,0,0,0,0,Housing,0.32789292787681784,0.464755220930577,0.5656079814115492,0.1546,,0.9901,0.8640000000000001,,0.2,0.1724,0.375,0.4167,,0.1261,0.1878,0.0,0.0,0.1576,,0.9901,0.8693,,0.2014,0.1724,0.375,0.4167,,0.1377,0.1957,0.0,0.0,0.1561,,0.9901,0.8658,,0.2,0.1724,0.375,0.4167,,0.1283,0.1912,0.0,0.0,reg oper account,,0.1477,Panel,No,1.0,0.0,1.0,0.0,-1007.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2638966,149019,Cash loans,,0.0,0.0,,,MONDAY,10,Y,1,,,,XNA,Refused,-33,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,180000.0,518562.0,25078.5,463500.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.025164,-20901,365243,-6198.0,-4334,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,XNA,0.6654075784528384,0.5464943260359107,0.4365064990977374,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1263.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +1341731,251065,Cash loans,37469.655,675000.0,767664.0,,675000.0,WEDNESDAY,16,Y,1,,,,Other,Refused,-680,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,Y,Y,0,90000.0,675000.0,21775.5,675000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.015221,-14702,-942,-13152.0,-1249,6.0,1,1,1,1,0,0,Core staff,2.0,2,2,THURSDAY,6,0,0,0,0,0,0,Government,0.4920368830267008,0.6509188489487553,0.5460231970049609,0.0907,0.0991,0.9821,0.7552,,0.0,0.2069,0.1667,0.0417,0.0725,0.07400000000000001,0.0845,0.0,0.0,0.0924,0.1029,0.9821,0.7648,,0.0,0.2069,0.1667,0.0417,0.0741,0.0808,0.0881,0.0,0.0,0.0916,0.0991,0.9821,0.7585,,0.0,0.2069,0.1667,0.0417,0.0737,0.0752,0.086,0.0,0.0,reg oper account,block of flats,0.0729,Panel,No,1.0,0.0,1.0,0.0,-1082.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,7.0 +1041787,256648,Cash loans,63637.335,2250000.0,2517300.0,,2250000.0,SUNDAY,8,Y,1,,,,XNA,Approved,-356,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,128250.0,1350000.0,51421.5,1350000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.020246,-22212,-4595,-3095.0,-4916,,1,1,1,1,1,0,,2.0,3,3,FRIDAY,15,0,0,0,0,0,0,Transport: type 3,,0.5085676702361243,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1304.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1980850,302588,Consumer loans,6420.6,65250.0,65250.0,0.0,65250.0,WEDNESDAY,7,Y,1,0.0,,,XAP,Approved,-1076,Cash through the bank,XAP,Unaccompanied,New,Construction Materials,POS,XNA,Stone,19,Construction,12.0,middle,POS industry with interest,365243.0,-1045.0,-715.0,-745.0,-734.0,0.0,0,Cash loans,F,N,Y,0,112500.0,328500.0,17964.0,328500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.014519999999999996,-23654,365243,-3617.0,-5213,,1,0,0,1,0,0,,1.0,2,2,MONDAY,9,0,0,0,0,0,0,XNA,,0.15184465290797025,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1076.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +2506565,377192,Consumer loans,15351.48,74745.0,78444.0,0.0,74745.0,FRIDAY,13,Y,1,0.0,,,XAP,Approved,-1322,Cash through the bank,XAP,"Spouse, partner",New,Audio/Video,POS,XNA,Country-wide,432,Consumer electronics,6.0,high,POS household with interest,365243.0,-1291.0,-1141.0,-1141.0,-1138.0,0.0,0,Cash loans,M,N,Y,0,99000.0,824823.0,24246.0,688500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.0038130000000000004,-20804,365243,-8326.0,-4349,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,6,0,0,0,0,0,0,XNA,,0.41109757387105705,0.3656165070113335,0.0928,0.1163,0.9886,0.8436,0.1921,0.0,0.2069,0.1667,0.0417,0.0246,0.0756,0.0976,0.0,0.0382,0.0945,0.1207,0.9886,0.8497,0.1939,0.0,0.2069,0.1667,0.0417,0.0252,0.0826,0.1017,0.0,0.0404,0.0937,0.1163,0.9886,0.8457,0.1934,0.0,0.2069,0.1667,0.0417,0.0251,0.077,0.0993,0.0,0.039,reg oper account,block of flats,0.0845,Panel,No,0.0,0.0,0.0,0.0,-1322.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1172148,207432,Cash loans,49600.53,868500.0,937287.0,,868500.0,THURSDAY,11,Y,1,,,,XNA,Refused,-111,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,N,Y,0,112500.0,535500.0,15345.0,535500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.003069,-22872,365243,-12325.0,-4316,,1,0,0,1,0,0,,2.0,3,3,WEDNESDAY,11,0,0,0,0,0,0,XNA,,0.6444019130508168,0.3740208032583212,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1025.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,4.0,5.0 +2486382,114102,Cash loans,15030.585,135000.0,135000.0,,135000.0,WEDNESDAY,4,Y,1,,,,XNA,Approved,-1650,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,29,Connectivity,12.0,high,Cash X-Sell: high,365243.0,-1620.0,-1290.0,-1290.0,-1281.0,0.0,0,Cash loans,F,Y,N,1,189000.0,192874.5,23017.5,166500.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.0038179999999999998,-10256,-1566,-4591.0,-1293,16.0,1,1,0,1,1,1,,3.0,2,2,MONDAY,10,0,0,0,1,1,0,Government,0.36312662726791134,0.2597193407774974,0.4014074137749511,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-220.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,8.0 +2635255,385933,Cash loans,14064.345,247500.0,274288.5,,247500.0,SATURDAY,10,Y,1,,,,XNA,Approved,-121,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_action,Cash X-Sell: low,365243.0,-91.0,599.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,0,171000.0,1272888.0,37215.0,1111500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.011703,-21674,365243,-6313.0,-4561,36.0,1,0,0,1,0,0,,2.0,2,2,MONDAY,10,0,0,0,0,0,0,XNA,,0.7518447481279731,0.7776594425716818,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1266.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2450043,166577,Consumer loans,6609.555,60147.0,60147.0,0.0,60147.0,THURSDAY,12,Y,1,0.0,,,XAP,Approved,-484,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,20,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-446.0,-176.0,-206.0,-201.0,0.0,0,Cash loans,F,Y,Y,0,193500.0,1423584.0,56457.0,1309500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-15645,-293,-8324.0,-3675,9.0,1,1,1,1,1,0,,2.0,1,1,FRIDAY,14,0,0,0,0,0,0,Trade: type 6,0.4398400472620879,0.7581746599934992,0.7062051096536562,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-582.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1467585,285966,Consumer loans,6145.605,50265.0,48969.0,5026.5,50265.0,SUNDAY,15,Y,1,0.10138466084294903,,,XAP,Approved,-2249,Cash through the bank,XAP,Family,Refreshed,Mobile,POS,XNA,Stone,14,Connectivity,10.0,high,POS mobile with interest,365243.0,-2207.0,-1937.0,-1937.0,-1927.0,1.0,0,Revolving loans,F,N,Y,0,126000.0,202500.0,10125.0,202500.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.010556,-21322,365243,-10485.0,-4696,,1,0,0,1,0,0,,1.0,3,3,TUESDAY,14,0,0,0,0,0,0,XNA,,0.5549185309538609,,0.1845,0.1348,0.9856,,,0.2,0.1724,0.3333,,,,0.1872,,0.2208,0.188,0.1399,0.9856,,,0.2014,0.1724,0.3333,,,,0.1951,,0.2338,0.1863,0.1348,0.9856,,,0.2,0.1724,0.3333,,,,0.1906,,0.2255,,block of flats,0.1953,Panel,No,0.0,0.0,0.0,0.0,-2249.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2776677,173732,Consumer loans,2792.61,51124.5,61920.0,0.0,51124.5,WEDNESDAY,12,Y,1,0.0,,,XAP,Approved,-1029,Cash through the bank,XAP,Children,Repeater,Audio/Video,POS,XNA,Regional / Local,142,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-998.0,-308.0,-308.0,-304.0,0.0,0,Cash loans,F,N,Y,0,135000.0,1056447.0,31018.5,922500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.0031219999999999998,-15053,-5157,-5811.0,-4611,,1,1,0,1,1,0,Medicine staff,2.0,3,3,WEDNESDAY,9,0,0,0,0,0,0,Military,0.6446206371273979,0.6759395958954881,0.6413682574954046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-391.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +1847750,120686,Consumer loans,8519.445,44235.0,41782.5,4423.5,44235.0,SUNDAY,14,Y,1,0.10426337783758896,,,XAP,Approved,-1869,Cash through the bank,XAP,,New,Photo / Cinema Equipment,POS,XNA,Country-wide,30,Connectivity,6.0,high,POS mobile with interest,365243.0,-1823.0,-1673.0,-1673.0,-1666.0,0.0,1,Cash loans,F,N,Y,0,225000.0,1104997.5,36648.0,990000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.031329,-14890,-2281,-454.0,-526,,1,1,1,1,0,0,,2.0,2,2,SUNDAY,12,0,0,0,1,1,0,Business Entity Type 3,,0.5061245002693311,0.20092608771597092,0.0082,,0.9762,,,0.0,0.069,0.0417,,,,0.0082,,,0.0084,,0.9762,,,0.0,0.069,0.0417,,,,0.0086,,,0.0083,,0.9762,,,0.0,0.069,0.0417,,,,0.0084,,,,block of flats,0.0071,Wooden,No,2.0,1.0,2.0,1.0,-416.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2513999,370773,Cash loans,25642.665,675000.0,790830.0,,675000.0,MONDAY,12,Y,1,,,,XNA,Refused,-1148,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,N,0,202500.0,824823.0,24246.0,688500.0,Unaccompanied,State servant,Secondary / secondary special,Separated,House / apartment,0.008473999999999999,-17856,-6513,-6884.0,-1378,,1,1,0,1,0,0,Core staff,1.0,2,2,MONDAY,14,0,0,0,0,0,0,Government,,0.2444154720338893,0.5460231970049609,0.1237,,0.9881,,,,0.1034,0.375,,,,0.0823,,,0.1261,,0.9881,,,,0.1034,0.375,,,,0.0858,,,0.1249,,0.9881,,,,0.1034,0.375,,,,0.0838,,,,,0.1061,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2680076,266308,Cash loans,11516.67,90000.0,95940.0,,90000.0,FRIDAY,11,Y,1,,,,XNA,Refused,-1157,Cash through the bank,SCO,Family,Repeater,XNA,Cash,walk-in,Country-wide,30,Connectivity,12.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,2,67500.0,271066.5,14832.0,234000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.00733,-10787,-646,-673.0,-194,,1,1,0,1,0,0,Waiters/barmen staff,4.0,2,2,SUNDAY,14,0,0,0,1,1,0,Business Entity Type 3,0.14642018374650392,0.386451891438562,,0.2144,,0.9846,,,0.0,,0.1667,,,,0.081,,,0.2185,,0.9846,,,0.0,,0.1667,,,,0.0844,,,0.2165,,0.9846,,,0.0,,0.1667,,,,0.0825,,,,block of flats,0.0958,"Stone, brick",No,7.0,0.0,7.0,0.0,-498.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2155345,101706,Consumer loans,5194.44,42147.0,25677.0,16470.0,42147.0,TUESDAY,11,Y,1,0.42558965697979145,,,XAP,Approved,-1389,Non-cash from your account,XAP,Family,Repeater,Mobile,POS,XNA,Stone,180,Consumer electronics,6.0,high,POS household with interest,365243.0,-1358.0,-1208.0,-1208.0,-1194.0,0.0,0,Cash loans,F,N,N,0,157500.0,2013840.0,53122.5,1800000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.01885,-23602,365243,-4881.0,-4883,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,18,0,0,0,0,0,0,XNA,,0.6660388591752726,0.8327850252992314,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1506.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2044474,257151,Consumer loans,8420.985,57960.0,52110.0,5850.0,57960.0,THURSDAY,10,Y,1,0.1099237718802936,,,XAP,Approved,-1950,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,15,Connectivity,8.0,high,POS mobile with interest,365243.0,-1410.0,-1200.0,-1320.0,-1317.0,0.0,0,Cash loans,F,N,Y,1,225000.0,605439.0,26797.5,481500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.04622,-11803,-3109,-2797.0,-605,,1,1,0,1,0,0,Laborers,2.0,1,1,MONDAY,16,0,0,0,0,0,0,Self-employed,,0.7704084135494186,0.13510601574017175,0.0031,0.0,0.9578,0.422,0.0026,0.0,0.1034,0.0,0.0417,0.0338,0.0025,0.0018,0.0,0.0,0.0032,0.0,0.9578,0.4446,0.0026,0.0,0.1034,0.0,0.0417,0.0346,0.0028,0.0019,0.0,0.0,0.0031,0.0,0.9578,0.4297,0.0026,0.0,0.1034,0.0,0.0417,0.0344,0.0026,0.0018,0.0,0.0,reg oper spec account,block of flats,0.0014,Wooden,No,7.0,0.0,7.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2774207,231715,Consumer loans,12647.43,280431.0,280431.0,0.0,280431.0,SATURDAY,7,Y,1,0.0,,,XAP,Approved,-1699,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,2263,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1668.0,-978.0,-1068.0,-1061.0,0.0,0,Cash loans,F,N,Y,0,135000.0,558855.0,31333.5,477000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020713,-22220,365243,-5255.0,-1550,,1,0,0,1,0,1,,2.0,3,3,THURSDAY,10,0,0,0,0,0,0,XNA,,0.5146380457443572,,0.1753,0.2231,0.9906,0.8708,0.1666,0.0,0.3103,0.1667,0.2083,0.0845,0.1429,0.1872,0.0,0.0,0.1786,0.2315,0.9906,0.8759,0.1681,0.0,0.3103,0.1667,0.2083,0.0864,0.1561,0.195,0.0,0.0,0.177,0.2231,0.9906,0.8725,0.1676,0.0,0.3103,0.1667,0.2083,0.086,0.1454,0.1905,0.0,0.0,reg oper account,block of flats,0.1472,Panel,No,0.0,0.0,0.0,0.0,-1699.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1794663,438895,Cash loans,13431.6,112500.0,119925.0,0.0,112500.0,WEDNESDAY,11,Y,1,0.0,,,Everyday expenses,Approved,-2136,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-2106.0,-1776.0,-1926.0,-1923.0,1.0,0,Cash loans,F,N,Y,0,202500.0,1076247.0,42808.5,990000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-23712,365243,-5208.0,-2394,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,XNA,,0.5262516221252161,0.8203829585116356,0.16699999999999998,0.0,0.9767,0.6804,0.0513,0.0,0.0345,0.1667,0.0417,0.0734,0.1362,0.06,0.0,0.0856,0.1702,0.0,0.9767,0.6929,0.0518,0.0,0.0345,0.1667,0.0417,0.0751,0.1488,0.0625,0.0,0.0906,0.1686,0.0,0.9767,0.6847,0.0516,0.0,0.0345,0.1667,0.0417,0.0747,0.1385,0.0611,0.0,0.0874,reg oper account,block of flats,0.0939,"Stone, brick",No,7.0,0.0,7.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1899834,294936,Consumer loans,11855.655,60327.0,63513.0,0.0,60327.0,MONDAY,12,Y,1,0.0,,,XAP,Approved,-921,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,1500,Consumer electronics,6.0,middle,POS household with interest,365243.0,-889.0,-739.0,-739.0,-733.0,0.0,0,Cash loans,F,N,Y,1,202500.0,1528200.0,53248.5,1350000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00702,-15880,-648,-5056.0,-5139,,1,1,0,1,0,0,,3.0,2,2,FRIDAY,11,0,0,0,0,0,0,Kindergarten,0.445783110788384,0.7417314237335259,0.6075573001388961,0.1031,,,0.7076,,0.0,0.2069,0.1667,0.2083,,,0.0645,,,0.105,,,0.7190000000000001,,0.0,0.2069,0.1667,0.2083,,,0.0672,,,0.1041,,,0.7115,,0.0,0.2069,0.1667,0.2083,,,0.0657,,,reg oper account,block of flats,0.0744,Panel,No,2.0,0.0,2.0,0.0,-921.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1327693,145492,Consumer loans,9579.825,79650.0,78781.5,7965.0,79650.0,SATURDAY,13,Y,1,0.0999995284064382,,,XAP,Approved,-1453,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,200,Consumer electronics,12.0,high,POS household with interest,365243.0,-1421.0,-1091.0,-1091.0,-1088.0,0.0,0,Cash loans,M,N,Y,2,112500.0,640080.0,29970.0,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.035792000000000004,-14869,-1776,-2829.0,-5055,,1,1,0,1,0,0,Managers,4.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 1,0.6292814825315153,0.69229219982447,0.3606125659189888,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1453.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1811587,439469,Consumer loans,20969.865,131062.5,117954.0,13108.5,131062.5,MONDAY,9,Y,1,0.10892778774873192,,,XAP,Approved,-288,XNA,XAP,,Refreshed,Construction Materials,POS,XNA,Stone,400,Construction,6.0,low_normal,POS industry with interest,365243.0,-208.0,-58.0,-88.0,-86.0,0.0,0,Revolving loans,F,N,Y,0,76500.0,202500.0,10125.0,202500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.020246,-17007,-8442,-9797.0,-546,,1,1,0,1,1,1,Laborers,2.0,3,3,TUESDAY,9,0,0,0,0,0,0,Business Entity Type 2,0.3239255127302556,0.09226646932687883,0.2353105173615833,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1719.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2220161,385369,Cash loans,11669.355,90000.0,94950.0,0.0,90000.0,WEDNESDAY,12,Y,1,0.0,,,XNA,Approved,-2753,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,10.0,middle,Cash Street: middle,365243.0,-2723.0,-2453.0,-2453.0,-2448.0,1.0,0,Cash loans,F,N,N,0,225000.0,814041.0,23796.0,679500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.032561,-15767,-92,-9879.0,-4178,,1,1,0,1,1,0,Core staff,1.0,1,1,MONDAY,19,0,0,0,0,0,0,Bank,0.41464387809562697,0.7133456418109931,,0.149,0.1242,0.9816,0.7144,0.0258,0.14,0.1034,0.4792,0.375,0.2965,0.1505,0.1476,0.0,0.0014,0.1155,0.1289,0.9791,0.7256,0.0261,0.0806,0.0345,0.3333,0.375,0.3032,0.1644,0.1128,0.0,0.0,0.1504,0.1242,0.9816,0.7182,0.026,0.14,0.1034,0.4792,0.375,0.3016,0.1531,0.1503,0.0,0.0015,reg oper account,block of flats,0.1612,"Stone, brick",No,0.0,0.0,0.0,0.0,-2177.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1080581,304426,Cash loans,15117.03,81000.0,81000.0,,81000.0,MONDAY,13,Y,1,,,,XNA,Approved,-1097,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,15,Connectivity,6.0,middle,Cash X-Sell: middle,365243.0,-1067.0,-917.0,-917.0,-909.0,0.0,0,Cash loans,F,N,Y,0,306000.0,1293502.5,35698.5,1129500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.04622,-21554,-825,-2695.0,-4900,,1,1,0,1,0,0,Medicine staff,1.0,1,1,SATURDAY,13,0,0,0,0,1,1,Medicine,,0.6321544832817135,0.363945238612397,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2255.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2260126,257733,Consumer loans,7199.28,72000.0,64800.0,7200.0,72000.0,MONDAY,10,Y,1,0.1089090909090909,,,XAP,Approved,-2334,XNA,XAP,Family,Repeater,Clothing and Accessories,POS,XNA,Regional / Local,243,Clothing,10.0,low_normal,POS industry without interest,365243.0,-2271.0,-2001.0,-2031.0,-2020.0,0.0,0,Cash loans,F,N,Y,0,90000.0,225000.0,10039.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-15650,-621,-9267.0,-4474,,1,1,0,1,0,0,Managers,2.0,2,2,THURSDAY,17,0,0,0,0,0,0,Business Entity Type 2,,0.4989686417297937,0.4848514754962666,0.1402,0.0599,0.9747,0.6532,0.0816,0.0,0.2759,0.1667,0.2083,0.0899,0.1143,0.1089,0.0,0.1365,0.1429,0.0621,0.9747,0.6668,0.0824,0.0,0.2759,0.1667,0.2083,0.0919,0.1249,0.1134,0.0,0.1445,0.1416,0.0599,0.9747,0.6578,0.0821,0.0,0.2759,0.1667,0.2083,0.0914,0.1163,0.1108,0.0,0.1394,reg oper account,block of flats,0.1599,"Stone, brick",No,0.0,0.0,0.0,0.0,-2190.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2690967,249800,Consumer loans,16836.93,64756.8,64755.0,1.8,64756.8,THURSDAY,10,Y,1,3.0272707057230047e-05,,,XAP,Approved,-343,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,188,Consumer electronics,4.0,low_action,POS household with interest,365243.0,-309.0,-219.0,-249.0,-242.0,0.0,0,Cash loans,F,N,Y,0,112500.0,497520.0,32521.5,450000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.025164,-17504,-1505,-3828.0,-904,,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,Business Entity Type 2,0.6538919078612109,0.5895623774145952,0.7583930617144343,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-343.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2217214,131933,Consumer loans,8872.425,128691.0,133020.0,12870.0,128691.0,MONDAY,10,Y,1,0.09607649599012953,,,XAP,Refused,-1516,Cash through the bank,LIMIT,Children,Repeater,Computers,POS,XNA,Country-wide,1214,Consumer electronics,18.0,low_normal,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,166500.0,247275.0,19264.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.006629,-20273,365243,-7687.0,-2456,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,8,0,0,0,0,0,0,XNA,,0.7677013669605922,0.6690566947824041,0.0735,0.1217,0.9891,0.8504,0.0175,0.0,0.2069,0.1667,0.0417,0.0642,0.06,0.0915,0.0,0.0,0.0756,0.1245,0.9891,0.8563,0.017,0.0,0.2069,0.1667,0.0417,0.0608,0.0661,0.0936,0.0,0.0,0.0749,0.1205,0.9891,0.8524,0.0172,0.0,0.2069,0.1667,0.0417,0.0616,0.0616,0.0933,0.0,0.0,reg oper account,block of flats,0.0807,Mixed,No,0.0,0.0,0.0,0.0,-150.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2787968,192049,Consumer loans,6061.725,118206.0,131512.5,0.0,118206.0,SATURDAY,19,Y,1,0.0,,,XAP,Approved,-1549,Cash through the bank,XAP,Other_B,Refreshed,Computers,POS,XNA,Country-wide,2160,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1518.0,-828.0,-1218.0,-1212.0,0.0,0,Cash loans,F,N,N,2,175500.0,900000.0,26446.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.030755,-12347,-2609,-5536.0,-2222,,1,1,0,1,0,0,,3.0,2,2,MONDAY,13,0,0,0,0,1,1,Business Entity Type 3,0.18566832288940155,0.6532505611398314,0.5832379256761245,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1549.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2442067,273354,Cash loans,21557.835,337500.0,416335.5,,337500.0,WEDNESDAY,12,Y,1,,,,XNA,Refused,-224,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,270000.0,435253.5,16407.0,306000.0,Family,Working,Secondary / secondary special,Widow,House / apartment,0.008019,-19329,-5411,-13376.0,-2890,,1,1,0,1,1,0,Managers,1.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Self-employed,0.6898563623083726,0.6972124980000384,0.7801436381572275,0.0124,0.0,0.9702,,,0.0,0.069,0.0417,,0.0329,,0.0112,,0.0,0.0126,0.0,0.9702,,,0.0,0.069,0.0417,,0.0337,,0.0116,,0.0,0.0125,0.0,0.9702,,,0.0,0.069,0.0417,,0.0335,,0.0114,,0.0,,block of flats,0.0098,"Stone, brick",No,1.0,0.0,1.0,0.0,-1093.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1553708,187945,Revolving loans,5625.0,0.0,180000.0,,,WEDNESDAY,12,N,0,,,,XAP,Refused,-2155,XNA,LIMIT,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,225000.0,450000.0,21888.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-9881,-1810,-7340.0,-2534,,1,1,1,1,1,0,Private service staff,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Services,0.2480997361763605,0.6848599821485614,0.8692108009084483,0.0814,0.1146,0.9791,,,0.0,0.2069,0.1667,,0.0716,,0.0692,,0.0281,0.083,0.1189,0.9791,,,0.0,0.2069,0.1667,,0.0732,,0.0721,,0.0297,0.0822,0.1146,0.9791,,,0.0,0.2069,0.1667,,0.0729,,0.0704,,0.0287,,block of flats,0.0903,"Stone, brick",No,0.0,0.0,0.0,0.0,-2155.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2182041,383771,Revolving loans,9000.0,180000.0,180000.0,,180000.0,SATURDAY,7,Y,1,,,,XAP,Approved,-196,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),3,XNA,0.0,XNA,Card X-Sell,-185.0,-148.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,135000.0,754740.0,24475.5,630000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.020246,-10380,-120,-149.0,-2273,14.0,1,1,0,1,0,1,Managers,1.0,3,3,SATURDAY,9,0,0,0,0,1,1,Trade: type 3,0.5415628873279537,0.5081031132873591,0.13177013253138142,0.0082,0.0438,0.9821,0.7552,0.0025,0.0,0.069,0.0417,0.0417,0.036000000000000004,0.0067,0.0125,0.0,0.0,0.0084,0.0455,0.9821,0.7648,0.0026,0.0,0.069,0.0417,0.0417,0.0368,0.0073,0.013,0.0,0.0,0.0083,0.0438,0.9821,0.7585,0.0026,0.0,0.069,0.0417,0.0417,0.0366,0.0068,0.0127,0.0,0.0,reg oper account,block of flats,0.0112,"Stone, brick",No,0.0,0.0,0.0,0.0,-973.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1283016,108905,Revolving loans,11250.0,225000.0,225000.0,,225000.0,TUESDAY,14,Y,1,,,,XAP,Approved,-853,XNA,XAP,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-797.0,-747.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,1,225000.0,526491.0,23319.0,454500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0038130000000000004,-14875,-1452,-4744.0,-4760,14.0,1,1,1,1,0,0,Drivers,3.0,2,2,SUNDAY,8,0,0,0,0,0,0,Self-employed,0.5369112240522914,0.3277532516408218,0.5762088360175724,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1082.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2741555,454316,Cash loans,4674.78,67500.0,76410.0,,67500.0,SATURDAY,6,Y,1,,,,XNA,Approved,-418,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-388.0,302.0,-178.0,-172.0,1.0,0,Cash loans,F,N,Y,0,225000.0,358443.0,13639.5,252000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.0038130000000000004,-22195,365243,-8763.0,-4257,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,5,0,0,0,0,0,0,XNA,,0.3710532611712085,0.25533177083329,0.0876,0.0699,0.9781,0.7008,0.1526,0.0,0.1379,0.1667,0.0417,,0.0597,0.0694,0.0541,0.0221,0.0893,0.0726,0.9782,0.7125,0.154,0.0,0.1379,0.1667,0.0417,,0.0652,0.0723,0.0545,0.0233,0.0885,0.0699,0.9781,0.7048,0.1536,0.0,0.1379,0.1667,0.0417,,0.0607,0.0707,0.0543,0.0225,reg oper account,block of flats,0.059,Panel,No,0.0,0.0,0.0,0.0,-1459.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +2469414,321042,Consumer loans,13117.725,66710.745,70231.5,2.745,66710.745,FRIDAY,11,Y,1,4.256548277061347e-05,,,XAP,Approved,-258,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Regional / Local,146,Consumer electronics,6.0,middle,POS household with interest,365243.0,-225.0,-75.0,-75.0,-67.0,0.0,0,Cash loans,F,N,Y,0,90000.0,521280.0,31630.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019101,-18034,-1823,-4013.0,-1570,,1,1,0,1,0,0,Cooking staff,2.0,2,2,THURSDAY,14,0,0,0,1,1,0,Restaurant,,0.7873532641380001,0.8650561757350248,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2067.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1058980,383210,Consumer loans,11604.6,112454.775,124326.0,4.275,112454.775,SATURDAY,12,Y,1,3.744754555045933e-05,,,XAP,Approved,-761,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,10200,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-730.0,-400.0,-400.0,-396.0,0.0,0,Revolving loans,F,N,Y,0,135000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.02461,-8028,-1387,-2795.0,-720,,1,1,0,1,0,0,Laborers,1.0,2,2,THURSDAY,11,0,0,0,0,1,1,Self-employed,0.3628793061437073,0.299977497364789,0.28371188263500075,0.0124,0.028,0.9836,,,0.0,0.069,0.0417,,0.0072,,0.0113,,0.0,0.0126,0.0291,0.9836,,,0.0,0.069,0.0417,,0.0074,,0.0118,,0.0,0.0125,0.028,0.9836,,,0.0,0.069,0.0417,,0.0073,,0.0115,,0.0,,block of flats,0.0089,"Stone, brick",No,4.0,0.0,4.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1957579,218231,Cash loans,16294.5,450000.0,450000.0,,450000.0,FRIDAY,17,Y,1,,,,XNA,Refused,-233,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,337500.0,1256400.0,44644.5,900000.0,Family,Commercial associate,Higher education,Civil marriage,House / apartment,0.04622,-12921,-2676,-6940.0,-165,,1,1,0,1,1,1,Sales staff,2.0,1,1,SUNDAY,13,0,1,1,0,0,0,Business Entity Type 3,0.7064965456377791,0.7186548117858971,0.8590531292026357,0.0825,0.1096,0.9796,0.7212,,0.0,0.2069,0.1667,,0.1551,0.0672,0.0522,,,0.084,0.1137,0.9796,0.7321,,0.0,0.2069,0.1667,,0.1586,0.0735,0.0544,,,0.0833,0.1096,0.9796,0.7249,,0.0,0.2069,0.1667,,0.1578,0.0684,0.0532,,,reg oper account,block of flats,0.0663,"Stone, brick",No,0.0,0.0,0.0,0.0,-2295.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2240507,308056,Consumer loans,19496.88,101250.0,106596.0,0.0,101250.0,MONDAY,11,Y,1,0.0,,,XAP,Approved,-497,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Stone,129,Consumer electronics,6.0,middle,POS household with interest,365243.0,-466.0,-316.0,-316.0,-309.0,0.0,0,Cash loans,F,N,Y,0,193500.0,284400.0,16326.0,225000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.002042,-24233,365243,-1879.0,-4123,,1,0,0,1,1,0,,2.0,3,3,MONDAY,15,0,0,0,0,0,0,XNA,,0.38760877426337903,0.7981372313187245,0.0514,0.0681,0.9891,0.8504,0.0,0.0532,0.0766,0.2775,0.0417,0.0459,0.0419,0.0359,0.0,0.0967,0.0578,0.0566,0.9886,0.8497,0.0,0.0806,0.069,0.3333,0.0417,0.0,0.0505,0.0171,0.0,0.0506,0.0573,0.0545,0.9896,0.8591,0.0,0.08,0.069,0.3333,0.0417,0.0327,0.047,0.0429,0.0,0.0978,reg oper account,block of flats,0.0238,Panel,No,5.0,0.0,5.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1282757,224355,Cash loans,14216.355,180000.0,203760.0,,180000.0,THURSDAY,9,Y,1,,,,XNA,Approved,-557,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-527.0,163.0,-287.0,-281.0,1.0,0,Revolving loans,F,N,Y,1,112500.0,337500.0,16875.0,337500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.022625,-17838,-4676,-265.0,-1367,,1,1,0,1,0,0,Sales staff,3.0,2,2,MONDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.6819028005080066,0.5406544504453575,0.066,0.0794,0.9737,0.6396,0.0052,0.0,0.1379,0.1667,0.2083,0.0512,0.0538,0.0563,0.0193,0.0873,0.0672,0.0824,0.9737,0.6537,0.0052,0.0,0.1379,0.1667,0.2083,0.0524,0.0588,0.0587,0.0195,0.0924,0.0666,0.0794,0.9737,0.6444,0.0052,0.0,0.1379,0.1667,0.2083,0.0521,0.0547,0.0573,0.0194,0.0891,reg oper account,block of flats,0.0668,Panel,No,0.0,0.0,0.0,0.0,-557.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2630151,263838,Revolving loans,14625.0,292500.0,292500.0,,292500.0,THURSDAY,17,Y,1,,,,XAP,Approved,-195,XNA,XAP,Unaccompanied,Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-194.0,-153.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,F,N,Y,0,166500.0,450000.0,20979.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.030755,-18311,-306,-4990.0,-1815,,1,1,1,1,0,0,Laborers,1.0,2,2,WEDNESDAY,16,0,0,0,0,1,1,Business Entity Type 3,0.4275311256467563,0.0737349144265273,0.14825437906109115,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1164.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2083754,449840,Consumer loans,15239.52,77535.0,81630.0,0.0,77535.0,SUNDAY,6,Y,1,0.0,,,XAP,Approved,-570,XNA,XAP,,Repeater,Audio/Video,POS,XNA,Regional / Local,320,Consumer electronics,6.0,middle,POS household with interest,365243.0,-539.0,-389.0,-389.0,-381.0,0.0,0,Cash loans,M,Y,N,0,405000.0,263686.5,28525.5,238500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.010032,-11466,-2536,-790.0,-1479,15.0,1,1,0,1,0,0,Core staff,1.0,2,2,WEDNESDAY,9,0,0,0,1,1,0,Telecom,0.5206798923827944,0.24176796739236364,0.6041125998015721,0.0742,,0.9861,0.8096,,0.0,0.1724,0.1667,0.0,,0.0588,0.0659,0.0077,0.0107,0.0756,,0.9861,0.8171,,0.0,0.1724,0.1667,0.0,,0.0643,0.0687,0.0078,0.0113,0.0749,,0.9861,0.8121,,0.0,0.1724,0.1667,0.0,,0.0599,0.0671,0.0078,0.0109,reg oper account,block of flats,0.067,"Stone, brick",No,1.0,0.0,1.0,0.0,-1790.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1726765,385483,Consumer loans,7301.025,67500.0,75519.0,0.0,67500.0,SATURDAY,14,Y,1,0.0,,,XAP,Approved,-118,Cash through the bank,XAP,Family,Repeater,Clothing and Accessories,POS,XNA,Regional / Local,37,Clothing,12.0,low_normal,POS industry with interest,365243.0,-88.0,242.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,N,0,270000.0,540000.0,27571.5,540000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-11844,-869,-2877.0,-2332,13.0,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,19,0,0,0,0,0,0,Industry: type 11,,0.6903836799840101,,0.0825,0.0647,0.9781,0.7008,0.0095,0.0,0.1379,0.1667,0.2083,0.067,0.0672,0.0699,0.0,0.0,0.084,0.0672,0.9782,0.7125,0.0096,0.0,0.1379,0.1667,0.2083,0.0685,0.0735,0.0729,0.0,0.0,0.0833,0.0647,0.9781,0.7048,0.0096,0.0,0.1379,0.1667,0.2083,0.0681,0.0684,0.0712,0.0,0.0,reg oper account,block of flats,0.0602,Panel,No,3.0,1.0,3.0,0.0,-498.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2341944,119552,Consumer loans,11741.22,129622.5,129622.5,0.0,129622.5,WEDNESDAY,16,Y,1,0.0,,,XAP,Approved,-108,XNA,XAP,Unaccompanied,Refreshed,Computers,POS,XNA,Regional / Local,300,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-78.0,252.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,0,166500.0,1646316.0,45400.5,1471500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020246,-23575,365243,-13206.0,-4659,10.0,1,0,0,1,1,0,,2.0,3,3,THURSDAY,12,0,0,0,0,0,0,XNA,,0.4168269239898548,0.4956658291397297,0.0722,0.0885,0.9821,0.7552,0.0091,0.0,0.1379,0.1667,0.0,0.0154,0.0563,0.0637,0.0116,0.0077,0.0735,0.0919,0.9821,0.7648,0.0092,0.0,0.1379,0.1667,0.0,0.0158,0.0615,0.0664,0.0117,0.0081,0.0729,0.0885,0.9821,0.7585,0.0092,0.0,0.1379,0.1667,0.0,0.0157,0.0573,0.0648,0.0116,0.0078,reg oper account,block of flats,0.0567,"Stone, brick",No,2.0,0.0,2.0,0.0,-1953.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1844267,141947,Revolving loans,6750.0,135000.0,135000.0,,135000.0,MONDAY,12,Y,1,,,,XAP,Approved,-809,XNA,XAP,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,-6.0,0.0,0,Cash loans,M,Y,Y,1,90000.0,112500.0,11812.5,112500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.00733,-15072,-3327,-8858.0,-4846,9.0,1,1,1,1,1,1,Core staff,3.0,2,2,FRIDAY,15,0,0,0,0,0,0,Self-employed,0.2891483374122459,0.16815899203210388,,0.101,0.0915,0.9811,,,,0.2069,0.1667,,0.1036,,0.0878,,0.0236,0.1029,0.095,0.9811,,,,0.2069,0.1667,,0.106,,0.0914,,0.0249,0.102,0.0915,0.9811,,,,0.2069,0.1667,,0.1055,,0.0893,,0.0241,,block of flats,0.0805,"Stone, brick",No,0.0,0.0,0.0,0.0,-1008.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2551351,282792,Revolving loans,22500.0,450000.0,450000.0,,450000.0,THURSDAY,18,N,1,,,,XAP,Refused,-159,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,1,Cash loans,M,N,N,0,292500.0,450000.0,35554.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.072508,-19784,-1918,-5060.0,-3101,,1,1,0,1,1,0,Laborers,2.0,1,1,MONDAY,20,0,0,0,0,0,0,Business Entity Type 3,,0.5494355235135943,,0.2979,0.1905,0.9821,0.7552,0.4103,0.32,0.2759,0.3333,0.375,0.0,0.2421,0.2852,0.0039,0.0001,0.3036,0.1977,0.9821,0.7648,0.414,0.3222,0.2759,0.3333,0.375,0.0,0.2645,0.2971,0.0039,0.0002,0.3008,0.1905,0.9821,0.7585,0.4129,0.32,0.2759,0.3333,0.375,0.0,0.2463,0.2903,0.0039,0.0001,not specified,block of flats,0.2243,Panel,No,0.0,0.0,0.0,0.0,-740.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2601523,409734,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SATURDAY,15,Y,1,,,,XAP,Approved,-346,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Country-wide,1100,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,1,135000.0,781920.0,47835.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008625,-16263,-339,-4694.0,-4331,,1,1,0,1,0,0,Security staff,3.0,2,2,TUESDAY,14,0,1,1,0,0,0,Security,,0.5557069295782121,0.7789040389824382,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1130.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1465879,280312,Revolving loans,11250.0,0.0,225000.0,,,FRIDAY,7,Y,1,,,,XAP,Approved,-800,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-780.0,-733.0,365243.0,-187.0,-19.0,0.0,0,Cash loans,M,Y,N,0,225000.0,521280.0,22086.0,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.020246,-14392,-3872,-3131.0,-4520,3.0,1,1,0,1,0,0,Managers,2.0,3,3,SUNDAY,11,0,0,0,0,1,1,Security Ministries,0.3415184931397278,0.508496621288295,0.4686596550493113,0.0124,0.0,0.9672,0.5512,0.0016,0.0,0.069,0.0417,0.0417,0.0221,0.0101,0.0102,0.0,0.0,0.0126,0.0,0.9672,0.5688,0.0016,0.0,0.069,0.0417,0.0417,0.0226,0.011,0.0106,0.0,0.0,0.0125,0.0,0.9672,0.5572,0.0016,0.0,0.069,0.0417,0.0417,0.0224,0.0103,0.0103,0.0,0.0,not specified,block of flats,0.0088,"Stone, brick",No,0.0,0.0,0.0,0.0,-482.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1414844,100755,Cash loans,12204.81,135000.0,152820.0,,135000.0,THURSDAY,11,Y,1,,,,XNA,Approved,-638,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,20,Connectivity,24.0,high,Cash X-Sell: high,365243.0,-608.0,82.0,-608.0,-600.0,1.0,0,Cash loans,F,N,Y,0,90000.0,107820.0,7420.5,90000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.019688999999999998,-10598,-1023,-5012.0,-1639,,1,1,1,1,0,0,,2.0,2,2,FRIDAY,13,0,0,0,0,1,1,Business Entity Type 3,,0.1571110931326108,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2729512,159629,Consumer loans,13114.26,116955.0,109404.0,18000.0,116955.0,MONDAY,16,Y,1,0.15386986565285518,,,XAP,Approved,-396,XNA,XAP,,Refreshed,Computers,POS,XNA,Regional / Local,60,Connectivity,12.0,high,POS mobile with interest,365243.0,-361.0,-31.0,-31.0,-26.0,0.0,0,Cash loans,M,Y,Y,0,112500.0,143910.0,14148.0,135000.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.010556,-19739,-2769,-11840.0,-3203,8.0,1,1,1,1,1,0,Security staff,1.0,3,3,FRIDAY,14,0,0,0,0,1,1,Trade: type 7,0.5981542752982972,0.5985427883578625,0.7826078370261895,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1488.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2312962,239902,Consumer loans,2911.86,19296.0,14796.0,4500.0,19296.0,SATURDAY,16,Y,1,0.2539857530529171,,,XAP,Refused,-2329,Cash through the bank,HC,,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,6.0,high,POS mobile with interest,,,,,,,1,Cash loans,F,N,N,0,63000.0,95940.0,10071.0,90000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.022625,-22481,365243,-9612.0,-4600,,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,XNA,,0.3846335665817712,0.7490217048463391,0.0495,0.0606,0.9866,,,0.0,0.1379,0.125,,0.0582,,0.0496,,0.0,0.0504,0.0629,0.9866,,,0.0,0.1379,0.125,,0.0595,,0.0517,,0.0,0.05,0.0606,0.9866,,,0.0,0.1379,0.125,,0.0592,,0.0505,,0.0,,block of flats,0.0529,Panel,No,0.0,0.0,0.0,0.0,-642.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1415645,237706,Consumer loans,6650.055,58549.5,58549.5,0.0,58549.5,WEDNESDAY,15,Y,1,0.0,,,XAP,Approved,-19,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,65,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,365243.0,288.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,157500.0,95940.0,9616.5,90000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.018029,-24455,365243,-14739.0,-4189,,1,0,0,1,0,0,,1.0,3,3,MONDAY,11,0,0,0,0,0,0,XNA,,0.09636602101459124,0.1096264336424546,0.0196,0.0417,0.9603,0.3064,0.0,0.0,0.0862,0.0833,0.0417,0.008,0.005,0.0229,0.0,0.0362,0.0063,0.0,0.9494,0.3336,0.0,0.0,0.0345,0.0417,0.0417,0.0082,0.0055,0.0088,0.0,0.0,0.0198,0.0417,0.9603,0.3157,0.0,0.0,0.0862,0.0833,0.0417,0.0081,0.0051,0.0233,0.0,0.0369,not specified,block of flats,0.0452,Wooden,No,1.0,0.0,1.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2275426,267366,Consumer loans,6107.76,37350.0,39816.0,0.0,37350.0,MONDAY,12,Y,1,0.0,,,XAP,Approved,-1971,Cash through the bank,XAP,Other_A,Repeater,Audio/Video,POS,XNA,Stone,18,Consumer electronics,8.0,high,POS household with interest,365243.0,-1940.0,-1730.0,-1730.0,-1727.0,0.0,1,Cash loans,M,Y,Y,1,112500.0,521280.0,31630.5,450000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.031329,-10828,-2654,-2799.0,-3405,1.0,1,1,0,1,0,0,Laborers,3.0,2,2,FRIDAY,10,0,0,0,0,1,1,Industry: type 11,0.31641249195192794,0.5779690093071216,0.2079641743053816,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1768.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1585884,185436,Consumer loans,4060.305,35725.5,35725.5,0.0,35725.5,FRIDAY,16,Y,1,0.0,,,XAP,Approved,-472,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Regional / Local,40,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-441.0,-171.0,-261.0,-253.0,0.0,0,Cash loans,F,N,Y,1,135000.0,539100.0,22968.0,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.008019,-10830,-2050,-489.0,-1151,,1,1,0,1,0,1,Laborers,3.0,2,2,MONDAY,14,0,0,0,0,0,0,Self-employed,0.4994857082407348,0.5728027457686921,0.5028782772082183,0.106,0.0726,0.9861,0.7959999999999999,0.1665,0.112,0.0966,0.3333,0.375,0.1644,0.2152,0.1086,0.0077,0.0312,0.0378,0.0231,0.9871,0.804,0.168,0.0403,0.0345,0.3333,0.375,0.1681,0.2351,0.0402,0.0078,0.0186,0.0749,0.044,0.9871,0.7987,0.1675,0.08,0.069,0.3333,0.375,0.1672,0.2189,0.0775,0.0078,0.031,reg oper account,block of flats,0.3113,Panel,No,2.0,1.0,2.0,1.0,-472.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1059682,241356,Cash loans,59670.045,1215000.0,1338493.5,,1215000.0,WEDNESDAY,15,Y,1,,,,XNA,Approved,-372,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,42.0,middle,Cash X-Sell: middle,365243.0,-342.0,888.0,-222.0,-214.0,1.0,0,Cash loans,M,Y,N,1,247500.0,521280.0,27292.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.016612000000000002,-12409,-338,-1346.0,-4265,2.0,1,1,1,1,1,0,Drivers,3.0,2,2,THURSDAY,11,0,0,0,0,1,1,Trade: type 7,0.2693408130141595,0.10189721919823792,0.2225807646753351,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-519.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2770077,347310,Consumer loans,6165.0,28710.0,30235.5,3150.0,28710.0,TUESDAY,12,Y,1,0.10275827420995234,,,XAP,Approved,-1151,Cash through the bank,XAP,,New,Mobile,POS,XNA,Stone,17,Connectivity,6.0,high,POS mobile with interest,365243.0,-1120.0,-970.0,-970.0,-963.0,0.0,1,Cash loans,F,Y,Y,0,175500.0,640080.0,29970.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.025164,-9717,-883,-9002.0,-2130,7.0,1,1,0,1,1,0,Sales staff,1.0,2,2,FRIDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.8502743343951202,0.280751726327001,0.17044612304522816,0.1299,0.0758,0.9826,0.762,0.0345,0.04,0.1379,0.25,0.2917,0.0948,0.1059,0.108,0.0,0.0004,0.0945,0.0647,0.9777,0.706,0.0292,0.0,0.069,0.1667,0.2083,0.0855,0.0826,0.0916,0.0,0.0,0.1312,0.0758,0.9826,0.7652,0.0347,0.04,0.1379,0.25,0.2917,0.0964,0.1077,0.1099,0.0,0.0004,reg oper account,block of flats,0.0917,"Stone, brick",No,3.0,0.0,2.0,0.0,-1151.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,0.0 +1109102,158631,Cash loans,67266.135,1138500.0,1204623.0,,1138500.0,WEDNESDAY,14,Y,1,,,,XNA,Approved,-309,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-279.0,411.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,225000.0,1213227.0,48244.5,1116000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0060079999999999995,-15769,-1714,-9847.0,-4308,,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,17,0,0,0,0,0,0,Self-employed,0.7261713444597161,0.5504963341145881,0.5154953751603267,0.5897,0.4299,0.9806,0.7348,0.252,0.64,0.5517,0.3333,0.375,0.0784,0.4783,0.6165,0.0116,0.0141,0.6008,0.4461,0.9806,0.7452,0.2543,0.6445,0.5517,0.3333,0.375,0.0802,0.5225,0.6423,0.0117,0.0149,0.5954,0.4299,0.9806,0.7383,0.2536,0.64,0.5517,0.3333,0.375,0.0798,0.4865,0.6276,0.0116,0.0144,reg oper spec account,block of flats,0.6258,Panel,No,0.0,0.0,0.0,0.0,-1986.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2514319,101238,Cash loans,21220.695,373500.0,452385.0,,373500.0,FRIDAY,14,Y,1,,,,XNA,Refused,-140,Cash through the bank,HC,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Revolving loans,M,Y,N,1,180000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00963,-7938,-1191,-1319.0,-618,15.0,1,1,0,1,1,0,Laborers,3.0,2,2,FRIDAY,12,0,0,0,0,1,1,Business Entity Type 3,,0.0917549325588139,0.180887977767074,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-753.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0.0,0.0,0.0,0.0,2.0,4.0 +1160423,353889,Consumer loans,12303.36,116581.5,115308.0,11659.5,116581.5,MONDAY,14,Y,1,0.10001185700707232,,,XAP,Approved,-2381,Cash through the bank,XAP,Children,New,Computers,POS,XNA,Stone,355,Consumer electronics,12.0,middle,POS household with interest,365243.0,-2350.0,-2020.0,-2020.0,-2018.0,0.0,1,Cash loans,F,N,N,0,180000.0,225000.0,10953.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.018209,-19082,-239,-9791.0,-2617,,1,1,0,1,0,0,Laborers,1.0,3,3,MONDAY,12,0,1,1,0,1,1,Industry: type 3,0.6162598375936964,0.4243673318833682,0.22009464485041005,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2050.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2735108,121690,Cash loans,4361.85,49500.0,54400.5,,49500.0,TUESDAY,11,Y,1,,,,XNA,Refused,-531,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,157500.0,760500.0,22365.0,760500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.0228,-20274,365243,-9525.0,-3812,,1,0,0,1,1,0,,2.0,2,2,MONDAY,12,0,0,0,0,0,0,XNA,0.7630188027661081,0.5197271310517021,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2807989,419640,Revolving loans,45000.0,900000.0,900000.0,,900000.0,FRIDAY,12,Y,1,,,,XAP,Refused,-402,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,112500.0,589045.5,30204.0,508500.0,Unaccompanied,State servant,Secondary / secondary special,Married,Office apartment,0.025164,-14972,-3575,-3289.0,-4260,,1,1,0,1,0,0,,2.0,2,2,MONDAY,14,0,0,0,0,0,0,School,0.4242804688830173,0.6357928023773264,0.5762088360175724,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1452.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1498203,124590,Cash loans,34543.8,540000.0,540000.0,,540000.0,MONDAY,10,Y,1,,,,XNA,Refused,-319,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,Y,Y,5,315000.0,239850.0,25447.5,225000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.031329,-13532,-4013,-7303.0,-4375,15.0,1,1,0,1,1,1,Core staff,7.0,2,2,FRIDAY,12,0,0,0,0,0,0,Religion,0.8458968494046671,0.6525666873171531,0.09445169198377182,0.133,0.039,0.9876,0.83,0.0371,0.16,0.069,0.5417,0.5,0.1849,0.1084,0.1225,0.0193,0.0642,0.1355,0.0404,0.9876,0.8367,0.0374,0.1611,0.069,0.5417,0.5,0.1891,0.1185,0.1277,0.0195,0.068,0.1343,0.039,0.9876,0.8323,0.0373,0.16,0.069,0.5417,0.5,0.1881,0.1103,0.1247,0.0194,0.0655,org spec account,block of flats,0.1103,"Stone, brick",No,0.0,0.0,0.0,0.0,-319.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1135438,154666,Consumer loans,3883.68,20817.0,19660.5,2083.5,20817.0,THURSDAY,13,Y,1,0.10435618603251054,,,XAP,Approved,-1750,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,2000,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1719.0,-1569.0,-1629.0,-1621.0,0.0,0,Cash loans,F,N,Y,0,180000.0,808650.0,23773.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.008575,-23421,365243,-4713.0,-4887,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,13,0,0,0,0,0,0,XNA,,0.2179915649360708,0.1674084472266241,0.066,0.055,0.9831,0.7688,0.0475,0.0264,0.1148,0.2221,0.2638,0.0673,0.0538,0.1016,0.0,0.0,0.063,0.0638,0.9826,0.7713,0.0414,0.0,0.1379,0.1667,0.2083,0.0536,0.0551,0.0656,0.0,0.0,0.0625,0.0615,0.9831,0.7786,0.0511,0.0,0.1379,0.1667,0.2083,0.0681,0.0513,0.0731,0.0,0.0,reg oper account,block of flats,0.1573,Panel,No,0.0,0.0,0.0,0.0,-1750.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2072578,229590,Cash loans,9842.4,90000.0,90000.0,0.0,90000.0,MONDAY,13,Y,1,0.0,,,XNA,Refused,-2144,XNA,LIMIT,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,N,0,405000.0,675000.0,19476.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.014519999999999996,-22819,365243,-11079.0,-6337,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,,0.2318881971357951,0.7490217048463391,0.0041,,,,,,,0.0,,,,0.0035,,,0.0042,,,,,,,0.0,,,,0.0037,,,0.0042,,,,,,,0.0,,,,0.0036,,,,block of flats,0.0028,Mixed,No,0.0,0.0,0.0,0.0,-2144.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +2595545,210115,Consumer loans,4957.74,25065.0,23674.5,2506.5,25065.0,TUESDAY,10,Y,1,0.1042666958342448,,,XAP,Approved,-1022,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,37,Connectivity,6.0,high,POS mobile with interest,365243.0,-991.0,-841.0,-841.0,-835.0,0.0,1,Cash loans,F,N,N,0,103500.0,743958.0,24129.0,621000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.0105,-13259,-1253,-6405.0,-3566,,1,1,1,1,1,0,Security staff,2.0,3,3,TUESDAY,9,0,0,0,0,0,0,Other,,0.09812444524898704,0.07905969599457675,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1022.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1622620,384591,Cash loans,40585.005,765000.0,843763.5,,765000.0,FRIDAY,15,Y,1,,,,XNA,Approved,-1084,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-1054.0,-4.0,-1024.0,-1019.0,1.0,0,Cash loans,M,Y,Y,1,225000.0,904500.0,38322.0,904500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-14763,-1261,-7245.0,-5143,1.0,1,1,0,1,1,0,Drivers,3.0,1,1,THURSDAY,9,0,0,0,0,0,0,Self-employed,0.5614304646211621,0.7714163829316043,,0.0567,,0.9861,,,,0.1379,0.1667,,,,0.059,,0.0048,0.0578,,0.9861,,,,0.1379,0.1667,,,,0.0615,,0.0051,0.0573,,0.9861,,,,0.1379,0.1667,,,,0.0601,,0.0049,,block of flats,0.0475,Panel,No,0.0,0.0,0.0,0.0,-3250.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2725659,277860,Revolving loans,11250.0,0.0,225000.0,,,MONDAY,13,Y,1,,,,XAP,Approved,-503,XNA,XAP,,Refreshed,XNA,Cards,x-sell,Regional / Local,1511,Consumer electronics,0.0,XNA,Card X-Sell,-397.0,-369.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,112500.0,669600.0,26685.0,598500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020246,-20357,365243,-13852.0,-3875,,1,0,0,1,0,0,,2.0,3,3,SUNDAY,10,0,0,0,0,0,0,XNA,0.7013603922953424,0.4477115608872648,0.7981372313187245,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,0.0,-416.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1443301,283499,Consumer loans,14081.805,105970.5,103239.0,10597.5,105970.5,WEDNESDAY,16,Y,1,0.10138787567336408,,,XAP,Approved,-1269,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Stone,5,Consumer electronics,10.0,high,POS household with interest,365243.0,-1238.0,-968.0,-968.0,-964.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,239850.0,23719.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-15829,-1925,-2249.0,-4727,10.0,1,1,1,1,0,0,Laborers,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Agriculture,,0.5999974250033171,0.5762088360175724,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1539.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1034241,136850,Consumer loans,15636.24,80199.0,84433.5,0.0,80199.0,THURSDAY,12,Y,1,0.0,,,XAP,Approved,-246,Cash through the bank,XAP,,Refreshed,Jewelry,POS,XNA,Country-wide,90,Jewelry,6.0,middle,POS others without interest,365243.0,-209.0,-59.0,-59.0,-54.0,0.0,0,Cash loans,F,N,Y,0,112500.0,534204.0,30798.0,495000.0,Family,Working,Secondary / secondary special,Single / not married,House / apartment,0.020246,-21638,-2328,-1948.0,-4084,,1,1,0,1,0,0,Cleaning staff,1.0,3,3,FRIDAY,14,0,0,0,0,1,1,Other,,0.3791311562688751,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-246.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2061324,284803,Cash loans,,0.0,0.0,,,SUNDAY,10,Y,1,,,,XNA,Refused,-240,XNA,HC,,Repeater,XNA,XNA,XNA,AP+ (Cash loan),10,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,Y,Y,0,225000.0,450000.0,24543.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.005313,-21264,-1285,-2287.0,-4044,2.0,1,1,1,1,1,0,High skill tech staff,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Business Entity Type 2,0.6888834202396902,0.6705760136890923,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2108.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1646290,128732,Consumer loans,16492.05,225000.0,231750.0,0.0,225000.0,FRIDAY,12,Y,1,0.0,,,XAP,Refused,-1012,XNA,LIMIT,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,60,Furniture,18.0,middle,POS industry with interest,,,,,,,0,Cash loans,F,Y,Y,1,108000.0,1125000.0,29808.0,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-12061,-1690,-2524.0,-2401,7.0,1,1,0,1,0,0,Sales staff,3.0,2,2,TUESDAY,13,0,0,0,0,0,0,Self-employed,0.4724801116928055,0.6877224275590408,0.3123653692278984,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,1.0,7.0,1.0,-2059.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2214969,227032,Consumer loans,5916.555,53131.5,51763.5,5314.5,53131.5,TUESDAY,8,Y,1,0.10140463289469907,,,XAP,Approved,-2286,Cash through the bank,XAP,Family,Repeater,Construction Materials,POS,XNA,Country-wide,190,Consumer electronics,10.0,middle,POS household with interest,365243.0,-2255.0,-1985.0,-2015.0,-2008.0,1.0,0,Cash loans,F,N,Y,1,81000.0,173092.5,13720.5,157500.0,Children,Working,Secondary / secondary special,Separated,House / apartment,0.025164,-11009,-2732,-2366.0,-3287,,1,1,1,1,1,0,Sales staff,2.0,2,2,SATURDAY,9,0,0,0,0,0,0,Self-employed,,0.5866860751486003,0.7394117535524816,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1161147,122063,Consumer loans,9728.55,215950.5,215950.5,0.0,215950.5,SUNDAY,16,Y,1,0.0,,,XAP,Approved,-857,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Regional / Local,105,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-825.0,-135.0,-135.0,-129.0,0.0,0,Cash loans,M,Y,N,0,126000.0,508495.5,19894.5,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-22947,365243,-6956.0,-4123,22.0,1,0,0,1,1,0,,2.0,2,2,TUESDAY,21,0,0,0,0,0,0,XNA,,0.6976139744616511,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1796.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2571575,381064,Consumer loans,3889.8,33705.0,33331.5,3375.0,33705.0,WEDNESDAY,13,Y,1,0.10013708248353337,,,XAP,Approved,-2473,XNA,XAP,Family,Repeater,Mobile,POS,XNA,Stone,8,Connectivity,12.0,high,POS mobile with interest,365243.0,-2432.0,-2102.0,-2102.0,-2098.0,1.0,1,Cash loans,M,N,Y,1,90000.0,314100.0,13306.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-16221,-7771,-6695.0,-4203,,1,1,1,1,1,0,Laborers,3.0,2,2,THURSDAY,22,0,0,0,0,0,0,Construction,,0.5523948976343821,0.2692857999073816,0.1485,0.0777,0.9781,,,0.0,0.069,0.1667,,0.1206,,0.0548,,0.0047,0.1513,0.0807,0.9782,,,0.0,0.069,0.1667,,0.1233,,0.0571,,0.005,0.1499,0.0777,0.9781,,,0.0,0.069,0.1667,,0.1227,,0.0558,,0.0048,,block of flats,0.0441,"Stone, brick",No,2.0,1.0,2.0,1.0,-2013.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,3.0 +2247364,236475,Consumer loans,24279.57,242820.0,218538.0,24282.0,242820.0,WEDNESDAY,11,Y,1,0.1089090909090909,,,XAP,Approved,-989,XNA,XAP,Other_A,New,Homewares,POS,XNA,Regional / Local,118,Construction,10.0,low_normal,POS other with interest,365243.0,-953.0,-683.0,-803.0,-796.0,0.0,0,Cash loans,M,Y,N,0,135000.0,900000.0,23742.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-20043,-682,-592.0,-3578,17.0,1,1,1,1,1,0,Laborers,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Business Entity Type 2,,0.35856849883534514,0.6956219298394389,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-989.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1140871,425452,Cash loans,10941.03,135000.0,161730.0,,135000.0,MONDAY,8,Y,1,,,,Other,Refused,-548,Cash through the bank,LIMIT,,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),4,XNA,36.0,high,Cash Street: high,,,,,,,1,Cash loans,M,N,Y,0,99000.0,312768.0,16096.5,270000.0,"Spouse, partner",Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.015221,-21859,365243,-2007.0,-135,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,XNA,,0.4376878285755236,0.4902575124990026,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,11.0,0.0,11.0,0.0,-671.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1800401,312478,Consumer loans,13835.025,49495.5,51237.0,0.0,49495.5,FRIDAY,13,Y,1,0.0,,,XAP,Approved,-421,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Regional / Local,130,Consumer electronics,4.0,middle,POS household with interest,365243.0,-390.0,-300.0,-300.0,-293.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,1566747.0,58194.0,1462500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-17301,-2092,-5927.0,-862,9.0,1,1,0,1,0,0,Core staff,2.0,3,3,SATURDAY,6,0,0,0,0,0,0,Self-employed,,0.6622880354143184,,0.0773,,0.9886,,,,0.1379,0.1667,,,,0.0626,,0.0099,0.0788,,0.9886,,,,0.1379,0.1667,,,,0.0652,,0.0105,0.0781,,0.9886,,,,0.1379,0.1667,,,,0.0637,,0.0101,,block of flats,0.0612,"Stone, brick",No,0.0,0.0,0.0,0.0,-1561.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2426311,424474,Consumer loans,14029.965,129042.0,142668.0,0.0,129042.0,MONDAY,16,Y,1,0.0,,,XAP,Approved,-421,Cash through the bank,XAP,,Refreshed,Consumer Electronics,POS,XNA,Regional / Local,351,Consumer electronics,12.0,middle,POS household with interest,365243.0,-390.0,-60.0,-90.0,-86.0,0.0,0,Revolving loans,F,Y,Y,0,121500.0,202500.0,10125.0,202500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-21323,365243,-7795.0,-3988,6.0,1,0,0,1,0,0,,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,,0.5969233193130189,0.7544061731797895,0.0753,0.0483,0.9896,0.8572,0.0186,0.08,0.069,0.3333,0.375,0.0312,0.0605,0.0819,0.0039,0.002,0.0767,0.0501,0.9896,0.8628,0.0188,0.0806,0.069,0.3333,0.375,0.0319,0.0661,0.0854,0.0039,0.0021,0.076,0.0483,0.9896,0.8591,0.0187,0.08,0.069,0.3333,0.375,0.0318,0.0616,0.0834,0.0039,0.0021,reg oper account,block of flats,0.0829,Panel,No,2.0,0.0,2.0,0.0,-4.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2273081,145520,Consumer loans,11533.5,247500.0,112500.0,135000.0,247500.0,SATURDAY,16,Y,1,0.5940495867768594,,,XAP,Approved,-485,XNA,XAP,,New,Sport and Leisure,POS,XNA,Stone,10,Construction,12.0,middle,POS other with interest,365243.0,-453.0,-123.0,-393.0,-386.0,0.0,0,Cash loans,M,N,Y,0,157500.0,675000.0,21906.0,675000.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.026392000000000002,-15945,-4545,-5858.0,-4063,,1,1,0,1,0,0,Security staff,2.0,2,2,MONDAY,10,0,0,0,0,1,1,Other,,0.7524195710443319,,0.0711,0.0851,0.9811,,,0.0,0.1379,0.1667,,,,0.0663,,,0.0725,0.0883,0.9811,,,0.0,0.1379,0.1667,,,,0.069,,,0.0718,0.0851,0.9811,,,0.0,0.1379,0.1667,,,,0.0674,,,,block of flats,0.0769,"Stone, brick",No,0.0,0.0,0.0,0.0,-485.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1024657,230516,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,8,Y,1,,,,XAP,Approved,-355,XNA,XAP,Unaccompanied,New,XNA,Cards,walk-in,Country-wide,400,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,M,N,Y,0,135000.0,126000.0,8181.0,126000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Rented apartment,0.018209,-12676,-102,-1196.0,-1309,,1,1,0,1,0,0,Laborers,1.0,3,3,MONDAY,12,0,0,0,1,1,0,Other,0.07536597040398482,0.05433561518325461,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1024738,275618,Revolving loans,13500.0,0.0,270000.0,,,SATURDAY,8,Y,1,,,,XAP,Approved,-997,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,292500.0,1893996.0,103918.5,1755000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-19377,-774,-7060.0,-2902,,1,1,0,1,1,0,Managers,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Other,0.6640975673349925,0.6678215732248207,0.6785676886853644,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2123.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1311938,243008,Consumer loans,14611.86,161049.78,160042.5,14012.28,161049.78,TUESDAY,13,Y,1,0.08767726323653025,,,XAP,Approved,-2383,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,3100,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-2352.0,-2022.0,-2022.0,-2014.0,1.0,0,Cash loans,F,N,Y,0,225000.0,454500.0,14791.5,454500.0,Unaccompanied,State servant,Higher education,Separated,House / apartment,0.028663,-21789,-5893,-12302.0,-4082,,1,1,0,1,1,0,Core staff,1.0,2,2,FRIDAY,7,0,0,0,0,0,0,School,,0.3352888193284259,0.5726825047161584,0.0186,0.0026,0.9722,0.5920000000000001,0.0037,0.0,0.1034,0.0692,0.0833,0.0098,0.0168,0.0166,0.0,0.0,0.0168,0.0,0.9732,0.608,0.0037,0.0,0.1034,0.0833,0.0833,0.0076,0.0184,0.014,0.0,0.0,0.0187,0.0026,0.9732,0.5975,0.0037,0.0,0.1034,0.0833,0.0833,0.0104,0.0171,0.016,0.0,0.0,not specified,block of flats,0.0179,Wooden,Yes,0.0,0.0,0.0,0.0,-423.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2437000,339988,Consumer loans,9886.995,91795.5,101488.5,0.0,91795.5,WEDNESDAY,10,Y,1,0.0,,,XAP,Approved,-121,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Country-wide,1759,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-91.0,239.0,-31.0,-26.0,1.0,0,Cash loans,F,Y,N,0,180000.0,1110492.0,47178.0,1021500.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,House / apartment,0.018029,-15981,-992,-5938.0,-4565,24.0,1,1,0,1,0,0,Accountants,1.0,3,3,FRIDAY,10,0,0,0,0,0,0,Other,,0.4731361180483325,,0.066,0.0909,0.9856,0.8028,0.0709,0.0,0.1379,0.1667,0.2083,0.0224,0.0513,0.0467,0.0077,0.0093,0.0672,0.0943,0.9856,0.8105,0.0715,0.0,0.1379,0.1667,0.2083,0.0229,0.056,0.0487,0.0078,0.0098,0.0666,0.0909,0.9856,0.8054,0.0713,0.0,0.1379,0.1667,0.2083,0.0228,0.0522,0.0475,0.0078,0.0095,reg oper spec account,block of flats,0.084,Panel,No,8.0,0.0,8.0,0.0,-2353.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1097084,290842,Cash loans,19999.08,679500.0,679500.0,,679500.0,FRIDAY,12,Y,1,,,,XNA,Refused,-216,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,135000.0,675000.0,21906.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.026392000000000002,-19748,365243,-7398.0,-3250,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,13,0,0,0,0,0,0,XNA,,0.2300277494465135,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-363.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1871837,354255,Consumer loans,3417.525,28710.0,28336.5,2925.0,28710.0,WEDNESDAY,15,Y,1,0.10190140937226012,,,XAP,Approved,-2009,Cash through the bank,XAP,Children,Refreshed,Mobile,POS,XNA,Country-wide,74,Connectivity,12.0,high,POS mobile with interest,365243.0,-1978.0,-1648.0,-1648.0,-1641.0,0.0,0,Cash loans,M,Y,Y,0,112500.0,260725.5,19102.5,198000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-17299,-4494,-858.0,-852,12.0,1,1,0,1,0,0,Managers,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Self-employed,0.2778376821914221,0.5945376029240257,0.7047064232963289,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1872.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2253296,229092,Consumer loans,5296.23,65475.0,46786.5,22905.0,65475.0,MONDAY,4,Y,1,0.3579436125313312,,,XAP,Approved,-2070,Cash through the bank,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Regional / Local,72,Consumer electronics,12.0,high,POS household with interest,365243.0,-2038.0,-1708.0,-1798.0,-1791.0,0.0,1,Cash loans,M,N,N,1,270000.0,900000.0,48955.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,Office apartment,0.006305,-10887,-2512,-2080.0,-3371,,1,1,1,1,0,0,Laborers,3.0,3,3,SUNDAY,15,0,0,0,0,0,0,Other,0.6277252961356445,0.4277147161427858,0.7091891096653581,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2070.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2348731,164288,Revolving loans,22500.0,450000.0,450000.0,,450000.0,FRIDAY,12,Y,1,,,,XAP,Refused,-628,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,Y,N,1,180000.0,1493086.5,52029.0,1363500.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.00702,-14947,-1629,-355.0,-970,65.0,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,18,0,0,0,0,0,0,Military,,0.3266460484326216,0.4083588531230431,0.0994,0.0736,0.9841,0.7824,0.0057,0.0,0.2345,0.1667,0.2083,0.0728,0.081,0.0813,0.0,0.0325,0.0735,0.0613,0.9826,0.7713,0.0,0.0,0.2069,0.1667,0.2083,0.0183,0.0643,0.0674,0.0,0.0,0.0729,0.0591,0.9836,0.7786,0.0,0.0,0.2069,0.1667,0.2083,0.0939,0.0599,0.0662,0.0,0.0344,reg oper account,block of flats,0.0582,Panel,No,1.0,1.0,1.0,0.0,-1194.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2128417,282027,Consumer loans,26461.035,283491.0,283491.0,0.0,283491.0,WEDNESDAY,15,Y,1,0.0,,,XAP,Approved,-932,Cash through the bank,XAP,Unaccompanied,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,2000,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-901.0,-571.0,-721.0,-716.0,0.0,0,Cash loans,F,Y,N,0,157500.0,630000.0,41346.0,630000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.028663,-9270,-1685,-9242.0,-1778,5.0,1,1,1,1,1,0,Core staff,1.0,2,2,THURSDAY,16,0,0,0,0,0,0,Trade: type 2,,0.4361760735485749,,0.3165,0.1701,0.9806,0.7348,0.0488,0.24,0.2069,0.3333,0.375,0.1301,0.2429,0.2596,0.0695,0.1874,0.3225,0.1765,0.9806,0.7452,0.0492,0.2417,0.2069,0.3333,0.375,0.1331,0.2654,0.2704,0.07,0.1984,0.3196,0.1701,0.9806,0.7383,0.0491,0.24,0.2069,0.3333,0.375,0.1324,0.2471,0.2642,0.0699,0.1914,reg oper account,block of flats,0.2716,"Stone, brick",No,7.0,0.0,6.0,0.0,-1476.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2739220,251469,Cash loans,23775.435,675000.0,808650.0,,675000.0,MONDAY,17,Y,1,,,,XNA,Refused,-250,XNA,HC,Family,Refreshed,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,1,Cash loans,F,N,N,0,135000.0,540000.0,23787.0,540000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.005002,-22037,365243,-4174.0,-4189,,1,0,0,1,1,1,,2.0,3,3,FRIDAY,14,0,0,0,0,0,0,XNA,,0.4507035469396337,0.5937175866150576,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-250.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1339650,367790,Cash loans,33994.53,270000.0,322330.5,0.0,270000.0,TUESDAY,10,Y,1,0.0,,,Journey,Refused,-1960,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,216000.0,1183500.0,38178.0,1183500.0,Unaccompanied,Pensioner,Higher education,Widow,House / apartment,0.028663,-22567,365243,-7804.0,-4684,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,16,0,0,0,0,0,0,XNA,,0.6370881123738095,,0.1495,0.1225,0.9891,0.8504,0.0326,0.16,0.1379,0.3333,0.375,0.1027,0.121,0.1662,0.0039,0.0006,0.1523,0.1272,0.9891,0.8563,0.0329,0.1611,0.1379,0.3333,0.375,0.1051,0.1322,0.1732,0.0039,0.0006,0.1509,0.1225,0.9891,0.8524,0.0328,0.16,0.1379,0.3333,0.375,0.1045,0.1231,0.1692,0.0039,0.0006,reg oper account,block of flats,0.1487,Panel,No,0.0,0.0,0.0,0.0,-655.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2799859,322325,Cash loans,12734.19,135000.0,148365.0,0.0,135000.0,TUESDAY,17,Y,1,0.0,,,XNA,Refused,-1601,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,18.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,M,N,N,2,180000.0,178290.0,19048.5,157500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Municipal apartment,0.004849,-10279,-1363,-165.0,-2936,,1,1,0,1,0,0,Low-skill Laborers,3.0,2,2,SUNDAY,11,0,0,0,1,1,0,Industry: type 4,,0.4946882608551199,0.41184855592423975,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1601.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,5.0 +2305195,112922,Consumer loans,8414.82,72098.235,70240.5,7212.735,72098.235,THURSDAY,9,Y,1,0.10142021980336673,,,XAP,Approved,-2218,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,1450,Consumer electronics,10.0,middle,POS household with interest,365243.0,-2187.0,-1917.0,-1917.0,-1914.0,0.0,0,Cash loans,M,Y,N,0,180000.0,497520.0,49338.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-16588,-911,-4734.0,-128,2.0,1,1,0,1,0,0,Laborers,2.0,3,3,WEDNESDAY,8,0,0,0,0,1,1,Business Entity Type 1,,0.21336041280276405,0.6894791426446275,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,1.0,0.0,-380.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,0.0,0.0,5.0 +1891668,414015,Consumer loans,10693.8,131017.5,151771.5,0.0,131017.5,SUNDAY,14,Y,1,0.0,,,XAP,Approved,-272,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,2000,Consumer electronics,18.0,low_normal,POS household with interest,365243.0,-242.0,268.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,N,0,81000.0,319500.0,19305.0,319500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.028663,-20189,-11485,-6239.0,-3309,13.0,1,1,1,1,0,0,Laborers,1.0,2,2,SATURDAY,11,0,0,0,0,0,0,Business Entity Type 1,,0.6618330261010215,,0.0649,0.0497,0.9911,0.8776,0.0094,0.04,0.0345,0.3333,0.375,0.0739,0.053,0.0641,0.0,0.0,0.0662,0.0516,0.9911,0.8824,0.0095,0.0403,0.0345,0.3333,0.375,0.0756,0.0579,0.0668,0.0,0.0,0.0656,0.0497,0.9911,0.8792,0.0095,0.04,0.0345,0.3333,0.375,0.0752,0.0539,0.0652,0.0,0.0,reg oper account,block of flats,0.0555,"Stone, brick",No,1.0,0.0,1.0,0.0,-272.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2503263,382329,Cash loans,113361.795,1129500.0,1162300.5,,1129500.0,THURSDAY,12,Y,1,,,,XNA,Approved,-519,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-489.0,-159.0,-369.0,-362.0,1.0,0,Cash loans,F,Y,Y,0,540000.0,918000.0,26838.0,918000.0,Unaccompanied,Working,Higher education,Widow,House / apartment,0.00702,-15071,-3135,-1053.0,-4815,2.0,1,1,0,1,0,0,Core staff,1.0,2,2,FRIDAY,10,0,0,0,0,0,0,Security Ministries,,0.7162166548688629,,0.0546,0.0476,0.9771,0.7008,0.0017,0.0,0.1379,0.1667,0.0417,0.05,0.0403,0.0523,0.0193,0.0419,0.0557,0.0494,0.9762,0.7125,0.0017,0.0,0.1379,0.1667,0.0417,0.0512,0.0441,0.0427,0.0195,0.0444,0.0552,0.0476,0.9771,0.7048,0.0017,0.0,0.1379,0.1667,0.0417,0.0509,0.041,0.0532,0.0194,0.0428,reg oper account,block of flats,0.0526,"Stone, brick",No,0.0,0.0,0.0,0.0,-29.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1425074,144187,Cash loans,5715.315,144000.0,182016.0,,144000.0,TUESDAY,10,Y,1,,,,XNA,Approved,-192,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-162.0,1248.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,225000.0,522000.0,16839.0,522000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.025164,-21226,365243,-7717.0,-3867,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,9,0,0,0,0,0,0,XNA,,0.0863908913380608,,,,0.9717,,,,0.069,0.0417,,0.0052,,0.0075,,,,,0.9717,,,,0.069,0.0417,,0.0053,,0.0079,,,,,0.9717,,,,0.069,0.0417,,0.0053,,0.0077,,,,block of flats,0.0059,,Yes,0.0,0.0,0.0,0.0,-192.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1274561,303834,Consumer loans,,52074.675,52074.675,0.0,52074.675,TUESDAY,11,Y,1,0.0,,,XAP,Refused,-930,Cash through the bank,HC,,Repeater,Mobile,XNA,XNA,Country-wide,41,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,0,180000.0,521280.0,41926.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.010006000000000001,-13238,-421,-760.0,-579,,1,1,1,1,0,0,Sales staff,1.0,2,2,MONDAY,12,0,0,0,0,0,0,Other,,0.09186980558063967,0.4794489811780563,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-270.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1560636,393677,Consumer loans,4629.105,40810.5,39906.0,4500.0,40810.5,FRIDAY,11,Y,1,0.11036592106717764,,,XAP,Approved,-1855,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,63,Connectivity,12.0,high,POS mobile with interest,365243.0,-1824.0,-1494.0,-1494.0,-1489.0,0.0,0,Cash loans,F,N,Y,1,135000.0,135000.0,16150.5,135000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-11631,-2945,-5278.0,-416,,1,1,0,1,0,0,Private service staff,3.0,2,2,FRIDAY,10,0,0,0,1,1,0,Self-employed,,0.5084365026796281,,0.2134,0.136,0.9801,0.728,0.1203,0.16,0.1379,0.3333,0.375,0.0,0.1731,0.1978,0.0039,0.0039,0.2174,0.1411,0.9801,0.7387,0.1214,0.1611,0.1379,0.3333,0.375,0.0,0.1892,0.2061,0.0039,0.0041,0.2155,0.136,0.9801,0.7316,0.1211,0.16,0.1379,0.3333,0.375,0.0,0.1761,0.2014,0.0039,0.0039,reg oper account,block of flats,0.2269,Panel,No,0.0,0.0,0.0,0.0,-1128.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2761157,424711,Revolving loans,22500.0,0.0,450000.0,,,THURSDAY,18,Y,1,,,,XAP,Approved,-1224,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-1222.0,-1188.0,365243.0,-700.0,-191.0,0.0,0,Cash loans,F,Y,Y,1,180000.0,582768.0,35784.0,540000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.011703,-13619,-3879,-1195.0,-3669,5.0,1,1,0,1,1,0,,3.0,2,2,WEDNESDAY,12,0,1,1,1,0,0,Business Entity Type 1,0.6000459248717833,0.4866221167718973,0.6894791426446275,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1018016,250216,Revolving loans,16875.0,337500.0,337500.0,,337500.0,FRIDAY,13,Y,1,,,,XAP,Refused,-778,XNA,SCOFR,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,N,Y,1,225000.0,521280.0,31630.5,450000.0,Family,Working,Higher education,Married,House / apartment,0.030755,-10382,-1081,-5135.0,-3019,,1,1,0,1,1,0,Sales staff,3.0,2,2,SATURDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.5669227663093248,0.27822848070337564,0.3506958432829587,0.033,0.0425,0.9722,,,0.0,0.1379,0.125,0.1667,0.0,,0.0398,,0.0,0.0336,0.0441,0.9722,,,0.0,0.1379,0.125,0.1667,0.0,,0.0414,,0.0,0.0333,0.0425,0.9722,,,0.0,0.1379,0.125,0.1667,0.0,,0.0405,,0.0,reg oper spec account,block of flats,0.0431,"Stone, brick",No,0.0,0.0,0.0,0.0,-140.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2053018,246674,Consumer loans,7642.395,76441.5,76059.0,7645.5,76441.5,WEDNESDAY,14,Y,1,0.0994766654774181,,,XAP,Approved,-811,Cash through the bank,XAP,Unaccompanied,Refreshed,Consumer Electronics,POS,XNA,Country-wide,500,Consumer electronics,12.0,middle,POS household with interest,365243.0,-780.0,-450.0,-450.0,-443.0,0.0,0,Revolving loans,F,N,Y,2,135000.0,382500.0,19125.0,382500.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.072508,-12675,-1582,-6609.0,-3890,,1,1,1,1,1,0,Medicine staff,4.0,1,1,TUESDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.39171734041625855,0.6530524018150384,0.2955826421513093,0.2079,0.092,0.9841,0.7824,0.0523,0.2932,0.1262,0.5138,0.5,0.0,0.2,0.2158,0.0039,0.0021,0.1334,0.0512,0.9841,0.7909,0.0424,0.0806,0.0345,0.4583,0.5,0.0,0.1745,0.1805,0.0039,0.0012,0.1988,0.0907,0.9841,0.7853,0.0526,0.32,0.1379,0.4583,0.5,0.0,0.2035,0.2197,0.0039,0.0024,,block of flats,0.2038,Block,No,1.0,1.0,1.0,1.0,-2309.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2788532,203012,Consumer loans,6363.675,56520.0,56241.0,5652.0,56520.0,SATURDAY,12,Y,1,0.0994545718931352,,,XAP,Approved,-742,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,12.0,high,POS mobile with interest,365243.0,-706.0,-376.0,-376.0,-370.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,986418.0,50494.5,810000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.04622,-10090,-719,-4582.0,-2692,2.0,1,1,0,1,1,0,,2.0,1,1,SATURDAY,11,0,0,0,0,1,1,Other,0.3710310919445359,0.40643107268117395,0.1455428133497032,0.0804,,0.9816,,,,0.2069,0.1667,,,,,,,0.0819,,0.9816,,,,0.2069,0.1667,,,,,,,0.0812,,0.9816,,,,0.2069,0.1667,,,,,,,,block of flats,0.0603,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2397615,190064,Consumer loans,7807.725,72135.0,70276.5,7213.5,72135.0,SUNDAY,15,Y,1,0.10138285291943824,,,XAP,Approved,-2839,Cash through the bank,XAP,"Spouse, partner",Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,3582,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-2808.0,-2538.0,-2538.0,-2531.0,1.0,0,Revolving loans,M,N,N,2,450000.0,270000.0,13500.0,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.030755,-11767,-848,-3701.0,-4031,,1,1,0,1,0,0,,4.0,2,2,THURSDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.6836647013978386,0.4507472818545589,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1798.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1645095,113800,Consumer loans,4867.02,21811.5,25614.0,0.0,21811.5,WEDNESDAY,8,Y,1,0.0,,,XAP,Approved,-596,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Regional / Local,200,Consumer electronics,6.0,middle,POS household with interest,365243.0,-565.0,-415.0,-415.0,-410.0,0.0,0,Cash loans,F,N,Y,3,72000.0,50940.0,5877.0,45000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-15467,-784,-1108.0,-3127,,1,1,1,1,1,0,Cleaning staff,5.0,2,2,THURSDAY,13,0,0,0,0,0,0,Housing,,0.5742736202241403,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-596.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1215988,252622,Consumer loans,5196.825,51462.0,51205.5,5148.0,51462.0,TUESDAY,18,Y,1,0.09949053741116344,,,XAP,Approved,-924,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,44,Connectivity,12.0,middle,POS mobile with interest,365243.0,-892.0,-562.0,-802.0,-792.0,0.0,0,Cash loans,F,N,N,0,103500.0,58500.0,2983.5,58500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018634,-13725,-2856,-684.0,-3965,,1,1,0,1,0,0,Accountants,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Self-employed,0.7231766495029875,0.5699643567445468,0.4418358231994413,0.0928,0.0852,0.9851,,,,0.1724,0.1667,,0.0865,,0.0478,,0.1512,0.0945,0.0884,0.9851,,,,0.1724,0.1667,,0.0885,,0.0498,,0.1601,0.0937,0.0852,0.9851,,,,0.1724,0.1667,,0.08800000000000001,,0.0486,,0.1544,,block of flats,0.0709,"Stone, brick",No,0.0,0.0,0.0,0.0,-425.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1078675,284939,Cash loans,23301.0,450000.0,450000.0,,450000.0,TUESDAY,18,Y,1,,,,Repairs,Approved,-330,Cash through the bank,XAP,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,low_normal,Cash Street: low,365243.0,-300.0,390.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,0,202500.0,661702.5,40612.5,598500.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,Co-op apartment,0.008625,-11432,-2026,-5222.0,-4110,,1,1,0,1,1,0,,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.4434762887437171,0.5460231970049609,0.1825,,0.9846,,,,0.1724,0.3333,,0.0247,,,,0.0043,0.1859,,0.9846,,,,0.1724,0.3333,,0.0253,,,,0.0046,0.1842,,0.9846,,,,0.1724,0.3333,,0.0252,,,,0.0044,,,0.2383,Panel,No,4.0,0.0,4.0,0.0,-339.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +1562885,301846,Consumer loans,13326.615,72405.0,64183.5,11250.0,72405.0,TUESDAY,11,Y,1,0.16242482089884108,,,XAP,Approved,-1194,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,48,Connectivity,6.0,high,POS mobile with interest,365243.0,-1161.0,-1011.0,-1011.0,-1007.0,0.0,0,Cash loans,F,Y,Y,0,157500.0,688500.0,24520.5,688500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-13049,-1101,-337.0,-598,8.0,1,1,0,1,0,0,Managers,2.0,2,2,SATURDAY,14,1,0,1,1,0,1,Business Entity Type 3,,0.6428118678332642,0.36896873825284665,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1194.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1003954,125288,Consumer loans,17935.47,173457.0,173457.0,0.0,173457.0,FRIDAY,15,Y,1,0.0,,,XAP,Approved,-604,Cash through the bank,XAP,,Repeater,Jewelry,POS,XNA,Country-wide,90,Industry,12.0,middle,POS other with interest,365243.0,-568.0,-238.0,-238.0,-231.0,0.0,0,Cash loans,F,N,N,1,135000.0,895500.0,39442.5,895500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.032561,-20696,365243,-3405.0,-1087,,1,0,0,1,1,0,,3.0,1,1,SATURDAY,14,0,0,0,1,0,0,XNA,0.8070508906379081,0.522166539608632,0.3859146722745145,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-304.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1215432,289793,Cash loans,31377.015,454500.0,490495.5,,454500.0,FRIDAY,8,Y,1,,,,XNA,Refused,-368,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,67500.0,659610.0,25686.0,472500.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.020246,-21629,365243,-881.0,-4432,,1,0,0,1,1,0,,2.0,3,3,TUESDAY,7,0,0,0,0,0,0,XNA,0.3787472802973139,0.3671628134664533,0.25259869783397665,0.0062,,0.9737,,,0.0,0.0345,0.0417,,0.0117,,0.0042,,,0.0063,,0.9737,,,0.0,0.0345,0.0417,,0.0119,,0.0044,,,0.0062,,0.9737,,,0.0,0.0345,0.0417,,0.0119,,0.0043,,,,block of flats,0.0033,"Stone, brick",No,2.0,0.0,2.0,0.0,-790.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2124758,153042,Consumer loans,4877.415,117081.0,104665.5,12415.5,117081.0,SATURDAY,11,Y,1,0.11548934653631393,,,XAP,Refused,-2814,Cash through the bank,SCO,Family,Repeater,XNA,POS,XNA,Country-wide,1786,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,0,Cash loans,F,N,Y,0,270000.0,1800000.0,62698.5,1800000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.019101,-20195,365243,-1250.0,-3595,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,15,0,0,0,0,0,0,XNA,,0.6958350440318664,0.7544061731797895,0.0608,0.0612,0.9811,0.7416,0.0751,0.0,0.1379,0.1667,0.2083,0.0161,0.0496,0.0515,0.0,0.0023,0.062,0.0635,0.9811,0.7517,0.0758,0.0,0.1379,0.1667,0.2083,0.0165,0.0542,0.0536,0.0,0.0025,0.0614,0.0612,0.9811,0.7451,0.0756,0.0,0.1379,0.1667,0.2083,0.0164,0.0504,0.0524,0.0,0.0024,reg oper spec account,block of flats,0.0405,Panel,No,2.0,0.0,2.0,0.0,-3048.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,0.0,1.0,2.0 +1183574,243800,Consumer loans,3668.715,81346.5,81346.5,0.0,81346.5,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-1623,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,1880,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1592.0,-902.0,-1022.0,-1019.0,0.0,0,Revolving loans,F,N,Y,1,126000.0,270000.0,13500.0,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.00963,-13599,-2133,-6226.0,-5078,,1,1,0,1,1,0,Sales staff,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.32057402724900763,0.7338122002361422,0.6817058776720116,0.0814,0.0438,0.9911,0.8776,,0.04,0.0345,0.3333,0.375,0.0504,,0.0598,,0.0277,0.083,0.0455,0.9911,0.8824,,0.0403,0.0345,0.3333,0.375,0.0515,,0.0623,,0.0293,0.0822,0.0438,0.9911,0.8792,,0.04,0.0345,0.3333,0.375,0.0512,,0.0609,,0.0283,,block of flats,0.0547,"Stone, brick",No,0.0,0.0,0.0,0.0,-1623.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2007440,134354,Consumer loans,8124.21,88051.5,79245.0,8806.5,88051.5,SUNDAY,16,Y,1,0.10892578878166853,,,XAP,Approved,-1025,XNA,XAP,"Spouse, partner",New,Computers,POS,XNA,Regional / Local,20,Consumer electronics,12.0,middle,POS household with interest,365243.0,-982.0,-652.0,-832.0,-821.0,0.0,0,Cash loans,F,Y,N,1,180000.0,781920.0,33129.0,675000.0,Children,Working,Higher education,Separated,Rented apartment,0.006670999999999999,-16035,-655,-1995.0,-2036,17.0,1,1,1,1,0,0,,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Self-employed,0.17193165842882907,0.596065404437342,0.30620229831350426,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1025.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,0.0 +1685733,425513,Revolving loans,3375.0,0.0,67500.0,,,SATURDAY,15,Y,1,,,,XAP,Approved,-2538,XNA,XAP,,Repeater,XNA,Cards,x-sell,Regional / Local,154,Consumer electronics,0.0,XNA,Card Street,-2536.0,-2483.0,365243.0,-473.0,365243.0,0.0,0,Cash loans,M,Y,N,0,180000.0,1287000.0,42534.0,1287000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-21028,-6894,-3298.0,-1870,14.0,1,1,0,1,1,0,Drivers,2.0,2,2,WEDNESDAY,11,0,0,0,0,1,1,Business Entity Type 3,0.5084813074095602,0.6495163384532108,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2216.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2788362,107814,Cash loans,11386.17,90000.0,95940.0,,90000.0,THURSDAY,8,Y,1,,,,XNA,Approved,-350,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-320.0,10.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,45000.0,143910.0,15628.5,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006852,-10837,-467,-562.0,-871,,1,1,1,1,0,0,Medicine staff,2.0,3,3,THURSDAY,5,0,0,0,0,0,0,Other,,0.03690034485986722,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1969.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1993038,326306,Consumer loans,10449.54,35995.5,29556.0,7200.0,35995.5,SUNDAY,19,Y,1,0.21333808209420355,,,XAP,Refused,-839,Cash through the bank,LIMIT,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,2001,Consumer electronics,3.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,157500.0,298512.0,31801.5,270000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.030755,-9985,-996,-4602.0,-2669,,1,1,0,1,0,0,Core staff,1.0,2,2,SATURDAY,15,0,0,0,0,0,0,Self-employed,0.5753147426416126,0.6430076591229831,0.6397075677637197,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-936.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1290443,282551,Consumer loans,15801.12,85414.5,59787.0,25627.5,85414.5,THURSDAY,12,Y,1,0.326767437293753,,,XAP,Approved,-536,XNA,XAP,,New,Construction Materials,POS,XNA,Stone,100,Construction,4.0,low_normal,POS industry with interest,365243.0,-501.0,-411.0,-441.0,-435.0,0.0,0,Cash loans,M,Y,N,0,225000.0,545040.0,20547.0,450000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.010276,-20048,-2849,-6174.0,-3597,2.0,1,1,0,1,1,0,High skill tech staff,2.0,2,2,SUNDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.7586146441776187,0.7720904783839676,0.7583930617144343,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-536.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1447683,424183,Cash loans,24577.425,225000.0,239850.0,,225000.0,MONDAY,17,Y,1,,,,XNA,Refused,-271,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,180000.0,485640.0,34668.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.008019,-14709,-2416,-344.0,-4098,,1,1,0,1,0,0,Laborers,1.0,2,2,SATURDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.5766563079937084,0.19519840600440985,0.0722,0.08,0.9786,0.7076,0.0329,0.0,0.1379,0.1667,0.2083,0.0415,0.058,0.0619,0.0039,0.0036,0.0735,0.083,0.9786,0.7190000000000001,0.0332,0.0,0.1379,0.1667,0.2083,0.0425,0.0634,0.0645,0.0039,0.0038,0.0729,0.08,0.9786,0.7115,0.0331,0.0,0.1379,0.1667,0.2083,0.0423,0.059,0.0631,0.0039,0.0036,reg oper account,block of flats,0.0679,"Stone, brick",No,0.0,0.0,0.0,0.0,-1246.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1773620,263522,Cash loans,8756.55,45000.0,45000.0,,45000.0,SUNDAY,11,Y,1,,,,XNA,Approved,-809,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),100,XNA,6.0,high,Cash X-Sell: high,365243.0,-779.0,-629.0,-779.0,-774.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,219042.0,26122.5,193500.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.035792000000000004,-11996,-421,-581.0,-4377,5.0,1,1,0,1,0,0,Managers,1.0,2,2,THURSDAY,16,0,0,0,0,1,1,Construction,,0.4601346089394344,0.4992720153045617,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-791.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2099622,389242,Consumer loans,5870.79,62667.0,62667.0,0.0,62667.0,SATURDAY,16,Y,1,0.0,,,XAP,Approved,-1193,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Regional / Local,147,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-1162.0,-832.0,-1012.0,-1010.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,544068.0,26590.5,382500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-10591,-1996,-4723.0,-2042,2.0,1,1,0,1,1,0,Managers,2.0,2,2,TUESDAY,17,0,0,0,0,0,0,Business Entity Type 3,,0.35511062014993705,0.06733950871403091,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1545595,323004,Cash loans,27580.32,450000.0,491580.0,,450000.0,FRIDAY,9,Y,1,,,,XNA,Approved,-896,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-865.0,-175.0,-175.0,-173.0,0.0,0,Cash loans,F,N,Y,0,90000.0,755190.0,36459.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-17841,-5227,-9872.0,-1387,,1,1,0,1,0,0,Managers,2.0,2,2,FRIDAY,10,0,0,0,0,1,1,Business Entity Type 3,,0.6679622376918927,0.746300213050371,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2228772,205844,Consumer loans,9165.6,51210.0,48523.5,5121.0,51210.0,FRIDAY,14,Y,1,0.10396656778336166,,,XAP,Approved,-641,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,50,Consumer electronics,6.0,middle,POS household with interest,365243.0,-610.0,-460.0,-580.0,-576.0,0.0,0,Cash loans,F,N,Y,2,112500.0,889515.0,28822.5,742500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.022625,-10268,-1436,-5088.0,-2367,,1,1,0,1,0,0,Laborers,4.0,2,2,TUESDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.6254375647288161,,0.0082,0.0,0.9692,0.5784,0.0013,0.0,0.069,0.0417,0.0417,0.0196,0.0067,0.008,0.0,0.0,0.0084,0.0,0.9692,0.5949,0.0013,0.0,0.069,0.0417,0.0417,0.02,0.0073,0.0083,0.0,0.0,0.0083,0.0,0.9692,0.584,0.0013,0.0,0.069,0.0417,0.0417,0.0199,0.0068,0.0081,0.0,0.0,reg oper spec account,block of flats,0.006999999999999999,"Stone, brick",No,2.0,1.0,2.0,1.0,-108.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1460690,289920,Cash loans,37085.355,720000.0,818842.5,,720000.0,FRIDAY,7,Y,1,,,,XNA,Approved,-797,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-767.0,643.0,365243.0,365243.0,1.0,1,Cash loans,M,Y,Y,0,495000.0,176328.0,14058.0,139500.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.020713,-19845,365243,-181.0,-43,4.0,1,0,0,1,0,1,,2.0,3,2,THURSDAY,8,0,0,0,1,0,0,XNA,,0.5588846370966238,0.14916746132334885,0.0165,0.0057,0.9717,0.6124,0.0023,0.0,0.069,0.0417,0.0833,0.011,0.0134,0.0147,0.0,0.0,0.0168,0.0059,0.9717,0.6276,0.0024,0.0,0.069,0.0417,0.0833,0.0112,0.0147,0.0153,0.0,0.0,0.0167,0.0057,0.9717,0.6176,0.0024,0.0,0.069,0.0417,0.0833,0.0112,0.0137,0.0149,0.0,0.0,reg oper account,block of flats,0.0128,"Stone, brick",No,8.0,0.0,8.0,0.0,-2444.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,4.0,6.0 +2601742,445284,Consumer loans,6316.065,38911.5,31392.0,9000.0,38911.5,WEDNESDAY,10,Y,1,0.2426673148598283,,,XAP,Approved,-1329,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,1972,Consumer electronics,6.0,high,POS household with interest,365243.0,-1298.0,-1148.0,-1148.0,-1142.0,0.0,0,Cash loans,F,Y,Y,1,180000.0,781920.0,25542.0,675000.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.006852,-20319,365243,-90.0,-3717,14.0,1,0,0,1,0,0,,3.0,3,3,TUESDAY,12,0,0,0,0,0,0,XNA,,0.2045385143030334,,0.1093,0.077,0.9866,0.8164,0.2333,0.12,0.1034,0.3333,0.0417,0.0332,0.0891,0.1196,0.0,0.0123,0.1113,0.0799,0.9866,0.8236,0.2355,0.1208,0.1034,0.3333,0.0417,0.034,0.0973,0.1246,0.0,0.013,0.1103,0.077,0.9866,0.8189,0.2348,0.12,0.1034,0.3333,0.0417,0.0338,0.0906,0.1217,0.0,0.0125,reg oper spec account,block of flats,0.1276,Panel,No,0.0,0.0,0.0,0.0,-1722.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1312981,421706,Consumer loans,13869.18,130941.0,117985.5,22500.0,130941.0,WEDNESDAY,10,Y,0,0.1744275776115361,,,XAP,Approved,-596,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Country-wide,1500,Consumer electronics,10.0,middle,POS household with interest,365243.0,-565.0,-295.0,-415.0,-403.0,0.0,0,Cash loans,M,Y,Y,0,166500.0,874152.0,51241.5,810000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,Rented apartment,0.006305,-10840,-1930,-1498.0,-3213,11.0,1,1,0,1,0,0,Sales staff,2.0,3,3,THURSDAY,4,0,0,0,0,0,0,Self-employed,0.16033769068919412,0.2858978721410488,0.24988506275045536,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2105415,128256,Cash loans,28936.26,337500.0,360891.0,,337500.0,FRIDAY,9,Y,1,,,,Repairs,Approved,-719,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,middle,Cash Street: middle,365243.0,-689.0,-179.0,-179.0,-171.0,1.0,0,Cash loans,F,N,N,0,126000.0,307287.0,23926.5,256500.0,Unaccompanied,Pensioner,Higher education,Civil marriage,House / apartment,0.018801,-20523,365243,-1562.0,-3704,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,XNA,,0.5018770199054567,0.7106743858828587,0.1639,0.1088,0.9796,0.7212,0.0737,0.16,0.1379,0.3333,0.375,0.1311,0.1336,0.1486,0.0039,0.0065,0.16699999999999998,0.1129,0.9796,0.7321,0.0744,0.1611,0.1379,0.3333,0.375,0.1341,0.146,0.1548,0.0039,0.0069,0.1655,0.1088,0.9796,0.7249,0.0742,0.16,0.1379,0.3333,0.375,0.1334,0.136,0.1513,0.0039,0.0067,reg oper account,block of flats,0.1183,Panel,No,16.0,2.0,16.0,1.0,-1908.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2641353,439752,Consumer loans,2437.74,22765.5,21015.0,3645.0,22765.5,MONDAY,11,Y,1,0.16097876575978762,,,XAP,Approved,-2231,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,48,Connectivity,12.0,high,POS mobile with interest,365243.0,-2200.0,-1870.0,-1870.0,-1868.0,0.0,0,Cash loans,F,N,N,0,238500.0,1354500.0,47079.0,1354500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.020713,-12283,-519,-3399.0,-1718,,1,1,0,1,0,0,Managers,2.0,3,3,SATURDAY,16,0,1,1,0,1,1,Business Entity Type 3,0.5144248984246079,0.37148714533390337,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1716.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +1029094,329355,Cash loans,7869.015,67500.0,71955.0,0.0,67500.0,THURSDAY,17,Y,1,0.0,,,XNA,Approved,-2545,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,high,Cash Street: high,365243.0,-2515.0,-2185.0,-2185.0,-2178.0,1.0,0,Cash loans,M,Y,Y,0,112500.0,172512.0,13477.5,144000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010556,-21070,-1929,-8592.0,-4371,22.0,1,1,0,1,0,0,Laborers,2.0,3,3,MONDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.4939776558446821,,0.5113,0.3818,0.9861,0.8096,0.8808,0.56,0.4828,0.3333,,0.1767,0.4152,0.5209,0.0077,0.0138,0.521,0.3962,0.9861,0.8171,0.8889,0.5639,0.4828,0.3333,,0.1807,0.4536,0.5428,0.0078,0.0146,0.5163,0.3818,0.9861,0.8121,0.8864,0.56,0.4828,0.3333,,0.1798,0.4224,0.5303,0.0078,0.0141,reg oper account,block of flats,0.4816,Panel,No,1.0,0.0,1.0,0.0,-2322.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1849441,190817,Cash loans,9855.54,112500.0,139747.5,,112500.0,TUESDAY,17,Y,1,,,,XNA,Approved,-1606,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-1576.0,-1066.0,-1066.0,-1062.0,1.0,0,Cash loans,M,N,Y,0,135000.0,222768.0,19246.5,180000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.018634,-9625,-2193,-4372.0,-2285,,1,1,0,1,0,1,Sales staff,1.0,2,2,FRIDAY,9,0,0,0,0,0,0,Self-employed,0.31660371774240564,0.4897911415534911,,0.3711,0.1251,0.9935,,,0.36,0.3103,0.375,,0.0465,,0.3852,,0.0361,0.3782,0.1298,0.9935,,,0.3625,0.3103,0.375,,0.0476,,0.4013,,0.0382,0.3747,0.1251,0.9935,,,0.36,0.3103,0.375,,0.0473,,0.3921,,0.0369,,block of flats,0.3136,Panel,No,2.0,0.0,2.0,0.0,-399.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2107290,437434,Consumer loans,2592.675,22455.0,19435.5,4500.0,22455.0,FRIDAY,12,Y,1,0.2047548240441641,,,XAP,Approved,-2601,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Country-wide,25,Connectivity,10.0,low_normal,POS mobile with interest,365243.0,-2570.0,-2300.0,-2300.0,-2291.0,1.0,0,Cash loans,F,N,Y,0,67500.0,47970.0,4801.5,45000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.030755,-22365,365243,-3245.0,-3260,,1,0,0,1,1,0,,1.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,,0.4438109302098932,0.8224987619370829,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2203418,222682,Cash loans,11499.39,130500.0,143419.5,,130500.0,TUESDAY,10,Y,1,,,,XNA,Approved,-987,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-957.0,-447.0,-927.0,-919.0,1.0,0,Cash loans,F,N,Y,0,117000.0,781920.0,26725.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.020713,-22622,-4068,-3219.0,-3175,,1,1,1,1,1,0,,1.0,3,2,TUESDAY,5,0,0,0,0,0,0,Medicine,0.7542238355036536,0.641455084407296,0.646329897706246,0.3237,0.0991,0.9851,0.7959999999999999,0.0584,0.08,0.0345,0.3333,0.0417,0.042,0.2606,0.0823,0.0154,0.0345,0.3298,0.1028,0.9851,0.804,0.059,0.0806,0.0345,0.3333,0.0417,0.0429,0.2847,0.0857,0.0156,0.0365,0.3268,0.0991,0.9851,0.7987,0.0588,0.08,0.0345,0.3333,0.0417,0.0427,0.2651,0.0837,0.0155,0.0352,reg oper spec account,specific housing,0.1041,Panel,No,10.0,0.0,10.0,0.0,-1685.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1944837,347768,Cash loans,12039.615,202500.0,281074.5,,202500.0,THURSDAY,14,Y,1,,,,XNA,Approved,-868,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,1,157500.0,808650.0,31464.0,675000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.008473999999999999,-11664,-1312,-5607.0,-2522,,1,1,0,1,0,0,Laborers,3.0,2,2,FRIDAY,11,0,0,0,0,0,0,Business Entity Type 2,0.35591728702735825,0.6763513986795602,0.28812959991785075,0.0619,0.0748,0.9881,0.8368,0.012,0.0,0.2069,0.1667,0.2083,0.0889,0.0504,0.0683,0.0,0.0,0.063,0.0777,0.9881,0.8432,0.0121,0.0,0.2069,0.1667,0.2083,0.0909,0.0551,0.0712,0.0,0.0,0.0625,0.0748,0.9881,0.8390000000000001,0.0121,0.0,0.2069,0.1667,0.2083,0.0905,0.0513,0.0696,0.0,0.0,,block of flats,0.0603,"Stone, brick",No,2.0,1.0,2.0,0.0,-3332.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1918728,331781,Consumer loans,5288.085,25492.5,25083.0,2250.0,25492.5,SUNDAY,16,Y,1,0.08965186936869518,,,XAP,Approved,-59,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,6.0,high,POS mobile with interest,365243.0,-29.0,121.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,1,135000.0,1040463.0,36990.0,868500.0,Unaccompanied,Commercial associate,Higher education,Married,Rented apartment,0.031329,-12499,-155,-344.0,-1850,,1,1,0,1,0,0,Security staff,3.0,2,2,WEDNESDAY,11,0,0,0,1,1,0,Business Entity Type 3,,0.10775850383260864,0.2778856891082046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-549.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +2164519,188101,Consumer loans,12343.725,118350.0,130846.5,0.0,118350.0,SUNDAY,9,Y,1,0.0,,,XAP,Approved,-543,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Regional / Local,14,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-512.0,-182.0,-212.0,-207.0,0.0,0,Cash loans,F,N,Y,0,148500.0,447453.0,21654.0,373500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.0038179999999999998,-22851,365243,-145.0,-4088,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,9,0,0,0,0,0,0,XNA,0.687766457274364,0.5426871074363241,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1460.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2229500,229832,Consumer loans,9370.035,83691.0,50053.5,36000.0,83691.0,TUESDAY,17,Y,1,0.4556150851188242,,,XAP,Approved,-1714,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,1786,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1683.0,-1533.0,-1563.0,-1555.0,0.0,0,Cash loans,M,Y,Y,0,270000.0,814041.0,28971.0,679500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.019101,-15877,-1270,-8329.0,-3988,15.0,1,1,0,1,0,0,Drivers,1.0,2,2,MONDAY,15,0,0,0,0,1,1,Self-employed,,0.6142876820573626,0.5406544504453575,0.0515,0.0204,0.9916,,,0.08,0.0345,0.4583,,0.0188,,0.0605,,0.0503,0.0525,0.0212,0.9916,,,0.0806,0.0345,0.4583,,0.0192,,0.063,,0.0532,0.052000000000000005,0.0204,0.9916,,,0.08,0.0345,0.4583,,0.0191,,0.0616,,0.0514,,block of flats,0.0585,"Stone, brick",No,0.0,0.0,0.0,0.0,-1714.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1494610,194975,Revolving loans,2250.0,45000.0,45000.0,,45000.0,FRIDAY,20,Y,1,,,,XAP,Approved,-291,XNA,XAP,Family,Repeater,XNA,Cards,walk-in,Country-wide,1500,Consumer electronics,0.0,XNA,Card Street,-208.0,-154.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,202500.0,1288350.0,37800.0,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.02461,-17822,-1730,-669.0,-845,,1,1,0,1,0,0,Managers,2.0,2,2,TUESDAY,12,0,0,0,1,1,0,Trade: type 7,,0.6110703597152234,0.17352743046491467,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-583.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2354312,365908,Consumer loans,7990.65,134545.5,134545.5,0.0,134545.5,WEDNESDAY,20,Y,1,0.0,,,XAP,Approved,-709,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,2535,Consumer electronics,24.0,middle,POS household with interest,365243.0,-678.0,12.0,-318.0,-313.0,0.0,1,Cash loans,F,N,Y,1,135000.0,450000.0,32611.5,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.035792000000000004,-13836,-1278,-1704.0,-4453,,1,1,1,1,0,0,Laborers,3.0,2,2,FRIDAY,12,0,0,0,0,0,0,Self-employed,0.3853689436482223,0.6060748656243555,0.180887977767074,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2990.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1895849,122612,Consumer loans,5174.235,23301.0,24529.5,0.0,23301.0,SATURDAY,17,Y,1,0.0,,,XAP,Approved,-493,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,23,Connectivity,6.0,high,POS mobile with interest,365243.0,-462.0,-312.0,-312.0,-303.0,0.0,0,Cash loans,F,Y,N,2,112500.0,1288350.0,37669.5,1125000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.00702,-11309,-3024,-4094.0,-3675,4.0,1,1,0,1,1,0,Core staff,4.0,2,2,SATURDAY,18,0,0,0,1,1,0,Kindergarten,,0.6014503005262539,0.520897599048938,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1704.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2654058,398983,Revolving loans,7875.0,157500.0,157500.0,0.0,157500.0,MONDAY,12,Y,1,0.0,,,XAP,Refused,-476,XNA,HC,,Repeater,XNA,Cards,walk-in,Country-wide,15,Connectivity,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,Y,Y,0,252000.0,526491.0,32337.0,454500.0,Family,Working,Higher education,Separated,House / apartment,0.04622,-17754,-117,-2372.0,-1278,3.0,1,1,0,1,0,0,Cleaning staff,1.0,1,1,MONDAY,13,0,0,0,0,1,1,Industry: type 3,,0.6619896222866586,0.6347055309763198,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1038.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1390782,222621,Consumer loans,8439.21,52195.5,45445.5,6750.0,52195.5,THURSDAY,15,Y,1,0.1408428626292235,,,XAP,Approved,-2206,XNA,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Regional / Local,140,Consumer electronics,6.0,middle,POS household with interest,365243.0,-2175.0,-2025.0,-2025.0,-1104.0,0.0,0,Cash loans,M,Y,Y,1,90000.0,562491.0,22437.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0105,-17826,-2954,-6982.0,-1257,22.0,1,1,0,1,0,0,Laborers,3.0,3,3,FRIDAY,15,0,0,0,0,1,1,Business Entity Type 1,,0.6365823674812596,0.3344541255096772,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2206.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1401037,266477,Cash loans,29220.48,450000.0,604656.0,,450000.0,WEDNESDAY,12,Y,1,,,,Payments on other loans,Refused,-391,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,middle,Cash Street: middle,,,,,,,0,Cash loans,M,N,Y,2,135000.0,675000.0,24930.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.015221,-14429,-1361,-6145.0,-4912,,1,1,0,1,0,0,Laborers,3.0,2,2,TUESDAY,10,0,0,0,0,0,0,Industry: type 9,0.26099794341812377,0.17607551924120596,0.17146836689679945,0.0825,0.0,0.9757,0.6668,0.0347,0.0,0.1379,0.1667,0.2083,0.0699,0.0672,0.065,0.0,0.0,0.084,0.0,0.9757,0.6798,0.035,0.0,0.1379,0.1667,0.2083,0.0715,0.0735,0.0677,0.0,0.0,0.0833,0.0,0.9757,0.6713,0.0349,0.0,0.1379,0.1667,0.2083,0.0711,0.0684,0.0661,0.0,0.0,reg oper account,block of flats,0.0701,Block,No,0.0,0.0,0.0,0.0,-1409.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1101004,326525,Consumer loans,3619.53,23796.0,17892.0,6750.0,23796.0,SATURDAY,16,Y,1,0.29832658211036583,,,XAP,Approved,-2219,Cashless from the account of the employer,XAP,,New,Mobile,POS,XNA,Country-wide,40,Connectivity,6.0,high,POS mobile with interest,365243.0,-2185.0,-2035.0,-2035.0,-2015.0,0.0,0,Cash loans,F,N,Y,0,90000.0,345510.0,17770.5,247500.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,House / apartment,0.005084,-17331,-328,-1947.0,-872,,1,1,0,1,0,0,Medicine staff,1.0,2,2,SATURDAY,14,0,0,0,0,0,0,Medicine,,0.6495312724352056,0.3606125659189888,0.3639,,0.9851,0.7959999999999999,,0.4,0.3448,0.3333,,0.0517,,0.2534,,,0.3708,,0.9851,0.804,,0.4028,0.3448,0.3333,,0.0529,,0.2641,,,0.3674,,0.9851,0.7987,,0.4,0.3448,0.3333,,0.0526,,0.258,,,reg oper account,block of flats,0.3278,,No,1.0,0.0,1.0,0.0,-2.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1641803,214158,Consumer loans,5273.1,64946.835,51957.0,12989.835,64946.835,FRIDAY,14,Y,1,0.21782602969168405,0.1607163096452454,0.715644820295983,XAP,Approved,-332,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,12.0,middle,POS mobile with interest,365243.0,-297.0,33.0,-207.0,-204.0,0.0,0,Cash loans,F,N,Y,0,112500.0,679500.0,36202.5,679500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.026392000000000002,-13018,-3449,-440.0,-2747,,1,1,1,1,1,1,Sales staff,2.0,2,2,MONDAY,15,0,0,0,0,0,0,Self-employed,0.5070540717998394,0.5990156056895811,,0.0216,,0.9776,,,0.0,0.1034,0.0417,,0.0757,,0.0173,,0.0239,0.0221,,0.9777,,,0.0,0.1034,0.0417,,0.0775,,0.018000000000000002,,0.0253,0.0219,,0.9776,,,0.0,0.1034,0.0417,,0.077,,0.0176,,0.0244,,block of flats,0.0144,"Stone, brick",No,3.0,3.0,3.0,2.0,-318.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1706825,206486,Cash loans,,0.0,0.0,,,WEDNESDAY,14,Y,1,,,,XNA,Refused,-338,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,N,N,0,202500.0,207396.0,16515.0,157500.0,Unaccompanied,Commercial associate,Incomplete higher,Civil marriage,With parents,0.019101,-12180,-405,-2246.0,-1427,,1,1,0,1,0,0,,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,Business Entity Type 2,0.22048747459727852,0.6497104573590645,0.2580842039460289,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-666.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2499799,251240,Consumer loans,18090.0,304920.0,270000.0,34920.0,304920.0,SUNDAY,13,Y,1,0.1247246967908124,,,XAP,Refused,-2881,XNA,VERIF,,New,XNA,POS,XNA,Stone,390,Consumer electronics,24.0,high,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,202500.0,755190.0,36459.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.011703,-23209,-369,-12700.0,-5342,,1,1,0,1,1,0,,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,Services,,0.7271782773741676,0.326475210066026,0.1835,0.0974,0.9826,0.762,0.0429,0.2,0.1724,0.3333,0.375,0.1235,0.1496,0.1916,0.0,0.0043,0.187,0.101,0.9826,0.7713,0.0433,0.2014,0.1724,0.3333,0.375,0.1264,0.1635,0.1996,0.0,0.0046,0.1853,0.0974,0.9826,0.7652,0.0431,0.2,0.1724,0.3333,0.375,0.1257,0.1522,0.195,0.0,0.0044,,block of flats,0.1885,Panel,No,1.0,0.0,1.0,0.0,-1946.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2179882,320577,Consumer loans,22079.205,211243.5,206928.0,21127.5,211243.5,WEDNESDAY,16,Y,1,0.10089547580224192,,,XAP,Approved,-1338,Cash through the bank,XAP,Family,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,1100,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1307.0,-977.0,-977.0,-970.0,0.0,0,Revolving loans,F,Y,N,1,225000.0,675000.0,33750.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,Municipal apartment,0.072508,-14208,-239,-8259.0,-4486,16.0,1,1,1,1,1,0,Realty agents,2.0,1,1,THURSDAY,13,0,1,1,0,1,1,Self-employed,,0.6638855187529885,0.33928769990891394,0.099,0.0586,0.9846,0.7892,0.0245,0.16,0.069,0.4583,0.5,0.0,0.0799,0.1059,0.0039,0.0084,0.1008,0.0608,0.9846,0.7975,0.0247,0.1611,0.069,0.4583,0.5,0.0,0.0872,0.1103,0.0039,0.0089,0.0999,0.0586,0.9846,0.792,0.0246,0.16,0.069,0.4583,0.5,0.0,0.0812,0.1078,0.0039,0.0086,reg oper account,block of flats,0.0969,Panel,No,0.0,0.0,0.0,0.0,-1338.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2491240,394584,Consumer loans,20768.535,185400.0,201307.5,0.0,185400.0,TUESDAY,14,Y,1,0.0,,,XAP,Approved,-501,Cash through the bank,XAP,,Repeater,Construction Materials,POS,XNA,Stone,70,Construction,12.0,middle,POS industry with interest,365243.0,-470.0,-140.0,-140.0,-132.0,0.0,0,Cash loans,M,Y,Y,0,90000.0,270000.0,26833.5,270000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.015221,-17258,365243,-1622.0,-807,8.0,1,0,0,1,0,0,,2.0,2,2,SATURDAY,15,0,0,0,0,0,0,XNA,,0.564053486807394,0.7726311345553628,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1159.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1780263,113885,Consumer loans,4778.37,51165.0,45796.5,10233.0,51165.0,SUNDAY,19,Y,1,0.1989071341476771,,,XAP,Approved,-533,Cash through the bank,XAP,,New,Computers,POS,XNA,Country-wide,40,Connectivity,12.0,middle,POS mobile with interest,365243.0,-502.0,-172.0,-442.0,-435.0,0.0,0,Cash loans,F,Y,Y,0,225000.0,450000.0,24412.5,450000.0,Unaccompanied,Commercial associate,Incomplete higher,Single / not married,House / apartment,0.011703,-8663,-255,-8658.0,-1335,10.0,1,1,1,1,0,0,High skill tech staff,1.0,2,2,MONDAY,12,0,1,1,0,1,1,Government,0.3644216421857737,0.640101070448395,0.3656165070113335,,,0.9851,,,,,,,,,0.0026,,,,,0.9851,,,,,,,,,0.0027,,,,,0.9851,,,,,,,,,0.0026,,,,,0.002,,No,0.0,0.0,0.0,0.0,-533.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2617475,340933,Consumer loans,2838.555,23935.5,23674.5,2394.0,23935.5,FRIDAY,10,Y,1,0.10001663449617874,,,XAP,Approved,-1035,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,20,Connectivity,12.0,high,POS mobile with interest,365243.0,-1004.0,-674.0,-674.0,-669.0,0.0,0,Cash loans,F,N,Y,0,67500.0,98910.0,7011.0,90000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.022625,-20204,365243,-2904.0,-3438,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,16,0,0,0,0,0,0,XNA,,0.5454860867029858,0.746300213050371,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-1035.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2678515,341863,Consumer loans,8856.945,146308.5,171414.0,0.0,146308.5,FRIDAY,13,Y,1,0.0,,,XAP,Approved,-861,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,3855,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-829.0,-139.0,-139.0,-131.0,0.0,0,Cash loans,F,N,N,1,135000.0,121500.0,13837.5,121500.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,Office apartment,0.018209,-18759,-846,-6210.0,-2296,,1,1,0,1,0,0,Laborers,2.0,3,3,FRIDAY,12,0,0,0,0,0,0,School,0.7166336330669824,0.3996021445133182,0.501075160239048,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-861.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1931534,135459,Consumer loans,5994.135,49176.0,50548.5,9000.0,49176.0,WEDNESDAY,15,Y,1,0.16460226843359918,,,XAP,Approved,-1465,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,10,Connectivity,12.0,high,POS mobile with interest,365243.0,-1434.0,-1104.0,-1104.0,-1097.0,0.0,0,Cash loans,M,Y,N,0,67500.0,512064.0,25033.5,360000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.028663,-8344,-171,-6736.0,-1014,21.0,1,1,0,1,0,0,,1.0,2,2,FRIDAY,11,0,0,0,0,1,1,Mobile,,0.15156605138157975,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-504.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2237830,310681,Consumer loans,,26034.75,26034.75,0.0,26034.75,FRIDAY,15,Y,1,0.0,,,XAP,Refused,-1256,Cash through the bank,HC,,Repeater,Mobile,XNA,XNA,Country-wide,48,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,M,Y,Y,2,225000.0,343800.0,16852.5,225000.0,Family,Working,Secondary / secondary special,Married,With parents,0.009175,-12414,-1903,-241.0,-2671,3.0,1,1,0,1,0,0,Managers,4.0,2,2,MONDAY,18,0,0,0,0,1,1,Business Entity Type 3,0.16268877171713636,0.6858738152929095,0.7981372313187245,0.0165,0.0,0.9796,,,0.0,0.069,0.0417,,,,0.0141,,0.0,0.0168,0.0,0.9796,,,0.0,0.069,0.0417,,,,0.0147,,0.0,0.0167,0.0,0.9796,,,0.0,0.069,0.0417,,,,0.0144,,0.0,,block of flats,0.0111,"Stone, brick",No,0.0,0.0,0.0,0.0,-1910.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2496238,405686,Revolving loans,22500.0,0.0,450000.0,,,WEDNESDAY,10,Y,1,,,,XAP,Approved,-898,XNA,XAP,,Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-878.0,-855.0,365243.0,-368.0,365243.0,0.0,0,Cash loans,M,Y,Y,2,306000.0,414000.0,21267.0,414000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-14288,-898,-4284.0,-4773,7.0,1,1,0,1,1,0,Drivers,4.0,2,2,FRIDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.1573197078245665,,0.0103,,0.9935,,,0.0,0.0345,0.0833,,,,0.0101,,0.0,0.0105,,0.9935,,,0.0,0.0345,0.0833,,,,0.0105,,0.0,0.0104,,0.9935,,,0.0,0.0345,0.0833,,,,0.0103,,0.0,,block of flats,0.008,"Stone, brick",No,2.0,0.0,2.0,0.0,-495.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2362090,129242,Consumer loans,1957.68,17622.0,16033.5,1588.5,17622.0,THURSDAY,15,Y,1,0.098173925155539,,,XAP,Approved,-2860,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Stone,19,Consumer electronics,9.0,low_normal,POS household without interest,365243.0,-2825.0,-2585.0,-2615.0,-2612.0,0.0,0,Cash loans,F,N,Y,0,157500.0,256500.0,17982.0,256500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.028663,-18944,-2226,-7812.0,-2484,,1,1,0,1,0,0,Cleaning staff,1.0,2,2,MONDAY,11,0,0,0,0,0,0,University,,0.5678298487660756,0.5549467685334323,0.1031,0.1158,0.9771,0.6872,0.01,0.0,0.2069,0.1667,0.2083,0.0812,0.0841,0.09,0.0,0.0,0.105,0.1202,0.9772,0.6994,0.0101,0.0,0.2069,0.1667,0.2083,0.0831,0.0918,0.0937,0.0,0.0,0.1041,0.1158,0.9771,0.6914,0.0101,0.0,0.2069,0.1667,0.2083,0.0826,0.0855,0.0916,0.0,0.0,reg oper account,block of flats,0.0762,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,2.0,0.0 +1315057,242284,Consumer loans,12866.31,126126.0,125500.5,12613.5,126126.0,SUNDAY,7,Y,1,0.09946311150077597,,,XAP,Approved,-591,XNA,XAP,,New,Computers,POS,XNA,Regional / Local,782,XNA,12.0,middle,POS household with interest,365243.0,-560.0,-230.0,-500.0,-493.0,0.0,0,Cash loans,F,N,Y,1,112500.0,659610.0,21406.5,472500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.010032,-14178,-1602,-1217.0,-1260,,1,1,0,1,0,0,Laborers,3.0,2,2,WEDNESDAY,3,0,0,0,0,0,0,Other,,0.5452854782101516,,0.0052,0.0,0.9613,0.4696,0.0007,0.0,0.069,0.0417,0.0833,0.0076,0.0042,0.0058,0.0,0.0165,0.0053,0.0,0.9613,0.4904,0.0007,0.0,0.069,0.0417,0.0833,0.0077,0.0046,0.006,0.0,0.0175,0.0052,0.0,0.9613,0.4767,0.0007,0.0,0.069,0.0417,0.0833,0.0077,0.0043,0.0059,0.0,0.0169,not specified,block of flats,0.0085,Wooden,No,1.0,0.0,1.0,0.0,-591.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1920580,291298,Consumer loans,2201.895,21996.0,16506.0,6750.0,21996.0,SATURDAY,12,Y,1,0.3161061075147763,,,XAP,Approved,-2365,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,94,Connectivity,10.0,low_normal,POS mobile with interest,365243.0,-2334.0,-2064.0,-2064.0,-2049.0,1.0,0,Cash loans,F,N,N,0,90000.0,302544.0,14845.5,198000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018029,-10615,-1002,-4851.0,-3298,,1,1,1,1,1,0,Sales staff,2.0,3,3,FRIDAY,6,0,0,0,0,1,1,Hotel,,0.6432887118084885,0.3201633668633456,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2381.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1134041,234380,Revolving loans,9000.0,0.0,180000.0,,,WEDNESDAY,13,Y,1,,,,XAP,Approved,-435,XNA,XAP,,Refreshed,XNA,Cards,x-sell,AP+ (Cash loan),6,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,-51.0,0.0,0,Cash loans,F,Y,Y,0,76500.0,270000.0,9828.0,270000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-21441,365243,-2794.0,-4986,9.0,1,0,0,1,0,0,,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,XNA,0.7271756017999003,0.5861716312469134,0.4525335592581747,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-435.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2134676,279976,Cash loans,21109.5,450000.0,450000.0,,450000.0,FRIDAY,8,Y,1,,,,XNA,Approved,-80,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-50.0,1360.0,-20.0,-15.0,0.0,0,Cash loans,F,N,Y,0,81000.0,251280.0,17127.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-18391,-563,-9667.0,-1354,,1,1,0,1,0,0,Laborers,2.0,3,3,MONDAY,7,0,0,0,0,0,0,Trade: type 7,0.4777949027328459,0.4158757387359862,0.24318648044201235,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-321.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2291832,132691,Consumer loans,6924.735,35955.0,33961.5,3595.5,35955.0,MONDAY,15,Y,1,0.10426355575888284,,,XAP,Approved,-2023,Cash through the bank,XAP,"Spouse, partner",Repeater,Mobile,POS,XNA,Stone,48,Connectivity,6.0,high,POS mobile with interest,365243.0,-1978.0,-1828.0,-1858.0,-1849.0,0.0,0,Cash loans,M,Y,Y,0,157500.0,263686.5,27819.0,238500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.020246,-11291,-2742,-1214.0,-3874,16.0,1,1,0,1,0,0,Laborers,2.0,3,3,MONDAY,7,0,0,0,0,0,0,Other,0.6087807797483263,0.4102878239860223,0.4382813743111921,0.0928,0.1005,0.9806,0.7348,0.0143,0.0,0.2069,0.1667,0.2083,0.0968,0.0756,0.0876,0.0,0.0,0.0945,0.1043,0.9806,0.7452,0.0144,0.0,0.2069,0.1667,0.2083,0.099,0.0826,0.0912,0.0,0.0,0.0937,0.1005,0.9806,0.7383,0.0144,0.0,0.2069,0.1667,0.2083,0.0985,0.077,0.0891,0.0,0.0,reg oper spec account,block of flats,0.0767,Panel,No,0.0,0.0,0.0,0.0,-1656.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +2499773,259813,Consumer loans,5082.48,39690.0,25123.5,15750.0,39690.0,FRIDAY,9,Y,1,0.4196651086445208,,,XAP,Approved,-1711,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,30,Connectivity,6.0,high,POS mobile with interest,365243.0,-1669.0,-1519.0,-1519.0,-1513.0,0.0,0,Cash loans,M,Y,Y,0,78750.0,152820.0,15241.5,135000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-21416,-1789,-3911.0,-3923,14.0,1,1,0,1,0,0,Drivers,2.0,2,2,MONDAY,8,0,0,0,0,1,1,Other,,0.6926833598860722,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1711.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2430178,308449,Consumer loans,13069.755,68391.0,49450.5,20520.0,68391.0,WEDNESDAY,6,Y,1,0.3193938224615437,,,XAP,Approved,-1050,XNA,XAP,Family,New,Computers,POS,XNA,Regional / Local,140,Consumer electronics,4.0,low_normal,POS household with interest,365243.0,-1018.0,-928.0,-958.0,-954.0,0.0,0,Cash loans,F,N,Y,1,225000.0,688500.0,22338.0,688500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.006305,-15141,-2917,-3529.0,-3036,,1,1,0,1,0,0,,3.0,3,3,WEDNESDAY,5,0,0,0,0,0,0,Business Entity Type 3,0.6465602210998768,0.6138316302836835,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1050.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,4.0 +1832553,396231,Revolving loans,6750.0,0.0,135000.0,,,MONDAY,7,Y,1,,,,XAP,Approved,-2795,XNA,XAP,,Repeater,XNA,Cards,x-sell,Stone,6000,Consumer electronics,0.0,XNA,Card Street,-2795.0,-2744.0,365243.0,-2319.0,365243.0,1.0,0,Cash loans,M,N,Y,2,247500.0,545040.0,25537.5,450000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.006852,-11532,-3749,-3261.0,-3261,,1,1,0,1,0,1,Managers,4.0,3,3,WEDNESDAY,6,0,0,0,0,0,0,Police,0.1527764517474017,0.2824726426038329,0.3556387169923543,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1544.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1503128,365728,Cash loans,9127.35,135000.0,135000.0,0.0,135000.0,MONDAY,16,Y,1,0.0,,,XNA,Refused,-2277,Cash through the bank,LIMIT,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,24.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,270000.0,544068.0,20641.5,382500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-19636,-1379,-13696.0,-3186,,1,1,0,1,0,0,Cleaning staff,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.15727332954329926,0.6109913280868294,0.0619,0.0511,0.9771,0.6872,0.0036,0.0,0.1034,0.1667,0.2083,0.0102,0.0504,0.0513,0.0,0.0091,0.063,0.053,0.9772,0.6994,0.0037,0.0,0.1034,0.1667,0.2083,0.0105,0.0551,0.0535,0.0,0.0097,0.0625,0.0511,0.9771,0.6914,0.0036,0.0,0.1034,0.1667,0.2083,0.0104,0.0513,0.0522,0.0,0.0093,org spec account,block of flats,0.0523,Panel,No,0.0,0.0,0.0,0.0,-1495.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1815578,158861,Consumer loans,2288.07,37962.0,30366.0,7596.0,37962.0,SATURDAY,13,Y,1,0.2179214621319884,,,XAP,Approved,-746,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,30,Connectivity,18.0,middle,POS mobile with interest,365243.0,-709.0,-199.0,-559.0,-556.0,0.0,0,Cash loans,F,Y,N,0,112500.0,675000.0,21906.0,675000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.018209,-10724,-72,-708.0,-154,18.0,1,1,0,1,0,0,Secretaries,2.0,3,3,WEDNESDAY,14,0,0,0,0,0,0,Medicine,,0.5481413765774326,0.5797274227921155,0.0825,0.0602,0.9747,0.6532,0.0067,0.0,0.1379,0.1667,0.2083,0.0435,0.0647,0.0599,0.0116,0.0079,0.084,0.0625,0.9747,0.6668,0.0068,0.0,0.1379,0.1667,0.2083,0.0445,0.0707,0.0624,0.0117,0.0084,0.0833,0.0602,0.9747,0.6578,0.0068,0.0,0.1379,0.1667,0.2083,0.0442,0.0658,0.0609,0.0116,0.0081,reg oper account,block of flats,0.0525,"Stone, brick",No,8.0,1.0,8.0,0.0,-2094.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1952308,422113,Consumer loans,5851.53,31455.0,33115.5,0.0,31455.0,WEDNESDAY,6,Y,1,0.0,,,XAP,Approved,-874,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,50,Furniture,6.0,low_normal,POS industry with interest,365243.0,-842.0,-692.0,-722.0,-715.0,0.0,0,Cash loans,F,N,Y,2,135000.0,327024.0,21982.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-12702,-366,-1337.0,-3659,,1,1,0,1,0,0,Sales staff,4.0,3,3,TUESDAY,10,0,0,0,0,0,0,Self-employed,0.4868791577874136,0.6080570278577571,0.6986675550534175,0.0825,0.0634,0.9752,0.66,0.0557,0.0,0.1379,0.1667,0.2083,0.0907,0.0672,0.0702,0.0,0.0,0.084,0.0658,0.9752,0.6733,0.0562,0.0,0.1379,0.1667,0.2083,0.0928,0.0735,0.0732,0.0,0.0,0.0833,0.0634,0.9752,0.6645,0.056,0.0,0.1379,0.1667,0.2083,0.0923,0.0684,0.0715,0.0,0.0,reg oper account,block of flats,0.0857,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1468367,161311,Cash loans,28462.995,225000.0,239850.0,,225000.0,SUNDAY,14,Y,1,,,,XNA,Approved,-1119,Cash through the bank,XAP,"Spouse, partner",New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-1089.0,-759.0,-759.0,-754.0,1.0,0,Cash loans,F,Y,N,1,90000.0,450000.0,27324.0,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.019101,-10264,-1140,-4673.0,-1627,27.0,1,1,1,1,1,0,Accountants,3.0,2,2,MONDAY,10,0,0,0,0,1,1,Business Entity Type 1,0.5783721663745179,0.15115595080729835,0.5495965024956946,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-748.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1135311,375831,Consumer loans,14298.57,143001.0,128700.0,14301.0,143001.0,FRIDAY,12,Y,1,0.1089159452794672,,,XAP,Approved,-1453,Non-cash from your account,XAP,Children,New,Computers,POS,XNA,Stone,625,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1422.0,-1152.0,-1152.0,-1149.0,0.0,1,Cash loans,F,N,Y,0,135000.0,143910.0,14148.0,135000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.018801,-25168,-2117,-4471.0,-86,,1,1,0,1,0,0,,1.0,2,2,TUESDAY,15,1,0,1,1,0,1,Self-employed,,0.010448766954282748,0.4920600938649263,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1453.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2429801,342228,Consumer loans,22818.51,233742.285,249165.0,3.285,233742.285,SUNDAY,21,Y,1,1.435842300862502e-05,,,XAP,Refused,-371,Cash through the bank,SCO,,Repeater,Audio/Video,POS,XNA,Country-wide,1235,Consumer electronics,12.0,low_action,POS household without interest,,,,,,,0,Cash loans,M,Y,Y,0,270000.0,450000.0,36211.5,450000.0,Family,Working,Higher education,Married,House / apartment,0.026392000000000002,-10683,-1047,-4909.0,-3071,4.0,1,1,0,1,1,0,Managers,2.0,2,2,SUNDAY,12,0,0,0,0,0,0,Business Entity Type 2,,0.5958495171980706,0.14916746132334885,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-753.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,4.0 +2011681,298761,Cash loans,13114.98,112500.0,119925.0,0.0,112500.0,SUNDAY,13,Y,1,0.0,,,XNA,Approved,-2517,Cash through the bank,XAP,Other_B,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,high,Cash Street: high,365243.0,-2487.0,-2157.0,-2157.0,-2132.0,1.0,0,Cash loans,M,N,N,0,67500.0,677664.0,24471.0,585000.0,"Spouse, partner",Working,Lower secondary,Civil marriage,House / apartment,0.025164,-10976,-125,-2396.0,-3528,,1,1,0,1,0,0,Low-skill Laborers,2.0,2,2,THURSDAY,13,0,0,0,1,1,1,Trade: type 7,,0.2631435910213423,0.7016957740576931,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-2785.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2569191,118332,Consumer loans,10179.765,108315.0,107779.5,10831.5,108315.0,MONDAY,10,Y,1,0.0994552628492988,,,XAP,Refused,-321,Cash through the bank,LIMIT,,Repeater,Computers,POS,XNA,Stone,60,Consumer electronics,12.0,low_normal,POS household with interest,,,,,,,0,Cash loans,F,N,Y,1,99000.0,62361.0,7398.0,58500.0,Children,Working,Secondary / secondary special,Single / not married,House / apartment,0.031329,-9947,-2246,-4505.0,-2608,,1,1,1,1,1,0,Sales staff,2.0,2,2,SUNDAY,12,0,0,0,0,0,0,Self-employed,0.3709753966959665,0.35702089867700865,0.3296550543128238,0.0711,0.0537,0.9801,0.728,0.0069,0.0,0.1379,0.1667,,,0.0572,0.0596,0.0039,0.0088,0.0725,0.0557,0.9801,0.7387,0.006999999999999999,0.0,0.1379,0.1667,,,0.0624,0.0621,0.0039,0.0093,0.0718,0.0537,0.9801,0.7316,0.006999999999999999,0.0,0.1379,0.1667,,,0.0581,0.0607,0.0039,0.009000000000000001,reg oper account,block of flats,0.0488,"Stone, brick",No,0.0,0.0,0.0,0.0,-156.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1607906,309576,Cash loans,,0.0,0.0,,,FRIDAY,11,Y,1,,,,XNA,Refused,-230,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,N,0,72000.0,225000.0,17905.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-13849,-1357,-1678.0,-2816,,1,1,0,1,1,0,Laborers,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Industry: type 3,0.38110041744159817,0.3634261774971311,0.7738956942145427,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-230.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,1.0,0.0,0.0,0.0,1.0 +1271328,419927,Consumer loans,4807.215,50980.5,41193.0,13500.0,50980.5,WEDNESDAY,18,Y,1,0.2688228342333987,,,XAP,Approved,-2767,Cash through the bank,XAP,"Spouse, partner",New,Mobile,POS,XNA,Country-wide,44,Connectivity,12.0,low_normal,POS mobile with interest,365243.0,-2736.0,-2406.0,-2406.0,-1573.0,1.0,0,Cash loans,F,N,Y,0,166500.0,733176.0,23782.5,612000.0,Other_B,Commercial associate,Secondary / secondary special,Married,House / apartment,0.009334,-14451,-651,-7540.0,-4228,,1,1,0,1,0,0,Sales staff,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.6143757598762958,,0.0124,0.0,0.9742,0.6464,0.0,0.0,0.069,0.0417,0.0833,0.0071,0.0101,0.0099,0.0,0.0051,0.0126,0.0,0.9742,0.6602,0.0,0.0,0.069,0.0417,0.0833,0.0072,0.011,0.0103,0.0,0.0054,0.0125,0.0,0.9742,0.6511,0.0,0.0,0.069,0.0417,0.0833,0.0072,0.0103,0.0101,0.0,0.0052,reg oper account,block of flats,0.0112,Wooden,No,5.0,1.0,5.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2280358,134755,Cash loans,28595.88,225000.0,239850.0,,225000.0,TUESDAY,14,Y,1,,,,XNA,Approved,-1035,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,walk-in,Country-wide,21,Connectivity,12.0,high,Cash Street: high,365243.0,-1005.0,-675.0,-975.0,-967.0,1.0,0,Cash loans,M,Y,Y,0,225000.0,534204.0,42336.0,495000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-17460,-1987,-299.0,-1012,8.0,1,1,0,1,0,0,Managers,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Trade: type 7,,0.2934160191140246,0.3859146722745145,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-151.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1024694,263522,Consumer loans,25552.845,132678.0,125320.5,13270.5,132678.0,SATURDAY,11,Y,1,0.10428369020420457,,,XAP,Approved,-2322,Cash through the bank,XAP,Other_B,Repeater,Auto Accessories,POS,XNA,Country-wide,69,Industry,6.0,high,POS other with interest,365243.0,-2291.0,-2141.0,-2141.0,-2139.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,219042.0,26122.5,193500.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.035792000000000004,-11996,-421,-581.0,-4377,5.0,1,1,0,1,0,0,Managers,1.0,2,2,THURSDAY,16,0,0,0,0,1,1,Construction,,0.4601346089394344,0.4992720153045617,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-791.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1623691,410328,Consumer loans,5382.9,58342.5,52506.0,5836.5,58342.5,WEDNESDAY,11,Y,1,0.10895109210111137,,,XAP,Approved,-699,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,100,Consumer electronics,12.0,middle,POS household with interest,365243.0,-666.0,-336.0,-546.0,-540.0,0.0,0,Revolving loans,M,Y,N,0,243000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.019101,-9639,-1594,-4127.0,-2316,64.0,1,1,1,1,1,0,High skill tech staff,1.0,2,2,TUESDAY,11,0,0,0,0,0,0,Telecom,0.382970250325842,0.7025314479407667,0.2910973802776635,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1365.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +2279724,341521,Revolving loans,6750.0,135000.0,135000.0,,135000.0,MONDAY,10,Y,1,,,,XAP,Refused,-758,XNA,HC,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,90000.0,326439.0,16006.5,229500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.018634,-14825,-904,-4823.0,-4822,,1,1,0,1,0,0,Sales staff,1.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Self-employed,,0.1597085779967119,0.7597121819739279,0.099,0.1004,0.9911,,,0.08,0.069,0.3333,,0.0,,0.0957,,0.0685,0.1008,0.1042,0.9911,,,0.0806,0.069,0.3333,,0.0,,0.0998,,0.0726,0.0999,0.1004,0.9911,,,0.08,0.069,0.3333,,0.0,,0.0975,,0.07,,block of flats,0.0902,"Stone, brick",No,0.0,0.0,0.0,0.0,-758.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1560716,295025,Consumer loans,1686.375,16708.5,16708.5,0.0,16708.5,SUNDAY,14,Y,1,0.0,0.19690014734217387,0.8673361522198731,XAP,Approved,-447,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,25,Connectivity,12.0,middle,POS mobile with interest,365243.0,-414.0,-84.0,-324.0,-321.0,0.0,0,Cash loans,F,Y,N,0,67500.0,260640.0,18139.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.032561,-23519,365243,-4667.0,-4779,2.0,1,0,0,1,1,0,,1.0,1,1,SATURDAY,15,0,0,0,0,0,0,XNA,,0.6886093366822379,0.7713615919194317,0.1031,0.1055,0.9742,0.6464,0.0123,0.0,0.1724,0.1667,0.0417,0.037000000000000005,0.0841,0.0899,0.0,0.0039,0.105,0.1095,0.9742,0.6602,0.0124,0.0,0.1724,0.1667,0.0417,0.0378,0.0918,0.0931,0.0,0.0041,0.1041,0.1055,0.9742,0.6511,0.0124,0.0,0.1724,0.1667,0.0417,0.0376,0.0855,0.0915,0.0,0.004,reg oper account,block of flats,0.0711,Panel,No,0.0,0.0,0.0,0.0,-447.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1109878,244308,Cash loans,5331.15,49500.0,49500.0,,49500.0,MONDAY,14,Y,1,,,,XNA,Approved,-796,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Regional / Local,80,Furniture,12.0,middle,Cash X-Sell: middle,365243.0,-766.0,-436.0,-586.0,-580.0,0.0,0,Revolving loans,F,N,Y,0,90000.0,135000.0,6750.0,,,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.009334,-9556,-308,-9525.0,-2215,,1,1,1,1,1,0,Sales staff,1.0,2,2,SATURDAY,17,0,0,0,1,1,0,Self-employed,,0.6446223626505175,,0.1299,0.1284,0.9806,0.7348,0.027000000000000003,0.32,0.2759,0.2083,0.25,0.1638,0.0992,0.1177,0.0309,0.1704,0.1324,0.1332,0.9806,0.7452,0.0272,0.3222,0.2759,0.2083,0.25,0.1675,0.1084,0.1227,0.0311,0.1804,0.1312,0.1284,0.9806,0.7383,0.0271,0.32,0.2759,0.2083,0.25,0.1666,0.1009,0.1199,0.0311,0.1739,reg oper account,block of flats,0.1444,"Stone, brick",No,0.0,0.0,0.0,0.0,-1198.0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1229482,174053,Revolving loans,16875.0,337500.0,337500.0,,337500.0,FRIDAY,10,Y,1,,,,XAP,Approved,-184,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-160.0,-112.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,108000.0,242595.0,17383.5,202500.0,Unaccompanied,Pensioner,Higher education,Separated,Municipal apartment,0.035792000000000004,-19793,365243,-9447.0,-3322,,1,0,0,1,0,0,,1.0,2,2,SUNDAY,10,0,0,0,0,0,0,XNA,,0.5246485203592784,0.7801436381572275,0.2237,0.1146,0.9871,,,0.24,0.2069,0.3333,,0.114,,0.2305,,0.0012,0.2279,0.119,0.9871,,,0.2417,0.2069,0.3333,,0.1166,,0.2401,,0.0012,0.2259,0.1146,0.9871,,,0.24,0.2069,0.3333,,0.1159,,0.2346,,0.0012,,block of flats,0.1815,Panel,No,1.0,0.0,1.0,0.0,-534.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2323995,338734,Revolving loans,12375.0,247500.0,247500.0,,247500.0,MONDAY,11,Y,1,,,,XAP,Refused,-281,XNA,HC,"Spouse, partner",Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,Y,Y,0,211500.0,673875.0,32548.5,544500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018634,-23721,-5349,-11016.0,-4159,3.0,1,1,0,1,0,0,Security staff,2.0,2,2,TUESDAY,9,0,0,0,0,1,1,Housing,,0.2900768689343453,0.4507472818545589,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-2940.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,5.0 +2641379,428294,Cash loans,26097.39,810000.0,948996.0,,810000.0,SUNDAY,9,Y,1,,,,XNA,Approved,-303,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-273.0,1497.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,90000.0,273636.0,15835.5,247500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-17676,-4124,-7684.0,-1184,,1,1,0,1,0,1,Cleaning staff,2.0,3,3,TUESDAY,13,0,0,0,0,0,0,Housing,0.7536941893043393,0.4845191179808397,0.4668640059537032,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,0.0,-2017.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2532197,129083,Consumer loans,11319.12,124996.5,109894.5,25002.0,124996.5,SATURDAY,21,Y,1,0.2018543913970406,,,XAP,Approved,-2238,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,1100,Consumer electronics,12.0,middle,POS household with interest,365243.0,-2207.0,-1877.0,-1877.0,-1852.0,0.0,0,Revolving loans,M,N,Y,1,270000.0,382500.0,19125.0,382500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.04622,-17327,-3200,-9863.0,-855,,1,1,0,1,1,1,Managers,3.0,1,1,THURSDAY,19,0,0,0,0,0,0,Trade: type 7,0.30808699061880385,0.681978688913797,,0.2031,0.1017,0.9841,0.7892,0.0704,0.224,0.1793,0.4167,0.375,0.1227,0.1804,0.1893,0.0,0.0115,0.2258,0.0745,0.9821,0.7321,0.0702,0.2417,0.2069,0.3333,0.375,0.1134,0.1974,0.1387,0.0,0.0,0.2233,0.11,0.9821,0.7451,0.0704,0.24,0.2069,0.3333,0.375,0.1278,0.1838,0.2058,0.0,0.0,reg oper account,block of flats,0.1774,Panel,No,0.0,0.0,0.0,0.0,-1885.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1568292,185920,Consumer loans,8160.3,82503.9,81603.0,8253.9,82503.9,FRIDAY,11,Y,1,0.10003959022117896,,,XAP,Approved,-2387,Cash through the bank,XAP,Family,New,Other,POS,XNA,Stone,103,Consumer electronics,12.0,middle,POS household with interest,365243.0,-2355.0,-2025.0,-2085.0,-2077.0,1.0,0,Cash loans,F,N,Y,0,67500.0,405000.0,22743.0,405000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.018634,-20080,-2653,-10117.0,-3558,,1,1,1,1,1,0,Security staff,1.0,2,2,FRIDAY,13,0,0,0,0,0,0,Transport: type 4,,0.6108468600816664,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2387.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1420619,394677,Consumer loans,14126.67,138483.0,137794.5,13851.0,138483.0,WEDNESDAY,13,Y,1,0.09947540930537456,,,XAP,Approved,-663,Cash through the bank,XAP,Children,Refreshed,Computers,POS,XNA,Stone,10,Consumer electronics,12.0,middle,POS household with interest,365243.0,-632.0,-302.0,-482.0,-470.0,0.0,0,Cash loans,F,Y,Y,0,112500.0,1622691.0,44752.5,1354500.0,Family,Working,Higher education,Married,House / apartment,0.01885,-17389,-3489,-4159.0,-935,6.0,1,1,0,1,0,0,Accountants,2.0,2,2,MONDAY,10,0,0,0,0,1,1,Other,0.7822223267129746,0.5377064072423944,0.7295666907060153,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-663.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1565368,425875,Cash loans,5089.05,45000.0,45000.0,,45000.0,THURSDAY,10,Y,1,,,,XNA,Approved,-1506,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,high,Cash X-Sell: high,365243.0,-1476.0,-1146.0,-1146.0,-1139.0,0.0,0,Cash loans,M,N,Y,1,148500.0,521280.0,28408.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-13931,-588,-7653.0,-4214,,1,1,0,1,0,0,,3.0,2,2,FRIDAY,14,0,0,0,0,0,0,Other,,0.6856617639361801,0.5954562029091491,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1833.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2818572,429258,Revolving loans,6750.0,0.0,135000.0,,,MONDAY,10,Y,1,,,,XAP,Approved,-2468,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,-1,Consumer electronics,0.0,XNA,Card Street,-2423.0,-2381.0,365243.0,-1469.0,-701.0,0.0,0,Cash loans,M,Y,N,0,3600000.0,1113840.0,44302.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Municipal apartment,0.035792000000000004,-14897,-311,-4872.0,-2190,27.0,1,1,0,1,0,0,Core staff,1.0,2,2,FRIDAY,17,0,0,0,0,0,0,Self-employed,,0.5264751416990143,0.746300213050371,0.1052,0.0774,0.9866,0.8164,0.0086,0.0,0.1724,0.2083,0.25,0.1556,0.0857,0.0834,0.0,0.0217,0.1071,0.0803,0.9866,0.8236,0.0087,0.0,0.1724,0.2083,0.25,0.1592,0.0937,0.0869,0.0,0.023,0.1062,0.0774,0.9866,0.8189,0.0087,0.0,0.1724,0.2083,0.25,0.1584,0.0872,0.0849,0.0,0.0222,reg oper account,block of flats,0.0703,Panel,No,6.0,2.0,6.0,1.0,-2468.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1769699,366356,Consumer loans,6014.025,110218.5,133497.0,0.0,110218.5,SUNDAY,10,Y,1,0.0,,,XAP,Approved,-717,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Regional / Local,100,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-686.0,4.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,1,180000.0,1267735.5,37066.5,1107000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.019101,-11395,-458,-804.0,-4005,6.0,1,1,0,1,0,0,Core staff,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,School,0.14271994807733987,0.5923586455311243,0.07647351918548448,0.1361,,0.9747,,,0.0,0.1034,0.125,,0.0539,,0.0303,,0.0646,0.1387,,0.9747,,,0.0,0.1034,0.125,,0.0551,,0.0316,,0.0684,0.1374,,0.9747,,,0.0,0.1034,0.125,,0.0548,,0.0309,,0.0659,,block of flats,0.0379,"Stone, brick",No,3.0,0.0,3.0,0.0,-480.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1760862,359152,Consumer loans,3289.77,24615.0,27054.0,0.0,24615.0,WEDNESDAY,10,Y,1,0.0,,,XAP,Approved,-1150,Cash through the bank,XAP,,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,20,Connectivity,12.0,high,POS mobile with interest,365243.0,-1110.0,-780.0,-960.0,-957.0,0.0,0,Cash loans,M,Y,Y,0,108000.0,531265.5,24894.0,373500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007305,-15681,-2724,-1327.0,-5407,30.0,1,1,0,1,0,0,Laborers,2.0,3,3,FRIDAY,7,0,0,0,0,0,0,Business Entity Type 3,,0.1405648504850698,0.5867400085415683,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-549.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,3.0 +1392109,111115,Consumer loans,23995.62,282060.0,326740.5,0.0,282060.0,FRIDAY,9,Y,1,0.0,,,XAP,Approved,-153,XNA,XAP,Family,Repeater,Audio/Video,POS,XNA,Regional / Local,100,Consumer electronics,18.0,middle,POS household with interest,365243.0,-123.0,387.0,365243.0,365243.0,1.0,1,Cash loans,F,N,Y,1,112500.0,452385.0,22131.0,373500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014464,-12285,-2234,-2295.0,-1696,,1,1,0,1,0,0,Sales staff,3.0,2,2,THURSDAY,9,0,0,0,0,0,0,Trade: type 7,0.33701852763002993,0.2029774834842304,0.7136313997323308,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-87.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2203583,359504,Consumer loans,9936.135,91678.5,91678.5,0.0,91678.5,TUESDAY,15,Y,1,0.0,,,XAP,Approved,-735,Cash through the bank,XAP,,Repeater,Construction Materials,POS,XNA,Regional / Local,15,Construction,10.0,low_action,POS industry with interest,365243.0,-701.0,-431.0,-431.0,-429.0,0.0,1,Cash loans,F,N,Y,2,117000.0,1261102.5,53559.0,1147500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.030755,-14410,-6482,-2315.0,-4129,,1,1,0,1,0,0,Laborers,4.0,2,2,TUESDAY,16,0,0,0,0,0,0,Business Entity Type 1,0.2840589577632325,0.5551777612018238,0.4543210601605785,0.0928,0.1363,0.9846,0.7892,0.0168,0.0,0.2414,0.1667,0.2083,0.0364,0.0756,0.0952,0.0,0.0,0.0945,0.1415,0.9846,0.7975,0.017,0.0,0.2414,0.1667,0.2083,0.0372,0.0826,0.0992,0.0,0.0,0.0937,0.1363,0.9846,0.792,0.0169,0.0,0.2414,0.1667,0.2083,0.037000000000000005,0.077,0.0969,0.0,0.0,reg oper account,block of flats,0.084,"Stone, brick",No,1.0,0.0,1.0,0.0,-883.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1262251,291070,Consumer loans,8790.03,90225.0,78133.5,18045.0,90225.0,TUESDAY,6,Y,1,0.20433512120219646,,,XAP,Approved,-2534,Cash through the bank,XAP,Unaccompanied,Repeater,Construction Materials,POS,XNA,Stone,8,Construction,10.0,low_normal,POS industry with interest,365243.0,-2501.0,-2231.0,-2231.0,-2228.0,1.0,0,Cash loans,F,N,N,1,112500.0,315000.0,15151.5,315000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.020713,-15659,-5143,-1237.0,-4869,,1,1,1,1,1,0,High skill tech staff,3.0,3,3,MONDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.7223143603969757,0.6817058776720116,0.0928,0.1077,0.9876,0.83,0.0139,0.0,0.2069,0.1667,0.2083,0.0615,0.0756,0.0914,0.0,0.0,0.0945,0.1118,0.9876,0.8367,0.014,0.0,0.2069,0.1667,0.2083,0.0629,0.0826,0.0952,0.0,0.0,0.0937,0.1077,0.9876,0.8323,0.014,0.0,0.2069,0.1667,0.2083,0.0626,0.077,0.093,0.0,0.0,reg oper account,block of flats,0.0795,Panel,No,0.0,0.0,0.0,0.0,-1134.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,4.0 +2707024,413348,Revolving loans,6750.0,135000.0,135000.0,,135000.0,MONDAY,15,Y,1,,,,XAP,Approved,-294,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-283.0,-253.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,247500.0,1035832.5,30415.5,904500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.009175,-20049,365243,-2181.0,-3575,,1,0,0,1,0,0,,2.0,2,2,MONDAY,16,0,0,0,0,0,0,XNA,,0.6925297228519891,0.6690566947824041,0.2598,0.1892,0.9851,,,0.28,0.2414,0.3333,,0.1926,,0.2762,,0.1174,0.2647,0.1963,0.9851,,,0.282,0.2414,0.3333,,0.197,,0.2878,,0.1243,0.2623,0.1892,0.9851,,,0.28,0.2414,0.3333,,0.1959,,0.2812,,0.1199,,block of flats,0.2428,Panel,No,0.0,0.0,0.0,0.0,-606.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2737467,411931,Consumer loans,3590.145,17460.0,17460.0,0.0,17460.0,SATURDAY,9,Y,1,0.0,,,XAP,Approved,-716,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,5,Connectivity,6.0,high,POS mobile with interest,365243.0,-667.0,-517.0,-577.0,-575.0,0.0,0,Cash loans,M,Y,Y,1,202500.0,1029658.5,34159.5,922500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-16729,-4335,-4913.0,-277,18.0,1,1,0,1,0,0,Laborers,3.0,2,2,MONDAY,14,0,0,0,0,1,1,Construction,0.4697908497051869,0.688318545015081,0.3296550543128238,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-716.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1112123,192303,Consumer loans,5984.73,34155.0,32364.0,3415.5,34155.0,WEDNESDAY,16,Y,1,0.10396428122248776,,,XAP,Approved,-425,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,144,Consumer electronics,6.0,middle,POS household with interest,365243.0,-394.0,-244.0,-244.0,-239.0,0.0,0,Cash loans,M,Y,N,1,225000.0,540000.0,17847.0,540000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.02461,-14025,-3815,-8035.0,-4129,9.0,1,1,1,1,1,0,,3.0,2,2,THURSDAY,20,0,0,0,0,0,0,Construction,0.281329058216313,0.6308212120283732,0.6577838002083306,0.1938,0.1218,0.9916,0.8844,0.0498,0.2,0.1379,0.5,0.5417,0.1296,0.158,0.2023,0.0154,0.0226,0.1681,0.0831,0.9836,0.7844,0.04,0.1611,0.069,0.3333,0.375,0.1326,0.1469,0.1885,0.0,0.0,0.1957,0.1218,0.9916,0.8859,0.0501,0.2,0.1379,0.5,0.5417,0.1319,0.1608,0.206,0.0155,0.0231,reg oper account,block of flats,0.1849,Block,No,0.0,0.0,0.0,0.0,-275.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1596661,130730,Consumer loans,8450.775,81441.0,81094.5,7650.0,81441.0,TUESDAY,18,Y,1,0.09388238656531336,,,XAP,Approved,-1213,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,3268,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1180.0,-850.0,-850.0,-844.0,0.0,0,Cash loans,M,Y,N,0,135000.0,183384.0,19876.5,162000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.00496,-12612,-1753,-6512.0,-2388,13.0,1,1,0,1,0,0,High skill tech staff,2.0,2,2,THURSDAY,12,0,0,0,0,1,1,Self-employed,0.2649090699232857,0.6601571943169848,0.7826078370261895,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1213.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1556706,164065,Consumer loans,4267.935,28053.0,26910.0,2808.0,28053.0,TUESDAY,12,Y,1,0.1029062276306371,,,XAP,Approved,-2520,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,21,Connectivity,8.0,low_normal,POS mobile with interest,365243.0,-2489.0,-2279.0,-2279.0,-2270.0,1.0,0,Cash loans,M,Y,Y,1,157500.0,531706.5,28975.5,459000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019101,-10838,-2099,-5229.0,-3532,2.0,1,1,0,1,1,0,Laborers,3.0,2,2,TUESDAY,11,0,0,0,0,0,0,Self-employed,0.21343432392853529,0.3818269572221824,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1309.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1641571,294294,Consumer loans,11890.35,84141.0,75303.0,13500.0,84141.0,WEDNESDAY,11,Y,1,0.1655656596368058,,,XAP,Approved,-1554,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,22,Connectivity,8.0,high,POS mobile with interest,365243.0,-1523.0,-1313.0,-1403.0,-1396.0,0.0,0,Cash loans,F,Y,Y,0,90000.0,675000.0,21775.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.022625,-19262,-1072,-8622.0,-2722,16.0,1,1,1,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.6144327474154886,0.6109913280868294,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1554.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,2.0,2.0,0.0,0.0,2.0 +2267074,250126,Consumer loans,9790.11,80775.0,71775.0,9000.0,80775.0,WEDNESDAY,18,Y,1,0.1213471765003798,,,XAP,Refused,-2199,Cash through the bank,LIMIT,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,62,Connectivity,10.0,high,POS mobile with interest,,,,,,,0,Cash loans,M,Y,Y,0,157500.0,171000.0,11565.0,171000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.04622,-9470,-1204,-4103.0,-1491,3.0,1,1,0,1,1,0,,1.0,1,1,THURSDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.5721926222465098,0.12295541790885495,0.1474,0.0847,0.9856,0.8028,0.0909,0.16,0.1379,0.3333,0.375,0.1738,0.1202,0.0907,0.0,0.0463,0.1502,0.0879,0.9856,0.8105,0.0917,0.1611,0.1379,0.3333,0.375,0.1778,0.1313,0.0945,0.0,0.049,0.1489,0.0847,0.9856,0.8054,0.0915,0.16,0.1379,0.3333,0.375,0.1769,0.1223,0.0923,0.0,0.0472,reg oper account,block of flats,0.121,Panel,No,3.0,0.0,3.0,0.0,-918.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1473770,183365,Consumer loans,9504.54,50400.0,53059.5,0.0,50400.0,FRIDAY,11,Y,1,0.0,,,XAP,Approved,-540,Cash through the bank,XAP,,Refreshed,Audio/Video,POS,XNA,Stone,100,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-508.0,-358.0,-358.0,-356.0,0.0,0,Cash loans,F,N,Y,0,90000.0,848745.0,36090.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-17630,-1933,-2682.0,-1186,,1,1,0,1,0,0,Medicine staff,2.0,2,2,SATURDAY,10,0,0,0,0,1,1,Medicine,,0.5885513267449031,0.43473324875017305,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-2247.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1874279,216815,Consumer loans,12771.945,62995.5,68476.5,0.0,62995.5,FRIDAY,18,Y,1,0.0,,,XAP,Approved,-1204,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,600,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1173.0,-1023.0,-1053.0,-1048.0,0.0,0,Cash loans,M,N,Y,0,180000.0,580707.0,39280.5,441000.0,Unaccompanied,Working,Secondary / secondary special,Married,Rented apartment,0.014519999999999996,-15580,-1695,-3591.0,-1980,,1,1,0,1,1,0,Cooking staff,2.0,2,2,FRIDAY,17,0,1,1,0,1,1,Business Entity Type 3,0.43875357233481777,0.5621867082914513,0.3201633668633456,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-120.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +2523982,422777,Consumer loans,10496.745,38250.0,39595.5,0.0,38250.0,THURSDAY,11,Y,1,0.0,,,XAP,Approved,-701,XNA,XAP,Family,Repeater,Auto Accessories,POS,XNA,Stone,64,Industry,4.0,low_normal,POS other with interest,365243.0,-670.0,-580.0,-580.0,-572.0,0.0,0,Cash loans,M,N,N,0,180000.0,585000.0,23328.0,585000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.006305,-10897,-2393,-3378.0,-3378,,1,1,0,1,0,0,Managers,2.0,3,3,SUNDAY,13,0,0,0,1,1,0,Other,0.3880250745287656,0.729497409862342,0.5549467685334323,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-2175.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2179945,257501,Cash loans,33468.435,360000.0,389938.5,0.0,360000.0,THURSDAY,10,Y,1,0.0,,,XNA,Approved,-2051,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,365243.0,-2021.0,-1511.0,-1631.0,-1628.0,1.0,0,Cash loans,F,Y,N,0,202500.0,1350000.0,37125.0,1350000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.0228,-19182,-2913,-3278.0,-2696,1.0,1,1,1,1,1,0,Drivers,2.0,2,2,TUESDAY,15,0,0,0,0,1,1,Business Entity Type 3,,0.5430615496097092,0.3979463219016906,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1564.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,0.0 +1719542,101706,Consumer loans,3886.605,35370.0,34983.0,3537.0,35370.0,TUESDAY,9,Y,1,0.10000297366185218,,,XAP,Approved,-2075,XNA,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Stone,35,Consumer electronics,12.0,high,POS household with interest,365243.0,-2041.0,-1711.0,-1741.0,-1734.0,0.0,0,Cash loans,F,N,N,0,157500.0,2013840.0,53122.5,1800000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.01885,-23602,365243,-4881.0,-4883,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,18,0,0,0,0,0,0,XNA,,0.6660388591752726,0.8327850252992314,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1506.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2522647,197233,Consumer loans,9657.765,79605.0,86611.5,0.0,79605.0,TUESDAY,15,Y,1,0.0,,,XAP,Approved,-1147,Cash through the bank,XAP,Other_B,New,Consumer Electronics,POS,XNA,Country-wide,4232,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1114.0,-844.0,-844.0,-840.0,0.0,0,Cash loans,F,N,Y,0,144000.0,382761.0,19674.0,319500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.00496,-22220,365243,-3068.0,-5060,,1,0,0,1,0,0,,2.0,2,2,MONDAY,10,0,0,0,0,0,0,XNA,,0.6420081228473795,0.7394117535524816,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1147.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +2693357,187736,Consumer loans,1684.845,16852.5,15165.0,1687.5,16852.5,THURSDAY,13,Y,1,0.1090544969049642,,,XAP,Approved,-1105,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,200,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1067.0,-797.0,-797.0,-794.0,0.0,0,Cash loans,F,N,N,0,54000.0,135000.0,9148.5,135000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.010276,-9063,-1593,-3872.0,-1744,,1,1,1,1,1,0,Sales staff,1.0,2,2,WEDNESDAY,14,0,0,0,0,1,1,Trade: type 1,,0.6321951622009724,0.7136313997323308,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1105.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2568031,358733,Cash loans,29851.875,288000.0,359748.0,,288000.0,WEDNESDAY,8,Y,1,,,,XNA,Approved,-693,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-663.0,-153.0,-243.0,-241.0,1.0,0,Revolving loans,F,N,Y,0,270000.0,382500.0,19125.0,382500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-12315,-3103,-119.0,-5000,,1,1,0,1,0,1,Core staff,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Bank,0.3713756535123108,0.5533084797381002,0.2764406945454034,0.1031,0.0871,0.9776,0.6940000000000001,0.0115,0.0,0.2069,0.1667,0.2083,0.0651,0.0841,0.0916,0.0,0.0,0.105,0.0904,0.9777,0.706,0.0116,0.0,0.2069,0.1667,0.2083,0.0666,0.0918,0.0954,0.0,0.0,0.1041,0.0871,0.9776,0.6981,0.0116,0.0,0.2069,0.1667,0.2083,0.0662,0.0855,0.0932,0.0,0.0,reg oper account,block of flats,0.0783,"Stone, brick",No,1.0,0.0,1.0,0.0,-1564.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2106260,260873,Consumer loans,7240.59,32751.0,34870.5,3276.0,32751.0,MONDAY,18,Y,1,0.09353051572704753,,,XAP,Approved,-1282,Cash through the bank,XAP,Other_A,New,Audio/Video,POS,XNA,Country-wide,40,Connectivity,6.0,high,POS mobile with interest,365243.0,-1251.0,-1101.0,-1101.0,-1094.0,0.0,0,Cash loans,M,N,Y,0,157500.0,225000.0,10944.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.022625,-8955,-1024,-8925.0,-1620,,1,1,1,1,0,0,Laborers,2.0,2,2,TUESDAY,16,0,0,0,0,0,0,Industry: type 1,,0.6469533441719847,0.042929206557984725,0.0124,0.0,0.9712,0.6056,0.0018,0.0,0.069,0.0417,0.0833,0.0173,0.0101,0.0157,0.0,0.0,0.0126,0.0,0.9712,0.621,0.0018,0.0,0.069,0.0417,0.0833,0.0177,0.011,0.0164,0.0,0.0,0.0125,0.0,0.9712,0.6109,0.0018,0.0,0.069,0.0417,0.0833,0.0176,0.0103,0.016,0.0,0.0,reg oper account,block of flats,0.0133,Block,No,3.0,0.0,3.0,0.0,-1282.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1406708,221556,Consumer loans,1472.265,17581.5,24003.0,0.0,17581.5,FRIDAY,11,Y,1,0.0,,,XAP,Approved,-1523,Cash through the bank,XAP,Other_B,Refreshed,Audio/Video,POS,XNA,Country-wide,1590,Consumer electronics,24.0,low_normal,POS household without interest,365243.0,-1492.0,-802.0,-862.0,-856.0,0.0,0,Cash loans,F,N,Y,1,112500.0,225000.0,11650.5,225000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-10881,-138,-4751.0,-2836,,1,1,1,1,1,0,Core staff,3.0,2,2,TUESDAY,13,0,0,0,0,0,0,Trade: type 7,,0.6634071534674316,0.2276129150623945,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-518.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2436098,243271,Consumer loans,6261.39,50040.0,56358.0,5004.0,50040.0,MONDAY,15,Y,1,0.08881410170937892,,,XAP,Approved,-2095,Cash through the bank,XAP,Other_B,New,Mobile,POS,XNA,Regional / Local,36,Connectivity,12.0,high,POS household with interest,365243.0,-2060.0,-1730.0,-1730.0,-1725.0,0.0,0,Cash loans,F,N,N,0,54000.0,261153.0,22414.5,225000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.019101,-10330,-483,-3008.0,-153,,1,1,0,1,1,1,Core staff,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Government,0.31431692383442034,0.7653179410887078,0.5937175866150576,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1030.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1159419,405848,Cash loans,20451.24,229500.0,281646.0,,229500.0,TUESDAY,14,Y,1,,,,XNA,Approved,-532,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-502.0,8.0,-322.0,-317.0,1.0,0,Cash loans,F,N,Y,0,229500.0,548775.0,29236.5,508500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.010147,-20369,365243,-12528.0,-3581,,1,0,0,1,1,0,,1.0,2,2,TUESDAY,11,0,0,0,0,0,0,XNA,0.4952097408897041,0.6296287363535079,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2262.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2607853,344147,Revolving loans,7875.0,0.0,157500.0,,,TUESDAY,13,Y,1,,,,XAP,Approved,-581,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,M,N,Y,0,202500.0,180000.0,21492.0,180000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.018209,-9701,-1947,-3856.0,-2384,,1,1,0,1,0,0,Laborers,2.0,3,3,TUESDAY,9,0,0,0,0,0,0,Other,0.1965261025178088,0.4580005211930466,0.4066174366275036,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1110516,204376,Cash loans,27704.97,675000.0,767664.0,,675000.0,MONDAY,12,Y,1,,,,XNA,Approved,-1316,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-1286.0,124.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,135000.0,763056.0,27535.5,630000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.031329,-22548,365243,-7468.0,-4679,,1,0,0,1,0,0,,2.0,2,2,MONDAY,14,0,0,0,0,0,0,XNA,0.6350162693019623,0.7276422297498047,0.5867400085415683,0.0974,0.0803,0.9752,0.66,0.0111,0.0,0.1897,0.1667,0.2083,0.1006,0.0777,0.0829,0.0077,0.0098,0.063,0.0072,0.9752,0.6733,0.0059,0.0,0.1034,0.1667,0.2083,0.1029,0.0533,0.0491,0.0078,0.0085,0.0984,0.0803,0.9752,0.6645,0.0111,0.0,0.1897,0.1667,0.2083,0.1024,0.0791,0.0844,0.0078,0.01,reg oper account,block of flats,0.0428,"Stone, brick",No,0.0,0.0,0.0,0.0,-1909.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,4.0 +2116219,321346,Consumer loans,3247.2,72000.0,72000.0,0.0,72000.0,FRIDAY,11,Y,1,0.0,,,XAP,Approved,-1370,Cash through the bank,XAP,Other_B,Repeater,Consumer Electronics,POS,XNA,Country-wide,2500,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1339.0,-649.0,-679.0,-674.0,0.0,0,Cash loans,F,N,N,2,337500.0,855882.0,36391.5,765000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.008625,-13370,-3493,-6795.0,-4908,,1,1,0,1,0,0,Cleaning staff,3.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.5364122788088659,0.6250737738519707,0.6848276586890367,0.2392,0.1653,0.9841,0.7824,0.0566,0.24,0.2069,0.3333,0.375,0.4421,0.195,0.2292,0.0,0.0,0.2437,0.1715,0.9841,0.7909,0.0572,0.2417,0.2069,0.3333,0.375,0.4522,0.213,0.2383,0.0,0.0,0.2415,0.1653,0.9841,0.7853,0.057,0.24,0.2069,0.3333,0.375,0.4498,0.1984,0.2333,0.0,0.0,reg oper account,block of flats,0.1807,Panel,No,0.0,0.0,0.0,0.0,-1370.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2453660,246189,Revolving loans,33750.0,675000.0,675000.0,,675000.0,MONDAY,10,Y,1,,,,XAP,Refused,-196,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,216000.0,460728.0,13203.0,364500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-23367,-13417,-16226.0,-4246,,1,1,0,1,1,0,Medicine staff,2.0,1,1,MONDAY,10,0,0,0,0,0,0,Medicine,,0.6376491341816917,0.1385128770585923,0.0619,0.0499,0.9742,0.6464,0.0209,0.0,0.1034,0.1667,0.2083,0.1222,0.0504,0.0498,0.0,0.0,0.063,0.0518,0.9742,0.6602,0.0211,0.0,0.1034,0.1667,0.2083,0.125,0.0551,0.0519,0.0,0.0,0.0625,0.0499,0.9742,0.6511,0.021,0.0,0.1034,0.1667,0.2083,0.1243,0.0513,0.0507,0.0,0.0,reg oper account,block of flats,0.0506,"Stone, brick",No,13.0,0.0,13.0,0.0,-1657.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1441140,451513,Consumer loans,3883.59,36773.1,40972.5,3.6,36773.1,THURSDAY,11,Y,1,9.568327080242558e-05,,,XAP,Approved,-1537,Cash through the bank,XAP,Unaccompanied,Refreshed,Audio/Video,POS,XNA,Stone,50,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-1506.0,-1176.0,-1206.0,-1197.0,0.0,0,Cash loans,M,Y,N,3,157500.0,844474.5,28039.5,729000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00733,-13591,-5006,-1951.0,-4041,64.0,1,1,0,1,0,0,Laborers,5.0,2,2,MONDAY,9,0,0,0,0,0,0,Industry: type 1,0.4024292077532301,0.202973945821674,0.6658549219640212,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2909.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1161382,346124,Consumer loans,21676.14,244309.5,244309.5,0.0,244309.5,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-206,Cash through the bank,XAP,Family,New,Clothing and Accessories,POS,XNA,Regional / Local,149,Clothing,12.0,low_action,POS industry without interest,365243.0,-176.0,154.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,247500.0,497520.0,52920.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-19707,-1868,-14.0,-3170,,1,1,0,1,0,0,Drivers,2.0,2,1,TUESDAY,7,0,0,0,0,0,0,Business Entity Type 2,,0.7697502058353659,0.6674577419214722,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-206.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2107072,386405,Cash loans,12725.235,112500.0,119925.0,,112500.0,SATURDAY,10,Y,1,,,,Repairs,Approved,-224,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,middle,Cash Street: middle,365243.0,-194.0,136.0,365243.0,365243.0,1.0,0,Revolving loans,M,Y,Y,0,135000.0,202500.0,10125.0,202500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.030755,-21489,-3716,-3832.0,-4453,7.0,1,1,0,1,0,0,Drivers,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Business Entity Type 1,,0.2477910490280228,0.746300213050371,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,-5.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1289311,121758,Cash loans,43725.15,454500.0,472500.0,,454500.0,WEDNESDAY,17,Y,1,,,,XNA,Approved,-330,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_action,Cash X-Sell: low,365243.0,-299.0,31.0,-89.0,-81.0,0.0,0,Cash loans,M,Y,Y,0,180000.0,1260000.0,34650.0,1260000.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.010556,-9273,-368,-3001.0,-1815,6.0,1,1,0,1,1,0,Sales staff,1.0,3,3,THURSDAY,10,0,0,0,0,0,0,Trade: type 2,,0.4660392283340762,0.5971924268337128,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-604.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2360356,277129,Revolving loans,11250.0,225000.0,225000.0,,225000.0,MONDAY,12,Y,1,,,,XAP,Approved,-744,XNA,XAP,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-685.0,-640.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,112500.0,275040.0,10498.5,180000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.030755,-21034,365243,-12349.0,-4302,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,XNA,0.7093058708416401,0.6218241942809328,0.21640296051521946,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1845.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1067810,381716,Cash loans,41858.91,1129500.0,1293502.5,,1129500.0,WEDNESDAY,13,Y,1,,,,XNA,Approved,-664,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-634.0,1136.0,-214.0,-212.0,1.0,0,Cash loans,F,N,N,0,189000.0,675000.0,34465.5,675000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.006670999999999999,-13760,-1894,-704.0,-1554,,1,1,1,1,1,0,Core staff,2.0,2,2,TUESDAY,13,1,1,0,1,1,0,Police,0.4376198231179932,0.7058839011460518,0.4650692149562261,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-671.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2685319,305043,Revolving loans,18000.0,360000.0,360000.0,,360000.0,FRIDAY,15,Y,1,,,,XAP,Refused,-517,XNA,HC,,Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,Y,Y,0,135000.0,526491.0,29398.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.008019,-14707,-912,-6448.0,-4154,5.0,1,1,0,1,0,0,Managers,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Transport: type 4,0.8132554743027574,0.6253248559265638,0.6127042441012546,0.0825,0.0801,0.9771,,,0.0,0.1379,0.1667,,0.0323,,0.0635,,0.0,0.084,0.0832,0.9772,,,0.0,0.1379,0.1667,,0.033,,0.0662,,0.0,0.0833,0.0801,0.9771,,,0.0,0.1379,0.1667,,0.0328,,0.0646,,0.0,,block of flats,0.0616,"Stone, brick",No,1.0,0.0,1.0,0.0,-517.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1092309,269230,Cash loans,14214.285,180000.0,203760.0,,180000.0,THURSDAY,9,Y,1,,,,XNA,Approved,-1520,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-1490.0,-800.0,-830.0,-824.0,1.0,0,Cash loans,F,N,N,0,90000.0,450000.0,22990.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.028663,-17370,-2499,-15170.0,-912,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.6743232808433112,,0.0821,0.0581,0.9762,0.6736,0.0262,0.0,0.1379,0.1667,0.2083,0.0575,0.0653,0.0567,0.0077,0.0074,0.084,0.0208,0.9762,0.6864,0.0149,0.0,0.1379,0.1667,0.2083,0.0382,0.068,0.0581,0.0,0.0,0.0833,0.07400000000000001,0.9762,0.6779999999999999,0.0321,0.0,0.1379,0.1667,0.2083,0.0417,0.0676,0.057,0.0039,0.0029,reg oper account,block of flats,0.0521,"Stone, brick",No,2.0,0.0,2.0,0.0,-2.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1622315,114282,Consumer loans,5497.38,45895.5,50742.0,0.0,45895.5,FRIDAY,14,Y,1,0.0,,,XAP,Refused,-551,Cash through the bank,HC,,Repeater,Computers,POS,XNA,Country-wide,4200,Consumer electronics,12.0,high,POS household with interest,,,,,,,0,Cash loans,F,Y,N,0,180000.0,900000.0,26316.0,900000.0,Unaccompanied,State servant,Higher education,Separated,House / apartment,0.019101,-19141,-2820,-1094.0,-2667,3.0,1,1,0,1,1,0,,1.0,2,2,TUESDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.8382465295565159,0.6340440549738438,0.6738300778602003,0.0619,0.0244,0.9796,0.7212,0.0078,0.0,0.1379,0.1667,0.2083,0.013,0.0504,0.0541,0.0,0.0,0.063,0.0253,0.9796,0.7321,0.0078,0.0,0.1379,0.1667,0.2083,0.0133,0.0551,0.0564,0.0,0.0,0.0625,0.0244,0.9796,0.7249,0.0078,0.0,0.1379,0.1667,0.2083,0.0132,0.0513,0.0551,0.0,0.0,reg oper account,block of flats,0.0426,"Stone, brick",No,2.0,0.0,2.0,0.0,-1835.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1727738,345729,Cash loans,26197.47,450000.0,512370.0,,450000.0,THURSDAY,17,Y,1,,,,XNA,Approved,-864,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),1403,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-832.0,218.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,2,144000.0,508495.5,37345.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.035792000000000004,-14410,-1644,-4407.0,-2683,,1,1,0,1,0,0,Laborers,3.0,2,2,SUNDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.2439872345514132,0.443568040184006,0.39449540531239935,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2836249,422487,Cash loans,17963.685,90000.0,92970.0,0.0,90000.0,FRIDAY,8,Y,1,0.0,,,XNA,Approved,-2505,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,365243.0,-2475.0,-2325.0,-2325.0,-2321.0,1.0,0,Cash loans,M,Y,Y,0,270000.0,1278000.0,37368.0,1278000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.028663,-14243,-3111,-287.0,-4536,8.0,1,1,0,1,0,0,Managers,2.0,2,2,THURSDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.5808512452710376,0.5015052752749717,0.5709165417729987,0.0993,0.0382,0.9752,0.66,0.0366,0.0,0.1148,0.1667,0.2083,0.0486,0.0779,0.0538,0.0141,0.0363,0.0546,0.0,0.9742,0.6602,0.0136,0.0,0.1034,0.1667,0.2083,0.0414,0.0441,0.0425,0.0039,0.0251,0.0854,0.0491,0.9742,0.6511,0.0414,0.0,0.1034,0.1667,0.2083,0.0501,0.065,0.0604,0.0155,0.03,reg oper account,block of flats,0.0592,"Stone, brick",No,0.0,0.0,0.0,0.0,-1184.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +1811148,300010,Consumer loans,5296.14,24745.5,18589.5,6750.0,24745.5,MONDAY,6,Y,1,0.29011478665181395,,,XAP,Approved,-2412,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,420,Consumer electronics,4.0,low_normal,POS household with interest,365243.0,-2381.0,-2291.0,-2291.0,-2287.0,1.0,1,Cash loans,M,Y,Y,2,67500.0,339241.5,12919.5,238500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-15233,-1428,-668.0,-4428,14.0,1,1,0,1,0,0,Drivers,4.0,3,3,FRIDAY,10,0,0,0,0,0,0,Self-employed,,0.4628137807166833,0.5549467685334323,0.0464,,0.9871,,,0.0,0.1034,0.1667,,,,0.0439,,0.0,0.0473,,0.9871,,,0.0,0.1034,0.1667,,,,0.0457,,0.0,0.0468,,0.9871,,,0.0,0.1034,0.1667,,,,0.0446,,0.0,,block of flats,0.0395,Panel,No,4.0,1.0,3.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2279016,237231,Revolving loans,11250.0,225000.0,225000.0,,225000.0,SATURDAY,13,Y,1,,,,XAP,Refused,-640,XNA,HC,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Revolving loans,M,Y,Y,2,450000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.009656999999999999,-16266,-5223,-9097.0,-4760,12.0,1,1,0,1,1,0,Drivers,4.0,2,2,TUESDAY,13,0,0,0,0,0,0,Self-employed,,0.5486287896306978,0.38079968264891495,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-976.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1774783,429216,Cash loans,12223.8,265500.0,304924.5,,265500.0,FRIDAY,9,Y,1,,,,XNA,Approved,-153,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-123.0,927.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,N,1,135000.0,1013508.0,29763.0,846000.0,Unaccompanied,State servant,Secondary / secondary special,Married,Office apartment,0.015221,-13803,-1457,-2683.0,-4048,1.0,1,1,0,1,0,0,Medicine staff,3.0,2,2,THURSDAY,10,0,0,0,0,0,0,Security Ministries,,0.4894031600068936,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2578.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2294409,290267,Consumer loans,24036.03,238500.0,238500.0,0.0,238500.0,FRIDAY,6,Y,1,0.0,,,XAP,Approved,-363,Cash through the bank,XAP,Other_B,Refreshed,Vehicles,POS,XNA,Stone,15,Furniture,12.0,middle,POS industry with interest,365243.0,-329.0,1.0,-149.0,-144.0,0.0,0,Cash loans,M,Y,N,1,157500.0,854896.5,43780.5,702000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008068,-10302,-282,-549.0,-1000,22.0,1,1,0,1,0,0,Laborers,3.0,3,3,THURSDAY,5,0,0,0,0,1,1,Other,0.4906605421362963,0.22918836874304266,0.5954562029091491,0.0165,0.0353,0.9791,0.7144,0.0018,0.0,0.069,0.0417,0.0417,0.0132,0.0134,0.0143,0.0,0.0,0.0168,0.0367,0.9791,0.7256,0.0018,0.0,0.069,0.0417,0.0417,0.0135,0.0147,0.0149,0.0,0.0,0.0167,0.0353,0.9791,0.7182,0.0018,0.0,0.069,0.0417,0.0417,0.0134,0.0137,0.0145,0.0,0.0,reg oper account,block of flats,0.019,"Stone, brick",No,1.0,1.0,1.0,1.0,-363.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,3.0 +2254233,327400,Consumer loans,13153.995,68310.0,64512.0,6840.0,68310.0,SATURDAY,9,Y,1,0.1044032657554352,,,XAP,Approved,-1886,Cash through the bank,XAP,"Spouse, partner",New,Mobile,POS,XNA,Stone,5,Consumer electronics,6.0,high,POS household with interest,365243.0,-1855.0,-1705.0,-1735.0,-1731.0,0.0,0,Revolving loans,F,N,Y,0,202500.0,247500.0,12375.0,247500.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.020713,-18431,-11574,-7090.0,-1971,,1,1,0,1,0,0,Laborers,2.0,3,2,TUESDAY,8,0,0,0,0,0,0,Government,,0.21404386695003064,0.7106743858828587,0.034,0.0,0.9712,0.6056,0.005,0.0,0.069,0.0417,0.0833,0.0229,0.0277,0.0148,0.0,0.0,0.0347,0.0,0.9712,0.621,0.0051,0.0,0.069,0.0417,0.0833,0.0234,0.0303,0.0154,0.0,0.0,0.0344,0.0,0.9712,0.6109,0.005,0.0,0.069,0.0417,0.0833,0.0233,0.0282,0.0151,0.0,0.0,reg oper account,block of flats,0.0144,"Stone, brick",No,3.0,0.0,3.0,0.0,-1886.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1413320,349177,Consumer loans,4503.105,24930.0,22437.0,2493.0,24930.0,MONDAY,13,Y,1,0.1089090909090909,,,XAP,Approved,-2706,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,67,Connectivity,6.0,high,POS mobile with interest,365243.0,-2673.0,-2523.0,-2523.0,-2518.0,0.0,0,Cash loans,F,N,Y,0,315000.0,298512.0,21631.5,270000.0,Unaccompanied,State servant,Secondary / secondary special,Widow,House / apartment,0.010276,-23171,-4043,-8848.0,-3811,,1,1,1,1,1,0,Laborers,1.0,2,2,FRIDAY,9,0,0,0,0,0,0,Housing,,0.6702377811615013,0.6092756673894402,0.1082,0.1324,0.9876,0.83,0.0188,0.0,0.2759,0.1667,0.2083,0.087,0.0841,0.1032,0.0193,0.0562,0.1103,0.1374,0.9876,0.8367,0.019,0.0,0.2759,0.1667,0.2083,0.08900000000000001,0.0918,0.1075,0.0195,0.0595,0.1093,0.1324,0.9876,0.8323,0.0189,0.0,0.2759,0.1667,0.2083,0.0885,0.0855,0.105,0.0194,0.0574,reg oper spec account,block of flats,0.1037,"Stone, brick",No,0.0,0.0,0.0,0.0,-2706.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1416622,182574,Consumer loans,35047.215,171720.0,179086.5,0.0,171720.0,MONDAY,9,Y,1,0.0,,,XAP,Approved,-875,XNA,XAP,Unaccompanied,New,Auto Accessories,POS,XNA,Stone,82,Industry,6.0,high,POS other with interest,365243.0,-843.0,-693.0,-693.0,-687.0,0.0,0,Cash loans,F,Y,Y,1,225000.0,578979.0,53230.5,517500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.006629,-11558,-496,-1784.0,-1168,14.0,1,1,0,1,0,0,,3.0,2,2,MONDAY,8,0,0,0,0,0,0,Business Entity Type 3,0.373956772881206,0.5859965713152653,0.28371188263500075,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2053.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2083828,186130,Consumer loans,4576.185,50103.0,45090.0,5013.0,50103.0,TUESDAY,17,Y,1,0.10896778091676597,,,XAP,Refused,-352,XNA,SCO,,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,12.0,middle,POS mobile with interest,,,,,,,0,Cash loans,M,Y,N,0,315000.0,473760.0,44424.0,450000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.011703,-22181,-2563,-2865.0,-2879,1.0,1,1,0,1,1,0,Laborers,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Business Entity Type 2,,0.6605642726244286,0.7649392739475195,0.0598,0.0576,0.9742,0.6464,,0.0,0.1379,0.125,0.1667,0.0614,,0.0489,,0.0,0.0609,0.0598,0.9742,0.6602,,0.0,0.1379,0.125,0.1667,0.0628,,0.0509,,0.0,0.0604,0.0576,0.9742,0.6511,,0.0,0.1379,0.125,0.1667,0.0624,,0.0498,,0.0,reg oper account,block of flats,0.0415,"Stone, brick",No,6.0,0.0,6.0,0.0,-1469.0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2796262,121041,Cash loans,41360.895,990000.0,1119375.0,,990000.0,TUESDAY,10,Y,1,,,,XNA,Refused,-399,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,54.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,Y,Y,0,117000.0,594000.0,19291.5,594000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-23385,-840,-5564.0,-3703,13.0,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,16,0,0,0,0,0,0,Industry: type 11,,0.5517892514329971,0.22888341670067305,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-399.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2746151,259277,Revolving loans,2250.0,45000.0,45000.0,,45000.0,TUESDAY,10,Y,1,,,,XAP,Approved,-443,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-321.0,-283.0,365243.0,-161.0,365243.0,0.0,0,Cash loans,M,N,N,0,135000.0,334242.0,30784.5,279000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.002042,-8885,-1117,-3501.0,-1577,,1,1,0,1,0,0,Drivers,1.0,3,3,THURSDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.3218785278034789,,0.0825,0.0767,0.9771,0.6872,0.0,0.0,0.1379,0.1667,0.2083,0.0,0.0672,0.0549,0.0,0.0752,0.084,0.0796,0.9772,0.6994,0.0,0.0,0.1379,0.1667,0.2083,0.0,0.0735,0.0572,0.0,0.0796,0.0833,0.0767,0.9771,0.6914,0.0,0.0,0.1379,0.1667,0.2083,0.0,0.0684,0.0558,0.0,0.0768,,block of flats,0.0595,Panel,No,2.0,0.0,2.0,0.0,-556.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1603291,380155,Cash loans,26377.425,315000.0,340573.5,,315000.0,MONDAY,17,Y,1,,,,XNA,Approved,-1011,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-981.0,-471.0,-861.0,-858.0,1.0,0,Cash loans,F,N,Y,0,382500.0,1428408.0,73962.0,1350000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.04622,-22441,-6943,-6978.0,-3428,,1,1,0,1,0,0,Core staff,2.0,1,1,THURSDAY,10,0,0,0,0,1,1,Self-employed,,0.7227001737226595,0.7738956942145427,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,0.0,9.0,0.0,-1531.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2428483,447685,Consumer loans,8570.88,47655.0,42705.0,4950.0,47655.0,WEDNESDAY,14,Y,1,0.11312559017941452,,,XAP,Approved,-2709,Cash through the bank,XAP,Unaccompanied,New,Other,POS,XNA,Stone,72,Connectivity,6.0,high,POS mobile with interest,365243.0,-2659.0,-2509.0,-2509.0,-2502.0,0.0,0,Cash loans,M,N,Y,0,135000.0,450000.0,30573.0,450000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.010276,-12534,-3456,-6470.0,-4145,,1,1,1,1,1,0,Laborers,1.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.5428047745508249,0.5242231210012448,0.6528965519806539,0.1227,0.125,0.9801,0.728,0.016,0.0,0.2759,0.1667,0.2083,0.0754,0.0992,0.1066,0.0039,0.0043,0.125,0.1298,0.9801,0.7387,0.0162,0.0,0.2759,0.1667,0.2083,0.0771,0.1084,0.111,0.0039,0.0046,0.1239,0.125,0.9801,0.7316,0.0161,0.0,0.2759,0.1667,0.2083,0.0767,0.1009,0.1085,0.0039,0.0044,reg oper spec account,block of flats,0.0848,Panel,No,3.0,0.0,3.0,0.0,-2410.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1132958,153917,Consumer loans,15366.645,76446.0,80482.5,0.0,76446.0,THURSDAY,17,Y,1,0.0,,,XAP,Approved,-695,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,2200,Consumer electronics,6.0,middle,POS household with interest,365243.0,-664.0,-514.0,-514.0,-510.0,0.0,0,Cash loans,M,N,Y,0,180000.0,381528.0,14512.5,315000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.008019,-19793,-1292,-9488.0,-3279,,1,1,0,1,0,0,,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.1346310842271549,0.6848276586890367,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1226.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2333445,262110,Revolving loans,33750.0,675000.0,675000.0,,675000.0,MONDAY,16,Y,1,,,,XAP,Approved,-28,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-11.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,315000.0,479974.5,25258.5,364500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-21629,-733,-2293.0,-2442,,1,1,0,1,0,0,High skill tech staff,2.0,1,1,MONDAY,16,0,0,0,0,0,0,Construction,,0.7332437131439191,0.5797274227921155,0.5907,0.2809,0.9816,0.7484,0.0924,0.96,0.4138,0.4583,0.5,0.0,0.4808,0.5374,0.0039,0.001,0.6019,0.2915,0.9816,0.7583,0.0933,0.9667,0.4138,0.4583,0.5,0.0,0.5253,0.5599,0.0039,0.001,0.5964,0.2809,0.9816,0.7518,0.093,0.96,0.4138,0.4583,0.5,0.0,0.4891,0.5471,0.0039,0.001,,block of flats,0.4229,Panel,No,0.0,0.0,0.0,0.0,-730.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2537423,189112,Consumer loans,8433.675,67405.5,66001.5,6741.0,67405.5,MONDAY,13,Y,1,0.10092534375615103,,,XAP,Approved,-589,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,20,Connectivity,10.0,high,POS mobile with interest,365243.0,-558.0,-288.0,-408.0,-394.0,0.0,0,Cash loans,F,N,N,2,81000.0,1255680.0,41629.5,1125000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.002134,-11416,-2798,-1596.0,-2199,,1,1,0,1,0,0,,4.0,3,3,TUESDAY,12,0,0,0,0,0,0,Medicine,,0.7178981332035657,0.4365064990977374,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2368.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2350720,292784,Revolving loans,2250.0,45000.0,45000.0,,45000.0,THURSDAY,18,Y,1,,,,XAP,Refused,-598,XNA,SCOFR,,Repeater,XNA,Cards,walk-in,Country-wide,30,Connectivity,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,Y,Y,1,112500.0,450000.0,21109.5,450000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-12326,-1015,-6269.0,-4835,12.0,1,1,1,1,1,0,Core staff,3.0,2,2,SUNDAY,11,0,0,0,0,1,1,Agriculture,,0.4840330454967284,0.16048893062734468,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1573.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,4.0 +1272244,145690,Cash loans,,0.0,0.0,,,WEDNESDAY,3,Y,1,,,,XNA,Refused,-287,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,1,Cash loans,F,N,N,1,157500.0,521280.0,31500.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.0038179999999999998,-10182,-886,-379.0,-1898,,1,1,0,1,1,0,Sales staff,3.0,2,2,TUESDAY,7,0,0,0,0,0,0,Self-employed,,0.3516329059951345,0.16640554618393638,0.0907,,0.9781,,,,,,,,,,,,0.0924,,0.9782,,,,,,,,,,,,0.0916,,0.9781,,,,,,,,,,,,,block of flats,0.0682,Panel,No,0.0,0.0,0.0,0.0,-771.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1549152,239167,Revolving loans,11250.0,225000.0,225000.0,,225000.0,WEDNESDAY,17,Y,1,,,,XAP,Refused,-561,XNA,HC,,Repeater,XNA,Cards,walk-in,Stone,30,Industry,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,1,90000.0,45000.0,5089.5,45000.0,Children,Working,Secondary / secondary special,Married,House / apartment,0.028663,-10525,-305,-709.0,-2653,,1,1,1,1,1,0,Laborers,3.0,2,2,THURSDAY,9,0,0,0,0,1,1,Trade: type 2,0.5813547510436288,0.6616225441242654,0.3672910183026313,0.0814,0.0818,0.9896,0.8572,0.0139,0.0,0.1379,0.1667,0.0417,0.0162,0.0664,0.075,0.0,0.0,0.083,0.0849,0.9896,0.8628,0.014,0.0,0.1379,0.1667,0.0417,0.0166,0.0725,0.0781,0.0,0.0,0.0822,0.0818,0.9896,0.8591,0.014,0.0,0.1379,0.1667,0.0417,0.0165,0.0676,0.0763,0.0,0.0,reg oper account,block of flats,0.0666,Panel,No,1.0,0.0,1.0,0.0,-772.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +2010533,371237,Cash loans,13619.7,135000.0,135000.0,,135000.0,TUESDAY,14,Y,1,,,,XNA,Approved,-533,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-503.0,-173.0,-173.0,-164.0,0.0,0,Cash loans,F,N,Y,0,55800.0,254700.0,13446.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.04622,-24678,365243,-11607.0,-4032,,1,0,0,1,1,0,,2.0,1,1,WEDNESDAY,15,0,0,0,0,0,0,XNA,,0.7724596722819962,,0.1959,0.0639,0.9786,0.6940000000000001,0.0081,,0.1379,0.1667,,,0.1093,0.0353,0.2317,0.0643,0.1996,0.0663,0.9786,0.706,0.0082,,0.1379,0.1667,,,0.1194,0.0368,0.2335,0.0681,0.1978,0.0639,0.9786,0.6981,0.0082,,0.1379,0.1667,,,0.1112,0.0359,0.2329,0.0656,org spec account,block of flats,0.0418,Panel,No,1.0,1.0,1.0,1.0,-1189.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1811943,182158,Cash loans,25546.635,229500.0,241920.0,,229500.0,TUESDAY,16,Y,1,,,,XNA,Approved,-930,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-900.0,-570.0,-570.0,-505.0,1.0,0,Cash loans,F,N,Y,0,126000.0,882000.0,25920.0,882000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019101,-17686,-1833,-990.0,-1230,,1,1,1,1,1,0,,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Self-employed,,0.6853223205962616,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1174.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1966299,324525,Consumer loans,3564.27,33030.0,29727.0,3303.0,33030.0,FRIDAY,11,Y,1,0.1089090909090909,,,XAP,Refused,-2212,Cash through the bank,LIMIT,,Repeater,Mobile,POS,XNA,Stone,30,Connectivity,12.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,0,85050.0,528633.0,22527.0,472500.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-23214,365243,-5417.0,-5421,,1,0,0,1,1,0,,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,XNA,,0.592897131352443,0.4992720153045617,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-2184.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2385829,222921,Revolving loans,16875.0,337500.0,337500.0,0.0,337500.0,FRIDAY,14,Y,1,0.0,,,XAP,Approved,-559,XNA,XAP,,New,XNA,Cards,walk-in,Country-wide,94,Connectivity,0.0,XNA,Card Street,-556.0,-518.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,225000.0,630747.0,26644.5,544500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-17405,-1313,-9709.0,-933,,1,1,0,1,1,0,Accountants,3.0,1,1,THURSDAY,17,0,0,0,0,0,0,Business Entity Type 3,,0.7498566009189069,,0.0309,0.0,0.9727,,,0.0,0.1379,0.0833,,0.0507,,0.0299,,0.0,0.0315,0.0,0.9727,,,0.0,0.1379,0.0833,,0.0519,,0.0311,,0.0,0.0312,0.0,0.9727,,,0.0,0.1379,0.0833,,0.0516,,0.0304,,0.0,,block of flats,0.0319,"Stone, brick",No,3.0,0.0,3.0,0.0,-559.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1007415,285248,Consumer loans,46252.845,725535.0,725535.0,0.0,725535.0,TUESDAY,15,Y,1,0.0,,,XAP,Approved,-745,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Stone,50,Furniture,18.0,low_action,POS industry with interest,365243.0,-714.0,-204.0,-204.0,-201.0,0.0,0,Cash loans,F,Y,Y,0,225000.0,1467612.0,62181.0,1350000.0,Family,Pensioner,Higher education,Widow,House / apartment,0.006207,-19099,365243,-479.0,-2624,4.0,1,0,0,1,0,0,,1.0,2,2,FRIDAY,13,0,0,0,0,0,0,XNA,,0.4302912683084786,0.6006575372857061,0.0619,0.0855,0.9945,0.9252,0.0094,0.0,0.1379,0.1667,0.0417,,0.0504,0.0659,0.0,0.0,0.063,0.0888,0.9945,0.9281,0.0095,0.0,0.1379,0.1667,0.0417,,0.0551,0.0687,0.0,0.0,0.0625,0.0855,0.9945,0.9262,0.0095,0.0,0.1379,0.1667,0.0417,,0.0513,0.0671,0.0,0.0,reg oper account,block of flats,0.0552,"Stone, brick",No,2.0,0.0,2.0,0.0,-1584.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1645468,442935,Consumer loans,8987.76,102600.0,88029.0,22500.0,102600.0,TUESDAY,14,Y,1,0.22170240800645494,,,XAP,Approved,-1954,XNA,XAP,Family,New,Computers,POS,XNA,Stone,20,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1923.0,-1593.0,-1593.0,-1585.0,0.0,0,Cash loans,F,N,Y,2,76500.0,144000.0,6840.0,144000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010966,-14018,-2309,-2774.0,-4733,,1,1,1,1,1,0,Sales staff,4.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Trade: type 7,0.6348974342183389,0.6542801321255921,0.5867400085415683,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-1257.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2188393,226099,Cash loans,71793.0,1273500.0,1347466.5,,1273500.0,TUESDAY,12,Y,1,,,,XNA,Approved,-550,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-520.0,170.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,0,135000.0,247500.0,25987.5,247500.0,Family,State servant,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-16709,-4681,-3997.0,-254,3.0,1,1,0,1,0,0,High skill tech staff,2.0,2,2,SATURDAY,17,0,0,0,0,0,0,School,,0.6522145936001167,0.4223696523543468,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1764.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2427734,414140,Cash loans,29526.345,157500.0,162697.5,,157500.0,SATURDAY,16,Y,1,,,,XNA,Approved,-276,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,low_normal,Cash X-Sell: low,365243.0,-246.0,-96.0,-96.0,-93.0,1.0,0,Cash loans,M,N,Y,0,121500.0,936000.0,27495.0,936000.0,Unaccompanied,Working,Higher education,Married,Municipal apartment,0.010966,-10352,-106,-5647.0,-2554,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,17,0,0,0,1,1,0,Industry: type 7,,0.13696380378911852,0.190705947811054,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-276.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,9.0 +2477225,293085,Cash loans,20803.185,180000.0,203017.5,,180000.0,SATURDAY,14,Y,1,,,,XNA,Approved,-931,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-901.0,-571.0,-601.0,-594.0,1.0,0,Cash loans,F,Y,N,2,202500.0,225000.0,20637.0,225000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.025164,-14593,-1342,-1071.0,-515,8.0,1,1,1,1,1,1,Managers,4.0,2,2,THURSDAY,7,0,0,0,0,0,0,Other,,0.34613889311167945,0.180887977767074,0.4515,0.2393,0.9866,0.8164,0.1634,0.44,0.3793,0.375,0.4167,0.1024,0.3682,0.4724,0.0,0.0,0.4601,0.2483,0.9866,0.8236,0.1649,0.4431,0.3793,0.375,0.4167,0.1047,0.4022,0.4922,0.0,0.0,0.4559,0.2393,0.9866,0.8189,0.1644,0.44,0.3793,0.375,0.4167,0.1041,0.3745,0.4809,0.0,0.0,not specified,block of flats,0.4609,Panel,No,0.0,0.0,0.0,0.0,-562.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1750020,337402,Cash loans,26197.47,450000.0,512370.0,,450000.0,WEDNESDAY,12,Y,1,,,,XNA,Approved,-850,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-820.0,230.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,0,157500.0,573408.0,26698.5,495000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.032561,-22390,365243,-3141.0,-4709,,1,0,0,1,1,0,,2.0,1,1,SATURDAY,13,0,0,0,0,0,0,XNA,,0.6686069699421798,,0.2588,,0.9771,0.6872,,,0.2414,0.3333,0.375,,,0.2527,,0.0021,0.2637,,0.9772,0.6994,,,0.2414,0.3333,0.375,,,0.2633,,0.0022,0.2613,,0.9771,0.6914,,,0.2414,0.3333,0.375,,,0.2573,,0.0021,reg oper account,block of flats,0.1992,Panel,No,0.0,0.0,0.0,0.0,-970.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1082232,267449,Consumer loans,6378.345,30600.0,32116.5,0.0,30600.0,WEDNESDAY,10,Y,1,0.0,,,XAP,Approved,-2303,Cash through the bank,XAP,Family,Refreshed,Gardening,POS,XNA,Stone,25,Industry,6.0,high,POS other with interest,365243.0,-2272.0,-2122.0,-2122.0,-2117.0,1.0,0,Cash loans,F,N,N,0,157500.0,355536.0,15192.0,270000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-19511,365243,-4043.0,-3039,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,,0.5373693701631641,0.34741822720026416,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1159079,378207,Consumer loans,12662.235,116986.5,113971.5,11700.0,116986.5,THURSDAY,16,Y,1,0.10139421934458992,,,XAP,Approved,-1638,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Regional / Local,1077,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1607.0,-1337.0,-1337.0,-1334.0,0.0,0,Cash loans,F,N,Y,0,135000.0,227520.0,18103.5,180000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.032561,-14448,-1813,-2921.0,-33,,1,1,0,1,1,0,Managers,2.0,1,1,THURSDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.7837209093660291,,0.1381,0.1091,0.9776,0.0,0.1873,,0.3103,0.25,0.375,0.105,,0.1544,,,0.1408,0.1132,0.9777,0.0,0.189,,0.3103,0.1667,0.375,0.1074,,0.0854,,,0.1395,0.1091,0.9776,0.0,0.1885,,0.3103,0.25,0.375,0.1068,,0.1572,,,reg oper account,block of flats,0.2808,Others,No,0.0,0.0,0.0,0.0,-1638.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1186015,440301,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SATURDAY,12,Y,1,,,,XAP,Approved,-294,XNA,XAP,Family,Repeater,XNA,Cards,walk-in,Regional / Local,150,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,1,225000.0,1963494.0,54126.0,1755000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.014464,-12371,-2715,-1395.0,-310,6.0,1,1,0,1,0,0,Laborers,3.0,2,2,SATURDAY,6,0,0,0,0,0,0,Business Entity Type 3,,0.6684809817014151,,0.0619,0.0705,0.9821,0.7552,0.0522,0.0,0.1379,0.1667,0.2083,0.0684,0.0504,0.0572,0.0,0.0,0.063,0.0731,0.9821,0.7648,0.0527,0.0,0.1379,0.1667,0.2083,0.0699,0.0551,0.0596,0.0,0.0,0.0625,0.0705,0.9821,0.7585,0.0526,0.0,0.1379,0.1667,0.2083,0.0696,0.0513,0.0583,0.0,0.0,reg oper spec account,block of flats,0.045,Panel,No,1.0,0.0,1.0,0.0,-835.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2805803,225115,Cash loans,29387.88,315000.0,364896.0,,315000.0,TUESDAY,18,Y,1,,,,XNA,Approved,-149,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-119.0,391.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,112500.0,451804.5,33007.5,369000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.004849,-17744,-1691,-1436.0,-1297,,1,1,0,1,0,0,,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Business Entity Type 1,,0.4960657999007121,0.6212263380626669,0.0371,0.0622,0.9975,0.966,0.0248,0.0,0.069,0.0833,0.125,0.0108,0.0303,0.0296,0.0,0.0,0.0378,0.0645,0.9975,0.9673,0.0251,0.0,0.069,0.0833,0.125,0.011,0.0331,0.0308,0.0,0.0,0.0375,0.0622,0.9975,0.9665,0.025,0.0,0.069,0.0833,0.125,0.011,0.0308,0.0301,0.0,0.0,reg oper account,block of flats,0.0368,Others,No,0.0,0.0,0.0,0.0,-1275.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2787488,102790,Consumer loans,15092.955,146295.0,143469.0,15750.0,146295.0,FRIDAY,11,Y,1,0.10773325933576908,,,XAP,Approved,-2394,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,1296,Consumer electronics,12.0,middle,POS household with interest,365243.0,-2363.0,-2033.0,-2123.0,-2119.0,1.0,0,Cash loans,F,Y,N,0,144000.0,781920.0,39924.0,675000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.025164,-12268,-5215,-5331.0,-3053,15.0,1,1,1,1,0,0,Core staff,2.0,2,2,THURSDAY,18,0,0,0,0,0,0,Government,,0.6448377427646257,0.30620229831350426,0.0979,0.1083,0.9866,0.8164,0.049,0.0,0.2414,0.1667,0.2083,0.0939,0.0799,0.1026,0.0,0.0,0.0998,0.1124,0.9866,0.8236,0.0494,0.0,0.2414,0.1667,0.2083,0.096,0.0872,0.1069,0.0,0.0,0.0989,0.1083,0.9866,0.8189,0.0493,0.0,0.2414,0.1667,0.2083,0.0955,0.0812,0.1044,0.0,0.0,reg oper account,block of flats,0.1075,"Stone, brick",No,1.0,0.0,1.0,0.0,-171.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2423632,213311,Cash loans,71462.925,1800000.0,1928304.0,,1800000.0,WEDNESDAY,6,Y,1,,,,XNA,Refused,-829,XNA,HC,Unaccompanied,Refreshed,XNA,Cash,walk-in,AP+ (Cash loan),6,XNA,36.0,low_action,Cash Street: low,,,,,,,0,Cash loans,M,Y,N,0,241650.0,971280.0,51876.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014464,-16193,-1680,-6254.0,-3483,10.0,1,1,0,1,1,0,,2.0,2,2,SUNDAY,5,0,0,0,1,0,1,Business Entity Type 3,0.3123086259012545,0.5810116981053661,,0.0619,0.0708,0.9871,0.8232,0.0095,0.0,0.1379,0.1667,0.2083,0.0328,0.0504,0.0607,0.0,0.0,0.063,0.0735,0.9871,0.8301,0.0096,0.0,0.1379,0.1667,0.2083,0.0336,0.0551,0.0632,0.0,0.0,0.0625,0.0708,0.9871,0.8256,0.0095,0.0,0.1379,0.1667,0.2083,0.0334,0.0513,0.0617,0.0,0.0,reg oper account,block of flats,0.0529,Panel,No,0.0,0.0,0.0,0.0,-831.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2542735,283886,Cash loans,14179.23,270000.0,313839.0,,270000.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-1233,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,36.0,middle,Cash X-Sell: middle,365243.0,-1203.0,-153.0,-153.0,-151.0,1.0,0,Cash loans,F,N,N,0,126000.0,808650.0,23643.0,675000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-22558,365243,-12977.0,-4684,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,XNA,,0.33175016802953683,0.5919766183185521,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-1888.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2698671,257631,Cash loans,20019.375,571500.0,684657.0,,571500.0,MONDAY,13,Y,1,,,,XNA,Refused,-329,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,225000.0,497520.0,36184.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.018029,-16557,-2834,-2485.0,-98,,1,1,0,1,0,0,Sales staff,1.0,3,2,MONDAY,13,0,0,0,0,0,0,Self-employed,0.37683772757784,0.6927252534822023,0.17249546677733105,0.0928,0.1003,0.9796,0.7212,0.0433,0.0,0.2069,0.1667,0.2083,0.0674,0.0756,0.0872,0.0,0.0,0.0945,0.104,0.9796,0.7321,0.0437,0.0,0.2069,0.1667,0.2083,0.0689,0.0826,0.0908,0.0,0.0,0.0937,0.1003,0.9796,0.7249,0.0436,0.0,0.2069,0.1667,0.2083,0.0685,0.077,0.0887,0.0,0.0,reg oper account,block of flats,0.0922,Panel,No,0.0,0.0,0.0,0.0,-1660.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2357435,270876,Cash loans,26574.255,225000.0,289732.5,,225000.0,FRIDAY,9,Y,1,,,,Repairs,Approved,-334,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,365243.0,-304.0,206.0,-154.0,-150.0,1.0,0,Cash loans,M,Y,Y,0,270000.0,327024.0,12456.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.011656999999999999,-16889,-3115,-4615.0,-439,64.0,1,1,0,1,0,0,Laborers,1.0,1,1,WEDNESDAY,11,0,0,0,0,0,0,Business Entity Type 2,,0.6912990913541267,0.6863823354047934,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,13.0,0.0,13.0,0.0,-2727.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2705833,100923,Consumer loans,13754.25,109926.0,107640.0,10993.5,109926.0,FRIDAY,14,Y,1,0.10092360850089482,,,XAP,Approved,-685,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,70,Connectivity,10.0,high,POS mobile with interest,365243.0,-654.0,-384.0,-384.0,-382.0,0.0,0,Cash loans,F,Y,Y,2,270000.0,284256.0,30289.5,270000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.007114,-12333,-502,-2571.0,-3232,1.0,1,1,0,1,1,0,Cleaning staff,4.0,2,2,THURSDAY,10,0,0,0,0,0,0,Other,,0.2651072007852093,0.5172965813614878,0.0515,,,0.6668,,,0.1034,0.1667,0.2083,0.0312,,0.0415,,0.0298,0.0525,,,0.6798,,,0.1034,0.1667,0.2083,0.0319,,0.0433,,0.0316,0.052000000000000005,,,0.6713,,,0.1034,0.1667,0.2083,0.0317,,0.0423,,0.0305,,block of flats,0.0392,"Stone, brick",No,6.0,0.0,6.0,0.0,-911.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,3.0 +2420768,206823,Cash loans,20976.75,562500.0,562500.0,,562500.0,MONDAY,15,Y,1,,,,XNA,Refused,-318,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,36.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,M,Y,Y,0,315000.0,675000.0,43267.5,675000.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.026392000000000002,-14628,-5131,-3751.0,-4811,4.0,1,1,0,1,1,0,,1.0,2,2,THURSDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.6821873600628897,0.7602573725241396,,0.4165,,0.996,,,0.72,0.3448,0.5833,,,,0.6528,,0.1521,0.4244,,0.996,,,0.725,0.3448,0.5833,,,,0.6802,,0.161,0.4205,,0.996,,,0.72,0.3448,0.5833,,,,0.6645,,0.1552,,block of flats,0.5465,Mixed,No,0.0,0.0,0.0,0.0,-1466.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1430965,190057,Consumer loans,3525.255,70641.0,75649.5,7492.5,70641.0,TUESDAY,17,Y,1,0.098145505717491,,,XAP,Approved,-2593,Cash through the bank,XAP,"Spouse, partner",New,Audio/Video,POS,XNA,Country-wide,3093,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-2561.0,-1871.0,-1931.0,-1923.0,1.0,0,Cash loans,F,Y,Y,1,315000.0,1123443.0,32976.0,981000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.005313,-15634,-8631,-9695.0,-4505,18.0,1,1,0,1,0,0,Core staff,3.0,2,2,FRIDAY,15,0,0,0,0,0,0,School,,0.7213615691557099,0.5136937663039473,0.0577,0.0635,0.9737,,,0.0,0.1034,0.1667,,0.0367,,0.0465,,0.0123,0.0588,0.0659,0.9737,,,0.0,0.1034,0.1667,,0.0375,,0.0485,,0.013,0.0583,0.0635,0.9737,,,0.0,0.1034,0.1667,,0.0373,,0.0474,,0.0125,,block of flats,0.064,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1754957,356294,Revolving loans,22500.0,0.0,450000.0,,,THURSDAY,10,Y,1,,,,XAP,Approved,-1267,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card X-Sell,-1253.0,-1208.0,365243.0,-599.0,365243.0,0.0,0,Cash loans,F,N,Y,0,675000.0,860917.5,39033.0,769500.0,Unaccompanied,Commercial associate,Incomplete higher,Separated,House / apartment,0.072508,-12961,-2600,-6860.0,-3321,,1,1,0,1,1,0,Managers,1.0,1,1,THURSDAY,18,0,0,0,0,0,0,Bank,0.8512585796405269,0.7724250782834761,,0.2686,0.1703,0.9816,0.7484,0.0,0.32,0.2414,0.3958,0.4375,0.0271,0.219,0.2536,0.0,0.0064,0.0998,0.0471,0.9786,0.7190000000000001,0.0,0.1611,0.069,0.3333,0.375,0.0,0.0872,0.0883,0.0,0.0029,0.2712,0.1703,0.9816,0.7518,0.0,0.32,0.2414,0.3958,0.4375,0.0276,0.2227,0.2581,0.0,0.0066,reg oper account,block of flats,0.3344,Panel,No,1.0,0.0,1.0,0.0,-1675.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1212939,387640,Consumer loans,3250.44,20695.5,16195.5,4500.0,20695.5,FRIDAY,13,Y,1,0.2368103737966752,,,XAP,Approved,-2798,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Stone,169,Connectivity,6.0,high,POS mobile with interest,365243.0,-2727.0,-2577.0,-2607.0,-2600.0,0.0,0,Cash loans,M,Y,N,0,135000.0,262246.5,27535.5,243000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.019101,-13195,-1701,-7192.0,-4838,6.0,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,14,0,0,0,0,1,1,Trade: type 7,,0.7277418933434922,0.6986675550534175,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2798.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2397093,439489,Consumer loans,17790.885,125550.0,93982.5,36000.0,125550.0,WEDNESDAY,16,Y,1,0.30163501030733136,,,XAP,Approved,-1511,Cash through the bank,XAP,Family,New,Clothing and Accessories,POS,XNA,Stone,832,Clothing,6.0,middle,POS industry with interest,365243.0,-1480.0,-1330.0,-1360.0,-1353.0,0.0,0,Cash loans,F,Y,Y,0,193500.0,970380.0,34510.5,810000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0228,-9995,-1318,-854.0,-978,6.0,1,1,0,1,1,0,Secretaries,2.0,2,2,TUESDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.16925076508790526,0.04630974649170855,0.0113,,0.9722,,,,0.0517,0.0417,,,,0.0076,,,0.0063,,0.9722,,,,0.0345,0.0417,,,,0.0046,,,0.0115,,0.9722,,,,0.0517,0.0417,,,,0.0078,,,,block of flats,0.0038,Wooden,No,0.0,0.0,0.0,0.0,-349.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2288730,319516,Cash loans,70740.855,1665000.0,1783683.0,,1665000.0,SATURDAY,14,Y,1,,,,XNA,Refused,-228,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,202500.0,486459.0,18468.0,342000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0228,-18525,-1374,-7719.0,-2071,1.0,1,1,1,1,1,0,,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Trade: type 3,,,0.1940678276718812,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-892.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1299812,400878,Revolving loans,9000.0,180000.0,180000.0,,180000.0,MONDAY,8,Y,1,,,,XAP,Refused,-334,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,Y,Y,0,157500.0,380533.5,30640.5,328500.0,Family,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.019688999999999998,-9149,-784,-9149.0,-1688,8.0,1,1,0,1,1,0,Drivers,1.0,2,2,SATURDAY,14,0,0,0,0,0,0,Self-employed,,0.5779210029403269,0.5989262182569273,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,15.0,0.0,15.0,0.0,-813.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1278122,366990,Cash loans,62237.295,2200500.0,2461918.5,,2200500.0,SATURDAY,11,Y,1,,,,XNA,Refused,-277,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,180000.0,1611072.0,42628.5,1440000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-20553,365243,-109.0,-4045,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,XNA,,0.5980224774599323,0.5797274227921155,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,1.0,8.0,0.0,-2689.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1938706,345648,Cash loans,17389.8,90000.0,90000.0,0.0,90000.0,FRIDAY,15,Y,1,0.0,,,XNA,Refused,-2765,Cash through the bank,SCO,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,,,,,,,0,Cash loans,F,Y,N,3,247500.0,1971072.0,68643.0,1800000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.02461,-14452,-6492,-8441.0,-591,21.0,1,1,0,1,1,1,Accountants,5.0,2,2,FRIDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.7336779826722033,0.6427767207563795,0.25396280933631177,0.1581,0.0378,0.9916,,,0.1732,0.1493,0.3054,,0.0391,,0.1686,0.0,0.0,0.041,0.0266,0.9935,,,0.0403,0.0345,0.25,,0.0297,,0.0442,0.0,0.0,0.0656,0.0378,0.9935,,,0.08,0.069,0.2917,,0.0398,,0.0739,0.0,0.0,,block of flats,0.3074,Panel,No,0.0,0.0,0.0,0.0,-1857.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,0.0 +2456724,381254,Revolving loans,22500.0,450000.0,450000.0,,450000.0,SATURDAY,15,Y,1,,,,XAP,Refused,-345,XNA,HC,Family,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),6,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,2,135000.0,197820.0,15988.5,180000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.010276,-10934,-706,-3685.0,-2552,,1,1,0,1,0,0,Laborers,3.0,2,2,MONDAY,12,0,0,0,1,1,1,Business Entity Type 3,0.13889169931795556,0.5800372047724931,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-948.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +1731291,156296,Cash loans,30605.58,688500.0,783018.0,,688500.0,MONDAY,11,Y,1,,,,XNA,Approved,-490,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-460.0,950.0,-130.0,-127.0,1.0,0,Cash loans,F,Y,N,0,180000.0,450000.0,27193.5,450000.0,Unaccompanied,State servant,Incomplete higher,Married,House / apartment,0.010276,-11143,-1889,-5095.0,-342,4.0,1,1,1,1,1,0,Core staff,2.0,2,2,MONDAY,9,0,0,0,0,0,0,Police,0.7625949737049342,0.725413375266338,0.24988506275045536,0.1278,0.0,0.9762,,,0.0,0.1724,0.2083,,0.0564,,0.0815,,0.0899,0.1303,0.0,0.9762,,,0.0,0.1724,0.2083,,0.0577,,0.0849,,0.0952,0.1291,0.0,0.9762,,,0.0,0.1724,0.2083,,0.0574,,0.0829,,0.0918,,block of flats,0.0918,"Stone, brick",No,3.0,0.0,3.0,0.0,-1007.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2817411,322137,Consumer loans,6414.255,49401.0,61245.0,2700.0,49401.0,SATURDAY,13,Y,1,0.04598554155204401,,,XAP,Approved,-1374,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,380,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1343.0,-1013.0,-1013.0,-1008.0,0.0,0,Cash loans,F,N,Y,0,202500.0,495000.0,17779.5,495000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.00733,-12688,-1487,-6688.0,-2911,,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,11,0,0,0,0,0,0,Self-employed,0.244271055672119,0.7067910765579899,0.5638350489514956,0.067,0.0788,0.9742,,,0.0,0.1034,0.125,,0.0,,0.0567,,0.0361,0.0683,0.0818,0.9742,,,0.0,0.1034,0.125,,0.0,,0.0591,,0.0382,0.0677,0.0788,0.9742,,,0.0,0.1034,0.125,,0.0,,0.0578,,0.0368,,block of flats,0.0734,"Stone, brick",No,0.0,0.0,0.0,0.0,-1374.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2713548,259835,Consumer loans,18548.235,150525.0,161289.0,0.0,150525.0,TUESDAY,16,Y,1,0.0,,,XAP,Approved,-645,Cash through the bank,XAP,,Refreshed,Audio/Video,POS,XNA,Stone,35,Consumer electronics,10.0,middle,POS household with interest,365243.0,-614.0,-344.0,-344.0,-339.0,0.0,0,Cash loans,M,Y,N,2,180000.0,326664.0,16807.5,234000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.01885,-15818,-523,-1447.0,-4471,3.0,1,1,0,1,0,0,Drivers,4.0,2,2,WEDNESDAY,14,0,0,0,0,1,1,Other,0.12483285567655135,0.609150911292172,0.7530673920730478,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-342.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1696286,111962,Cash loans,,0.0,0.0,,,FRIDAY,9,Y,1,,,,XNA,Refused,-74,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,1,Cash loans,M,Y,Y,2,270000.0,724581.0,23269.5,625500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-13477,365243,-7027.0,-327,7.0,1,0,0,1,1,0,,4.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,0.14884615722917854,0.3240062272136592,0.3296550543128238,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-531.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +1098276,386343,Consumer loans,,85500.0,85500.0,0.0,85500.0,MONDAY,18,Y,1,0.0,,,XAP,Refused,-811,Cash through the bank,SCO,,Refreshed,Mobile,XNA,XNA,Country-wide,100,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,F,Y,Y,0,225000.0,178213.5,12802.5,144000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.035792000000000004,-11243,-3094,-2431.0,-2418,1.0,1,1,0,1,0,0,Core staff,2.0,2,2,SUNDAY,15,0,0,0,0,0,0,Government,0.3471982919636891,0.5824855468818982,0.190705947811054,0.0439,0.0266,0.9846,,,0.024,0.0345,0.2667,,0.0208,,0.0417,,0.004,0.0662,0.0387,0.9846,,,0.0403,0.0345,0.3333,,0.0173,,0.0099,,0.0,0.0656,0.0373,0.9846,,,0.04,0.0345,0.3333,,0.0232,,0.0636,,0.0,,block of flats,0.0588,"Stone, brick",No,1.0,0.0,1.0,0.0,-1892.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2047449,282489,Cash loans,65326.5,2025000.0,2025000.0,,2025000.0,SUNDAY,12,Y,1,,,,XNA,Refused,-404,XNA,HC,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,2,112500.0,1546020.0,50004.0,1350000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00963,-13893,-467,-8001.0,-4706,,1,1,0,1,0,0,Sales staff,4.0,2,2,FRIDAY,16,0,0,0,0,1,1,Business Entity Type 3,0.8332241666228535,0.5001658903960365,0.7252764347002191,0.0165,0.0136,0.9906,,,,0.0345,0.125,,,,0.016,,0.0,0.0168,0.0142,0.9906,,,,0.0345,0.125,,,,0.0166,,0.0,0.0167,0.0136,0.9906,,,,0.0345,0.125,,,,0.0162,,0.0,,block of flats,0.0148,"Stone, brick",No,0.0,0.0,0.0,0.0,-1103.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1014924,295706,Cash loans,42515.55,1350000.0,1546020.0,,1350000.0,TUESDAY,10,Y,1,,,,XNA,Refused,-164,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,180000.0,675000.0,26284.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,Municipal apartment,0.005002,-20323,365243,-11511.0,-2543,14.0,1,0,0,1,1,1,,2.0,3,3,FRIDAY,15,0,0,0,0,0,0,XNA,,0.8035290120075302,0.6195277080511546,0.0433,,0.9841,,,0.04,0.0345,0.3333,,,,0.0358,,0.0393,0.0441,,0.9841,,,0.0403,0.0345,0.3333,,,,0.0373,,0.0416,0.0437,,0.9841,,,0.04,0.0345,0.3333,,,,0.0364,,0.0401,,block of flats,0.0367,"Stone, brick",No,0.0,0.0,0.0,0.0,-2314.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2648514,372758,Consumer loans,,22342.5,22342.5,0.0,22342.5,SUNDAY,16,Y,1,0.0,,,XAP,Refused,-2115,XNA,LIMIT,Unaccompanied,Repeater,Mobile,XNA,XNA,Stone,57,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,F,Y,Y,0,202500.0,668304.0,32278.5,540000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.016612000000000002,-11941,-1792,-5837.0,-4091,17.0,1,1,0,1,0,0,Medicine staff,2.0,2,2,MONDAY,14,0,0,0,0,1,1,School,0.33896474748686783,0.5230285445649655,0.5620604831738043,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2214.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +2561179,327126,Cash loans,19151.46,225000.0,247275.0,,225000.0,FRIDAY,12,Y,1,,,,XNA,Approved,-588,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-558.0,-48.0,-228.0,-222.0,1.0,0,Cash loans,F,N,Y,0,126000.0,225000.0,16951.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-21686,365243,-4749.0,-4735,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,20,0,0,0,0,0,0,XNA,,0.5527949715739855,0.2721336844147212,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-802.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1458338,279660,Cash loans,10699.29,229500.0,229500.0,,229500.0,FRIDAY,10,Y,1,,,,XNA,Refused,-164,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,1,Cash loans,F,N,N,0,49500.0,284400.0,13963.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.018801,-21277,365243,-11421.0,-4554,,1,0,0,1,1,0,,1.0,2,2,FRIDAY,17,0,0,0,0,0,0,XNA,,0.31719044049342565,0.0938365970374978,0.0165,0.0711,0.9841,0.7824,0.0,0.0,0.069,0.0417,0.0417,,0.0134,0.014,0.0,0.0,0.0168,0.0738,0.9841,0.7909,0.0,0.0,0.069,0.0417,0.0417,,0.0147,0.0146,0.0,0.0,0.0167,0.0711,0.9841,0.7853,0.0,0.0,0.069,0.0417,0.0417,,0.0137,0.0142,0.0,0.0,reg oper account,block of flats,0.0122,"Stone, brick",No,3.0,1.0,3.0,1.0,-620.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1202896,118885,Cash loans,,0.0,0.0,,,SATURDAY,14,Y,1,,,,XNA,Refused,-198,XNA,HC,,Repeater,XNA,XNA,XNA,Contact center,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,N,0,99000.0,284400.0,10719.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-18936,365243,-4263.0,-2487,,1,0,0,1,0,0,,2.0,2,2,SUNDAY,10,0,0,0,0,0,0,XNA,,0.4610038721071116,0.2778856891082046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1601.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2573212,263681,Consumer loans,7957.305,63000.0,42507.0,22500.0,63000.0,SUNDAY,9,Y,1,0.3769524121178557,,,XAP,Approved,-1612,Cash through the bank,XAP,Family,New,Clothing and Accessories,POS,XNA,Stone,49,Clothing,6.0,middle,POS industry with interest,365243.0,-1581.0,-1431.0,-1461.0,-1458.0,0.0,0,Cash loans,F,N,Y,0,112500.0,610335.0,20169.0,463500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.008068,-23386,-5473,-3014.0,-4285,,1,1,0,1,0,0,Core staff,2.0,3,3,TUESDAY,7,0,0,0,0,0,0,School,0.7214302097791336,0.5208678288144629,0.6178261467332483,0.0082,,0.9876,0.83,,0.0,0.069,0.0417,,,,,,,0.0084,,0.9876,0.8367,,0.0,0.069,0.0417,,,,,,,0.0083,,0.9876,0.8323,,0.0,0.069,0.0417,,,,,,,,block of flats,0.0069,,No,1.0,0.0,1.0,0.0,-1612.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2757420,214740,Cash loans,41548.5,1575000.0,1575000.0,,1575000.0,WEDNESDAY,14,Y,1,,,,XNA,Refused,-201,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,180000.0,521280.0,31500.0,450000.0,Family,State servant,Secondary / secondary special,Single / not married,House / apartment,0.04622,-18798,-2711,-7557.0,-2249,,1,1,1,1,1,0,Core staff,1.0,1,1,SATURDAY,11,0,0,0,0,0,0,School,,0.4401489091622116,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-987.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2489041,298433,Cash loans,5928.03,90000.0,113760.0,,90000.0,FRIDAY,12,Y,1,,,,XNA,Refused,-404,XNA,HC,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,48.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,Y,0,130500.0,180000.0,9553.5,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008019,-14380,-962,-600.0,-4333,,1,1,0,1,0,0,Cleaning staff,2.0,2,2,WEDNESDAY,10,0,0,0,0,1,1,Business Entity Type 3,,0.5569591490576296,0.633031641417419,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +2174252,265127,Cash loans,27782.955,450000.0,533160.0,,450000.0,FRIDAY,20,Y,1,,,,XNA,Approved,-949,XNA,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Contact center,-1,XNA,48.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,Y,2,135000.0,1350000.0,47056.5,1350000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.022625,-12137,-2921,-6264.0,-2049,,1,1,0,1,1,1,,4.0,2,2,TUESDAY,11,0,0,0,0,1,1,Other,0.5903002811736171,0.13260843966828953,0.4632753280912678,0.1093,0.1571,0.9781,0.7008,0.0663,0.0,0.1724,0.1667,0.2083,0.1253,0.0883,0.0853,0.027000000000000003,0.1144,0.105,0.163,0.9782,0.7125,0.0669,0.0,0.1379,0.1667,0.2083,0.045,0.0964,0.0643,0.0272,0.1211,0.1103,0.1571,0.9781,0.7048,0.0667,0.0,0.1724,0.1667,0.2083,0.1275,0.0898,0.0868,0.0272,0.1168,reg oper account,block of flats,0.0782,Block,No,7.0,0.0,7.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1201878,300586,Cash loans,34456.32,900000.0,1017612.0,,900000.0,THURSDAY,13,Y,1,,,,XNA,Approved,-771,XNA,XAP,,Refreshed,XNA,Cash,x-sell,Contact center,-1,XNA,54.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,2,144000.0,1800000.0,62698.5,1800000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.005144,-14291,-532,-198.0,-5026,16.0,1,1,0,1,0,1,Accountants,4.0,2,2,FRIDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.6105603886818042,0.5482172024756929,0.2353105173615833,0.1866,0.1338,0.9861,0.8096,0.0395,0.2,0.1724,0.3333,0.375,0.0232,0.1513,0.1883,0.0039,0.0011,0.1901,0.1389,0.9861,0.8171,0.0399,0.2014,0.1724,0.3333,0.375,0.0238,0.1653,0.1962,0.0039,0.0012,0.1884,0.1338,0.9861,0.8121,0.0398,0.2,0.1724,0.3333,0.375,0.0236,0.1539,0.1917,0.0039,0.0012,reg oper account,block of flats,0.17,Panel,No,1.0,0.0,1.0,0.0,-1729.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2520199,243165,Cash loans,,0.0,0.0,,,WEDNESDAY,16,Y,1,,,,XNA,Refused,-214,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,157500.0,118512.0,9490.5,90000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.010276,-12889,-2978,-6856.0,-3952,,1,1,0,1,0,1,Private service staff,2.0,2,2,SUNDAY,14,0,0,0,1,1,0,Self-employed,,0.6746401575001536,0.36896873825284665,,,0.9831,,,,0.0345,0.125,,,,0.0139,,,,,0.9831,,,,0.0345,0.125,,,,0.0145,,,,,0.9831,,,,0.0345,0.125,,,,0.0142,,,,block of flats,0.014,"Stone, brick",No,3.0,0.0,3.0,0.0,-1738.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1042209,436317,Revolving loans,6750.0,135000.0,135000.0,,135000.0,FRIDAY,9,N,1,,,,XAP,Refused,-200,XNA,SCOFR,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Revolving loans,F,N,Y,0,135000.0,135000.0,6750.0,135000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018029,-18775,-1441,-8369.0,-2324,,1,1,1,1,0,0,Cooking staff,2.0,3,3,TUESDAY,7,0,0,0,1,1,0,Business Entity Type 3,,0.5775102217032969,0.12295541790885495,0.0608,0.0578,0.9886,0.8436,0.0065,0.08,0.1379,0.1667,0.2083,0.0,,0.0547,,0.0037,0.062,0.06,0.9886,0.8497,0.0066,0.0806,0.1379,0.1667,0.2083,0.0,,0.057,,0.0039,0.0614,0.0578,0.9886,0.8457,0.0066,0.08,0.1379,0.1667,0.2083,0.0,,0.0557,,0.0037,reg oper account,block of flats,0.0474,"Stone, brick",No,1.0,0.0,1.0,0.0,-1302.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2428252,382734,Consumer loans,8147.205,59760.0,67950.0,5976.0,59760.0,SUNDAY,6,Y,1,0.08803948912057016,,,XAP,Approved,-2027,Cash through the bank,XAP,"Spouse, partner",Repeater,Mobile,POS,XNA,Stone,72,Connectivity,12.0,high,POS household with interest,365243.0,-1996.0,-1666.0,-1666.0,-1656.0,0.0,0,Cash loans,M,N,Y,0,202500.0,1024740.0,52452.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,Office apartment,0.014464,-15877,-129,-10016.0,-4364,,1,1,1,1,1,0,High skill tech staff,2.0,2,2,THURSDAY,3,0,0,0,0,0,0,Government,0.027548145953944544,0.5449818266025064,0.5028782772082183,0.0866,0.035,0.9856,0.8028,0.1299,0.08,0.0345,0.4583,0.5,0.0265,0.0706,0.0731,0.0,0.0,0.0882,0.0363,0.9856,0.8105,0.1311,0.0806,0.0345,0.4583,0.5,0.0271,0.0771,0.0761,0.0,0.0,0.0874,0.035,0.9856,0.8054,0.1308,0.08,0.0345,0.4583,0.5,0.027000000000000003,0.0718,0.0744,0.0,0.0,not specified,block of flats,0.1285,Panel,No,1.0,0.0,1.0,0.0,-1891.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2221566,138467,Cash loans,10911.96,90000.0,107901.0,,90000.0,SATURDAY,11,Y,1,,,,XNA,Approved,-994,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-964.0,-634.0,-664.0,-656.0,1.0,0,Cash loans,F,N,N,0,117000.0,545040.0,30564.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.011656999999999999,-20681,-1688,-528.0,-4089,,1,1,0,1,1,0,Accountants,2.0,1,1,SATURDAY,10,0,0,0,0,0,0,Other,0.7220958948643224,0.6757815061529483,0.6658549219640212,0.1227,0.1504,0.9806,0.7348,0.2528,0.0,0.2759,0.1667,0.2083,0.0,0.1,0.1269,0.0,0.1765,0.125,0.156,0.9806,0.7452,0.2551,0.0,0.2759,0.1667,0.2083,0.0,0.1093,0.1322,0.0,0.1868,0.1239,0.1504,0.9806,0.7383,0.2544,0.0,0.2759,0.1667,0.2083,0.0,0.1018,0.1292,0.0,0.1802,reg oper spec account,block of flats,0.1382,Panel,No,1.0,1.0,1.0,1.0,-994.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,4.0 +2786165,228281,Cash loans,30442.5,450000.0,450000.0,,450000.0,FRIDAY,13,Y,1,,,,XNA,Refused,-397,XNA,HC,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,36.0,high,Cash X-Sell: high,,,,,,,1,Cash loans,F,N,Y,0,121500.0,216000.0,13180.5,216000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.022625,-11584,-1422,-2463.0,-3652,,1,1,1,1,1,0,,2.0,2,2,WEDNESDAY,16,0,0,0,0,1,1,School,,0.2514610853956502,0.6006575372857061,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,3.0,4.0,3.0,-711.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1942897,204833,Cash loans,,0.0,0.0,,,MONDAY,8,Y,1,,,,XNA,Refused,-206,XNA,HC,,Repeater,XNA,XNA,XNA,Contact center,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,67500.0,188460.0,12879.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.020246,-19839,-1186,-9600.0,-3318,,1,1,0,1,0,0,Cleaning staff,1.0,3,3,THURSDAY,6,0,0,0,0,0,0,Business Entity Type 3,,0.4938082073658594,0.40314167665875134,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-704.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2180802,341397,Cash loans,16118.37,180000.0,197820.0,0.0,180000.0,THURSDAY,19,Y,1,0.0,,,XNA,Approved,-2345,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,18.0,high,Cash Street: high,365243.0,-2315.0,-1805.0,-1835.0,-1831.0,1.0,0,Cash loans,M,Y,Y,1,315000.0,1187298.0,38430.0,850500.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.072508,-21351,-6775,-1983.0,-1148,10.0,1,1,0,1,0,1,,2.0,1,1,THURSDAY,9,0,0,0,0,0,0,Other,,0.4261685164242794,0.3606125659189888,0.532,0.2832,0.9965,0.9524,0.0466,0.72,0.3103,0.6667,0.0417,0.0,0.4304,0.5688,0.0154,0.0174,0.542,0.2939,0.9965,0.9543,0.047,0.725,0.3103,0.6667,0.0417,0.0,0.4702,0.5926,0.0156,0.0184,0.5371,0.2832,0.9965,0.953,0.0469,0.72,0.3103,0.6667,0.0417,0.0,0.4378,0.579,0.0155,0.0178,reg oper account,block of flats,0.4766,Panel,No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +2044383,299909,Cash loans,12419.235,112500.0,119925.0,,112500.0,WEDNESDAY,18,Y,1,,,,XNA,Approved,-520,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-490.0,-160.0,-400.0,-390.0,1.0,0,Cash loans,M,N,Y,0,225000.0,472500.0,22860.0,472500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-21589,-2534,-1955.0,-4250,,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.4649619367813978,0.19633396621345675,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-1639.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +1866875,362180,Cash loans,56880.0,2250000.0,2250000.0,,2250000.0,WEDNESDAY,11,Y,1,,,,XNA,Refused,-153,XNA,HC,"Spouse, partner",Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,N,0,315000.0,1354500.0,39604.5,1354500.0,Family,Commercial associate,Higher education,Married,House / apartment,0.030755,-18614,-8478,-4903.0,-2160,1.0,1,1,1,1,0,0,Accountants,2.0,2,2,MONDAY,13,0,0,0,0,0,0,Industry: type 1,0.8683887921770219,0.7100478057679641,0.6397075677637197,0.033,0.043,0.9881,0.8368,0.0226,0.0,0.1034,0.125,0.0,0.0407,0.0269,0.0355,0.0,0.0,0.0336,0.0446,0.9881,0.8432,0.0228,0.0,0.1034,0.125,0.0,0.0416,0.0294,0.037000000000000005,0.0,0.0,0.0333,0.043,0.9881,0.8390000000000001,0.0227,0.0,0.1034,0.125,0.0,0.0414,0.0274,0.0361,0.0,0.0,reg oper account,block of flats,0.0403,"Stone, brick",No,5.0,0.0,5.0,0.0,-2804.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2785850,302576,Cash loans,15233.625,450000.0,553950.0,,450000.0,SATURDAY,12,Y,1,,,,XNA,Refused,-340,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,1,Cash loans,F,N,Y,0,67500.0,177903.0,9211.5,148500.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-22773,365243,-4718.0,-4831,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,XNA,,0.5752516940702392,0.6413682574954046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1225.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1281587,193339,Consumer loans,20982.15,202941.0,203391.0,0.0,202941.0,THURSDAY,10,Y,1,0.0,,,XAP,Approved,-680,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Stone,20,Clothing,12.0,middle,POS industry with interest,365243.0,-649.0,-319.0,-529.0,-523.0,0.0,0,Cash loans,M,Y,Y,3,180000.0,900000.0,29164.5,900000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.015221,-14125,-3903,-681.0,-5104,1.0,1,1,0,1,0,0,Managers,5.0,2,2,FRIDAY,9,0,0,0,1,0,1,Military,0.15613225101236514,0.6221481082861645,0.3360615207658242,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,0.0,0.0,-680.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2675361,263316,Cash loans,44748.0,1125000.0,1125000.0,,1125000.0,SATURDAY,11,Y,1,,,,XNA,Approved,-55,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,225000.0,1125000.0,33025.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.028663,-20725,-13048,-8577.0,-4113,,1,1,0,1,0,0,Laborers,1.0,2,2,FRIDAY,7,0,0,0,0,0,0,Transport: type 4,,0.7842319834001151,0.5478104658520093,0.0742,0.0659,0.9906,0.8708,0.1192,0.08,0.069,0.3333,0.0,0.012,0.0605,0.0506,0.0,0.0,0.0756,0.0684,0.9906,0.8759,0.1203,0.0806,0.069,0.3333,0.0,0.0123,0.0661,0.0527,0.0,0.0,0.0749,0.0659,0.9906,0.8725,0.12,0.08,0.069,0.3333,0.0,0.0122,0.0616,0.0515,0.0,0.0,org spec account,block of flats,0.0652,Panel,No,6.0,1.0,6.0,0.0,-1492.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +2534166,262247,Revolving loans,16875.0,337500.0,337500.0,,337500.0,FRIDAY,10,Y,1,,,,XAP,Refused,-663,XNA,HC,,New,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,N,Y,0,135000.0,648481.5,51363.0,553500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0031219999999999998,-16633,-912,-5656.0,-175,,1,1,0,1,0,0,Drivers,2.0,3,3,WEDNESDAY,15,0,0,0,0,0,0,Self-employed,,0.7773153966366138,0.746300213050371,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-663.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1487309,412423,Consumer loans,14846.58,130714.65,130714.65,0.0,130714.65,WEDNESDAY,13,Y,1,0.0,,,XAP,Approved,-111,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,10,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-74.0,196.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,1,180000.0,1174977.0,34483.5,1026000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.005002,-13738,-5219,-3861.0,-4948,1.0,1,1,0,1,0,0,Managers,2.0,3,3,TUESDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.6100390093655443,0.5760636358810338,0.6986675550534175,0.166,0.0962,0.9876,0.83,0.0312,0.16,0.1379,0.375,0.4167,0.0762,0.1353,0.1751,0.0,0.0,0.1691,0.0998,0.9876,0.8367,0.0315,0.1611,0.1379,0.375,0.4167,0.078,0.1478,0.1825,0.0,0.0,0.1676,0.0962,0.9876,0.8323,0.0314,0.16,0.1379,0.375,0.4167,0.0776,0.1377,0.1783,0.0,0.0,reg oper account,block of flats,0.1548,Panel,No,1.0,0.0,1.0,0.0,-940.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2705995,289480,Consumer loans,26457.615,148815.0,131499.0,29763.0,148815.0,TUESDAY,15,Y,1,0.20100589554434845,,,XAP,Approved,-1009,XNA,XAP,Unaccompanied,Refreshed,Computers,POS,XNA,Regional / Local,91,Consumer electronics,6.0,high,POS household with interest,365243.0,-978.0,-828.0,-828.0,-821.0,0.0,0,Cash loans,M,N,Y,0,315000.0,254700.0,27558.0,225000.0,Unaccompanied,Working,Incomplete higher,Single / not married,With parents,0.020713,-10326,-3547,-9555.0,-1288,,1,1,0,1,0,0,High skill tech staff,1.0,3,1,WEDNESDAY,9,0,0,0,0,0,0,Business Entity Type 2,,0.5958969102613534,,0.1253,0.0912,0.9871,0.8232,0.0721,0.12,0.1034,0.3333,0.0417,0.0562,0.1597,0.1291,0.0,0.0087,0.0557,0.0361,0.9871,0.8301,0.0727,0.0403,0.0345,0.3333,0.0417,0.0191,0.1745,0.0301,0.0,0.0,0.1265,0.0912,0.9871,0.8256,0.0725,0.12,0.1034,0.3333,0.0417,0.0571,0.1625,0.1314,0.0,0.0088,reg oper account,block of flats,0.2236,"Stone, brick",No,0.0,0.0,0.0,0.0,-233.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2503232,164880,Revolving loans,6750.0,0.0,135000.0,,,TUESDAY,11,Y,1,,,,XAP,Approved,-2906,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,30,Connectivity,0.0,XNA,Card Street,-2869.0,-2874.0,365243.0,-2082.0,365243.0,1.0,0,Cash loans,F,N,Y,0,45000.0,130824.0,6228.0,103500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.031329,-12815,-4334,-1057.0,-4130,,1,1,0,1,0,0,Medicine staff,1.0,2,2,WEDNESDAY,12,0,0,0,0,1,1,Kindergarten,0.6603070863619142,0.07007279550882291,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-126.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1163964,107315,Consumer loans,24279.57,242820.0,218538.0,24282.0,242820.0,MONDAY,8,Y,1,0.1089090909090909,,,XAP,Approved,-876,Cash through the bank,XAP,Unaccompanied,New,Homewares,POS,XNA,Regional / Local,36,Clothing,10.0,low_normal,POS other with interest,365243.0,-831.0,-561.0,-561.0,-555.0,0.0,0,Cash loans,F,N,Y,0,90000.0,225000.0,8082.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.0228,-20787,365243,-5548.0,-4136,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,XNA,,0.6490034275284726,0.8357765157975799,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-876.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2628206,275023,Consumer loans,2946.6,21465.0,20898.0,2160.0,21465.0,SUNDAY,17,Y,1,0.10202256759633814,,,XAP,Approved,-1520,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,5,Connectivity,10.0,high,POS mobile with interest,365243.0,-1486.0,-1216.0,-1216.0,-1212.0,0.0,0,Cash loans,M,Y,N,0,135000.0,360000.0,22023.0,360000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-10831,-603,-881.0,-3029,65.0,1,1,0,1,0,0,Drivers,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.19518542226534927,0.33125086459090186,0.2108,0.0722,0.9771,0.6872,0.0781,0.1,0.2069,0.25,0.2917,0.1465,0.1715,0.1829,0.0019,0.0032,0.1471,0.0327,0.9767,0.6929,0.0698,0.0,0.1724,0.1667,0.2083,0.114,0.1276,0.1265,0.0,0.0,0.2129,0.0722,0.9771,0.6914,0.0786,0.1,0.2069,0.25,0.2917,0.1491,0.1744,0.1862,0.0019,0.0032,reg oper account,block of flats,0.2301,"Stone, brick",No,0.0,0.0,0.0,0.0,-1520.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2819952,444523,Consumer loans,3332.34,26055.0,25717.5,5805.0,26055.0,FRIDAY,19,Y,1,0.200560638504964,,,XAP,Approved,-1870,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,108,Connectivity,12.0,high,POS mobile with interest,365243.0,-1837.0,-1507.0,-1747.0,-1742.0,0.0,0,Cash loans,F,N,N,0,135000.0,970380.0,28372.5,810000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009334,-16873,-1323,-4799.0,-429,,1,1,1,1,1,0,,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Self-employed,,0.6891670523928994,0.3876253444214701,0.2454,0.1799,0.9911,0.9796,0.078,0.28,0.2241,0.3333,0.375,0.107,0.2118,0.2524,0.0,0.0,0.2353,0.1496,0.9836,0.9804,0.0787,0.282,0.2069,0.3333,0.375,0.0268,0.2314,0.2248,0.0,0.0,0.2477,0.1799,0.9911,0.9799,0.0785,0.28,0.2241,0.3333,0.375,0.1089,0.2155,0.2569,0.0,0.0,reg oper spec account,block of flats,0.1697,Panel,No,0.0,0.0,0.0,0.0,-364.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1426043,335930,Consumer loans,3878.82,39640.5,31711.5,7929.0,39640.5,TUESDAY,13,Y,1,0.21784290859554795,,,XAP,Approved,-1319,Cash through the bank,XAP,Unaccompanied,Refreshed,Mobile,POS,XNA,Country-wide,27,Connectivity,12.0,high,POS mobile with interest,365243.0,-1284.0,-954.0,-1194.0,-1188.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,439740.0,21285.0,315000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-17150,-4520,-3549.0,-697,2.0,1,1,0,1,0,0,Core staff,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,Emergency,,0.5622297664594761,0.646329897706246,,,0.9747,,,,,,,,,0.0628,,,,,0.9747,,,,,,,,,0.0654,,,,,0.9747,,,,,,,,,0.0639,,,,,0.065,,No,0.0,0.0,0.0,0.0,-51.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,4.0 +1300090,324744,Cash loans,14517.0,450000.0,450000.0,,450000.0,TUESDAY,7,Y,1,,,,XNA,Approved,-774,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-741.0,1029.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,180000.0,254700.0,14350.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.018801,-24167,-712,-3943.0,-4434,21.0,1,1,0,1,0,0,,1.0,2,2,SATURDAY,7,0,0,0,0,0,0,Other,,0.06967769368459095,0.6347055309763198,1.0,0.111,0.999,0.9864,0.4053,0.56,0.2414,0.6667,0.7083,0.1947,0.9153,0.568,0.0541,0.0823,1.0,0.1152,0.999,0.9869,0.409,0.5639,0.2414,0.6667,0.7083,0.1991,1.0,0.5918,0.0545,0.0871,1.0,0.111,0.999,0.9866,0.4079,0.56,0.2414,0.6667,0.7083,0.198,0.9312,0.5782,0.0543,0.084,reg oper account,block of flats,0.6862,Mixed,No,3.0,2.0,3.0,2.0,-1066.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1522941,274809,Consumer loans,34584.075,320490.0,288441.0,32049.0,320490.0,WEDNESDAY,16,Y,1,0.1089090909090909,,,XAP,Approved,-2329,XNA,XAP,Children,Repeater,Furniture,POS,XNA,Stone,727,Furniture,12.0,high,POS industry with interest,365243.0,-2291.0,-1961.0,-1961.0,-1954.0,0.0,0,Cash loans,F,N,N,1,270000.0,450000.0,32746.5,450000.0,Family,Working,Secondary / secondary special,Single / not married,House / apartment,0.04622,-13327,-4096,-7118.0,-5021,,1,1,0,1,0,0,Cleaning staff,2.0,1,1,MONDAY,18,0,0,0,0,0,0,Housing,,0.3926712102898322,0.5797274227921155,0.2918,0.0761,0.9861,,,0.32,0.2759,0.3333,,,,0.2925,,,0.2973,0.079,0.9861,,,0.3222,0.2759,0.3333,,,,0.3047,,,0.2946,0.0761,0.9861,,,0.32,0.2759,0.3333,,,,0.2977,,,,block of flats,0.3015,Panel,No,2.0,1.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2229815,367095,Consumer loans,19693.26,122985.0,105790.5,22500.0,122985.0,WEDNESDAY,14,Y,1,0.19100826214369312,,,XAP,Approved,-802,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Stone,300,Consumer electronics,6.0,middle,POS household with interest,365243.0,-771.0,-621.0,-621.0,-616.0,0.0,0,Cash loans,M,N,Y,0,247500.0,1642032.0,57204.0,1417500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.032561,-20212,-3694,-1194.0,-3638,,1,1,0,0,1,0,Laborers,2.0,1,1,SUNDAY,10,0,0,0,0,0,0,Business Entity Type 1,,0.6691155227422523,,0.1639,0.1486,0.9781,0.7008,0.0291,0.1,0.2069,0.25,0.2917,0.0551,0.1336,0.1613,0.0,0.0,0.146,0.129,0.9772,0.6994,0.0172,0.0,0.1724,0.1667,0.2083,0.0555,0.1276,0.1434,0.0,0.0,0.1655,0.1486,0.9781,0.7048,0.0293,0.1,0.2069,0.25,0.2917,0.0561,0.136,0.1642,0.0,0.0,reg oper account,block of flats,0.168,Panel,No,2.0,0.0,2.0,0.0,-1464.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1787436,342966,Consumer loans,2527.2,11565.0,13666.5,0.0,11565.0,MONDAY,11,Y,1,0.0,,,XAP,Approved,-229,XNA,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,20,Furniture,6.0,middle,POS industry with interest,365243.0,-199.0,-49.0,-49.0,-41.0,1.0,0,Cash loans,M,Y,Y,0,135000.0,142632.0,15489.0,126000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.009334,-15646,-3096,-3039.0,-4050,20.0,1,1,0,1,0,0,Drivers,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Transport: type 3,,0.13387114163064526,,,0.1027,0.9891,0.8504,0.0435,0.2,0.1724,0.3333,0.375,0.0383,0.1513,0.2021,0.0077,0.0019,,0.1066,0.9891,0.8563,0.0439,0.2014,0.1724,0.3333,0.375,0.0392,0.1653,0.2106,0.0078,0.002,,0.1027,0.9891,0.8524,0.0438,0.2,0.1724,0.3333,0.375,0.039,0.1539,0.2058,0.0078,0.0019,reg oper account,block of flats,0.1832,Panel,No,3.0,1.0,3.0,1.0,-1724.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1286412,186633,Revolving loans,7875.0,157500.0,157500.0,0.0,157500.0,FRIDAY,11,Y,1,0.0,,,XAP,Refused,-331,XNA,HC,,Refreshed,XNA,Cards,walk-in,Country-wide,44,Connectivity,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,N,1,81000.0,808650.0,23773.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-15623,-3364,-3257.0,-4526,,1,1,1,1,1,0,Security staff,3.0,3,3,THURSDAY,17,0,0,0,0,0,0,School,0.6921495377507216,0.4950326388731233,0.19633396621345675,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2027.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1326779,427823,Consumer loans,3074.58,25375.5,26505.0,1260.0,25375.5,THURSDAY,11,Y,1,0.049423898629733294,,,XAP,Approved,-1740,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,21,Connectivity,12.0,high,POS mobile with interest,365243.0,-1708.0,-1378.0,-1618.0,-1611.0,0.0,0,Cash loans,F,N,Y,0,85500.0,436032.0,15790.5,360000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.015221,-19884,365243,-9622.0,-2919,,1,0,0,1,1,0,,2.0,2,2,MONDAY,13,0,0,0,0,0,0,XNA,,0.411944886496226,0.6706517530862718,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1054.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +1284952,156889,Consumer loans,4669.515,37755.0,36783.0,3775.5,37755.0,FRIDAY,14,Y,1,0.10138103547401227,,,XAP,Approved,-1699,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,35,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1667.0,-1397.0,-1397.0,-1389.0,0.0,0,Cash loans,M,Y,Y,2,90000.0,298512.0,16798.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-13241,-200,-6927.0,-3488,10.0,1,1,1,1,1,1,Drivers,4.0,2,2,WEDNESDAY,16,0,1,1,0,1,1,Construction,0.4030032869765933,0.7730433660092421,0.7366226976503176,0.0041,,0.9732,,,0.0,,0.0,,,,0.0022,,,0.0042,,0.9732,,,0.0,,0.0,,,,0.0023,,,0.0042,,0.9732,,,0.0,,0.0,,,,0.0023,,,,block of flats,0.0022,"Stone, brick",Yes,0.0,0.0,0.0,0.0,-1699.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2833742,324635,Cash loans,16668.99,178378.695,237076.695,,178378.695,MONDAY,9,Y,1,,,,XNA,Approved,-1318,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash Street: high,365243.0,-1288.0,-598.0,-958.0,-955.0,1.0,0,Cash loans,F,N,Y,0,135000.0,796500.0,40797.0,796500.0,Unaccompanied,State servant,Incomplete higher,Married,House / apartment,0.028663,-13147,-3210,-4734.0,-4743,,1,1,0,1,0,0,Core staff,2.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,Culture,,0.6203523639067603,0.5460231970049609,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1427944,166307,Cash loans,61748.82,1156500.0,1156500.0,,1156500.0,THURSDAY,16,Y,1,,,,XNA,Refused,-1489,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,N,1,270000.0,999121.5,48195.0,877500.0,Family,Commercial associate,Higher education,Married,House / apartment,0.072508,-14543,-4830,-8439.0,-5306,9.0,1,1,0,1,1,0,Accountants,3.0,1,1,TUESDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.6503364581888843,0.7157853316000204,0.4830501881366946,0.3948,0.1974,0.9821,0.762,0.1506,0.48,0.2069,0.625,0.6667,0.1136,0.3219,0.4858,0.0,0.0038,0.4023,0.2044,0.9826,0.7713,0.152,0.4834,0.2069,0.625,0.6667,0.0,0.3517,0.5048,0.0,0.0,0.3987,0.1973,0.9826,0.7652,0.1515,0.48,0.2069,0.625,0.6667,0.0425,0.3275,0.4945,0.0,0.0051,org spec account,block of flats,0.3821,Panel,No,0.0,0.0,0.0,0.0,-2335.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2572130,218042,Consumer loans,18092.385,169439.985,183978.0,1.485,169439.985,MONDAY,5,Y,1,8.790654023191765e-06,,,XAP,Approved,-631,Cash through the bank,XAP,,Repeater,Office Appliances,POS,XNA,Regional / Local,5000,Consumer electronics,12.0,middle,POS household with interest,365243.0,-600.0,-270.0,-570.0,-562.0,0.0,0,Cash loans,F,N,Y,0,81000.0,338832.0,18378.0,292500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006852,-11828,-3988,-1750.0,-4018,,1,1,1,1,0,0,Laborers,2.0,3,3,TUESDAY,8,0,0,0,0,0,0,Industry: type 7,0.3438560658262308,0.28816673184089764,0.8128226070575616,0.0082,0.0,0.9717,,,0.0,0.0345,0.0417,,0.0,,0.0084,,0.0027,0.0084,0.0,0.9717,,,0.0,0.0345,0.0417,,0.0,,0.0087,,0.0029,0.0083,0.0,0.9717,,,0.0,0.0345,0.0417,,0.0,,0.0085,,0.0028,,block of flats,0.0066,Wooden,No,4.0,0.0,4.0,0.0,-1523.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2713144,193301,Cash loans,9416.475,67500.0,82111.5,0.0,67500.0,MONDAY,13,Y,1,0.0,,,XNA,Approved,-1622,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,high,Cash X-Sell: high,365243.0,-1588.0,-1258.0,-1258.0,-1251.0,0.0,0,Cash loans,F,N,Y,0,157500.0,161730.0,13095.0,135000.0,Family,Commercial associate,Secondary / secondary special,Married,Rented apartment,0.01885,-17665,-765,-2971.0,-1213,,1,1,0,1,0,0,Security staff,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,School,,0.050315593451944036,0.6690566947824041,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,3.0,4.0,3.0,-1622.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,2.0 +1508851,391255,Consumer loans,13583.025,138465.0,154845.0,0.0,138465.0,THURSDAY,18,Y,1,0.0,,,XAP,Approved,-466,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,2500,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-435.0,-105.0,-195.0,-190.0,0.0,0,Cash loans,M,Y,N,0,225000.0,364428.0,9742.5,238500.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-19020,-221,-6439.0,-1827,3.0,1,1,0,1,0,0,Drivers,2.0,1,1,TUESDAY,14,0,0,0,0,1,1,Business Entity Type 3,,0.13441213298150062,0.6738300778602003,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-32.0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2226671,169559,Consumer loans,11255.31,121986.0,109786.5,12199.5,121986.0,WEDNESDAY,15,Y,1,0.10891712610836116,,,XAP,Approved,-335,Cash through the bank,XAP,,New,Furniture,POS,XNA,Stone,10,Furniture,12.0,middle,POS industry with interest,365243.0,-299.0,31.0,-149.0,-142.0,0.0,0,Cash loans,F,Y,N,0,360000.0,673875.0,26109.0,562500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.022625,-16363,-217,-6174.0,-3780,1.0,1,1,1,1,0,0,Managers,2.0,2,2,MONDAY,16,0,0,0,0,0,0,Trade: type 7,0.3598743778647321,0.18835310490432106,0.3139166772114369,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-335.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1486672,227778,Revolving loans,16875.0,337500.0,337500.0,,337500.0,MONDAY,11,Y,1,,,,XAP,Approved,-262,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-239.0,-189.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,202500.0,333000.0,14238.0,333000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-21664,365243,-9596.0,-4460,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,XNA,,0.6754747935548123,0.5989262182569273,0.0742,0.0545,0.9871,,,0.08,0.069,0.3333,,,,0.0486,,,0.0756,0.0566,0.9871,,,0.0806,0.069,0.3333,,,,0.0506,,,0.0749,0.0545,0.9871,,,0.08,0.069,0.3333,,,,0.0495,,,,block of flats,0.064,Panel,No,0.0,0.0,0.0,0.0,-652.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2179344,187084,Revolving loans,29250.0,585000.0,585000.0,,585000.0,MONDAY,17,Y,1,,,,XAP,Approved,-449,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card X-Sell,-239.0,-191.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,F,N,Y,0,90000.0,284400.0,16456.5,225000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.01885,-11273,-1502,-3386.0,-3386,,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,11,0,0,0,1,1,0,Business Entity Type 3,,0.4479603009107183,0.746300213050371,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,0.0,8.0,0.0,-693.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1329917,356735,Consumer loans,11229.885,64075.5,55075.5,9000.0,64075.5,SUNDAY,13,Y,1,0.1529729488153535,,,XAP,Approved,-1349,XNA,XAP,,New,Mobile,POS,XNA,Country-wide,22,Connectivity,6.0,high,POS mobile with interest,365243.0,-1314.0,-1164.0,-1164.0,-1160.0,0.0,0,Cash loans,M,Y,N,0,148500.0,675000.0,36616.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008575,-14820,-1678,-3971.0,-2675,9.0,1,1,0,1,1,0,Security staff,2.0,2,2,WEDNESDAY,11,0,1,1,1,1,1,Security,,0.7314219495322837,0.1168672659157136,0.1433,0.0829,0.9826,1.0,0.4591,0.06,0.1552,0.2396,0.4167,0.0672,0.1681,0.117,0.3707,0.0532,0.084,0.0726,0.9772,1.0,0.4633,0.0,0.1379,0.1667,0.4167,0.0605,0.1837,0.0606,0.3735,0.0,0.0937,0.0701,0.9771,1.0,0.462,0.0,0.1379,0.1667,0.4167,0.0664,0.171,0.0761,0.3727,0.0,,block of flats,0.3028,Block,No,0.0,0.0,0.0,0.0,-1349.0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1509465,129980,Consumer loans,6354.315,55080.0,54450.0,5535.0,55080.0,WEDNESDAY,15,Y,1,0.10049375980358724,,,XAP,Approved,-2432,XNA,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Stone,7,Connectivity,12.0,high,POS mobile with interest,365243.0,-2394.0,-2064.0,-2064.0,-2057.0,1.0,0,Cash loans,F,N,N,0,112500.0,164952.0,6345.0,130500.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.008625,-9871,-2212,-3363.0,-2531,,1,1,1,1,1,0,Sales staff,2.0,2,2,SATURDAY,15,0,0,0,1,1,1,Self-employed,0.2742815887946613,0.6115951402333952,0.31703177858344445,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-2432.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1194204,382926,Consumer loans,7960.14,85491.0,82678.5,10260.0,85491.0,MONDAY,14,Y,1,0.12023082713055112,,,XAP,Approved,-2138,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,1700,Consumer electronics,12.0,low_normal,POS household without interest,365243.0,-2107.0,-1777.0,-1807.0,-1803.0,0.0,0,Cash loans,F,N,N,0,112500.0,254700.0,30357.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.072508,-17464,-111,-4509.0,-940,,1,1,0,1,0,0,,1.0,1,1,THURSDAY,16,0,0,0,0,0,0,Other,,0.7281749478502298,,0.284,0.1333,0.9925,0.898,0.1571,0.36,0.1379,0.75,0.7708,0.0,0.2299,0.3633,0.0077,0.0038,0.1838,0.2038,0.9926,0.902,0.1081,0.2417,0.069,0.625,0.625,0.0,0.1598,0.5182,0.0039,0.0029,0.2863,0.1333,0.9925,0.8994,0.158,0.36,0.1379,0.75,0.7708,0.0,0.2334,0.3701,0.0078,0.0039,reg oper account,block of flats,0.1804,Panel,No,1.0,0.0,1.0,0.0,-2526.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1910636,289221,Consumer loans,5140.62,55462.5,49639.5,11092.5,55462.5,MONDAY,10,Y,1,0.19891887158484667,,,XAP,Approved,-16,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,65,Connectivity,12.0,middle,POS mobile with interest,365243.0,365243.0,344.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,261000.0,1701693.0,45018.0,1521000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-16180,-7277,-2616.0,-4103,,1,1,0,1,0,0,Medicine staff,2.0,3,3,WEDNESDAY,7,0,0,0,0,0,0,Medicine,0.537034300539149,0.5108847527034267,0.4436153084085652,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1517.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1653170,313006,Consumer loans,7041.015,52191.0,57604.5,5220.0,52191.0,SATURDAY,9,Y,1,0.09049104323081833,,,XAP,Approved,-634,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,650,Consumer electronics,10.0,middle,POS household with interest,365243.0,-600.0,-330.0,-360.0,-353.0,0.0,0,Cash loans,F,N,N,0,112500.0,364896.0,19926.0,315000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.018029,-15159,-1043,-9129.0,-4450,,1,1,1,1,1,0,Laborers,2.0,3,3,MONDAY,12,0,0,0,0,0,0,Business Entity Type 1,,0.5925434451466494,0.08904388274986882,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,1.0,0.0,1.0,0.0,-634.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2074204,316780,Consumer loans,7523.235,41985.0,37485.0,4500.0,41985.0,FRIDAY,12,Y,1,0.11673000097437394,,,XAP,Approved,-2335,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,24,Connectivity,6.0,high,POS mobile with interest,365243.0,-2297.0,-2147.0,-2147.0,-2137.0,0.0,0,Cash loans,M,Y,Y,2,225000.0,288873.0,19435.5,238500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009334,-10380,-3396,-2878.0,-2899,3.0,1,1,0,1,0,0,Laborers,4.0,2,2,TUESDAY,11,0,0,0,0,1,1,Transport: type 2,,0.770338783535136,0.41534714488434,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-2335.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,8.0 +2643196,419870,Consumer loans,1712.745,18855.0,16969.5,1885.5,18855.0,THURSDAY,20,Y,1,0.1089090909090909,0.6360364955230647,0.852536997885835,XAP,Approved,-216,Cash through the bank,XAP,Other_B,Repeater,Clothing and Accessories,POS,XNA,Stone,5,Clothing,12.0,middle,POS industry with interest,365243.0,-186.0,144.0,-126.0,-122.0,0.0,0,Cash loans,F,N,N,1,135000.0,1078200.0,31522.5,900000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.022625,-16240,-3033,-2168.0,-4723,,1,1,1,1,1,0,High skill tech staff,3.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 2,0.7028265333594323,0.7890289298099384,0.18195910978627852,0.0825,0.0562,0.9826,0.762,0.0054,0.0,0.2069,0.1667,0.2083,0.0667,0.0672,0.0844,0.0077,0.0,0.084,0.0583,0.9826,0.7713,0.0054,0.0,0.2069,0.1667,0.2083,0.0682,0.0735,0.0879,0.0078,0.0,0.0833,0.0562,0.9826,0.7652,0.0054,0.0,0.2069,0.1667,0.2083,0.0678,0.0684,0.0859,0.0078,0.0,reg oper account,block of flats,0.079,"Stone, brick",No,0.0,0.0,0.0,0.0,-638.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1983916,253759,Consumer loans,8391.6,73602.0,75942.0,4500.0,73602.0,THURSDAY,11,Y,1,0.060924754368477774,,,XAP,Approved,-1683,Cash through the bank,XAP,"Spouse, partner",Repeater,Mobile,POS,XNA,Country-wide,72,Connectivity,12.0,high,POS mobile with interest,365243.0,-1652.0,-1322.0,-1562.0,-1554.0,0.0,0,Cash loans,F,N,Y,2,135000.0,797557.5,44662.5,688500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-10929,-3442,-4797.0,-2217,,1,1,0,1,0,0,Laborers,4.0,3,3,SUNDAY,8,0,0,0,0,0,0,Self-employed,0.4159682501376895,0.3754782746369341,0.6626377922738201,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1868628,285638,Consumer loans,10322.46,57375.0,50625.0,6750.0,57375.0,THURSDAY,17,Y,1,0.1281283422459893,,,XAP,Approved,-1890,XNA,XAP,Family,New,Mobile,POS,XNA,Regional / Local,45,Connectivity,6.0,high,POS mobile with interest,365243.0,-1848.0,-1698.0,-1698.0,-1691.0,0.0,0,Cash loans,F,N,Y,0,247500.0,810441.0,56533.5,765000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.011703,-12309,-2788,-1297.0,-4375,,1,1,0,1,1,0,Laborers,2.0,2,2,THURSDAY,9,0,0,0,0,1,1,Industry: type 9,0.6698346699518721,0.7097235476797327,0.5726825047161584,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1890.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2243929,408570,Consumer loans,8802.855,40410.0,43164.0,4041.0,40410.0,TUESDAY,13,Y,1,0.09323199584019408,,,XAP,Approved,-973,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,25,Connectivity,6.0,high,POS mobile with interest,365243.0,-942.0,-792.0,-792.0,-785.0,0.0,1,Cash loans,M,Y,N,2,225000.0,152820.0,16177.5,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-12342,-1951,-6433.0,-4086,9.0,1,1,1,1,1,0,Laborers,4.0,2,2,MONDAY,17,0,0,0,0,0,0,Business Entity Type 3,,0.7586994937557021,0.16640554618393638,0.4454,0.2835,0.9881,0.8368,0.0687,0.48,0.4138,0.3333,0.375,0.2255,0.3631,0.4672,0.0,0.0,0.4538,0.2942,0.9881,0.8432,0.0693,0.4834,0.4138,0.3333,0.375,0.2306,0.3967,0.4868,0.0,0.0,0.4497,0.2835,0.9881,0.8390000000000001,0.0691,0.48,0.4138,0.3333,0.375,0.2294,0.3694,0.4756,0.0,0.0,reg oper account,block of flats,0.3675,Panel,No,2.0,0.0,2.0,0.0,-973.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1221529,149979,Revolving loans,22500.0,0.0,450000.0,,,THURSDAY,14,Y,1,,,,XAP,Approved,-1321,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card X-Sell,-1319.0,-1274.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,331110.0,33925.5,292500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.02461,-14709,-4016,-7609.0,-4920,6.0,1,1,1,1,1,0,Drivers,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Transport: type 4,,0.6190742955549647,,0.0124,0.0128,0.9677,0.5579999999999999,,0.0,0.069,0.0417,,0.0266,,0.0126,,0.0,0.0126,0.0133,0.9677,0.5753,,0.0,0.069,0.0417,,0.0272,,0.0131,,0.0,0.0125,0.0128,0.9677,0.5639,,0.0,0.069,0.0417,,0.027000000000000003,,0.0128,,0.0,,block of flats,0.0108,Block,No,0.0,0.0,0.0,0.0,-1711.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1975204,375243,Consumer loans,4497.705,26910.0,22410.0,4500.0,26910.0,TUESDAY,8,Y,1,0.1821222256004864,,,XAP,Approved,-2807,XNA,XAP,,Repeater,Mobile,POS,XNA,Stone,25,Connectivity,6.0,high,POS mobile with interest,365243.0,-2774.0,-2624.0,-2624.0,-2620.0,0.0,0,Cash loans,F,N,N,0,81000.0,360000.0,24057.0,360000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-15388,-719,-889.0,-4075,,1,1,1,1,1,0,Laborers,2.0,2,2,MONDAY,9,0,0,0,0,0,0,Business Entity Type 2,0.4301704128442557,0.4805331796083213,,0.0773,0.0981,0.9831,0.7688,0.045,0.0,0.1724,0.1667,0.2083,0.0493,0.063,0.07,0.0,0.0,0.0788,0.1018,0.9831,0.7779,0.0454,0.0,0.1724,0.1667,0.2083,0.0504,0.0689,0.0729,0.0,0.0,0.0781,0.0981,0.9831,0.7719,0.0452,0.0,0.1724,0.1667,0.2083,0.0501,0.0641,0.0712,0.0,0.0,reg oper spec account,block of flats,0.1029,"Stone, brick",No,0.0,0.0,0.0,0.0,-1582.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2797218,275556,Cash loans,66846.915,715500.0,861412.5,,715500.0,FRIDAY,10,Y,1,,,,XNA,Approved,-844,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-814.0,-304.0,-694.0,-688.0,1.0,0,Cash loans,M,N,Y,0,180000.0,388512.0,31279.5,360000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.011703,-15994,-3532,-8126.0,-924,,1,1,0,1,1,0,Drivers,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Construction,,0.6055578835260735,0.1595195404777181,0.1242,0.064,0.9851,0.728,0.0257,0.13,0.0948,0.4062,0.375,0.0999,0.0902,0.1076,0.0013,0.0021,0.1134,0.0586,0.9801,0.7387,0.0256,0.1208,0.1034,0.3333,0.375,0.0928,0.0983,0.1158,0.0,0.0,0.1124,0.0584,0.9801,0.7316,0.0255,0.12,0.1034,0.3333,0.375,0.0923,0.0915,0.1131,0.0,0.0021,reg oper account,block of flats,0.1088,Panel,No,1.0,0.0,1.0,0.0,-565.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2390026,389105,Cash loans,50858.01,900000.0,952272.0,,900000.0,MONDAY,13,Y,1,,,,XNA,Refused,-1263,XNA,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,Y,Y,1,405000.0,1256400.0,36864.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.011703,-12080,-1201,-10612.0,-399,2.0,1,1,0,1,0,0,Managers,3.0,2,2,THURSDAY,19,0,0,0,0,0,0,Telecom,,0.7322845170539157,0.41534714488434,0.2144,0.0,0.9866,0.8164,,0.24,0.2069,0.3333,0.375,0.1206,,0.2338,,0.0562,0.2185,0.0,0.9866,0.8236,,0.2417,0.2069,0.3333,0.375,0.1234,,0.2436,,0.0595,0.2165,0.0,0.9866,0.8189,,0.24,0.2069,0.3333,0.375,0.1227,,0.238,,0.0574,reg oper account,block of flats,0.2246,Panel,No,2.0,0.0,2.0,0.0,-2154.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,0.0,2.0,2.0 +2339507,154154,Cash loans,,0.0,0.0,,,MONDAY,8,Y,1,,,,XNA,Refused,-275,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,2,67500.0,315000.0,17217.0,315000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-13297,-1731,-6435.0,-5337,,1,1,1,1,1,0,Sales staff,4.0,3,3,WEDNESDAY,11,0,0,0,0,1,1,Trade: type 7,0.4629779007854477,0.22790447723524,0.1674084472266241,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-179.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1783335,451019,Cash loans,39036.735,823500.0,921330.0,,823500.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-48,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,Y,Y,1,225000.0,814041.0,26257.5,679500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.028663,-11691,-2780,-560.0,-4277,3.0,1,1,0,1,0,0,Drivers,3.0,2,2,TUESDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.6541663562019346,,0.1237,0.1036,0.9816,0.7484,0.0189,0.0,0.1724,0.1667,0.2083,0.0554,0.1009,0.1269,0.0,0.0,0.1261,0.1075,0.9816,0.7583,0.019,0.0,0.1724,0.1667,0.2083,0.0567,0.1102,0.1322,0.0,0.0,0.1249,0.1036,0.9816,0.7518,0.019,0.0,0.1724,0.1667,0.2083,0.0564,0.1026,0.1292,0.0,0.0,reg oper account,block of flats,0.118,Panel,No,3.0,2.0,3.0,1.0,-1088.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1484759,146052,Consumer loans,1829.565,20034.0,18027.0,2007.0,20034.0,THURSDAY,19,Y,1,0.10910479457649264,,,XAP,Approved,-729,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,85,Connectivity,12.0,middle,POS mobile with interest,365243.0,-684.0,-354.0,-594.0,-586.0,0.0,0,Cash loans,F,N,N,2,112500.0,1319269.5,42687.0,1152000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.00496,-12497,-647,-1519.0,-4556,,1,1,0,1,0,0,Sales staff,4.0,2,2,FRIDAY,14,0,0,0,0,0,0,Trade: type 7,0.35166531866307044,0.5507127699764964,0.6212263380626669,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-729.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2015759,231294,Cash loans,23692.5,450000.0,450000.0,,450000.0,THURSDAY,9,Y,1,,,,XNA,Approved,-325,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-295.0,755.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,157500.0,1120752.0,40387.5,967500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-19047,365243,-4630.0,-2567,29.0,1,0,0,1,0,1,,2.0,2,2,SUNDAY,9,0,0,0,0,0,0,XNA,0.34751891956678066,0.0861220221824016,0.4596904504249018,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,0.0,-3229.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2632670,396454,Consumer loans,5165.37,22932.0,25506.0,2250.0,22932.0,MONDAY,14,Y,1,0.08828557953071572,,,XAP,Approved,-1353,XNA,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,2170,Consumer electronics,6.0,high,POS household with interest,365243.0,-1322.0,-1172.0,-1172.0,-1164.0,0.0,0,Cash loans,F,N,Y,1,180000.0,781920.0,43659.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.010276,-15545,-586,-3257.0,-3396,,1,1,0,1,0,0,Cooking staff,3.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,Self-employed,,0.13639612901836168,0.6363761710860439,0.1031,0.0,0.9851,0.7959999999999999,0.016,0.0,0.3103,0.1667,0.2083,0.0887,0.0841,0.0866,0.0,0.0,0.105,0.0,0.9851,0.804,0.0161,0.0,0.3103,0.1667,0.2083,0.0907,0.0918,0.0903,0.0,0.0,0.1041,0.0,0.9851,0.7987,0.0161,0.0,0.3103,0.1667,0.2083,0.0902,0.0855,0.0882,0.0,0.0,reg oper account,block of flats,0.0682,Panel,No,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2801699,269897,Consumer loans,13378.14,73575.0,65853.0,18000.0,73575.0,TUESDAY,16,Y,1,0.2337857484363869,,,XAP,Approved,-484,Cash through the bank,XAP,"Spouse, partner",Refreshed,Computers,POS,XNA,Country-wide,67,Connectivity,6.0,high,POS mobile with interest,365243.0,-453.0,-303.0,-393.0,-388.0,0.0,0,Cash loans,M,Y,Y,2,216000.0,877500.0,47731.5,877500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-14843,-264,-4877.0,-4691,1.0,1,1,1,1,0,0,,4.0,2,2,WEDNESDAY,13,0,0,0,0,1,1,Transport: type 4,,0.7884678045308767,,0.1155,,0.9866,,,0.0,0.2759,0.1667,,,,0.1107,,,0.1176,,0.9866,,,0.0,0.2759,0.1667,,,,0.1154,,,0.1166,,0.9866,,,0.0,0.2759,0.1667,,,,0.1127,,,,block of flats,0.0946,,No,0.0,0.0,0.0,0.0,-484.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1290961,228542,Revolving loans,7875.0,157500.0,157500.0,0.0,157500.0,THURSDAY,15,Y,1,0.0,,,XAP,Approved,-259,XNA,XAP,,New,XNA,Cards,walk-in,Country-wide,45,Connectivity,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,Y,N,0,225000.0,545040.0,25407.0,450000.0,Unaccompanied,Working,Higher education,Single / not married,Rented apartment,0.035792000000000004,-20269,-166,-765.0,-3634,8.0,1,1,0,1,0,0,,1.0,2,2,THURSDAY,9,0,0,0,0,0,0,Self-employed,,0.2867424071838843,0.12769879437277135,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-259.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2292212,284474,Consumer loans,2461.77,26059.5,21222.0,6750.0,26059.5,MONDAY,10,Y,1,0.26281151281151266,,,XAP,Approved,-1866,Cash through the bank,XAP,"Spouse, partner",New,Audio/Video,POS,XNA,Country-wide,57,Connectivity,12.0,high,POS mobile with interest,,,,,,,0,Cash loans,M,Y,N,0,67500.0,314100.0,16443.0,225000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.030755,-20066,-2738,-568.0,-3601,13.0,1,1,0,1,0,0,Drivers,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,Transport: type 3,0.6555903900442049,0.3820489271316077,0.8224987619370829,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2272386,237786,Consumer loans,4679.505,21555.0,22950.0,2155.5,21555.0,THURSDAY,14,Y,1,0.09350681940393354,,,XAP,Approved,-1304,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Stone,38,Consumer electronics,6.0,high,POS household with interest,365243.0,-1269.0,-1119.0,-1119.0,-1112.0,0.0,0,Cash loans,M,Y,Y,0,112500.0,675000.0,26901.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-20668,365243,-7365.0,-4232,20.0,1,0,0,1,0,0,,2.0,2,2,SATURDAY,9,0,0,0,0,0,0,XNA,,0.666709758692511,0.20559813854932085,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2835569,132914,Consumer loans,9787.905,85459.5,92979.0,0.0,85459.5,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-1063,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Stone,25,Furniture,10.0,low_action,POS industry without interest,365243.0,-1032.0,-762.0,-762.0,-747.0,0.0,0,Cash loans,F,N,N,1,112500.0,539100.0,27522.0,450000.0,Unaccompanied,State servant,Higher education,Separated,House / apartment,0.01885,-10738,-1720,-2072.0,-2683,,1,1,1,1,1,0,,2.0,2,2,MONDAY,16,0,0,0,0,1,1,Government,0.4253323390785112,0.4888512647063184,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,0.0,-1362.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1672823,111718,Consumer loans,4842.135,31860.0,34488.0,0.0,31860.0,WEDNESDAY,11,Y,1,0.0,,,XAP,Approved,-1356,Cash through the bank,XAP,"Spouse, partner",Repeater,Mobile,POS,XNA,Regional / Local,690,Consumer electronics,10.0,high,POS household with interest,365243.0,-1325.0,-1055.0,-1055.0,-1050.0,0.0,0,Cash loans,M,N,N,2,180000.0,740704.5,27580.5,598500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.020713,-16472,-1805,-8704.0,-14,,1,1,0,1,0,0,Laborers,4.0,3,2,SATURDAY,10,0,0,0,0,0,0,Business Entity Type 2,,0.6457737126667824,0.7826078370261895,0.0732,0.0689,0.9771,0.6872,0.0684,0.0,0.1379,0.1667,0.2083,0.0362,0.0597,0.0666,0.0,0.0,0.0746,0.0715,0.9772,0.6994,0.069,0.0,0.1379,0.1667,0.2083,0.037000000000000005,0.0652,0.0694,0.0,0.0,0.0739,0.0689,0.9771,0.6914,0.0688,0.0,0.1379,0.1667,0.2083,0.0368,0.0607,0.0678,0.0,0.0,reg oper account,block of flats,0.0898,"Stone, brick",No,0.0,0.0,0.0,0.0,-2.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1613609,126127,Consumer loans,3788.82,37539.0,37539.0,0.0,37539.0,SATURDAY,11,Y,1,0.0,0.19690014734217387,0.8673361522198731,XAP,Approved,-361,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,middle,POS mobile with interest,365243.0,-325.0,5.0,-235.0,-227.0,0.0,0,Cash loans,F,N,Y,0,180000.0,333000.0,20119.5,333000.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.028663,-17566,-1709,-707.0,-1100,,1,1,0,1,0,0,Core staff,1.0,2,2,WEDNESDAY,8,0,0,0,1,1,0,Government,0.810164435148517,0.5262243629189981,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-513.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2307282,140443,Consumer loans,7659.225,74218.5,82057.5,0.0,74218.5,SUNDAY,15,Y,1,0.0,,,XAP,Approved,-268,Cash through the bank,XAP,Family,New,Furniture,POS,XNA,Stone,50,Furniture,12.0,low_normal,POS industry with interest,365243.0,-238.0,92.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,1,112500.0,414000.0,22459.5,414000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.026392000000000002,-11218,-1311,-4626.0,-845,,1,1,1,1,0,0,Laborers,3.0,2,2,TUESDAY,9,0,0,0,0,0,0,Industry: type 9,0.2754796811749909,0.6585953579525093,0.3706496323299817,0.1124,0.1219,0.9816,,,0.0,0.2759,0.1667,,0.0936,,0.1051,,0.0006,0.1145,0.1265,0.9816,,,0.0,0.2759,0.1667,,0.0958,,0.1095,,0.0007,0.1135,0.1219,0.9816,,,0.0,0.2759,0.1667,,0.0953,,0.107,,0.0007,,block of flats,0.0828,Panel,No,3.0,0.0,3.0,0.0,-268.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1624335,143774,Revolving loans,13500.0,0.0,270000.0,,,THURSDAY,15,Y,1,,,,XAP,Approved,-790,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,225000.0,814041.0,23458.5,679500.0,Unaccompanied,Working,Incomplete higher,Widow,House / apartment,0.030755,-21478,-6546,-4326.0,-4327,,1,1,1,1,1,0,Accountants,1.0,2,2,WEDNESDAY,13,0,0,0,0,1,1,Agriculture,0.8456639455028522,0.6742416352591094,0.6577838002083306,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1492.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1545030,302550,Revolving loans,6750.0,135000.0,135000.0,,135000.0,WEDNESDAY,15,Y,1,,,,XAP,Refused,-41,XNA,HC,Family,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,Y,Y,0,135000.0,900000.0,46084.5,900000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-10117,-822,-9944.0,-1615,8.0,1,1,0,1,0,0,Drivers,2.0,2,2,TUESDAY,17,0,0,0,0,1,1,Trade: type 7,,0.4291230404599632,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-41.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1004113,208868,Consumer loans,25432.515,143955.0,143955.0,0.0,143955.0,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-768,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Regional / Local,246,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-737.0,-587.0,-587.0,-585.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,1327500.0,38943.0,1327500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-20614,365243,-7912.0,-4156,16.0,1,0,0,1,0,0,,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,XNA,0.7230793108815229,0.6370830564238271,0.3077366963789207,0.0742,0.0486,0.9886,0.8436,0.0025,0.08,0.069,0.3333,0.0417,0.0534,0.0605,0.0791,0.0039,0.0309,0.0756,0.0504,0.9886,0.8497,0.0025,0.0806,0.069,0.3333,0.0417,0.0546,0.0661,0.0825,0.0039,0.0327,0.0749,0.0486,0.9886,0.8457,0.0025,0.08,0.069,0.3333,0.0417,0.0543,0.0616,0.0806,0.0039,0.0315,org spec account,block of flats,0.0768,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2513063,214184,Consumer loans,3320.685,33210.9,29889.0,3321.9,33210.9,SUNDAY,15,Y,1,0.10893565338214532,,,XAP,Refused,-2669,Cash through the bank,SCO,,Repeater,Consumer Electronics,POS,XNA,Stone,120,Consumer electronics,10.0,low_normal,POS household without interest,,,,,,,1,Cash loans,M,N,N,3,130500.0,315000.0,16213.5,315000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-12970,-816,-6860.0,-4815,,1,1,0,1,0,0,Laborers,5.0,2,2,TUESDAY,8,0,0,0,1,1,1,Industry: type 7,,0.6619651564719199,0.4083588531230431,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1525.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,0.0 +1823595,262504,Revolving loans,10125.0,0.0,360000.0,,,TUESDAY,14,N,0,,,,XAP,Refused,-174,XNA,HC,,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),2,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,Y,Y,0,112500.0,284400.0,13257.0,225000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.009656999999999999,-9749,-1447,-4272.0,-2394,2.0,1,1,0,1,1,1,,1.0,2,2,MONDAY,15,1,1,0,1,1,1,Industry: type 9,,0.014510428114546538,0.5100895276257282,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-175.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2012790,127787,Revolving loans,6750.0,135000.0,135000.0,,135000.0,WEDNESDAY,11,Y,1,,,,XAP,Refused,-552,XNA,SCOFR,,New,XNA,Cards,walk-in,AP+ (Cash loan),3,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,Y,Y,1,112500.0,513000.0,21694.5,513000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-15063,-867,-2216.0,-3833,17.0,1,1,0,1,0,0,Drivers,3.0,3,3,TUESDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.09062950595243477,0.1997705696341145,0.0619,0.0623,0.9781,0.7008,0.0083,0.0,0.1379,0.1667,0.2083,0.0327,0.0504,0.0528,0.0,0.0,0.063,0.0646,0.9782,0.7125,0.0083,0.0,0.1379,0.1667,0.2083,0.0335,0.0551,0.055,0.0,0.0,0.0625,0.0623,0.9781,0.7048,0.0083,0.0,0.1379,0.1667,0.2083,0.0333,0.0513,0.0537,0.0,0.0,reg oper account,block of flats,0.0415,Panel,No,4.0,0.0,4.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1198377,291242,Cash loans,8137.395,67500.0,71955.0,0.0,67500.0,MONDAY,13,Y,1,0.0,,,XNA,Approved,-1907,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,high,Cash X-Sell: high,365243.0,-1877.0,-1547.0,-1547.0,-1544.0,1.0,0,Revolving loans,F,N,Y,0,54000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-13001,-3320,-5536.0,-2409,,1,1,0,1,1,0,,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Self-employed,,0.6373863597363608,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-350.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1218272,245891,Consumer loans,12946.635,113469.3,113467.5,1.8,113469.3,FRIDAY,8,Y,1,1.7276599365322922e-05,,,XAP,Refused,-2377,Cash through the bank,LIMIT,Family,Repeater,Computers,POS,XNA,Stone,264,Consumer electronics,12.0,high,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,135000.0,592560.0,28638.0,450000.0,Children,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.006852,-16778,-3895,-7676.0,-291,,1,1,0,1,0,0,Sales staff,1.0,3,3,TUESDAY,6,0,0,0,0,0,0,Self-employed,,0.28708690438692624,0.7032033049040319,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1571073,146201,Consumer loans,17097.885,142195.5,121261.5,28440.0,142195.5,SATURDAY,11,Y,1,0.2069033740780516,,,XAP,Approved,-2423,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,648,Consumer electronics,8.0,middle,POS household with interest,365243.0,-2392.0,-2182.0,-2182.0,-2177.0,1.0,0,Cash loans,M,Y,Y,0,225000.0,622413.0,30073.5,495000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-17268,-4052,-1735.0,-796,3.0,1,1,0,1,0,1,Drivers,2.0,2,2,SUNDAY,7,0,0,0,0,1,1,Business Entity Type 3,0.6455252932741157,0.4125648147014418,0.30620229831350426,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1849.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,2.0 +2300563,291993,Cash loans,27635.13,877500.0,1004913.0,,877500.0,FRIDAY,11,Y,1,,,,XNA,Approved,-211,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-181.0,1589.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,0,135000.0,360000.0,17509.5,360000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.00702,-19123,365243,-8759.0,-2675,14.0,1,0,0,1,0,0,,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,XNA,,0.7288755793160497,0.622922000268356,,,0.9881,0.8368,,,,0.1667,,,,0.0852,,,,,0.9881,0.8432,,,,0.1667,,,,0.0888,,,,,0.9881,0.8390000000000001,,,,0.1667,,,,0.0867,,,reg oper account,block of flats,0.0764,Panel,No,3.0,1.0,3.0,1.0,-1864.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,6.0 +1852318,396340,Consumer loans,5056.965,56907.0,50328.0,11385.0,56907.0,THURSDAY,11,Y,1,0.20091876914102372,,,XAP,Approved,-1015,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,1500,Consumer electronics,12.0,middle,POS household with interest,365243.0,-983.0,-653.0,-653.0,-639.0,0.0,0,Revolving loans,F,N,Y,0,90000.0,270000.0,13500.0,270000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.007305,-21372,365243,-9932.0,-4833,,1,0,0,1,1,0,,2.0,3,3,THURSDAY,9,0,0,0,0,0,0,XNA,,0.688801552736799,0.5673792367572691,0.0814,0.055,0.9776,0.6940000000000001,0.0079,0.0,0.1379,0.1667,0.2083,0.0375,0.0656,0.0674,0.0039,0.0112,0.083,0.0571,0.9777,0.706,0.0079,0.0,0.1379,0.1667,0.2083,0.0384,0.0716,0.0702,0.0039,0.0118,0.0822,0.055,0.9776,0.6981,0.0079,0.0,0.1379,0.1667,0.2083,0.0382,0.0667,0.0686,0.0039,0.0114,reg oper account,block of flats,0.0597,"Stone, brick",No,0.0,0.0,0.0,0.0,-2003.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1633906,390123,Cash loans,37801.845,1125000.0,1288350.0,,1125000.0,THURSDAY,4,Y,1,,,,XNA,Refused,-132,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,135000.0,675000.0,34596.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010032,-23120,365243,-6392.0,-4779,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,8,0,0,0,0,0,0,XNA,,0.4512233209517372,0.5797274227921155,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-132.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1835371,364933,Consumer loans,8770.005,40041.0,42021.0,0.0,40041.0,WEDNESDAY,16,Y,1,0.0,,,XAP,Approved,-1029,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,1400,Consumer electronics,6.0,high,POS household with interest,365243.0,-998.0,-848.0,-848.0,-843.0,0.0,0,Cash loans,F,N,Y,0,45000.0,299772.0,17338.5,247500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.010643000000000001,-22455,365243,-1757.0,-4088,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,XNA,,0.6701314430813109,0.2392262794694045,0.1485,0.09,0.9851,0.7959999999999999,,0.16,0.1379,0.3333,0.375,0.121,0.1202,0.1548,0.0039,0.0046,0.1513,0.0934,0.9851,0.804,,0.1611,0.1379,0.3333,0.375,0.1237,0.1313,0.1613,0.0039,0.0049,0.1499,0.09,0.9851,0.7987,,0.16,0.1379,0.3333,0.375,0.1231,0.1223,0.1576,0.0039,0.0047,org spec account,block of flats,0.1228,Panel,No,3.0,2.0,3.0,2.0,-806.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2416551,249891,Consumer loans,5026.32,50557.5,37678.5,15750.0,50557.5,FRIDAY,18,Y,1,0.32104928676982913,,,XAP,Approved,-2401,XNA,XAP,Children,Repeater,Mobile,POS,XNA,Country-wide,22,Connectivity,10.0,high,POS mobile with interest,365243.0,-2370.0,-2100.0,-2100.0,-2091.0,1.0,0,Cash loans,F,N,Y,0,157500.0,1288350.0,37669.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.02461,-21901,-11637,-12938.0,-4489,,1,1,0,1,1,0,Core staff,1.0,2,2,FRIDAY,16,0,0,0,0,0,0,Medicine,0.8848678100672928,0.6907528269485467,0.5388627065779676,0.1103,0.0677,0.9811,,,0.12,0.1034,0.3333,,0.07,,0.1086,,0.0078,0.1124,0.0703,0.9811,,,0.1208,0.1034,0.3333,,0.0716,,0.1131,,0.0082,0.1114,0.0677,0.9811,,,0.12,0.1034,0.3333,,0.0712,,0.1105,,0.0079,,block of flats,0.1016,Panel,No,2.0,0.0,2.0,0.0,-2702.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,1.0,1.0 +2788792,248319,Consumer loans,4870.035,44999.55,43834.5,4504.05,44999.55,SUNDAY,13,Y,1,0.10147842475810524,,,XAP,Approved,-2304,Cash through the bank,XAP,Children,New,Consumer Electronics,POS,XNA,Stone,189,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2273.0,-2003.0,-2003.0,-1996.0,1.0,0,Cash loans,F,N,N,0,135000.0,755190.0,32125.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-19515,-2598,-8452.0,-3027,,1,1,0,1,0,0,,2.0,2,2,MONDAY,15,0,0,0,0,0,0,Self-employed,0.8293526518218158,0.5124638229042106,0.5442347412142162,0.0495,0.0516,0.9871,0.8232,0.0225,0.0,0.1552,0.1667,0.125,0.0327,0.0403,0.0473,0.0,0.0,0.0294,0.0411,0.9871,0.8301,0.0157,0.0,0.1379,0.1667,0.0417,0.0233,0.0257,0.0316,0.0,0.0,0.05,0.0516,0.9871,0.8256,0.0227,0.0,0.1552,0.1667,0.125,0.0333,0.041,0.0482,0.0,0.0,reg oper account,block of flats,0.0323,"Stone, brick",No,3.0,0.0,3.0,0.0,-2304.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1113370,149225,Consumer loans,7683.255,64242.0,63184.5,6750.0,64242.0,SATURDAY,18,Y,1,0.10511784078478628,,,XAP,Approved,-1942,Cash through the bank,XAP,Children,New,Mobile,POS,XNA,Regional / Local,50,Connectivity,12.0,high,POS mobile with interest,365243.0,-1911.0,-1581.0,-1581.0,-1577.0,0.0,0,Cash loans,F,N,Y,1,157500.0,254700.0,14751.0,225000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.030755,-14782,-486,-3878.0,-5036,,1,1,0,1,0,0,Accountants,3.0,2,2,TUESDAY,17,0,0,0,0,0,0,School,0.6076032990056429,0.5979751655005192,0.520897599048938,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1942.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1314046,304258,Cash loans,42075.0,450000.0,450000.0,,450000.0,FRIDAY,4,Y,1,,,,XNA,Approved,-206,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-176.0,154.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,135000.0,675000.0,24376.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.010032,-13420,-664,-4021.0,-4626,,1,1,0,1,0,0,Sales staff,3.0,2,2,MONDAY,4,0,0,0,0,0,0,Trade: type 7,0.6461419677918899,0.3857936104063778,,0.067,0.0806,0.9767,0.6804,0.0485,0.0,0.1379,0.1667,0.2083,0.0622,0.0538,0.0507,0.0039,0.0872,0.0683,0.0836,0.9767,0.6929,0.049,0.0,0.1379,0.1667,0.2083,0.0636,0.0588,0.0529,0.0039,0.0923,0.0677,0.0806,0.9767,0.6847,0.0489,0.0,0.1379,0.1667,0.2083,0.0632,0.0547,0.0516,0.0039,0.0891,reg oper account,block of flats,0.0589,"Stone, brick",No,2.0,0.0,2.0,0.0,-206.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1543800,200661,Consumer loans,2965.86,32472.0,29223.0,3249.0,32472.0,WEDNESDAY,20,Y,1,0.10896946180205602,,,XAP,Approved,-584,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,99,Connectivity,12.0,middle,POS mobile with interest,365243.0,-541.0,-211.0,-481.0,-468.0,0.0,0,Cash loans,F,Y,N,0,112500.0,417024.0,27094.5,360000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.007114,-10302,-3178,-4856.0,-474,2.0,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,12,0,0,0,1,1,0,Business Entity Type 3,0.2463378956902563,0.6916629707610374,0.21275630545434146,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1886.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1593461,268903,Cash loans,56149.47,454500.0,534451.5,,454500.0,THURSDAY,9,Y,1,,,,XNA,Approved,-546,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-516.0,-186.0,-186.0,-179.0,1.0,0,Cash loans,F,N,Y,2,112500.0,86598.0,9220.5,76500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-14104,-894,-2010.0,-2046,,1,1,0,1,0,0,Private service staff,4.0,2,2,THURSDAY,16,0,0,0,0,1,1,Self-employed,0.7258583614503196,0.1500286934003954,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1566.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2344179,317278,Cash loans,29686.365,450000.0,533160.0,,450000.0,TUESDAY,10,Y,1,,,,XNA,Refused,-308,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,high,Cash X-Sell: high,,,,,,,1,Cash loans,F,Y,Y,2,225000.0,1223010.0,51948.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00733,-13479,-858,-767.0,-2878,2.0,1,1,0,1,0,0,,4.0,2,2,TUESDAY,17,0,0,0,0,1,1,Self-employed,0.5261725585005114,0.6686602653893434,,0.0515,,0.9856,,,0.0,0.1034,0.1667,,,,0.0413,,0.0055,0.0525,,0.9856,,,0.0,0.1034,0.1667,,,,0.043,,0.0058,0.052000000000000005,,0.9856,,,0.0,0.1034,0.1667,,,,0.042,,0.0056,,block of flats,0.048,,No,0.0,0.0,0.0,0.0,-1210.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2188421,402800,Consumer loans,6914.25,71293.5,78822.0,0.0,71293.5,WEDNESDAY,9,Y,1,0.0,,,XAP,Approved,-534,Cash through the bank,XAP,,New,Mobile,POS,XNA,Regional / Local,300,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-503.0,-173.0,-323.0,-320.0,0.0,0,Cash loans,M,N,Y,0,90000.0,562491.0,27189.0,454500.0,"Spouse, partner",Working,Secondary / secondary special,Single / not married,With parents,0.020246,-9249,-121,-598.0,-1901,,1,1,0,1,0,0,Laborers,1.0,3,3,FRIDAY,9,0,0,0,0,1,1,Business Entity Type 3,0.2985314036575207,0.2664342875684594,,0.0031,0.0,0.9483,0.2928,0.0,0.0,0.0,0.0,0.0417,0.0182,0.0025,0.0021,0.0,0.0,0.0032,0.0,0.9484,0.3205,0.0,0.0,0.0,0.0,0.0417,0.0186,0.0028,0.0022,0.0,0.0,0.0031,0.0,0.9483,0.3023,0.0,0.0,0.0,0.0,0.0417,0.0185,0.0026,0.0021,0.0,0.0,not specified,block of flats,0.0024,Wooden,Yes,5.0,0.0,5.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2710329,222393,Consumer loans,8712.18,87115.5,78403.5,8712.0,87115.5,SUNDAY,15,Y,1,0.10891471666924944,,,XAP,Approved,-386,Cash through the bank,XAP,,Refreshed,Computers,POS,XNA,Regional / Local,80,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-355.0,-85.0,-85.0,-78.0,0.0,0,Revolving loans,F,N,N,0,90000.0,202500.0,10125.0,202500.0,Family,Working,Secondary / secondary special,Single / not married,House / apartment,0.035792000000000004,-17007,-674,-6984.0,-558,,1,1,1,1,0,0,Laborers,1.0,2,2,MONDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.8783811925826738,0.3609559514828684,0.6446794549585961,0.0619,0.0759,0.9821,0.7552,0.0,0.0,0.1379,0.1667,0.2083,0.0328,0.0504,0.0576,0.0,0.0791,0.063,0.0788,0.9821,0.7648,0.0,0.0,0.1379,0.1667,0.2083,0.0335,0.0551,0.06,0.0,0.0837,0.0625,0.0759,0.9821,0.7585,0.0,0.0,0.1379,0.1667,0.2083,0.0334,0.0513,0.0587,0.0,0.0808,reg oper account,block of flats,0.0453,"Stone, brick",No,0.0,0.0,0.0,0.0,-2721.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2118967,143436,Consumer loans,15175.62,151636.5,136471.5,15165.0,151636.5,SATURDAY,11,Y,1,0.10891878694353692,,,XAP,Approved,-1125,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Stone,430,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1094.0,-824.0,-854.0,-851.0,0.0,0,Cash loans,F,N,N,2,157500.0,247500.0,16132.5,247500.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.015221,-12774,-4965,-3081.0,-4207,,1,1,1,1,1,0,High skill tech staff,3.0,2,2,TUESDAY,10,0,0,0,0,0,0,Government,,0.7677247647988893,0.6706517530862718,0.0722,0.0443,0.9791,,,0.0,0.1379,0.1667,,0.0395,,0.0678,,0.0283,0.0735,0.046,0.9791,,,0.0,0.1379,0.1667,,0.0404,,0.0707,,0.0299,0.0729,0.0443,0.9791,,,0.0,0.1379,0.1667,,0.0401,,0.069,,0.0289,,block of flats,0.0595,Panel,No,5.0,0.0,4.0,0.0,-1125.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2445703,454060,Revolving loans,2250.0,45000.0,45000.0,,45000.0,TUESDAY,14,Y,1,,,,XAP,Approved,-176,XNA,XAP,Unaccompanied,New,XNA,Cards,walk-in,AP+ (Cash loan),60,XNA,0.0,XNA,Card Street,-173.0,-129.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,F,N,Y,1,135000.0,704844.0,34038.0,630000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-11788,-1167,-5902.0,-189,,1,1,1,1,0,0,Sales staff,3.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Self-employed,,0.4587877320776054,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-176.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2048907,194824,Consumer loans,12749.715,127512.0,114759.0,12753.0,127512.0,SATURDAY,11,Y,1,0.10892446486320002,,,XAP,Approved,-2631,Cash through the bank,XAP,,New,Furniture,POS,XNA,Stone,1413,Furniture,10.0,low_normal,POS industry without interest,365243.0,-2595.0,-2325.0,-2325.0,-2315.0,0.0,0,Cash loans,F,N,Y,0,90000.0,225000.0,12564.0,225000.0,Children,Pensioner,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-23891,365243,-8065.0,-4175,,1,0,0,1,1,0,,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,XNA,,0.24786034604174184,0.6594055320683344,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2390.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2819473,188688,Cash loans,12784.725,274500.0,319068.0,,274500.0,SUNDAY,12,Y,1,,,,XNA,Approved,-320,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-290.0,760.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,N,0,315000.0,1467612.0,62311.5,1350000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.04622,-22944,-1182,-4539.0,-3537,3.0,1,1,0,1,0,0,Core staff,2.0,1,1,FRIDAY,18,0,0,0,0,0,0,Business Entity Type 3,0.5150387110871322,0.6286950555032058,,0.0794,0.1058,0.9935,0.9116,0.0514,0.12,0.1034,0.3333,0.375,0.069,0.0605,0.1102,0.0193,0.046,0.0809,0.1098,0.9935,0.9151,0.0519,0.1208,0.1034,0.3333,0.375,0.0705,0.0661,0.1149,0.0195,0.0487,0.0802,0.1058,0.9935,0.9128,0.0517,0.12,0.1034,0.3333,0.375,0.0702,0.0616,0.1122,0.0194,0.047,reg oper account,block of flats,0.1248,"Stone, brick",No,3.0,0.0,3.0,0.0,-502.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2204507,112062,Revolving loans,3375.0,67500.0,67500.0,,67500.0,SUNDAY,17,Y,1,,,,XAP,Approved,-415,XNA,XAP,,Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-408.0,-373.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,3,180000.0,1040985.0,30568.5,909000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-13891,-4850,-1829.0,-2967,10.0,1,1,0,1,1,0,,5.0,2,2,TUESDAY,11,0,0,0,0,0,0,School,,0.34222962650719785,0.6195277080511546,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1675.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2832781,392057,Consumer loans,10153.08,58450.5,55381.5,5845.5,58450.5,SATURDAY,14,Y,1,0.10397832507049026,,,XAP,Approved,-438,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,115,Consumer electronics,6.0,middle,POS household with interest,365243.0,-408.0,-258.0,-288.0,-283.0,1.0,0,Cash loans,M,N,Y,0,337500.0,1483650.0,61357.5,1350000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.04622,-22043,365243,-7575.0,-3835,,1,0,0,1,1,0,,2.0,1,1,WEDNESDAY,10,0,0,0,0,0,0,XNA,,0.7269265828868584,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-438.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1201321,226946,Cash loans,39086.505,720000.0,769419.0,,720000.0,MONDAY,19,Y,1,,,,XNA,Approved,-184,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_action,Cash X-Sell: low,365243.0,-154.0,536.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,171000.0,526491.0,19039.5,454500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.009175,-17745,-5453,-11537.0,-358,,1,1,1,1,1,0,Managers,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Government,0.8038763435311627,0.6959923814108895,0.3046721837533529,0.1546,0.1875,0.9821,0.7552,0.0262,0.0,0.3448,0.1667,0.0417,0.1208,0.1252,0.1513,0.0039,0.0024,0.1576,0.1946,0.9821,0.7648,0.0264,0.0,0.3448,0.1667,0.0417,0.1236,0.1368,0.1577,0.0039,0.0025,0.1561,0.1875,0.9821,0.7585,0.0263,0.0,0.3448,0.1667,0.0417,0.1229,0.1274,0.154,0.0039,0.0024,reg oper account,block of flats,0.1195,Panel,No,0.0,0.0,0.0,0.0,-1781.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2203890,372023,Consumer loans,6976.125,80550.0,71550.0,9000.0,80550.0,THURSDAY,10,Y,1,0.12168613509395627,,,XAP,Approved,-2461,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Stone,35,Furniture,12.0,middle,POS industry with interest,365243.0,-2405.0,-2075.0,-2105.0,-2101.0,0.0,0,Cash loans,M,Y,Y,0,157500.0,270000.0,30667.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-14276,-7529,-6807.0,-4567,4.0,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.7069360725952242,0.8193176922872417,0.1309,0.0466,0.9901,0.8640000000000001,0.0858,0.16,0.069,0.625,0.6667,0.1532,0.1067,0.1384,0.0,0.0,0.1334,0.0484,0.9901,0.8693,0.0866,0.1611,0.069,0.625,0.6667,0.1567,0.1166,0.1442,0.0,0.0,0.1322,0.0466,0.9901,0.8658,0.0863,0.16,0.069,0.625,0.6667,0.1559,0.1086,0.1408,0.0,0.0,reg oper account,block of flats,0.1557,Panel,No,0.0,0.0,0.0,0.0,-2461.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2770366,330838,Cash loans,11012.4,180000.0,180000.0,,180000.0,THURSDAY,14,Y,1,,,,XNA,Approved,-714,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-679.0,11.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,2,171000.0,545040.0,20677.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.010556,-15826,-6955,-4564.0,-4006,8.0,1,1,1,1,0,0,Low-skill Laborers,4.0,3,3,THURSDAY,13,0,0,0,0,0,0,Agriculture,,0.4017919146970006,0.5620604831738043,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1419.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2362779,317379,Consumer loans,9905.535,62793.0,60489.0,6282.0,62793.0,MONDAY,15,Y,1,0.10246467914078104,,,XAP,Approved,-1211,Cash through the bank,XAP,Unaccompanied,Repeater,Jewelry,POS,XNA,Stone,26,Industry,8.0,high,POS other with interest,365243.0,-1180.0,-970.0,-1000.0,-995.0,0.0,0,Cash loans,F,Y,Y,0,360000.0,1800000.0,62698.5,1800000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.015221,-16687,-3740,-5799.0,-214,65.0,1,1,0,1,0,1,,2.0,2,2,MONDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.765379420069803,0.5273091569306289,0.18848953379516772,0.0433,0.0114,0.9692,0.5784,0.0147,0.0,0.0345,0.0417,0.0833,0.0,0.0286,0.0149,0.0309,0.0163,0.0441,0.0119,0.9692,0.5949,0.0148,0.0,0.0345,0.0417,0.0833,0.0,0.0312,0.0155,0.0311,0.0173,0.0437,0.0114,0.9692,0.584,0.0148,0.0,0.0345,0.0417,0.0833,0.0,0.0291,0.0152,0.0311,0.0167,reg oper account,block of flats,0.0233,"Stone, brick",No,5.0,0.0,5.0,0.0,-1730.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2411366,449529,Consumer loans,11275.155,117684.0,117684.0,0.0,117684.0,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-1415,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Stone,76,Consumer electronics,12.0,low_normal,POS household without interest,365243.0,-1384.0,-1054.0,-1204.0,-1199.0,0.0,0,Cash loans,F,N,Y,0,90000.0,359725.5,13050.0,297000.0,Family,Pensioner,Secondary / secondary special,Separated,House / apartment,0.019688999999999998,-21965,365243,-4922.0,-4858,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,XNA,,0.5845528292575211,0.6023863442690867,0.1031,0.0,0.9806,0.7348,0.0111,0.0,0.2069,0.1667,0.2083,0.0387,0.0841,0.0879,0.0,0.0,0.105,0.0,0.9806,0.7452,0.0112,0.0,0.2069,0.1667,0.2083,0.0396,0.0918,0.0916,0.0,0.0,0.1041,0.0,0.9806,0.7383,0.0112,0.0,0.2069,0.1667,0.2083,0.0394,0.0855,0.0895,0.0,0.0,reg oper account,block of flats,0.0752,"Stone, brick",No,1.0,1.0,1.0,1.0,-2560.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1722381,396519,Cash loans,10906.605,148500.0,187704.0,,148500.0,FRIDAY,10,Y,1,,,,XNA,Refused,-140,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,N,0,135000.0,473742.0,30406.5,418500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.016612000000000002,-24096,365243,-4851.0,-3817,,1,0,0,1,1,0,,1.0,2,2,FRIDAY,11,0,0,0,0,0,0,XNA,0.7779674410602893,0.4961423317920989,0.5762088360175724,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-304.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1109244,387420,Consumer loans,14968.8,396000.0,396000.0,0.0,396000.0,MONDAY,12,Y,1,0.0,,,XAP,Approved,-1243,Cash through the bank,XAP,Unaccompanied,New,Medical Supplies,POS,XNA,Country-wide,15,Industry,36.0,low_normal,POS other with interest,365243.0,-1212.0,-162.0,-282.0,-278.0,0.0,0,Revolving loans,F,N,Y,0,202500.0,337500.0,16875.0,337500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-22936,365243,-14343.0,-4509,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,XNA,,0.32857767807834976,,0.0608,0.0754,0.9806,0.7348,0.0077,0.0,0.1379,0.1667,0.2083,0.0451,0.0479,0.0538,0.0077,0.0554,0.062,0.0783,0.9806,0.7452,0.0078,0.0,0.1379,0.1667,0.2083,0.0462,0.0523,0.056,0.0078,0.0586,0.0614,0.0754,0.9806,0.7383,0.0077,0.0,0.1379,0.1667,0.2083,0.0459,0.0487,0.0548,0.0078,0.0565,reg oper account,block of flats,0.0586,"Stone, brick",No,12.0,0.0,12.0,0.0,-1243.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1763993,288366,Consumer loans,4055.13,22455.0,20205.0,2250.0,22455.0,SATURDAY,20,Y,1,0.10912734560029147,,,XAP,Refused,-2495,Cash through the bank,HC,Family,Refreshed,Mobile,POS,XNA,Country-wide,30,Connectivity,6.0,low_normal,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,0,112500.0,358213.5,20002.5,324000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.02461,-22710,365243,-12466.0,-4610,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,,0.5208405418872349,0.5971924268337128,0.0247,0.0251,0.9737,0.6396,,0.0,0.069,0.0833,,0.0201,,0.016,,0.0,0.0252,0.0261,0.9737,0.6537,,0.0,0.069,0.0833,,0.0205,,0.0167,,0.0,0.025,0.0251,0.9737,0.6444,,0.0,0.069,0.0833,,0.0204,,0.0163,,0.0,,block of flats,0.0136,Block,No,1.0,1.0,1.0,1.0,-881.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1074734,212140,Consumer loans,9850.5,89550.0,89550.0,0.0,89550.0,TUESDAY,16,Y,1,0.0,,,XAP,Approved,-805,XNA,XAP,,Repeater,Computers,POS,XNA,Stone,255,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-768.0,-498.0,-618.0,-610.0,0.0,0,Cash loans,M,Y,Y,0,157500.0,573408.0,32148.0,495000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018634,-17408,-203,-7615.0,-193,12.0,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,10,0,0,0,0,1,1,Construction,,0.2667549569314385,0.7001838506835805,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2102480,239076,Consumer loans,6695.82,62050.5,55845.0,6205.5,62050.5,THURSDAY,13,Y,1,0.1089169891679138,,,XAP,Approved,-1848,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,60,Connectivity,12.0,high,POS mobile with interest,365243.0,-1803.0,-1473.0,-1503.0,-1495.0,0.0,0,Cash loans,M,N,Y,0,157500.0,385164.0,17095.5,292500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.018801,-17321,-528,-4741.0,-842,,1,1,0,1,0,0,Laborers,1.0,2,2,THURSDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.4531842504498412,0.7209441499436497,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1112.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2543763,174710,Consumer loans,4046.805,80649.0,89730.0,0.0,80649.0,SUNDAY,8,Y,1,0.0,,,XAP,Refused,-1621,Cash through the bank,LIMIT,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,1,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,1,Cash loans,M,Y,Y,0,189000.0,562491.0,28849.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-12744,-1211,-293.0,-3969,22.0,1,1,0,1,0,0,Low-skill Laborers,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,Industry: type 3,,0.4120879221315547,0.6363761710860439,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2749330,123129,Consumer loans,15728.715,304245.0,344407.5,0.0,304245.0,WEDNESDAY,11,Y,1,0.0,,,XAP,Approved,-674,Cash through the bank,XAP,,Refreshed,Audio/Video,POS,XNA,Country-wide,1,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-643.0,47.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,202500.0,269982.0,28480.5,238500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-13825,-935,-7739.0,-4880,7.0,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,7,0,0,0,0,1,1,Business Entity Type 3,0.6069750773975039,0.1912990991972368,0.6006575372857061,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2457408,239410,Cash loans,18857.295,225000.0,262125.0,,225000.0,WEDNESDAY,12,Y,1,,,,Wedding / gift / holiday,Refused,-563,Cash through the bank,SCO,,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),5,XNA,30.0,high,Cash Street: high,,,,,,,0,Cash loans,M,Y,Y,0,112500.0,225000.0,10039.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-21490,-3142,-13325.0,-4527,18.0,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,12,0,0,0,0,1,1,Business Entity Type 3,,0.4934474508752792,0.19182160241360605,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-563.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +2353290,332106,Consumer loans,13982.175,130122.0,132822.0,0.0,130122.0,SATURDAY,9,Y,1,0.0,,,XAP,Approved,-513,Cash through the bank,XAP,,Refreshed,Furniture,POS,XNA,Stone,284,Furniture,10.0,low_action,POS industry without interest,365243.0,-479.0,-209.0,-329.0,-323.0,0.0,0,Cash loans,F,N,Y,0,118350.0,743958.0,24129.0,621000.0,Unaccompanied,Pensioner,Lower secondary,Widow,Municipal apartment,0.019688999999999998,-22142,365243,-2152.0,-4829,,1,0,0,1,0,0,,1.0,2,2,MONDAY,9,0,0,0,0,0,0,XNA,,0.05050191495140127,0.4830501881366946,0.1299,0.0725,0.9742,,,0.0,0.1034,0.125,,0.0256,,0.0336,,0.0,0.1324,0.0752,0.9742,,,0.0,0.1034,0.125,,0.0261,,0.035,,0.0,0.1312,0.0725,0.9742,,,0.0,0.1034,0.125,,0.026,,0.0342,,0.0,,block of flats,0.0264,"Stone, brick",No,0.0,0.0,0.0,0.0,-88.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,1.0 +1767218,198781,Consumer loans,6180.705,35955.0,44739.0,0.0,35955.0,FRIDAY,16,Y,1,0.0,,,XAP,Approved,-569,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,10,Connectivity,10.0,high,POS mobile with interest,365243.0,-520.0,-250.0,-280.0,-273.0,0.0,1,Cash loans,M,N,N,0,157500.0,585000.0,40716.0,585000.0,Unaccompanied,Commercial associate,Lower secondary,Single / not married,House / apartment,0.031329,-15251,-2029,-964.0,-4325,,1,1,1,1,0,0,Drivers,1.0,2,2,WEDNESDAY,14,0,0,0,1,1,0,Business Entity Type 1,,0.16710023477858735,0.5919766183185521,0.0103,,0.9622,,,,0.0345,0.0,,0.0,,0.004,,,0.0105,,0.9623,,,,0.0345,0.0,,0.0,,0.0042,,,0.0104,,0.9622,,,,0.0345,0.0,,0.0,,0.0041,,,,block of flats,0.0025,Wooden,Yes,0.0,0.0,0.0,0.0,-569.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1566538,342281,Consumer loans,5017.275,45405.0,45405.0,0.0,45405.0,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-1289,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,45,Connectivity,12.0,high,POS mobile with interest,365243.0,-1254.0,-924.0,-954.0,-946.0,0.0,0,Cash loans,F,Y,N,0,135000.0,684657.0,20146.5,571500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.030755,-19285,-2815,-7395.0,-2821,13.0,1,1,0,1,0,0,Accountants,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Security,0.3696150270665864,0.716745263829765,0.39277386060313396,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1607.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1392150,279177,Consumer loans,3277.665,72756.0,72756.0,0.0,72756.0,SATURDAY,14,Y,1,0.0,,,XAP,Approved,-553,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Stone,285,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-522.0,168.0,-72.0,-69.0,0.0,0,Revolving loans,M,Y,N,2,238500.0,427500.0,21375.0,427500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.016612000000000002,-12929,-2356,-3463.0,-2040,64.0,1,1,1,1,1,0,,4.0,2,2,SATURDAY,14,0,0,0,0,0,0,Self-employed,,0.5172867815436667,0.6722428897082422,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1881.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2538718,195137,Cash loans,8610.12,112500.0,127350.0,0.0,112500.0,SATURDAY,13,Y,1,0.0,,,XNA,Approved,-2562,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,24.0,high,Cash Street: high,365243.0,-2532.0,-1842.0,-1842.0,-1840.0,1.0,0,Cash loans,F,N,N,0,112500.0,675000.0,29731.5,675000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010966,-13728,-5867,-4272.0,-4380,,1,1,1,1,0,0,Laborers,2.0,2,2,TUESDAY,14,0,0,0,0,1,1,Government,0.4240235449244901,0.5873911389930148,0.6127042441012546,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1045.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1406896,443905,Consumer loans,3025.125,16645.5,15723.0,1665.0,16645.5,SUNDAY,10,Y,1,0.10428665537361186,,,XAP,Approved,-2750,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,795,Consumer electronics,6.0,high,POS household with interest,365243.0,-2708.0,-2558.0,-2558.0,-2554.0,1.0,0,Cash loans,M,N,Y,1,202500.0,225000.0,17541.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-12611,-1919,-5709.0,-739,,1,1,0,1,0,0,Low-skill Laborers,3.0,2,2,SATURDAY,11,0,0,0,0,0,0,Self-employed,,0.7523584621563769,0.5902333386185574,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,block of flats,,,Yes,5.0,0.0,5.0,0.0,-2431.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1642125,265983,Cash loans,17521.83,256500.0,284265.0,,256500.0,WEDNESDAY,18,Y,1,,,,XNA,Approved,-405,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-375.0,315.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,0,216000.0,1074861.0,35653.5,963000.0,"Spouse, partner",Working,Secondary / secondary special,Married,Municipal apartment,0.04622,-19272,-121,-11246.0,-2545,2.0,1,1,0,1,0,0,Cleaning staff,2.0,1,1,TUESDAY,18,0,0,0,0,1,1,Business Entity Type 1,,0.7691023269048166,0.5513812618027899,0.0619,0.0628,0.9846,,,0.0,0.1379,0.1667,,0.0131,,0.0346,,0.0968,0.063,0.0652,0.9846,,,0.0,0.1379,0.1667,,0.0134,,0.036000000000000004,,0.1025,0.0625,0.0628,0.9846,,,0.0,0.1379,0.1667,,0.0133,,0.0352,,0.0988,,block of flats,0.0482,Panel,No,0.0,0.0,0.0,0.0,-405.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1604785,340994,Cash loans,13094.1,103500.0,110331.0,,103500.0,TUESDAY,8,Y,1,,,,XNA,Approved,-653,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,20,Connectivity,12.0,high,Cash X-Sell: high,365243.0,-623.0,-293.0,-623.0,-613.0,1.0,0,Cash loans,F,N,N,0,90000.0,312768.0,22887.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-9902,-953,-510.0,-519,,1,1,0,1,1,0,Sales staff,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.5159925629707443,0.4048783643353997,0.1629,0.0,0.9757,0.6668,0.0,0.0,0.1034,0.1667,0.2083,0.0679,0.132,0.059,0.0039,0.006999999999999999,0.166,0.0,0.9757,0.6798,0.0,0.0,0.1034,0.1667,0.2083,0.0695,0.1442,0.0615,0.0039,0.0074,0.1645,0.0,0.9757,0.6713,0.0,0.0,0.1034,0.1667,0.2083,0.0691,0.1342,0.06,0.0039,0.0072,reg oper account,block of flats,0.0479,"Stone, brick",No,1.0,0.0,1.0,0.0,-726.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +1598255,183014,Consumer loans,10991.07,158805.0,210069.0,0.0,158805.0,THURSDAY,14,Y,1,0.0,,,XAP,Approved,-1164,XNA,XAP,Unaccompanied,Repeater,Homewares,POS,XNA,Country-wide,6900,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-1132.0,-442.0,-417.0,-412.0,0.0,1,Cash loans,F,N,Y,2,157500.0,1144737.0,48631.5,1053000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.031329,-16754,-2632,-5064.0,-313,,1,1,0,1,0,0,Medicine staff,4.0,2,2,SATURDAY,9,0,0,0,0,0,0,Other,,0.43944851566787546,0.18411615593071512,0.0722,,0.9791,,,0.0,0.1379,0.1667,,,,,,,0.0735,,0.9791,,,0.0,0.1379,0.1667,,,,,,,0.0729,,0.9791,,,0.0,0.1379,0.1667,,,,,,,,block of flats,0.049,"Stone, brick",No,0.0,0.0,0.0,0.0,-903.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2390674,257956,Cash loans,49461.21,450000.0,470790.0,,450000.0,THURSDAY,5,Y,1,,,,XNA,Approved,-789,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,12.0,middle,Cash Street: middle,365243.0,-758.0,-428.0,-608.0,-604.0,0.0,0,Cash loans,F,N,Y,0,225000.0,911263.5,36270.0,814500.0,Unaccompanied,Commercial associate,Higher education,Single / not married,Municipal apartment,0.018029,-17126,-1031,-2104.0,-677,,1,1,0,1,0,0,Laborers,1.0,3,3,TUESDAY,6,0,0,0,0,0,0,Self-employed,,0.5516594500526683,0.5549467685334323,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1478.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1674458,250899,Cash loans,17064.0,675000.0,675000.0,,675000.0,THURSDAY,18,Y,1,,,,Repairs,Refused,-349,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,60.0,low_action,Cash Street: low,,,,,,,0,Cash loans,F,N,N,0,180000.0,577125.0,45729.0,522000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.04622,-16907,-1032,-2420.0,-440,,1,1,0,1,0,0,Core staff,2.0,1,1,WEDNESDAY,14,0,0,0,0,0,0,Trade: type 3,0.6124692436215766,0.529418034117247,0.18411615593071512,0.0825,0.0893,0.9921,,,0.0,0.1379,0.1667,,0.0234,,0.0478,,,0.084,0.0927,0.9921,,,0.0,0.1379,0.1667,,0.0239,,0.0498,,,0.0833,0.0893,0.9921,,,0.0,0.1379,0.1667,,0.0238,,0.0487,,,,block of flats,0.0668,Panel,No,0.0,0.0,0.0,0.0,-1873.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2425254,286735,Consumer loans,8602.155,71550.0,69709.5,7155.0,71550.0,WEDNESDAY,13,Y,1,0.10137899101074556,,,XAP,Approved,-1863,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Stone,100,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1830.0,-1560.0,-1560.0,-1558.0,0.0,0,Cash loans,F,N,Y,0,144000.0,592560.0,35937.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-20201,-2280,-7639.0,-3174,,1,1,1,1,1,1,,2.0,2,2,THURSDAY,12,0,0,0,0,1,1,Government,0.7423933773237137,0.6366380142288596,0.6195277080511546,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1863.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1460428,291782,Consumer loans,14432.805,70875.0,74920.5,7087.5,70875.0,FRIDAY,19,Y,1,0.09412413201372816,,,XAP,Approved,-1629,Cash through the bank,XAP,Other_A,Refreshed,Audio/Video,POS,XNA,Regional / Local,239,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1598.0,-1448.0,-1478.0,-1473.0,0.0,0,Cash loans,F,N,Y,0,135000.0,339948.0,25546.5,315000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.022625,-21127,-2107,-10974.0,-4019,,1,1,0,1,0,0,Medicine staff,1.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Medicine,,0.6170300910661337,0.8454379217710598,0.1763,0.0895,0.9816,0.7484,0.0315,0.0,0.0345,0.3333,0.375,0.099,0.1437,0.0837,0.0,0.0,0.1796,0.0929,0.9816,0.7583,0.0318,0.0,0.0345,0.3333,0.375,0.1013,0.157,0.0872,0.0,0.0,0.17800000000000002,0.0895,0.9816,0.7518,0.0317,0.0,0.0345,0.3333,0.375,0.1007,0.1462,0.0852,0.0,0.0,reg oper account,block of flats,0.0985,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2134861,292187,Consumer loans,7964.865,37813.5,39685.5,0.0,37813.5,TUESDAY,13,Y,1,0.0,,,XAP,Approved,-2639,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,86,Connectivity,6.0,high,POS mobile with interest,365243.0,-2608.0,-2458.0,-2458.0,-2452.0,1.0,0,Revolving loans,F,Y,Y,1,90000.0,270000.0,13500.0,270000.0,Family,State servant,Higher education,Married,House / apartment,0.006852,-15682,-2787,-3533.0,-2973,29.0,1,1,0,1,1,0,Core staff,3.0,3,3,TUESDAY,8,0,0,0,0,0,0,University,0.7039441334695546,0.3596606271658351,0.7062051096536562,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2202.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2161132,158546,Consumer loans,16985.88,85176.0,59620.5,25555.5,85176.0,TUESDAY,12,Y,1,0.32676179589641124,,,XAP,Approved,-2715,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,160,Furniture,4.0,high,POS industry with interest,365243.0,-2684.0,-2594.0,-2594.0,-2556.0,0.0,1,Revolving loans,F,N,Y,0,171000.0,202500.0,10125.0,202500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.032561,-17657,-1789,-1896.0,-1193,,1,1,0,1,0,0,Laborers,1.0,1,1,MONDAY,16,0,0,0,0,0,0,Other,0.7571337084570152,0.6864436130160715,,0.0052,0.2009,0.9707,0.5988,0.0,0.0,0.1379,0.1667,0.2083,0.067,0.0042,0.1248,0.0,0.114,0.0053,0.2085,0.9707,0.6145,0.0,0.0,0.1379,0.1667,0.2083,0.0685,0.0046,0.1301,0.0,0.1207,0.0052,0.2009,0.9707,0.6042,0.0,0.0,0.1379,0.1667,0.2083,0.0681,0.0043,0.1271,0.0,0.1164,reg oper account,block of flats,0.1424,"Stone, brick",No,0.0,0.0,0.0,0.0,-1707.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1873936,428827,Cash loans,45649.8,765000.0,817510.5,,765000.0,FRIDAY,14,Y,1,,,,XNA,Approved,-906,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-876.0,-186.0,-636.0,-629.0,1.0,0,Revolving loans,F,N,Y,0,315000.0,540000.0,27000.0,540000.0,Unaccompanied,Pensioner,Higher education,Civil marriage,House / apartment,0.072508,-20972,365243,-9133.0,-4050,,1,0,0,1,0,0,,2.0,1,1,MONDAY,13,0,0,0,0,0,0,XNA,,0.7619591026844292,0.4866531565147181,0.1665,0.0885,0.9791,0.7144,0.0383,0.18,0.1552,0.3333,0.2083,0.0,0.1357,0.0825,0.0,0.0003,0.0756,0.0499,0.9791,0.7256,0.0,0.0806,0.069,0.3333,0.0417,0.0,0.0661,0.0353,0.0,0.0,0.1124,0.0621,0.9791,0.7182,0.0224,0.12,0.1034,0.3333,0.2083,0.0,0.0923,0.0774,0.0,0.0,reg oper account,block of flats,0.2686,Block,No,0.0,0.0,0.0,0.0,-1274.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,8.0 +2075810,206975,Revolving loans,7875.0,0.0,157500.0,,,WEDNESDAY,9,Y,1,,,,XAP,Approved,-2597,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,41,Connectivity,0.0,XNA,Card Street,-2592.0,-2546.0,365243.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,157500.0,585000.0,19332.0,585000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.007114,-17456,365243,-4870.0,-820,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,XNA,,0.5488453877648309,0.7801436381572275,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1588.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,2.0 +2463048,213346,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SUNDAY,15,Y,1,,,,XAP,Approved,-402,XNA,XAP,Family,New,XNA,Cards,walk-in,Country-wide,1200,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,157500.0,238716.0,12316.5,171000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.010147,-9338,-191,-9309.0,-2003,11.0,1,1,0,1,0,0,Sales staff,1.0,2,2,WEDNESDAY,18,0,0,0,0,0,0,Business Entity Type 3,0.4958395055498432,0.6244996194071845,0.09445169198377182,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-402.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1944305,217657,Cash loans,11093.265,135000.0,148365.0,,135000.0,FRIDAY,12,Y,1,,,,XNA,Approved,-597,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-567.0,-57.0,-57.0,-49.0,1.0,0,Cash loans,M,Y,Y,1,180000.0,609183.0,19782.0,508500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.018801,-16938,-5178,-8815.0,-461,4.0,1,1,0,1,0,0,Managers,3.0,2,2,SUNDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.6657372214374481,0.7091891096653581,0.0082,0.0,0.9717,0.6124,0.001,0.0,0.0345,0.0417,0.0833,0.0178,0.0067,0.0099,0.0,0.0,0.0084,0.0,0.9717,0.6276,0.001,0.0,0.0345,0.0417,0.0833,0.0182,0.0073,0.0104,0.0,0.0,0.0083,0.0,0.9717,0.6176,0.001,0.0,0.0345,0.0417,0.0833,0.0181,0.0068,0.0101,0.0,0.0,reg oper account,block of flats,0.0084,"Stone, brick",No,0.0,0.0,0.0,0.0,-783.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +1295922,383108,Consumer loans,2832.66,27450.0,30348.0,0.0,27450.0,TUESDAY,16,Y,1,0.0,,,XAP,Approved,-546,Cash through the bank,XAP,,New,Furniture,POS,XNA,Regional / Local,70,Furniture,12.0,low_normal,POS industry with interest,365243.0,-515.0,-185.0,-185.0,-177.0,0.0,0,Cash loans,F,N,Y,0,33750.0,90000.0,7110.0,90000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-18594,-701,-7241.0,-2118,,1,1,1,1,1,0,Core staff,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Kindergarten,0.6891107160124409,0.5229576252153145,0.5762088360175724,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-546.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2106841,364363,Consumer loans,5538.555,40905.0,40905.0,0.0,40905.0,WEDNESDAY,13,Y,1,0.0,,,XAP,Approved,-1070,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,45,Connectivity,10.0,high,POS mobile with interest,365243.0,-1037.0,-767.0,-887.0,-884.0,0.0,1,Cash loans,M,N,Y,2,202500.0,620878.5,30330.0,436500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.032561,-14368,-764,-2468.0,-4663,,1,1,0,1,0,0,Laborers,4.0,1,1,TUESDAY,11,0,0,0,0,0,0,Other,,0.6317119786845224,,0.201,0.16,0.9801,0.728,0.0462,0.2,0.1724,0.2917,0.3333,0.0468,0.1605,0.1235,0.0154,0.198,0.2048,0.166,0.9801,0.7387,0.0467,0.2014,0.1724,0.2917,0.3333,0.0479,0.1754,0.1286,0.0156,0.2096,0.203,0.16,0.9801,0.7316,0.0465,0.2,0.1724,0.2917,0.3333,0.0476,0.1633,0.1257,0.0155,0.2022,reg oper spec account,block of flats,0.1907,"Stone, brick",No,1.0,0.0,1.0,0.0,-462.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1290750,139987,Consumer loans,3981.87,29205.0,33210.0,2920.5,29205.0,THURSDAY,12,Y,1,0.08803337900112089,,,XAP,Approved,-1917,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,33,Connectivity,12.0,high,POS mobile with interest,365243.0,-1886.0,-1556.0,-1556.0,-1550.0,0.0,0,Cash loans,F,N,Y,0,135000.0,436360.5,35113.5,373500.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.025164,-11441,-4278,-3778.0,-3778,,1,1,0,1,0,1,,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 2,0.4532812455824064,0.6096558117979883,0.36896873825284665,0.0619,0.0345,0.9881,0.8368,0.0349,0.08,0.069,0.375,0.4167,0.0121,0.0496,0.0761,0.0039,0.0056,0.063,0.0358,0.9881,0.8432,0.0352,0.0806,0.069,0.375,0.4167,0.0124,0.0542,0.0793,0.0039,0.0059,0.0625,0.0345,0.9881,0.8390000000000001,0.0351,0.08,0.069,0.375,0.4167,0.0123,0.0504,0.0775,0.0039,0.0057,reg oper account,block of flats,0.0802,Panel,No,0.0,0.0,0.0,0.0,-1917.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1865143,150180,Consumer loans,6056.01,27801.0,29452.5,0.0,27801.0,FRIDAY,12,Y,1,0.0,,,XAP,Approved,-370,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,6.0,high,POS mobile with interest,365243.0,-337.0,-187.0,-187.0,-179.0,0.0,0,Cash loans,F,N,Y,2,112500.0,448056.0,21919.5,315000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010147,-13234,-749,-3537.0,-4667,,1,1,0,1,0,0,Sales staff,4.0,2,2,THURSDAY,9,0,0,0,0,0,0,Trade: type 3,0.3847744973381978,0.5978016727116713,0.2721336844147212,0.1392,,0.9896,,,,0.4138,0.1667,,,,0.1506,,,0.1418,,0.9896,,,,0.4138,0.1667,,,,0.1569,,,0.1405,,0.9896,,,,0.4138,0.1667,,,,0.1533,,,,block of flats,0.1189,"Stone, brick",No,0.0,0.0,0.0,0.0,-220.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2654284,131623,Revolving loans,4500.0,0.0,225000.0,,,SATURDAY,17,N,0,,,,XAP,Refused,-1076,XNA,HC,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,337500.0,360000.0,19530.0,360000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-11717,-4579,-806.0,-4189,,1,1,1,1,0,0,Laborers,2.0,2,2,THURSDAY,12,0,0,0,1,1,0,Business Entity Type 2,0.1945100754468185,0.6082342067460237,0.09758161268744599,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-1732.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2252771,312254,Consumer loans,3002.625,24840.0,24565.5,2488.5,24840.0,WEDNESDAY,12,Y,1,0.10017752374039796,,,XAP,Approved,-373,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,10.0,middle,POS mobile with interest,365243.0,-334.0,-64.0,-64.0,-61.0,0.0,0,Cash loans,F,N,Y,0,157500.0,675000.0,21775.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0031219999999999998,-15033,-4610,-8203.0,-4440,,1,1,0,1,1,0,,2.0,3,3,FRIDAY,12,0,0,0,0,0,0,Medicine,,0.6340389809759129,0.3706496323299817,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-3012.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2414168,300701,Consumer loans,10704.69,89955.0,89955.0,0.0,89955.0,WEDNESDAY,9,Y,1,0.0,,,XAP,Approved,-173,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,40,Connectivity,10.0,middle,POS mobile with interest,365243.0,-143.0,127.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,1,202500.0,328405.5,28093.5,283500.0,Unaccompanied,Commercial associate,Incomplete higher,Single / not married,House / apartment,0.002506,-10958,-877,-4101.0,-2376,11.0,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,5,0,0,0,0,0,0,Self-employed,,0.2801074819630664,0.4241303111942548,0.0619,,0.9811,0.7416,0.0,0.0,0.1379,0.1667,0.0417,,0.0504,0.056,0.0,0.0,0.063,,0.9811,0.7517,0.0,0.0,0.1379,0.1667,0.0417,,0.0551,0.0584,0.0,0.0,0.0625,,0.9811,0.7451,0.0,0.0,0.1379,0.1667,0.0417,,0.0513,0.057,0.0,0.0,reg oper account,block of flats,0.0441,Panel,No,0.0,0.0,0.0,0.0,-43.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +1910766,279585,Consumer loans,14219.415,154111.5,138699.0,15412.5,154111.5,WEDNESDAY,5,Y,1,0.10891863122715456,,,XAP,Approved,-630,XNA,XAP,,New,Medical Supplies,POS,XNA,Country-wide,35,Industry,12.0,middle,POS industry with interest,365243.0,-598.0,-268.0,-478.0,-472.0,0.0,0,Cash loans,F,N,Y,0,135000.0,1256400.0,36864.0,900000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.010032,-23464,365243,-1072.0,-4557,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,6,0,0,0,0,0,0,XNA,,0.6961496729422193,,0.1227,0.1083,0.9781,0.7008,0.0503,0.0,0.2759,0.1667,0.2083,0.1662,0.1,0.1148,0.0,0.0,0.125,0.1123,0.9782,0.7125,0.0508,0.0,0.2759,0.1667,0.2083,0.17,0.1093,0.1196,0.0,0.0,0.1239,0.1083,0.9781,0.7048,0.0506,0.0,0.2759,0.1667,0.2083,0.1691,0.1018,0.1169,0.0,0.0,,block of flats,0.1178,Panel,No,1.0,0.0,1.0,0.0,-630.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1062987,271456,Cash loans,17971.38,225000.0,247275.0,0.0,225000.0,THURSDAY,12,Y,1,0.0,,,XNA,Approved,-1626,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-1587.0,-1077.0,-1227.0,-1223.0,0.0,0,Cash loans,F,N,N,0,112500.0,675000.0,26770.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-23561,365243,-1976.0,-4450,,1,0,0,1,1,0,,2.0,2,2,FRIDAY,6,0,0,0,0,0,0,XNA,,0.6619700497041943,0.6058362647264226,0.0825,0.0185,0.9757,,,0.0,0.1379,0.1667,,0.0,,0.0644,,0.033,0.084,0.0119,0.9752,,,0.0,0.1379,0.1667,,0.0,,0.0658,,0.0248,0.0833,0.0185,0.9757,,,0.0,0.1379,0.1667,,0.0,,0.0656,,0.0337,,block of flats,0.0608,"Stone, brick",No,4.0,0.0,4.0,0.0,-1617.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1438383,401091,Consumer loans,7938.18,80955.0,94054.5,8100.0,80955.0,SUNDAY,14,Y,1,0.08635582733640093,,,XAP,Approved,-1852,Cash through the bank,XAP,Children,New,Audio/Video,POS,XNA,Country-wide,1667,Consumer electronics,16.0,middle,POS household with interest,365243.0,-1821.0,-1371.0,-1371.0,-1362.0,0.0,0,Revolving loans,F,N,N,0,225000.0,585000.0,29250.0,585000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,Municipal apartment,0.072508,-17479,-2939,-2633.0,-1029,,1,1,0,1,0,0,Sales staff,1.0,1,1,THURSDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.37156346372384097,0.7425725344825241,0.5028782772082183,0.1356,0.0724,0.9861,0.8096,0.0793,0.2,0.0862,0.5,0.4375,0.0,0.1034,0.1408,0.0328,0.0781,0.0903,0.0342,0.9767,0.6929,0.0358,0.0806,0.0345,0.4583,0.375,0.0,0.0735,0.0715,0.0233,0.0659,0.1369,0.0724,0.9861,0.8121,0.0798,0.2,0.0862,0.5,0.4375,0.0,0.1052,0.1434,0.033,0.0797,reg oper account,block of flats,0.1811,Panel,No,,,,,-326.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2603780,391485,Cash loans,28685.7,720000.0,720000.0,,720000.0,MONDAY,13,Y,1,,,,XNA,Approved,-98,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-68.0,982.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,234000.0,247500.0,12766.5,247500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.008019,-13513,-2086,-4077.0,-502,,1,1,0,1,0,0,Sales staff,3.0,2,2,MONDAY,13,0,0,0,0,0,0,Self-employed,,0.18361581010572325,0.5406544504453575,0.0021,,0.9821,,,0.0,0.0345,0.0,,,,0.0009,,,0.0021,,0.9821,,,0.0,0.0345,0.0,,,,0.001,,,0.0021,,0.9821,,,0.0,0.0345,0.0,,,,0.001,,,,block of flats,0.0014,"Stone, brick",No,0.0,0.0,0.0,0.0,-499.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1623529,399948,Cash loans,15662.25,360000.0,436032.0,,360000.0,TUESDAY,12,Y,1,,,,XNA,Approved,-28,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,1,135000.0,436032.0,15790.5,360000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.019101,-12750,-1876,-5254.0,-3204,,1,1,0,1,0,0,Sales staff,3.0,2,2,TUESDAY,13,0,0,0,1,1,0,Self-employed,0.4510434280186829,0.7371306053947166,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1552.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2309206,428531,Cash loans,23683.14,360000.0,409896.0,,360000.0,WEDNESDAY,13,Y,1,,,,XNA,Approved,-919,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,36.0,high,Cash X-Sell: high,365243.0,-889.0,161.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,49500.0,269550.0,24853.5,225000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-16635,-1574,-7255.0,-172,,1,1,0,1,0,0,Cleaning staff,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,Industry: type 3,,0.6771455012121997,0.5814837058057234,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-1526.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1740487,187214,Consumer loans,5299.92,34830.0,33417.0,3483.0,34830.0,WEDNESDAY,10,Y,1,0.10279955654101998,,,XAP,Approved,-2541,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Stone,10,Connectivity,8.0,high,POS mobile with interest,365243.0,-2510.0,-2300.0,-2300.0,-2292.0,1.0,0,Cash loans,F,Y,Y,3,67500.0,501435.0,24516.0,414000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-15271,-4378,-9156.0,-4680,16.0,1,1,0,1,0,0,,5.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,School,,0.038318544972032326,0.8245949709919925,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-2343.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1512065,359005,Cash loans,10438.2,234000.0,234000.0,,234000.0,FRIDAY,10,Y,1,,,,XNA,Refused,-115,Cash through the bank,HC,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,N,0,135000.0,900000.0,48825.0,900000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.035792000000000004,-16870,-957,-4830.0,-411,,1,1,0,1,1,0,Sales staff,2.0,2,2,WEDNESDAY,16,0,0,0,0,1,1,Self-employed,0.4128492560810661,0.5139333920277906,0.0005272652387098817,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1698.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1286241,183938,Consumer loans,10131.435,67405.5,73336.5,0.0,67405.5,WEDNESDAY,17,Y,1,0.0,,,XAP,Approved,-436,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,60,Connectivity,10.0,high,POS mobile with interest,365243.0,-393.0,-123.0,-123.0,-117.0,0.0,0,Cash loans,M,N,Y,1,135000.0,298512.0,32278.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-14084,-4052,-8198.0,-4871,,1,1,0,1,0,0,Laborers,3.0,2,2,FRIDAY,9,0,0,0,1,1,1,Self-employed,,0.4972465959877271,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-2127.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1871904,168737,Consumer loans,14629.41,75271.5,79245.0,0.0,75271.5,MONDAY,11,Y,1,0.0,,,XAP,Approved,-793,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,550,Consumer electronics,6.0,middle,POS household with interest,365243.0,-762.0,-612.0,-702.0,-694.0,0.0,0,Cash loans,F,N,Y,0,112500.0,327024.0,18391.5,270000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.018801,-23243,365243,-13295.0,-4205,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,7,0,0,0,0,0,0,XNA,,0.4836944510016685,0.7886807751817684,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-418.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2239614,141818,Consumer loans,4150.8,32364.0,35568.0,0.0,32364.0,WEDNESDAY,11,Y,1,0.0,,,XAP,Approved,-2591,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Country-wide,80,Connectivity,12.0,high,POS mobile with interest,365243.0,-2560.0,-2230.0,-2230.0,-2223.0,1.0,0,Cash loans,M,N,Y,0,157500.0,315000.0,24507.0,315000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.028663,-18217,-1703,-5781.0,-1756,,1,1,0,1,0,0,Security staff,2.0,2,2,THURSDAY,11,0,0,0,0,1,1,Trade: type 7,,0.15439385331376615,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2591.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1672633,117436,Consumer loans,4136.625,28485.0,20448.0,9000.0,28485.0,THURSDAY,12,Y,1,0.3328517448321847,,,XAP,Approved,-2000,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,76,Connectivity,6.0,high,POS mobile with interest,365243.0,-1929.0,-1779.0,-1839.0,-1836.0,0.0,0,Cash loans,F,N,N,0,225000.0,1125000.0,47794.5,1125000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-21821,365243,-9825.0,-4673,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,,0.4659956951930834,0.3723336657058204,0.4082,,0.9861,,,0.44,0.3793,0.3333,,,,0.4127,,0.06,0.416,,0.9861,,,0.4431,0.3793,0.3333,,,,0.43,,0.0635,0.4122,,0.9861,,,0.44,0.3793,0.3333,,,,0.4202,,0.0612,,block of flats,0.3704,Panel,No,8.0,1.0,8.0,0.0,-1711.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1660197,403012,Consumer loans,7325.19,29763.0,27846.0,2979.0,29763.0,THURSDAY,17,Y,1,0.10525228931652293,,,XAP,Approved,-190,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Stone,50,Consumer electronics,4.0,low_normal,POS household with interest,365243.0,-160.0,-70.0,-70.0,-68.0,1.0,0,Cash loans,M,N,Y,1,99000.0,312768.0,17095.5,270000.0,Family,State servant,Secondary / secondary special,Married,House / apartment,0.018634,-16303,-4829,-2956.0,-4070,,1,1,1,1,1,0,Laborers,3.0,2,2,FRIDAY,10,0,0,0,0,1,1,Military,,0.15493993674398918,0.6642482627052363,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-216.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1844864,286283,Consumer loans,5751.855,62059.5,62059.5,0.0,62059.5,SATURDAY,15,Y,1,0.0,,,XAP,Approved,-89,XNA,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,500,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-59.0,271.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,0,112500.0,578979.0,26829.0,517500.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.011703,-16185,-273,-7982.0,-4335,21.0,1,1,0,1,1,0,Laborers,2.0,2,2,TUESDAY,18,0,0,0,0,0,0,Business Entity Type 3,,0.7651254360605889,0.7981372313187245,0.1979,0.1043,0.9891,0.8504,0.0504,0.2,0.1724,0.375,0.4167,0.1044,0.1614,0.2281,0.0,0.0036,0.2017,0.1083,0.9891,0.8563,0.0508,0.2014,0.1724,0.375,0.4167,0.1068,0.1763,0.2376,0.0,0.0038,0.1999,0.1043,0.9891,0.8524,0.0507,0.2,0.1724,0.375,0.4167,0.1063,0.1642,0.2322,0.0,0.0037,reg oper account,block of flats,0.2209,Panel,No,0.0,0.0,0.0,0.0,-4.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2498050,113443,Cash loans,16388.865,382500.0,571837.5,,382500.0,SATURDAY,15,Y,1,,,,Buying a used car,Refused,-253,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,1,Cash loans,M,Y,Y,0,139500.0,408780.0,20011.5,337500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.005313,-12696,-145,-1047.0,-4199,7.0,1,1,0,1,0,0,Sales staff,1.0,2,2,SUNDAY,10,0,0,0,0,0,0,Business Entity Type 1,,0.7352279074385529,0.056475179729157526,0.1113,0.0714,0.9906,0.8708,0.0329,0.12,0.1034,0.3333,0.375,0.0769,0.0891,0.1144,0.0077,0.0106,0.1134,0.0741,0.9906,0.8759,0.0332,0.1208,0.1034,0.3333,0.375,0.0786,0.0973,0.1192,0.0078,0.0112,0.1124,0.0714,0.9906,0.8725,0.0331,0.12,0.1034,0.3333,0.375,0.0782,0.0906,0.1164,0.0078,0.0108,reg oper account,block of flats,0.1172,Panel,No,3.0,0.0,3.0,0.0,-1009.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2492586,435827,Cash loans,45495.81,900000.0,1004544.0,,900000.0,MONDAY,16,Y,1,,,,XNA,Approved,-656,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-626.0,784.0,-386.0,-384.0,1.0,1,Cash loans,F,N,Y,1,270000.0,1256400.0,44644.5,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-12728,-1138,-6557.0,-4130,,1,1,0,1,0,0,Sales staff,3.0,2,2,SATURDAY,13,0,0,0,0,0,0,Trade: type 7,0.3813402113698634,0.6091352920795285,,0.1495,0.0861,0.9901,0.8640000000000001,0.0449,0.24,0.1034,0.4583,0.5,0.0314,0.1219,0.1651,0.0,0.0,0.0525,0.0298,0.9901,0.8693,0.0151,0.0806,0.0345,0.4583,0.5,0.0098,0.0459,0.0517,0.0,0.0,0.1509,0.0861,0.9901,0.8658,0.0452,0.24,0.1034,0.4583,0.5,0.0319,0.124,0.168,0.0,0.0,reg oper spec account,block of flats,0.2615,Panel,No,0.0,0.0,0.0,0.0,-1641.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1299087,396899,Consumer loans,8702.1,62910.0,68445.0,0.0,62910.0,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-428,Cash through the bank,XAP,,New,Photo / Cinema Equipment,POS,XNA,Country-wide,32,Connectivity,10.0,high,POS mobile with interest,365243.0,-392.0,-122.0,-122.0,-120.0,0.0,0,Cash loans,M,Y,Y,1,157500.0,770292.0,30676.5,688500.0,Family,Working,Higher education,Married,House / apartment,0.010147,-13506,-105,-2876.0,-4402,19.0,1,1,0,1,0,0,Laborers,3.0,2,2,MONDAY,17,0,0,0,0,0,0,Transport: type 4,,0.5943267272127163,0.42765737003502935,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-428.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1260639,130678,Consumer loans,6186.87,61875.0,55687.5,6187.5,61875.0,FRIDAY,13,Y,1,0.1089090909090909,,,XAP,Approved,-2500,XNA,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Stone,9,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-2465.0,-2195.0,-2195.0,-2190.0,0.0,1,Revolving loans,M,N,Y,2,112500.0,337500.0,16875.0,337500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.02461,-18036,-2885,-799.0,-1583,,1,1,0,1,0,0,Drivers,4.0,2,2,SATURDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.5717214993938295,0.4083588531230431,0.0082,,0.9881,,,0.0,0.0345,0.0417,,,,0.0049,,,0.0084,,0.9881,,,0.0,0.0345,0.0417,,,,0.0051,,,0.0083,,0.9881,,,0.0,0.0345,0.0417,,,,0.005,,,,block of flats,0.0064,Others,No,0.0,0.0,0.0,0.0,-831.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2399762,177015,Consumer loans,4263.3,33255.0,33255.0,0.0,33255.0,TUESDAY,13,Y,1,0.0,,,XAP,Approved,-1929,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Regional / Local,117,Consumer electronics,10.0,high,POS household with interest,365243.0,-1895.0,-1625.0,-1625.0,-1623.0,0.0,0,Cash loans,M,N,N,0,112500.0,1211049.0,35541.0,1057500.0,"Spouse, partner",Working,Secondary / secondary special,Civil marriage,With parents,0.035792000000000004,-12093,-1490,-4631.0,-4631,,1,1,0,1,1,0,Core staff,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,Agriculture,,0.24786034604174184,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1597806,383070,Consumer loans,4854.735,49860.0,50049.0,4995.0,49860.0,THURSDAY,10,Y,1,0.0988301920447113,,,XAP,Approved,-1821,Cash through the bank,XAP,Unaccompanied,Refreshed,Audio/Video,POS,XNA,Stone,200,Consumer electronics,14.0,high,POS household with interest,365243.0,-1790.0,-1400.0,-1400.0,-1391.0,0.0,0,Cash loans,F,N,N,0,90000.0,239850.0,23494.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-24612,365243,-7653.0,-4364,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,XNA,,0.170638882388113,0.7662336700704004,0.099,0.105,0.9886,,,0.0,0.3103,0.1667,0.2083,0.0,0.0807,0.1171,,0.0,0.1008,0.109,0.9886,,,0.0,0.3103,0.1667,0.2083,0.0,0.0882,0.122,,0.0,0.0999,0.105,0.9886,,,0.0,0.3103,0.1667,0.2083,0.0,0.0821,0.1192,,0.0,reg oper account,block of flats,0.1024,"Stone, brick",No,5.0,0.0,5.0,0.0,-1821.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2484058,336185,Cash loans,39428.37,1125000.0,1255680.0,,1125000.0,TUESDAY,3,Y,1,,,,XNA,Refused,-109,Cash through the bank,HC,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,N,N,0,139500.0,1288350.0,37800.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010032,-23234,-4304,-3182.0,-4677,,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Housing,,0.22079281394347927,0.6446794549585961,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-2776.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1518251,228085,Consumer loans,17959.185,110925.0,88078.5,27000.0,110925.0,FRIDAY,12,Y,1,0.2555251810325522,,,XAP,Approved,-1979,Cash through the bank,XAP,,New,Computers,POS,XNA,Stone,183,Consumer electronics,6.0,high,POS household with interest,365243.0,-1945.0,-1795.0,-1795.0,-1774.0,0.0,1,Cash loans,F,N,Y,1,180000.0,835380.0,40320.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-15725,-3131,-1392.0,-2134,,1,1,0,1,0,0,Managers,3.0,3,3,WEDNESDAY,13,0,0,0,0,1,1,Trade: type 3,0.48295579823213897,0.10418703999832947,0.4311917977993083,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1826397,269383,Consumer loans,3660.075,41621.4,37120.5,4500.9,41621.4,TUESDAY,10,Y,1,0.117773291449285,,,XAP,Approved,-1487,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,41,Connectivity,14.0,high,POS mobile with interest,365243.0,-1450.0,-1060.0,-1090.0,-1083.0,0.0,1,Cash loans,F,Y,Y,2,112500.0,675000.0,26284.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-9994,-644,-2569.0,-2572,15.0,1,1,1,1,0,0,Sales staff,4.0,2,2,FRIDAY,8,0,0,0,0,1,1,Self-employed,0.0582670683667102,0.446165638624928,0.2650494299443805,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-197.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2132346,364375,Consumer loans,7690.635,43965.0,41526.0,4396.5,43965.0,MONDAY,8,Y,1,0.10426671417754216,,,XAP,Approved,-1554,Cash through the bank,XAP,Unaccompanied,New,Furniture,POS,XNA,Stone,200,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1523.0,-1373.0,-1373.0,-1366.0,0.0,1,Cash loans,F,N,Y,0,67500.0,284400.0,17527.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-24490,365243,-192.0,-3469,,1,0,0,1,0,0,,2.0,2,2,MONDAY,13,0,0,0,0,0,0,XNA,,0.3511943048038597,0.5388627065779676,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,10.0,0.0,10.0,0.0,-1554.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2372618,443696,Consumer loans,9449.055,94500.0,85050.0,9450.0,94500.0,MONDAY,12,Y,1,0.1089090909090909,,,XAP,Approved,-2703,XNA,XAP,Unaccompanied,New,Furniture,POS,XNA,Regional / Local,630,Furniture,10.0,low_normal,POS industry with interest,365243.0,-2671.0,-2401.0,-2401.0,-2396.0,0.0,0,Cash loans,F,N,Y,2,270000.0,288873.0,16713.0,238500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.018029,-12193,-1874,-230.0,-3254,,1,1,0,1,0,0,,3.0,3,3,TUESDAY,11,0,0,0,0,0,0,Other,,0.6282253002044904,0.221335206354466,0.0804,,0.9732,,,0.0,0.1724,0.125,,,,0.0609,,0.0093,0.0819,,0.9732,,,0.0,0.1724,0.125,,,,0.0634,,0.0098,0.0812,,0.9732,,,0.0,0.1724,0.125,,,,0.062,,0.0095,,block of flats,0.0499,"Stone, brick",No,5.0,0.0,5.0,0.0,-630.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +2230840,177563,Cash loans,5043.15,45000.0,45000.0,0.0,45000.0,FRIDAY,16,Y,1,0.0,,,Other,Refused,-2354,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,N,0,112500.0,477000.0,21141.0,477000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.030755,-21427,-2901,-9519.0,-4094,,1,1,0,1,0,0,Security staff,1.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.8252457084659278,0.4303073502848927,0.3539876078507373,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-597.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1928967,387921,Revolving loans,2250.0,45000.0,45000.0,,45000.0,TUESDAY,14,Y,1,,,,XAP,Refused,-873,XNA,HC,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Revolving loans,F,N,N,0,171000.0,247500.0,12375.0,247500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.015221,-16780,-1690,-5130.0,-306,,1,1,0,1,0,0,,1.0,2,2,SUNDAY,13,0,0,0,0,0,0,Hotel,,0.5891707507374124,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1241.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2242998,124186,Cash loans,19579.95,225000.0,279486.0,0.0,225000.0,FRIDAY,12,Y,1,0.0,,,XNA,Approved,-1796,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-1766.0,-1256.0,-1286.0,-1283.0,1.0,0,Cash loans,M,Y,Y,0,450000.0,244584.0,11893.5,193500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.072508,-21390,-933,-1264.0,-4830,13.0,1,1,0,1,0,0,Security staff,1.0,1,1,TUESDAY,12,0,0,0,0,0,0,Security,,0.6729001784473363,0.2678689358444539,0.1938,0.033,0.9816,0.7484,0.0358,0.0532,0.1607,0.3888,0.4304,0.0,0.1558,0.1669,0.009000000000000001,0.0121,0.1239,0.0001,0.9747,0.6668,0.0139,0.0,0.2069,0.1667,0.2083,0.0,0.1084,0.1063,0.0,0.0024,0.1239,0.0001,0.9747,0.6578,0.047,0.0,0.2069,0.1667,0.2083,0.0,0.1009,0.1042,0.0039,0.0023,reg oper account,block of flats,0.2474,Panel,No,0.0,0.0,0.0,0.0,-643.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,9.0 +1084884,174053,Consumer loans,7621.38,72580.5,63580.5,9000.0,72580.5,FRIDAY,13,Y,1,0.13504754282235834,,,XAP,Approved,-534,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,20,Connectivity,12.0,high,POS mobile with interest,365243.0,-483.0,-153.0,-213.0,-203.0,0.0,0,Cash loans,F,N,N,0,108000.0,242595.0,17383.5,202500.0,Unaccompanied,Pensioner,Higher education,Separated,Municipal apartment,0.035792000000000004,-19793,365243,-9447.0,-3322,,1,0,0,1,0,0,,1.0,2,2,SUNDAY,10,0,0,0,0,0,0,XNA,,0.5246485203592784,0.7801436381572275,0.2237,0.1146,0.9871,,,0.24,0.2069,0.3333,,0.114,,0.2305,,0.0012,0.2279,0.119,0.9871,,,0.2417,0.2069,0.3333,,0.1166,,0.2401,,0.0012,0.2259,0.1146,0.9871,,,0.24,0.2069,0.3333,,0.1159,,0.2346,,0.0012,,block of flats,0.1815,Panel,No,1.0,0.0,1.0,0.0,-534.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2135825,159971,Cash loans,25900.92,463500.0,500211.0,,463500.0,SATURDAY,13,Y,1,,,,Other,Refused,-186,Cash through the bank,VERIF,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,202500.0,753840.0,22171.5,540000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.020713,-20277,-13542,-5953.0,-636,,1,1,0,1,1,0,,1.0,3,2,FRIDAY,14,0,0,0,0,0,0,Other,,0.2858978721410488,0.5954562029091491,0.0825,0.0631,0.9767,0.6804,0.1023,0.0,0.1379,0.1667,0.2083,0.0346,0.0656,0.0691,0.0077,0.0071,0.084,0.0655,0.9767,0.6929,0.1032,0.0,0.1379,0.1667,0.2083,0.0354,0.0716,0.07200000000000001,0.0078,0.0075,0.0833,0.0631,0.9767,0.6847,0.1029,0.0,0.1379,0.1667,0.2083,0.0352,0.0667,0.0704,0.0078,0.0072,reg oper account,block of flats,0.0559,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2228739,230251,Consumer loans,6472.575,57370.5,55894.5,5737.5,57370.5,TUESDAY,10,Y,1,0.10138660259133384,,,XAP,Approved,-2276,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,2000,Consumer electronics,10.0,middle,POS household with interest,365243.0,-2245.0,-1975.0,-1975.0,-1970.0,1.0,0,Cash loans,F,Y,Y,0,184500.0,781920.0,25969.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018801,-21318,365243,-9839.0,-4402,22.0,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,XNA,,0.6172729294603121,0.6397075677637197,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2568.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1480997,141873,Revolving loans,11250.0,0.0,225000.0,,,TUESDAY,12,Y,1,,,,XAP,Approved,-1214,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card X-Sell,-918.0,-880.0,365243.0,-727.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,112500.0,1260000.0,34780.5,1260000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-21467,365243,-7217.0,-4392,3.0,1,0,0,1,0,0,,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,XNA,,0.5874282377144102,0.7252764347002191,0.1227,,0.9901,,,0.12,0.1034,0.375,,,,0.1268,,0.0,0.125,,0.9901,,,0.1208,0.1034,0.375,,,,0.1321,,0.0,0.1239,,0.9901,,,0.12,0.1034,0.375,,,,0.1291,,0.0,,block of flats,0.0998,Panel,No,2.0,0.0,2.0,0.0,-52.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,11.0,1.0,3.0 +2687203,102740,Consumer loans,4826.07,38817.0,34933.5,3883.5,38817.0,SATURDAY,12,Y,1,0.10895959361760428,,,XAP,Approved,-355,Cash through the bank,XAP,Unaccompanied,New,Photo / Cinema Equipment,POS,XNA,Country-wide,25,Connectivity,10.0,high,POS mobile with interest,365243.0,-324.0,-54.0,-54.0,-46.0,0.0,0,Cash loans,F,N,Y,0,157500.0,1223010.0,51948.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010276,-14173,-1204,-905.0,-3716,,1,1,0,1,0,0,Cooking staff,2.0,2,2,THURSDAY,14,0,0,0,0,1,1,Business Entity Type 3,,0.6291696696690505,0.7076993447402619,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-355.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2417284,138594,Consumer loans,17699.04,112936.5,88186.5,24750.0,112936.5,TUESDAY,20,Y,1,0.2386739450930389,,,XAP,Refused,-2750,XNA,SCO,Other_B,Repeater,XNA,POS,XNA,Country-wide,1847,Consumer electronics,6.0,low_normal,POS household with interest,,,,,,,0,Cash loans,M,Y,Y,1,382500.0,675000.0,37822.5,675000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.01885,-11495,-640,-5635.0,-3911,3.0,1,1,1,1,1,0,,3.0,2,2,MONDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.5463146741874696,0.7431239312063479,0.2940831009471255,0.1485,0.1046,0.9856,0.8028,0.021,0.14,0.1207,0.3333,,0.0278,,0.1515,0.0,0.0012,0.1134,0.0672,0.9851,0.804,0.0141,0.0806,0.069,0.3333,,0.0284,,0.0926,0.0,0.0009,0.1499,0.1046,0.9856,0.8054,0.0211,0.14,0.1207,0.3333,,0.0282,,0.1542,0.0,0.0013,,block of flats,0.1839,"Stone, brick",No,0.0,0.0,0.0,0.0,-2120.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,1.0 +1619333,429701,Consumer loans,12309.525,255060.0,210060.0,45000.0,255060.0,SATURDAY,13,Y,1,0.1921473022390453,,,XAP,Approved,-1376,Cash through the bank,XAP,Family,New,Furniture,POS,XNA,Stone,140,Furniture,24.0,middle,POS industry with interest,365243.0,-1345.0,-655.0,-655.0,-647.0,0.0,0,Cash loans,F,Y,N,0,112500.0,540000.0,30280.5,540000.0,Family,Working,Higher education,Married,With parents,0.035792000000000004,-13381,-2877,-2856.0,-2878,4.0,1,1,0,1,0,0,Accountants,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.4788602680028434,0.7184956136999991,0.6879328378491735,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-744.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2426089,370430,Cash loans,20083.23,225000.0,257620.5,,225000.0,TUESDAY,16,Y,1,,,,XNA,Approved,-1057,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-1027.0,-517.0,-517.0,-513.0,1.0,0,Cash loans,M,Y,Y,1,225000.0,431730.0,51367.5,405000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.00733,-18352,-324,-4327.0,-1890,13.0,1,1,0,1,0,0,Drivers,3.0,2,2,TUESDAY,10,0,0,0,0,0,0,Self-employed,0.22504821897680696,0.390873501995159,,0.0474,,0.9752,0.66,,0.0,0.1034,0.125,0.0417,,0.0387,0.0386,0.0,,0.0483,,0.9752,0.6733,,0.0,0.1034,0.125,0.0417,,0.0422,0.0402,0.0,,0.0479,,0.9752,0.6645,,0.0,0.1034,0.125,0.0417,,0.0393,0.0393,0.0,,reg oper account,block of flats,0.0314,"Stone, brick",No,0.0,0.0,0.0,0.0,-2131.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +1128883,244622,Consumer loans,2730.78,17995.5,20020.5,1800.0,17995.5,WEDNESDAY,12,Y,1,0.0898404544517145,,,XAP,Approved,-1814,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,10.0,high,POS mobile with interest,,,,,,,0,Cash loans,M,Y,Y,2,315000.0,364896.0,19102.5,315000.0,Unaccompanied,Commercial associate,Higher education,Married,With parents,0.016612000000000002,-14493,-4737,-6659.0,-4957,5.0,1,1,1,1,1,0,,4.0,2,2,THURSDAY,11,0,0,0,0,0,0,Electricity,0.5566169104437978,0.7247159014600743,0.4489622731076524,0.0825,0.0875,0.9901,,,0.0,0.1379,0.1667,,0.0241,,0.0894,,0.0,0.084,0.0908,0.9901,,,0.0,0.1379,0.1667,,0.0247,,0.0931,,0.0,0.0833,0.0875,0.9901,,,0.0,0.1379,0.1667,,0.0246,,0.091,,0.0,,block of flats,0.0925,Panel,No,0.0,0.0,0.0,0.0,-1814.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2268079,142124,Consumer loans,13194.9,140400.0,139702.5,14040.0,140400.0,TUESDAY,13,Y,1,0.0994574458177561,,,XAP,Approved,-245,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,20,Furniture,12.0,low_normal,POS industry with interest,365243.0,-214.0,116.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,Y,1,157500.0,135000.0,6750.0,90000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.04622,-8843,-633,-8610.0,-132,,1,1,1,1,1,0,High skill tech staff,2.0,1,1,TUESDAY,13,0,0,0,1,1,1,Business Entity Type 3,0.29386018526954544,0.683910570632371,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-246.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1286785,203028,Cash loans,10810.8,90000.0,90000.0,,90000.0,MONDAY,13,Y,1,,,,XNA,Approved,-1025,XNA,XAP,Family,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-995.0,-665.0,-665.0,-662.0,0.0,0,Cash loans,F,N,Y,0,180000.0,1467612.0,56029.5,1350000.0,Family,Pensioner,Higher education,Married,House / apartment,0.030755,-21434,365243,-5371.0,-4829,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,XNA,0.9089852600524492,0.7885699084775017,0.8327850252992314,0.067,0.0962,0.9896,0.8572,0.0126,0.0,0.1034,0.1667,0.2083,0.0726,0.0546,0.0693,0.0,0.0,0.0683,0.0999,0.9896,0.8628,0.0127,0.0,0.1034,0.1667,0.2083,0.0742,0.0597,0.0722,0.0,0.0,0.0677,0.0962,0.9896,0.8591,0.0127,0.0,0.1034,0.1667,0.2083,0.0738,0.0556,0.0706,0.0,0.0,reg oper spec account,block of flats,0.0614,"Stone, brick",No,5.0,0.0,5.0,0.0,-1025.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,1.0 +2628095,323280,Revolving loans,9450.0,0.0,135000.0,,,MONDAY,8,Y,1,,,,XAP,Approved,-2096,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,47,Connectivity,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,157500.0,431280.0,22180.5,360000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.006629,-21971,-922,-421.0,-24,,1,1,0,1,1,1,Sales staff,1.0,2,2,THURSDAY,7,0,0,0,0,1,1,Business Entity Type 3,,0.7523666105926973,,0.0155,0.0,0.9801,0.7212,0.0018,0.0,0.1034,0.0417,0.0833,0.0077,0.0101,0.0103,0.0116,0.0045,0.0158,0.0,0.9801,0.7321,0.0018,0.0,0.1034,0.0417,0.0833,0.0078,0.011,0.0107,0.0117,0.0048,0.0156,0.0,0.9801,0.7249,0.0018,0.0,0.1034,0.0417,0.0833,0.0078,0.0103,0.0105,0.0116,0.0046,reg oper account,block of flats,0.0091,Wooden,No,1.0,0.0,1.0,0.0,-2393.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1744432,217674,Consumer loans,31496.13,271350.0,286276.5,0.0,271350.0,WEDNESDAY,11,Y,1,0.0,,,XAP,Approved,-819,Cash through the bank,XAP,"Spouse, partner",New,Clothing and Accessories,POS,XNA,Stone,8,Clothing,10.0,low_normal,POS industry with interest,365243.0,-787.0,-517.0,-607.0,-598.0,0.0,0,Cash loans,F,N,Y,1,54000.0,579195.0,25641.0,468000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.018029,-16963,-5977,-4765.0,-506,,1,1,0,1,1,0,Laborers,3.0,3,2,WEDNESDAY,7,0,0,0,0,0,0,Postal,0.7518187157199087,0.5466189744693419,0.4311917977993083,0.0619,0.0537,0.9776,0.6940000000000001,0.0078,0.0,0.1379,0.1667,0.2083,0.0283,0.0504,0.0539,0.0,0.0,0.063,0.0557,0.9777,0.706,0.0078,0.0,0.1379,0.1667,0.2083,0.029,0.0551,0.0561,0.0,0.0,0.0625,0.0537,0.9776,0.6981,0.0078,0.0,0.1379,0.1667,0.2083,0.0288,0.0513,0.0548,0.0,0.0,reg oper account,block of flats,0.0487,Panel,No,6.0,1.0,6.0,0.0,-819.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2532429,310263,Revolving loans,4500.0,0.0,90000.0,,,FRIDAY,17,Y,1,,,,XAP,Approved,-2919,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,78,Connectivity,0.0,XNA,Card Street,-2896.0,-2883.0,365243.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,126000.0,1546020.0,45328.5,1350000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-23445,365243,-2317.0,-4578,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,XNA,0.7907140925105454,0.5945639599374273,0.7366226976503176,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1085777,165383,Consumer loans,3840.795,27895.5,30195.0,0.0,27895.5,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-2334,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Stone,10,Connectivity,10.0,high,POS mobile with interest,365243.0,-2303.0,-2033.0,-2033.0,-2026.0,1.0,0,Revolving loans,M,N,Y,0,135000.0,405000.0,20250.0,405000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-18249,-5324,-8692.0,-1756,,1,1,0,1,0,1,Laborers,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Industry: type 11,0.4939767738358504,0.615644282368553,0.6263042766749393,0.0608,,0.9851,,,,0.1379,0.1667,,,,,,,0.062,,0.9851,,,,0.1379,0.1667,,,,,,,0.0614,,0.9851,,,,0.1379,0.1667,,,,,,,,block of flats,0.0449,"Stone, brick",No,0.0,0.0,0.0,0.0,-3120.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1164202,401963,Consumer loans,11768.4,129555.0,116599.5,12955.5,129555.0,SUNDAY,19,Y,1,0.1089090909090909,0.19332993312932112,0.852536997885835,XAP,Approved,-247,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,20,Connectivity,12.0,middle,POS mobile with interest,365243.0,-209.0,121.0,-119.0,-114.0,0.0,0,Cash loans,F,Y,Y,2,135000.0,728460.0,44563.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.009656999999999999,-13828,-605,-1161.0,-3623,1.0,1,1,0,1,0,0,,4.0,2,2,TUESDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.4655005423276173,0.8327850252992314,0.2464,0.1712,0.997,0.9592,0.0669,0.2,0.1724,0.375,0.4167,0.0,0.2009,0.2466,0.0,0.0,0.2511,0.1776,0.997,0.9608,0.0675,0.2014,0.1724,0.375,0.4167,0.0,0.2195,0.257,0.0,0.0,0.2488,0.1712,0.997,0.9597,0.0674,0.2,0.1724,0.375,0.4167,0.0,0.2044,0.2511,0.0,0.0,reg oper account,block of flats,0.2403,Panel,No,0.0,0.0,0.0,0.0,-247.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2343459,206286,Consumer loans,7650.0,75555.0,83533.5,0.0,75555.0,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-564,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,100,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-533.0,-203.0,-203.0,-200.0,0.0,0,Cash loans,F,N,Y,0,180000.0,597339.0,34420.5,553500.0,Family,Pensioner,Higher education,Married,House / apartment,0.01885,-21910,365243,-10157.0,-5034,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,XNA,0.7325745824478386,0.5466731676181352,0.15759499866631024,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1638.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1444945,143774,Cash loans,23153.985,450000.0,512370.0,,450000.0,SATURDAY,17,Y,1,,,,XNA,Approved,-809,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-779.0,271.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,225000.0,814041.0,23458.5,679500.0,Unaccompanied,Working,Incomplete higher,Widow,House / apartment,0.030755,-21478,-6546,-4326.0,-4327,,1,1,1,1,1,0,Accountants,1.0,2,2,WEDNESDAY,13,0,0,0,0,1,1,Agriculture,0.8456639455028522,0.6742416352591094,0.6577838002083306,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1492.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2581516,201264,Consumer loans,4432.095,27945.0,27945.0,0.0,27945.0,MONDAY,15,Y,1,0.0,,,XAP,Approved,-2502,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,206,Consumer electronics,8.0,high,POS household with interest,365243.0,-2467.0,-2257.0,-2257.0,-2251.0,0.0,1,Cash loans,F,N,N,0,157500.0,630000.0,34308.0,630000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-16207,-333,-6376.0,-5053,,1,1,1,1,0,0,,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.6024720140005432,0.4241303111942548,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1771.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1931032,455414,Cash loans,10894.095,135000.0,149850.0,,135000.0,WEDNESDAY,14,Y,1,,,,XNA,Approved,-2766,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,20.0,middle,Cash Street: middle,365243.0,-2736.0,-2166.0,-2166.0,-2160.0,1.0,0,Cash loans,M,Y,Y,0,225000.0,790434.0,40486.5,706500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00823,-19048,-3343,-4747.0,-2533,31.0,1,1,0,1,1,0,Drivers,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Agriculture,,0.54479745036177,0.7862666146611379,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-1821.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1475522,325251,Consumer loans,5573.295,61920.0,49536.0,12384.0,61920.0,WEDNESDAY,11,Y,1,0.2178181818181818,,,XAP,Refused,-360,Cash through the bank,LIMIT,,Repeater,Computers,POS,XNA,Stone,21,Consumer electronics,10.0,low_normal,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,90000.0,327024.0,12456.0,270000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018801,-23279,365243,-14767.0,-4786,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,7,0,0,0,0,0,0,XNA,,0.7404138697730546,0.5726825047161584,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-468.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2824084,160685,Consumer loans,3066.885,29205.0,26280.0,2925.0,29205.0,WEDNESDAY,17,Y,1,0.10907690152682442,,,XAP,Approved,-2268,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Stone,26,Connectivity,12.0,high,POS mobile with interest,365243.0,-2232.0,-1902.0,-2082.0,-2075.0,0.0,0,Revolving loans,F,N,Y,0,157500.0,405000.0,20250.0,405000.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.025164,-15397,-586,-5887.0,-5523,,1,1,0,1,0,0,,1.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.5223937800575469,0.29731177804024805,0.7394117535524816,0.1237,0.1197,0.9747,0.6532,0.0452,0.0,0.2414,0.1667,0.2083,0.0219,0.095,0.0985,0.027000000000000003,0.0302,0.1261,0.1242,0.9747,0.6668,0.0456,0.0,0.2414,0.1667,0.2083,0.0224,0.1038,0.1026,0.0272,0.0319,0.1249,0.1197,0.9747,0.6578,0.0454,0.0,0.2414,0.1667,0.2083,0.0223,0.0966,0.1002,0.0272,0.0308,,block of flats,0.1087,Panel,No,0.0,0.0,0.0,0.0,-2268.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1113201,168190,Consumer loans,7366.455,69804.0,69039.0,6984.0,69804.0,MONDAY,13,Y,1,0.10005144376163667,,,XAP,Approved,-1796,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,2,Clothing,12.0,middle,POS industry with interest,365243.0,-1758.0,-1428.0,-1428.0,-1426.0,0.0,0,Cash loans,F,N,Y,0,67500.0,677664.0,22527.0,585000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020713,-22060,365243,-6429.0,-5426,,1,0,0,1,0,0,,2.0,3,3,FRIDAY,7,0,0,0,0,0,0,XNA,,0.5304911467358862,0.4794489811780563,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1796.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2839831,400585,Revolving loans,6750.0,0.0,180000.0,,,THURSDAY,11,N,0,,,,XAP,Refused,-2672,XNA,SYSTEM,,Repeater,XNA,Cards,x-sell,Stone,149,Consumer electronics,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,Y,Y,2,202500.0,1611072.0,44433.0,1440000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009549,-11509,-3415,-2696.0,-3311,1.0,1,1,0,1,0,0,,4.0,2,2,TUESDAY,13,0,0,0,0,1,1,Business Entity Type 3,,0.5549509363721968,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1817.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2059012,381214,Consumer loans,14590.305,78480.0,74362.5,7848.0,78480.0,FRIDAY,13,Y,1,0.10396707786165338,,,XAP,Approved,-776,Cash through the bank,XAP,Unaccompanied,New,Photo / Cinema Equipment,POS,XNA,Country-wide,79,Connectivity,6.0,high,POS mobile with interest,365243.0,-745.0,-595.0,-595.0,-592.0,0.0,0,Cash loans,F,N,Y,0,247500.0,815607.0,34686.0,729000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.002042,-22107,365243,-5440.0,-4066,,1,0,0,1,0,0,,2.0,3,3,THURSDAY,10,0,0,0,0,0,0,XNA,,0.4705584801214407,0.7934490301648944,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-776.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2531605,223811,Cash loans,25996.365,337500.0,384277.5,,337500.0,FRIDAY,11,Y,1,,,,Repairs,Refused,-396,Cash through the bank,LIMIT,,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),2,XNA,36.0,high,Cash Street: high,,,,,,,1,Cash loans,M,N,Y,0,67500.0,134775.0,5332.5,112500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-22496,365243,-6195.0,-2836,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,XNA,,0.31412000843197296,0.1419915427739129,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-458.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2697399,420339,Consumer loans,6161.58,52416.0,58828.5,5242.5,52416.0,SATURDAY,13,Y,1,0.08911300105990368,,,XAP,Approved,-1053,Cash through the bank,XAP,"Spouse, partner",Refreshed,Consumer Electronics,POS,XNA,Country-wide,2535,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1021.0,-691.0,-811.0,-807.0,0.0,0,Cash loans,F,N,N,1,180000.0,961146.0,28233.0,688500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-10997,-1634,-5134.0,-1442,,1,1,0,1,0,0,,3.0,2,2,TUESDAY,18,0,0,0,0,0,0,Business Entity Type 3,0.2613356642016805,0.3112157396806037,0.5370699579791587,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1392733,270334,Revolving loans,22500.0,450000.0,450000.0,,450000.0,THURSDAY,13,Y,1,,,,XAP,Approved,-409,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-343.0,-300.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,90000.0,482593.5,27076.5,436500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.019688999999999998,-20257,-2627,-116.0,-2223,,1,1,0,1,0,0,,1.0,2,2,SUNDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.6854097274500015,0.6058033490027839,0.33928769990891394,0.0082,0.0,0.9722,0.6192,0.0013,0.0,0.069,0.0417,0.0417,0.0102,0.0067,0.0076,0.0,0.0,0.0084,0.0,0.9722,0.6341,0.0013,0.0,0.069,0.0417,0.0417,0.0104,0.0073,0.0079,0.0,0.0,0.0083,0.0,0.9722,0.6243,0.0013,0.0,0.069,0.0417,0.0417,0.0104,0.0068,0.0077,0.0,0.0,not specified,block of flats,0.0067,"Stone, brick",No,7.0,1.0,7.0,1.0,-85.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +2407773,317493,Consumer loans,11495.025,99585.0,98500.5,9958.5,99585.0,SUNDAY,9,Y,1,0.09999826494972124,,,XAP,Approved,-2190,Cash through the bank,XAP,Other_A,Repeater,Mobile,POS,XNA,Country-wide,65,Connectivity,12.0,low_normal,POS mobile with interest,365243.0,-2159.0,-1829.0,-1829.0,-1798.0,1.0,0,Cash loans,M,N,Y,0,270000.0,485640.0,38133.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.002506,-9447,-609,-4180.0,-871,,1,1,0,1,0,0,High skill tech staff,2.0,2,2,SATURDAY,7,0,0,0,0,0,0,Government,,0.5765281813011602,0.6313545365850379,0.068,0.0245,0.9841,0.7688,0.0092,0.0,0.0345,0.1667,0.0417,0.0,0.0504,0.0687,0.0232,0.0232,0.0693,0.0255,0.9841,0.7779,0.0093,0.0,0.0345,0.1667,0.0417,0.0,0.0551,0.0716,0.0233,0.0245,0.0687,0.0245,0.9841,0.7719,0.0093,0.0,0.0345,0.1667,0.0417,0.0,0.0513,0.0699,0.0233,0.0236,not specified,block of flats,0.0591,Panel,No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2186826,143795,Consumer loans,17480.385,145813.5,177754.5,0.0,145813.5,WEDNESDAY,17,Y,1,0.0,,,XAP,Approved,-437,Cash through the bank,XAP,,Repeater,Jewelry,POS,XNA,Stone,7,Industry,12.0,middle,POS other with interest,,,,,,,0,Cash loans,F,N,N,0,166500.0,225000.0,17775.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.02461,-12938,-1657,-6651.0,-4120,,1,1,0,1,1,1,,1.0,2,2,SATURDAY,8,0,0,0,0,0,0,Business Entity Type 3,0.5301949523630267,0.690238758469794,0.25396280933631177,0.0206,0.0,0.9776,0.6940000000000001,,,0.0345,0.125,0.0417,0.0091,0.0168,0.0145,0.0,0.0,0.021,0.0,0.9777,0.706,,,0.0345,0.125,0.0417,0.0093,0.0184,0.0152,0.0,0.0,0.0208,0.0,0.9776,0.6981,,,0.0345,0.125,0.0417,0.0092,0.0171,0.0148,0.0,0.0,reg oper account,block of flats,0.0181,"Stone, brick",No,1.0,1.0,1.0,0.0,-1531.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2437700,245865,Consumer loans,6621.975,31950.0,32476.5,4500.0,31950.0,WEDNESDAY,9,Y,1,0.13254118401982587,,,XAP,Approved,-1506,XNA,XAP,"Spouse, partner",New,Mobile,POS,XNA,Stone,170,Connectivity,6.0,high,POS mobile with interest,365243.0,-1473.0,-1323.0,-1323.0,-1320.0,0.0,1,Cash loans,M,Y,Y,1,297000.0,1223010.0,48631.5,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.006629,-15999,-3436,-3723.0,-3723,15.0,1,1,1,1,0,0,High skill tech staff,3.0,2,2,THURSDAY,9,0,0,0,0,1,1,Business Entity Type 3,0.16086081552420162,0.2030588624069017,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1506.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1564424,387053,Consumer loans,11140.65,126859.5,126454.5,13500.0,126859.5,SUNDAY,10,Y,1,0.10505362294693826,,,XAP,Approved,-1077,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,350,Consumer electronics,14.0,middle,POS household with interest,365243.0,-1046.0,-656.0,-656.0,-650.0,0.0,0,Cash loans,F,N,N,0,90000.0,1133748.0,33277.5,990000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.015221,-13769,-5345,-5989.0,-6035,,1,1,1,1,1,0,Managers,2.0,2,2,SATURDAY,8,0,0,0,0,1,1,School,,0.40979586027878506,0.4170996682522097,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2083386,136353,Consumer loans,11651.67,67005.0,60876.0,9000.0,67005.0,SUNDAY,10,Y,1,0.14027446021263634,,,XAP,Approved,-1704,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Regional / Local,85,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1636.0,-1486.0,-1546.0,-1543.0,0.0,0,Cash loans,F,N,Y,0,67500.0,753840.0,27823.5,540000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.028663,-18535,-796,-7383.0,-2094,,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,13,0,0,0,0,1,1,Other,,0.6166941544840068,0.6785676886853644,0.0124,0.0,0.9767,0.6804,0.0,0.0,0.069,0.0417,0.0833,0.006,0.0101,0.0059,0.0,0.0,0.0126,0.0,0.9767,0.6929,0.0,0.0,0.069,0.0417,0.0833,0.0061,0.011,0.0061,0.0,0.0,0.0125,0.0,0.9767,0.6847,0.0,0.0,0.069,0.0417,0.0833,0.0061,0.0103,0.006,0.0,0.0,reg oper account,block of flats,0.008,"Stone, brick",No,0.0,0.0,0.0,0.0,-1704.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1035279,440933,Consumer loans,9310.68,101349.0,101349.0,0.0,101349.0,TUESDAY,14,Y,1,0.0,,,XAP,Approved,-335,Cash through the bank,XAP,,New,Computers,POS,XNA,Country-wide,100,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-304.0,26.0,365243.0,365243.0,0.0,0,Revolving loans,M,N,N,0,144000.0,450000.0,22500.0,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-22558,365243,-9610.0,-537,,1,0,0,1,0,0,,2.0,2,2,MONDAY,11,0,0,0,0,0,0,XNA,,0.5314768547689982,0.31547215492577346,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-335.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +1292220,218701,Cash loans,12074.31,135000.0,152820.0,,135000.0,MONDAY,8,Y,1,,,,Other,Refused,-511,Cash through the bank,LIMIT,,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),3,XNA,24.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,157950.0,651600.0,23404.5,562500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-19794,365243,-1007.0,-3294,,1,0,0,1,0,0,,2.0,2,2,MONDAY,11,0,0,0,0,0,0,XNA,0.6407801407539376,0.5991994293844338,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-515.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2259291,181148,Revolving loans,9000.0,180000.0,180000.0,,180000.0,MONDAY,18,Y,1,,,,XAP,Approved,-271,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,1,171000.0,679500.0,28917.0,679500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-8544,-718,-512.0,-1187,1.0,1,1,0,1,0,0,Sales staff,3.0,2,2,SATURDAY,14,0,0,0,1,1,0,Business Entity Type 2,0.07233731196947113,0.6286440069110838,,0.1237,,0.9901,,,0.12,0.1034,0.375,,,,0.1409,,0.0,0.1261,,0.9901,,,0.1208,0.1034,0.375,,,,0.1468,,0.0,0.1249,,0.9901,,,0.12,0.1034,0.375,,,,0.1434,,0.0,,block of flats,0.1108,,No,4.0,0.0,4.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2775802,388784,Consumer loans,26951.355,139752.0,145746.0,0.0,139752.0,MONDAY,15,Y,1,0.0,,,XAP,Approved,-235,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,1079,Consumer electronics,6.0,middle,POS household with interest,365243.0,-204.0,-54.0,-54.0,-47.0,0.0,0,Cash loans,F,Y,N,0,202500.0,1007761.5,40095.0,927000.0,Family,Working,Secondary / secondary special,Separated,House / apartment,0.025164,-16412,-2297,-6199.0,-4888,9.0,1,1,0,1,0,0,,1.0,2,2,FRIDAY,7,0,0,0,0,0,0,Business Entity Type 3,0.7787466996009987,0.636167431129823,0.5954562029091491,0.2052,0.1401,0.9727,0.626,0.0903,0.0,0.3793,0.1667,0.2083,0.52,0.1521,0.2153,0.0695,0.2294,0.209,0.1453,0.9727,0.6406,0.0911,0.0,0.3793,0.1667,0.2083,0.5319,0.1662,0.2243,0.07,0.2428,0.2071,0.1401,0.9727,0.631,0.0908,0.0,0.3793,0.1667,0.2083,0.529,0.1548,0.2191,0.0699,0.2342,not specified,block of flats,0.2685,"Stone, brick",No,0.0,0.0,0.0,0.0,-2482.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +2173801,247920,Consumer loans,8709.075,81103.5,79411.5,8113.5,81103.5,MONDAY,13,Y,1,0.10095788735685901,,,XAP,Approved,-1173,XNA,XAP,"Spouse, partner",Refreshed,Audio/Video,POS,XNA,Regional / Local,358,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-1142.0,-872.0,-872.0,-865.0,0.0,0,Cash loans,F,Y,Y,0,202500.0,501363.0,21370.5,418500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.010147,-22188,365243,-812.0,-5391,11.0,1,0,0,1,0,0,,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,XNA,,0.5152607146370688,0.7946285827840042,0.1227,0.1184,0.9801,0.728,0.0537,0.0,0.2759,0.1667,0.2083,0.0582,0.1,0.1031,0.0,0.0,0.125,0.1228,0.9801,0.7387,0.0542,0.0,0.2759,0.1667,0.2083,0.0595,0.1093,0.1074,0.0,0.0,0.1239,0.1184,0.9801,0.7316,0.054000000000000006,0.0,0.2759,0.1667,0.2083,0.0592,0.1018,0.1049,0.0,0.0,reg oper account,block of flats,0.0811,Panel,No,3.0,2.0,3.0,2.0,-992.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2242131,336872,Consumer loans,8550.9,189598.5,189598.5,0.0,189598.5,SUNDAY,14,Y,1,0.0,,,XAP,Approved,-1167,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Regional / Local,100,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1136.0,-446.0,-686.0,-682.0,0.0,1,Cash loans,F,N,N,0,270000.0,634482.0,20596.5,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-23476,365243,-1718.0,-4108,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,XNA,,0.3658021615450904,0.20915469884100693,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-205.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2453484,211343,Consumer loans,4837.995,56241.0,46971.0,13500.0,56241.0,THURSDAY,15,Y,1,0.2431368304266057,,,XAP,Refused,-1881,Cash through the bank,HC,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,1378,Consumer electronics,12.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,270000.0,1800000.0,98770.5,1800000.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.007273999999999998,-21915,-5615,-2184.0,-5438,,1,1,0,1,1,0,Managers,1.0,2,2,TUESDAY,17,0,0,0,0,0,0,Self-employed,,0.7240042213431437,0.6023863442690867,0.068,0.051,0.9767,0.6804,0.0101,0.0,0.1379,0.1667,0.0,0.0231,0.0555,0.041,0.027000000000000003,0.0272,0.0693,0.0529,0.9767,0.6929,0.0102,0.0,0.1379,0.1667,0.0,0.0237,0.0606,0.0428,0.0272,0.0287,0.0687,0.051,0.9767,0.6847,0.0102,0.0,0.1379,0.1667,0.0,0.0236,0.0564,0.0418,0.0272,0.0277,reg oper account,block of flats,0.046,Panel,No,1.0,0.0,1.0,0.0,-1881.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +2273904,381181,Consumer loans,4159.845,92236.5,92236.5,0.0,92236.5,FRIDAY,14,Y,1,0.0,,,XAP,Approved,-1623,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,5,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1592.0,-902.0,-1142.0,-1137.0,0.0,0,Cash loans,F,N,Y,0,67500.0,247500.0,12037.5,247500.0,Family,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.015221,-17515,-386,-4921.0,-1060,,1,1,0,1,0,0,High skill tech staff,1.0,2,2,THURSDAY,8,0,0,0,0,0,0,Security,0.4009272407656392,0.2499452925551905,0.6738300778602003,0.0093,0.0229,0.9677,,,0.0,0.0345,0.0833,,0.0301,,0.01,,0.0,0.0095,0.0238,0.9677,,,0.0,0.0345,0.0833,,0.0308,,0.0104,,0.0,0.0094,0.0229,0.9677,,,0.0,0.0345,0.0833,,0.0306,,0.0102,,0.0,,block of flats,0.0086,"Stone, brick",No,1.0,0.0,0.0,0.0,-2240.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2676847,319151,Consumer loans,8874.45,45927.0,43515.0,4594.5,45927.0,SATURDAY,13,Y,1,0.10400914958206132,,,XAP,Refused,-894,Cash through the bank,SCO,,New,Mobile,POS,XNA,Country-wide,34,Connectivity,6.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,0,90000.0,284400.0,19134.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.030755,-10085,-1554,-4763.0,-2157,,1,1,0,1,1,0,Sales staff,1.0,2,2,THURSDAY,12,0,0,0,0,0,0,Self-employed,0.2623813122557809,0.4381345839835219,0.3672910183026313,0.2495,0.1042,0.9906,0.8708,0.1278,0.32,0.2759,0.3333,0.375,0.0704,0.2034,0.1867,0.0,0.1208,0.2542,0.1082,0.9906,0.8759,0.129,0.3222,0.2759,0.3333,0.375,0.07200000000000001,0.2222,0.1945,0.0,0.1279,0.2519,0.1042,0.9906,0.8725,0.1286,0.32,0.2759,0.3333,0.375,0.0716,0.2069,0.1901,0.0,0.1233,reg oper spec account,block of flats,0.243,"Stone, brick",No,1.0,1.0,1.0,1.0,-692.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,2.0,0.0 +1686062,176859,Cash loans,9804.285,67500.0,82611.0,,67500.0,SATURDAY,12,Y,1,,,,Other,Approved,-537,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),-1,XNA,12.0,high,Cash Street: high,365243.0,-507.0,-177.0,-357.0,-354.0,1.0,0,Cash loans,F,N,Y,0,76500.0,778968.0,25258.5,558000.0,"Spouse, partner",Working,Higher education,Married,House / apartment,0.018029,-9449,-186,-4194.0,-881,,1,1,0,1,0,0,High skill tech staff,2.0,3,3,THURSDAY,11,0,0,0,1,1,0,Business Entity Type 2,,0.4356491196475093,0.4083588531230431,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-849.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +2830704,438155,Cash loans,19718.28,270000.0,291919.5,,270000.0,THURSDAY,17,Y,1,,,,XNA,Approved,-561,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),6,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-531.0,-21.0,-111.0,-103.0,1.0,0,Cash loans,F,N,Y,0,202500.0,886176.0,29416.5,765000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.04622,-15642,365243,-9725.0,-4055,,1,0,0,1,1,0,,2.0,1,1,FRIDAY,19,0,0,0,0,0,0,XNA,0.7509765972795028,0.6563546641257912,0.6075573001388961,0.0619,,0.9801,,,0.0,0.1379,0.1667,,,,0.0613,,,0.063,,0.9801,,,0.0,0.1379,0.1667,,,,0.0639,,,0.0625,,0.9801,,,0.0,0.1379,0.1667,,,,0.0624,,,,block of flats,0.0475,Panel,No,0.0,0.0,0.0,0.0,-1593.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1376221,241240,Revolving loans,11250.0,225000.0,225000.0,,225000.0,WEDNESDAY,9,Y,1,,,,XAP,Refused,-767,XNA,LIMIT,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,67500.0,86598.0,9900.0,76500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.00823,-12502,-2514,-40.0,-3103,,1,1,0,1,0,0,Laborers,1.0,2,2,SUNDAY,8,0,0,0,0,1,1,Other,,0.03003668521981358,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1618019,114484,Consumer loans,3090.6,15700.5,14823.0,1575.0,15700.5,FRIDAY,14,Y,1,0.10460532880950002,,,XAP,Approved,-1453,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,55,Connectivity,6.0,high,POS mobile with interest,365243.0,-1419.0,-1269.0,-1329.0,-1325.0,0.0,0,Cash loans,F,Y,Y,0,135000.0,468000.0,19957.5,468000.0,Unaccompanied,Pensioner,Lower secondary,Widow,Municipal apartment,0.018634,-21244,365243,-8733.0,-4078,64.0,1,0,0,1,0,0,,1.0,2,2,TUESDAY,14,0,0,0,0,0,0,XNA,,0.546483486765967,0.6413682574954046,0.1082,0.1158,0.9816,0.7484,0.0506,0.0,0.2414,0.1667,0.2083,0.1833,0.0841,0.0972,0.0193,0.0176,0.1103,0.1202,0.9816,0.7583,0.051,0.0,0.2414,0.1667,0.2083,0.1874,0.0918,0.1013,0.0195,0.0187,0.1093,0.1158,0.9816,0.7518,0.0509,0.0,0.2414,0.1667,0.2083,0.1864,0.0855,0.099,0.0194,0.018000000000000002,reg oper account,block of flats,0.108,Panel,No,0.0,0.0,0.0,0.0,-1453.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1938296,273155,Consumer loans,14153.04,121500.0,139140.0,0.0,121500.0,SATURDAY,9,Y,1,0.0,,,XAP,Approved,-272,Cash through the bank,XAP,,New,Auto Accessories,POS,XNA,Stone,50,Auto technology,12.0,middle,POS other with interest,365243.0,-239.0,91.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,0,90000.0,225000.0,17775.0,225000.0,Family,Working,Secondary / secondary special,Married,With parents,0.006852,-8901,-549,-3662.0,-1161,,1,1,0,1,0,0,Drivers,2.0,3,3,FRIDAY,10,0,0,0,0,0,0,Trade: type 7,,0.21452986454366574,,0.1237,0.1357,0.9896,,,0.0,0.2069,0.1667,,0.1831,,0.0768,,0.0,0.1261,0.1408,0.9896,,,0.0,0.2069,0.1667,,0.1872,,0.0801,,0.0,0.1249,0.1357,0.9896,,,0.0,0.2069,0.1667,,0.1862,,0.0782,,0.0,,block of flats,0.1121,Panel,No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1726234,337782,Cash loans,9127.35,135000.0,135000.0,0.0,135000.0,WEDNESDAY,10,Y,1,0.0,,,XNA,Refused,-2436,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,24.0,high,Cash Street: high,,,,,,,0,Cash loans,F,Y,Y,0,270000.0,807984.0,26833.5,697500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.018634,-19074,-138,-8302.0,-2610,17.0,1,1,0,1,0,0,Laborers,1.0,2,2,WEDNESDAY,10,0,0,0,0,1,1,Business Entity Type 3,,0.4304842617239199,0.324891229465852,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1790847,103782,Consumer loans,6508.845,41355.0,32355.0,9000.0,41355.0,FRIDAY,7,Y,1,0.2370165199327331,,,XAP,Approved,-167,XNA,XAP,,New,Mobile,POS,XNA,Regional / Local,38,Connectivity,6.0,high,POS mobile with interest,365243.0,-126.0,24.0,365243.0,365243.0,0.0,1,Cash loans,F,N,N,0,90000.0,343800.0,16852.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-16292,-1735,-482.0,-4913,,1,1,1,1,0,0,Sales staff,2.0,2,2,THURSDAY,12,0,0,0,0,1,1,Business Entity Type 3,0.5096057668075911,0.3442507292017128,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-167.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1575952,327941,Cash loans,29571.3,450000.0,512370.0,,450000.0,SATURDAY,12,Y,1,,,,XNA,Approved,-694,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash X-Sell: high,365243.0,-664.0,386.0,-244.0,-237.0,1.0,1,Cash loans,M,N,N,1,130500.0,545040.0,25407.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-13137,-2040,-4399.0,-5541,,1,1,0,1,1,0,Laborers,3.0,3,3,SATURDAY,14,0,0,0,1,1,0,Transport: type 4,,0.19144122536065367,0.06337536230998861,0.0371,0.0627,0.9737,0.6396,0.0011,0.0,0.1034,0.0833,0.125,0.029,0.0294,0.029,0.0039,0.0,0.0378,0.0651,0.9737,0.6537,0.0012,0.0,0.1034,0.0833,0.125,0.0297,0.0321,0.0302,0.0039,0.0,0.0375,0.0627,0.9737,0.6444,0.0012,0.0,0.1034,0.0833,0.125,0.0295,0.0299,0.0295,0.0039,0.0,reg oper account,block of flats,0.0475,"Stone, brick",No,7.0,0.0,7.0,0.0,-1344.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1586618,288361,Revolving loans,2250.0,45000.0,45000.0,,45000.0,FRIDAY,16,Y,1,,,,XAP,Approved,-325,XNA,XAP,Unaccompanied,New,XNA,Cards,walk-in,Regional / Local,12000,Consumer electronics,0.0,XNA,Card Street,-310.0,-277.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,254700.0,18585.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-17110,-3161,-739.0,-648,13.0,1,1,0,1,0,0,Drivers,2.0,2,2,MONDAY,13,0,0,0,0,1,1,Transport: type 3,0.6707801592384531,0.62710099076714,,0.0412,0.0347,0.9816,0.7484,0.0127,0.0,0.1148,0.1388,0.2083,0.0088,0.0336,0.0431,0.0,0.0595,0.042,0.036000000000000004,0.9806,0.7583,0.0128,0.0,0.069,0.1667,0.2083,0.009000000000000001,0.0367,0.0387,0.0,0.0,0.0416,0.0347,0.9816,0.7518,0.0128,0.0,0.069,0.1667,0.2083,0.0089,0.0342,0.0439,0.0,0.0608,reg oper account,block of flats,0.0362,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1981758,108675,Consumer loans,24426.765,450000.0,458460.0,45000.0,450000.0,THURSDAY,10,Y,1,0.09734455748041727,,,XAP,Refused,-195,Cash through the bank,LIMIT,Family,Repeater,Construction Materials,POS,XNA,Stone,30,Construction,24.0,low_normal,POS industry with interest,,,,,,,0,Cash loans,M,N,Y,1,225000.0,415408.5,47110.5,373500.0,"Spouse, partner",Working,Secondary / secondary special,Married,With parents,0.014464,-11427,-356,-849.0,-3564,,1,1,0,1,0,0,Laborers,3.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.3180571397757949,0.6002807959851238,0.7091891096653581,0.0928,0.1053,0.9896,0.8572,0.0757,0.0,0.2069,0.1667,0.2083,0.0964,0.0756,0.0859,0.0,0.0,0.0945,0.1093,0.9896,0.8628,0.0764,0.0,0.2069,0.1667,0.2083,0.0986,0.0826,0.0895,0.0,0.0,0.0937,0.1053,0.9896,0.8591,0.0762,0.0,0.2069,0.1667,0.2083,0.0981,0.077,0.0874,0.0,0.0,reg oper account,block of flats,0.0675,Panel,No,3.0,1.0,3.0,0.0,-1262.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1822223,126132,Consumer loans,4198.905,39600.0,45004.5,0.0,39600.0,MONDAY,7,Y,1,0.0,,,XAP,Approved,-1096,Cash through the bank,XAP,Unaccompanied,New,Furniture,POS,XNA,Stone,15,Furniture,12.0,low_normal,POS industry with interest,365243.0,-1065.0,-735.0,-855.0,-851.0,0.0,0,Cash loans,F,N,Y,0,112500.0,414229.5,15745.5,342000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018029,-20032,365243,-9275.0,-2764,,1,0,0,1,0,0,,2.0,3,3,FRIDAY,8,0,0,0,0,0,0,XNA,,0.61123665473342,0.3490552510751822,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1096.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2572984,176721,Consumer loans,7099.92,59031.0,58387.5,5904.0,59031.0,MONDAY,17,Y,1,0.10001310791119704,,,XAP,Approved,-1640,Cash through the bank,XAP,"Spouse, partner",New,Mobile,POS,XNA,Country-wide,25,Connectivity,12.0,high,POS mobile with interest,365243.0,-1609.0,-1279.0,-1279.0,-1235.0,0.0,0,Cash loans,M,Y,N,0,207000.0,724581.0,22747.5,625500.0,Family,Commercial associate,Higher education,Married,House / apartment,0.025164,-10169,-1753,-4069.0,-2248,7.0,1,1,1,1,0,0,Laborers,2.0,2,2,TUESDAY,12,0,0,0,0,1,1,Transport: type 4,,0.6161615960703011,0.3123653692278984,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,1.0,5.0,0.0,-408.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2096350,323737,Revolving loans,6750.0,0.0,135000.0,,,TUESDAY,16,Y,1,,,,XAP,Approved,-2195,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,2547,Consumer electronics,0.0,XNA,Card X-Sell,-2194.0,-2160.0,365243.0,-1460.0,365243.0,0.0,0,Cash loans,F,N,Y,0,112500.0,450000.0,16164.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-20829,-547,-8074.0,-3934,,1,1,1,1,1,0,Medicine staff,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,Medicine,0.8137999026663223,0.6335872761433852,0.2822484337007223,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2135.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2436663,152977,Revolving loans,22500.0,0.0,450000.0,,,FRIDAY,12,Y,1,,,,XAP,Approved,-578,XNA,XAP,,Refreshed,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,0,90000.0,231813.0,18333.0,193500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,With parents,0.01885,-12111,-884,-10500.0,-4448,,1,1,0,1,0,0,Laborers,1.0,2,2,TUESDAY,11,0,0,0,0,0,0,Self-employed,0.26165146647218324,0.5789128340268517,,0.0825,0.0892,0.9856,0.8028,0.0116,0.0,0.2069,0.1667,0.2083,0.0295,0.0672,0.0762,0.0,0.0,0.084,0.0925,0.9856,0.8105,0.0117,0.0,0.2069,0.1667,0.2083,0.0302,0.0735,0.0794,0.0,0.0,0.0833,0.0892,0.9856,0.8054,0.0116,0.0,0.2069,0.1667,0.2083,0.03,0.0684,0.0776,0.0,0.0,reg oper account,block of flats,0.0663,Panel,No,4.0,0.0,3.0,0.0,-213.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2528839,409049,Cash loans,5039.73,45000.0,47970.0,,45000.0,MONDAY,9,Y,1,,,,XNA,Approved,-709,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-679.0,-349.0,-439.0,-418.0,1.0,0,Cash loans,F,N,Y,0,124200.0,50940.0,5166.0,45000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.020246,-23954,365243,-9619.0,-5122,,1,0,0,1,0,0,,1.0,3,3,WEDNESDAY,7,0,0,0,0,0,0,XNA,,0.362849646659123,0.6127042441012546,,0.1314,0.9846,,,,0.2759,0.1667,,0.0228,,0.1136,,0.04,,0.1363,0.9846,,,,0.2759,0.1667,,0.0233,,0.1183,,0.0423,,0.1314,0.9846,,,,0.2759,0.1667,,0.0232,,0.1156,,0.0408,,block of flats,0.098,Panel,No,5.0,0.0,5.0,0.0,-1159.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,9.0 +1751256,172512,Consumer loans,4451.265,34647.3,32634.0,4501.8,34647.3,FRIDAY,10,Y,1,0.132025416297628,,,XAP,Approved,-1693,XNA,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,25,Connectivity,10.0,high,POS mobile with interest,365243.0,-1579.0,-1309.0,-1459.0,-1453.0,0.0,0,Cash loans,F,N,Y,0,247500.0,1063719.0,42313.5,859500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.018029,-20030,-2607,-4005.0,-2750,,1,1,0,1,0,0,Cooking staff,1.0,3,3,THURSDAY,8,0,0,0,0,0,0,Self-employed,0.6760523249006607,0.16318703546427088,0.7922644738669378,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1693.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1068637,153894,Consumer loans,14813.37,125325.0,130860.0,6255.0,125325.0,FRIDAY,10,Y,1,0.04968284751021869,,,XAP,Approved,-1765,Cash through the bank,XAP,Unaccompanied,New,Construction Materials,POS,XNA,Stone,12,Construction,12.0,high,POS industry with interest,365243.0,-1731.0,-1401.0,-1431.0,-1427.0,0.0,1,Cash loans,F,N,Y,0,135000.0,1288350.0,37795.5,1125000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.01885,-20880,365243,-9363.0,-4211,,1,0,0,1,0,0,,1.0,2,2,SATURDAY,11,0,0,0,0,0,0,XNA,,0.6657274889293708,0.18848953379516772,0.3670000000000001,0.0725,0.9871,0.8232,0.0377,0.0,0.1379,0.1667,,0.0568,0.0975,0.0334,0.9266,0.0947,0.3739,0.0752,0.9871,0.8301,0.038,0.0,0.1379,0.1667,,0.0581,0.1065,0.0348,0.9339,0.1002,0.3706,0.0725,0.9871,0.8256,0.0379,0.0,0.1379,0.1667,,0.0578,0.0992,0.034,0.9317,0.0967,,block of flats,0.0468,Panel,No,3.0,0.0,3.0,0.0,-1765.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1112100,224622,Revolving loans,6750.0,0.0,135000.0,,,WEDNESDAY,11,Y,1,,,,XAP,Approved,-2662,XNA,XAP,,Refreshed,XNA,Cards,x-sell,Stone,536,Consumer electronics,0.0,XNA,Card Street,-2661.0,-2611.0,365243.0,-2336.0,-95.0,0.0,0,Cash loans,F,N,Y,4,90000.0,454500.0,35910.0,454500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-11765,-174,-969.0,-3395,,1,1,0,1,0,0,Laborers,6.0,2,2,FRIDAY,10,0,0,0,0,0,0,Self-employed,0.3933108000214261,0.09460395517868518,0.4471785780453068,0.0412,0.0471,0.9935,,,0.0,0.1379,0.1667,,0.0193,,0.0519,,0.0,0.042,0.0489,0.9935,,,0.0,0.1379,0.1667,,0.0197,,0.0541,,0.0,0.0416,0.0471,0.9935,,,0.0,0.1379,0.1667,,0.0196,,0.0528,,0.0,,block of flats,0.0408,"Stone, brick",No,0.0,0.0,0.0,0.0,-456.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,4.0 +1877952,257569,Consumer loans,11247.795,77845.5,74686.5,7785.0,77845.5,SATURDAY,9,Y,1,0.102806093344643,,,XAP,Approved,-2662,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,1018,Consumer electronics,8.0,high,POS household with interest,365243.0,-2631.0,-2421.0,-2481.0,-2472.0,1.0,0,Cash loans,M,Y,N,0,225000.0,1800000.0,62568.0,1800000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.018029,-16367,-3224,-1035.0,-4385,4.0,1,1,0,1,0,0,Managers,2.0,3,3,SUNDAY,12,0,0,0,1,1,0,Culture,0.6839994874164899,0.5811926821480183,0.5919766183185521,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1721.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2107786,388735,Cash loans,16823.25,225000.0,225000.0,,225000.0,MONDAY,12,Y,1,,,,XNA,Approved,-403,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-373.0,137.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,135000.0,254700.0,25321.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.006852,-24565,365243,-16223.0,-3978,,1,0,0,1,0,0,,2.0,3,3,FRIDAY,6,0,0,0,0,0,0,XNA,,0.07149524009480887,0.5100895276257282,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1739.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1220748,442800,Cash loans,11658.645,90000.0,108643.5,,90000.0,TUESDAY,18,Y,1,,,,Other,Refused,-279,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,middle,Cash Street: middle,,,,,,,0,Cash loans,M,Y,Y,1,315000.0,863226.0,39136.5,697500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.02461,-10158,-1218,-4931.0,-2797,6.0,1,1,0,1,1,0,Sales staff,3.0,2,2,MONDAY,9,0,1,1,0,1,1,Self-employed,,0.21145812665434066,,0.0072,0.0,0.9578,,,0.0,0.0345,0.0417,,0.0,,0.0043,,0.0,0.0074,0.0,0.9578,,,0.0,0.0345,0.0417,,0.0,,0.0045,,0.0,0.0073,0.0,0.9578,,,0.0,0.0345,0.0417,,0.0,,0.0044,,0.0,,block of flats,0.0039,Wooden,No,3.0,0.0,3.0,0.0,-283.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2431888,247944,Consumer loans,13083.435,68400.0,72013.5,0.0,68400.0,TUESDAY,8,Y,1,0.0,,,XAP,Approved,-300,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Stone,55,Consumer electronics,6.0,middle,POS household with interest,365243.0,-269.0,-119.0,-119.0,-113.0,0.0,0,Cash loans,F,N,Y,0,67500.0,738000.0,24520.5,738000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-20488,365243,-3974.0,-3991,,1,0,0,1,1,0,,2.0,2,2,MONDAY,11,0,0,0,0,0,0,XNA,,0.5669978840679039,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-300.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1626415,182958,Cash loans,13776.21,180000.0,203760.0,0.0,180000.0,WEDNESDAY,16,Y,1,0.0,,,XNA,Approved,-2361,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,high,Cash Street: high,365243.0,-2331.0,-1641.0,-2151.0,-2147.0,1.0,0,Cash loans,F,N,Y,0,157500.0,808650.0,23773.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.022625,-16641,-529,-6860.0,-184,,1,1,0,1,0,0,Sales staff,1.0,2,2,FRIDAY,18,0,0,0,0,1,1,Self-employed,0.5339450747660164,0.4494532836910268,0.6246146584503397,0.3948,0.4445,0.9821,0.7552,0.1923,0.0,0.8966,0.1667,0.2083,0.37,0.3219,0.2526,0.0039,0.001,0.4023,0.4613,0.9821,0.7648,0.1941,0.0,0.8966,0.1667,0.2083,0.3784,0.3517,0.2632,0.0039,0.0011,0.3987,0.4445,0.9821,0.7585,0.1935,0.0,0.8966,0.1667,0.2083,0.3764,0.3275,0.2571,0.0039,0.001,reg oper account,block of flats,0.3038,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,1.0 +1521179,174053,Cash loans,,0.0,0.0,,,WEDNESDAY,9,Y,1,,,,XNA,Refused,-242,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,N,0,108000.0,242595.0,17383.5,202500.0,Unaccompanied,Pensioner,Higher education,Separated,Municipal apartment,0.035792000000000004,-19793,365243,-9447.0,-3322,,1,0,0,1,0,0,,1.0,2,2,SUNDAY,10,0,0,0,0,0,0,XNA,,0.5246485203592784,0.7801436381572275,0.2237,0.1146,0.9871,,,0.24,0.2069,0.3333,,0.114,,0.2305,,0.0012,0.2279,0.119,0.9871,,,0.2417,0.2069,0.3333,,0.1166,,0.2401,,0.0012,0.2259,0.1146,0.9871,,,0.24,0.2069,0.3333,,0.1159,,0.2346,,0.0012,,block of flats,0.1815,Panel,No,1.0,0.0,1.0,0.0,-534.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1984884,434633,Consumer loans,17035.38,89739.0,94477.5,0.0,89739.0,THURSDAY,15,Y,1,0.0,,,XAP,Approved,-26,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Country-wide,100,Furniture,6.0,low_normal,POS industry with interest,365243.0,365243.0,154.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,2,166500.0,675000.0,25015.5,675000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.015221,-15864,-959,-2232.0,-5143,,1,1,1,1,1,0,,4.0,2,2,THURSDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.7809396694946258,0.7091510703954172,0.35895122857839673,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-731.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1670266,322722,Cash loans,10742.31,112500.0,123637.5,0.0,112500.0,WEDNESDAY,11,Y,1,0.0,,,XNA,Approved,-1652,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-1622.0,-1112.0,-1112.0,-1109.0,1.0,0,Cash loans,M,N,N,0,112500.0,122256.0,7146.0,108000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.072508,-24074,365243,-5027.0,-5278,,1,0,0,1,0,0,,1.0,1,1,WEDNESDAY,9,0,0,0,0,0,0,XNA,,0.3527604600220212,0.34578480246959553,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-979.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,4.0 +2513955,286545,Cash loans,56907.675,675000.0,709749.0,,675000.0,TUESDAY,16,Y,1,,,,XNA,Refused,-761,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,Y,Y,2,315000.0,1345500.0,57136.5,1345500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-12545,-3356,-1024.0,-3531,3.0,1,1,0,1,0,0,Accountants,4.0,2,2,SUNDAY,10,0,0,0,0,0,0,Self-employed,0.7713590363622693,0.6128877990510687,0.7209441499436497,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1006281,227947,Consumer loans,18961.83,107995.5,102006.0,10800.0,107995.5,WEDNESDAY,16,Y,1,0.10426911527916796,,,XAP,Approved,-1250,Cash through the bank,XAP,Unaccompanied,Refreshed,Consumer Electronics,POS,XNA,Country-wide,5000,Consumer electronics,6.0,middle,POS household with interest,,,,,,,0,Cash loans,M,Y,Y,0,405000.0,1480500.0,40842.0,1480500.0,Family,Commercial associate,Higher education,Married,House / apartment,0.026392000000000002,-13002,-1443,-1397.0,-4080,4.0,1,1,0,1,0,0,Core staff,2.0,2,2,SUNDAY,16,0,0,0,0,0,0,Trade: type 7,,0.675987493954844,0.09445169198377182,0.1237,,0.998,,,0.12,0.1034,0.375,,,,0.0854,,0.2149,0.1261,,0.998,,,0.1208,0.1034,0.375,,,,0.08900000000000001,,0.2275,0.1249,,0.998,,,0.12,0.1034,0.375,,,,0.0869,,0.2194,,block of flats,0.1139,"Stone, brick",No,3.0,0.0,3.0,0.0,-720.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +1467278,128469,Cash loans,15883.335,135000.0,143910.0,0.0,135000.0,SATURDAY,9,Y,1,0.0,,,XNA,Approved,-1907,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,high,Cash X-Sell: high,365243.0,-1877.0,-1547.0,-1547.0,-1542.0,1.0,0,Cash loans,F,N,Y,1,135000.0,1017684.0,29884.5,729000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-15943,-8388,-3049.0,-4403,,1,1,0,1,0,0,Laborers,3.0,2,2,TUESDAY,9,0,0,0,0,0,0,Business Entity Type 2,0.7882695687607386,0.2622583692422573,0.6610235391308081,0.0722,0.0511,0.9757,0.6668,0.0078,0.0,0.1379,0.1667,0.2083,0.0725,0.0588,0.0526,0.0,0.0,0.0735,0.0531,0.9757,0.6798,0.0078,0.0,0.1379,0.1667,0.2083,0.0741,0.0643,0.0548,0.0,0.0,0.0729,0.0511,0.9757,0.6713,0.0078,0.0,0.1379,0.1667,0.2083,0.0737,0.0599,0.0535,0.0,0.0,reg oper account,block of flats,0.0414,"Stone, brick",No,5.0,0.0,5.0,0.0,-2078.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2110843,100329,Consumer loans,9364.725,91800.0,91345.5,9180.0,91800.0,SUNDAY,11,Y,1,0.0994559046754758,,,XAP,Approved,-558,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Stone,100,Consumer electronics,12.0,middle,POS household with interest,365243.0,-527.0,-197.0,-227.0,-222.0,0.0,0,Cash loans,F,Y,Y,0,135000.0,247275.0,17716.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006852,-19997,-645,-2391.0,-3399,19.0,1,1,1,1,1,0,,2.0,3,3,FRIDAY,8,0,1,1,0,1,1,Business Entity Type 3,,0.08131072699755099,0.6296742509538716,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1477.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1128465,261527,Consumer loans,20007.0,129060.0,120451.5,16065.0,129060.0,MONDAY,18,Y,1,0.1281621302519875,,,XAP,Approved,-1556,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,8.0,high,POS mobile with interest,365243.0,-1518.0,-1308.0,-1428.0,-1424.0,0.0,0,Cash loans,F,Y,Y,0,225000.0,589500.0,30226.5,589500.0,Unaccompanied,Working,Incomplete higher,Married,Municipal apartment,0.006233,-14739,-3189,-4152.0,-482,5.0,1,1,0,1,1,0,Accountants,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Trade: type 3,,0.6262415001964408,0.41184855592423975,0.0656,0.0,0.9866,,,0.0,0.1493,0.1667,,0.045,,0.0582,,0.0316,0.0452,0.0,0.9866,,,0.0,0.1724,0.1667,,0.0,,0.0404,,0.0243,0.076,0.0,0.9866,,,0.0,0.1724,0.1667,,0.0,,0.0685,,0.0355,,block of flats,0.0369,Panel,No,0.0,0.0,0.0,0.0,-1556.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1851074,398949,Consumer loans,7642.26,51556.5,37989.0,15471.0,51556.5,WEDNESDAY,10,Y,0,0.3151763085399448,,,XAP,Approved,-532,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,35,Connectivity,6.0,high,POS mobile with interest,365243.0,-501.0,-351.0,-351.0,-346.0,0.0,0,Cash loans,F,N,Y,3,81000.0,450000.0,30204.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00963,-12941,-1897,-1769.0,-1237,,1,1,1,1,0,0,Laborers,5.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.3940893877355281,0.5859329077687643,0.6041125998015721,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-532.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1634004,385780,Cash loans,,0.0,0.0,,,THURSDAY,12,Y,1,,,,XNA,Refused,-284,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,N,N,2,225000.0,339241.5,16627.5,238500.0,Unaccompanied,Working,Lower secondary,Married,House / apartment,0.010276,-13298,-2908,-5983.0,-5051,,1,1,0,1,0,0,Security staff,4.0,2,2,MONDAY,15,0,1,1,0,0,0,Security,,0.574268273953927,0.3556387169923543,,,0.9806,,,,,,,,,0.0106,,,,,0.9806,,,,,,,,,0.011,,,,,0.9806,,,,,,,,,0.0108,,,,block of flats,0.0083,,Yes,0.0,0.0,0.0,0.0,-2411.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +1895352,434578,Cash loans,15364.08,292500.0,339988.5,,292500.0,TUESDAY,9,Y,1,,,,XNA,Approved,-1052,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-1022.0,28.0,365243.0,365243.0,1.0,0,Revolving loans,F,N,Y,0,90000.0,247500.0,12375.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-18118,-331,-2316.0,-1662,,1,1,0,1,0,0,Sales staff,2.0,3,3,THURSDAY,7,0,0,0,0,1,1,Business Entity Type 3,0.7276856248605543,0.10219979693389536,0.34090642641523844,0.0649,0.0503,0.9767,0.6804,0.045,0.0,0.1552,0.125,0.1667,0.0143,0.0525,0.0532,0.0019,0.002,0.0378,0.0,0.9722,0.6341,0.017,0.0,0.1034,0.0833,0.125,0.0106,0.0331,0.0221,0.0,0.0,0.0656,0.0503,0.9767,0.6847,0.0452,0.0,0.1552,0.125,0.1667,0.0145,0.0534,0.0541,0.0019,0.0021,reg oper account,block of flats,0.0167,"Stone, brick",No,1.0,0.0,1.0,0.0,-1161.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1138421,278047,Consumer loans,9691.02,40765.5,34015.5,6750.0,40765.5,THURSDAY,7,Y,1,0.180332968720208,,,XAP,Refused,-2662,Cash through the bank,SCO,Family,Repeater,XNA,POS,XNA,Country-wide,40,Connectivity,4.0,low_normal,POS mobile with interest,,,,,,,0,Cash loans,M,N,N,0,162000.0,119925.0,11227.5,112500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.006629,-23655,365243,-2319.0,-4551,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,6,0,0,0,0,0,0,XNA,,0.5710467108965571,0.5549467685334323,0.0464,0.0322,0.9861,0.8096,0.0126,0.04,0.0345,0.3333,0.0417,0.0289,0.0361,0.0501,0.0077,0.0108,0.0473,0.0334,0.9861,0.8171,0.0127,0.0403,0.0345,0.3333,0.0417,0.0295,0.0395,0.0522,0.0078,0.0114,0.0468,0.0322,0.9861,0.8121,0.0127,0.04,0.0345,0.3333,0.0417,0.0294,0.0368,0.051,0.0078,0.011,reg oper spec account,block of flats,0.0486,Panel,No,0.0,0.0,0.0,0.0,-2.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2623031,368099,Consumer loans,13752.81,152811.0,122247.0,30564.0,152811.0,THURSDAY,17,Y,1,0.2178310104996011,,,XAP,Approved,-2064,Non-cash from your account,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,95,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-2033.0,-1763.0,-1763.0,-1753.0,0.0,0,Cash loans,M,Y,Y,0,157500.0,830709.0,30915.0,742500.0,Family,Commercial associate,Higher education,Married,House / apartment,0.031329,-10304,-2569,-1496.0,-387,2.0,1,1,0,1,0,0,Core staff,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Self-employed,0.4153177168191103,0.6588706492568475,0.4418358231994413,0.0515,0.0854,0.9781,0.7008,0.0045,0.04,0.0345,0.3333,0.375,0.0516,0.0403,0.0419,0.0077,0.036000000000000004,0.0525,0.0886,0.9782,0.7125,0.0045,0.0403,0.0345,0.3333,0.375,0.0528,0.0441,0.0436,0.0078,0.0381,0.052000000000000005,0.0854,0.9781,0.7048,0.0045,0.04,0.0345,0.3333,0.375,0.0525,0.041,0.0426,0.0078,0.0367,reg oper account,block of flats,0.0485,"Stone, brick",No,0.0,0.0,0.0,0.0,-603.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,2.0,1.0 +1520240,346513,Cash loans,10745.28,90000.0,95940.0,0.0,90000.0,WEDNESDAY,10,Y,1,0.0,,,Everyday expenses,Approved,-2119,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-2089.0,-1759.0,-1759.0,-1331.0,1.0,0,Revolving loans,M,Y,Y,2,450000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-11086,-2621,-545.0,-3573,8.0,1,1,0,1,0,0,Laborers,4.0,2,2,MONDAY,9,0,0,0,0,1,1,Industry: type 9,0.22958950103380224,0.4165239650462137,0.30162489168411943,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2105.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2484094,447412,Cash loans,6526.35,238500.0,238500.0,,238500.0,MONDAY,11,Y,1,,,,XNA,Refused,-198,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,72.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,1,189000.0,225000.0,10953.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-18269,-3652,-4878.0,-1777,,1,1,0,1,1,0,,3.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Business Entity Type 2,0.7426789711235604,0.713274091466333,0.5971924268337128,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-3408.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1055296,340367,Consumer loans,13792.725,103293.0,103293.0,0.0,103293.0,MONDAY,17,Y,1,0.0,,,XAP,Approved,-339,XNA,XAP,,New,Construction Materials,POS,XNA,Regional / Local,15,Construction,8.0,low_action,POS industry with interest,365243.0,-298.0,-88.0,-88.0,-81.0,0.0,0,Cash loans,F,Y,N,0,112500.0,144000.0,11304.0,144000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.030755,-17510,-3081,-2018.0,-1015,6.0,1,1,0,1,0,0,Laborers,1.0,2,2,WEDNESDAY,15,0,0,0,0,1,1,Business Entity Type 3,0.6158186676645139,0.16967241513187473,0.6594055320683344,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-6.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2370550,117412,Cash loans,7660.575,90000.0,98910.0,,90000.0,THURSDAY,12,Y,1,,,,XNA,Approved,-640,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-610.0,-100.0,-490.0,-483.0,1.0,0,Revolving loans,F,N,Y,0,144000.0,427500.0,21375.0,427500.0,Unaccompanied,Commercial associate,Incomplete higher,Widow,House / apartment,0.031329,-23667,-1222,-1804.0,-3976,,1,1,0,1,1,0,Secretaries,1.0,2,2,SUNDAY,10,0,0,0,0,0,0,Medicine,0.864005310778621,0.44957232912404094,0.524496446363472,0.0619,0.0486,0.9752,0.66,0.0413,0.0,0.1379,0.1667,0.2083,0.0219,0.0504,0.0521,0.0,0.0,0.063,0.0504,0.9752,0.6733,0.0417,0.0,0.1379,0.1667,0.2083,0.0224,0.0551,0.0543,0.0,0.0,0.0625,0.0486,0.9752,0.6645,0.0416,0.0,0.1379,0.1667,0.2083,0.0223,0.0513,0.0531,0.0,0.0,reg oper spec account,block of flats,0.041,Panel,No,1.0,1.0,1.0,1.0,-1258.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2311146,164121,Consumer loans,16875.36,482017.5,433813.5,48204.0,482017.5,MONDAY,13,Y,1,0.10891417465510723,,,XAP,Approved,-878,Cash through the bank,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Stone,5,Consumer electronics,36.0,low_normal,POS household with interest,365243.0,-844.0,206.0,365243.0,365243.0,0.0,0,Revolving loans,M,Y,Y,2,382500.0,585000.0,29250.0,585000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-16610,-4969,-6551.0,-150,15.0,1,1,0,1,0,0,Laborers,4.0,2,2,THURSDAY,12,0,1,1,0,1,1,Industry: type 9,,0.5750967378401391,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-878.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1954889,294749,Consumer loans,14693.22,101970.0,105412.5,5085.0,101970.0,SUNDAY,19,Y,1,0.05011902778549082,,,XAP,Approved,-464,XNA,XAP,,New,Computers,POS,XNA,Country-wide,113,Consumer electronics,10.0,high,POS mobile with interest,365243.0,-425.0,-155.0,-155.0,-149.0,0.0,0,Cash loans,F,N,N,0,157500.0,1417077.0,56331.0,1215000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.015221,-17555,-1045,-1246.0,-1084,,1,1,1,1,0,0,Sales staff,2.0,2,2,TUESDAY,12,0,1,1,0,1,1,Trade: type 7,,0.17705793562868893,0.4650692149562261,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-464.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2498908,287380,Consumer loans,6404.67,74155.5,85900.5,0.0,74155.5,SUNDAY,11,Y,1,0.0,,,XAP,Approved,-636,Cash through the bank,XAP,,Refreshed,Audio/Video,POS,XNA,Regional / Local,1000,Consumer electronics,18.0,middle,POS household with interest,365243.0,-605.0,-95.0,-155.0,-153.0,0.0,0,Cash loans,M,N,Y,0,90000.0,123993.0,8946.0,103500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.016612000000000002,-17984,365243,-6760.0,-1542,,1,0,0,1,0,0,,1.0,2,2,SATURDAY,10,0,0,0,0,0,0,XNA,,0.3310137046409505,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-149.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2584878,194863,Cash loans,92468.115,810000.0,837801.0,,810000.0,TUESDAY,10,Y,1,,,,XNA,Approved,-812,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,Y,Y,0,202500.0,983299.5,39127.5,904500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-16177,-2998,-70.0,-5243,14.0,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,16,0,0,0,1,1,0,Self-employed,,0.5510536174923151,0.4992720153045617,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,0.0,9.0,0.0,-743.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2642953,324848,Cash loans,21389.895,180000.0,231786.0,,180000.0,TUESDAY,12,Y,1,,,,Other,Approved,-504,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,365243.0,-474.0,36.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,0,90000.0,450000.0,27193.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-9328,-916,-4309.0,-2009,,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Industry: type 7,0.15951113936510933,0.3218976204895264,0.5585066276769286,0.0619,0.0628,0.9762,,,,0.1379,0.1667,,0.0633,,0.0496,,0.0183,0.063,0.0652,0.9762,,,,0.1379,0.1667,,0.0647,,0.0516,,0.0194,0.0625,0.0628,0.9762,,,,0.1379,0.1667,,0.0644,,0.0505,,0.0187,,block of flats,0.043,Panel,No,0.0,0.0,0.0,0.0,-937.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2536681,419000,Revolving loans,0.0,0.0,0.0,,0.0,SATURDAY,12,Y,1,,,,XAP,Approved,-473,XNA,XAP,,New,XNA,Cards,walk-in,Country-wide,50,Connectivity,0.0,XNA,Card Street,-473.0,-425.0,365243.0,-425.0,365243.0,0.0,0,Cash loans,F,N,N,0,85500.0,256500.0,17271.0,256500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-16519,-1312,-4916.0,-68,,1,1,1,1,0,0,,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Trade: type 7,,0.6047166306332927,0.7151031019926098,0.101,0.0884,0.9786,0.7076,0.0022,0.0,0.2069,0.1667,0.2083,0.0902,0.0807,0.0848,0.0077,0.0055,0.1029,0.0917,0.9786,0.7190000000000001,0.0022,0.0,0.2069,0.1667,0.2083,0.0922,0.0882,0.0883,0.0078,0.0058,0.102,0.0884,0.9786,0.7115,0.0022,0.0,0.2069,0.1667,0.2083,0.0918,0.0821,0.0863,0.0078,0.0056,reg oper account,block of flats,0.0679,"Stone, brick",No,0.0,0.0,0.0,0.0,-473.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2550583,131082,Cash loans,36870.21,571500.0,639396.0,,571500.0,FRIDAY,10,Y,1,,,,XNA,Refused,-405,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash Street: high,,,,,,,0,Cash loans,M,Y,Y,2,225000.0,328405.5,19975.5,283500.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.072508,-20290,365243,-877.0,-3730,7.0,1,0,0,1,1,0,,4.0,1,1,THURSDAY,10,0,0,0,0,0,0,XNA,,0.7461759062135301,0.5352762504724826,0.0619,0.0673,0.9762,,,0.0,0.1034,0.1667,,0.0109,,0.0494,,0.0,0.063,0.0698,0.9762,,,0.0,0.1034,0.1667,,0.0111,,0.0515,,0.0,0.0625,0.0673,0.9762,,,0.0,0.1034,0.1667,,0.0111,,0.0503,,0.0,,block of flats,0.0388,"Stone, brick",No,0.0,0.0,0.0,0.0,-1068.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2728245,389321,Revolving loans,11250.0,0.0,225000.0,,,WEDNESDAY,9,Y,1,,,,XAP,Approved,-1440,XNA,XAP,,Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-1390.0,-1359.0,365243.0,-1300.0,365243.0,0.0,0,Cash loans,M,Y,N,1,207000.0,1018503.0,30879.0,912505.5,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.025164,-16228,-998,-245.0,-5775,9.0,1,1,1,1,0,0,Drivers,3.0,2,2,THURSDAY,16,0,0,0,0,0,0,Trade: type 7,,0.6725920606904934,0.5460231970049609,0.2454,0.136,0.9921,0.8912,0.0368,0.24,0.2069,0.375,0.4167,0.1712,0.2,0.2761,0.0,0.0,0.25,0.1412,0.9921,0.8955,0.0372,0.2417,0.2069,0.375,0.4167,0.1752,0.2185,0.2877,0.0,0.0,0.2477,0.136,0.9921,0.8927,0.0371,0.24,0.2069,0.375,0.4167,0.1742,0.2035,0.2811,0.0,0.0,reg oper account,block of flats,0.2637,Panel,No,0.0,0.0,0.0,0.0,-2661.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1603263,275360,Cash loans,19997.1,180000.0,180000.0,,180000.0,TUESDAY,12,Y,1,,,,XNA,Approved,-1494,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-1464.0,-1134.0,-1134.0,-1132.0,1.0,0,Cash loans,M,Y,N,1,360000.0,462694.5,24547.5,418500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.025164,-15945,-3844,-683.0,-4363,10.0,1,1,0,1,0,0,Laborers,3.0,2,2,TUESDAY,10,0,0,0,0,1,1,Business Entity Type 3,,0.4942181657291868,,0.0742,0.0818,0.9985,0.9796,0.0057,0.08,0.069,0.3333,0.375,0.0223,0.0605,0.1193,0.0,0.0656,0.0756,0.0849,0.9985,0.9804,0.0058,0.0806,0.069,0.3333,0.375,0.0228,0.0661,0.1243,0.0,0.0694,0.0749,0.0818,0.9985,0.9799,0.0058,0.08,0.069,0.3333,0.375,0.0227,0.0616,0.1214,0.0,0.067,reg oper spec account,block of flats,0.0938,"Stone, brick",No,2.0,0.0,2.0,0.0,-1708.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,,,,,, +1855595,256496,Consumer loans,13582.98,88065.0,68809.5,22500.0,88065.0,SATURDAY,13,Y,1,0.2683679732617686,,,XAP,Approved,-1812,Cash through the bank,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Regional / Local,300,Consumer electronics,6.0,high,POS household with interest,365243.0,-1781.0,-1631.0,-1631.0,-1629.0,0.0,0,Cash loans,F,Y,N,0,135000.0,1006920.0,40063.5,900000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.020713,-16558,-2981,-4658.0,-99,14.0,1,1,0,1,0,0,Sales staff,2.0,3,2,FRIDAY,8,0,0,0,0,0,0,Business Entity Type 3,0.6883830489756839,0.4402405167630176,,0.1021,0.1036,0.9781,0.7008,0.0123,0.0,0.2069,0.1667,0.2083,0.0353,0.0807,0.0881,0.0116,0.0071,0.104,0.1075,0.9782,0.7125,0.0124,0.0,0.2069,0.1667,0.2083,0.0361,0.0882,0.0918,0.0117,0.0075,0.1031,0.1036,0.9781,0.7048,0.0124,0.0,0.2069,0.1667,0.2083,0.0359,0.0821,0.0897,0.0116,0.0073,reg oper account,block of flats,0.077,Panel,No,0.0,0.0,0.0,0.0,-1812.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1276643,267936,Consumer loans,5353.74,58455.0,56533.5,7015.5,58455.0,MONDAY,9,Y,1,0.12023033049658173,,,XAP,Approved,-2515,XNA,XAP,,Repeater,Consumer Electronics,POS,XNA,Stone,147,Consumer electronics,12.0,low_normal,POS household without interest,365243.0,-2482.0,-2152.0,-2152.0,-2131.0,1.0,0,Cash loans,F,N,N,0,225000.0,755190.0,29947.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.0105,-18939,365243,-8163.0,-449,,1,0,0,1,1,0,,2.0,3,3,TUESDAY,17,0,0,0,0,0,0,XNA,,0.4324260824639881,0.2750003523983893,,,0.9856,,,,,,,,,0.0236,,,,,0.9856,,,,,,,,,0.0246,,,,,0.9856,,,,,,,,,0.024,,,,,0.0195,,No,1.0,0.0,1.0,0.0,-320.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1455720,199308,Cash loans,8411.805,81000.0,86346.0,,81000.0,TUESDAY,9,Y,1,,,,XNA,Approved,-161,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-131.0,199.0,365243.0,365243.0,1.0,0,Cash loans,M,N,N,1,148500.0,284400.0,8928.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.04622,-14650,-421,-896.0,-4345,,1,1,0,1,0,0,Security staff,3.0,1,1,SATURDAY,11,0,1,1,0,0,0,Security,0.2774405719236597,0.4924854679453661,0.5478104658520093,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-972.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2035095,339110,Cash loans,9716.805,90000.0,95940.0,,90000.0,TUESDAY,12,Y,1,,,,XNA,Approved,-1072,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1042.0,-712.0,-712.0,-702.0,1.0,0,Cash loans,F,N,Y,0,126000.0,268659.0,26302.5,243000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010147,-23788,365243,-11430.0,-4673,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,,0.6633241376015203,0.6738300778602003,0.0619,0.063,0.9841,,,0.0,0.1379,0.1667,,0.0253,,0.061,,0.0,0.063,0.0654,0.9841,,,0.0,0.1379,0.1667,,0.0258,,0.0636,,0.0,0.0625,0.063,0.9841,,,0.0,0.1379,0.1667,,0.0257,,0.0621,,0.0,,block of flats,0.0521,Panel,No,0.0,0.0,0.0,0.0,-1876.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2705387,409702,Consumer loans,5119.02,27895.5,25105.5,2790.0,27895.5,WEDNESDAY,15,Y,1,0.10892665972517558,,,XAP,Approved,-1616,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,15,Connectivity,6.0,high,POS mobile with interest,365243.0,-1578.0,-1428.0,-1428.0,-1325.0,0.0,0,Revolving loans,M,N,N,0,202500.0,135000.0,6750.0,135000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.025164,-16037,-1330,-8519.0,-4956,,1,1,0,1,0,0,Drivers,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.14397802695045794,0.5666005544496573,0.4974688893052743,0.0515,0.0787,0.9742,0.6464,0.0,0.0,0.1034,0.1667,0.2083,0.0,0.042,0.0409,0.0,0.0401,0.0378,0.0816,0.9742,0.6602,0.0,0.0,0.069,0.1667,0.2083,0.0,0.0331,0.031,0.0,0.0281,0.052000000000000005,0.0787,0.9742,0.6511,0.0,0.0,0.1034,0.1667,0.2083,0.0,0.0428,0.0416,0.0,0.041,reg oper account,block of flats,0.0292,Block,No,0.0,0.0,0.0,0.0,-1616.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,4.0,2.0,1.0 +1804454,140227,Cash loans,,0.0,0.0,,,MONDAY,17,Y,1,,,,XNA,Refused,-165,XNA,SCOFR,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Revolving loans,F,N,N,1,198000.0,585000.0,29250.0,585000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Rented apartment,0.019101,-12345,-2252,-227.0,-2639,,1,1,0,1,0,0,Managers,3.0,2,2,THURSDAY,10,0,0,0,0,1,1,Industry: type 2,0.5505746991484243,0.6708223290664129,0.6279908192952864,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1131.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2571864,337750,Cash loans,28502.82,225000.0,271300.5,,225000.0,SUNDAY,10,Y,1,,,,XNA,Approved,-692,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-662.0,-332.0,-422.0,-412.0,1.0,0,Cash loans,F,N,Y,1,135000.0,284400.0,18643.5,225000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.019101,-10427,-3097,-2346.0,-679,,1,1,0,1,0,0,,3.0,2,2,SATURDAY,9,0,1,1,0,1,1,Business Entity Type 3,0.3992066243565673,0.5540596180359055,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,2.0,2.0,2.0,-1805.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1696745,226099,Cash loans,24759.495,319500.0,354924.0,0.0,319500.0,SATURDAY,17,Y,1,0.0,,,XNA,Refused,-1764,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,24.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,Y,Y,0,135000.0,247500.0,25987.5,247500.0,Family,State servant,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-16709,-4681,-3997.0,-254,3.0,1,1,0,1,0,0,High skill tech staff,2.0,2,2,SATURDAY,17,0,0,0,0,0,0,School,,0.6522145936001167,0.4223696523543468,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1764.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2594881,379600,Cash loans,16346.25,135000.0,152820.0,,135000.0,FRIDAY,5,Y,1,,,,Repairs,Refused,-192,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,middle,Cash Street: middle,,,,,,,0,Cash loans,M,Y,Y,0,315000.0,1293502.5,37948.5,1129500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0038179999999999998,-21839,-494,-1103.0,-4988,9.0,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,5,0,0,0,0,0,0,Business Entity Type 3,0.700548816301466,0.5806656385538402,0.28961123838200553,0.0186,,0.9707,0.5988,0.0124,0.0,0.069,0.0833,0.125,0.0,0.0151,0.0164,0.0,0.0,0.0189,,0.9707,0.6145,0.0125,0.0,0.069,0.0833,0.125,0.0,0.0165,0.0171,0.0,0.0,0.0187,,0.9707,0.6042,0.0125,0.0,0.069,0.0833,0.125,0.0,0.0154,0.0167,0.0,0.0,reg oper account,block of flats,0.0197,Block,No,0.0,0.0,0.0,0.0,-791.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1457561,106404,Cash loans,26611.155,270000.0,284611.5,,270000.0,SATURDAY,13,Y,1,,,,Buying a garage,Refused,-277,Cash through the bank,VERIF,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,low_normal,Cash Street: low,,,,,,,0,Revolving loans,F,N,Y,1,90000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.020246,-13598,-6101,-55.0,-4706,,1,1,0,1,0,0,High skill tech staff,3.0,3,3,THURSDAY,6,0,0,0,0,0,0,Business Entity Type 2,,0.5072996704667999,0.4066174366275036,0.0742,0.0561,0.9801,0.728,0.0184,0.08,0.069,0.3333,0.375,0.0521,0.0605,0.076,0.0,0.0,0.0756,0.0582,0.9801,0.7387,0.0186,0.0806,0.069,0.3333,0.375,0.0533,0.0661,0.0792,0.0,0.0,0.0749,0.0561,0.9801,0.7316,0.0185,0.08,0.069,0.3333,0.375,0.053,0.0616,0.0773,0.0,0.0,reg oper spec account,block of flats,0.0598,Panel,No,1.0,1.0,1.0,1.0,-49.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2603588,433178,Consumer loans,9261.99,108891.0,130450.5,0.0,108891.0,SATURDAY,9,Y,1,0.0,,,XAP,Approved,-2299,XNA,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,943,Consumer electronics,24.0,high,POS household with interest,365243.0,-2268.0,-1578.0,-2118.0,-2116.0,0.0,0,Cash loans,F,Y,N,1,315000.0,678996.0,34798.5,540000.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,House / apartment,0.014464,-16238,-6352,-6080.0,-455,17.0,1,1,0,1,0,0,Core staff,2.0,2,2,TUESDAY,5,0,0,0,0,0,0,Government,0.4570713985234338,0.4771879754841921,0.6212263380626669,0.0082,,0.9722,,,,,0.0417,,,,0.0068,,,0.0084,,0.9722,,,,,0.0417,,,,0.0071,,,0.0083,,0.9722,,,,,0.0417,,,,0.0069,,,,block of flats,0.0053,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2096589,348763,Consumer loans,10662.21,54765.0,57658.5,0.0,54765.0,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-169,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,455,Consumer electronics,6.0,middle,POS household with interest,365243.0,-134.0,16.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,N,1,112500.0,1009566.0,33363.0,904500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-15888,-2771,-4815.0,-4885,10.0,1,1,0,1,0,0,Core staff,3.0,2,2,SATURDAY,10,0,0,0,0,1,1,Government,,0.6259855452043995,0.4294236843421945,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-169.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1284517,131822,Consumer loans,3239.82,17991.0,16191.0,1800.0,17991.0,SATURDAY,13,Y,1,0.10896357269543858,,,XAP,Approved,-2215,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,11,Connectivity,6.0,high,POS mobile with interest,365243.0,-2180.0,-2030.0,-2030.0,-2025.0,0.0,0,Cash loans,F,N,N,1,135000.0,1256400.0,36733.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.02461,-16281,-1903,-4325.0,-4990,,1,1,0,1,0,0,Cleaning staff,3.0,2,2,TUESDAY,14,0,0,0,0,0,0,Construction,,0.6212017689490736,0.3672910183026313,0.0124,0.0,0.9608,0.4628,0.0022,0.0,0.069,0.0833,0.125,,0.0101,0.0148,0.0,0.0,0.0126,0.0,0.9608,0.4838,0.0023,0.0,0.069,0.0833,0.125,,0.011,0.0154,0.0,0.0,0.0125,0.0,0.9608,0.47,0.0022,0.0,0.069,0.0833,0.125,,0.0103,0.015,0.0,0.0,reg oper spec account,block of flats,0.0128,Others,No,6.0,0.0,6.0,0.0,-1750.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,9.0,0.0,4.0 +1386841,393883,Cash loans,19609.065,135000.0,165226.5,,135000.0,TUESDAY,13,Y,1,,,,Repairs,Approved,-728,Cash through the bank,XAP,,Refreshed,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-698.0,-368.0,-428.0,-422.0,1.0,0,Cash loans,M,Y,Y,0,292500.0,677664.0,53671.5,585000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.030755,-12278,-1310,-6206.0,-4266,7.0,1,1,0,1,0,0,Drivers,1.0,2,2,TUESDAY,13,0,0,0,0,0,0,Self-employed,,0.5284318378352644,0.3123653692278984,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1284.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2045415,436714,Revolving loans,29250.0,0.0,585000.0,,,TUESDAY,14,Y,1,,,,XAP,Approved,-434,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,67500.0,265500.0,10138.5,265500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-12472,-3632,-5006.0,-4969,,1,1,0,1,0,0,Core staff,2.0,2,2,TUESDAY,12,0,0,0,1,1,0,Kindergarten,,0.698042805249042,0.5442347412142162,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2891.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1802183,425709,Consumer loans,8734.95,70686.54,76905.54,0.0,70686.54,TUESDAY,18,Y,1,0.0,,,XAP,Approved,-378,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,42,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-333.0,-63.0,-63.0,-58.0,0.0,0,Cash loans,F,N,Y,1,103500.0,254700.0,20250.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-8510,-746,-665.0,-456,,1,1,1,1,0,0,Sales staff,3.0,2,2,TUESDAY,11,0,0,0,0,1,1,Business Entity Type 3,,0.540249360422407,0.29859498978739724,0.0814,0.0804,0.9742,0.6464,0.0235,0.0,0.1379,0.1667,0.2083,0.0337,0.0664,0.0585,0.0,0.0,0.083,0.0834,0.9742,0.6602,0.0237,0.0,0.1379,0.1667,0.2083,0.0344,0.0725,0.061,0.0,0.0,0.0822,0.0804,0.9742,0.6511,0.0236,0.0,0.1379,0.1667,0.2083,0.0342,0.0676,0.0596,0.0,0.0,reg oper account,block of flats,0.0588,"Stone, brick",No,0.0,0.0,0.0,0.0,-378.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1441012,312306,Revolving loans,2250.0,0.0,45000.0,,,THURSDAY,11,Y,1,,,,XAP,Approved,-2822,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,80,Connectivity,0.0,XNA,Card Street,-2720.0,-2685.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,180000.0,463284.0,17595.0,382500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018801,-20925,365243,-3566.0,-3746,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,7,0,0,0,0,0,0,XNA,,0.15727332954329926,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1501.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1707583,114674,Cash loans,46670.13,787500.0,895608.0,,787500.0,TUESDAY,12,Y,1,,,,XNA,Refused,-504,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,high,Cash X-Sell: high,,,,,,,1,Cash loans,M,Y,Y,1,225000.0,312768.0,25074.0,270000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.007305,-11676,-401,-2233.0,-4187,11.0,1,1,1,1,1,0,,3.0,3,3,TUESDAY,8,0,0,0,0,1,1,Business Entity Type 3,,0.6173814128091095,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1550.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1896208,453300,Consumer loans,10680.03,104175.0,104175.0,0.0,104175.0,FRIDAY,18,Y,1,0.0,,,XAP,Approved,-455,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Country-wide,100,Furniture,12.0,middle,POS industry with interest,365243.0,-421.0,-91.0,-271.0,-264.0,0.0,0,Cash loans,F,N,Y,0,135000.0,528633.0,21096.0,472500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.011703,-21299,365243,-9975.0,-4197,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,XNA,0.8593894690213029,0.7207634063861831,0.6279908192952864,0.1289,0.0772,0.9796,0.7212,0.0,0.08,0.0345,0.3333,0.375,0.0,0.1051,0.0648,0.0,0.0,0.1313,0.0801,0.9796,0.7321,0.0,0.0806,0.0345,0.3333,0.375,0.0,0.1148,0.0675,0.0,0.0,0.1301,0.0772,0.9796,0.7249,0.0,0.08,0.0345,0.3333,0.375,0.0,0.1069,0.0659,0.0,0.0,reg oper account,block of flats,0.1175,"Stone, brick",No,0.0,0.0,0.0,0.0,-656.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1811828,412137,Revolving loans,38250.0,0.0,765000.0,,,THURSDAY,17,Y,1,,,,XAP,Approved,-698,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,-417.0,0.0,0,Cash loans,M,Y,Y,2,315000.0,1312110.0,52168.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-16085,-3488,-593.0,-1691,6.0,1,1,0,1,0,0,Managers,4.0,2,2,TUESDAY,15,0,0,0,0,0,0,Self-employed,,0.6585166836437071,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-859.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1338332,334510,Consumer loans,8028.315,126198.0,152851.5,0.0,126198.0,TUESDAY,11,Y,1,0.0,,,XAP,Approved,-657,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,1524,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-626.0,64.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,202500.0,1180129.5,34636.5,1030500.0,Family,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.003069,-22735,365243,-9047.0,-4625,,1,0,0,1,0,0,,2.0,3,3,MONDAY,12,0,0,0,0,0,0,XNA,0.7841630651771625,0.6564878240262908,0.7366226976503176,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-657.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1382172,151585,Consumer loans,22578.075,90306.0,81274.5,9031.5,90306.0,SATURDAY,8,Y,1,0.10891994491456317,,,XAP,Approved,-407,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,12,Connectivity,4.0,high,POS mobile with interest,365243.0,-364.0,-274.0,-274.0,-266.0,0.0,0,Cash loans,M,Y,Y,0,292500.0,675000.0,32602.5,675000.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,House / apartment,0.014464,-8194,-1287,-7349.0,-817,6.0,1,1,0,1,0,0,Laborers,1.0,2,2,SUNDAY,8,0,0,0,0,0,0,Military,0.13683876150580476,0.5283119533905672,0.4223696523543468,0.1546,0.0152,0.9742,,,0.0,0.0345,0.1667,,0.0523,,0.0668,,0.0,0.1576,0.0158,0.9742,,,0.0,0.0345,0.1667,,0.0535,,0.0696,,0.0,0.1561,0.0152,0.9742,,,0.0,0.0345,0.1667,,0.0532,,0.068,,0.0,,block of flats,0.0526,"Stone, brick",No,1.0,0.0,1.0,0.0,-407.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1056266,196296,Consumer loans,6530.535,72000.0,64800.0,7200.0,72000.0,SATURDAY,11,Y,1,0.1089090909090909,,,XAP,Approved,-427,XNA,XAP,,Repeater,Consumer Electronics,POS,XNA,Stone,25,Consumer electronics,12.0,middle,POS household with interest,365243.0,-396.0,-66.0,-306.0,-300.0,0.0,0,Cash loans,F,N,Y,2,157500.0,781920.0,31522.5,675000.0,Children,Working,Secondary / secondary special,Married,House / apartment,0.030755,-11168,-2213,-554.0,-833,,1,1,0,1,0,0,Core staff,4.0,2,2,SATURDAY,10,0,0,0,0,0,0,Kindergarten,0.3453513836588107,0.5219264638699515,0.31547215492577346,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1266.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2347805,446563,Consumer loans,21811.815,181035.0,195151.5,18103.5,181035.0,MONDAY,15,Y,1,0.09245437280592377,,,XAP,Approved,-1708,Cash through the bank,XAP,"Spouse, partner",New,Audio/Video,POS,XNA,Country-wide,1600,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1677.0,-1407.0,-1407.0,-1401.0,0.0,0,Cash loans,F,N,Y,0,108000.0,1546020.0,45333.0,1350000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.005084,-13733,-3417,-10582.0,-1797,,1,1,0,1,0,0,,2.0,2,2,MONDAY,18,0,0,0,0,0,0,Bank,0.5592309875170857,0.5892183870560738,,0.1464,1.0,0.9856,0.8028,,0.32,0.2759,0.3333,0.375,0.0413,0.1194,0.1798,,,0.1492,1.0,0.9856,0.8105,,0.3222,0.2759,0.3333,0.375,0.0422,0.1304,0.1873,,,0.1478,1.0,0.9856,0.8054,,0.32,0.2759,0.3333,0.375,0.042,0.1214,0.183,,,reg oper account,block of flats,0.2376,Panel,No,1.0,0.0,1.0,0.0,-1708.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2273358,183252,Consumer loans,20473.245,183600.0,183600.0,0.0,183600.0,WEDNESDAY,10,Y,1,0.0,,,XAP,Approved,-959,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,216,Furniture,12.0,high,POS industry with interest,365243.0,-923.0,-593.0,-593.0,-591.0,0.0,0,Cash loans,F,N,Y,1,68400.0,508495.5,21541.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-14787,-4281,-6963.0,-4548,,1,1,1,1,0,0,Cooking staff,3.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Kindergarten,,0.5992414423117438,0.5656079814115492,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1643.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1263645,245146,Consumer loans,7114.77,49270.5,53334.0,0.0,49270.5,WEDNESDAY,16,Y,1,0.0,,,XAP,Approved,-2490,XNA,XAP,Family,New,Mobile,POS,XNA,Country-wide,45,Connectivity,10.0,high,POS mobile with interest,365243.0,-2459.0,-2189.0,-2279.0,-2276.0,1.0,0,Revolving loans,F,Y,Y,1,450000.0,1350000.0,67500.0,1350000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.005313,-14215,-960,-133.0,-4506,4.0,1,1,0,1,0,1,Managers,3.0,2,2,MONDAY,19,0,0,0,0,1,1,Self-employed,0.8680084671767857,0.3131549893418422,0.3962195720630885,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,-858.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1966398,142004,Cash loans,28019.115,675000.0,790830.0,,675000.0,TUESDAY,13,Y,1,,,,XNA,Approved,-564,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,middle,Cash X-Sell: middle,365243.0,-534.0,1236.0,-294.0,-287.0,1.0,0,Cash loans,M,Y,N,0,175500.0,755190.0,36328.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.009549,-18930,-3829,-11527.0,-2453,8.0,1,1,1,1,1,0,High skill tech staff,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Transport: type 4,0.8021523047653256,0.7844871919292251,0.7165702448010511,0.0423,0.0357,0.9796,0.7212,0.0048,0.0,0.069,0.1667,0.2083,0.0549,0.0328,0.0355,0.0077,0.0029,0.0431,0.0371,0.9796,0.7321,0.0048,0.0,0.069,0.1667,0.2083,0.0561,0.0358,0.037000000000000005,0.0078,0.0031,0.0427,0.0357,0.9796,0.7249,0.0048,0.0,0.069,0.1667,0.2083,0.0558,0.0333,0.0362,0.0078,0.003,reg oper account,block of flats,0.0286,"Stone, brick",No,0.0,0.0,0.0,0.0,-3237.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1617296,246021,Cash loans,10857.645,121500.0,178668.0,,121500.0,FRIDAY,13,Y,1,,,,XNA,Approved,-316,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash X-Sell: high,365243.0,-286.0,764.0,-196.0,-188.0,1.0,0,Cash loans,M,N,N,1,135000.0,85320.0,5832.0,67500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.007120000000000001,-11271,-907,-2095.0,-3547,,1,1,0,1,0,0,Security staff,2.0,2,2,SATURDAY,8,0,1,1,0,1,1,Self-employed,,0.3760476349442706,0.5691487713619409,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1409.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1917287,415579,Cash loans,20281.5,450000.0,450000.0,0.0,450000.0,THURSDAY,8,Y,1,0.0,,,XNA,Refused,-2479,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,Y,Y,0,117000.0,364896.0,18760.5,315000.0,Unaccompanied,Pensioner,Higher education,Widow,Office apartment,0.031329,-20468,365243,-12086.0,-3726,18.0,1,0,0,1,0,0,,1.0,2,2,FRIDAY,10,0,0,0,0,0,0,XNA,,0.5493001835081851,0.7380196196295241,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-676.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1848882,103586,Cash loans,7991.775,67500.0,80703.0,,67500.0,FRIDAY,14,Y,1,,,,XNA,Approved,-1455,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-1425.0,-1095.0,-1095.0,-1089.0,1.0,0,Cash loans,F,N,Y,0,229500.0,846000.0,37264.5,846000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-23256,365243,-8975.0,-4779,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,XNA,,0.30562337341677354,0.5154953751603267,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,2.0,0.0,-1031.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1336416,161236,Cash loans,9045.045,45000.0,46485.0,0.0,45000.0,SATURDAY,13,Y,1,0.0,,,XNA,Approved,-2035,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,6.0,high,Cash Street: high,365243.0,-2005.0,-1855.0,-1855.0,-1852.0,1.0,0,Cash loans,F,N,Y,0,90000.0,388512.0,27036.0,360000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,Office apartment,0.028663,-20838,365243,-11564.0,-4073,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,XNA,0.6726533657889661,0.5088901187609559,0.4902575124990026,0.068,0.2366,0.9622,0.4832,,0.0,0.4138,0.0833,,0.0513,0.0546,0.0802,0.0039,0.0314,0.0693,0.2456,0.9623,0.5034,,0.0,0.4138,0.0833,,0.0525,0.0597,0.0835,0.0039,0.0332,0.0687,0.2366,0.9622,0.4901,,0.0,0.4138,0.0833,,0.0522,0.0556,0.0816,0.0039,0.0321,reg oper account,block of flats,0.0763,"Stone, brick",No,1.0,1.0,1.0,1.0,-2035.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1102472,379871,Consumer loans,7738.2,40455.0,42592.5,0.0,40455.0,WEDNESDAY,17,Y,1,0.0,,,XAP,Approved,-665,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Regional / Local,100,Consumer electronics,6.0,middle,POS household with interest,365243.0,-634.0,-484.0,-514.0,-507.0,0.0,0,Cash loans,F,N,Y,0,67500.0,161730.0,7254.0,135000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.008575,-21490,365243,-309.0,-1365,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,XNA,,0.7443492615912995,0.5064842396679806,0.0062,0.0106,0.9518,,,0.0,0.1379,0.0417,,0.0268,,0.004,,0.0,0.0063,0.011,0.9518,,,0.0,0.1379,0.0417,,0.0274,,0.0041,,0.0,0.0062,0.0106,0.9518,,,0.0,0.1379,0.0417,,0.0273,,0.004,,0.0,,block of flats,0.0031,"Stone, brick",No,0.0,0.0,0.0,0.0,-665.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1947879,234465,Consumer loans,5705.775,54337.5,48892.5,5445.0,54337.5,FRIDAY,17,Y,1,0.10913457556935814,,,XAP,Approved,-2626,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Stone,20,Connectivity,12.0,high,POS mobile with interest,365243.0,-2583.0,-2253.0,-2283.0,-2274.0,0.0,0,Cash loans,F,N,Y,0,90000.0,521280.0,28408.5,450000.0,Unaccompanied,Working,Higher education,Married,With parents,0.016612000000000002,-11188,-3064,-11176.0,-2692,,1,1,0,1,0,0,Sales staff,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,Self-employed,0.28103426443006363,0.7623396567100089,0.7886807751817684,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1261472,387996,Consumer loans,4158.945,33165.0,36450.0,0.0,33165.0,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-2230,Cash through the bank,XAP,"Spouse, partner",New,Audio/Video,POS,XNA,Stone,25,Industry,12.0,high,POS other with interest,365243.0,-2199.0,-1869.0,-1869.0,-1865.0,1.0,0,Revolving loans,M,N,N,0,135000.0,270000.0,13500.0,270000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.030755,-18932,-1541,-2990.0,-2364,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Business Entity Type 2,,0.6047689004864473,0.39449540531239935,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,2.0,2.0,2.0,-1712.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2458811,444455,Cash loans,26087.895,585000.0,654498.0,,585000.0,WEDNESDAY,9,Y,1,,,,XNA,Approved,-802,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-772.0,278.0,-682.0,-670.0,1.0,0,Cash loans,F,Y,Y,0,99000.0,255960.0,9778.5,202500.0,Children,Pensioner,Higher education,Widow,House / apartment,0.031329,-23474,365243,-11049.0,-4525,9.0,1,0,0,1,0,0,,1.0,2,2,SUNDAY,13,0,0,0,0,0,0,XNA,,0.33552279414467,0.8027454758994178,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,4.0 +1547133,283332,Revolving loans,2250.0,45000.0,45000.0,,45000.0,MONDAY,10,Y,1,,,,XAP,Refused,-53,XNA,SCO,Unaccompanied,Repeater,XNA,Cards,walk-in,Country-wide,100,Connectivity,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,N,N,1,157500.0,343377.0,23076.0,283500.0,Unaccompanied,Commercial associate,Incomplete higher,Married,With parents,0.007120000000000001,-10587,-1740,-5219.0,-3272,,1,1,0,1,0,0,,3.0,2,2,FRIDAY,8,0,0,0,1,1,0,Business Entity Type 3,,0.4811718682905032,0.2366108235287817,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2671195,321076,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,17,Y,1,,,,XAP,Approved,-156,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Stone,142,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,0,225000.0,844474.5,47281.5,729000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.030755,-21956,-2318,-2613.0,-4580,,1,1,0,1,0,0,Sales staff,2.0,2,2,FRIDAY,15,0,0,0,1,1,0,Self-employed,,0.6425206028437739,0.4223696523543468,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1051.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2748622,206469,Cash loans,29232.99,873000.0,999760.5,,873000.0,SATURDAY,10,Y,1,,,,XNA,Approved,-181,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,202500.0,916470.0,26928.0,765000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.025164,-18056,-812,-2181.0,-1575,,1,1,0,1,0,0,Medicine staff,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,Other,0.6548415466094749,0.5919361483744016,0.6986675550534175,0.0371,0.0323,0.9737,0.6396,0.0151,0.0,0.1034,0.0833,0.125,0.033,0.0303,0.0218,0.0,0.0,0.0378,0.0335,0.9737,0.6537,0.0152,0.0,0.1034,0.0833,0.125,0.0337,0.0331,0.0227,0.0,0.0,0.0375,0.0323,0.9737,0.6444,0.0152,0.0,0.1034,0.0833,0.125,0.0336,0.0308,0.0222,0.0,0.0,not specified,block of flats,0.0254,Block,No,0.0,0.0,0.0,0.0,-1640.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1290370,323337,Consumer loans,12855.465,76909.5,72868.5,7695.0,76909.5,SUNDAY,6,Y,1,0.1040242112799784,,,XAP,Approved,-693,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Stone,45,Consumer electronics,6.0,low_action,POS household without interest,365243.0,-662.0,-512.0,-512.0,-510.0,0.0,0,Cash loans,F,Y,Y,2,126000.0,225000.0,23755.5,225000.0,Family,Working,Higher education,Married,House / apartment,0.014464,-13827,-181,-5406.0,-5381,7.0,1,1,1,1,1,0,High skill tech staff,4.0,2,2,SUNDAY,7,0,0,0,0,0,0,Electricity,0.5471624238140617,0.3804188604518256,,0.1129,0.1328,0.9886,0.8436,0.0,0.0,0.3103,0.1667,0.2083,0.146,0.092,0.1174,0.0,0.0,0.0945,0.117,0.9876,0.8367,0.0,0.0,0.3103,0.1667,0.2083,0.1324,0.0826,0.1101,0.0,0.0,0.114,0.1328,0.9886,0.8457,0.0,0.0,0.3103,0.1667,0.2083,0.1485,0.0936,0.1196,0.0,0.0,reg oper account,block of flats,0.1018,"Stone, brick",No,0.0,0.0,0.0,0.0,-1984.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1818637,331666,Consumer loans,8611.92,71955.0,70456.5,7195.5,71955.0,MONDAY,18,Y,1,0.10091888987229736,,,XAP,Approved,-616,Cash through the bank,XAP,,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,70,Connectivity,10.0,middle,POS mobile with interest,365243.0,-585.0,-315.0,-315.0,-309.0,0.0,0,Revolving loans,F,Y,Y,0,112500.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.007114,-7797,-1214,-7733.0,-467,1.0,1,1,0,1,1,0,High skill tech staff,1.0,2,2,MONDAY,13,0,0,0,0,0,0,Transport: type 3,0.4191800717208661,0.7347295487454728,0.6109913280868294,0.0814,0.0692,,0.7144,,,0.2069,0.1667,0.2083,0.0607,,0.0751,,0.1278,0.083,0.0718,,0.7256,,,0.2069,0.1667,0.2083,0.0621,,0.0783,,0.1353,0.0822,0.0692,,0.7182,,,0.2069,0.1667,0.2083,0.0617,,0.0765,,0.1305,,block of flats,0.0869,Panel,No,0.0,0.0,0.0,0.0,-1007.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2459627,418846,Consumer loans,13601.43,112558.5,122463.0,0.0,112558.5,THURSDAY,16,Y,1,0.0,,,XAP,Approved,-641,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Regional / Local,860,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-610.0,-340.0,-430.0,-421.0,0.0,1,Cash loans,M,Y,Y,1,270000.0,384048.0,18031.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.011656999999999999,-12885,-4991,-7028.0,-4231,7.0,1,1,0,1,0,0,Drivers,2.0,1,1,MONDAY,10,0,0,0,0,1,1,Industry: type 11,0.12914336843666988,0.6156649799483481,0.7662336700704004,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2611970,303253,Consumer loans,,20601.0,20601.0,0.0,20601.0,SUNDAY,15,Y,1,0.0,,,XAP,Refused,-1085,Cash through the bank,XNA,,Repeater,Audio/Video,XNA,XNA,Country-wide,38,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,M,Y,N,0,180000.0,545040.0,26509.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-10774,-1170,-1031.0,-3341,18.0,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,11,0,0,0,0,1,1,Business Entity Type 3,0.4732689193685124,0.5867497045669829,0.5100895276257282,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1575.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2545971,226849,Consumer loans,13994.685,123214.5,123214.5,0.0,123214.5,SUNDAY,15,Y,1,0.0,,,XAP,Approved,-47,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,37,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-12.0,258.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,2,157500.0,452844.0,24696.0,378000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-10978,-784,-5827.0,-3640,,1,1,1,1,0,1,Sales staff,4.0,2,2,FRIDAY,10,0,0,0,0,0,0,Trade: type 7,0.5383944313565066,0.4877147753602744,,0.0804,0.0779,0.9846,0.7892,0.0373,0.0,0.2069,0.1667,0.2083,0.0835,0.0656,0.0761,0.0,0.0,0.0819,0.0808,0.9846,0.7975,0.0377,0.0,0.2069,0.1667,0.2083,0.0854,0.0716,0.0793,0.0,0.0,0.0812,0.0779,0.9846,0.792,0.0376,0.0,0.2069,0.1667,0.2083,0.0849,0.0667,0.0775,0.0,0.0,reg oper spec account,block of flats,0.0803,"Stone, brick",No,1.0,0.0,1.0,0.0,-2218.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2321335,204840,Cash loans,29576.745,585000.0,654498.0,,585000.0,TUESDAY,10,Y,1,,,,XNA,Approved,-1098,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-1068.0,-18.0,-258.0,-253.0,1.0,0,Cash loans,F,N,N,0,405000.0,316125.0,11484.0,261000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-20754,-2177,-9855.0,-4316,,1,1,0,1,0,0,Medicine staff,2.0,1,1,MONDAY,10,0,0,0,0,0,0,Medicine,,0.7195117687540316,0.8327850252992314,0.0124,0.0343,0.9811,,,0.0,0.069,0.0417,,0.0,,0.0072,,0.0,0.0126,0.0355,0.9811,,,0.0,0.069,0.0417,,0.0,,0.0075,,0.0,0.0125,0.0343,0.9811,,,0.0,0.069,0.0417,,0.0,,0.0074,,0.0,,block of flats,0.0138,Panel,No,2.0,0.0,1.0,0.0,-1556.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1441854,109667,Cash loans,15001.74,229500.0,254340.0,,229500.0,SATURDAY,9,Y,1,,,,XNA,Approved,-1116,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,N,0,135000.0,1350000.0,36202.5,1350000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-20935,-3074,-9896.0,-3759,,1,1,1,1,1,0,,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Housing,0.8666556846745397,0.6580444546342165,0.7850520263728172,0.1763,,0.9866,,,0.2,0.1724,0.3333,,,,0.2099,,0.0019,0.1796,,0.9866,,,0.2014,0.1724,0.3333,,,,0.2187,,0.002,0.17800000000000002,,0.9866,,,0.2,0.1724,0.3333,,,,0.2137,,0.0019,,block of flats,0.1655,Panel,No,2.0,0.0,2.0,0.0,-1296.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,8.0,0.0,0.0 +1910435,305844,Cash loans,36083.205,900000.0,1004544.0,,900000.0,FRIDAY,10,Y,1,,,,XNA,Approved,-659,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-629.0,781.0,365243.0,365243.0,1.0,0,Revolving loans,F,N,Y,0,90000.0,202500.0,10125.0,202500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-16689,-9038,-7330.0,-242,,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,Business Entity Type 1,,0.689752297189584,0.6479768603302221,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1034.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,0.0,0.0,2.0 +2770601,444381,Revolving loans,12375.0,0.0,247500.0,,,THURSDAY,11,N,0,,,,XAP,Refused,-739,XNA,LIMIT,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,Y,Y,0,90000.0,142632.0,14022.0,126000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.010276,-19879,-2381,-2354.0,-2377,64.0,1,1,0,1,0,0,Sales staff,1.0,2,2,MONDAY,16,0,0,0,0,0,0,Self-employed,,0.33551791884487786,0.6363761710860439,0.0103,,0.9518,,,,,0.0417,,,,0.0066,,,0.0105,,0.9518,,,,,0.0417,,,,0.0068,,,0.0104,,0.9518,,,,,0.0417,,,,0.0067,,,,block of flats,0.0052,Wooden,No,0.0,0.0,0.0,0.0,-144.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2193027,351251,Consumer loans,16059.15,104670.0,88159.5,20934.0,104670.0,THURSDAY,17,Y,1,0.20898613657925608,,,XAP,Approved,-644,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,40,Connectivity,6.0,middle,POS mobile without interest,365243.0,-611.0,-461.0,-461.0,-452.0,0.0,0,Revolving loans,M,Y,N,2,225000.0,585000.0,29250.0,585000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.072508,-14316,-193,-3928.0,-4976,10.0,1,1,0,1,1,0,Laborers,4.0,1,1,THURSDAY,14,0,0,0,0,0,0,Housing,0.44836591357885497,0.7508069976457085,0.5334816299804352,0.1474,0.0441,0.9916,0.8844,,0.08,0.0345,0.625,,0.0,,0.0996,,0.0007,0.1502,0.0458,0.9916,0.8889,,0.0806,0.0345,0.625,,0.0,,0.1038,,0.0008,0.1489,0.0441,0.9916,0.8859,,0.08,0.0345,0.625,,0.0,,0.1014,,0.0007,,block of flats,0.0785,Block,No,0.0,0.0,0.0,0.0,-644.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1539300,351072,Consumer loans,9955.98,91440.0,105021.0,0.0,91440.0,THURSDAY,14,Y,1,0.0,,,XAP,Approved,-1350,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Stone,360,Consumer electronics,18.0,high,POS household with interest,365243.0,-1314.0,-804.0,-804.0,-794.0,0.0,0,Cash loans,F,N,Y,0,90000.0,284400.0,16011.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.019101,-23920,365243,-1303.0,-4768,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,XNA,,0.6724523958035752,0.6178261467332483,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1142.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2593497,427813,Consumer loans,3308.04,19642.5,18607.5,1966.5,19642.5,SUNDAY,12,Y,1,0.1040972719319176,,,XAP,Approved,-686,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,1050,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-655.0,-505.0,-505.0,-497.0,0.0,0,Cash loans,F,N,Y,1,81000.0,204768.0,13815.0,162000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-11803,-898,-325.0,-1306,,1,1,1,1,1,0,Cooking staff,3.0,2,2,SUNDAY,7,0,0,0,0,0,0,Business Entity Type 3,0.5763402921134407,0.3729076465513349,0.5620604831738043,0.0278,0.0579,0.9702,0.5920000000000001,0.0037,0.0,0.1034,0.0833,0.0417,0.0377,0.0219,0.033,0.0039,0.0215,0.0284,0.06,0.9702,0.608,0.0038,0.0,0.1034,0.0833,0.0417,0.0386,0.0239,0.0344,0.0039,0.0228,0.0281,0.0579,0.9702,0.5975,0.0037,0.0,0.1034,0.0833,0.0417,0.0384,0.0222,0.0336,0.0039,0.022,reg oper account,block of flats,0.0327,Block,No,0.0,0.0,0.0,0.0,-686.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2652266,294497,Cash loans,44740.98,229500.0,235710.0,,229500.0,SATURDAY,16,Y,1,,,,XNA,Approved,-585,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-555.0,-405.0,-525.0,-521.0,1.0,0,Cash loans,M,N,N,0,180000.0,1006920.0,39528.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.00702,-10697,-1946,-9119.0,-3378,,1,1,0,1,0,0,,1.0,2,2,SATURDAY,17,0,0,0,0,0,0,Business Entity Type 3,,0.7007644526039426,0.42589289800515295,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1535.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1822371,338634,Consumer loans,4677.345,32805.0,16402.5,16402.5,32805.0,MONDAY,12,Y,1,0.5445454545454544,,,XAP,Approved,-1219,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,36,Connectivity,4.0,high,POS mobile without interest,365243.0,-1179.0,-1089.0,-1089.0,-1087.0,0.0,0,Cash loans,M,N,Y,1,360000.0,1471608.0,52987.5,1215000.0,Family,State servant,Higher education,Married,House / apartment,0.030755,-21555,-141,-5264.0,-5111,,1,1,0,1,0,0,Laborers,3.0,2,2,TUESDAY,17,0,0,0,0,0,0,Industry: type 5,,0.28542487097246394,0.6363761710860439,0.1649,0.0556,0.9925,0.898,0.0,0.16,0.1379,0.375,0.0,0.0,0.1345,0.1812,0.0,0.0,0.1681,0.0577,0.9926,0.902,0.0,0.1611,0.1379,0.375,0.0,0.0,0.1469,0.1888,0.0,0.0,0.1665,0.0556,0.9925,0.8994,0.0,0.16,0.1379,0.375,0.0,0.0,0.1368,0.1845,0.0,0.0,reg oper account,block of flats,0.1713,Block,No,0.0,0.0,0.0,0.0,-1654.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1295280,133413,Consumer loans,10965.195,147834.0,167152.5,0.0,147834.0,WEDNESDAY,16,Y,1,0.0,,,XAP,Approved,-1142,Cash through the bank,XAP,Unaccompanied,Refreshed,Audio/Video,POS,XNA,Country-wide,2711,Consumer electronics,18.0,low_normal,POS household with interest,365243.0,-1110.0,-600.0,-600.0,-590.0,0.0,0,Cash loans,F,N,N,0,126000.0,675000.0,18940.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.01885,-21551,365243,-4024.0,-3325,,1,0,0,1,1,0,,1.0,2,2,WEDNESDAY,18,0,0,0,0,0,0,XNA,0.8218714967293347,0.7345249206006668,0.524496446363472,0.0887,0.0666,0.9771,0.6872,0.0125,0.08,0.1034,0.25,,,,0.0723,0.0097,0.068,0.0672,0.0549,0.9737,0.6537,0.009000000000000001,0.0806,0.069,0.1667,,,,0.0532,0.0039,0.0443,0.0895,0.0666,0.9771,0.6914,0.0126,0.08,0.1034,0.25,,,,0.0736,0.0097,0.0694,,block of flats,0.0655,"Stone, brick",No,0.0,0.0,0.0,0.0,-1142.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1008373,449101,Consumer loans,17781.03,107698.5,89415.0,22500.0,107698.5,MONDAY,17,Y,1,0.2189567569543444,,,XAP,Approved,-1208,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,2711,Consumer electronics,6.0,high,POS household with interest,365243.0,-1177.0,-1027.0,-1057.0,-1055.0,0.0,0,Cash loans,M,N,Y,0,90000.0,339241.5,16627.5,238500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.01885,-12939,-162,-2614.0,-4090,,1,1,0,1,0,0,Laborers,1.0,2,2,FRIDAY,17,0,0,0,1,1,0,Other,,0.6573010437592163,0.2176285202779586,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2401016,422446,Revolving loans,7875.0,0.0,157500.0,,0.0,FRIDAY,8,Y,1,,,,XAP,Refused,-1141,XNA,LIMIT,,Repeater,XNA,Cards,walk-in,Credit and cash offices,0,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,Y,Y,0,180000.0,402696.0,42858.0,382500.0,Unaccompanied,Commercial associate,Incomplete higher,Single / not married,House / apartment,0.020713,-12255,-2120,-48.0,-4116,10.0,1,1,0,1,0,0,,1.0,3,2,FRIDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.5165495957446885,0.6577838002083306,0.5598,0.4574,0.9995,0.9932,0.1416,0.4,0.1724,0.6667,0.7083,0.1789,0.4505,0.4891,0.027000000000000003,0.0408,0.5704,0.4746,0.9995,0.9935,0.1429,0.4028,0.1724,0.6667,0.7083,0.183,0.4922,0.5096,0.0272,0.0432,0.5652,0.4574,0.9995,0.9933,0.1425,0.4,0.1724,0.6667,0.7083,0.182,0.4583,0.4979,0.0272,0.0416,reg oper account,block of flats,0.471,Monolithic,No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1717767,289155,Cash loans,47433.825,900000.0,991476.0,,900000.0,FRIDAY,17,Y,1,,,,XNA,Approved,-818,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),-1,XNA,42.0,middle,Cash X-Sell: middle,365243.0,-788.0,442.0,-728.0,-725.0,1.0,0,Cash loans,F,Y,Y,0,306000.0,352422.0,26478.0,315000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.010006000000000001,-21714,365243,-1178.0,-1834,8.0,1,0,0,1,1,0,,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,XNA,,0.6913877505407457,0.445396241560834,0.099,0.0577,0.9925,0.898,0.0618,0.08,0.069,0.4583,0.0417,0.0543,0.0799,0.1031,0.0039,0.0035,0.1008,0.0599,0.9926,0.902,0.0624,0.0806,0.069,0.4583,0.0417,0.0555,0.0872,0.1074,0.0039,0.0037,0.0999,0.0577,0.9925,0.8994,0.0622,0.08,0.069,0.4583,0.0417,0.0552,0.0812,0.1049,0.0039,0.0036,reg oper account,block of flats,0.1149,Panel,No,0.0,0.0,0.0,0.0,-1051.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1663956,247197,Consumer loans,10071.045,46701.0,49392.0,4950.0,46701.0,TUESDAY,8,Y,1,0.09920503477972838,,,XAP,Approved,-1518,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,42,Connectivity,6.0,high,POS mobile with interest,365243.0,-1486.0,-1336.0,-1396.0,-1394.0,0.0,1,Cash loans,F,Y,N,0,225000.0,942300.0,26041.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.010032,-16257,-2741,-1350.0,-4500,33.0,1,1,0,1,0,0,Laborers,1.0,2,2,FRIDAY,11,0,0,0,0,1,1,Business Entity Type 3,0.3358581695112952,0.3598621003051697,0.2910973802776635,0.0948,0.1217,0.9856,0.8028,0.0837,0.0,0.1724,0.1667,0.2083,0.0876,0.0756,0.0954,0.0077,0.0125,0.0945,0.1263,0.9851,0.804,0.019,0.0,0.1724,0.1667,0.2083,0.0896,0.0826,0.0985,0.0,0.0,0.0958,0.1217,0.9856,0.8054,0.0842,0.0,0.1724,0.1667,0.2083,0.0891,0.077,0.0971,0.0078,0.0128,reg oper account,block of flats,0.0812,Panel,No,0.0,0.0,0.0,0.0,-1518.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2706135,267595,Cash loans,23703.615,405000.0,461133.0,,405000.0,SUNDAY,10,Y,1,,,,XNA,Approved,-1033,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-1003.0,47.0,-763.0,-760.0,1.0,0,Cash loans,M,Y,Y,1,495000.0,1762110.0,51651.0,1575000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-14236,-3392,-6764.0,-4998,7.0,1,1,0,1,1,0,Drivers,3.0,2,2,THURSDAY,16,0,0,0,0,0,0,Self-employed,0.4877073265942791,0.6564039854752164,0.36896873825284665,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1396.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2528590,194266,Cash loans,20172.6,180000.0,180000.0,0.0,180000.0,THURSDAY,12,Y,1,0.0,,,XNA,Refused,-2588,Cash through the bank,SCO,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,M,Y,Y,0,270000.0,675000.0,34641.0,675000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.019688999999999998,-17814,-7115,-11858.0,-1222,1.0,1,1,0,1,0,0,,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Transport: type 4,,0.6796978459116699,0.7032033049040319,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1104.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2502050,447314,Cash loans,12833.1,157500.0,157500.0,0.0,157500.0,TUESDAY,10,Y,1,0.0,,,XNA,Refused,-2565,XNA,SCO,,Repeater,XNA,Cash,x-sell,Country-wide,100,Consumer electronics,18.0,high,Cash Street: high,,,,,,,0,Cash loans,M,N,Y,0,153000.0,312768.0,16119.0,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.011703,-18534,-2970,-4718.0,-2078,,1,1,0,1,0,0,Laborers,1.0,2,2,FRIDAY,11,0,0,0,0,1,1,Business Entity Type 3,0.4032436287632189,0.7583149588267493,0.5513812618027899,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-699.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2737426,209027,Cash loans,41405.805,540000.0,572076.0,,540000.0,TUESDAY,18,Y,1,,,,XNA,Approved,-954,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-924.0,-414.0,-864.0,-856.0,1.0,0,Cash loans,F,N,Y,0,292500.0,775188.0,39708.0,616500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-19662,-1455,-13799.0,-3033,,1,1,0,1,1,1,,2.0,1,1,THURSDAY,18,0,0,0,0,0,0,Business Entity Type 3,0.821237804410485,0.6953581247394479,0.6832688314232291,0.0856,0.0765,0.9767,0.6804,0.0512,0.08,0.0345,0.4583,0.5,0.0,0.0689,0.0716,0.0039,0.0355,0.0851,0.0402,0.9762,0.6864,0.0396,0.0806,0.0345,0.4583,0.5,0.0,0.0735,0.0728,0.0039,0.0001,0.0864,0.0765,0.9767,0.6847,0.0515,0.08,0.0345,0.4583,0.5,0.0,0.0701,0.0729,0.0039,0.0363,reg oper account,block of flats,0.0578,Block,No,2.0,1.0,2.0,0.0,-1816.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1112534,141726,Consumer loans,2614.23,18585.0,20425.5,0.0,18585.0,MONDAY,13,Y,1,0.0,,,XAP,Approved,-1446,Cash through the bank,XAP,Other_A,New,Audio/Video,POS,XNA,Stone,1500,Consumer electronics,12.0,high,POS household with interest,365243.0,-1414.0,-1084.0,-1084.0,-1076.0,0.0,0,Cash loans,F,N,Y,0,112500.0,338832.0,14485.5,292500.0,Family,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.031329,-20060,-3379,-2949.0,-3213,,1,1,0,1,0,0,Laborers,1.0,2,2,FRIDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.7488679465650734,0.3303022535035892,0.3556387169923543,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1446.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2535687,427223,Consumer loans,2294.64,18384.84,20202.84,0.0,18384.84,WEDNESDAY,16,Y,1,0.0,,,XAP,Approved,-342,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,60,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-309.0,-39.0,-39.0,-30.0,0.0,0,Cash loans,M,N,Y,0,81000.0,354276.0,13486.5,292500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.0060079999999999995,-12161,-457,-6159.0,-4022,,1,1,0,1,0,0,Cleaning staff,1.0,2,2,TUESDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.5206931903354516,0.6785676886853644,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,4.0,0.0,4.0,0.0,-648.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1100549,107852,Cash loans,11508.48,180000.0,203760.0,,180000.0,TUESDAY,12,Y,1,,,,XNA,Approved,-1127,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,AP+ (Cash loan),30,XNA,24.0,low_normal,Cash Street: low,365243.0,-1096.0,-406.0,-706.0,-697.0,0.0,0,Cash loans,F,Y,Y,0,202500.0,640458.0,28341.0,517500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.010147,-15831,-1543,-8800.0,-5162,16.0,1,1,1,1,0,0,,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,Government,,0.4782137072351484,0.2940831009471255,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,0.0,8.0,0.0,-1129.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2369384,281581,Cash loans,21657.105,360000.0,479245.5,,360000.0,FRIDAY,14,Y,1,,,,XNA,Approved,-616,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-586.0,464.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,N,0,157500.0,558486.0,29884.5,517500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-20603,-821,-4448.0,-1850,32.0,1,1,0,1,0,0,Accountants,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.8792482213388195,0.6932277286294891,0.6109913280868294,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-2547.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1323335,230025,Cash loans,,0.0,0.0,,,THURSDAY,11,Y,1,,,,XNA,Refused,-289,XNA,SCOFR,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,N,0,76500.0,161730.0,8770.5,135000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.018801,-15436,-1953,-1153.0,-4107,,1,1,1,1,0,0,Core staff,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Government,,0.31384681511843565,0.5919766183185521,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-500.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1370710,437373,Cash loans,7256.655,63000.0,67158.0,,63000.0,THURSDAY,9,Y,1,,,,Business development,Refused,-202,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,middle,Cash Street: middle,,,,,,,0,Revolving loans,F,Y,Y,0,54000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-19995,-10083,-10078.0,-3409,7.0,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.851423032258386,0.401014276535586,0.7252764347002191,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1509.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1112203,335989,Cash loans,29640.87,135000.0,155925.0,,135000.0,WEDNESDAY,14,Y,1,,,,XNA,Approved,-1370,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-1340.0,-1190.0,-1173.0,-1170.0,1.0,0,Cash loans,M,N,Y,0,270000.0,263686.5,29952.0,238500.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.025164,-13173,-394,-193.0,-3240,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Construction,,0.03421248718815415,0.2650494299443805,0.0722,0.0465,0.9717,0.6124,0.0319,0.0,0.2069,0.1667,0.2083,0.0536,0.058,0.0893,0.0039,0.0069,0.0735,0.0482,0.9717,0.6276,0.0322,0.0,0.2069,0.1667,0.2083,0.0548,0.0634,0.093,0.0039,0.0073,0.0729,0.0465,0.9717,0.6176,0.0321,0.0,0.2069,0.1667,0.2083,0.0545,0.059,0.0909,0.0039,0.006999999999999999,reg oper account,block of flats,0.0873,Block,No,2.0,1.0,2.0,1.0,-131.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,2.0,0.0,0.0,0.0,0.0,1.0 +1639985,430338,Consumer loans,4500.18,49546.08,44587.08,4959.0,49546.08,FRIDAY,15,Y,1,0.1090056331032005,0.17968661453020515,0.852536997885835,XAP,Approved,-66,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,middle,POS mobile with interest,365243.0,-23.0,307.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,1,337500.0,1080000.0,42831.0,1080000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-9459,-2108,-692.0,-2120,7.0,1,1,0,1,0,0,Core staff,3.0,2,2,MONDAY,12,0,0,0,0,0,0,Police,,0.5175597943983871,0.5298898341969072,0.1278,0.0026,0.9737,,,0.0,0.069,0.1667,,0.0,,0.0448,,0.0065,0.1303,0.0027,0.9737,,,0.0,0.069,0.1667,,0.0,,0.0467,,0.0068,0.1291,0.0026,0.9737,,,0.0,0.069,0.1667,,0.0,,0.0457,,0.0066,,specific housing,0.0561,"Stone, brick",No,0.0,0.0,0.0,0.0,-1717.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1058402,307094,Cash loans,34834.32,180000.0,185940.0,,180000.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-778,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-748.0,-598.0,-658.0,-655.0,1.0,0,Cash loans,F,N,Y,0,360000.0,405000.0,22099.5,405000.0,Unaccompanied,State servant,Secondary / secondary special,Separated,House / apartment,0.020713,-21088,-11376,-8059.0,-4649,,1,1,0,1,0,0,Core staff,1.0,3,1,THURSDAY,14,0,0,0,0,0,0,Government,,0.493545838348182,0.3893387918468769,0.1082,0.0974,0.9886,,,0.12,0.1034,0.3333,,0.05,,0.1351,,0.0,0.1103,0.101,0.9886,,,0.1208,0.1034,0.3333,,0.0512,,0.1407,,0.0,0.1093,0.0974,0.9886,,,0.12,0.1034,0.3333,,0.0509,,0.1375,,0.0,,block of flats,0.1062,Panel,No,2.0,0.0,2.0,0.0,-1708.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +2403037,297206,Cash loans,25198.65,225000.0,239850.0,,225000.0,TUESDAY,17,Y,1,,,,XNA,Approved,-426,XNA,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-396.0,-66.0,-66.0,-64.0,1.0,0,Cash loans,F,N,Y,0,135000.0,203760.0,24309.0,180000.0,Family,Commercial associate,Lower secondary,Married,House / apartment,0.008865999999999999,-9603,-662,-4984.0,-370,,1,1,0,1,0,0,,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Self-employed,0.2981927654107073,0.4368322787057188,,0.0619,0.0621,0.9762,0.6736,0.0008,0.0,0.1379,0.1667,0.2083,0.0875,0.0504,0.0527,0.0,0.0,0.063,0.0644,0.9762,0.6864,0.0009,0.0,0.1379,0.1667,0.2083,0.0895,0.0551,0.0549,0.0,0.0,0.0625,0.0621,0.9762,0.6779999999999999,0.0009,0.0,0.1379,0.1667,0.2083,0.0891,0.0513,0.0536,0.0,0.0,reg oper account,block of flats,0.0419,Panel,No,0.0,0.0,0.0,0.0,-1651.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2203651,390641,Consumer loans,7105.725,79875.0,71775.0,8100.0,79875.0,THURSDAY,14,Y,1,0.11044302176696544,,,XAP,Approved,-2455,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Stone,154,Consumer electronics,12.0,middle,POS household with interest,365243.0,-2423.0,-2093.0,-2093.0,-2088.0,0.0,0,Cash loans,F,N,Y,0,67500.0,133528.5,12244.5,121500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.022625,-23195,365243,-9209.0,-5157,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,,0.4354233266798684,0.4543210601605785,0.1856,0.1097,0.9871,0.8232,0.2763,0.2,0.1724,0.3333,0.375,,0.1513,0.1182,0.0,0.0,0.1891,0.1138,0.9871,0.8301,0.2789,0.2014,0.1724,0.3333,0.375,,0.1653,0.1232,0.0,0.0,0.1874,0.1097,0.9871,0.8256,0.2781,0.2,0.1724,0.3333,0.375,,0.1539,0.1204,0.0,0.0,reg oper account,block of flats,0.1704,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2464416,189748,Consumer loans,3504.24,21136.5,17460.0,4500.0,21136.5,SUNDAY,13,Y,1,0.22317436661698944,,,XAP,Approved,-2285,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,17,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2239.0,-2089.0,-2089.0,-2082.0,1.0,0,Cash loans,M,Y,N,0,247500.0,225000.0,18171.0,225000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-17368,-2540,-1296.0,-880,3.0,1,1,1,1,1,0,Drivers,2.0,2,2,WEDNESDAY,11,0,0,0,1,0,1,Industry: type 11,,0.457023585973777,0.3791004853998145,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,4.0,0.0,-840.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2608602,425901,Cash loans,37381.05,315000.0,315000.0,,315000.0,THURSDAY,15,Y,1,,,,XNA,Approved,-1226,Non-cash from your account,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-1191.0,-861.0,-861.0,-845.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,675000.0,24930.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,With parents,0.014519999999999996,-10864,-3968,-4944.0,-1175,8.0,1,1,0,1,0,0,Sales staff,1.0,2,2,FRIDAY,12,0,0,0,0,0,0,Self-employed,,0.3881643216821593,,0.1284,0.079,0.9881,0.8368,0.0176,0.14,0.1034,0.4167,0.4583,0.0949,0.1046,0.1368,0.0039,0.0137,0.062,0.0319,0.9876,0.8367,0.0177,0.0806,0.0345,0.375,0.4167,0.058,0.0542,0.0629,0.0,0.0,0.1296,0.079,0.9881,0.8390000000000001,0.0177,0.14,0.1034,0.4167,0.4583,0.0966,0.1065,0.1393,0.0039,0.014,reg oper account,block of flats,0.1677,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1794108,246101,Cash loans,85440.42,1129500.0,1321380.0,,1129500.0,TUESDAY,13,Y,1,,,,XNA,Approved,-583,XNA,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_action,Cash X-Sell: low,365243.0,-553.0,-43.0,-43.0,-39.0,1.0,0,Cash loans,F,Y,Y,0,373500.0,2250000.0,71865.0,2250000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.010276,-20079,-373,-3536.0,-3545,1.0,1,1,0,1,0,0,Accountants,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.8935537957048325,0.6646365566979385,0.3425288720742255,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-2543.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2520337,207982,Cash loans,32287.5,450000.0,481185.0,,450000.0,FRIDAY,9,Y,1,,,,XNA,Refused,-213,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,18.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,Y,N,0,135000.0,450000.0,21888.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.019688999999999998,-12933,-4658,-7062.0,-4045,10.0,1,1,1,1,1,0,Laborers,1.0,2,2,SATURDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.7143417619994336,0.4992720153045617,0.1485,0.0,0.9796,,,0.16,0.1379,0.3333,,0.0638,,0.1489,,0.174,0.1513,0.0,0.9796,,,0.1611,0.1379,0.3333,,0.0653,,0.1552,,0.1842,0.1499,0.0,0.9796,,,0.16,0.1379,0.3333,,0.0649,,0.1516,,0.1776,,block of flats,0.1181,Panel,No,8.0,0.0,8.0,0.0,-1565.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1253472,398056,Cash loans,21000.15,540000.0,646920.0,,540000.0,SUNDAY,13,Y,1,,,,XNA,Refused,-30,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,135000.0,753840.0,24448.5,540000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.072508,-13162,-269,-3554.0,-854,,1,1,0,1,0,0,Sales staff,2.0,1,1,TUESDAY,11,0,0,0,0,0,0,Trade: type 3,0.338915233034896,0.6396273930436418,0.03896671585479478,0.2835,0.1449,0.995,,,0.4,0.1724,0.5417,,0.0,,0.1769,,0.0211,0.2889,0.1504,0.995,,,0.4028,0.1724,0.5417,,0.0,,0.1843,,0.0223,0.2863,0.1449,0.995,,,0.4,0.1724,0.5417,,0.0,,0.1801,,0.0215,,block of flats,0.2429,Panel,No,6.0,1.0,6.0,0.0,-1538.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1585789,329395,Cash loans,17595.495,90000.0,92970.0,,90000.0,FRIDAY,15,Y,1,,,,XNA,Approved,-560,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,6.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,Y,Y,0,135000.0,417024.0,29151.0,360000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.01885,-21274,-2052,-624.0,-2033,20.0,1,1,0,1,0,0,Security staff,2.0,2,2,FRIDAY,15,0,0,0,1,1,0,Other,,0.7310222565524748,0.6023863442690867,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,0.0,9.0,0.0,-1493.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +1243667,340345,Consumer loans,14050.44,74295.0,70182.0,7425.0,74295.0,SATURDAY,16,Y,1,0.1041980749159225,,,XAP,Approved,-2156,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,1998,Consumer electronics,6.0,high,POS household with interest,365243.0,-2125.0,-1975.0,-1975.0,-1966.0,0.0,0,Cash loans,F,Y,Y,0,270000.0,1507869.0,47475.0,1377000.0,Family,Commercial associate,Incomplete higher,Married,House / apartment,0.04622,-11408,-2660,-5436.0,-3740,1.0,1,1,0,1,0,0,Accountants,2.0,1,1,SATURDAY,12,0,0,0,0,1,1,Business Entity Type 3,0.7936970557632913,0.6681465112923016,0.4365064990977374,0.1433,0.0745,0.9806,,,0.16,0.1379,0.3333,,0.0343,,0.1185,,0.116,0.146,0.0774,0.9806,,,0.1611,0.1379,0.3333,,0.0351,,0.1234,,0.1228,0.1447,0.0745,0.9806,,,0.16,0.1379,0.3333,,0.0349,,0.1206,,0.1184,,block of flats,0.1308,Mixed,No,3.0,0.0,3.0,0.0,-1545.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1392222,219686,Cash loans,41267.655,1228500.0,1406880.0,,1228500.0,THURSDAY,11,Y,1,,,,XNA,Refused,-208,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,270000.0,1260702.0,41796.0,1129500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.00496,-16133,-3358,-4057.0,-4375,,1,1,0,1,0,0,,1.0,2,2,TUESDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.61963623157403,0.633031641417419,0.1191,,0.9821,,,0.18,0.1379,0.25,,,,0.1946,,,0.063,,0.9831,,,0.1611,0.1379,0.1667,,,,0.2028,,,0.1166,,0.9826,,,0.18,0.1379,0.25,,,,0.1981,,,,,0.0513,Panel,No,3.0,3.0,3.0,3.0,-1412.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2684031,305201,Cash loans,,0.0,0.0,,,TUESDAY,9,Y,1,,,,XNA,Refused,-238,XNA,HC,,Repeater,XNA,XNA,XNA,Contact center,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,N,0,67500.0,312768.0,16965.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-12684,-526,-3826.0,-3617,,1,1,1,1,1,0,Core staff,2.0,3,3,THURSDAY,18,0,0,0,0,0,0,Government,0.5213152147048333,0.16590454022662332,0.1852020815902493,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2538.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2130253,169874,Cash loans,36953.595,675000.0,732915.0,,675000.0,THURSDAY,7,Y,1,,,,XNA,Approved,-992,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,365243.0,-962.0,-92.0,-659.0,-653.0,1.0,0,Cash loans,F,N,Y,1,243000.0,1035832.5,30285.0,904500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.031329,-15779,-1932,-4634.0,-5733,,1,1,0,1,0,0,Accountants,3.0,2,2,TUESDAY,15,0,0,0,0,1,1,Business Entity Type 3,0.5769423616317565,0.6501184430813258,0.4525335592581747,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-659.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2656250,347248,Cash loans,50161.5,1350000.0,1350000.0,,1350000.0,MONDAY,17,Y,1,,,,XNA,Refused,-257,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,36.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,1,315000.0,787131.0,26145.0,679500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.007114,-17384,-1468,-3494.0,-926,,1,1,1,1,1,0,Managers,3.0,2,2,SATURDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.6658443396049714,0.6547746046611019,0.31703177858344445,0.1134,0.0948,0.9846,0.7892,0.0,0.0,0.2759,0.1667,0.0417,0.1165,0.0925,0.1161,0.0,0.0939,0.1155,0.0984,0.9846,0.7975,0.0,0.0,0.2759,0.1667,0.0417,0.1191,0.101,0.121,0.0,0.0994,0.1145,0.0948,0.9846,0.792,0.0,0.0,0.2759,0.1667,0.0417,0.1185,0.0941,0.1182,0.0,0.0959,reg oper account,block of flats,0.1117,"Stone, brick",No,2.0,0.0,2.0,0.0,-2457.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1713802,363587,Cash loans,46899.0,900000.0,900000.0,,900000.0,TUESDAY,17,Y,1,,,,XNA,Refused,-268,XNA,HC,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,48.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,N,1,126000.0,824823.0,26739.0,688500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-14244,-1123,-2628.0,-2404,,1,1,0,1,0,0,Sales staff,3.0,2,2,THURSDAY,13,0,0,0,0,0,0,Self-employed,,0.6180423914177402,0.3108182544189319,0.2186,0.0566,0.9876,0.83,0.5699,0.08,0.069,0.3333,0.375,0.0524,0.1782,0.1388,0.0,0.0,0.2227,0.0588,0.9876,0.8367,0.575,0.0806,0.069,0.3333,0.375,0.0536,0.1947,0.1446,0.0,0.0,0.2207,0.0566,0.9876,0.8323,0.5735,0.08,0.069,0.3333,0.375,0.0533,0.1813,0.1413,0.0,0.0,reg oper account,block of flats,0.1092,Panel,No,1.0,0.0,1.0,0.0,-2529.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1051190,129355,Cash loans,18274.545,180000.0,197820.0,,180000.0,TUESDAY,8,Y,1,,,,Buying a used car,Approved,-326,Cash through the bank,XAP,,New,XNA,Cash,walk-in,AP+ (Cash loan),286,XNA,18.0,high,Cash Street: high,365243.0,-296.0,214.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,67500.0,521280.0,23089.5,450000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.00702,-18563,-2626,-10140.0,-2090,,1,1,1,1,0,0,Core staff,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Kindergarten,,0.5801970007623349,0.5585066276769286,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-326.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2380281,198295,Cash loans,41367.375,1147500.0,1147500.0,,1147500.0,MONDAY,13,Y,1,,,,XNA,Refused,-208,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,36.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,M,N,N,0,180000.0,1125000.0,33025.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.019688999999999998,-16195,-613,-5078.0,-4803,,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,9,0,0,0,1,1,0,Business Entity Type 3,,0.511048680670087,0.28371188263500075,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2110.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2586057,127194,Consumer loans,5319.315,106141.5,118075.5,0.0,106141.5,MONDAY,13,Y,1,0.0,,,XAP,Approved,-590,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Regional / Local,333,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-559.0,131.0,-19.0,-10.0,0.0,1,Cash loans,M,N,N,0,112500.0,277969.5,13518.0,229500.0,Unaccompanied,Commercial associate,Incomplete higher,Single / not married,House / apartment,0.025164,-8126,-1230,-8099.0,-791,,1,1,0,1,0,0,Core staff,1.0,2,2,TUESDAY,16,0,0,0,0,0,0,Self-employed,,0.7493147809590621,0.1624419982223248,0.0577,0.0492,0.9811,0.7416,0.0262,0.0,0.1379,0.1667,0.2083,0.0225,0.0445,0.049,0.0116,0.013,0.0588,0.051,0.9811,0.7517,0.0265,0.0,0.1379,0.1667,0.2083,0.023,0.0487,0.051,0.0117,0.0137,0.0583,0.0492,0.9811,0.7451,0.0264,0.0,0.1379,0.1667,0.2083,0.0229,0.0453,0.0498,0.0116,0.0133,reg oper account,block of flats,0.0557,Panel,No,5.0,0.0,5.0,0.0,-768.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1326517,302610,Consumer loans,14042.16,324000.0,324000.0,0.0,324000.0,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-251,Cash through the bank,XAP,,Repeater,Construction Materials,POS,XNA,Stone,90,Construction,30.0,low_normal,POS industry with interest,365243.0,-220.0,650.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,1,126000.0,1293502.5,35698.5,1129500.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.035792000000000004,-9961,-3291,-4521.0,-1862,,1,1,0,1,1,0,Accountants,3.0,2,2,FRIDAY,12,0,0,0,0,0,0,Trade: type 7,,0.7451972323815004,0.5370699579791587,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,0.0,-1720.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1119370,387048,Cash loans,53091.765,225000.0,261832.5,,225000.0,FRIDAY,9,Y,1,,,,XNA,Refused,-1215,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,,,,,,,0,Cash loans,M,Y,Y,0,157500.0,263686.5,17752.5,238500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-16576,-2885,-8930.0,-118,8.0,1,1,0,1,0,0,Managers,2.0,2,2,TUESDAY,18,0,0,0,0,0,0,Other,0.4210557430451857,0.6001810990230538,,0.133,0.1151,0.9776,0.6940000000000001,0.0529,0.0,0.2759,0.1667,0.2083,0.0,0.1084,0.1227,0.0,0.0,0.1355,0.1195,0.9777,0.706,0.0534,0.0,0.2759,0.1667,0.2083,0.0,0.1185,0.1278,0.0,0.0,0.1343,0.1151,0.9776,0.6981,0.0533,0.0,0.2759,0.1667,0.2083,0.0,0.1103,0.1249,0.0,0.0,reg oper account,block of flats,0.1254,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1487552,312377,Consumer loans,14434.2,92835.0,78187.5,18567.0,92835.0,SUNDAY,10,Y,1,0.208994423092372,,,XAP,Approved,-623,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Regional / Local,150,Consumer electronics,6.0,middle,POS household with interest,365243.0,-592.0,-442.0,-472.0,-469.0,0.0,0,Cash loans,F,N,Y,2,229500.0,198666.0,19777.5,175500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-14717,-1133,-6484.0,-4637,,1,1,0,1,0,0,Laborers,4.0,2,2,SUNDAY,11,0,0,0,0,0,0,Government,,0.3320168547000846,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-623.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2222117,448723,Consumer loans,7084.035,33817.5,33817.5,0.0,33817.5,WEDNESDAY,11,Y,1,0.0,,,XAP,Approved,-219,Cash through the bank,XAP,"Spouse, partner",Repeater,Jewelry,POS,XNA,Stone,30,Industry,6.0,high,POS industry with interest,365243.0,-189.0,-39.0,-39.0,-33.0,0.0,0,Cash loans,F,Y,N,0,180000.0,886500.0,48222.0,886500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-12653,-1709,-6674.0,-3146,1.0,1,1,0,1,0,0,Sales staff,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Business Entity Type 2,0.7742612338309097,0.5211079483866684,0.1510075350878296,0.0742,0.0365,0.9826,,,0.08,0.069,0.3333,,,,0.0638,,0.0704,0.0756,0.0379,0.9826,,,0.0806,0.069,0.3333,,,,0.0533,,0.0745,0.0749,0.0365,0.9826,,,0.08,0.069,0.3333,,,,0.0649,,0.0719,,block of flats,0.0598,Panel,No,1.0,0.0,1.0,0.0,-2112.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1730004,140349,Consumer loans,5698.305,90022.5,38398.5,54000.0,90022.5,SATURDAY,14,Y,1,0.6364920327809337,,,XAP,Approved,-1861,Cash through the bank,XAP,Family,Refreshed,Consumer Electronics,POS,XNA,Country-wide,1000,Consumer electronics,8.0,middle,POS household with interest,365243.0,-1828.0,-1618.0,-1618.0,-1615.0,0.0,0,Cash loans,M,N,Y,0,225000.0,1345500.0,39469.5,1345500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-13707,-2339,-646.0,-4739,,1,1,0,1,0,0,,2.0,2,2,FRIDAY,18,0,0,0,0,0,0,Business Entity Type 3,,0.5916403194545079,0.5832379256761245,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1861.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,5.0,0.0,1.0 +2417085,179932,Consumer loans,9539.37,45810.0,49437.0,0.0,45810.0,MONDAY,10,Y,1,0.0,,,XAP,Approved,-238,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Stone,23,Consumer electronics,6.0,middle,POS household with interest,365243.0,-206.0,-56.0,-206.0,-204.0,0.0,0,Cash loans,F,N,Y,0,67500.0,101880.0,6637.5,90000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.019101,-21192,365243,-2813.0,-4547,,1,0,0,1,0,0,,2.0,2,2,MONDAY,10,0,0,0,0,0,0,XNA,,0.6589738558931929,0.5638350489514956,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-238.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1183633,154898,Cash loans,5823.585,45000.0,47970.0,,45000.0,WEDNESDAY,8,Y,1,,,,Repairs,Approved,-710,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Country-wide,50,Connectivity,12.0,high,Cash Street: high,365243.0,-680.0,-350.0,-350.0,-342.0,1.0,0,Cash loans,F,N,Y,0,49500.0,67500.0,7047.0,67500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-23378,365243,-2271.0,-4299,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,8,0,0,0,0,0,0,XNA,,0.5734286949171314,0.2793353208976285,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1289.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2516627,445311,Consumer loans,8740.08,57280.5,62320.5,0.0,57280.5,FRIDAY,13,Y,1,0.0,,,XAP,Approved,-192,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,31,Connectivity,10.0,high,POS mobile with interest,365243.0,-160.0,110.0,-160.0,-155.0,0.0,1,Cash loans,M,N,Y,0,121500.0,323172.0,15849.0,211500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.0105,-12092,-365,-668.0,-2470,,1,1,0,1,0,0,,1.0,3,3,MONDAY,14,0,0,0,0,0,0,Industry: type 4,,0.07913896621063815,0.2851799046358216,0.0371,0.0608,0.9846,0.7892,0.0299,0.0,0.0345,0.0833,0.125,0.0412,0.0303,0.0289,0.0,0.0,0.0378,0.0631,0.9846,0.7975,0.0302,0.0,0.0345,0.0833,0.125,0.0422,0.0331,0.0301,0.0,0.0,0.0375,0.0608,0.9846,0.792,0.0301,0.0,0.0345,0.0833,0.125,0.0419,0.0308,0.0294,0.0,0.0,reg oper account,block of flats,0.0391,"Stone, brick",No,0.0,0.0,0.0,0.0,-527.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,9.0 +2136331,100200,Consumer loans,3791.835,35955.0,18846.0,18000.0,35955.0,FRIDAY,10,Y,1,0.5320424568104098,,,XAP,Approved,-2266,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,84,Connectivity,6.0,high,POS mobile with interest,365243.0,-2229.0,-2079.0,-2109.0,-2103.0,0.0,0,Cash loans,F,N,N,0,216000.0,450000.0,27193.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.026392000000000002,-16891,-2730,-7519.0,-434,,1,1,1,1,1,0,,1.0,2,2,MONDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.640040616163284,0.6940926425266661,0.1959,0.1741,0.9841,,,0.0,0.4483,0.1667,,,,0.1762,,,0.1996,0.1807,0.9841,,,0.0,0.4483,0.1667,,,,0.1835,,,0.1978,0.1741,0.9841,,,0.0,0.4483,0.1667,,,,0.1793,,,,block of flats,0.1795,Panel,No,4.0,0.0,3.0,0.0,-332.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1525415,386723,Consumer loans,8418.96,186880.5,186880.5,0.0,186880.5,WEDNESDAY,18,Y,1,0.0,,,XAP,Approved,-341,Cash through the bank,XAP,,Repeater,Medicine,POS,XNA,Stone,900,Industry,24.0,low_action,POS others without interest,365243.0,-304.0,386.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,135000.0,1242000.0,49387.5,1242000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.018634,-21053,365243,-3971.0,-4611,,1,0,0,1,0,0,,2.0,2,2,MONDAY,11,0,0,0,0,0,0,XNA,0.5915438998773349,0.32619890041512833,0.7121551551910698,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-690.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1042059,130009,Consumer loans,4059.675,21415.5,20227.5,2142.0,21415.5,WEDNESDAY,16,Y,1,0.1042863151734606,,,XAP,Approved,-2504,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,-1,Consumer electronics,6.0,high,POS household with interest,365243.0,-2472.0,-2322.0,-2322.0,-2318.0,1.0,0,Cash loans,M,N,N,0,81000.0,135000.0,13149.0,135000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.026392000000000002,-17704,365243,-7111.0,-1189,,1,0,0,1,1,0,,1.0,2,2,MONDAY,14,0,0,0,0,0,0,XNA,,0.53126993065287,0.5919766183185521,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-703.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1014787,195338,Cash loans,48522.78,1174500.0,1500070.5,,1174500.0,FRIDAY,7,Y,1,,,,XNA,Refused,-178,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,216000.0,389844.0,20034.0,315000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.018801,-19645,-4553,-4445.0,-3189,,1,1,0,1,0,0,Medicine staff,2.0,2,2,MONDAY,6,0,0,0,0,0,0,Medicine,,0.3973064130526943,0.11987796089553485,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,2.0,7.0,2.0,-598.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1875038,361141,Consumer loans,2848.635,24061.5,23368.5,2475.0,24061.5,THURSDAY,19,Y,1,0.10430088803761096,,,XAP,Approved,-2408,XNA,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,54,Connectivity,10.0,middle,POS household with interest,365243.0,-2376.0,-2106.0,-2136.0,-2132.0,1.0,0,Cash loans,F,Y,N,0,247500.0,1016991.0,43218.0,909000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-13778,-724,-3205.0,-3754,4.0,1,1,0,1,1,1,Cooking staff,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,Government,0.43444839198749335,0.2799135033242521,0.6863823354047934,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,15.0,0.0,15.0,0.0,-735.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1487883,379250,Revolving loans,2250.0,45000.0,45000.0,,45000.0,FRIDAY,12,Y,1,,,,XAP,Approved,-524,XNA,XAP,,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),20,XNA,0.0,XNA,Card Street,-521.0,-480.0,365243.0,-115.0,-100.0,0.0,0,Cash loans,F,Y,Y,1,166500.0,502497.0,39829.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.002042,-10435,-868,-1021.0,-1037,4.0,1,1,0,1,0,1,Medicine staff,3.0,3,3,THURSDAY,12,0,0,0,1,1,0,Other,0.34693588126243463,0.1582175713845228,0.2366108235287817,,,0.9791,,,,,,,,,0.0141,,,,,0.9791,,,,,,,,,0.0147,,,,,0.9791,,,,,,,,,0.0144,,,,,0.0111,,No,0.0,0.0,0.0,0.0,-711.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,8.0 +1001608,241058,Consumer loans,9715.86,81180.0,88326.0,0.0,81180.0,THURSDAY,16,Y,1,0.0,,,XAP,Approved,-340,Cash through the bank,XAP,,Refreshed,Furniture,POS,XNA,Stone,328,Furniture,10.0,low_normal,POS industry with interest,365243.0,-309.0,-39.0,-39.0,-36.0,0.0,0,Cash loans,F,N,N,1,135000.0,863226.0,34362.0,697500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.022625,-11379,-860,-2201.0,-3979,,1,1,0,1,0,0,Core staff,3.0,2,2,MONDAY,12,0,0,0,0,0,0,Mobile,,0.3739411885018101,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2281522,204701,Cash loans,15940.62,126000.0,134316.0,,126000.0,WEDNESDAY,12,Y,1,,,,XNA,Refused,-919,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Country-wide,20,Connectivity,12.0,high,Cash Street: high,,,,,,,0,Revolving loans,M,N,Y,0,67500.0,247500.0,12375.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-19953,-1472,-176.0,-2885,,1,1,0,1,0,0,Security staff,2.0,2,2,FRIDAY,12,0,0,0,0,1,1,Business Entity Type 3,,0.38812277535147577,0.24988506275045536,0.1237,0.0811,0.9836,,,0.0,0.069,0.1667,,0.103,,0.0384,,,0.1261,0.0841,0.9836,,,0.0,0.069,0.1667,,0.1053,,0.04,,,0.1249,0.0811,0.9836,,,0.0,0.069,0.1667,,0.1048,,0.039,,,,block of flats,0.0581,Panel,No,0.0,0.0,0.0,0.0,-729.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1938033,192310,Consumer loans,5840.91,116545.5,129654.0,0.0,116545.5,THURSDAY,16,Y,1,0.0,,,XAP,Approved,-396,Cash through the bank,XAP,"Spouse, partner",New,Audio/Video,POS,XNA,Country-wide,1607,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-366.0,324.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,153000.0,534204.0,34267.5,495000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-19230,-4763,-7970.0,-2751,,1,1,1,1,0,0,Core staff,2.0,3,3,MONDAY,9,0,0,0,0,0,0,Other,0.4058307482419094,0.479070443535354,0.14287252304131962,0.0742,0.021,0.9896,0.8572,,0.08,0.069,0.3333,0.375,0.027000000000000003,,,,,0.0756,0.0218,0.9896,0.8628,,0.0806,0.069,0.3333,0.375,0.0276,,,,,0.0749,0.021,0.9896,0.8591,,0.08,0.069,0.3333,0.375,0.0275,,,,,reg oper spec account,block of flats,0.0586,Panel,No,0.0,0.0,0.0,0.0,-396.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1810159,381487,Consumer loans,12118.95,121576.5,147253.5,0.0,121576.5,TUESDAY,8,Y,1,0.0,,,XAP,Refused,-1027,Cash through the bank,HC,Family,New,Computers,POS,XNA,Country-wide,1291,Consumer electronics,24.0,high,POS household with interest,,,,,,,1,Cash loans,F,N,Y,1,112500.0,258709.5,25717.5,234000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,With parents,0.006852,-14765,-249,-2503.0,-3522,,1,1,0,1,0,0,Core staff,3.0,3,3,SUNDAY,8,0,0,0,0,0,0,Trade: type 7,0.44187083181237774,0.054463851131577916,,0.0371,0.0203,0.9747,,,0.0,0.069,0.125,,0.0,,0.0274,,0.0,0.0378,0.021,0.9747,,,0.0,0.069,0.125,,0.0,,0.0285,,0.0,0.0375,0.0203,0.9747,,,0.0,0.069,0.125,,0.0,,0.0279,,0.0,,block of flats,0.0343,"Stone, brick",No,0.0,0.0,0.0,0.0,-598.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1717750,373333,Consumer loans,5109.93,34056.0,25056.0,9000.0,34056.0,SATURDAY,7,Y,1,0.2878147222756101,,,XAP,Approved,-73,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,36,Connectivity,6.0,high,POS mobile with interest,,,,,,,0,Cash loans,M,Y,N,1,112500.0,279000.0,11947.5,279000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-18313,-8956,-1387.0,-1569,13.0,1,1,0,1,0,0,Laborers,3.0,2,2,TUESDAY,8,0,0,0,0,0,0,Business Entity Type 3,,0.28461828660309696,0.36227724703843145,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-73.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,3.0 +2353428,318348,Consumer loans,1826.82,16420.5,17532.0,810.0,16420.5,WEDNESDAY,12,Y,1,0.04809528057810687,,,XAP,Approved,-1028,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Country-wide,35,Connectivity,14.0,high,POS mobile with interest,365243.0,-995.0,-605.0,-665.0,-653.0,0.0,0,Cash loans,M,Y,Y,0,169650.0,1090926.0,41683.5,1003500.0,Unaccompanied,Commercial associate,Incomplete higher,Single / not married,With parents,0.02461,-7692,-248,-2387.0,-356,3.0,1,1,0,1,1,0,,1.0,2,2,TUESDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.13461834626188388,,0.1013,0.0627,0.996,0.9456,0.0378,0.1016,0.05,0.5792,0.0417,0.0886,0.0937,0.1411,0.0116,0.0769,0.0,0.0354,0.9955,0.9412,0.0164,0.0806,0.0345,0.6667,0.0417,0.0,0.1469,0.0455,0.0117,0.0,0.1004,0.0428,0.996,0.9463,0.0324,0.08,0.0345,0.6667,0.0417,0.0214,0.0821,0.1273,0.0116,0.0345,org spec account,block of flats,0.1949,"Stone, brick",No,0.0,0.0,0.0,0.0,-349.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1001134,239167,Consumer loans,11370.285,61132.5,64359.0,0.0,61132.5,THURSDAY,12,Y,1,0.0,,,XAP,Approved,-504,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Regional / Local,500,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-473.0,-323.0,-323.0,-319.0,0.0,0,Cash loans,F,N,Y,1,90000.0,45000.0,5089.5,45000.0,Children,Working,Secondary / secondary special,Married,House / apartment,0.028663,-10525,-305,-709.0,-2653,,1,1,1,1,1,0,Laborers,3.0,2,2,THURSDAY,9,0,0,0,0,1,1,Trade: type 2,0.5813547510436288,0.6616225441242654,0.3672910183026313,0.0814,0.0818,0.9896,0.8572,0.0139,0.0,0.1379,0.1667,0.0417,0.0162,0.0664,0.075,0.0,0.0,0.083,0.0849,0.9896,0.8628,0.014,0.0,0.1379,0.1667,0.0417,0.0166,0.0725,0.0781,0.0,0.0,0.0822,0.0818,0.9896,0.8591,0.014,0.0,0.1379,0.1667,0.0417,0.0165,0.0676,0.0763,0.0,0.0,reg oper account,block of flats,0.0666,Panel,No,1.0,0.0,1.0,0.0,-772.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +2645592,421841,Consumer loans,4813.2,49005.0,33187.5,18000.0,49005.0,TUESDAY,17,Y,1,0.38297702297702296,,,XAP,Approved,-1094,Cash through the bank,XAP,Unaccompanied,New,Photo / Cinema Equipment,POS,XNA,Regional / Local,11,Connectivity,8.0,middle,POS mobile with interest,365243.0,-1054.0,-844.0,-844.0,-836.0,0.0,0,Cash loans,M,N,Y,0,315000.0,675000.0,49248.0,675000.0,Unaccompanied,Commercial associate,Incomplete higher,Single / not married,With parents,0.018209,-8655,-1012,-7587.0,-1319,,1,1,0,1,0,1,,1.0,3,3,THURSDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.3498352448545325,0.266456808245056,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-1094.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2051410,329669,Consumer loans,2425.275,24255.0,21829.5,2425.5,24255.0,SATURDAY,14,Y,1,0.1089090909090909,,,XAP,Approved,-1769,Cash through the bank,XAP,,New,Computers,POS,XNA,Stone,11,Consumer electronics,12.0,high,POS household with interest,365243.0,-1738.0,-1408.0,-1408.0,-1404.0,0.0,0,Cash loans,F,N,Y,0,90000.0,276277.5,12298.5,238500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.00963,-23375,365243,-4075.0,-4916,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,9,0,0,0,0,0,0,XNA,,0.4739211442886992,0.4382813743111921,0.0722,0.041,0.9861,0.8096,0.015,0.0,0.0345,0.1667,0.0417,0.0333,0.0588,0.0486,0.0,0.0,0.0735,0.0425,0.9861,0.8171,0.0152,0.0,0.0345,0.1667,0.0417,0.034,0.0643,0.0506,0.0,0.0,0.0729,0.041,0.9861,0.8121,0.0151,0.0,0.0345,0.1667,0.0417,0.0339,0.0599,0.0494,0.0,0.0,reg oper account,block of flats,0.0464,"Stone, brick",No,0.0,0.0,0.0,0.0,-1163.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2755182,452282,Consumer loans,5491.305,36000.0,23427.0,13500.0,36000.0,SATURDAY,10,Y,1,0.3981565595019165,,,XAP,Approved,-2764,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,25,Connectivity,5.0,high,POS mobile with interest,365243.0,-2723.0,-2603.0,-2603.0,-2595.0,1.0,0,Cash loans,M,N,Y,0,270000.0,156384.0,16551.0,135000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.008625,-10534,-1043,-5210.0,-409,,1,1,0,1,0,0,Laborers,1.0,2,2,FRIDAY,14,0,0,0,1,1,0,Business Entity Type 1,0.18437674435732154,0.5710092148767298,0.30620229831350426,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-12.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1743790,206921,Consumer loans,4517.28,31455.0,22455.0,9000.0,31455.0,MONDAY,13,Y,1,0.31161399401742745,,,XAP,Approved,-418,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,22,Connectivity,6.0,high,POS mobile with interest,365243.0,-356.0,-206.0,-356.0,-349.0,0.0,0,Cash loans,F,Y,N,0,157500.0,733315.5,39199.5,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008575,-14585,-1810,-8709.0,-4520,10.0,1,1,0,1,0,0,Managers,2.0,2,2,SATURDAY,16,0,0,0,0,0,0,Construction,0.28630238658005897,0.5643169503335008,0.5744466170995097,0.0361,0.0271,0.9811,0.7416,0.0047,0.04,0.0345,0.3333,0.0417,0.0376,0.0286,0.0368,0.0039,0.0394,0.0368,0.0281,0.9811,0.7517,0.0048,0.0403,0.0345,0.3333,0.0417,0.0384,0.0312,0.0384,0.0039,0.0417,0.0364,0.0271,0.9811,0.7451,0.0047,0.04,0.0345,0.3333,0.0417,0.0382,0.0291,0.0375,0.0039,0.0403,reg oper account,block of flats,0.0401,Panel,No,0.0,0.0,0.0,0.0,-1087.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2156548,416173,Consumer loans,7908.075,73345.5,66010.5,7335.0,73345.5,TUESDAY,16,Y,1,0.10891577285834596,,,XAP,Refused,-2225,Cash through the bank,SCO,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Stone,145,Consumer electronics,10.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,270000.0,1205451.0,39969.0,1080000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.04622,-16166,-3013,-6775.0,-4987,,1,1,0,1,0,0,Cooking staff,2.0,1,1,MONDAY,16,0,0,0,0,0,0,Kindergarten,,0.6224976074285044,0.5567274263630174,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1653169,318899,Consumer loans,6678.99,72891.0,75298.5,4374.0,72891.0,SATURDAY,13,Y,1,0.05979081409976634,,,XAP,Approved,-2511,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,650,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-2480.0,-2150.0,-2150.0,-2146.0,1.0,0,Cash loans,M,N,Y,0,243000.0,167895.0,20052.0,157500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-11896,-5079,-3297.0,-3402,,1,1,1,1,1,0,,2.0,3,3,THURSDAY,8,0,0,0,0,0,0,Security Ministries,0.385861085859898,0.680706285676553,0.6512602186973006,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2511.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2450254,284058,Consumer loans,3375.18,32697.0,32922.0,3271.5,32697.0,SATURDAY,18,Y,1,0.09844201055689306,,,XAP,Approved,-502,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Regional / Local,30,Furniture,12.0,middle,POS industry with interest,365243.0,-471.0,-141.0,-381.0,-375.0,0.0,0,Cash loans,M,N,Y,0,247500.0,547344.0,26460.0,472500.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.006670999999999999,-16292,-1180,-475.0,-1406,,1,1,0,1,0,1,Laborers,1.0,2,2,THURSDAY,12,0,0,0,0,0,0,Transport: type 4,,0.4587442943542797,0.722392890081304,0.0433,,0.9861,,,0.0,0.1034,0.1667,,0.0347,,0.0253,,0.0,0.0441,,0.9861,,,0.0,0.1034,0.1667,,0.0355,,0.0263,,0.0,0.0437,,0.9861,,,0.0,0.1034,0.1667,,0.0353,,0.0257,,0.0,,block of flats,0.0331,Panel,No,0.0,0.0,0.0,0.0,-698.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,3.0 +1821523,274562,Cash loans,9775.89,135000.0,152820.0,,135000.0,MONDAY,17,Y,1,,,,XNA,Approved,-1295,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,24.0,middle,Cash X-Sell: middle,365243.0,-1265.0,-575.0,-605.0,-603.0,1.0,0,Cash loans,M,N,Y,2,270000.0,312768.0,16096.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,With parents,0.008019,-17273,-2902,-9894.0,-780,,1,1,0,1,1,0,Drivers,4.0,2,2,MONDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.4600259679843087,0.4884551844437485,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2412793,450101,Cash loans,31169.025,562500.0,618187.5,,562500.0,SATURDAY,13,Y,1,,,,XNA,Approved,-788,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,365243.0,-758.0,112.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,1,153000.0,526491.0,22261.5,454500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.008865999999999999,-14327,-2564,-2325.0,-4531,,1,1,0,1,0,0,Medicine staff,3.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Other,,0.7734612841745659,0.475849908720221,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.086,,No,0.0,0.0,0.0,0.0,-2481.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1821331,152800,Consumer loans,10241.82,102420.0,87687.0,14733.0,102420.0,TUESDAY,17,Y,1,0.1566644831442722,,,XAP,Approved,-2335,Cash through the bank,XAP,Unaccompanied,Repeater,Construction Materials,POS,XNA,Stone,165,Construction,10.0,middle,POS industry with interest,365243.0,-2269.0,-1999.0,-2029.0,-2022.0,0.0,0,Cash loans,F,N,Y,0,270000.0,1575000.0,58500.0,1575000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.032561,-22623,-8855,-7561.0,-4049,,1,1,0,1,0,0,Core staff,1.0,1,1,SATURDAY,13,0,0,0,0,0,0,Government,0.8656164490312159,0.6010833154473723,0.32173528219668485,0.2,0.1593,0.9781,0.7008,0.0373,0.1864,0.2069,0.2775,0.3192,0.0663,0.1628,0.1974,0.0013,0.0017,0.084,0.0847,0.9777,0.706,0.01,0.0,0.1379,0.3333,0.375,0.0269,0.0735,0.0726,0.0,0.0,0.1863,0.1385,0.9781,0.7048,0.035,0.2,0.1724,0.3333,0.375,0.0774,0.1531,0.1989,0.0,0.0,reg oper account,block of flats,0.1727,Panel,No,0.0,0.0,0.0,0.0,-1822.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2676718,284996,Cash loans,24954.57,769500.0,769500.0,,769500.0,SATURDAY,14,Y,1,,,,XNA,Refused,-159,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),5,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,126000.0,454500.0,16825.5,454500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.010643000000000001,-22809,-1111,-4472.0,-4371,,1,1,1,1,1,0,Sales staff,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,Self-employed,,0.6819549748248904,0.6263042766749393,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-577.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1410784,208186,Consumer loans,3144.6,24520.5,26946.0,0.0,24520.5,MONDAY,9,Y,1,0.0,,,XAP,Approved,-2327,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,60,Connectivity,12.0,high,POS mobile with interest,365243.0,-2295.0,-1965.0,-1965.0,-1957.0,1.0,0,Cash loans,M,Y,Y,2,180000.0,414792.0,18400.5,315000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-15526,-4111,-3112.0,-5067,21.0,1,1,0,1,0,0,Laborers,4.0,2,2,THURSDAY,7,0,0,0,0,1,1,Emergency,0.663523517738661,0.5903294244913765,0.722392890081304,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,1.0,6.0,1.0,-968.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1193578,239781,Cash loans,9072.045,90000.0,98910.0,,90000.0,FRIDAY,7,Y,1,,,,Urgent needs,Approved,-356,XNA,XAP,,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),6,XNA,18.0,high,Cash Street: high,365243.0,-326.0,184.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,0,90000.0,95940.0,9342.0,90000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018209,-18366,365243,-10452.0,-1910,41.0,1,0,0,1,1,0,,2.0,3,3,THURSDAY,9,0,0,0,0,0,0,XNA,0.32958019818874634,0.5088682580747431,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1837.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1213396,300131,Revolving loans,13500.0,270000.0,270000.0,,270000.0,FRIDAY,14,Y,1,,,,XAP,Approved,-221,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,270000.0,752742.0,44140.5,697500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-17092,-450,-1832.0,-642,,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Other,,0.3449915723258246,0.11538666200733562,0.1608,0.0507,0.9727,0.626,0.1346,0.0,0.2759,0.1667,0.2083,0.0,0.1202,0.201,0.0502,0.1041,0.1639,0.0527,0.9727,0.6406,0.1358,0.0,0.2759,0.1667,0.2083,0.0,0.1313,0.2094,0.0506,0.1103,0.1624,0.0507,0.9727,0.631,0.1354,0.0,0.2759,0.1667,0.2083,0.0,0.1223,0.2046,0.0505,0.1063,reg oper account,block of flats,0.2543,"Stone, brick",No,0.0,0.0,0.0,0.0,-345.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,1.0 +1412230,310804,Consumer loans,7557.705,107352.0,125757.0,0.0,107352.0,WEDNESDAY,12,Y,1,0.0,,,XAP,Approved,-1183,XNA,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,2170,Consumer electronics,24.0,middle,POS household with interest,365243.0,-1152.0,-462.0,-522.0,-514.0,0.0,0,Revolving loans,M,N,Y,2,144000.0,450000.0,22500.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010276,-21806,-1720,-2800.0,-4837,,1,1,0,1,0,0,Laborers,4.0,2,2,WEDNESDAY,11,0,1,1,0,0,0,Industry: type 11,0.7563591672462826,0.3388264810222942,0.6446794549585961,0.1052,0.1562,0.9806,0.7348,0.0014,0.0,0.2069,0.1667,0.2083,0.0266,0.0857,0.095,0.0,0.0,0.1071,0.1621,0.9806,0.7452,0.0015,0.0,0.2069,0.1667,0.2083,0.0272,0.0937,0.099,0.0,0.0,0.1062,0.1562,0.9806,0.7383,0.0014,0.0,0.2069,0.1667,0.2083,0.0271,0.0872,0.0967,0.0,0.0,reg oper account,block of flats,0.0755,"Stone, brick",No,0.0,0.0,0.0,0.0,-1183.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2208651,164288,Consumer loans,7343.145,58860.0,64687.5,0.0,58860.0,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-2066,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Stone,2500,Consumer electronics,12.0,high,POS household with interest,365243.0,-2031.0,-1701.0,-1701.0,-1697.0,0.0,0,Cash loans,F,Y,N,1,180000.0,1493086.5,52029.0,1363500.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.00702,-14947,-1629,-355.0,-970,65.0,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,18,0,0,0,0,0,0,Military,,0.3266460484326216,0.4083588531230431,0.0994,0.0736,0.9841,0.7824,0.0057,0.0,0.2345,0.1667,0.2083,0.0728,0.081,0.0813,0.0,0.0325,0.0735,0.0613,0.9826,0.7713,0.0,0.0,0.2069,0.1667,0.2083,0.0183,0.0643,0.0674,0.0,0.0,0.0729,0.0591,0.9836,0.7786,0.0,0.0,0.2069,0.1667,0.2083,0.0939,0.0599,0.0662,0.0,0.0344,reg oper account,block of flats,0.0582,Panel,No,1.0,1.0,1.0,0.0,-1194.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2698325,281390,Consumer loans,3116.43,22455.0,24309.0,0.0,22455.0,FRIDAY,17,Y,1,0.0,,,XAP,Approved,-1504,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Regional / Local,30,Connectivity,10.0,high,POS mobile with interest,365243.0,-1418.0,-1148.0,-1238.0,-1236.0,0.0,0,Cash loans,M,N,N,0,130500.0,814041.0,23931.0,679500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,Municipal apartment,0.016612000000000002,-22010,365243,-2827.0,-4964,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,XNA,,0.03874548182568077,0.4311917977993083,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1075352,228305,Consumer loans,7017.795,49423.5,54018.0,7020.0,49423.5,MONDAY,13,Y,1,0.12525669553095087,,,XAP,Approved,-1774,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,32,Connectivity,12.0,high,POS mobile with interest,365243.0,-1743.0,-1413.0,-1413.0,-1411.0,0.0,0,Cash loans,M,Y,Y,1,121500.0,900000.0,26446.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008625,-11301,-1700,-6002.0,-2883,9.0,1,1,1,1,0,0,High skill tech staff,3.0,2,2,THURSDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.16277428292662086,0.7088126806700374,0.4170996682522097,,,0.9518,,,,,,,,,0.0051,,,,,0.9518,,,,,,,,,0.0053,,,,,0.9518,,,,,,,,,0.0052,,,,block of flats,0.0056,,No,0.0,0.0,0.0,0.0,-1774.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1179898,112803,Consumer loans,17288.055,161181.0,157698.0,16119.0,161181.0,SATURDAY,11,Y,1,0.10099734987737884,,,XAP,Approved,-1422,Cash through the bank,XAP,Other_B,Repeater,Computers,POS,XNA,Country-wide,1000,Consumer electronics,12.0,high,POS household with interest,365243.0,-1391.0,-1061.0,-1061.0,-1057.0,0.0,0,Cash loans,M,Y,N,0,225000.0,450000.0,23107.5,450000.0,Unaccompanied,Working,Higher education,Married,Rented apartment,0.010006000000000001,-16135,-1233,-1291.0,-1423,13.0,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,Other,,0.7488832304929394,0.3539876078507373,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-750.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,1.0,0.0,0.0,0.0,2.0 +1577975,159793,Consumer loans,8953.785,70546.5,76365.0,0.0,70546.5,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-1235,Cash through the bank,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Country-wide,2390,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1204.0,-934.0,-934.0,-926.0,0.0,0,Cash loans,F,N,Y,1,112500.0,427450.5,18958.5,369000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-10636,-321,-9408.0,-1642,,1,1,0,1,0,0,,3.0,2,2,TUESDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.32477592356963897,0.34119171976373713,0.7352209993926424,0.0598,0.0503,0.9871,0.8232,0.0255,0.0,0.1379,0.1667,0.2083,0.0472,0.0488,0.0518,0.0,0.0413,0.0609,0.0522,0.9871,0.8301,0.0257,0.0,0.1379,0.1667,0.2083,0.0482,0.0533,0.0539,0.0,0.0438,0.0604,0.0503,0.9871,0.8256,0.0257,0.0,0.1379,0.1667,0.2083,0.048,0.0496,0.0527,0.0,0.0422,reg oper account,block of flats,0.0636,Panel,No,3.0,0.0,3.0,0.0,-1235.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2174188,405799,Consumer loans,12124.035,147064.5,165991.5,0.0,147064.5,SUNDAY,9,Y,1,0.0,,,XAP,Approved,-317,XNA,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Regional / Local,1050,Consumer electronics,18.0,middle,POS household with interest,365243.0,-286.0,224.0,-226.0,-219.0,0.0,0,Cash loans,F,N,Y,0,58500.0,263686.5,27148.5,238500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.006629,-21533,365243,-5576.0,-4795,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,,0.509660685618608,,0.1031,,0.993,,,0.08,0.1379,0.25,,0.012,,0.0811,,0.0385,0.084,,0.9876,,,0.0806,0.069,0.1667,,0.0123,,0.0845,,0.0408,0.1041,,0.993,,,0.08,0.1379,0.25,,0.0122,,0.0825,,0.0393,,block of flats,0.0978,Monolithic,No,0.0,0.0,0.0,0.0,-1708.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,1.0,0.0,3.0 +2523159,112790,Consumer loans,16560.0,144000.0,144000.0,0.0,144000.0,TUESDAY,8,Y,1,0.0,,,XAP,Approved,-573,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Stone,63,Consumer electronics,10.0,middle,POS household with interest,365243.0,-542.0,-272.0,-272.0,-267.0,0.0,0,Cash loans,F,N,Y,0,193500.0,67765.5,7425.0,58500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.018634,-11281,-439,-564.0,-2665,,1,1,1,1,0,0,Sales staff,2.0,2,2,MONDAY,9,0,0,0,0,0,0,Self-employed,,0.5808892553573308,,,,0.9871,,,,,,,,,0.0521,,,,,0.9871,,,,,,,,,0.0542,,,,,0.9871,,,,,,,,,0.053,,,,,0.0417,,No,0.0,0.0,0.0,0.0,-5.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1828143,401662,Consumer loans,27650.025,175945.5,137425.5,45000.0,175945.5,THURSDAY,10,Y,1,0.26865263304247977,,,XAP,Refused,-1659,Cash through the bank,LIMIT,,Repeater,Computers,POS,XNA,Country-wide,50,Consumer electronics,6.0,high,POS household with interest,,,,,,,0,Cash loans,F,N,N,1,135000.0,704844.0,29992.5,630000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.04622,-14486,-2342,-8587.0,-4488,,1,1,0,1,0,0,Cleaning staff,3.0,1,1,THURSDAY,13,0,0,0,0,0,0,Other,,0.7646653387278277,0.7366226976503176,0.1474,,0.9871,,,0.16,0.1379,0.3333,,,,0.139,,,0.1502,,0.9871,,,0.1611,0.1379,0.3333,,,,0.1449,,,0.1489,,0.9871,,,0.16,0.1379,0.3333,,,,0.1415,,,,block of flats,0.1094,Panel,No,0.0,0.0,0.0,0.0,-673.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1387862,333068,Consumer loans,3018.96,39375.0,31500.0,7875.0,39375.0,TUESDAY,14,Y,1,0.2178181818181818,,,XAP,Refused,-242,Cash through the bank,HC,,Repeater,Consumer Electronics,POS,XNA,Regional / Local,25,Consumer electronics,12.0,low_normal,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,112500.0,545040.0,20677.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.002042,-14682,-4930,-1565.0,-3442,,1,1,1,1,1,0,Cooking staff,2.0,3,3,SATURDAY,10,0,0,0,0,0,0,Agriculture,0.4647299669527517,0.06919868599833233,0.34090642641523844,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-981.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +2274388,243232,Consumer loans,6887.16,28800.0,24174.0,5400.0,28800.0,THURSDAY,15,Y,1,0.19886017816632545,,,XAP,Approved,-2890,Cash through the bank,XAP,Children,New,Mobile,POS,XNA,Country-wide,22,Connectivity,4.0,low_normal,POS mobile with interest,365243.0,-2859.0,-2769.0,-2769.0,-2726.0,1.0,0,Cash loans,F,Y,Y,0,135000.0,269550.0,12964.5,225000.0,Unaccompanied,State servant,Secondary / secondary special,Civil marriage,House / apartment,0.009334,-18644,-5123,-9912.0,-2185,11.0,1,1,1,1,1,0,Laborers,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Transport: type 2,,0.6630750295314564,0.5971924268337128,0.1103,0.0752,0.9816,0.7484,0.0064,0.0,0.1034,0.1667,0.0417,0.0162,0.0891,0.0691,0.0039,0.0083,0.0725,0.0757,0.9791,0.7256,0.0052,0.0,0.069,0.1667,0.0417,0.0165,0.0624,0.0659,0.0039,0.0082,0.1114,0.0752,0.9816,0.7518,0.0064,0.0,0.1034,0.1667,0.0417,0.0165,0.0906,0.0704,0.0039,0.0085,org spec account,block of flats,0.0556,"Stone, brick",No,1.0,0.0,1.0,0.0,-713.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1802537,151327,Revolving loans,9450.0,0.0,135000.0,,,THURSDAY,11,Y,1,,,,XAP,Approved,-2206,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,1412,Consumer electronics,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,0,121500.0,1236816.0,36288.0,1080000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-14613,-5169,-5285.0,-4448,24.0,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.7140471626419805,0.4884551844437485,0.0907,0.0164,0.997,0.9592,0.0592,0.08,0.0345,0.625,0.0417,0.0183,0.07400000000000001,0.1381,0.0154,0.0753,0.0924,0.0171,0.997,0.9608,0.0597,0.0806,0.0345,0.625,0.0417,0.0187,0.0808,0.1439,0.0156,0.0798,0.0916,0.0164,0.997,0.9597,0.0596,0.08,0.0345,0.625,0.0417,0.0186,0.0752,0.1406,0.0155,0.0769,reg oper spec account,block of flats,0.1573,Mixed,No,6.0,0.0,6.0,0.0,-1527.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1223702,192321,Cash loans,29901.285,270000.0,284611.5,,270000.0,THURSDAY,15,Y,1,,,,XNA,Approved,-1259,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1229.0,-899.0,-899.0,-892.0,1.0,0,Cash loans,F,N,Y,0,225000.0,719365.5,23103.0,621000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.008473999999999999,-20265,365243,-1342.0,-3780,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,XNA,0.5611387897225758,0.6013140050659697,0.5298898341969072,0.0704,0.0442,0.9757,0.6668,0.0139,0.0,0.1262,0.1667,0.2083,0.012,0.0569,0.0558,0.0025,0.0328,0.063,0.0178,0.9757,0.6798,0.0073,0.0,0.1379,0.1667,0.2083,0.0,0.0542,0.0536,0.0039,0.0,0.0677,0.0521,0.9757,0.6713,0.0114,0.0,0.1379,0.1667,0.2083,0.0,0.0547,0.0528,0.0039,0.0022,reg oper account,block of flats,0.0489,Block,No,3.0,0.0,3.0,0.0,-1797.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2076702,258283,Consumer loans,7216.47,54000.0,59346.0,0.0,54000.0,SATURDAY,14,Y,1,0.0,,,XAP,Approved,-2060,Cash through the bank,XAP,Family,Refreshed,Sport and Leisure,POS,XNA,Stone,107,Industry,12.0,high,POS other with interest,365243.0,-2028.0,-1698.0,-1878.0,-1870.0,0.0,0,Cash loans,F,N,Y,1,315000.0,983299.5,41791.5,904500.0,Family,State servant,Secondary / secondary special,Married,House / apartment,0.025164,-16696,-2117,-5341.0,-233,,1,1,0,1,0,0,Medicine staff,3.0,2,2,MONDAY,14,0,0,0,0,0,0,Other,0.6848872479619281,0.6386237114731407,0.5797274227921155,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-1541.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1860568,246552,Cash loans,21709.125,450000.0,512370.0,,450000.0,THURSDAY,16,Y,1,,,,XNA,Refused,-280,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,162000.0,808650.0,21460.5,675000.0,Family,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.025164,-21442,-1001,-1137.0,-4978,,1,1,0,1,0,0,Laborers,1.0,2,2,MONDAY,16,0,0,0,0,0,0,Self-employed,0.5816860257081193,0.16831505220348875,0.42765737003502935,0.0186,0.0368,0.9652,0.524,0.0023,0.0,0.069,0.0833,0.125,0.0194,0.0151,0.017,0.0,0.0,0.0189,0.0382,0.9652,0.5426,0.0023,0.0,0.069,0.0833,0.125,0.0198,0.0165,0.0177,0.0,0.0,0.0187,0.0368,0.9652,0.5304,0.0023,0.0,0.069,0.0833,0.125,0.0197,0.0154,0.0173,0.0,0.0,reg oper account,block of flats,0.0149,"Stone, brick",No,0.0,0.0,0.0,0.0,-3.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,6.0 +1919924,380233,Consumer loans,7880.4,79195.5,78804.0,7920.0,79195.5,FRIDAY,12,Y,1,0.09946035699460357,,,XAP,Approved,-1040,Cash through the bank,XAP,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Country-wide,529,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1003.0,-673.0,-883.0,-877.0,0.0,0,Cash loans,F,N,Y,0,337500.0,1636245.0,47970.0,1462500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-15344,-3601,-4640.0,-1860,,1,1,0,1,0,0,High skill tech staff,2.0,2,2,TUESDAY,11,0,0,0,0,1,1,Transport: type 4,,0.595528250458227,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1663.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2597772,385682,Consumer loans,7966.44,67176.0,66442.5,6718.5,67176.0,TUESDAY,11,Y,1,0.1000130844675069,,,XAP,Approved,-1938,Cash through the bank,XAP,Children,New,Mobile,POS,XNA,Country-wide,120,Connectivity,12.0,high,POS mobile with interest,365243.0,-1907.0,-1577.0,-1577.0,-1569.0,0.0,0,Cash loans,F,N,N,0,157500.0,297130.5,15300.0,256500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-18852,-1051,-9616.0,-2394,,1,1,0,1,1,0,Sales staff,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Industry: type 3,,0.6796359528367194,0.4436153084085652,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1938.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2413941,381677,Consumer loans,5961.69,31455.0,29704.5,3150.0,31455.0,SATURDAY,10,Y,1,0.10441907086202386,,,XAP,Approved,-2695,Cash through the bank,XAP,Other_B,New,Mobile,POS,XNA,Stone,26,Connectivity,6.0,high,POS mobile with interest,365243.0,-2664.0,-2514.0,-2544.0,-2540.0,1.0,0,Cash loans,M,N,Y,0,180000.0,177768.0,11488.5,135000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,Office apartment,0.025164,-13052,-2916,-1298.0,-4953,,1,1,0,1,0,0,Laborers,1.0,2,2,SATURDAY,8,0,0,0,0,0,0,Self-employed,0.25878760663320904,0.5091797696113811,0.4365064990977374,0.1302,0.1054,0.9846,0.7892,0.0,0.05,0.1983,0.3021,0.3438,0.0,0.1061,0.115,0.0,0.0,0.0746,0.0337,0.9801,0.7387,0.0,0.0403,0.0345,0.3333,0.375,0.0,0.0652,0.0499,0.0,0.0,0.0937,0.0514,0.9821,0.7585,0.0,0.04,0.069,0.3333,0.375,0.0,0.077,0.0806,0.0,0.0,reg oper account,block of flats,0.1996,Panel,No,0.0,0.0,0.0,0.0,-1761.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +2619324,272777,Consumer loans,5912.1,45441.0,43344.0,5400.0,45441.0,THURSDAY,13,Y,1,0.12065261178998254,,,XAP,Approved,-1884,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,21,Connectivity,10.0,high,POS mobile with interest,365243.0,-1848.0,-1578.0,-1578.0,-1566.0,0.0,0,Cash loans,F,N,Y,0,135000.0,1350000.0,42520.5,1350000.0,Unaccompanied,State servant,Higher education,Single / not married,House / apartment,0.035792000000000004,-14828,-98,-5826.0,-79,,1,1,0,1,0,0,Core staff,1.0,2,2,FRIDAY,11,0,0,0,0,0,0,School,0.4186464358991833,0.6537556268614204,,0.0464,0.0272,0.9906,0.8776,0.0097,0.0,0.1207,0.1667,0.2083,0.057,0.0378,0.0578,0.0,0.0,0.0473,0.0,0.9906,0.8824,0.0098,0.0,0.1034,0.1667,0.2083,0.0583,0.0413,0.0526,0.0,0.0,0.0468,0.0272,0.9906,0.8792,0.0098,0.0,0.1207,0.1667,0.2083,0.058,0.0385,0.0589,0.0,0.0,reg oper account,block of flats,0.045,"Stone, brick",No,4.0,0.0,4.0,0.0,-39.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1438993,352311,Consumer loans,7466.94,71550.0,78633.0,0.0,71550.0,FRIDAY,15,Y,1,0.0,,,XAP,Approved,-1616,Cash through the bank,XAP,Family,New,Construction Materials,POS,XNA,Stone,50,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-1585.0,-1255.0,-1405.0,-1396.0,0.0,0,Cash loans,F,N,Y,0,211500.0,826398.0,29682.0,697500.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.010147,-22605,365243,-10584.0,-4501,,1,0,0,1,0,1,,1.0,2,2,THURSDAY,10,0,0,0,0,0,0,XNA,0.5510602243455663,0.4593687715816655,0.4866531565147181,0.0278,0.0436,0.9856,,,,0.1034,0.0833,,0.0214,,0.0254,,0.0088,0.0284,0.0453,0.9856,,,,0.1034,0.0833,,0.0219,,0.0264,,0.0094,0.0281,0.0436,0.9856,,,,0.1034,0.0833,,0.0218,,0.0258,,0.009000000000000001,,block of flats,0.0063,"Stone, brick",No,0.0,0.0,0.0,0.0,-1616.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1175346,228190,Consumer loans,31091.13,216180.0,202680.0,13500.0,216180.0,SUNDAY,3,Y,1,0.0680115055635455,,,XAP,Refused,-1874,XNA,LIMIT,Family,Repeater,Computers,POS,XNA,Country-wide,1800,Consumer electronics,8.0,high,POS household with interest,,,,,,,0,Cash loans,F,Y,Y,0,135000.0,1461775.5,74254.5,1354500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.014464,-17028,-3110,-3278.0,-555,9.0,1,1,0,1,0,0,Cooking staff,2.0,2,2,FRIDAY,4,0,0,0,0,1,1,Self-employed,0.5905760288571823,0.6241046849694399,0.5814837058057234,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1874.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,1.0 +1041792,368301,Consumer loans,6814.485,40455.0,38331.0,4045.5,40455.0,WEDNESDAY,15,Y,1,0.10397076853273092,,,XAP,Approved,-589,Cash through the bank,XAP,,New,Computers,POS,XNA,Regional / Local,600,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-558.0,-408.0,-438.0,-412.0,0.0,0,Cash loans,F,N,Y,1,157500.0,1546020.0,45333.0,1350000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.019688999999999998,-12755,-1388,-1078.0,-392,,1,1,0,1,0,0,,3.0,2,2,THURSDAY,14,0,0,0,0,0,0,Other,,0.6299550413445746,0.2176285202779586,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-206.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1554351,280359,Revolving loans,2250.0,45000.0,45000.0,,45000.0,TUESDAY,10,Y,1,,,,XAP,Refused,-248,XNA,SCOFR,Unaccompanied,Repeater,XNA,Cards,walk-in,Country-wide,1800,Consumer electronics,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,N,1,162000.0,247275.0,19953.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014464,-9013,-1201,-2353.0,-892,,1,1,1,1,0,1,Sales staff,3.0,2,2,THURSDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.317078225195782,0.0001976469211371752,0.2103502286944494,0.4082,0.1091,0.9806,,,0.08,0.069,0.3333,,0.0699,,0.037000000000000005,,0.0265,0.416,0.1132,0.9806,,,0.0806,0.069,0.3333,,0.0715,,0.0386,,0.028,0.4122,0.1091,0.9806,,,0.08,0.069,0.3333,,0.0711,,0.0377,,0.027000000000000003,,block of flats,0.1107,Panel,No,0.0,0.0,0.0,0.0,-160.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2601319,250732,Consumer loans,4310.505,22005.0,23310.0,0.0,22005.0,FRIDAY,11,Y,1,0.0,,,XAP,Approved,-249,XNA,XAP,Family,New,Consumer Electronics,POS,XNA,Stone,200,Consumer electronics,6.0,middle,POS household with interest,365243.0,-219.0,-69.0,-69.0,-65.0,1.0,1,Cash loans,F,N,N,1,94500.0,253737.0,27324.0,229500.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.018801,-11630,365243,-2919.0,-728,,1,0,0,1,1,0,,3.0,2,2,MONDAY,18,0,0,0,0,0,0,XNA,,0.23281258685615264,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-249.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2256870,198963,Cash loans,20123.865,225000.0,254700.0,,225000.0,THURSDAY,13,Y,1,,,,Other,Approved,-469,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,high,Cash Street: high,365243.0,-439.0,251.0,-109.0,-102.0,1.0,1,Cash loans,M,N,Y,0,90000.0,1255680.0,41629.5,1125000.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.020246,-23230,365243,-3886.0,-4647,,1,0,0,1,0,0,,2.0,3,3,THURSDAY,8,0,0,0,0,0,0,XNA,,0.02044954421189366,,0.1103,0.0656,0.9846,0.7892,,0.08,0.069,0.3333,0.375,0.0587,0.0891,0.0972,0.0039,0.0036,0.1124,0.0681,0.9846,0.7975,,0.0806,0.069,0.3333,0.375,0.06,0.0973,0.1013,0.0039,0.0038,0.1114,0.0656,0.9846,0.792,,0.08,0.069,0.3333,0.375,0.0597,0.0906,0.0989,0.0039,0.0037,reg oper account,block of flats,0.0772,Panel,No,5.0,1.0,5.0,1.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1946505,318787,Consumer loans,14838.93,139900.5,150979.5,0.0,139900.5,SUNDAY,16,Y,1,0.0,,,XAP,Approved,-255,Cash through the bank,XAP,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Country-wide,3500,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-225.0,105.0,365243.0,365243.0,1.0,0,Revolving loans,F,N,N,0,157500.0,315000.0,15750.0,315000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-14869,-7930,-2185.0,-2542,,1,1,0,1,0,1,Laborers,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Industry: type 3,,0.6186771391882145,0.5298898341969072,0.1031,0.1125,0.9767,0.6804,0.0135,0.0,0.2069,0.1667,0.2083,0.0726,0.0841,0.09,0.0,0.0,0.105,0.1168,0.9767,0.6929,0.0136,0.0,0.2069,0.1667,0.2083,0.0742,0.0918,0.0937,0.0,0.0,0.1041,0.1125,0.9767,0.6847,0.0136,0.0,0.2069,0.1667,0.2083,0.0738,0.0855,0.0916,0.0,0.0,reg oper spec account,block of flats,0.0708,"Stone, brick",No,1.0,0.0,1.0,0.0,-2527.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +2387867,382016,Cash loans,8146.575,112500.0,127350.0,,112500.0,TUESDAY,13,Y,1,,,,XNA,Approved,-583,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,135000.0,391090.5,16569.0,297000.0,Unaccompanied,State servant,Secondary / secondary special,Widow,House / apartment,0.0038130000000000004,-18614,-4321,-4608.0,-2158,,1,1,0,1,0,0,Core staff,1.0,2,2,THURSDAY,8,0,0,0,0,0,0,Kindergarten,,0.611023584581978,0.43473324875017305,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1320.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +1108410,250464,Consumer loans,10184.04,89545.5,87192.0,9000.0,89545.5,TUESDAY,8,Y,1,0.10189847577572124,,,XAP,Approved,-2230,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,398,Consumer electronics,10.0,middle,POS household with interest,365243.0,-2199.0,-1929.0,-1929.0,-1924.0,1.0,0,Revolving loans,F,N,Y,0,112500.0,225000.0,11250.0,225000.0,Family,Pensioner,Secondary / secondary special,Married,Co-op apartment,0.018209,-22931,365243,-4937.0,-4350,,1,0,0,1,1,0,,2.0,3,3,SATURDAY,12,0,0,0,0,0,0,XNA,,0.4919607729811845,0.7726311345553628,0.0969,,0.9925,0.898,,0.0,0.2069,0.2083,0.2083,,0.079,0.0966,0.0,0.0,0.0987,,0.9926,0.902,,0.0,0.2069,0.2083,0.2083,,0.0863,0.1007,0.0,0.0,0.0978,,0.9925,0.8994,,0.0,0.2069,0.2083,0.2083,,0.0804,0.0984,0.0,0.0,org spec account,block of flats,0.076,"Stone, brick",No,1.0,0.0,1.0,0.0,-2230.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2009728,171201,Consumer loans,9941.625,49882.5,52515.0,0.0,49882.5,THURSDAY,10,Y,1,0.0,,,XAP,Approved,-951,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,1600,Consumer electronics,6.0,middle,POS household with interest,365243.0,-920.0,-770.0,-770.0,-766.0,0.0,0,Cash loans,F,N,N,0,315000.0,808650.0,29709.0,675000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.005084,-8366,-1063,-7987.0,-1015,,1,1,1,1,1,0,Waiters/barmen staff,2.0,2,2,WEDNESDAY,13,1,1,0,1,1,0,Business Entity Type 1,0.13975769668011642,0.6120937017989748,0.3672910183026313,0.0186,0.0,0.9791,0.7144,0.0026,0.0,0.1034,0.0417,0.0417,0.0333,0.0151,0.0188,0.0,0.0,0.0189,0.0,0.9791,0.7256,0.0026,0.0,0.1034,0.0417,0.0417,0.0341,0.0165,0.0196,0.0,0.0,0.0187,0.0,0.9791,0.7182,0.0026,0.0,0.1034,0.0417,0.0417,0.0339,0.0154,0.0191,0.0,0.0,reg oper account,block of flats,0.0148,Panel,No,0.0,0.0,0.0,0.0,-951.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1512893,401528,Revolving loans,22500.0,450000.0,450000.0,,450000.0,SATURDAY,16,Y,1,,,,XAP,Refused,-335,XNA,SCOFR,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,175500.0,1154655.0,49050.0,990000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.032561,-21379,-2209,-15515.0,-4799,,1,1,0,1,1,0,,1.0,1,1,FRIDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.6171954341992976,0.6195277080511546,,0.0622,0.9757,0.6668,0.0052,0.0,0.1034,0.125,0.1667,0.0235,,0.0405,,0.0,,0.0646,0.9757,0.6798,0.0053,0.0,0.1034,0.125,0.1667,0.024,,0.0422,,0.0,,0.0622,0.9757,0.6713,0.0052,0.0,0.1034,0.125,0.1667,0.0239,,0.0413,,0.0,reg oper account,block of flats,0.0347,"Stone, brick",No,0.0,0.0,0.0,0.0,-2069.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,15.0,0.0,3.0 +2577125,241478,Cash loans,18918.0,450000.0,450000.0,,450000.0,MONDAY,14,Y,1,,,,Repairs,Refused,-611,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,middle,Cash Street: middle,,,,,,,0,Revolving loans,F,N,Y,0,135000.0,135000.0,6750.0,135000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.019101,-17774,-1843,-2948.0,-1321,,1,1,0,1,0,0,,1.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.7031251939256017,0.10411991642915908,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0408,,No,4.0,0.0,4.0,0.0,-2511.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2719234,313471,Cash loans,56378.16,675000.0,841653.0,,675000.0,FRIDAY,14,Y,1,,,,Repairs,Refused,-785,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,middle,Cash Street: middle,,,,,,,1,Cash loans,F,N,Y,2,126000.0,269550.0,16416.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.011656999999999999,-13367,-2070,-7052.0,-3329,,1,1,0,1,0,0,High skill tech staff,4.0,1,1,SATURDAY,10,0,0,0,1,1,1,Postal,0.5153456005215458,0.2968779514379772,0.12295541790885495,0.2216,0.1691,0.9821,0.7552,0.0,0.24,0.2069,0.3333,0.375,0.1449,0.1807,0.2219,0.0,0.0,0.2258,0.1755,0.9821,0.7648,0.0,0.2417,0.2069,0.3333,0.375,0.1482,0.1974,0.2312,0.0,0.0,0.2238,0.1691,0.9821,0.7585,0.0,0.24,0.2069,0.3333,0.375,0.1474,0.1838,0.2259,0.0,0.0,not specified,block of flats,0.2167,Panel,No,4.0,0.0,4.0,0.0,-874.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1987836,399812,Revolving loans,2250.0,45000.0,45000.0,,45000.0,MONDAY,13,Y,1,,,,XAP,Approved,-366,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Regional / Local,20,Connectivity,0.0,XNA,Card Street,-345.0,-325.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,225000.0,513531.0,24835.5,459000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.019101,-11597,-3566,-2821.0,-1832,6.0,1,1,0,1,0,0,Sales staff,1.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Trade: type 3,0.5431886433567235,0.6077338636768926,0.3092753558842053,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-441.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1496816,323534,Cash loans,122023.71,1147500.0,1317195.0,,1147500.0,FRIDAY,10,Y,1,,,,XNA,Approved,-668,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_action,Cash X-Sell: low,365243.0,-638.0,-308.0,-308.0,-302.0,1.0,0,Cash loans,F,N,Y,0,202500.0,1272888.0,37345.5,1111500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-17354,-3166,-9803.0,-766,,1,1,0,1,0,0,Sales staff,2.0,3,3,MONDAY,12,0,0,0,0,0,0,Self-employed,,0.5020792918735825,0.4382813743111921,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1611.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +2702981,277512,Consumer loans,4385.97,87408.0,97249.5,0.0,87408.0,FRIDAY,9,Y,1,0.0,,,XAP,Approved,-1523,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Stone,34,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1492.0,-802.0,-802.0,-800.0,0.0,0,Revolving loans,M,Y,Y,0,90000.0,202500.0,10125.0,202500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-19754,-8866,-8574.0,-3295,0.0,1,1,1,1,0,0,Drivers,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Agriculture,,0.4858682562617014,0.7910749129911773,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1523.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1850601,224215,Consumer loans,6322.905,117027.0,140197.5,0.0,117027.0,SUNDAY,9,Y,1,0.0,,,XAP,Approved,-1574,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,2200,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1541.0,-851.0,-851.0,-839.0,0.0,0,Cash loans,F,N,N,0,112500.0,544068.0,20641.5,382500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0038130000000000004,-17923,-5947,-11369.0,-1403,,1,1,0,1,0,0,,2.0,2,2,SATURDAY,6,0,0,0,0,0,0,Medicine,0.5955657879986679,0.3757706059567383,0.8327850252992314,0.0928,0.0434,0.9831,0.7688,0.0123,0.0,0.2069,0.1667,0.2083,0.07,0.0756,0.0783,0.0,0.0,0.0945,0.045,0.9831,0.7779,0.0124,0.0,0.2069,0.1667,0.2083,0.0716,0.0826,0.0816,0.0,0.0,0.0937,0.0434,0.9831,0.7719,0.0123,0.0,0.2069,0.1667,0.2083,0.0713,0.077,0.0797,0.0,0.0,reg oper account,block of flats,0.0683,Panel,No,0.0,0.0,0.0,0.0,-1574.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1217501,337010,Consumer loans,4124.97,22905.0,20614.5,2290.5,22905.0,WEDNESDAY,12,Y,1,0.1089090909090909,,,XAP,Approved,-2386,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Stone,15,Connectivity,6.0,high,POS mobile with interest,365243.0,-2314.0,-2164.0,-2224.0,-2221.0,0.0,0,Cash loans,M,N,N,0,180000.0,225000.0,23625.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.008473999999999999,-11505,-3515,-5530.0,-3758,,1,1,0,1,0,0,Security staff,1.0,2,2,THURSDAY,12,0,1,1,0,1,1,Security,,0.4165239650462137,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-644.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1542739,166259,Consumer loans,7635.555,62235.0,41701.5,22500.0,62235.0,SATURDAY,10,Y,1,0.3816818213678099,,,XAP,Approved,-2287,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,80,Consumer electronics,6.0,middle,POS household with interest,365243.0,-2247.0,-2097.0,-2097.0,-2069.0,1.0,0,Cash loans,F,N,Y,0,90000.0,1152247.5,61519.5,1089000.0,Family,Working,Secondary / secondary special,Married,Municipal apartment,0.030755,-18325,-835,-6351.0,-1843,,1,1,0,1,0,1,,2.0,2,2,THURSDAY,11,0,1,1,0,1,1,Construction,0.68422871574275,0.7294369935101229,0.6006575372857061,0.1227,0.0493,0.9861,0.8096,0.0298,0.0,0.2069,0.1667,0.0417,0.0,0.1,0.0727,0.4595,0.0,0.125,0.0511,0.9861,0.8171,0.0301,0.0,0.2069,0.1667,0.0417,0.0,0.1093,0.0757,0.463,0.0,0.1239,0.0493,0.9861,0.8121,0.03,0.0,0.2069,0.1667,0.0417,0.0,0.1018,0.07400000000000001,0.4619,0.0,reg oper account,block of flats,0.0735,"Stone, brick",No,1.0,0.0,1.0,0.0,-963.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2220618,250116,Consumer loans,4468.77,20254.5,16771.5,4054.5,20254.5,TUESDAY,17,Y,1,0.21202915062465627,,,XAP,Approved,-877,Cash through the bank,XAP,Unaccompanied,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,60,Connectivity,4.0,middle,POS mobile without interest,365243.0,-846.0,-756.0,-756.0,-752.0,0.0,0,Cash loans,F,Y,Y,1,67500.0,863226.0,34362.0,697500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-14708,-405,-2308.0,-5150,5.0,1,1,0,1,0,0,Sales staff,3.0,2,2,THURSDAY,15,0,0,0,0,0,0,Self-employed,,0.6057093472486612,0.7001838506835805,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1189482,119040,Consumer loans,4967.1,41886.0,41427.0,4189.5,41886.0,THURSDAY,7,Y,1,0.10002403436555547,,,XAP,Approved,-2049,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,42,Connectivity,12.0,high,POS mobile with interest,365243.0,-2018.0,-1688.0,-1688.0,-1682.0,0.0,0,Cash loans,M,N,Y,2,148500.0,312768.0,22374.0,270000.0,Children,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018029,-14367,-2886,-1484.0,-4322,,1,1,1,1,0,0,Security staff,4.0,3,3,TUESDAY,5,0,0,0,0,0,0,Business Entity Type 3,0.32142367841489866,0.1915258625230554,0.20915469884100693,0.0124,0.0425,0.9836,0.7756,0.0025,0.0,0.1034,0.0417,0.0833,0.0257,0.0101,0.0141,0.0,0.0,0.0126,0.0442,0.9836,0.7844,0.0025,0.0,0.1034,0.0417,0.0833,0.0263,0.011,0.0147,0.0,0.0,0.0125,0.0425,0.9836,0.7786,0.0025,0.0,0.1034,0.0417,0.0833,0.0261,0.0103,0.0144,0.0,0.0,reg oper spec account,block of flats,0.0124,Wooden,No,1.0,0.0,1.0,0.0,-2049.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1955554,399829,Consumer loans,2728.485,14265.0,15016.5,0.0,14265.0,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-961,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Stone,20,Consumer electronics,6.0,middle,POS household with interest,365243.0,-930.0,-780.0,-870.0,-862.0,0.0,0,Cash loans,F,N,Y,0,225000.0,90000.0,4374.0,90000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.030755,-13226,-5146,-7216.0,-4907,,1,1,1,1,0,0,Accountants,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Self-employed,0.6420000393663976,0.15612612696269998,0.5726825047161584,0.1856,0.1471,0.9851,0.7959999999999999,0.0297,0.2,0.1724,0.3333,0.375,0.0327,0.1513,0.1942,0.0,0.0006,0.1891,0.1526,0.9851,0.804,0.03,0.2014,0.1724,0.3333,0.375,0.0335,0.1653,0.2023,0.0,0.0006,0.1874,0.1471,0.9851,0.7987,0.0299,0.2,0.1724,0.3333,0.375,0.0333,0.1539,0.1977,0.0,0.0006,reg oper account,block of flats,0.1691,"Stone, brick",No,2.0,0.0,2.0,0.0,-80.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1054017,336014,Consumer loans,4400.55,94680.0,94680.0,0.0,94680.0,SATURDAY,18,Y,1,0.0,,,XAP,Approved,-1719,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,2326,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1687.0,-997.0,-997.0,-990.0,0.0,0,Cash loans,F,N,Y,0,157500.0,306306.0,13491.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.026392000000000002,-11705,-693,-5780.0,-4377,,1,1,1,1,1,0,Accountants,1.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.4637406102652599,0.6769112034760655,0.6848276586890367,0.0814,0.081,0.9767,,,0.0,0.1724,0.1667,,0.0551,,0.0723,,0.0,0.083,0.0841,0.9767,,,0.0,0.1724,0.1667,,0.0564,,0.0754,,0.0,0.0822,0.081,0.9767,,,0.0,0.1724,0.1667,,0.0561,,0.0736,,0.0,,block of flats,0.0569,Panel,No,5.0,0.0,5.0,0.0,-1719.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1541227,332172,Consumer loans,6954.165,40945.5,34375.5,8190.0,40945.5,MONDAY,20,Y,1,0.20955126911359065,,,XAP,Approved,-2173,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,151,Connectivity,6.0,high,POS mobile with interest,365243.0,-2139.0,-1989.0,-1989.0,-1985.0,0.0,0,Cash loans,F,N,N,1,90000.0,715095.0,53464.5,675000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.030755,-13092,-2386,-7078.0,-5102,,1,1,1,1,1,0,Core staff,3.0,2,2,FRIDAY,14,0,0,0,0,0,0,Advertising,0.7231713406681921,0.5524219318002512,0.5832379256761245,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2495.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2643819,423641,Consumer loans,4608.18,43875.0,39487.5,4387.5,43875.0,THURSDAY,10,Y,1,0.1089090909090909,,,XAP,Approved,-2666,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,42,Connectivity,12.0,low_normal,POS mobile with interest,365243.0,-2635.0,-2305.0,-2305.0,-2299.0,0.0,0,Cash loans,M,N,Y,0,54000.0,50940.0,5476.5,45000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.018634,-16742,-665,-1576.0,-289,,1,1,1,1,1,0,Laborers,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Business Entity Type 2,,0.7387375888871007,0.7850520263728172,0.1031,,0.9871,,,,0.1724,0.1667,,0.1144,,0.108,,0.1308,0.105,,0.9871,,,,0.1724,0.1667,,0.117,,0.1125,,0.1385,0.1041,,0.9871,,,,0.1724,0.1667,,0.1164,,0.1099,,0.1336,,block of flats,0.1134,Panel,No,0.0,0.0,0.0,0.0,-1619.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1759135,333992,Revolving loans,,0.0,0.0,,,MONDAY,14,Y,1,,,,XAP,Refused,-354,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Card Street,,,,,,,0,Cash loans,M,N,Y,2,360000.0,1078200.0,38331.0,900000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.0031219999999999998,-13969,-934,-4949.0,-3622,,1,1,0,1,0,0,Managers,4.0,3,3,FRIDAY,15,0,0,0,0,0,0,Insurance,0.3830705182927575,0.6809723843928395,0.3979463219016906,0.1072,0.0765,0.9826,0.762,0.0148,0.04,0.0345,0.3333,0.375,0.0655,0.0874,0.0366,0.0,0.0,0.1092,0.0794,0.9826,0.7713,0.0149,0.0403,0.0345,0.3333,0.375,0.067,0.0955,0.0382,0.0,0.0,0.1083,0.0765,0.9826,0.7652,0.0149,0.04,0.0345,0.3333,0.375,0.0666,0.0889,0.0373,0.0,0.0,reg oper account,block of flats,0.0369,"Stone, brick",No,2.0,0.0,2.0,0.0,-1846.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2361873,377299,Consumer loans,11456.775,71676.0,61249.5,13500.0,71676.0,MONDAY,16,Y,1,0.1966933193229021,,,XAP,Approved,-733,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,1720,Consumer electronics,6.0,middle,POS household with interest,365243.0,-702.0,-552.0,-582.0,-568.0,0.0,0,Cash loans,F,Y,Y,0,360000.0,1530000.0,53311.5,1530000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00963,-18356,-1820,-7648.0,-1906,7.0,1,1,0,1,0,0,High skill tech staff,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,Housing,0.6382593774538784,0.23376304061031475,0.6642482627052363,0.1082,0.0804,0.9901,,,0.12,0.1034,0.3333,,0.0586,,0.115,,0.0012,0.1103,0.0834,0.9901,,,0.1208,0.1034,0.3333,,0.0599,,0.1199,,0.0013,0.1093,0.0804,0.9901,,,0.12,0.1034,0.3333,,0.0596,,0.1171,,0.0012,,block of flats,0.104,Panel,No,0.0,0.0,0.0,0.0,-733.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1415480,100216,Consumer loans,4561.29,101137.5,101137.5,0.0,101137.5,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-1571,Cash through the bank,XAP,"Spouse, partner",New,Photo / Cinema Equipment,POS,XNA,Country-wide,3560,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1539.0,-849.0,-909.0,-905.0,0.0,0,Cash loans,F,N,N,0,90000.0,67500.0,6705.0,67500.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.018209,-19785,-9919,-9342.0,-3310,,1,1,1,1,1,0,Sales staff,2.0,3,3,TUESDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.6200196960355097,0.7094531689636673,,0.1969,0.14300000000000002,0.9876,,,0.2,0.1724,0.3333,,0.051,,0.1281,,0.0564,0.2006,0.1484,0.9876,,,0.2014,0.1724,0.3333,,0.0521,,0.1334,,0.0598,0.1988,0.14300000000000002,0.9876,,,0.2,0.1724,0.3333,,0.0518,,0.1304,,0.0576,,block of flats,0.1658,Panel,No,1.0,0.0,1.0,0.0,-1.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2320522,349134,Consumer loans,5199.885,25875.0,27414.0,0.0,25875.0,FRIDAY,15,Y,1,0.0,,,XAP,Approved,-101,Cash through the bank,XAP,Unaccompanied,Repeater,Jewelry,POS,XNA,Stone,51,Jewelry,6.0,middle,POS other with interest,365243.0,-70.0,80.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,135000.0,814041.0,23931.0,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.02461,-16511,-1225,-5570.0,-44,,1,1,0,1,0,0,,2.0,2,2,MONDAY,9,0,0,0,0,1,1,Kindergarten,,0.3782564878667696,0.6413682574954046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,2.0,2.0,1.0,-808.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1014352,100036,Consumer loans,12069.315,213804.0,213804.0,0.0,213804.0,SATURDAY,14,Y,1,0.0,,,XAP,Refused,-185,Cash through the bank,HC,Family,Repeater,Audio/Video,POS,XNA,Country-wide,2000,Consumer electronics,24.0,low_normal,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,112500.0,512064.0,25033.5,360000.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.008575,-11144,-1104,-7846.0,-2904,,1,1,0,1,0,0,Private service staff,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Services,0.2744223724911185,0.6273004007953609,,0.3670000000000001,0.3751,0.9901,,,0.28,0.4828,0.375,,0.1569,,0.2574,,,0.3739,0.3893,0.9901,,,0.282,0.4828,0.375,,0.1604,,0.2682,,,0.3706,0.3751,0.9901,,,0.28,0.4828,0.375,,0.1596,,0.262,,,,block of flats,0.3388,Block,No,2.0,0.0,2.0,0.0,-397.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +1181699,206446,Consumer loans,16910.28,182250.0,178096.5,18225.0,182250.0,TUESDAY,16,Y,1,0.1011029450069494,,,XAP,Approved,-403,Cash through the bank,XAP,Unaccompanied,Repeater,Vehicles,POS,XNA,Stone,120,Auto technology,12.0,low_normal,POS other with interest,365243.0,-372.0,-42.0,-222.0,-216.0,0.0,0,Cash loans,M,Y,Y,0,180000.0,850536.0,43555.5,747000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-19585,-3121,-1184.0,-2950,9.0,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,16,0,0,0,0,0,0,Business Entity Type 1,,0.5094475545415532,0.31703177858344445,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1240516,317505,Consumer loans,17081.91,119205.0,105705.0,13500.0,119205.0,THURSDAY,18,Y,1,0.12333985380417993,,,XAP,Approved,-1312,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,72,Connectivity,8.0,high,POS mobile with interest,365243.0,-1269.0,-1059.0,-1059.0,-1056.0,0.0,1,Cash loans,F,N,Y,1,171000.0,640764.0,20799.0,459000.0,Unaccompanied,Pensioner,Higher education,Civil marriage,House / apartment,0.04622,-15297,365243,-3393.0,-768,,1,0,0,1,0,0,,3.0,1,1,SUNDAY,17,0,0,0,0,0,0,XNA,0.606411906838225,0.2882474798096961,0.11911906455945008,0.1289,,0.9816,,,0.0,0.069,0.1667,,0.0197,,0.0555,,0.0354,0.1313,,0.9816,,,0.0,0.069,0.1667,,0.0202,,0.0578,,0.0374,0.1301,,0.9816,,,0.0,0.069,0.1667,,0.0201,,0.0565,,0.0361,,specific housing,0.0535,"Stone, brick",No,1.0,0.0,0.0,0.0,-1689.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1649120,368962,Cash loans,13990.68,112500.0,135261.0,,112500.0,THURSDAY,11,Y,1,,,,XNA,Approved,-802,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-772.0,-442.0,-442.0,-435.0,1.0,0,Cash loans,F,N,N,0,135000.0,675000.0,20596.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.005144,-17981,-619,-12.0,-1536,,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,Self-employed,0.4082607993116636,0.5622190020053357,0.3606125659189888,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-802.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2019998,325868,Cash loans,22999.275,405000.0,490536.0,,405000.0,THURSDAY,15,Y,1,,,,XNA,Refused,-289,Cash through the bank,SCO,Family,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),5,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,1,Cash loans,M,Y,Y,0,171000.0,539100.0,29376.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-16228,-3206,-8709.0,-4166,13.0,1,1,1,1,0,0,Low-skill Laborers,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Industry: type 1,0.27814816780428736,0.4587714428579229,0.34578480246959553,0.0959,0.0613,0.9762,0.6736,0.0124,0.0,0.2069,0.1667,0.2083,0.0979,0.0782,0.0836,0.0,0.0233,0.0977,0.0636,0.9762,0.6864,0.0125,0.0,0.2069,0.1667,0.2083,0.1001,0.0854,0.0871,0.0,0.0247,0.0968,0.0613,0.9762,0.6779999999999999,0.0124,0.0,0.2069,0.1667,0.2083,0.0996,0.0795,0.0851,0.0,0.0238,reg oper account,block of flats,0.0708,"Stone, brick",No,1.0,1.0,1.0,1.0,-463.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,2.0 +2025231,229590,Cash loans,8797.77,45000.0,46485.0,,45000.0,FRIDAY,9,Y,1,,,,XNA,Refused,-1496,XNA,HC,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,6.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,N,0,405000.0,675000.0,19476.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.014519999999999996,-22819,365243,-11079.0,-6337,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,,0.2318881971357951,0.7490217048463391,0.0041,,,,,,,0.0,,,,0.0035,,,0.0042,,,,,,,0.0,,,,0.0037,,,0.0042,,,,,,,0.0,,,,0.0036,,,,block of flats,0.0028,Mixed,No,0.0,0.0,0.0,0.0,-2144.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +2438145,251476,Consumer loans,12799.53,131380.875,113773.5,26278.875,131380.875,WEDNESDAY,14,Y,1,0.20435272064209087,,,XAP,Approved,-2656,Cash through the bank,XAP,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Country-wide,2132,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2625.0,-2355.0,-2355.0,-2344.0,1.0,0,Cash loans,F,N,Y,0,202500.0,738931.5,49711.5,697500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.001417,-11939,-3841,-1913.0,-2957,,1,1,0,1,1,0,Cooking staff,2.0,2,2,SATURDAY,13,0,0,0,0,1,1,Military,0.3725299567990854,0.026701701676762345,0.6785676886853644,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-505.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2751566,116819,Consumer loans,8321.805,31428.0,29209.5,3150.0,31428.0,SUNDAY,11,Y,1,0.10601635883237888,,,XAP,Approved,-2539,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,39,Connectivity,4.0,low_normal,POS mobile with interest,365243.0,-2508.0,-2418.0,-2418.0,-2406.0,1.0,0,Cash loans,M,N,Y,0,157500.0,263686.5,25816.5,238500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-23103,-2313,-3194.0,-3193,,1,1,0,1,0,0,Security staff,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,Security,,0.6747793406936806,0.5334816299804352,0.0619,,0.9771,,,0.0,0.1379,0.1667,,,,0.0515,,0.0357,0.063,,0.9772,,,0.0,0.1379,0.1667,,,,0.0537,,0.0378,0.0625,,0.9771,,,0.0,0.1379,0.1667,,,,0.0525,,0.0365,,block of flats,0.0483,,No,0.0,0.0,0.0,0.0,-2285.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1208398,239196,Cash loans,25665.3,135000.0,139455.0,,135000.0,MONDAY,16,Y,1,,,,XNA,Approved,-939,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-909.0,-759.0,-789.0,-786.0,1.0,0,Cash loans,F,N,Y,1,180000.0,755190.0,50800.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.032561,-15244,-1524,-4418.0,-4423,,1,1,0,1,1,0,Managers,3.0,1,1,TUESDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.5908645410220187,0.7879421286841508,0.6801388218428291,0.0619,0.0873,0.9488,0.2996,,0.08,0.1724,0.2083,0.25,0.0173,,0.0862,,0.0101,0.063,0.0906,0.9489,0.327,,0.0806,0.1724,0.2083,0.25,0.0177,,0.0898,,0.0107,0.0625,0.0873,0.9488,0.309,,0.08,0.1724,0.2083,0.25,0.0176,,0.0877,,0.0103,reg oper account,block of flats,0.07,"Stone, brick",No,0.0,0.0,0.0,0.0,-2320.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,5.0 +1103492,427914,Consumer loans,7565.85,60480.0,66865.5,0.0,60480.0,TUESDAY,11,Y,1,0.0,,,XAP,Approved,-780,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,25,Connectivity,12.0,high,POS mobile with interest,365243.0,-743.0,-413.0,-503.0,-495.0,0.0,0,Cash loans,F,N,N,0,67500.0,450000.0,27661.5,450000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.004849,-17483,-3600,-3879.0,-1028,,1,1,1,1,0,0,Laborers,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,Trade: type 7,,0.8029276287278295,,0.0247,,0.9762,,,,,,,,,0.0089,,,0.0252,,0.9762,,,,,,,,,0.0093,,,0.025,,0.9762,,,,,,,,,0.009000000000000001,,,,,0.0071,,No,0.0,0.0,0.0,0.0,-780.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2713748,299777,Consumer loans,3659.58,19305.0,18234.0,1930.5,19305.0,WEDNESDAY,11,Y,1,0.1042669047087703,,,XAP,Approved,-2583,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Stone,112,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-2552.0,-2402.0,-2402.0,-2397.0,1.0,0,Cash loans,F,N,N,0,180000.0,360000.0,19660.5,360000.0,Unaccompanied,State servant,Higher education,Single / not married,House / apartment,0.020713,-11070,-905,-1713.0,-3746,,1,1,0,1,0,0,Core staff,1.0,3,3,MONDAY,18,0,0,0,0,0,0,Bank,,0.3419146510586838,0.1168672659157136,0.1454,0.1789,0.9861,0.8096,0.0299,0.0,0.3103,0.1667,0.2083,0.1231,0.1168,0.1533,0.0077,0.0051,0.1481,0.1857,0.9861,0.8171,0.0302,0.0,0.3103,0.1667,0.2083,0.1259,0.1276,0.1598,0.0078,0.0054,0.1468,0.1789,0.9861,0.8121,0.0301,0.0,0.3103,0.1667,0.2083,0.1252,0.1189,0.1561,0.0078,0.0052,reg oper account,block of flats,0.1381,Panel,No,0.0,0.0,0.0,0.0,-1693.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2048693,155612,Cash loans,31695.3,810000.0,810000.0,,810000.0,FRIDAY,12,Y,1,,,,Other,Approved,-613,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,36.0,low_normal,Cash Street: low,365243.0,-583.0,467.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,0,450000.0,592560.0,31153.5,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.035792000000000004,-21981,-3713,-6846.0,-1933,5.0,1,1,0,1,0,0,,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.7598459271717408,0.5904669176238752,0.5919766183185521,0.2804,,0.994,0.9796,0.0382,0.42,0.2931,0.5,0.6667,,0.0664,0.3049,0.0116,0.0188,0.083,,0.9901,0.9804,0.0385,0.3222,0.1379,0.375,0.6667,,0.0725,0.0905,0.0117,0.0129,0.2831,,0.994,0.9799,0.0384,0.42,0.2931,0.5,0.6667,,0.0676,0.3104,0.0116,0.0192,reg oper account,block of flats,0.414,Block,No,3.0,0.0,3.0,0.0,-939.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1305997,341639,Cash loans,26337.96,270000.0,284611.5,,270000.0,FRIDAY,18,Y,1,,,,XNA,Approved,-354,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Channel of corporate sales,-1,XNA,12.0,low_action,Cash X-Sell: low,365243.0,-323.0,7.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,225000.0,225000.0,21037.5,225000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.072508,-8161,-1151,-8040.0,-840,,1,1,0,1,1,0,High skill tech staff,2.0,1,1,TUESDAY,14,0,0,0,0,0,0,Trade: type 2,,0.6868999872781234,,0.3423,0.3625,0.9881,,,0.48,0.2069,0.5417,,,,0.1697,,,0.3487,0.3762,0.9881,,,0.4834,0.2069,0.5417,,,,0.1769,,,0.3456,0.3625,0.9881,,,0.48,0.2069,0.5417,,,,0.1728,,,,block of flats,0.2447,Panel,No,2.0,0.0,2.0,0.0,-760.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2458375,239102,Revolving loans,6750.0,0.0,135000.0,,,WEDNESDAY,16,Y,1,,,,XAP,Approved,-1179,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-1020.0,-993.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,108000.0,714915.0,28480.5,639000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.009334,-20391,365243,-9311.0,-3181,,1,0,0,1,0,0,,1.0,2,2,SATURDAY,14,0,0,0,0,0,0,XNA,,0.6683355806595219,0.6706517530862718,0.0278,,0.9876,,,,0.1034,0.0833,,,,0.016,,,0.0284,,0.9876,,,,0.1034,0.0833,,,,0.0166,,,0.0281,,0.9876,,,,0.1034,0.0833,,,,0.0163,,,reg oper spec account,block of flats,0.0203,Panel,No,0.0,0.0,0.0,0.0,-294.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1509357,275138,Revolving loans,9000.0,0.0,180000.0,,,MONDAY,16,Y,1,,,,XAP,Approved,-2304,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-2294.0,-2257.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,76500.0,526491.0,21267.0,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-20538,365243,-5467.0,-2226,,1,0,0,1,1,0,,2.0,2,2,SUNDAY,15,0,0,0,0,0,0,XNA,,0.6849496478512027,0.5334816299804352,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,2.0,2.0,1.0,-2275.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1266165,201093,Cash loans,45720.0,900000.0,900000.0,,900000.0,SATURDAY,8,Y,1,,,,XNA,Approved,-298,Cash through the bank,XAP,,New,XNA,Cash,x-sell,Channel of corporate sales,-1,XNA,24.0,low_action,Cash X-Sell: low,365243.0,-268.0,422.0,-88.0,-80.0,0.0,0,Cash loans,F,N,Y,0,171000.0,1350000.0,50161.5,1350000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-18687,-1484,-11228.0,-346,,1,1,1,1,0,0,,2.0,3,3,WEDNESDAY,7,0,0,0,0,0,0,Transport: type 4,,0.6093747620789225,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-721.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1195071,362929,Consumer loans,9461.25,83250.0,65250.0,18000.0,83250.0,WEDNESDAY,12,Y,1,0.2354791154791155,,,XAP,Approved,-1779,XNA,XAP,,Repeater,Construction Materials,POS,XNA,Stone,30,Construction,8.0,middle,POS industry with interest,365243.0,-1732.0,-1522.0,-1522.0,-1516.0,0.0,0,Cash loans,F,N,Y,0,103500.0,545040.0,19705.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-20570,-2779,-7766.0,-4069,,1,1,0,1,0,0,Secretaries,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,Other,0.8123071879596062,0.5891654577098906,0.3490552510751822,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,0.0,-1779.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2764830,380930,Consumer loans,9583.965,107991.0,125095.5,0.0,107991.0,THURSDAY,19,Y,1,0.0,,,XAP,Approved,-435,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,3135,Consumer electronics,18.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,Y,1,292500.0,888840.0,32053.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.032561,-15700,-478,-9783.0,-3566,,1,1,0,1,0,0,Laborers,3.0,1,1,FRIDAY,18,0,0,0,0,0,0,Business Entity Type 1,,0.5928865749474603,,0.332,0.2167,0.9781,0.7008,0.0616,0.36,0.3103,0.3333,0.375,0.1463,0.2707,0.3231,0.0,0.0,0.3382,0.2249,0.9782,0.7125,0.0622,0.3625,0.3103,0.3333,0.375,0.1496,0.2957,0.3366,0.0,0.0,0.3352,0.2167,0.9781,0.7048,0.062,0.36,0.3103,0.3333,0.375,0.1488,0.2753,0.3289,0.0,0.0,reg oper account,block of flats,0.2878,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2403585,359832,Revolving loans,9000.0,0.0,180000.0,,,WEDNESDAY,19,Y,1,,,,XAP,Approved,-1087,XNA,XAP,,Refreshed,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-1002.0,-950.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,144000.0,292500.0,30843.0,292500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-15501,-1004,-2247.0,-2240,14.0,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Emergency,,0.5822781259543801,0.6161216908872079,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1087.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1249427,337357,Consumer loans,9729.405,44946.0,47317.5,0.0,44946.0,SATURDAY,14,Y,1,0.0,,,XAP,Approved,-580,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,70,Connectivity,6.0,high,POS mobile with interest,365243.0,-549.0,-399.0,-399.0,-397.0,0.0,0,Cash loans,M,N,Y,0,202500.0,450000.0,35685.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.026392000000000002,-10947,-2356,-4811.0,-3614,,1,1,0,1,0,0,Laborers,1.0,2,2,FRIDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.623458072718821,0.4135967602644276,0.2474,0.2226,0.9826,0.762,0.1214,0.0,0.5517,0.1667,,0.282,0.2017,0.2301,0.0,0.0,0.2521,0.231,0.9826,0.7713,0.1225,0.0,0.5517,0.1667,,0.2884,0.2204,0.2397,0.0,0.0,0.2498,0.2226,0.9826,0.7652,0.1222,0.0,0.5517,0.1667,,0.2869,0.2052,0.2342,0.0,0.0,reg oper spec account,block of flats,0.2079,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2336352,120860,Consumer loans,10236.825,112338.0,111780.0,11236.5,112338.0,FRIDAY,8,Y,1,0.09947909426784213,,,XAP,Approved,-283,Cash through the bank,XAP,,Repeater,Jewelry,POS,XNA,Country-wide,40,Jewelry,12.0,low_action,POS others without interest,365243.0,-247.0,83.0,-97.0,-92.0,0.0,0,Cash loans,F,N,N,1,81000.0,225000.0,15165.0,225000.0,Unaccompanied,State servant,Higher education,Married,With parents,0.018209,-11707,-2317,-2797.0,-3090,,1,1,0,1,0,0,Core staff,3.0,3,3,MONDAY,15,0,0,0,0,0,0,School,0.5050102351087074,0.302943046970092,0.2512394458905693,0.1237,,0.9901,,,0.12,0.1034,0.375,,,0.1009,0.1303,0.0,,0.1261,,0.9901,,,0.1208,0.1034,0.375,,,0.1102,0.1357,0.0,,0.1249,,0.9901,,,0.12,0.1034,0.375,,,0.1026,0.1326,0.0,,,block of flats,0.1025,,No,0.0,0.0,0.0,0.0,-2788.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,11.0 +1890417,136125,Consumer loans,14708.925,121455.0,126801.0,6075.0,121455.0,THURSDAY,17,Y,1,0.049792492795743916,,,XAP,Approved,-2021,Cash through the bank,XAP,Family,Refreshed,Computers,POS,XNA,Regional / Local,343,Consumer electronics,12.0,high,POS household with interest,365243.0,-1990.0,-1660.0,-1660.0,-1654.0,0.0,0,Cash loans,M,N,Y,1,121500.0,733315.5,42876.0,679500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.022625,-9934,-1542,-4778.0,-2541,,1,1,1,1,0,0,Drivers,3.0,2,2,TUESDAY,13,0,0,0,1,1,0,Business Entity Type 3,,0.7443991934786511,0.5478104658520093,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-1566.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1130306,303442,Cash loans,39989.25,1125000.0,1125000.0,,1125000.0,TUESDAY,13,Y,1,,,,XNA,Approved,-894,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,middle,Cash X-Sell: middle,,,,,,,0,Revolving loans,F,N,Y,0,144000.0,585000.0,29250.0,585000.0,Unaccompanied,State servant,Secondary / secondary special,Married,Municipal apartment,0.072508,-19973,-7964,-8894.0,-3400,,1,1,1,1,1,0,,2.0,1,1,SUNDAY,12,0,0,0,0,0,0,School,,0.6039689103782425,0.6161216908872079,0.1959,0.0793,0.9876,0.83,0.0,0.24,0.1034,0.625,0.6667,0.0542,0.1597,0.211,0.0,0.0033,0.1408,0.0598,0.9876,0.8367,0.0,0.1611,0.069,0.6667,0.7083,0.0554,0.123,0.1518,0.0,0.003,0.1728,0.0852,0.9876,0.8323,0.0,0.24,0.1034,0.6667,0.7083,0.0551,0.1419,0.1923,0.0,0.0036,reg oper account,block of flats,0.2353,Panel,No,0.0,0.0,0.0,0.0,-1220.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2559584,453600,Consumer loans,4476.555,20551.5,21771.0,0.0,20551.5,MONDAY,11,Y,1,0.0,,,XAP,Approved,-522,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,10,Connectivity,6.0,high,POS mobile with interest,365243.0,-491.0,-341.0,-341.0,-334.0,0.0,0,Cash loans,F,N,N,0,126000.0,568800.0,20691.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-20732,-269,-4909.0,-3980,,1,1,0,1,0,0,Cleaning staff,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.5536807932198928,0.78516667730069,0.7583930617144343,0.0825,,0.9747,,,0.0,0.1379,0.1667,,,,0.0731,,0.0,0.084,,0.9747,,,0.0,0.1379,0.1667,,,,0.0761,,0.0,0.0833,,0.9747,,,0.0,0.1379,0.1667,,,,0.0744,,0.0,,block of flats,0.0575,Panel,No,0.0,0.0,0.0,0.0,-522.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2657103,136694,Consumer loans,3644.595,35550.0,35550.0,0.0,35550.0,FRIDAY,16,Y,1,0.0,,,XAP,Approved,-433,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Country-wide,10,Consumer electronics,12.0,middle,POS industry with interest,365243.0,-402.0,-72.0,-282.0,-277.0,0.0,0,Cash loans,F,Y,Y,0,157500.0,423000.0,15192.0,423000.0,Family,Commercial associate,Higher education,Civil marriage,House / apartment,0.01885,-16659,-2378,-8261.0,-203,2.0,1,1,0,1,1,0,,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.8603809874672058,0.7208470205003754,0.31703177858344445,0.1485,,0.9816,,,0.04,0.1379,0.3333,,,,0.1541,,0.0,0.1513,,0.9816,,,0.0403,0.1379,0.3333,,,,0.1606,,0.0,0.1499,,0.9816,,,0.04,0.1379,0.3333,,,,0.1569,,0.0,,,0.1212,,No,0.0,0.0,0.0,0.0,-1999.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1927904,303726,Consumer loans,6291.72,68665.5,52960.5,20475.0,68665.5,MONDAY,15,Y,1,0.3036560840960621,,,XAP,Approved,-2051,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,50,Connectivity,12.0,high,POS mobile with interest,365243.0,-2012.0,-1682.0,-1682.0,-1667.0,0.0,0,Cash loans,F,N,N,1,157500.0,755190.0,36459.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.035792000000000004,-13998,-2954,-7778.0,-4420,,1,1,1,1,1,0,Laborers,2.0,2,2,SUNDAY,13,0,0,0,0,1,1,Self-employed,0.2890484188636949,0.615690851334145,0.4223696523543468,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2051.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1474465,227583,Cash loans,10835.055,135000.0,148365.0,,135000.0,WEDNESDAY,13,Y,1,,,,XNA,Approved,-1616,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-1586.0,-1076.0,-1196.0,-1192.0,1.0,0,Cash loans,F,N,Y,0,90000.0,567000.0,24151.5,567000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-21435,365243,-1413.0,-4568,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,XNA,,0.33456790656483465,0.5064842396679806,0.0247,0.0,0.9767,0.6804,0.002,0.0,0.1034,0.0417,0.0417,0.0109,0.0202,0.0196,0.0,0.0,0.0252,0.0,0.9767,0.6929,0.0021,0.0,0.1034,0.0417,0.0417,0.0112,0.022,0.0204,0.0,0.0,0.025,0.0,0.9767,0.6847,0.002,0.0,0.1034,0.0417,0.0417,0.0111,0.0205,0.02,0.0,0.0,reg oper account,block of flats,0.0165,"Stone, brick",No,10.0,0.0,10.0,0.0,-2013.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2004625,454713,Cash loans,52026.165,1129500.0,1227901.5,,1129500.0,THURSDAY,13,Y,1,,,,XNA,Approved,-752,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-722.0,328.0,-182.0,-175.0,1.0,0,Cash loans,F,N,Y,0,202500.0,904500.0,38452.5,904500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-19589,-11488,-12689.0,-3125,,1,1,0,1,0,0,Core staff,2.0,2,2,SUNDAY,8,0,0,0,0,0,0,Kindergarten,0.8932987725895408,0.623216763288328,0.6246146584503397,0.0825,0.0605,0.9742,,,0.0,0.1379,0.1667,,,,0.0632,,0.0478,0.084,0.0627,0.9742,,,0.0,0.1379,0.1667,,,,0.0658,,0.0506,0.0833,0.0605,0.9742,,,0.0,0.1379,0.1667,,,,0.0643,,0.0488,,block of flats,0.0663,"Stone, brick",No,7.0,0.0,7.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1995343,425832,Cash loans,17974.575,315000.0,424228.5,,315000.0,MONDAY,12,Y,1,,,,XNA,Approved,-821,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-791.0,259.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,175500.0,868797.0,41926.5,702000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-15334,-2871,-7539.0,-4167,,1,1,1,1,1,0,Cooking staff,2.0,2,2,WEDNESDAY,9,0,0,0,0,1,1,Business Entity Type 3,0.2925650396895164,0.05158225609817668,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-617.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2651751,422881,Consumer loans,13393.665,123741.0,120555.0,12375.0,123741.0,SATURDAY,13,Y,1,0.10138794854434664,,,XAP,Approved,-2463,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,1600,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2432.0,-2162.0,-2162.0,-2154.0,1.0,0,Cash loans,F,N,Y,1,117000.0,198000.0,21451.5,198000.0,Other_B,Working,Higher education,Married,House / apartment,0.001417,-11185,-517,-9452.0,-1381,,1,1,0,1,0,0,Managers,3.0,2,2,FRIDAY,9,0,0,0,0,1,1,Business Entity Type 3,0.4444054935874575,0.5042714250786835,0.4794489811780563,0.0186,0.0,0.9871,0.8232,,0.0,0.069,0.0833,0.0,0.0,,0.0158,,0.0,0.0189,0.0,0.9871,0.8301,,0.0,0.069,0.0833,0.0,0.0,,0.0165,,0.0,0.0187,0.0,0.9871,0.8256,,0.0,0.069,0.0833,0.0,0.0,,0.0161,,0.0,,block of flats,0.0139,Block,No,6.0,0.0,6.0,0.0,-481.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2698133,294609,Cash loans,37267.785,450000.0,481185.0,,450000.0,SUNDAY,13,Y,1,,,,XNA,Approved,-1070,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-1040.0,-530.0,-560.0,-552.0,1.0,0,Cash loans,M,Y,Y,1,360000.0,305640.0,36400.5,270000.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.035792000000000004,-14119,-1380,-43.0,-402,15.0,1,1,0,1,0,0,Core staff,3.0,2,2,SATURDAY,13,0,0,0,0,0,0,Self-employed,0.7435361957679334,0.4581742325996305,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-451.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2712197,197573,Consumer loans,3568.005,28665.0,26158.5,4500.0,28665.0,SUNDAY,11,Y,1,0.15985482299881246,,,XAP,Approved,-2133,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Stone,30,Connectivity,10.0,high,POS mobile with interest,365243.0,-2101.0,-1831.0,-1831.0,-1825.0,0.0,0,Cash loans,F,Y,Y,0,81000.0,831730.5,29875.5,702000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018029,-22089,365243,-10059.0,-4706,9.0,1,0,0,1,0,0,,2.0,3,3,FRIDAY,8,0,0,0,0,0,0,XNA,,0.6157581138738016,,0.2237,0.2943,0.9861,0.8096,0.0423,0.0,0.4138,0.1667,0.0417,,,0.2273,,0.0,0.2279,0.3054,0.9861,0.8171,0.0427,0.0,0.4138,0.1667,0.0417,,,0.2368,,0.0,0.2259,0.2943,0.9861,0.8121,0.0426,0.0,0.4138,0.1667,0.0417,,,0.2314,,0.0,,block of flats,0.2019,Panel,No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1543217,362180,Cash loans,24691.68,936000.0,936000.0,,936000.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-160,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,N,0,315000.0,1354500.0,39604.5,1354500.0,Family,Commercial associate,Higher education,Married,House / apartment,0.030755,-18614,-8478,-4903.0,-2160,1.0,1,1,1,1,0,0,Accountants,2.0,2,2,MONDAY,13,0,0,0,0,0,0,Industry: type 1,0.8683887921770219,0.7100478057679641,0.6397075677637197,0.033,0.043,0.9881,0.8368,0.0226,0.0,0.1034,0.125,0.0,0.0407,0.0269,0.0355,0.0,0.0,0.0336,0.0446,0.9881,0.8432,0.0228,0.0,0.1034,0.125,0.0,0.0416,0.0294,0.037000000000000005,0.0,0.0,0.0333,0.043,0.9881,0.8390000000000001,0.0227,0.0,0.1034,0.125,0.0,0.0414,0.0274,0.0361,0.0,0.0,reg oper account,block of flats,0.0403,"Stone, brick",No,5.0,0.0,5.0,0.0,-2804.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1490660,310826,Cash loans,25989.525,675000.0,786370.5,,675000.0,MONDAY,10,Y,1,,,,Urgent needs,Approved,-667,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,low_normal,Cash Street: low,365243.0,-637.0,773.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,1,126000.0,769500.0,27391.5,769500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-17006,-1130,-4227.0,-553,14.0,1,1,0,1,0,0,Laborers,3.0,2,2,THURSDAY,17,0,0,0,0,1,1,Self-employed,,0.4679443004469558,0.646329897706246,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1186764,452078,Consumer loans,5368.77,40455.0,48807.0,0.0,40455.0,THURSDAY,16,Y,1,0.0,,,XAP,Approved,-1589,Non-cash from your account,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,2263,Consumer electronics,10.0,low_normal,POS household with interest,,,,,,,0,Cash loans,M,N,Y,0,135000.0,206271.0,22212.0,193500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.032561,-9117,-626,-9003.0,-532,,1,1,0,1,0,0,Core staff,1.0,1,1,THURSDAY,18,0,0,0,0,0,0,Business Entity Type 1,,0.7323016647303034,,0.5546,0.1911,0.9816,0.7484,0.0833,0.6,0.5172,0.3333,0.375,0.1554,0.4522,0.4171,0.0,0.0,0.5651,0.1983,0.9816,0.7583,0.084,0.6042,0.5172,0.3333,0.375,0.159,0.494,0.3702,0.0,0.0,0.56,0.1911,0.9816,0.7518,0.0838,0.6,0.5172,0.3333,0.375,0.1581,0.46,0.3617,0.0,0.0,reg oper account,block of flats,0.4253,Panel,No,3.0,0.0,3.0,0.0,-263.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2459292,425578,Consumer loans,7452.36,38695.5,36549.0,3870.0,38695.5,MONDAY,10,Y,1,0.1042772413513896,,,XAP,Approved,-1423,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,52,Connectivity,6.0,high,POS mobile with interest,365243.0,-1363.0,-1213.0,-1243.0,-1235.0,0.0,0,Cash loans,F,N,Y,3,79200.0,1800000.0,47614.5,1800000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020713,-11912,365243,-4375.0,-868,,1,0,0,1,0,0,,5.0,3,3,WEDNESDAY,5,0,0,0,0,0,0,XNA,,0.5488453877648309,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1778.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,,,,,, +1962074,312517,Consumer loans,2131.38,42705.0,45738.0,4527.0,42705.0,THURSDAY,12,Y,1,0.09808643281517047,,,XAP,Approved,-2616,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,2775,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-2585.0,-1895.0,-2045.0,-2039.0,1.0,0,Revolving loans,M,Y,Y,1,180000.0,585000.0,29250.0,585000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0038130000000000004,-16075,-493,-5305.0,-4001,13.0,1,1,0,1,0,0,Core staff,3.0,2,2,TUESDAY,7,0,0,0,0,0,0,Self-employed,0.3615621679967676,0.3799756993145652,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1752.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2314111,400961,Cash loans,10476.585,94500.0,120541.5,0.0,94500.0,TUESDAY,12,Y,1,0.0,,,XNA,Approved,-2023,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-1993.0,-1483.0,-1483.0,-1479.0,1.0,0,Revolving loans,F,N,Y,0,292500.0,900000.0,45000.0,900000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-22008,365243,-4338.0,-4393,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,,0.712844565207856,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-540.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1565580,367790,Cash loans,14871.24,229500.0,254340.0,,229500.0,FRIDAY,15,Y,1,,,,XNA,Approved,-655,XNA,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-625.0,65.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,216000.0,1183500.0,38178.0,1183500.0,Unaccompanied,Pensioner,Higher education,Widow,House / apartment,0.028663,-22567,365243,-7804.0,-4684,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,16,0,0,0,0,0,0,XNA,,0.6370881123738095,,0.1495,0.1225,0.9891,0.8504,0.0326,0.16,0.1379,0.3333,0.375,0.1027,0.121,0.1662,0.0039,0.0006,0.1523,0.1272,0.9891,0.8563,0.0329,0.1611,0.1379,0.3333,0.375,0.1051,0.1322,0.1732,0.0039,0.0006,0.1509,0.1225,0.9891,0.8524,0.0328,0.16,0.1379,0.3333,0.375,0.1045,0.1231,0.1692,0.0039,0.0006,reg oper account,block of flats,0.1487,Panel,No,0.0,0.0,0.0,0.0,-655.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1773382,170763,Consumer loans,12461.445,101695.5,111762.0,0.0,101695.5,FRIDAY,8,Y,1,0.0,,,XAP,Approved,-1455,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Regional / Local,154,Consumer electronics,12.0,high,POS household with interest,365243.0,-1424.0,-1094.0,-1094.0,-1088.0,0.0,1,Cash loans,M,Y,N,1,202500.0,573628.5,27724.5,463500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.0038130000000000004,-11539,-200,-1618.0,-4195,13.0,1,1,0,1,0,0,Drivers,3.0,2,2,THURSDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.3443408583019247,0.013037812774330138,0.7001838506835805,0.0505,0.0638,0.9762,,,0.0,0.1034,0.1667,,0.0301,,0.0412,,0.0519,0.0515,0.0662,0.9762,,,0.0,0.1034,0.1667,,0.0308,,0.0429,,0.0549,0.051,0.0638,0.9762,,,0.0,0.1034,0.1667,,0.0307,,0.0419,,0.053,,block of flats,0.0432,"Stone, brick",No,1.0,0.0,1.0,0.0,-1455.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1438644,443446,Revolving loans,22500.0,0.0,450000.0,,,TUESDAY,10,Y,1,,,,XAP,Approved,-1105,XNA,XAP,,Refreshed,XNA,Cards,x-sell,AP+ (Cash loan),-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,121500.0,900000.0,29164.5,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-19008,-6727,-4912.0,-2547,,1,1,0,1,1,0,Laborers,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Construction,,0.6937065139959778,0.20915469884100693,0.1794,,0.993,,,0.2,0.1724,0.3333,,,,0.1893,,0.0,0.1828,,0.993,,,0.2014,0.1724,0.3333,,,,0.1973,,0.0,0.1811,,0.993,,,0.2,0.1724,0.3333,,,,0.1927,,0.0,,block of flats,0.1489,Panel,No,0.0,0.0,0.0,0.0,-2158.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2233273,244206,Cash loans,28820.655,225000.0,271611.0,,225000.0,MONDAY,14,Y,1,,,,Urgent needs,Refused,-448,Cash through the bank,SCO,"Spouse, partner",Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,1,135000.0,358344.0,28309.5,283500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.035792000000000004,-14194,-7259,-3432.0,-5015,,1,1,0,0,0,0,,3.0,2,2,MONDAY,10,0,1,1,0,1,1,Industry: type 9,,0.4445181625702392,0.5726825047161584,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1903.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1889762,396180,Consumer loans,3768.75,34834.5,37134.0,3487.5,34834.5,SATURDAY,9,Y,1,0.09350232131887164,,,XAP,Approved,-849,Cash through the bank,XAP,Unaccompanied,New,Photo / Cinema Equipment,POS,XNA,Country-wide,40,Connectivity,12.0,middle,POS mobile with interest,365243.0,-818.0,-488.0,-758.0,-748.0,0.0,1,Cash loans,M,Y,N,0,112500.0,157500.0,14575.5,157500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.015221,-10367,-1689,-1622.0,-1771,18.0,1,1,0,1,0,0,Laborers,1.0,2,2,MONDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.6656106878295375,0.3825018041447388,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,0.0,8.0,0.0,-161.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2428903,347904,Cash loans,37279.665,540000.0,582768.0,,540000.0,WEDNESDAY,16,Y,1,,,,XNA,Approved,-692,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-662.0,28.0,-452.0,-443.0,1.0,0,Cash loans,F,N,Y,0,202500.0,225000.0,9661.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.025164,-23460,365243,-12961.0,-396,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,14,0,0,0,0,0,0,XNA,,0.2453495532540649,,0.0722,0.0482,0.9826,0.762,0.0324,0.0,0.1379,0.1667,0.2083,0.0673,0.058,0.0675,0.0039,0.027000000000000003,0.0735,0.05,0.9826,0.7713,0.0327,0.0,0.1379,0.1667,0.2083,0.0688,0.0634,0.0703,0.0039,0.0286,0.0729,0.0482,0.9826,0.7652,0.0326,0.0,0.1379,0.1667,0.2083,0.0685,0.059,0.0687,0.0039,0.0275,reg oper account,block of flats,0.0715,Block,No,0.0,0.0,0.0,0.0,-1050.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,18.0 +2275339,140624,Cash loans,41728.41,1129500.0,1293502.5,,1129500.0,FRIDAY,7,Y,1,,,,XNA,Approved,-626,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-596.0,1174.0,-176.0,-169.0,1.0,0,Cash loans,F,Y,Y,0,202500.0,521280.0,26743.5,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.025164,-13961,-3936,-4144.0,-4136,9.0,1,1,0,1,0,1,Medicine staff,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.4525343620421225,0.5417209334473922,0.1047946227497676,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1563.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2033684,383415,Consumer loans,15482.295,134550.0,114345.0,20205.0,134550.0,WEDNESDAY,13,Y,1,0.1635457585892368,,,XAP,Approved,-1010,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,30,Connectivity,10.0,high,POS mobile with interest,365243.0,-973.0,-703.0,-883.0,-880.0,0.0,0,Cash loans,F,N,Y,0,157500.0,285723.0,22239.0,238500.0,Unaccompanied,Working,Higher education,Single / not married,Co-op apartment,0.025164,-10788,-207,-5310.0,-3467,,1,1,0,1,0,0,Sales staff,1.0,2,2,FRIDAY,12,0,0,0,0,1,1,Hotel,0.6699597723390404,0.6976139744616511,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1773597,281710,Cash loans,18851.355,315000.0,366142.5,,315000.0,SATURDAY,13,Y,1,,,,XNA,Approved,-717,Cash through the bank,XAP,Group of people,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-687.0,363.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,180000.0,288873.0,16713.0,238500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.030755,-11897,-318,-612.0,-3129,,1,1,0,1,0,0,Core staff,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Government,,0.7055387455144709,0.4938628816996244,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1473.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1328414,418164,Consumer loans,10088.595,123007.5,98406.0,24601.5,123007.5,THURSDAY,11,Y,1,0.2178181818181818,,,XAP,Approved,-336,Cash through the bank,XAP,,New,Clothing and Accessories,POS,XNA,Country-wide,200,Clothing,12.0,middle,POS industry with interest,365243.0,-303.0,27.0,-3.0,365243.0,0.0,0,Revolving loans,F,N,Y,1,112500.0,337500.0,16875.0,337500.0,Unaccompanied,Working,Incomplete higher,Separated,House / apartment,0.032561,-11280,-2368,-11159.0,-2045,,1,1,0,1,1,0,Sales staff,2.0,1,1,THURSDAY,12,0,0,0,0,0,0,Self-employed,,0.7268397580771592,0.2032521136204725,0.0722,0.0778,0.9767,0.6804,,0.0,0.2414,0.1667,,0.1397,,0.0448,,0.0493,0.0735,0.0807,0.9767,0.6929,,0.0,0.2414,0.1667,,0.1429,,0.0242,,0.0522,0.0729,0.0778,0.9767,0.6847,,0.0,0.2414,0.1667,,0.1422,,0.0457,,0.0503,,block of flats,0.063,Others,No,1.0,0.0,1.0,0.0,-336.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1320450,352864,Cash loans,15928.785,67500.0,78552.0,,67500.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-517,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,N,0,180000.0,331110.0,32877.0,292500.0,Unaccompanied,Commercial associate,Higher education,Single / not married,With parents,0.035792000000000004,-16467,-2181,-1237.0,-11,,1,1,0,1,0,0,Sales staff,1.0,2,2,TUESDAY,17,0,0,0,0,0,0,Trade: type 7,0.8298936643119712,0.5007235132477211,0.7281412993111438,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1028.0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1520372,215435,Consumer loans,9136.35,80010.0,80010.0,0.0,80010.0,FRIDAY,15,Y,1,0.0,,,XAP,Approved,-297,XNA,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,100,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-267.0,3.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,2,225000.0,1047195.0,44496.0,936000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-17069,-2453,-5326.0,-509,7.0,1,1,0,1,0,0,Drivers,4.0,2,2,MONDAY,12,0,0,0,0,0,0,Self-employed,0.6690620220581733,0.4760097131863237,0.4223696523543468,0.0598,0.0783,0.9752,0.66,0.0055,0.0,0.1379,0.125,0.1667,0.0221,0.0462,0.0434,0.0116,0.0251,0.0609,0.0813,0.9752,0.6733,0.0056,0.0,0.1379,0.125,0.1667,0.0226,0.0505,0.0453,0.0117,0.0266,0.0604,0.0783,0.9752,0.6645,0.0056,0.0,0.1379,0.125,0.1667,0.0225,0.047,0.0442,0.0116,0.0256,reg oper account,block of flats,0.0427,"Stone, brick",No,0.0,0.0,0.0,0.0,-297.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2833653,305911,Consumer loans,10291.95,194994.0,228456.0,0.0,194994.0,FRIDAY,13,Y,1,0.0,,,XAP,Approved,-459,Cash through the bank,XAP,,New,Computers,POS,XNA,Country-wide,2417,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-428.0,262.0,365243.0,365243.0,0.0,1,Cash loans,F,N,Y,0,270000.0,545040.0,26640.0,450000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.018029,-12209,-542,-2037.0,-4483,,1,1,0,1,0,0,,1.0,3,3,TUESDAY,10,0,0,0,1,1,0,Business Entity Type 3,0.2812754453512196,0.2494372902037856,0.08503261489695353,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-459.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2047207,365978,Cash loans,20251.8,225000.0,254700.0,,225000.0,WEDNESDAY,15,Y,1,,,,Everyday expenses,Refused,-1486,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,24.0,high,Cash Street: high,,,,,,,0,Cash loans,M,N,N,1,270000.0,1800000.0,71518.5,1800000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-11848,-1427,-644.0,-4088,,1,1,0,1,0,0,Laborers,3.0,2,2,FRIDAY,19,0,0,0,0,0,0,Business Entity Type 3,,0.631080899245521,0.511891801533151,0.1856,,0.9856,,,0.2,0.1724,0.3333,,,,0.1178,,0.2745,0.1891,,0.9856,,,0.2014,0.1724,0.3333,,,,0.1227,,0.2906,0.1874,,0.9856,,,0.2,0.1724,0.3333,,,,0.1199,,0.2802,,block of flats,0.1523,Panel,No,0.0,0.0,0.0,0.0,-1617.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1719589,302097,Consumer loans,13235.895,146902.5,146902.5,0.0,146902.5,TUESDAY,11,Y,1,0.0,,,XAP,Approved,-828,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,1000,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-791.0,-461.0,-461.0,-459.0,0.0,0,Cash loans,F,N,Y,2,157500.0,1046142.0,30717.0,913500.0,Family,Working,Higher education,Married,House / apartment,0.031329,-14910,-1685,-2725.0,-105,,1,1,0,1,0,0,Sales staff,4.0,2,2,THURSDAY,9,0,0,0,0,0,0,Self-employed,,0.6458637472796828,0.445396241560834,0.0082,0.0,0.9717,0.6124,0.0015,0.0,0.069,0.0417,0.0833,0.0491,0.0067,0.0089,0.0,0.0,0.0084,0.0,0.9717,0.6276,0.0016,0.0,0.069,0.0417,0.0833,0.0502,0.0073,0.0093,0.0,0.0,0.0083,0.0,0.9717,0.6176,0.0016,0.0,0.069,0.0417,0.0833,0.0499,0.0068,0.0091,0.0,0.0,reg oper account,block of flats,0.0079,"Stone, brick",No,0.0,0.0,0.0,0.0,-828.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2134337,221887,Consumer loans,13726.35,132750.0,132750.0,0.0,132750.0,THURSDAY,9,Y,1,0.0,,,XAP,Approved,-369,Cash through the bank,XAP,,Repeater,Clothing and Accessories,POS,XNA,Regional / Local,50,Clothing,12.0,middle,POS industry with interest,365243.0,-332.0,-2.0,-182.0,-177.0,0.0,0,Cash loans,F,N,N,0,225000.0,1199862.0,35212.5,859500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018801,-16564,-378,-1566.0,-110,,1,1,0,1,0,0,Cleaning staff,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.4737691545202976,0.3190213877863297,0.6626377922738201,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,2.0,0.0,-187.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,2.0 +2494989,305807,Consumer loans,13052.475,107460.0,118197.0,13500.0,107460.0,SUNDAY,10,Y,1,0.11164056335928134,,,XAP,Approved,-640,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,47,Connectivity,12.0,high,POS mobile with interest,365243.0,-600.0,-270.0,-300.0,-290.0,0.0,0,Cash loans,F,N,N,1,234000.0,497520.0,53712.0,450000.0,Unaccompanied,State servant,Incomplete higher,Separated,House / apartment,0.006629,-10754,-819,-2565.0,-2155,,1,1,0,1,0,0,Core staff,2.0,2,2,WEDNESDAY,7,0,0,0,1,1,0,Police,,0.5452909002548946,0.21396685226179807,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,1.0,5.0,1.0,-79.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,1.0 +1563293,319484,Consumer loans,11975.85,122139.0,135036.0,0.0,122139.0,WEDNESDAY,18,Y,1,0.0,,,XAP,Approved,-673,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,50,Connectivity,12.0,low_action,POS mobile without interest,365243.0,-642.0,-312.0,-312.0,-305.0,0.0,0,Cash loans,M,Y,Y,1,202500.0,396706.5,25353.0,324000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-15617,-3211,-4152.0,-4146,11.0,1,1,0,1,0,0,Laborers,3.0,2,2,THURSDAY,18,0,0,0,0,0,0,Business Entity Type 3,,0.6107168970084892,0.6690566947824041,0.0638,0.0725,0.9747,0.6532,0.0106,0.034,0.1131,0.1521,0.1612,0.0571,0.0503,0.0535,0.0034,0.0233,0.0084,0.0,0.9652,0.5426,0.0,0.0,0.1379,0.1667,0.0833,0.0,0.0073,0.0208,0.0,0.0,0.0593,0.0619,0.9737,0.6578,0.0073,0.0,0.1034,0.1667,0.125,0.0409,0.0479,0.0424,0.0,0.0,reg oper account,block of flats,0.0179,"Stone, brick",No,0.0,0.0,0.0,0.0,-3323.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1488783,126724,Consumer loans,8992.215,89671.5,89226.0,8968.5,89671.5,THURSDAY,14,Y,1,0.09947106832034196,,,XAP,Approved,-657,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,1880,Consumer electronics,12.0,middle,POS household with interest,365243.0,-626.0,-296.0,-356.0,-353.0,0.0,0,Cash loans,F,N,Y,0,135000.0,679671.0,27085.5,607500.0,Unaccompanied,State servant,Secondary / secondary special,Separated,House / apartment,0.00963,-17999,-5700,-8806.0,-1423,,1,1,0,1,1,0,Laborers,1.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Housing,,0.4462412891555199,0.5154953751603267,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,2.0,6.0,2.0,-1381.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1155300,408958,Consumer loans,11017.26,108000.0,107464.5,10800.0,108000.0,MONDAY,11,Y,1,0.0994565724979331,,,XAP,Approved,-1062,Cash through the bank,XAP,Unaccompanied,Repeater,Homewares,POS,XNA,Stone,630,Construction,12.0,middle,POS industry with interest,365243.0,-1022.0,-692.0,-692.0,-685.0,0.0,0,Cash loans,F,N,N,0,135000.0,573408.0,31234.5,495000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.018029,-13571,-1964,-6696.0,-1948,,1,1,0,1,0,0,Waiters/barmen staff,2.0,3,3,THURSDAY,10,0,0,0,0,0,0,Restaurant,,0.2774387207675923,0.5531646987710016,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-243.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2040979,114852,Cash loans,9362.34,157500.0,178290.0,,157500.0,THURSDAY,12,Y,1,,,,XNA,Refused,-298,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),5,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,72000.0,269550.0,13095.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.015221,-21085,365243,-7970.0,-4379,,1,0,0,1,1,0,,2.0,2,2,MONDAY,9,0,0,0,0,0,0,XNA,,0.06277851497721355,0.7180328113294772,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2030198,455443,Consumer loans,9469.215,40275.0,33237.0,8100.0,40275.0,WEDNESDAY,9,Y,1,0.21340775488391425,,,XAP,Approved,-2260,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,24,Connectivity,4.0,high,POS mobile with interest,365243.0,-2220.0,-2130.0,-2130.0,-1969.0,1.0,1,Cash loans,M,N,Y,2,202500.0,247275.0,22810.5,225000.0,Unaccompanied,State servant,Secondary / secondary special,Married,With parents,0.006629,-11171,-1354,-1243.0,-2729,,1,1,1,1,1,1,Laborers,4.0,2,2,TUESDAY,8,0,0,0,0,0,0,Housing,,0.6266918093138552,0.2032521136204725,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-271.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1371135,422704,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SATURDAY,12,Y,1,,,,XAP,Refused,-338,XNA,HC,,Repeater,XNA,Cards,walk-in,Regional / Local,50,Auto technology,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,Y,N,0,225000.0,545040.0,36553.5,450000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-11081,-544,-2086.0,-3251,10.0,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,10,0,0,0,1,0,1,Business Entity Type 3,,0.6060226559710659,0.21885908222837447,0.0876,0.0049,0.9796,0.7212,,0.0,0.2069,0.1667,0.0417,0.0632,,0.0894,,0.0,0.0893,0.0051,0.9796,0.7321,,0.0,0.2069,0.1667,0.0417,0.0647,,0.0932,,0.0,0.0885,0.0049,0.9796,0.7249,,0.0,0.2069,0.1667,0.0417,0.0643,,0.091,,0.0,,block of flats,0.0703,Panel,No,1.0,1.0,1.0,1.0,-335.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2224940,131939,Consumer loans,20173.23,171000.0,183226.5,0.0,171000.0,WEDNESDAY,6,Y,1,0.0,,,XAP,Approved,-920,Cash through the bank,XAP,Other_B,Repeater,Clothing and Accessories,POS,XNA,Stone,8,Clothing,10.0,low_normal,POS industry with interest,365243.0,-888.0,-618.0,-648.0,-643.0,0.0,0,Cash loans,F,N,Y,0,157500.0,993996.0,43915.5,873000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.018029,-21811,365243,-4575.0,-4841,,1,0,0,1,0,0,,2.0,3,2,SATURDAY,9,0,0,0,0,0,0,XNA,0.5074186252622969,0.5200600837632015,0.3139166772114369,0.0082,0.0,0.9717,0.6124,,0.0,0.0345,0.0417,0.0833,0.0147,,0.0093,,0.0,0.0084,0.0,0.9717,0.6276,,0.0,0.0345,0.0417,0.0833,0.015,,0.0097,,0.0,0.0083,0.0,0.9717,0.6176,,0.0,0.0345,0.0417,0.0833,0.015,,0.0094,,0.0,,block of flats,0.008,Wooden,No,4.0,0.0,4.0,0.0,-2635.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2704614,317751,Consumer loans,2249.55,17415.0,16965.0,1741.5,17415.0,SATURDAY,9,Y,1,0.10138998840947357,,,XAP,Approved,-2434,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Stone,43,Connectivity,10.0,high,POS mobile with interest,365243.0,-2399.0,-2129.0,-2129.0,-2125.0,1.0,0,Cash loans,F,N,Y,1,135000.0,74628.0,8856.0,67500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-13227,-1787,-5718.0,-4688,,1,1,0,1,1,0,Laborers,3.0,2,2,THURSDAY,7,0,0,0,0,0,0,Self-employed,,0.3333956400488529,0.5226973172821112,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2434.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1181314,424067,Revolving loans,40500.0,810000.0,810000.0,,810000.0,THURSDAY,12,Y,1,,,,XAP,Approved,-151,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,360000.0,778500.0,22891.5,778500.0,Family,Pensioner,Higher education,Married,House / apartment,0.072508,-22066,365243,-9512.0,-115,,1,0,0,1,0,0,,2.0,1,1,MONDAY,19,0,0,0,0,0,0,XNA,0.5735146912342282,0.6652845106587391,,,,0.9627,,,,,,,,,0.3352,,0.3284,,,0.9628,,,,,,,,,0.3493,,0.3477,,,0.9627,,,,,,,,,0.3412,,0.3353,,block of flats,0.3703,,No,0.0,0.0,0.0,0.0,-1981.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2070756,121142,Consumer loans,10313.64,228937.5,228937.5,0.0,228937.5,MONDAY,20,Y,1,0.0,,,XAP,Approved,-569,XNA,XAP,,New,Homewares,POS,XNA,Country-wide,52,Clothing,24.0,low_action,POS industry without interest,365243.0,-530.0,160.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,Y,0,112500.0,337500.0,16875.0,337500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-19264,-475,-3949.0,-2820,,1,1,0,1,0,0,Secretaries,2.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,Other,0.7700327727162664,0.6762987414501787,0.6006575372857061,0.0464,0.0418,0.9945,,,0.04,0.1034,0.3333,,0.0379,,0.0921,,0.0233,0.0473,0.0434,0.9945,,,0.0403,0.1034,0.3333,,0.0387,,0.096,,0.0246,0.0468,0.0418,0.9945,,,0.04,0.1034,0.3333,,0.0385,,0.0938,,0.0237,,block of flats,0.0775,"Stone, brick",No,0.0,0.0,0.0,0.0,-569.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1382045,266483,Consumer loans,15643.44,126886.5,140287.5,0.0,126886.5,FRIDAY,17,Y,1,0.0,,,XAP,Approved,-914,Cash through the bank,XAP,Unaccompanied,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,4500,Consumer electronics,12.0,high,POS household with interest,365243.0,-883.0,-553.0,-613.0,-603.0,0.0,0,Cash loans,M,N,Y,0,135000.0,291915.0,20758.5,252000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-17437,-3818,-11178.0,-979,,1,1,0,1,0,0,Security staff,2.0,1,1,TUESDAY,12,0,0,0,0,0,0,Security,0.5660674740526591,0.7103088577601753,,0.0588,,0.9717,,,0.0,0.1724,0.1667,,0.0192,,0.0688,,0.0513,0.0599,,0.9717,,,0.0,0.1724,0.1667,,0.0197,,0.0717,,0.0543,0.0593,,0.9717,,,0.0,0.1724,0.1667,,0.0196,,0.07,,0.0524,,block of flats,0.0758,"Stone, brick",No,0.0,0.0,0.0,0.0,-2123.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1091433,192470,Cash loans,20317.59,270000.0,291919.5,,270000.0,MONDAY,9,Y,1,,,,XNA,Refused,-1025,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),-1,XNA,18.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,Y,N,0,202500.0,213948.0,22698.0,189000.0,Unaccompanied,Commercial associate,Incomplete higher,Single / not married,With parents,0.008068,-9114,-521,-4073.0,-1526,11.0,1,1,0,1,0,0,,1.0,3,3,THURSDAY,5,0,0,0,0,0,0,Self-employed,0.2925119864241541,0.2817684621447315,0.6313545365850379,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1017.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +2264616,165405,Revolving loans,13500.0,0.0,270000.0,,,TUESDAY,5,N,0,,,,XAP,Refused,-729,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,216000.0,518562.0,22099.5,463500.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.020713,-21649,365243,-9493.0,-4332,,1,0,0,1,0,0,,1.0,3,2,WEDNESDAY,8,0,0,0,0,0,0,XNA,,0.54872084609394,0.4561097392782771,0.0124,0.0,0.9652,0.524,0.0235,0.0,0.069,0.0833,0.125,0.0,0.0101,0.0163,0.0,0.0,0.0126,0.0,0.9652,0.5426,0.0237,0.0,0.069,0.0833,0.125,0.0,0.011,0.017,0.0,0.0,0.0125,0.0,0.9652,0.5304,0.0236,0.0,0.069,0.0833,0.125,0.0,0.0103,0.0166,0.0,0.0,reg oper account,block of flats,0.0128,"Stone, brick",No,7.0,0.0,7.0,0.0,-1061.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1290950,382564,Consumer loans,12369.87,96491.25,96489.0,2.25,96491.25,THURSDAY,16,Y,1,2.5395614062980264e-05,,,XAP,Approved,-1805,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,2000,Consumer electronics,10.0,high,POS household with interest,365243.0,-1774.0,-1504.0,-1504.0,-1501.0,0.0,0,Cash loans,F,N,Y,0,135000.0,1223010.0,51948.0,1125000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-20172,365243,-376.0,-3607,,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,,0.6488788826097739,0.7610263695502636,0.0423,0.0493,0.9603,0.456,0.0078,,0.1724,0.125,,0.1083,0.0345,0.0563,0.0,,0.0431,0.0512,0.9603,0.4773,0.0079,,0.1724,0.125,,0.1108,0.0376,0.0587,0.0,,0.0427,0.0493,0.9603,0.4633,0.0079,,0.1724,0.125,,0.1102,0.0351,0.0573,0.0,,,block of flats,0.0486,"Stone, brick",No,0.0,0.0,0.0,0.0,-1805.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2729040,351746,Consumer loans,13478.58,134775.0,121297.5,13477.5,134775.0,SATURDAY,15,Y,1,0.1089090909090909,,,XAP,Approved,-296,Cash through the bank,XAP,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Stone,45,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-264.0,6.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,N,0,67500.0,225000.0,8212.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-16046,-2139,-8259.0,-4107,14.0,1,1,0,1,1,0,Sales staff,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Self-employed,0.7112667383043986,0.5925592838963656,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-802.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1596055,132856,Revolving loans,22500.0,0.0,450000.0,,,SATURDAY,10,Y,1,,,,XAP,Approved,-1180,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-1176.0,-1128.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,126000.0,675000.0,21906.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-19806,-9897,-2553.0,-3308,2.0,1,1,0,1,0,0,Laborers,2.0,3,3,WEDNESDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.5066219069000858,0.3280631605201915,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1722.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1054736,214707,Cash loans,25512.165,675000.0,790830.0,,675000.0,FRIDAY,7,Y,1,,,,XNA,Approved,-625,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,90000.0,770292.0,30676.5,688500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.020713,-14925,-305,-3890.0,-3995,,1,1,0,1,0,0,Core staff,2.0,3,3,SUNDAY,10,0,0,0,0,0,0,Kindergarten,,0.2858219818230383,0.4543210601605785,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,1.0,0.0,-225.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2523016,426493,Cash loans,21965.895,360000.0,417024.0,,360000.0,MONDAY,8,Y,1,,,,XNA,Approved,-122,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-92.0,958.0,365243.0,365243.0,1.0,1,Cash loans,F,N,N,0,90000.0,517500.0,20182.5,517500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-17969,-2255,-9424.0,-1518,,1,1,1,1,1,0,Sales staff,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Other,,0.1871026700960728,0.2580842039460289,0.066,0.0528,0.9737,,,,0.1379,0.1667,,0.0393,,0.0495,,0.0887,0.0672,0.0548,0.9737,,,,0.1379,0.1667,,0.0402,,0.0516,,0.0939,0.0666,0.0528,0.9737,,,,0.1379,0.1667,,0.04,,0.0504,,0.0905,,block of flats,0.0593,"Stone, brick",No,0.0,0.0,0.0,0.0,-904.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1708219,359452,Cash loans,10112.895,265500.0,265500.0,,265500.0,MONDAY,13,Y,1,,,,XNA,Approved,-326,XNA,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Contact center,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-296.0,754.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,121500.0,292500.0,16461.0,292500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.015221,-19300,-2687,-8314.0,-2840,20.0,1,1,0,1,0,0,,2.0,2,2,TUESDAY,12,0,0,0,0,1,1,Business Entity Type 1,,0.4781918812115198,0.2707073872651806,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-2424.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +2695391,120738,Revolving loans,6750.0,135000.0,135000.0,,135000.0,MONDAY,12,Y,1,,,,XAP,Refused,-375,XNA,HC,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,Y,N,0,76500.0,148365.0,12820.5,135000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,With parents,0.018209,-9788,-830,-1788.0,-2396,37.0,1,1,1,1,0,0,,2.0,3,3,FRIDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.4376763864302224,0.3293790101869612,0.3706496323299817,0.1175,0.108,0.9796,0.7212,0.0,0.0,0.2759,0.1667,0.2083,0.0227,0.0958,0.1081,0.0,0.0,0.1197,0.1121,0.9796,0.7321,0.0,0.0,0.2759,0.1667,0.2083,0.0232,0.1047,0.1127,0.0,0.0,0.1187,0.108,0.9796,0.7249,0.0,0.0,0.2759,0.1667,0.2083,0.0231,0.0975,0.1101,0.0,0.0,reg oper account,block of flats,0.085,Panel,No,1.0,1.0,1.0,0.0,-888.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2661327,213593,Consumer loans,6053.85,23725.71,21249.0,2476.71,23725.71,THURSDAY,11,Y,1,0.113689425751834,,,XAP,Approved,-2462,Cash through the bank,XAP,,New,Mobile,POS,XNA,Stone,18,Connectivity,4.0,high,POS mobile with interest,365243.0,-2424.0,-2334.0,-2334.0,-2305.0,0.0,0,Cash loans,F,N,Y,0,135000.0,862560.0,25218.0,720000.0,Group of people,Working,Secondary / secondary special,Civil marriage,House / apartment,0.026392000000000002,-14300,-839,-6294.0,-4613,,1,1,1,1,1,0,Managers,2.0,2,2,MONDAY,21,0,0,0,0,0,0,Business Entity Type 3,0.3121909323047796,0.5418837939466428,0.5388627065779676,0.0825,0.0466,0.9925,,,0.08,0.069,0.375,,0.0613,,0.092,,0.049,0.084,0.0484,0.9926,,,0.0806,0.069,0.375,,0.0627,,0.0959,,0.0518,0.0833,0.0466,0.9925,,,0.08,0.069,0.375,,0.0624,,0.0937,,0.05,,block of flats,0.0804,Panel,No,0.0,0.0,0.0,0.0,-2462.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,2.0 +1076730,364029,Consumer loans,5221.08,95179.5,115281.0,0.0,95179.5,FRIDAY,13,Y,1,0.0,,,XAP,Approved,-287,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,3700,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-256.0,434.0,365243.0,365243.0,0.0,1,Cash loans,M,Y,Y,2,180000.0,514777.5,31621.5,477000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.02461,-14853,-157,-15.0,-4672,6.0,1,1,0,1,0,0,Managers,4.0,2,2,FRIDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.2545192322592567,0.6956219298394389,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-788.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1561851,169565,Consumer loans,3785.445,24880.5,23868.0,2488.5,24880.5,SUNDAY,14,Y,1,0.10282862774923554,,,XAP,Approved,-2424,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,37,Connectivity,8.0,low_normal,POS mobile with interest,365243.0,-2393.0,-2183.0,-2183.0,-2151.0,1.0,0,Cash loans,F,N,Y,0,67500.0,544491.0,17694.0,454500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.028663,-17922,-3455,-6550.0,-1454,,1,1,0,1,0,0,Medicine staff,2.0,2,2,TUESDAY,9,0,0,0,0,1,1,Medicine,,0.3765659993541689,0.8224987619370829,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1159113,439259,Consumer loans,2767.455,20430.0,13680.0,6750.0,20430.0,THURSDAY,15,Y,1,0.3598317981577893,,,XAP,Approved,-2163,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,12,Connectivity,6.0,high,POS mobile with interest,365243.0,-2128.0,-1978.0,-1978.0,-1957.0,0.0,0,Revolving loans,M,N,Y,0,247500.0,540000.0,27000.0,540000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-20500,-219,-5948.0,-4006,,1,1,0,1,0,0,Managers,2.0,2,2,THURSDAY,13,0,0,0,0,1,1,Business Entity Type 3,0.5654746164976711,0.5756737411129264,0.8027454758994178,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-2163.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,2.0 +1516946,161665,Cash loans,90354.69,900000.0,926136.0,,900000.0,SATURDAY,16,Y,1,,,,XNA,Approved,-852,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,,,,,,,0,Revolving loans,F,N,Y,0,279000.0,247500.0,12375.0,247500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-23454,365243,-5164.0,-4685,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,XNA,,0.6134272354847407,0.5082869913916046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1571.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,2.0,2.0,6.0 +1638358,288526,Consumer loans,14178.555,88605.0,79744.5,8860.5,88605.0,THURSDAY,16,Y,1,0.1089090909090909,,,XAP,Refused,-942,Cash through the bank,HC,Family,Repeater,Consumer Electronics,POS,XNA,Regional / Local,70,Consumer electronics,6.0,low_normal,POS household with interest,,,,,,,0,Cash loans,M,Y,Y,1,180000.0,971280.0,54364.5,900000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-11164,365243,-170.0,-1904,5.0,1,0,0,1,0,0,,3.0,2,2,MONDAY,14,0,0,0,0,0,0,XNA,,0.16545113137305956,,0.0876,0.1078,0.9851,0.7756,0.0127,0.0,0.2069,0.1667,0.2083,0.0959,0.071,0.0782,0.0019,0.0176,0.084,0.1106,0.9836,0.7844,0.0128,0.0,0.2069,0.1667,0.2083,0.0863,0.0735,0.078,0.0,0.0035,0.0885,0.1078,0.9851,0.7786,0.0128,0.0,0.2069,0.1667,0.2083,0.0975,0.0723,0.0796,0.0019,0.018000000000000002,org spec account,block of flats,0.0658,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1606249,390135,Consumer loans,12730.5,116064.0,102564.0,13500.0,116064.0,SATURDAY,18,Y,1,0.1266777577261448,,,XAP,Approved,-124,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,1079,Consumer electronics,10.0,middle,POS household with interest,365243.0,-94.0,176.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,225000.0,284400.0,22599.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,Rented apartment,0.025164,-18815,-1226,-1347.0,-2049,,1,1,0,1,0,0,Drivers,1.0,2,2,THURSDAY,12,0,0,0,1,1,0,Transport: type 3,0.3755329513727245,0.4818925139065904,0.5172965813614878,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-947.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2707208,370408,Cash loans,9635.49,90000.0,121968.0,,90000.0,MONDAY,12,Y,1,,,,XNA,Approved,-839,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,,,,,,,1,Cash loans,M,N,Y,0,180000.0,720000.0,32535.0,720000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.010556,-11685,-1118,-4000.0,-4187,,1,1,1,1,1,1,Drivers,2.0,3,3,SUNDAY,10,0,0,0,1,1,0,Self-employed,0.04579104658241489,0.4216080067490861,0.4329616670974407,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,0.0,9.0,0.0,-419.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1040856,383118,Cash loans,,0.0,0.0,,,WEDNESDAY,14,Y,1,,,,XNA,Refused,-247,XNA,HC,,Repeater,XNA,XNA,XNA,AP+ (Cash loan),1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,N,Y,0,135000.0,251280.0,13761.0,180000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-16830,-1900,-9439.0,-385,,1,1,0,1,0,0,Low-skill Laborers,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Self-employed,,0.5518325169926619,0.18303516721781032,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-584.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1874956,332146,Consumer loans,21450.285,115326.0,121414.5,0.0,115326.0,SATURDAY,4,Y,1,0.0,,,XAP,Approved,-362,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,150,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-331.0,-181.0,-181.0,-179.0,0.0,0,Cash loans,M,N,Y,0,157500.0,225000.0,21037.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.006629,-8562,-658,-5228.0,-908,,1,1,1,1,0,0,Sales staff,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,Trade: type 2,0.1383786906170342,0.2318064128862408,,0.0124,0.0,0.9816,0.7484,0.0186,0.0,0.069,0.0417,0.0833,0.0269,0.0101,0.0099,0.0,0.0031,0.0126,0.0,0.9816,0.7583,0.0188,0.0,0.069,0.0417,0.0833,0.0268,0.011,0.0101,0.0,0.0032,0.0125,0.0,0.9816,0.7518,0.0187,0.0,0.069,0.0417,0.0833,0.0274,0.0103,0.0101,0.0,0.0032,not specified,block of flats,0.0083,Wooden,Yes,7.0,0.0,7.0,0.0,-890.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1757401,202660,Cash loans,21061.98,270000.0,291919.5,,270000.0,SATURDAY,10,Y,1,,,,XNA,Refused,-410,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,N,Y,0,90000.0,665892.0,24592.5,477000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.010643000000000001,-20467,-3640,-13032.0,-4023,,1,1,0,1,1,0,Laborers,1.0,2,2,WEDNESDAY,11,0,0,0,0,1,1,Self-employed,,0.5994777378304426,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-331.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2475743,214413,Consumer loans,7378.425,195300.0,195300.0,0.0,195300.0,FRIDAY,12,Y,1,0.0,,,XAP,Approved,-662,XNA,XAP,,New,Medical Supplies,POS,XNA,Country-wide,60,Industry,36.0,low_normal,POS other with interest,365243.0,-631.0,419.0,-541.0,-527.0,0.0,0,Cash loans,F,N,Y,0,112500.0,808650.0,23773.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.010276,-23378,365243,-12972.0,-4365,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,11,0,0,0,0,0,0,XNA,,0.6775994985088282,0.5762088360175724,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-662.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2056645,400895,Consumer loans,3686.985,23872.5,19372.5,4500.0,23872.5,SUNDAY,12,Y,1,0.20529517607745693,,,XAP,Approved,-43,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,6.0,middle,POS mobile with interest,365243.0,365243.0,142.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,135000.0,508495.5,26091.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Separated,With parents,0.019688999999999998,-15195,-1014,-15151.0,-4276,,1,1,0,1,0,0,Laborers,1.0,2,2,MONDAY,14,0,0,0,0,0,0,Industry: type 1,,0.463477118257585,0.3001077565791181,0.0495,0.0658,0.9757,0.6668,0.0045,0.0,0.1034,0.125,0.1667,0.0635,0.0403,0.0405,0.0,0.0,0.0504,0.0683,0.9757,0.6798,0.0045,0.0,0.1034,0.125,0.1667,0.065,0.0441,0.0421,0.0,0.0,0.05,0.0658,0.9757,0.6713,0.0045,0.0,0.1034,0.125,0.1667,0.0647,0.041,0.0412,0.0,0.0,reg oper account,block of flats,0.0343,Block,No,0.0,0.0,0.0,0.0,-1211.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,4.0,3.0 +1689022,374897,Consumer loans,6050.205,34645.5,30145.5,4500.0,34645.5,SATURDAY,15,Y,1,0.14145874907012715,,,XAP,Approved,-2644,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Stone,50,Connectivity,6.0,high,POS mobile with interest,,,,,,,1,Cash loans,F,Y,Y,0,135000.0,263686.5,20961.0,238500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-19622,-2705,-8731.0,-3167,21.0,1,1,0,1,1,0,High skill tech staff,2.0,2,2,THURSDAY,14,0,0,0,0,1,1,Business Entity Type 3,0.5838568324204075,0.7257660523561767,0.3296550543128238,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-2644.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1050121,450962,Consumer loans,8489.655,78435.0,76414.5,7843.5,78435.0,MONDAY,9,Y,1,0.1013824746072129,,,XAP,Approved,-2681,Non-cash from your account,XAP,"Spouse, partner",Repeater,Consumer Electronics,POS,XNA,Stone,400,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-2650.0,-2380.0,-2380.0,-2374.0,1.0,0,Cash loans,F,N,Y,1,72000.0,50940.0,5616.0,45000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-16154,-4644,-3024.0,-3379,,1,1,1,1,0,0,Core staff,3.0,2,2,MONDAY,6,0,0,0,0,1,1,Government,,0.6293686272715483,0.6706517530862718,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2681.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,1.0,2.0 +2731623,423005,Cash loans,14748.345,76500.0,79024.5,,76500.0,SATURDAY,11,Y,1,,,,XNA,Refused,-1529,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,Y,Y,1,108000.0,655204.5,22563.0,513000.0,Family,Working,Higher education,Married,House / apartment,0.020246,-10740,-229,-2344.0,-949,3.0,1,1,0,1,1,0,Core staff,3.0,3,3,TUESDAY,10,0,0,0,0,1,1,Trade: type 3,0.20625742971452746,0.18045748977987264,0.4578995512067301,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1669.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1478388,218147,Consumer loans,3196.305,26955.0,26658.0,2700.0,26955.0,SUNDAY,15,Y,1,0.10016164093417314,,,XAP,Refused,-2134,Cash through the bank,HC,Family,Repeater,Mobile,POS,XNA,Stone,30,Connectivity,12.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,Y,N,0,135000.0,225000.0,10822.5,225000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-15846,-2110,-3741.0,-4328,13.0,1,1,0,1,1,0,Core staff,2.0,2,2,SATURDAY,10,0,0,0,1,1,0,Government,,0.5475130191880396,0.7016957740576931,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1521103,118867,Consumer loans,1572.21,15529.5,17167.5,0.0,15529.5,SATURDAY,8,Y,1,0.0,,,XAP,Refused,-483,Cash through the bank,LIMIT,,Repeater,Computers,POS,XNA,Stone,200,Consumer electronics,12.0,low_action,POS household without interest,,,,,,,0,Cash loans,F,N,N,0,67500.0,284400.0,20740.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.002134,-8895,-527,-59.0,-1543,,1,1,0,1,0,0,Core staff,2.0,3,3,SATURDAY,11,0,0,0,0,0,0,Government,,0.7121143860903748,0.3344541255096772,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1088.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1561131,183029,Consumer loans,3755.205,22455.0,18562.5,6750.0,22455.0,MONDAY,11,Y,1,0.2904242424242423,,,XAP,Approved,-1635,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,24,Connectivity,6.0,high,POS mobile with interest,365243.0,-1589.0,-1439.0,-1439.0,-1433.0,0.0,0,Cash loans,F,N,Y,1,112500.0,448056.0,21919.5,315000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.011656999999999999,-9728,-1938,-5631.0,-2398,,1,1,1,1,0,0,Laborers,3.0,1,1,FRIDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.6511473803528172,0.2458512138252296,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1635.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2664999,194334,Cash loans,52953.705,1035000.0,1110141.0,,1035000.0,MONDAY,12,Y,1,,,,XNA,Approved,-896,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,low_normal,Cash X-Sell: low,365243.0,-866.0,4.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,180000.0,558855.0,37476.0,477000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-17248,-4029,-3476.0,-783,,1,1,0,1,0,0,,2.0,2,2,MONDAY,13,0,0,0,0,0,0,Self-employed,,0.5708752938688691,0.6894791426446275,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2244634,346737,Consumer loans,13402.305,142605.0,141898.5,14260.5,142605.0,SUNDAY,11,Y,1,0.09945620110970807,,,XAP,Approved,-676,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Regional / Local,70,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-645.0,-315.0,-315.0,-312.0,0.0,0,Cash loans,M,Y,N,0,157500.0,1515415.5,41670.0,1354500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-16572,-4202,-2967.0,-55,4.0,1,1,1,1,0,0,Drivers,2.0,2,2,WEDNESDAY,12,0,0,0,0,1,1,Business Entity Type 2,0.7279535418692357,0.6679864871584188,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2966.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2113346,144399,Consumer loans,4926.42,49225.5,44302.5,4923.0,49225.5,FRIDAY,16,Y,1,0.10891904694628894,,,XAP,Approved,-2763,Cash through the bank,XAP,Unaccompanied,New,Photo / Cinema Equipment,POS,XNA,Country-wide,39,Connectivity,12.0,high,POS mobile with interest,365243.0,-2732.0,-2402.0,-2402.0,-2397.0,0.0,0,Cash loans,F,Y,Y,2,157500.0,1288350.0,41692.5,1125000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.007114,-15875,-2983,-621.0,-3964,64.0,1,1,0,1,0,0,Managers,3.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Self-employed,0.7577881563171275,0.7136898284207572,0.5867400085415683,0.2093,,0.9871,,,0.32,0.2759,0.3333,,0.1581,,0.2226,,0.4757,0.2132,,0.9871,,,0.3222,0.2759,0.3333,,0.1617,,0.2319,,0.5036,0.2113,,0.9871,,,0.32,0.2759,0.3333,,0.1609,,0.2266,,0.4857,,block of flats,0.3037,"Stone, brick",No,3.0,0.0,3.0,0.0,-2098.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,1.0,0.0,0.0,1.0,0.0 +2139642,104673,Cash loans,35694.0,900000.0,900000.0,,900000.0,TUESDAY,12,Y,1,,,,XNA,Refused,-1186,Cash through the bank,LIMIT,"Spouse, partner",Repeater,XNA,Cash,walk-in,AP+ (Cash loan),1,XNA,36.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,Y,N,1,157500.0,331834.5,20295.0,252000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-13850,-1389,-7774.0,-4407,8.0,1,1,0,1,1,0,Laborers,3.0,2,2,FRIDAY,14,0,0,0,0,0,0,Construction,,0.6047845809754189,0.4920600938649263,0.0976,0.0575,0.9985,0.9864,0.0225,0.106,0.0914,0.375,0.4167,0.0151,0.0756,0.0911,0.0,0.0022,0.084,0.0488,0.9985,0.9804,0.0,0.0806,0.069,0.375,0.4167,0.0096,0.0735,0.0716,0.0,0.0,0.0833,0.047,0.9985,0.9799,0.0,0.08,0.069,0.375,0.4167,0.0096,0.0684,0.07,0.0,0.0,not specified,block of flats,0.0793,"Stone, brick",No,5.0,0.0,5.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1378283,276351,Consumer loans,10340.865,205137.0,228325.5,0.0,205137.0,SATURDAY,17,Y,1,0.0,,,XAP,Approved,-861,Cash through the bank,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Country-wide,2547,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-830.0,-140.0,-380.0,-377.0,0.0,0,Cash loans,F,N,N,1,135000.0,808650.0,31333.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,With parents,0.018634,-8455,-113,-8455.0,-1130,,1,1,0,1,0,0,Core staff,3.0,2,2,FRIDAY,21,0,0,0,1,1,0,Trade: type 2,0.19685711522709445,0.4086856397368249,0.2750003523983893,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-861.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2613466,388069,Revolving loans,13500.0,270000.0,270000.0,,270000.0,MONDAY,14,Y,1,,,,XAP,Approved,-252,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-201.0,-177.0,365243.0,-116.0,365243.0,0.0,0,Cash loans,F,N,Y,1,270000.0,922500.0,49279.5,922500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.035792000000000004,-11751,-3211,-1712.0,-693,,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,12,0,0,0,0,1,1,Self-employed,,0.6045598067147184,0.6817058776720116,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-999.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2226905,174436,Cash loans,31209.66,427500.0,467001.0,,427500.0,MONDAY,12,Y,1,,,,XNA,Approved,-1073,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-1043.0,-353.0,-863.0,-857.0,1.0,0,Cash loans,M,Y,Y,1,270000.0,506889.0,19237.5,418500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.01885,-16748,-5940,-4920.0,-279,9.0,1,1,0,1,0,0,Managers,3.0,2,2,WEDNESDAY,18,0,0,0,0,0,0,Agriculture,,0.6444419993555024,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1191.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2654385,135228,Consumer loans,7904.52,42745.5,42745.5,0.0,42745.5,THURSDAY,13,Y,1,0.0,,,XAP,Refused,-20,Cash through the bank,HC,,Repeater,Audio/Video,POS,XNA,Country-wide,1,Consumer electronics,6.0,middle,POS mobile with interest,,,,,,,0,Cash loans,M,N,Y,0,157500.0,127350.0,15241.5,112500.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.019101,-12762,-1897,-2668.0,-2668,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Self-employed,0.2881029349786807,0.2214179674304689,0.39449540531239935,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1406525,216987,Consumer loans,9860.4,123255.0,98604.0,24651.0,123255.0,FRIDAY,17,Y,1,0.2178181818181818,,,XAP,Approved,-2260,XNA,XAP,"Spouse, partner",New,Computers,POS,XNA,Country-wide,36,Consumer electronics,12.0,middle,POS household with interest,365243.0,-2224.0,-1894.0,-1894.0,-1887.0,0.0,0,Cash loans,M,Y,Y,1,247500.0,1998738.0,55093.5,1786500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.011656999999999999,-15796,-2267,-8577.0,-4150,14.0,1,1,0,1,1,0,High skill tech staff,3.0,1,1,THURSDAY,16,0,0,0,0,0,0,Industry: type 9,0.6931055345331543,0.7128758978157675,0.7662336700704004,0.0608,0.0707,0.9836,0.7756,0.0099,0.0,0.1379,0.1667,0.2083,0.0,0.0496,0.0607,0.0,0.0,0.062,0.0734,0.9836,0.7844,0.01,0.0,0.1379,0.1667,0.2083,0.0,0.0542,0.0632,0.0,0.0,0.0614,0.0707,0.9836,0.7786,0.01,0.0,0.1379,0.1667,0.2083,0.0,0.0504,0.0618,0.0,0.0,reg oper account,block of flats,0.0532,Panel,No,4.0,0.0,3.0,0.0,-1918.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1767714,307389,Consumer loans,7206.975,70866.0,69970.5,7200.0,70866.0,MONDAY,10,Y,1,0.10161207385535333,,,XAP,Approved,-2222,Cash through the bank,XAP,"Spouse, partner",New,Audio/Video,POS,XNA,Country-wide,2106,Consumer electronics,12.0,middle,POS household with interest,365243.0,-2191.0,-1861.0,-1861.0,-1859.0,0.0,0,Revolving loans,M,N,N,0,180000.0,450000.0,22500.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-15570,-1640,-4664.0,-4759,,1,1,0,1,0,0,Security staff,2.0,3,3,THURSDAY,6,0,0,0,0,0,0,Business Entity Type 3,,0.5263388505327473,0.7407990879702335,0.0381,0.0307,0.9871,0.8232,0.0102,0.04,0.0345,0.3333,0.375,0.027000000000000003,0.0286,0.0391,0.0116,0.036000000000000004,0.0389,0.0319,0.9871,0.8301,0.0102,0.0403,0.0345,0.3333,0.375,0.0276,0.0312,0.0407,0.0117,0.0381,0.0385,0.0307,0.9871,0.8256,0.0102,0.04,0.0345,0.3333,0.375,0.0274,0.0291,0.0398,0.0116,0.0367,reg oper spec account,block of flats,0.0441,Panel,No,6.0,0.0,6.0,0.0,-184.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1942088,374965,Consumer loans,10725.255,49410.0,52600.5,4950.0,49410.0,WEDNESDAY,7,Y,1,0.09367425130971928,,,XAP,Approved,-1780,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,8,Connectivity,6.0,high,POS mobile with interest,365243.0,-1740.0,-1590.0,-1590.0,-1587.0,0.0,0,Cash loans,F,N,Y,0,137700.0,781920.0,33259.5,675000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.020713,-17629,-6204,-1989.0,-1166,,1,1,1,1,1,0,Medicine staff,2.0,3,3,FRIDAY,7,0,0,0,0,0,0,Medicine,,0.4182522010428295,0.6894791426446275,0.0814,0.1468,0.9861,,,0.0,0.2759,0.1667,,0.0328,,0.0999,,0.0103,0.083,0.1524,0.9861,,,0.0,0.2759,0.1667,,0.0335,,0.1041,,0.0109,0.0822,0.1468,0.9861,,,0.0,0.2759,0.1667,,0.0334,,0.1017,,0.0105,,block of flats,0.0949,Block,No,0.0,0.0,0.0,0.0,-1780.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2011151,140567,Revolving loans,2250.0,45000.0,45000.0,,45000.0,TUESDAY,18,Y,1,,,,XAP,Approved,-279,XNA,XAP,,Refreshed,XNA,Cards,walk-in,Country-wide,1235,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,N,0,382500.0,945000.0,33610.5,945000.0,Unaccompanied,Working,Incomplete higher,Single / not married,House / apartment,0.026392000000000002,-12262,-358,-1608.0,-3052,9.0,1,1,0,1,0,0,Core staff,1.0,2,2,MONDAY,18,0,0,0,0,0,0,Bank,0.5369925429504375,0.6996535857066483,0.10684194768082178,0.0856,,0.9767,,,0.0,0.1379,0.1667,,,,0.0518,,0.1064,0.0872,,0.9767,,,0.0,0.1379,0.1667,,,,0.0539,,0.1127,0.0864,,0.9767,,,0.0,0.1379,0.1667,,,,0.0527,,0.1087,,block of flats,0.0639,"Stone, brick",No,10.0,3.0,10.0,2.0,-1516.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,6.0,0.0,2.0 +2085920,453491,Revolving loans,2250.0,45000.0,45000.0,,45000.0,MONDAY,17,Y,1,,,,XAP,Approved,-354,XNA,XAP,Unaccompanied,New,XNA,Cards,walk-in,Country-wide,500,Consumer electronics,0.0,XNA,Card Street,-336.0,-309.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,126000.0,292500.0,17802.0,292500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.011703,-13472,-4271,-7512.0,-4039,13.0,1,1,0,1,1,0,Laborers,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Business Entity Type 1,0.4494330694148584,0.6980197586091237,0.7062051096536562,0.0598,0.033,0.9747,0.6532,0.0049,0.0,0.1034,0.1667,0.2083,0.0254,0.0471,0.0464,0.0077,0.0105,0.0609,0.0343,0.9747,0.6668,0.005,0.0,0.1034,0.1667,0.2083,0.026,0.0514,0.0484,0.0078,0.0111,0.0604,0.033,0.9747,0.6578,0.005,0.0,0.1034,0.1667,0.2083,0.0258,0.0479,0.0473,0.0078,0.0107,reg oper account,block of flats,0.0415,"Stone, brick",No,0.0,0.0,0.0,0.0,-354.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2730566,294956,Consumer loans,10263.87,89955.0,89955.0,0.0,89955.0,SUNDAY,11,Y,1,0.0,,,XAP,Approved,-2255,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Stone,158,Consumer electronics,12.0,high,POS household with interest,365243.0,-2224.0,-1894.0,-1894.0,-1513.0,0.0,0,Cash loans,F,N,N,0,180000.0,143910.0,14364.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.019101,-16163,-2998,-8021.0,-3027,,1,1,0,1,0,0,,2.0,2,2,MONDAY,14,0,0,0,1,1,1,Business Entity Type 3,,0.5002260262382606,0.3706496323299817,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1373.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,9.0 +1857742,400969,Cash loans,13570.425,225000.0,254700.0,,225000.0,THURSDAY,10,Y,1,,,,XNA,Refused,-256,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,103500.0,691020.0,26905.5,495000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018634,-23316,365243,-689.0,-4119,28.0,1,0,0,1,0,0,,2.0,2,2,MONDAY,10,0,0,0,0,0,0,XNA,,0.5234758604846631,0.17352743046491467,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-641.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1967971,321013,Revolving loans,16875.0,337500.0,337500.0,0.0,337500.0,MONDAY,10,Y,1,0.0,,,XAP,Refused,-582,XNA,HC,,Repeater,XNA,Cards,walk-in,Country-wide,30,Connectivity,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,N,3,90000.0,634482.0,20466.0,454500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.031329,-12245,-1966,-6028.0,-1504,,1,1,0,1,1,0,Cleaning staff,5.0,2,2,MONDAY,16,0,0,0,1,0,1,Self-employed,0.40671348851339423,0.0135957224275168,0.2225807646753351,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-1101.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1518596,138320,Cash loans,34674.12,360000.0,441540.0,,360000.0,TUESDAY,13,Y,1,,,,XNA,Approved,-169,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Country-wide,15,Connectivity,18.0,middle,Cash X-Sell: middle,365243.0,-139.0,371.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,135000.0,1115046.0,36981.0,999000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.018634,-17150,-1011,-1923.0,-679,,1,1,1,1,0,0,Laborers,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Self-employed,,0.6004959032198581,0.7713615919194317,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1386.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2320436,181078,Consumer loans,17480.07,136350.0,136350.0,0.0,136350.0,TUESDAY,8,Y,1,0.0,,,XAP,Approved,-799,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Stone,14,Consumer electronics,10.0,high,POS household with interest,365243.0,-758.0,-488.0,-488.0,-479.0,0.0,0,Cash loans,F,N,Y,0,108000.0,1235691.0,36261.0,967500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-20911,365243,-10346.0,-4144,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,7,0,0,0,0,0,0,XNA,,0.16219210595922867,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-799.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2380399,131475,Cash loans,35613.0,1350000.0,1350000.0,,1350000.0,SATURDAY,9,Y,1,,,,XNA,Refused,-1148,Cash through the bank,HC,Unaccompanied,New,XNA,Cash,walk-in,AP+ (Cash loan),-1,XNA,60.0,low_action,Cash Street: low,,,,,,,1,Cash loans,F,N,Y,0,148500.0,888840.0,32053.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-16810,-2753,-782.0,-362,,1,1,0,1,0,0,Sales staff,2.0,2,2,SATURDAY,8,0,0,0,0,1,1,Self-employed,,0.4311384517271839,0.475849908720221,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,0.0,9.0,0.0,-1148.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1839293,334981,Consumer loans,12551.85,126900.0,125518.5,12690.0,126900.0,MONDAY,16,Y,1,0.09999792803165962,,,XAP,Approved,-1417,Cash through the bank,XAP,Family,Refreshed,Furniture,POS,XNA,Stone,90,Furniture,12.0,middle,POS industry with interest,365243.0,-1386.0,-1056.0,-1056.0,-1054.0,0.0,1,Cash loans,F,Y,N,0,90000.0,900000.0,26316.0,900000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-22208,365243,-243.0,-4853,28.0,1,0,0,1,0,0,,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,XNA,,0.32205993233491603,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1417.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2340554,185787,Consumer loans,6756.3,46300.5,50121.0,0.0,46300.5,TUESDAY,18,Y,1,0.0,,,XAP,Approved,-2396,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,57,Connectivity,10.0,high,POS mobile with interest,365243.0,-2365.0,-2095.0,-2155.0,-2153.0,1.0,0,Cash loans,F,N,N,1,45000.0,622575.0,22360.5,463500.0,"Spouse, partner",Working,Secondary / secondary special,Married,With parents,0.010556,-13556,-5357,-7706.0,-5098,,1,1,0,1,0,0,,3.0,3,3,THURSDAY,18,0,0,0,0,0,0,School,0.5374386628589958,0.06952334283058376,0.5531646987710016,0.1835,0.1386,0.9871,0.8232,0.0356,0.2,0.1724,0.3333,0.375,0.1284,0.1488,0.1902,0.0039,0.0022,0.187,0.1439,0.9871,0.8301,0.0359,0.2014,0.1724,0.3333,0.375,0.1313,0.1625,0.1982,0.0039,0.0023,0.1853,0.1386,0.9871,0.8256,0.0358,0.2,0.1724,0.3333,0.375,0.1307,0.1513,0.1936,0.0039,0.0023,reg oper spec account,block of flats,0.1501,Panel,No,0.0,0.0,0.0,0.0,-2396.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,2.0 +2049589,207847,Revolving loans,9000.0,0.0,180000.0,,,MONDAY,13,Y,1,,,,XAP,Approved,-778,XNA,XAP,,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),6,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,0,225000.0,948096.0,37026.0,720000.0,Family,State servant,Higher education,Married,Rented apartment,0.025164,-9604,-2151,-1014.0,-2224,13.0,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.17805934671666965,0.6316254863422041,0.3506958432829587,0.0899,0.0612,0.9851,0.7959999999999999,0.0116,0.04,0.0603,0.2083,,0.0154,,0.0588,,0.0019,0.0567,0.0489,0.9921,0.8955,0.0079,0.0403,0.0345,0.1667,,0.0154,,0.042,,0.0,0.0645,0.0577,0.9861,0.8121,0.0135,0.04,0.0345,0.1667,,0.0157,,0.055,,0.0019,reg oper account,block of flats,0.0317,Block,No,1.0,0.0,1.0,0.0,-778.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1426198,378831,Cash loans,22368.375,675000.0,808650.0,,675000.0,WEDNESDAY,16,Y,1,,,,Other,Refused,-58,Cash through the bank,HC,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,Y,N,0,225000.0,545040.0,17244.0,450000.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.025164,-11436,-278,-1025.0,-3655,5.0,1,1,0,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,16,0,0,0,0,1,1,Business Entity Type 3,0.566471290821756,0.5963602147172768,0.6347055309763198,0.0371,0.0618,0.9737,0.6396,0.0032,0.0,0.1034,0.0833,0.125,0.0278,0.0277,0.0298,0.0116,0.0124,0.0378,0.0641,0.9737,0.6537,0.0032,0.0,0.1034,0.0833,0.125,0.0284,0.0303,0.0311,0.0117,0.0131,0.0375,0.0618,0.9737,0.6444,0.0032,0.0,0.1034,0.0833,0.125,0.0282,0.0282,0.0304,0.0116,0.0126,reg oper account,block of flats,0.0279,"Stone, brick",No,0.0,0.0,0.0,0.0,-2110.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,2.0,2.0 +2163888,296583,Revolving loans,2250.0,45000.0,45000.0,,45000.0,FRIDAY,7,Y,1,,,,XAP,Refused,-174,XNA,HC,Unaccompanied,Repeater,XNA,Cards,walk-in,Country-wide,44,Connectivity,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,N,1,90000.0,450000.0,32467.5,450000.0,,Commercial associate,Higher education,Married,House / apartment,0.020713,-11169,-1546,-5060.0,-3593,,1,1,0,1,1,0,Core staff,3.0,3,3,THURSDAY,8,0,0,0,0,1,1,Bank,0.2559391767297522,0.180680747055521,,0.0907,0.1036,0.9886,0.8436,0.0174,0.0,0.2069,0.1667,0.2083,0.0601,0.0731,0.0817,0.0039,0.0048,0.0924,0.1075,0.9886,0.8497,0.0176,0.0,0.2069,0.1667,0.2083,0.0615,0.0799,0.0851,0.0039,0.0051,0.0916,0.1036,0.9886,0.8457,0.0175,0.0,0.2069,0.1667,0.2083,0.0612,0.0744,0.0831,0.0039,0.0049,reg oper spec account,block of flats,0.0748,Panel,No,1.0,0.0,1.0,0.0,-472.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +2598385,178828,Consumer loans,4499.775,26775.0,25465.5,2700.0,26775.0,MONDAY,11,Y,1,0.10440238783424594,,,XAP,Approved,-2747,XNA,XAP,,New,Mobile,POS,XNA,Stone,41,Connectivity,7.0,high,POS mobile with interest,365243.0,-2713.0,-2533.0,-2713.0,-2601.0,1.0,0,Revolving loans,M,Y,Y,2,72000.0,135000.0,6750.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010966,-11881,-434,-2432.0,-4514,14.0,1,1,1,1,0,0,Security staff,4.0,2,2,THURSDAY,9,0,0,0,0,1,1,Business Entity Type 3,,0.504446352440477,0.7862666146611379,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2309.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2286903,269241,Consumer loans,2844.0,23841.0,14170.5,10341.0,23841.0,WEDNESDAY,20,Y,1,0.4594695996127976,,,XAP,Approved,-2512,Cash through the bank,XAP,"Spouse, partner",New,Mobile,POS,XNA,Country-wide,1500,Consumer electronics,6.0,high,POS household with interest,365243.0,-2481.0,-2331.0,-2331.0,-2326.0,1.0,0,Cash loans,M,Y,N,0,157500.0,225000.0,24363.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.02461,-17651,-1147,-8369.0,-1189,13.0,1,1,1,1,0,0,Drivers,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Self-employed,,0.7492079668308489,0.39277386060313396,,0.0655,0.9757,0.6668,0.005,0.0,0.1034,0.1667,0.2083,0.0571,0.111,0.0531,0.0039,0.0022,,0.0679,0.9757,0.6798,0.005,0.0,0.1034,0.1667,0.2083,0.0584,0.1212,0.0553,0.0039,0.0023,,0.0655,0.9757,0.6713,0.005,0.0,0.1034,0.1667,0.2083,0.0581,0.1129,0.054000000000000006,0.0039,0.0023,reg oper account,block of flats,0.0449,"Stone, brick",No,4.0,0.0,4.0,0.0,-2228.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2684642,168055,Revolving loans,16875.0,337500.0,337500.0,,337500.0,TUESDAY,15,N,1,,,,XAP,Refused,-218,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),4,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,N,0,171000.0,937098.0,45211.5,769500.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.005002,-18720,-1994,-4636.0,-2282,,1,1,1,1,0,1,Sales staff,2.0,3,3,WEDNESDAY,15,0,0,0,0,0,0,Transport: type 4,,0.4913103945592069,0.4489622731076524,0.0021,,0.9866,,,,0.0345,0.0,,0.0013,,0.0028,,0.0043,0.0021,,0.9866,,,,0.0345,0.0,,0.0013,,0.0029,,0.0046,0.0021,,0.9866,,,,0.0345,0.0,,0.0013,,0.0028,,0.0044,,block of flats,0.0022,Others,No,1.0,0.0,1.0,0.0,-473.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,3.0 +2546741,253111,Consumer loans,3615.57,27405.0,19314.0,9000.0,27405.0,FRIDAY,7,Y,1,0.3461827428769577,,,XAP,Approved,-1173,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Stone,14,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1137.0,-987.0,-1077.0,-1073.0,0.0,0,Cash loans,F,N,N,0,135000.0,199080.0,11245.5,157500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.020713,-24396,365243,-1152.0,-4449,,1,0,0,1,0,0,,1.0,3,3,TUESDAY,6,0,0,0,0,0,0,XNA,,0.7734382936639117,0.6848276586890367,0.0495,0.0525,0.9747,0.6532,0.0042,0.0,0.1034,0.125,0.0417,0.0307,0.0403,0.04,0.0,0.0,0.0504,0.0545,0.9747,0.6668,0.0042,0.0,0.1034,0.125,0.0417,0.0314,0.0441,0.0416,0.0,0.0,0.05,0.0525,0.9747,0.6578,0.0042,0.0,0.1034,0.125,0.0417,0.0312,0.041,0.0407,0.0,0.0,reg oper spec account,block of flats,0.044,"Stone, brick",No,3.0,0.0,3.0,0.0,-1918.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1705171,409006,Consumer loans,13278.33,119088.0,119088.0,0.0,119088.0,SATURDAY,13,Y,1,0.0,,,XAP,Refused,-2318,Cash through the bank,LIMIT,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,1720,Consumer electronics,12.0,high,POS household with interest,,,,,,,0,Cash loans,M,N,N,0,225000.0,1096020.0,56092.5,900000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.020246,-12051,-4691,-6232.0,-4218,,1,1,0,1,0,0,Laborers,2.0,3,3,SATURDAY,13,0,0,0,0,0,0,Business Entity Type 2,0.14572334500027098,0.4420681219665084,0.5832379256761245,0.0504,0.0582,0.9916,0.8640000000000001,0.0089,0.0168,0.0834,0.2379,0.2638,0.0395,0.0413,0.0566,0.0013,0.0006,0.0294,0.0265,0.9891,0.8563,0.0054,0.0,0.0345,0.1667,0.2083,0.0034,0.0248,0.0328,0.0,0.0,0.0468,0.0469,0.9906,0.8591,0.0086,0.0,0.069,0.1667,0.2083,0.0439,0.0381,0.0582,0.0,0.0,reg oper account,block of flats,0.0257,"Stone, brick",No,2.0,0.0,2.0,0.0,-1746.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2055834,179124,Cash loans,13489.2,135000.0,135000.0,,135000.0,TUESDAY,15,Y,1,,,,XNA,Approved,-455,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-425.0,-95.0,-425.0,-422.0,0.0,0,Cash loans,F,N,Y,0,72000.0,76410.0,7573.5,67500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.001417,-22449,365243,-2787.0,-4703,,1,0,0,1,1,0,,1.0,2,2,TUESDAY,12,0,0,0,0,0,0,XNA,,0.42693876272356224,0.6212263380626669,0.0701,,0.9806,,,,0.1379,0.1667,,,,0.0423,,,0.0714,,0.9806,,,,0.1379,0.1667,,,,0.044,,,0.0708,,0.9806,,,,0.1379,0.1667,,,,0.043,,,,block of flats,0.05,Block,No,0.0,0.0,0.0,0.0,-1339.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1693575,211006,Cash loans,68459.445,630000.0,651622.5,,630000.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-408,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-378.0,-48.0,-48.0,-47.0,1.0,0,Cash loans,M,Y,Y,0,225000.0,810000.0,47488.5,810000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-17230,-7888,-7668.0,-783,24.0,1,1,1,1,0,0,Managers,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,Self-employed,0.5441338377466264,0.5771313543523616,0.6848276586890367,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2347.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2293748,121565,Consumer loans,14113.665,177151.5,177151.5,0.0,177151.5,TUESDAY,9,Y,1,0.0,,,XAP,Approved,-857,Cash through the bank,XAP,Unaccompanied,Repeater,Medical Supplies,POS,XNA,Stone,300,Industry,14.0,low_action,POS industry with interest,365243.0,-818.0,-428.0,-458.0,-453.0,0.0,0,Cash loans,F,Y,Y,0,180000.0,835380.0,40320.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-13897,-1909,-5946.0,-4540,11.0,1,1,0,1,0,0,,2.0,2,2,FRIDAY,7,0,0,0,0,0,0,School,0.28615610621415005,0.41869388962286297,0.23791607950711405,0.0619,0.0635,0.9762,0.6736,0.0261,0.0,0.1034,0.1667,0.2083,0.0335,0.0504,0.049,0.0,0.0,0.063,0.0659,0.9762,0.6864,0.0263,0.0,0.1034,0.1667,0.2083,0.0343,0.0551,0.0511,0.0,0.0,0.0625,0.0635,0.9762,0.6779999999999999,0.0263,0.0,0.1034,0.1667,0.2083,0.0341,0.0513,0.0499,0.0,0.0,reg oper account,block of flats,0.0528,"Stone, brick",No,15.0,0.0,15.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2486775,164065,Consumer loans,4097.205,40540.5,34663.5,9000.0,40540.5,SATURDAY,11,Y,1,0.22448539814302976,,,XAP,Approved,-2061,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,21,Connectivity,12.0,high,POS mobile with interest,365243.0,-2025.0,-1695.0,-1695.0,-1689.0,0.0,0,Cash loans,M,Y,Y,1,157500.0,531706.5,28975.5,459000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019101,-10838,-2099,-5229.0,-3532,2.0,1,1,0,1,1,0,Laborers,3.0,2,2,TUESDAY,11,0,0,0,0,0,0,Self-employed,0.21343432392853529,0.3818269572221824,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1309.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2540076,372483,Consumer loans,2855.385,23260.5,20934.0,2326.5,23260.5,FRIDAY,10,Y,1,0.10893016057264457,,,XAP,Approved,-2026,XNA,XAP,,New,Mobile,POS,XNA,Country-wide,50,Connectivity,10.0,high,POS mobile with interest,365243.0,-1989.0,-1719.0,-1719.0,-1695.0,0.0,0,Revolving loans,F,N,Y,1,72000.0,157500.0,7875.0,157500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.010147,-14162,-3792,-3990.0,-4437,,1,1,1,1,1,0,Cooking staff,3.0,2,2,MONDAY,15,0,0,0,0,0,0,Restaurant,,0.5878998347532474,0.5028782772082183,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2026.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1355024,444779,Revolving loans,22500.0,0.0,450000.0,,,MONDAY,10,Y,1,,,,XAP,Approved,-877,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-821.0,-784.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,N,0,157500.0,481176.0,24565.5,360000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018801,-11757,-1428,-658.0,-613,11.0,1,1,1,1,1,0,Sales staff,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,Self-employed,0.343554979899075,0.5073106019240599,0.4830501881366946,0.3412,0.1096,0.9995,0.9932,0.1656,0.4,0.1724,0.6667,0.7083,0.1767,0.2774,0.3328,0.0039,0.0252,0.3477,0.1137,0.9995,0.9935,0.1672,0.4028,0.1724,0.6667,0.7083,0.1807,0.303,0.3468,0.0039,0.0267,0.3445,0.1096,0.9995,0.9933,0.1667,0.4,0.1724,0.6667,0.7083,0.1798,0.2822,0.3388,0.0039,0.0257,reg oper account,block of flats,0.3454,Panel,No,0.0,0.0,0.0,0.0,-1743.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1305596,435061,Consumer loans,9670.545,140265.0,144985.5,14026.5,140265.0,MONDAY,9,Y,1,0.09606906168316627,,,XAP,Approved,-1435,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Regional / Local,19,Consumer electronics,18.0,low_normal,POS household with interest,365243.0,-1400.0,-890.0,-890.0,-855.0,0.0,0,Cash loans,F,N,Y,0,216000.0,851778.0,24903.0,711000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.006207,-18836,-3341,-8615.0,-2167,,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,17,0,0,0,0,1,1,Self-employed,0.4280006605294018,0.3260210906483239,0.42765737003502935,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1875.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1852916,414091,Consumer loans,15312.825,142425.0,140872.5,14242.5,142425.0,MONDAY,13,Y,1,0.09999920879816436,,,XAP,Approved,-2283,XNA,XAP,Other_B,New,Construction Materials,POS,XNA,Regional / Local,531,Construction,12.0,high,POS industry with interest,365243.0,-2252.0,-1922.0,-1922.0,-1528.0,1.0,0,Cash loans,M,N,Y,0,157500.0,675000.0,28728.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.010006000000000001,-20314,-5121,-9398.0,-3801,,1,1,1,1,1,0,Security staff,1.0,2,2,TUESDAY,9,0,0,0,0,0,0,School,,0.7092863613178818,0.7194907850918436,0.1536,0.21600000000000005,0.9866,0.8164,0.1583,0.0,0.3448,0.1667,0.0417,0.0622,0.1244,0.1532,0.0039,0.0041,0.1565,0.2242,0.9866,0.8236,0.1598,0.0,0.3448,0.1667,0.0417,0.0637,0.1359,0.1597,0.0039,0.0043,0.1551,0.21600000000000005,0.9866,0.8189,0.1593,0.0,0.3448,0.1667,0.0417,0.0633,0.1266,0.156,0.0039,0.0042,reg oper account,block of flats,0.2071,Panel,No,0.0,0.0,0.0,0.0,-2283.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2372369,195193,Revolving loans,9000.0,180000.0,180000.0,,180000.0,SUNDAY,20,Y,1,,,,XAP,Approved,-672,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-668.0,-615.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,270000.0,247500.0,15138.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.04622,-8961,-1916,-6968.0,-1451,,1,1,1,1,0,1,Core staff,1.0,1,1,SUNDAY,9,0,1,1,0,1,1,Self-employed,,0.7330939829656491,,0.1108,0.0334,0.9896,0.8844,0.1617,0.12,0.0862,0.4167,0.4375,0.0915,0.0672,0.1437,0.0039,0.0012,0.0851,0.0146,0.9896,0.8628,0.0192,0.0806,0.069,0.375,0.4167,0.0643,0.0735,0.0872,0.0039,0.0013,0.1119,0.0334,0.9896,0.8859,0.1627,0.12,0.0862,0.4167,0.4375,0.0931,0.0684,0.1463,0.0039,0.0012,reg oper account,block of flats,0.1821,Monolithic,No,1.0,0.0,1.0,0.0,-967.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1401794,281066,Cash loans,36778.41,315000.0,332046.0,,315000.0,THURSDAY,9,Y,1,,,,XNA,Refused,-1280,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,M,Y,Y,0,180000.0,1546020.0,45202.5,1350000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.025164,-17205,-1218,-7694.0,-590,3.0,1,1,0,1,0,0,Drivers,2.0,2,2,WEDNESDAY,7,0,0,0,0,0,0,Self-employed,,0.7567565472353059,,0.0825,0.0493,0.9891,0.8504,0.0148,0.08,0.069,0.375,0.4167,0.0464,0.0664,0.0886,0.0039,0.0025,0.084,0.0511,0.9891,0.8563,0.0149,0.0806,0.069,0.375,0.4167,0.0474,0.0725,0.0923,0.0039,0.0026,0.0833,0.0493,0.9891,0.8524,0.0149,0.08,0.069,0.375,0.4167,0.0472,0.0676,0.0902,0.0039,0.0025,reg oper account,block of flats,0.0783,Panel,No,0.0,0.0,0.0,0.0,-1951.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1108521,123367,Consumer loans,5838.435,62550.0,62550.0,0.0,62550.0,FRIDAY,9,Y,1,0.0,,,XAP,Approved,-266,Cash through the bank,XAP,,New,Medical Supplies,POS,XNA,Country-wide,5,MLM partners,12.0,low_normal,POS other with interest,365243.0,-231.0,99.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,67500.0,652500.0,19075.5,652500.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.028663,-22478,365243,-7584.0,-4048,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,7,0,0,0,0,0,0,XNA,,0.5229794466523957,,0.1196,0.1244,0.9796,,,,0.2759,0.1667,,0.0227,,0.1067,,0.0,0.1218,0.1291,0.9796,,,,0.2759,0.1667,,0.0232,,0.1111,,0.0,0.1207,0.1244,0.9796,,,,0.2759,0.1667,,0.0231,,0.1086,,0.0,,block of flats,0.0928,Panel,No,2.0,0.0,2.0,0.0,-266.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2682045,281406,Consumer loans,4626.585,32976.0,37498.5,3298.5,32976.0,TUESDAY,12,Y,1,0.08805466979523896,,,XAP,Approved,-1588,Cash through the bank,XAP,Unaccompanied,New,Photo / Cinema Equipment,POS,XNA,Country-wide,1350,Consumer electronics,12.0,high,POS household with interest,365243.0,-1557.0,-1227.0,-1257.0,-1253.0,0.0,0,Cash loans,M,Y,N,0,157500.0,526491.0,29529.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.030755,-9435,-1218,-1852.0,-2104,25.0,1,1,0,1,0,0,Laborers,1.0,2,2,MONDAY,15,0,0,0,0,0,0,Self-employed,0.07868674804189214,0.6339983879217309,0.6041125998015721,0.1433,0.0909,0.9841,0.7824,0.0619,0.04,0.0345,0.3333,0.0417,0.0631,0.1152,0.129,0.0077,0.0134,0.146,0.0943,0.9841,0.7909,0.0625,0.0403,0.0345,0.3333,0.0417,0.0645,0.1258,0.1344,0.0078,0.0141,0.1447,0.0909,0.9841,0.7853,0.0623,0.04,0.0345,0.3333,0.0417,0.0642,0.1171,0.1313,0.0078,0.0136,reg oper account,block of flats,0.1382,"Stone, brick",No,0.0,0.0,0.0,0.0,-1588.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2777500,159135,Cash loans,26242.155,292500.0,316246.5,,292500.0,MONDAY,10,Y,1,,,,XNA,Approved,-679,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),100,XNA,18.0,high,Cash X-Sell: high,365243.0,-649.0,-139.0,-139.0,-134.0,1.0,0,Cash loans,M,Y,Y,0,58500.0,95940.0,9486.0,90000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-9224,-1367,-308.0,-1901,19.0,1,1,1,1,1,0,Low-skill Laborers,2.0,2,2,MONDAY,13,0,0,0,0,1,1,Business Entity Type 3,0.1270376566055257,0.5609160735480856,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-987.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1692882,213484,Consumer loans,15359.265,125955.0,137817.0,15750.0,125955.0,THURSDAY,14,Y,1,0.11169835848966132,,,XAP,Approved,-1923,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,61,Connectivity,12.0,high,POS mobile with interest,365243.0,-1886.0,-1556.0,-1556.0,-1549.0,0.0,1,Cash loans,F,N,N,0,225000.0,521280.0,35262.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.032561,-16874,-6995,-10676.0,-432,,1,1,0,1,1,0,Core staff,2.0,1,1,MONDAY,10,0,0,0,0,0,0,Business Entity Type 1,,0.7306996497916017,0.4920600938649263,0.2546,0.1703,0.9796,0.7212,0.3775,0.26,0.3621,0.3333,0.0417,0.1115,0.2013,0.2223,0.029,0.0609,0.083,0.0506,0.9742,0.6602,0.1017,0.0,0.1379,0.1667,0.0417,0.0266,0.0725,0.0717,0.0,0.0048,0.2571,0.1703,0.9796,0.7249,0.3799,0.26,0.3621,0.3333,0.0417,0.1134,0.2048,0.2263,0.0291,0.0621,reg oper spec account,block of flats,0.3576,"Stone, brick",No,0.0,0.0,0.0,0.0,-1923.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1189892,373165,Cash loans,11721.735,90000.0,108837.0,,90000.0,MONDAY,11,Y,1,,,,XNA,Approved,-821,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-791.0,-461.0,-761.0,-737.0,1.0,0,Cash loans,F,N,Y,0,112500.0,675000.0,26901.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.015221,-19525,-5408,-6281.0,-3018,,1,1,0,1,0,0,Cleaning staff,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Housing,0.7389808323499173,0.6592981214773178,0.28371188263500075,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1162.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2291287,405848,Cash loans,28809.765,454500.0,490495.5,,454500.0,SATURDAY,12,Y,1,,,,XNA,Approved,-325,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-295.0,395.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,229500.0,548775.0,29236.5,508500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.010147,-20369,365243,-12528.0,-3581,,1,0,0,1,1,0,,1.0,2,2,TUESDAY,11,0,0,0,0,0,0,XNA,0.4952097408897041,0.6296287363535079,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2262.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1065148,305328,Cash loans,45098.46,918000.0,997974.0,,918000.0,TUESDAY,11,Y,1,,,,XNA,Approved,-814,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-784.0,266.0,-574.0,-571.0,1.0,0,Cash loans,M,Y,Y,0,315000.0,1125000.0,112410.0,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018209,-21601,-1600,-3412.0,-4146,7.0,1,1,0,1,1,0,Managers,2.0,3,3,THURSDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.36493510080824426,0.4632753280912678,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2005.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2721373,341617,Consumer loans,10042.605,222921.0,222921.0,0.0,222921.0,SATURDAY,19,Y,1,0.0,,,XAP,Approved,-475,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Country-wide,236,Furniture,24.0,low_action,POS industry without interest,365243.0,-443.0,247.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,225000.0,1305000.0,38286.0,1305000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.035792000000000004,-16208,-6185,-6443.0,-4243,14.0,1,1,1,1,0,0,Sales staff,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,Self-employed,0.6374548743705561,0.696981628003197,0.3376727217405312,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1165.0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2240695,377455,Consumer loans,8996.04,79204.5,79204.5,0.0,79204.5,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-381,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-347.0,-77.0,-77.0,-75.0,0.0,0,Cash loans,M,Y,Y,2,450000.0,301464.0,20277.0,238500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.072508,-14931,-798,-9044.0,-2775,2.0,1,1,0,1,1,0,Laborers,4.0,1,1,FRIDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.6591016146610207,0.8564128001975257,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,0.0,-3296.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1110523,291032,Cash loans,28438.56,540000.0,593460.0,,540000.0,FRIDAY,16,Y,1,,,,XNA,Approved,-1225,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,30.0,low_normal,Cash Street: low,365243.0,-1188.0,-318.0,-828.0,-820.0,0.0,0,Cash loans,M,Y,N,2,157500.0,348264.0,17820.0,315000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-12934,-730,-6361.0,-3948,7.0,1,1,0,1,0,0,Laborers,4.0,2,2,WEDNESDAY,18,0,0,0,0,0,0,Business Entity Type 2,0.2499661085308025,0.5741773847043561,0.6363761710860439,0.1856,0.1201,0.9836,0.7756,0.1869,0.2,0.1724,0.3333,0.375,0.182,0.1513,0.1798,0.0,0.0,0.1891,0.1246,0.9836,0.7844,0.1886,0.2014,0.1724,0.3333,0.375,0.1862,0.1653,0.1874,0.0,0.0,0.1874,0.1201,0.9836,0.7786,0.1881,0.2,0.1724,0.3333,0.375,0.1852,0.1539,0.1831,0.0,0.0,reg oper account,block of flats,0.2436,Panel,No,1.0,0.0,1.0,0.0,-2789.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,1.0 +2155481,284224,Cash loans,97430.355,900000.0,926136.0,,900000.0,THURSDAY,16,Y,1,,,,XNA,Approved,-632,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-602.0,-272.0,-272.0,-265.0,1.0,0,Cash loans,F,N,N,0,540000.0,1928304.0,73449.0,1800000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.072508,-16218,-1636,-10285.0,-766,,1,1,0,1,1,0,Managers,2.0,1,1,THURSDAY,14,0,0,0,0,0,0,Self-employed,0.9249663290099914,0.7055069429969123,0.3979463219016906,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1583.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2173384,252622,Revolving loans,38250.0,0.0,765000.0,,,THURSDAY,12,Y,1,,,,XAP,Approved,-698,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-629.0,-590.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,103500.0,58500.0,2983.5,58500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018634,-13725,-2856,-684.0,-3965,,1,1,0,1,0,0,Accountants,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Self-employed,0.7231766495029875,0.5699643567445468,0.4418358231994413,0.0928,0.0852,0.9851,,,,0.1724,0.1667,,0.0865,,0.0478,,0.1512,0.0945,0.0884,0.9851,,,,0.1724,0.1667,,0.0885,,0.0498,,0.1601,0.0937,0.0852,0.9851,,,,0.1724,0.1667,,0.08800000000000001,,0.0486,,0.1544,,block of flats,0.0709,"Stone, brick",No,0.0,0.0,0.0,0.0,-425.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2695599,278800,Cash loans,28409.175,135000.0,139455.0,,135000.0,THURSDAY,14,Y,1,,,,Urgent needs,Refused,-543,Cash through the bank,LIMIT,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,216000.0,285723.0,22239.0,238500.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.04622,-22891,365243,-13850.0,-4458,,1,0,0,1,0,0,,2.0,1,1,MONDAY,15,0,0,0,0,0,0,XNA,,0.5761811198699562,0.2608559142068693,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-179.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,7.0 +1808587,101515,Cash loans,12831.165,135000.0,161730.0,,135000.0,WEDNESDAY,13,Y,1,,,,Medicine,Refused,-240,Cash through the bank,SCOFR,Unaccompanied,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),-1,XNA,18.0,middle,Cash Street: middle,,,,,,,1,Cash loans,F,N,Y,2,112500.0,152820.0,11205.0,135000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.026392000000000002,-10323,-2342,-1794.0,-1886,,1,1,1,1,1,1,High skill tech staff,4.0,2,2,FRIDAY,9,0,0,0,0,0,0,School,0.4709888066182148,0.4532709553587574,0.1419915427739129,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-528.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1979110,372570,Cash loans,23095.575,270000.0,329958.0,,270000.0,WEDNESDAY,15,Y,1,,,,XNA,Approved,-993,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-963.0,-453.0,-873.0,-870.0,1.0,0,Cash loans,F,Y,Y,1,270000.0,902209.5,38353.5,729000.0,Unaccompanied,State servant,Higher education,Civil marriage,House / apartment,0.011656999999999999,-19764,-7692,-9052.0,-2925,10.0,1,1,0,1,0,1,Core staff,3.0,1,1,TUESDAY,11,0,0,0,0,1,1,School,0.9112406173729872,0.6629137936577777,0.7946285827840042,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-1941.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1970674,102417,Consumer loans,15858.945,82345.5,77778.0,8235.0,82345.5,TUESDAY,14,Y,1,0.10427102457028166,,,XAP,Approved,-1761,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,7120,Consumer electronics,6.0,high,POS household with interest,365243.0,-1730.0,-1580.0,-1580.0,-1574.0,0.0,0,Cash loans,M,N,N,1,225000.0,1046142.0,33876.0,913500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-11425,-1492,-2238.0,-725,,1,1,0,1,1,0,Sales staff,3.0,1,1,SATURDAY,12,0,0,0,0,0,0,Industry: type 4,0.10837035862981677,0.7535787165373711,0.5046813193144684,0.2602,0.166,0.9876,0.83,0.0,0.384,0.2483,0.4167,0.3667,0.0,0.2121,0.2684,0.0,0.0717,0.1124,0.0491,0.9965,0.9543,0.0,0.3222,0.1724,0.3333,0.375,0.0,0.0983,0.1508,0.0,0.0154,0.2581,0.1467,0.9916,0.8859,0.0,0.4,0.1724,0.375,0.375,0.0,0.2121,0.3164,0.0,0.0527,reg oper account,block of flats,0.2634,Panel,No,4.0,2.0,4.0,2.0,-1761.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2666345,380205,Cash loans,46112.76,738000.0,788656.5,,738000.0,WEDNESDAY,7,Y,1,,,,XNA,Approved,-489,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-459.0,231.0,-129.0,-121.0,1.0,0,Cash loans,M,N,Y,0,63000.0,457717.5,26406.0,414000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-23571,365243,-3266.0,-4613,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,7,0,0,0,0,0,0,XNA,,0.7244889860592328,0.7106743858828587,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1537.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1570347,112404,Consumer loans,6985.575,58905.0,58261.5,5890.5,58905.0,SATURDAY,10,Y,1,0.10000140291806957,,,XAP,Approved,-1828,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,32,Connectivity,12.0,high,POS mobile with interest,365243.0,-1788.0,-1458.0,-1698.0,-1694.0,0.0,0,Cash loans,M,N,Y,3,90000.0,1036530.0,30438.0,742500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-14173,-97,-1296.0,-4625,,1,1,0,1,0,0,Laborers,5.0,3,3,SUNDAY,6,0,1,1,0,1,1,Electricity,0.3511656669615281,0.7069949652430975,0.813917469762627,0.1031,0.0957,0.9801,0.728,0.0751,0.0,0.2759,0.1667,0.0417,0.0232,0.0841,0.0955,0.0,0.0,0.105,0.0993,0.9801,0.7387,0.0758,0.0,0.2759,0.1667,0.0417,0.0238,0.0918,0.0995,0.0,0.0,0.1041,0.0957,0.9801,0.7316,0.0756,0.0,0.2759,0.1667,0.0417,0.0236,0.0855,0.0972,0.0,0.0,reg oper account,block of flats,0.1162,Panel,No,0.0,0.0,0.0,0.0,-342.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1129806,250161,Revolving loans,29250.0,0.0,585000.0,,,TUESDAY,17,Y,1,,,,XAP,Approved,-504,XNA,XAP,,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),25,XNA,0.0,XNA,Card X-Sell,-481.0,-451.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,157500.0,265500.0,12910.5,265500.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.02461,-10771,-3406,-5073.0,-3450,5.0,1,1,0,1,1,1,Managers,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.2611616515678493,0.6284346776649901,0.445396241560834,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-739.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,3.0 +2178053,406410,Consumer loans,10836.765,56655.0,59647.5,0.0,56655.0,THURSDAY,11,Y,1,0.0,,,XAP,Approved,-599,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Stone,627,Consumer electronics,6.0,middle,POS household with interest,365243.0,-568.0,-418.0,-418.0,-407.0,0.0,0,Revolving loans,F,N,Y,1,67500.0,180000.0,9000.0,180000.0,Unaccompanied,State servant,Secondary / secondary special,Widow,House / apartment,0.018634,-12012,-132,-10923.0,-2120,,1,1,0,1,0,0,Cooking staff,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Other,,0.6635829184752206,0.746300213050371,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-599.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1233794,385943,Consumer loans,5295.87,39852.0,38826.0,3987.0,39852.0,FRIDAY,14,Y,1,0.10142259254304656,,,XAP,Approved,-1745,Cash through the bank,XAP,,New,Mobile,POS,XNA,Stone,9,Connectivity,10.0,high,POS mobile with interest,365243.0,-1711.0,-1441.0,-1441.0,-1428.0,0.0,0,Cash loans,F,N,N,0,90000.0,384048.0,18810.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.019101,-11031,-722,-3861.0,-3470,,1,1,0,1,0,0,Laborers,1.0,2,2,SUNDAY,11,0,0,0,0,1,1,Industry: type 4,,0.5106497852107376,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-210.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2507483,240163,Cash loans,44509.5,450000.0,450000.0,,450000.0,WEDNESDAY,5,Y,1,,,,XNA,Approved,-91,XNA,XAP,Family,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-61.0,269.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,Y,0,148500.0,450000.0,22500.0,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.020713,-14140,-751,-7861.0,-4221,,1,1,0,1,0,0,,2.0,3,2,WEDNESDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.5371573454499772,0.7981372313187245,0.0619,0.0596,0.9781,0.7008,0.0078,0.0,0.1379,0.1667,0.2083,0.0113,0.0504,0.06,0.0,0.0,0.063,0.0619,0.9782,0.7125,0.0079,0.0,0.1379,0.1667,0.2083,0.0116,0.0551,0.0625,0.0,0.0,0.0625,0.0596,0.9781,0.7048,0.0079,0.0,0.1379,0.1667,0.2083,0.0115,0.0513,0.0611,0.0,0.0,org spec account,block of flats,0.0514,Panel,No,0.0,0.0,0.0,0.0,-409.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,3.0 +2668798,172933,Consumer loans,1612.485,35793.0,35793.0,0.0,35793.0,MONDAY,18,Y,1,0.0,,,XAP,Refused,-207,Cash through the bank,HC,Unaccompanied,Repeater,Vehicles,POS,XNA,Stone,149,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,0,Cash loans,M,Y,Y,2,292500.0,755190.0,38686.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00702,-14735,-1973,-809.0,-3602,11.0,1,1,0,1,0,0,Drivers,4.0,2,2,FRIDAY,13,0,0,0,0,1,1,Self-employed,0.7080813707430413,0.5467598743547601,0.4632753280912678,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,1.0,0.0,0.0,0.0,-1098.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,5.0 +1802859,162391,Cash loans,16880.31,225000.0,322389.0,,225000.0,MONDAY,16,Y,1,,,,Repairs,Refused,-315,Cash through the bank,SCO,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,36.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,211500.0,942300.0,30528.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018634,-13024,-5693,-567.0,-4137,,1,1,0,1,0,1,,2.0,2,2,MONDAY,16,0,0,0,0,0,0,Industry: type 2,0.18494103572811768,0.6495063823024527,0.3441550073724169,0.0619,0.0785,0.9791,0.7144,0.0,0.0,0.1724,0.1667,0.2083,0.0348,0.0504,0.0688,0.0,0.0,0.063,0.0815,0.9791,0.7256,0.0,0.0,0.1724,0.1667,0.2083,0.0356,0.0551,0.0716,0.0,0.0,0.0625,0.0785,0.9791,0.7182,0.0,0.0,0.1724,0.1667,0.2083,0.0354,0.0513,0.07,0.0,0.0,reg oper account,block of flats,0.0728,Panel,No,1.0,0.0,1.0,0.0,-659.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,4.0 +1442478,395773,Consumer loans,6142.095,40365.0,38727.0,4036.5,40365.0,SUNDAY,16,Y,1,0.10280064668573564,,,XAP,Approved,-2545,XNA,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,8.0,high,POS mobile with interest,365243.0,-2514.0,-2304.0,-2304.0,-2286.0,1.0,0,Cash loans,F,N,Y,1,117000.0,578619.0,35527.5,499500.0,Unaccompanied,Working,Lower secondary,Married,House / apartment,0.011656999999999999,-14498,-872,-7598.0,-4541,,1,1,0,1,0,0,Laborers,3.0,1,1,THURSDAY,15,0,0,0,0,1,1,Housing,0.7030332698966294,0.7369271662377512,0.5744466170995097,0.0619,0.062,0.9861,,,0.0,0.1034,0.1667,,0.0,,0.0531,,0.0,0.063,0.0643,0.9861,,,0.0,0.1034,0.1667,,0.0,,0.0553,,0.0,0.0625,0.062,0.9861,,,0.0,0.1034,0.1667,,0.0,,0.054000000000000006,,0.0,,block of flats,0.0417,Panel,No,3.0,1.0,3.0,1.0,-2299.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2616810,110327,Revolving loans,,0.0,0.0,,,SUNDAY,11,Y,1,,,,XAP,Refused,-267,XNA,HC,,Refreshed,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Card Street,,,,,,,0,Cash loans,F,Y,Y,0,157500.0,149256.0,16879.5,135000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.009334,-16407,-8116,-2474.0,-1256,2.0,1,1,1,1,0,0,,2.0,2,2,MONDAY,11,0,0,0,0,0,0,Transport: type 2,0.8863676419646592,0.6061061902538124,0.1510075350878296,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-267.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,0.0 +2294163,103777,Cash loans,46274.13,675000.0,721332.0,,675000.0,TUESDAY,16,Y,1,,,,XNA,Approved,-920,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-890.0,-200.0,-470.0,-467.0,1.0,0,Cash loans,F,N,Y,0,112500.0,774000.0,27549.0,774000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-15376,-1388,-5113.0,-4581,,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,Transport: type 4,,0.6413142508251598,0.5797274227921155,0.1017,0.0648,0.993,0.9184,0.0203,0.08,0.069,0.3471,0.375,0.0802,0.0908,0.09,0.0,0.0,0.1134,0.0462,0.994,0.9216,0.0205,0.0806,0.069,0.3333,0.375,0.08199999999999999,0.0992,0.0883,0.0,0.0,0.1124,0.0678,0.994,0.9195,0.0205,0.08,0.069,0.3333,0.375,0.0816,0.0923,0.0943,0.0,0.0,reg oper account,block of flats,0.0746,Panel,No,0.0,0.0,0.0,0.0,-1438.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2567587,415132,Consumer loans,6283.44,36333.0,34317.0,3636.0,36333.0,SATURDAY,11,Y,1,0.104337853277858,,,XAP,Approved,-2228,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Stone,60,Consumer electronics,6.0,middle,POS household with interest,365243.0,-2194.0,-2044.0,-2074.0,-2066.0,1.0,0,Cash loans,F,N,N,0,103500.0,153504.0,15084.0,144000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-22105,365243,-5522.0,-4261,,1,0,0,1,0,0,,2.0,2,2,MONDAY,9,0,0,0,0,0,0,XNA,,0.5992046810801049,0.7726311345553628,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-2228.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2541665,112136,Cash loans,27574.47,675000.0,767664.0,,675000.0,TUESDAY,13,Y,1,,,,XNA,Approved,-896,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),6,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-866.0,544.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,0,117000.0,1535715.0,42358.5,1341000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-21958,365243,-411.0,-4955,7.0,1,0,0,1,0,0,,2.0,2,2,TUESDAY,8,0,0,0,0,0,0,XNA,0.725388469738667,0.26651977539251576,0.5046813193144684,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,10.0,1.0,10.0,0.0,-1806.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1129545,135448,Cash loans,15114.735,67500.0,78079.5,,67500.0,THURSDAY,16,Y,1,,,,XNA,Approved,-774,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-744.0,-594.0,-594.0,-589.0,1.0,0,Cash loans,F,N,N,0,360000.0,450000.0,44640.0,450000.0,Unaccompanied,State servant,Incomplete higher,Married,House / apartment,0.006296,-11657,-1993,-3372.0,-640,,1,1,0,1,0,0,,2.0,3,3,MONDAY,15,0,0,0,0,0,0,Police,,0.7083069204398761,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1695.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1744754,412488,Cash loans,81728.91,1395000.0,1461289.5,,1395000.0,THURSDAY,11,Y,1,,,,XNA,Approved,-795,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-765.0,-75.0,-75.0,-64.0,1.0,0,Cash loans,F,N,N,0,112500.0,745429.5,32962.5,643500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006296,-16929,-1815,-10055.0,-462,,1,1,0,1,0,0,Sales staff,2.0,3,3,MONDAY,11,0,1,1,0,0,0,Self-employed,,0.6876097055360744,0.722392890081304,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1102.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1685922,272374,Cash loans,32347.935,315000.0,332046.0,,315000.0,THURSDAY,12,Y,1,,,,XNA,Approved,-809,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-779.0,-449.0,-479.0,-477.0,1.0,0,Cash loans,F,Y,Y,0,135000.0,239850.0,23494.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.008625,-24159,365243,-11171.0,-4303,10.0,1,0,0,1,0,0,,2.0,2,2,MONDAY,16,0,0,0,0,0,0,XNA,,0.09672460901055416,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2737.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1370550,190446,Cash loans,26705.7,270000.0,270000.0,,270000.0,FRIDAY,8,Y,1,,,,XNA,Approved,-188,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-158.0,172.0,-128.0,-123.0,0.0,0,Cash loans,F,N,Y,0,112500.0,180000.0,12798.0,180000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.028663,-22710,365243,-6833.0,-4122,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,17,0,0,0,0,0,0,XNA,,0.7748338799735018,,0.1113,0.09,0.9901,0.8640000000000001,0.0192,0.12,0.1034,0.3333,0.375,0.0443,0.0908,0.1169,0.0,0.0,0.1134,0.0934,0.9901,0.8693,0.0194,0.1208,0.1034,0.3333,0.375,0.0454,0.0992,0.1218,0.0,0.0,0.1124,0.09,0.9901,0.8658,0.0193,0.12,0.1034,0.3333,0.375,0.0451,0.0923,0.119,0.0,0.0,reg oper account,block of flats,0.1025,Panel,No,13.0,0.0,13.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1856602,294557,Consumer loans,15366.78,151623.0,164632.5,0.0,151623.0,THURSDAY,13,Y,1,0.0,,,XAP,Approved,-425,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Country-wide,1000,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-393.0,-63.0,-153.0,-149.0,0.0,0,Cash loans,F,N,Y,0,180000.0,568858.5,25186.5,432000.0,Unaccompanied,Pensioner,Lower secondary,Widow,House / apartment,0.018801,-21244,365243,-622.0,-1348,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,6,0,0,0,0,0,0,XNA,,0.5295324399593219,0.6832688314232291,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-734.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1443656,345653,Consumer loans,8461.395,88646.4,88204.5,8865.9,88646.4,WEDNESDAY,13,Y,1,0.09947183787137058,,,XAP,Approved,-685,Non-cash from your account,XAP,Family,New,Consumer Electronics,POS,XNA,Regional / Local,701,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-654.0,-324.0,-324.0,-317.0,0.0,0,Revolving loans,F,Y,Y,0,90000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Incomplete higher,Single / not married,House / apartment,0.022625,-7908,-889,-295.0,-592,64.0,1,1,0,1,0,0,High skill tech staff,1.0,2,2,TUESDAY,14,0,0,0,0,1,1,Industry: type 3,0.18470663964770484,0.3781022166255257,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,0.0,-685.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1469328,340126,Revolving loans,10125.0,0.0,202500.0,,,WEDNESDAY,12,Y,1,,,,XAP,Approved,-1108,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-1106.0,-1081.0,365243.0,-289.0,365243.0,0.0,0,Cash loans,F,N,Y,3,157500.0,371245.5,17437.5,261000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.008575,-14130,-1814,-6477.0,-3868,,1,1,0,1,0,0,Core staff,5.0,2,2,FRIDAY,15,0,0,0,0,1,1,Medicine,,0.5705645571931414,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-318.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1004149,139341,Consumer loans,16903.035,88371.0,93037.5,0.0,88371.0,WEDNESDAY,13,Y,1,0.0,,,XAP,Approved,-604,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Regional / Local,100,Consumer electronics,6.0,middle,POS household with interest,365243.0,-573.0,-423.0,-423.0,-418.0,0.0,0,Revolving loans,F,N,Y,0,135000.0,270000.0,13500.0,270000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.035792000000000004,-21427,365243,-7002.0,-4747,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,9,0,0,0,0,0,0,XNA,,0.4313851760621161,0.38079968264891495,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-152.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2341649,374138,Consumer loans,7410.015,74385.0,82242.0,0.0,74385.0,WEDNESDAY,12,Y,1,0.0,,,XAP,Approved,-925,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,300,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-894.0,-564.0,-564.0,-557.0,0.0,0,Cash loans,F,N,Y,0,292500.0,781920.0,33259.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.04622,-19685,-1957,-2606.0,-3215,,1,1,0,1,0,0,Laborers,2.0,1,1,THURSDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.7030166602088396,0.6224102445650797,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2439107,144049,Consumer loans,7481.565,166072.5,166072.5,0.0,166072.5,THURSDAY,12,Y,1,0.0,,,XAP,Approved,-308,Cash through the bank,XAP,,Repeater,Homewares,POS,XNA,Stone,40,Construction,24.0,low_action,POS others without interest,365243.0,-262.0,428.0,365243.0,365243.0,0.0,1,Cash loans,M,Y,N,0,202500.0,886090.5,40171.5,792000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-14630,-1525,-1128.0,-5270,2.0,1,1,1,1,0,0,Drivers,2.0,3,3,THURSDAY,10,0,0,0,0,1,1,Trade: type 3,,0.4349610723612359,0.1500851762342935,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2302.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2159577,431115,Cash loans,38652.84,675000.0,756081.0,,675000.0,MONDAY,16,Y,1,,,,Buying a used car,Refused,-556,Cash through the bank,LIMIT,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,42.0,middle,Cash Street: middle,,,,,,,0,Cash loans,M,N,N,0,202500.0,760225.5,34483.5,679500.0,Family,Working,Secondary / secondary special,Single / not married,House / apartment,0.006207,-11544,-685,-1374.0,-3424,,1,1,1,1,1,0,Drivers,1.0,2,2,THURSDAY,17,0,0,0,0,0,0,Trade: type 6,,0.6628942473385093,0.4956658291397297,0.0742,0.0118,0.9841,0.7824,0.0016,0.08,0.069,0.3333,0.375,0.0531,0.0597,0.0742,0.0039,0.0326,0.0756,0.0123,0.9841,0.7909,0.0016,0.0806,0.069,0.3333,0.375,0.0543,0.0652,0.0773,0.0039,0.0345,0.0749,0.0118,0.9841,0.7853,0.0016,0.08,0.069,0.3333,0.375,0.054000000000000006,0.0607,0.0755,0.0039,0.0333,reg oper account,block of flats,0.0654,Panel,No,10.0,1.0,10.0,0.0,-703.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,9.0 +1596147,107537,Consumer loans,5003.55,23476.5,18778.5,4698.0,23476.5,MONDAY,11,Y,1,0.21794343666684088,,,XAP,Approved,-649,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,4.0,middle,POS mobile without interest,365243.0,-553.0,-463.0,-523.0,-517.0,0.0,0,Cash loans,F,N,N,1,72000.0,454500.0,30496.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010556,-14735,-7946,-8793.0,-4401,,1,1,1,1,1,0,Managers,3.0,3,3,FRIDAY,10,0,0,0,0,1,1,Government,,0.4905507462384536,0.3185955240537633,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2066.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2648989,375801,Revolving loans,3375.0,0.0,45000.0,,,FRIDAY,15,N,1,,,,XAP,Refused,-2499,XNA,SCO,,Repeater,XNA,Cards,x-sell,Stone,130,Consumer electronics,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,N,0,139500.0,207000.0,10696.5,207000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.025164,-15630,-1645,-1428.0,-4153,,1,1,0,1,1,0,Sales staff,1.0,2,2,WEDNESDAY,20,0,0,0,0,0,0,Self-employed,,0.5921315702396891,0.4048783643353997,0.0,,0.0,,,,,,,,,,,,0.0,,0.0,,,,,,,,,,,,0.0,,0.0,,,,,,,,,,,,,block of flats,0.0,,No,0.0,0.0,0.0,0.0,-1441.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2000020,298535,Cash loans,24097.41,180000.0,218313.0,,180000.0,SUNDAY,16,Y,1,,,,XNA,Approved,-531,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-501.0,-171.0,-171.0,-167.0,1.0,0,Cash loans,M,Y,N,2,135000.0,1575000.0,43312.5,1575000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-10991,-2538,-4497.0,-3208,8.0,1,1,1,1,1,0,Laborers,4.0,2,2,THURSDAY,10,0,0,0,0,0,0,Self-employed,,0.4023965021440252,0.29859498978739724,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-531.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1049865,343729,Consumer loans,6053.445,24030.0,28489.5,0.0,24030.0,THURSDAY,9,Y,1,0.0,,,XAP,Approved,-1680,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,46,Connectivity,6.0,high,POS mobile with interest,365243.0,-1649.0,-1499.0,-1529.0,-1523.0,0.0,0,Cash loans,F,N,Y,1,117000.0,1006920.0,42790.5,900000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-15081,-2061,-7709.0,-3657,,1,1,0,1,1,0,Medicine staff,3.0,2,2,THURSDAY,10,0,0,0,0,0,0,Medicine,0.6888663693834125,0.4222693784963809,0.5370699579791587,0.1227,0.0603,0.9866,0.8164,0.0493,0.0,0.2759,0.1667,0.0417,0.098,0.0992,0.121,0.0039,0.0027,0.125,0.0626,0.9866,0.8236,0.0498,0.0,0.2759,0.1667,0.0417,0.1003,0.1084,0.126,0.0039,0.0029,0.1239,0.0603,0.9866,0.8189,0.0496,0.0,0.2759,0.1667,0.0417,0.0998,0.1009,0.1231,0.0039,0.0028,reg oper account,block of flats,0.1227,Panel,No,0.0,0.0,0.0,0.0,-1990.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1559936,251492,Consumer loans,4512.51,23562.0,22131.0,2475.0,23562.0,TUESDAY,16,Y,1,0.10954645208485736,,,XAP,Approved,-2012,XNA,XAP,,New,Mobile,POS,XNA,Country-wide,46,Connectivity,6.0,high,POS mobile with interest,365243.0,-1978.0,-1828.0,-1828.0,-1825.0,0.0,0,Cash loans,F,Y,Y,2,157500.0,942300.0,30528.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.009656999999999999,-17099,-2992,-3465.0,-639,64.0,1,1,0,1,0,0,Laborers,3.0,2,2,FRIDAY,17,0,0,0,0,0,0,Trade: type 7,,0.2962028246127759,0.13765446191826075,0.066,0.0018,0.9747,0.6532,0.0315,0.0,0.1379,0.125,0.1667,0.0837,0.053,0.0719,0.0039,0.003,0.0672,0.0019,0.9747,0.6668,0.0318,0.0,0.1379,0.125,0.1667,0.0856,0.0579,0.0749,0.0039,0.0032,0.0666,0.0018,0.9747,0.6578,0.0317,0.0,0.1379,0.125,0.1667,0.0852,0.0539,0.0732,0.0039,0.0031,reg oper account,block of flats,0.0572,"Stone, brick",No,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2098228,349595,Cash loans,26280.63,427500.0,512145.0,,427500.0,THURSDAY,17,Y,1,,,,XNA,Refused,-20,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,N,Y,0,247500.0,628069.5,32197.5,499500.0,Unaccompanied,Commercial associate,Lower secondary,Single / not married,House / apartment,0.00702,-13811,-1998,-7426.0,-4758,,1,1,0,1,0,0,Sales staff,1.0,2,2,WEDNESDAY,16,0,0,0,1,1,0,Self-employed,,0.6793930805100056,0.5334816299804352,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-863.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1610758,389665,Cash loans,15994.845,157500.0,236470.5,,157500.0,FRIDAY,11,Y,1,,,,XNA,Approved,-971,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,high,Cash Street: high,,,,,,,0,Cash loans,F,Y,N,0,112500.0,450000.0,21109.5,450000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.009656999999999999,-12445,-4653,-6384.0,-3957,11.0,1,1,0,1,1,1,High skill tech staff,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Other,0.6285161059133528,0.5587282901775965,0.3490552510751822,0.0928,0.1091,0.9831,,,0.0,0.2069,0.1667,,0.0757,,0.091,,0.0,0.0945,0.1132,0.9831,,,0.0,0.2069,0.1667,,0.0774,,0.0948,,0.0,0.0937,0.1091,0.9831,,,0.0,0.2069,0.1667,,0.077,,0.0927,,0.0,,block of flats,0.0975,Panel,No,8.0,0.0,8.0,0.0,-2045.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2543786,404802,Revolving loans,3375.0,67500.0,67500.0,,67500.0,TUESDAY,12,Y,1,,,,XAP,Refused,-611,XNA,LIMIT,,New,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,1,Cash loans,M,Y,N,0,180000.0,247275.0,22680.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-18963,-1168,-11591.0,-2494,14.0,1,1,1,1,1,0,Drivers,2.0,2,2,SUNDAY,9,0,0,0,0,0,0,Self-employed,,0.2536240581969314,0.07249667675378216,0.0433,0.0494,0.9737,,,0.0,0.1034,0.125,,0.0393,,0.0347,,0.002,0.0252,0.0413,0.9732,,,0.0,0.069,0.0833,,0.0251,,0.0193,,0.0,0.0437,0.0494,0.9737,,,0.0,0.1034,0.125,,0.04,,0.0353,,0.002,,block of flats,0.028,Block,No,0.0,0.0,0.0,0.0,-611.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1136522,325087,Cash loans,19141.29,270000.0,299223.0,,270000.0,TUESDAY,16,Y,1,,,,XNA,Approved,-497,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-467.0,223.0,-317.0,-310.0,1.0,0,Cash loans,F,N,Y,2,90000.0,512064.0,18522.0,360000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-13363,-766,-38.0,-4016,,1,1,0,1,0,0,Laborers,4.0,2,2,TUESDAY,15,0,0,0,0,1,1,Business Entity Type 3,,0.2871764246144269,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-497.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1048158,357750,Cash loans,28941.48,900000.0,1030680.0,,900000.0,WEDNESDAY,18,Y,1,,,,Buying a used car,Refused,-590,Cash through the bank,HC,"Spouse, partner",Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,N,0,270000.0,315000.0,14593.5,315000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010966,-21552,-13117,-64.0,-4795,,1,1,0,1,1,0,High skill tech staff,2.0,2,2,TUESDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.34450253111775514,0.5691487713619409,0.0907,0.0377,1.0,1.0,0.0394,0.08,0.0345,0.6667,0.7083,0.1314,0.0706,0.0918,0.0154,0.0286,0.0924,0.0391,1.0,1.0,0.0247,0.0806,0.0345,0.6667,0.7083,0.1344,0.0771,0.0954,0.0156,0.0302,0.0916,0.0377,1.0,1.0,0.0397,0.08,0.0345,0.6667,0.7083,0.1337,0.0718,0.0934,0.0155,0.0292,not specified,block of flats,0.1083,"Stone, brick",No,6.0,0.0,5.0,0.0,-595.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2788827,351107,Consumer loans,3802.23,31905.0,29821.5,4770.0,31905.0,TUESDAY,9,Y,1,0.15018035171541091,,,XAP,Approved,-1843,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,45,Connectivity,12.0,high,POS mobile with interest,365243.0,-1812.0,-1482.0,-1482.0,-1474.0,0.0,1,Cash loans,M,N,Y,0,202500.0,1096020.0,56092.5,900000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.035792000000000004,-10711,-199,-4965.0,-3333,,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,11,0,0,0,0,1,1,Self-employed,,0.4595805798928399,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-134.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,1.0,0.0,5.0 +1705787,265248,Cash loans,22962.33,315000.0,349929.0,0.0,315000.0,THURSDAY,9,Y,1,0.0,,,XNA,Approved,-2161,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,24.0,middle,Cash Street: middle,365243.0,-2131.0,-1441.0,-1441.0,-1437.0,1.0,0,Cash loans,F,N,N,0,157500.0,284400.0,16456.5,225000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.019101,-23831,365243,-7273.0,-4228,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,17,0,0,0,0,0,0,XNA,0.8095546311980908,0.6513758422754009,0.8245949709919925,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1482.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1377401,148785,Cash loans,59485.5,2250000.0,2250000.0,,2250000.0,WEDNESDAY,17,Y,1,,,,XNA,Approved,-500,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,N,0,180000.0,454500.0,26091.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00702,-20313,-12063,-3227.0,-3763,7.0,1,1,1,1,0,0,,2.0,2,2,FRIDAY,12,0,0,0,0,1,1,Insurance,,0.1880156909365574,0.4686596550493113,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1492470,416779,Revolving loans,22500.0,0.0,450000.0,,,MONDAY,9,Y,1,,,,XAP,Approved,-1286,XNA,XAP,,Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-1246.0,-1207.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,2,99000.0,253737.0,17086.5,229500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.009549,-12913,-772,-137.0,-5105,,1,1,0,1,0,0,Sales staff,4.0,2,2,SATURDAY,15,0,0,0,0,0,0,Industry: type 4,,0.3631732646638437,0.5849900404894085,0.0634,0.0865,0.9786,,,,0.1207,0.1042,,0.0622,,0.0493,,,0.0347,0.0898,0.9717,,,,0.0345,0.0417,,0.0278,,0.0152,,,0.064,0.0865,0.9786,,,,0.1207,0.1042,,0.0633,,0.0502,,,,block of flats,0.0812,"Stone, brick",No,0.0,0.0,0.0,0.0,-2467.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2186583,422709,Consumer loans,19947.24,304546.5,274090.5,30456.0,304546.5,MONDAY,12,Y,1,0.10891391865371207,,,XAP,Approved,-1223,Cash through the bank,XAP,Unaccompanied,New,Construction Materials,POS,XNA,Stone,22,Construction,18.0,middle,POS industry with interest,365243.0,-1192.0,-682.0,-832.0,-825.0,0.0,0,Cash loans,F,Y,Y,0,202500.0,227520.0,12834.0,180000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.004849,-21916,365243,-11727.0,-4047,4.0,1,0,0,1,0,0,,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,XNA,,0.030111315697229003,0.6785676886853644,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2590988,443215,Consumer loans,5026.32,26100.0,24651.0,2610.0,26100.0,SATURDAY,12,Y,1,0.1042708364596776,,,XAP,Refused,-2125,Cash through the bank,HC,Unaccompanied,Repeater,Mobile,POS,XNA,Stone,6,Connectivity,6.0,high,POS mobile with interest,,,,,,,0,Cash loans,M,Y,Y,2,135000.0,199080.0,15858.0,157500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-12081,-382,-1679.0,-4132,14.0,1,1,0,1,0,0,Drivers,4.0,2,2,WEDNESDAY,10,0,0,0,0,1,1,Business Entity Type 3,0.2604850806677052,0.3986057310942711,0.3723336657058204,0.0124,0.0,0.9617,0.4764,0.0167,0.0,0.069,0.0417,0.0417,,0.0101,0.0116,0.0,,0.0126,0.0,0.9618,0.4969,0.0169,0.0,0.069,0.0417,0.0417,,0.011,0.0121,0.0,,0.0125,0.0,0.9617,0.4834,0.0168,0.0,0.069,0.0417,0.0417,,0.0103,0.0118,0.0,,reg oper account,block of flats,0.0091,Wooden,No,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2314226,267791,Consumer loans,6964.785,64345.5,62689.5,6435.0,64345.5,SUNDAY,12,Y,1,0.1013866284747087,,,XAP,Approved,-2243,XNA,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,1170,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2212.0,-1942.0,-2032.0,-2026.0,1.0,0,Cash loans,M,N,Y,1,135000.0,352044.0,13401.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-12571,-1430,-7443.0,-2203,,1,1,0,1,0,0,Laborers,3.0,3,3,WEDNESDAY,5,0,0,0,0,0,0,Business Entity Type 3,,0.386991265610536,0.6127042441012546,0.2021,0.1458,0.9896,0.8572,0.0507,0.2,0.1724,0.3333,0.0417,,,0.2349,,0.0,0.2059,0.1513,0.9896,0.8628,0.0512,0.2014,0.1724,0.3333,0.0417,,,0.2447,,0.0,0.204,0.1458,0.9896,0.8591,0.051,0.2,0.1724,0.3333,0.0417,,,0.2391,,0.0,,block of flats,0.2125,Panel,No,0.0,0.0,0.0,0.0,-1167.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2229769,443703,Revolving loans,2250.0,45000.0,45000.0,,45000.0,FRIDAY,13,Y,1,,,,XAP,Approved,-388,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Regional / Local,10,Consumer electronics,0.0,XNA,Card Street,-387.0,-344.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,2,180000.0,450000.0,48465.0,450000.0,Unaccompanied,State servant,Secondary / secondary special,Married,Office apartment,0.015221,-11176,-2904,-1312.0,-3308,,1,1,1,1,0,0,Laborers,4.0,2,2,FRIDAY,19,0,0,0,0,0,0,Military,0.4690687194437676,0.10094462124338648,,0.1072,0.0,0.996,0.9456,0.1196,0.0,0.069,0.1667,0.2083,0.0806,0.0874,0.0572,0.0,0.0,0.1092,0.0,0.996,0.9477,0.1207,0.0,0.069,0.1667,0.2083,0.0824,0.0955,0.0596,0.0,0.0,0.1083,0.0,0.996,0.9463,0.1203,0.0,0.069,0.1667,0.2083,0.08199999999999999,0.0889,0.0583,0.0,0.0,not specified,block of flats,0.1169,Panel,No,2.0,1.0,2.0,1.0,-458.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1902055,337158,Consumer loans,8293.635,57375.0,41323.5,18000.0,57375.0,WEDNESDAY,13,Y,1,0.3304531317881844,,,XAP,Approved,-2576,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,73,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2545.0,-2395.0,-2395.0,-2243.0,1.0,0,Revolving loans,M,N,Y,1,171000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.018209,-9494,-1032,-4087.0,-2162,,1,1,0,1,0,0,,2.0,3,3,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.4869335118981589,0.5585066276769286,0.1093,0.1015,0.9776,0.6940000000000001,0.0,0.0,0.2069,0.1667,0.2083,0.0195,0.0891,0.08900000000000001,0.0,0.0,0.1113,0.1054,0.9777,0.706,0.0,0.0,0.2069,0.1667,0.2083,0.0199,0.0973,0.0928,0.0,0.0,0.1103,0.1015,0.9776,0.6981,0.0,0.0,0.2069,0.1667,0.2083,0.0198,0.0906,0.0906,0.0,0.0,reg oper account,block of flats,0.07,Panel,No,,,,,-1758.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1209654,385267,Cash loans,21061.98,270000.0,291919.5,,270000.0,MONDAY,9,Y,1,,,,XNA,Approved,-478,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-448.0,62.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,0,216000.0,253737.0,14697.0,229500.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.002042,-22384,-332,-11894.0,-5040,6.0,1,1,0,1,0,0,Managers,2.0,3,3,WEDNESDAY,17,0,0,0,0,0,0,Other,,0.7619710013375215,0.5028782772082183,0.0165,0.0433,0.9831,0.7688,0.0064,0.0,0.1034,0.0417,0.0833,0.034,0.0134,0.0184,0.0,0.0405,0.0168,0.045,0.9831,0.7779,0.0064,0.0,0.1034,0.0417,0.0833,0.0347,0.0147,0.0192,0.0,0.0428,0.0167,0.0433,0.9831,0.7719,0.0064,0.0,0.1034,0.0417,0.0833,0.0346,0.0137,0.0187,0.0,0.0413,,block of flats,0.0233,"Stone, brick",No,2.0,0.0,2.0,0.0,-740.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2659916,375562,Consumer loans,6973.065,39861.0,37651.5,3987.0,39861.0,WEDNESDAY,13,Y,1,0.10428342650540856,,,XAP,Approved,-1930,Cash through the bank,XAP,Children,Repeater,Auto Accessories,POS,XNA,Stone,63,Industry,6.0,middle,POS industry with interest,365243.0,-1899.0,-1749.0,-1809.0,-1807.0,0.0,0,Cash loans,F,N,Y,0,202500.0,345645.0,12546.0,243000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.022625,-20008,-11844,-6830.0,-3541,,1,1,0,1,1,0,Laborers,1.0,2,2,MONDAY,12,0,0,0,0,0,0,Transport: type 4,0.7299358681073383,0.7067321599285914,0.8106180215523969,0.2474,0.1535,0.9906,0.8708,0.1121,0.24,0.2069,0.375,0.4167,0.1443,0.2017,0.2826,0.0,0.0,0.2521,0.1592,0.9906,0.8759,0.1131,0.2417,0.2069,0.375,0.4167,0.1476,0.2204,0.2944,0.0,0.0,0.2498,0.1535,0.9906,0.8725,0.1128,0.24,0.2069,0.375,0.4167,0.1468,0.2052,0.2876,0.0,0.0,not specified,block of flats,0.2835,Panel,No,0.0,0.0,0.0,0.0,-2567.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2188472,106970,Consumer loans,8500.32,45657.0,47916.0,0.0,45657.0,SATURDAY,17,Y,1,0.0,,,XAP,Approved,-1123,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Regional / Local,780,Consumer electronics,6.0,low_normal,POS household without interest,,,,,,,0,Cash loans,F,Y,N,0,202500.0,1575000.0,80010.0,1575000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.032561,-20434,-3323,-2898.0,-3963,3.0,1,1,1,1,1,0,Managers,2.0,1,1,MONDAY,9,0,0,0,0,0,0,Business Entity Type 1,,0.7894872206267629,0.7583930617144343,0.0247,0.0,0.9702,0.4764,0.008,0.0,0.1034,0.125,0.0417,0.0292,0.0202,0.0446,0.0,0.0,0.0252,0.0,0.9702,0.4969,0.008,0.0,0.1034,0.125,0.0417,0.0298,0.022,0.0464,0.0,0.0,0.025,0.0,0.9702,0.4834,0.008,0.0,0.1034,0.125,0.0417,0.0297,0.0205,0.0454,0.0,0.0,reg oper account,block of flats,0.0394,"Stone, brick",No,1.0,0.0,1.0,0.0,-2104.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2751549,209728,Consumer loans,12594.375,81827.1,103572.0,3.6,81827.1,MONDAY,14,Y,1,3.7853773212293934e-05,,,XAP,Approved,-1745,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,552,Consumer electronics,12.0,high,POS household with interest,365243.0,-1714.0,-1384.0,-1384.0,-1375.0,0.0,0,Cash loans,F,N,N,2,427500.0,900000.0,60520.5,900000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.003540999999999999,-14506,-348,-4711.0,-1357,,1,1,1,1,1,0,Private service staff,4.0,1,1,MONDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.6242585751853118,0.36896873825284665,0.1423,0.1181,0.9866,0.8164,,0.1064,0.1607,0.2775,0.3192,0.0481,,0.132,,0.136,0.0945,0.1123,0.9866,0.8236,,0.1611,0.1379,0.3333,0.375,0.0477,,0.101,,0.0027,0.1499,0.1188,0.9866,0.8189,,0.16,0.1379,0.3333,0.375,0.049,,0.1489,,0.1492,not specified,block of flats,0.0993,Panel,No,1.0,1.0,1.0,0.0,-1541.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1595381,281406,Cash loans,22716.495,382500.0,426681.0,,382500.0,WEDNESDAY,14,Y,1,,,,XNA,Approved,-719,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,365243.0,-689.0,181.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,N,0,157500.0,526491.0,29529.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.030755,-9435,-1218,-1852.0,-2104,25.0,1,1,0,1,0,0,Laborers,1.0,2,2,MONDAY,15,0,0,0,0,0,0,Self-employed,0.07868674804189214,0.6339983879217309,0.6041125998015721,0.1433,0.0909,0.9841,0.7824,0.0619,0.04,0.0345,0.3333,0.0417,0.0631,0.1152,0.129,0.0077,0.0134,0.146,0.0943,0.9841,0.7909,0.0625,0.0403,0.0345,0.3333,0.0417,0.0645,0.1258,0.1344,0.0078,0.0141,0.1447,0.0909,0.9841,0.7853,0.0623,0.04,0.0345,0.3333,0.0417,0.0642,0.1171,0.1313,0.0078,0.0136,reg oper account,block of flats,0.1382,"Stone, brick",No,0.0,0.0,0.0,0.0,-1588.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1029185,321047,Consumer loans,4091.04,15979.5,14359.5,1620.0,15979.5,SATURDAY,9,Y,1,0.11041191981772093,,,XAP,Approved,-2749,Cash through the bank,XAP,,New,Mobile,POS,XNA,Stone,15,Connectivity,4.0,high,POS mobile with interest,365243.0,-2714.0,-2624.0,-2624.0,-2573.0,0.0,0,Cash loans,M,Y,N,0,112500.0,888840.0,29506.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,Municipal apartment,0.022625,-19549,-2629,-8856.0,-3100,49.0,1,1,0,1,0,0,Security staff,1.0,2,2,THURSDAY,9,0,0,0,0,0,0,Security,,0.667069238633848,0.6075573001388961,0.0124,0.0,0.9632,0.4968,0.0169,0.0,0.069,0.0417,0.0417,0.0244,0.0101,0.0151,0.0,0.0,0.0126,0.0,0.9633,0.5165,0.0171,0.0,0.069,0.0417,0.0417,0.025,0.011,0.0158,0.0,0.0,0.0125,0.0,0.9632,0.5035,0.017,0.0,0.069,0.0417,0.0417,0.0248,0.0103,0.0154,0.0,0.0,reg oper spec account,block of flats,0.0211,"Stone, brick",No,1.0,1.0,1.0,1.0,-2347.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2526819,326253,Consumer loans,3865.59,33430.5,37705.5,0.0,33430.5,SATURDAY,7,Y,1,0.0,,,XAP,Approved,-525,Cash through the bank,XAP,,Repeater,Construction Materials,POS,XNA,Stone,100,Construction,12.0,middle,POS industry with interest,,,,,,,1,Cash loans,F,Y,Y,1,135000.0,601474.5,29065.5,486000.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.020713,-11762,-2308,-2383.0,-2366,14.0,1,1,0,1,0,0,Laborers,3.0,3,3,SATURDAY,8,0,0,0,0,0,0,Construction,0.31360865697080725,0.5629777519264709,0.4382813743111921,0.1113,0.1248,0.9796,,,0.0,0.2759,0.1667,,0.0853,,0.1122,,0.136,0.1134,0.1295,0.9796,,,0.0,0.2759,0.1667,,0.0872,,0.1169,,0.14400000000000002,0.1124,0.1248,0.9796,,,0.0,0.2759,0.1667,,0.0868,,0.1143,,0.1388,,block of flats,0.0883,Panel,No,0.0,0.0,0.0,0.0,-794.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1316372,424017,Consumer loans,8563.32,162243.0,190084.5,0.0,162243.0,MONDAY,18,Y,1,0.0,,,XAP,Approved,-773,XNA,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,2441,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-742.0,-52.0,-712.0,-702.0,0.0,0,Revolving loans,F,N,Y,1,112500.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-8032,-474,-7450.0,-224,,1,1,0,1,0,0,Private service staff,3.0,2,2,THURSDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.5549408475943902,0.5745836741434339,0.3360615207658242,0.1309,0.1109,0.9901,,,0.12,0.1034,0.3333,,0.0963,,0.1485,,0.0235,0.1334,0.115,0.9901,,,0.1208,0.1034,0.3333,,0.0985,,0.1548,,0.0249,0.1322,0.1109,0.9901,,,0.12,0.1034,0.3333,,0.098,,0.1512,,0.024,,block of flats,0.1219,Panel,No,5.0,0.0,5.0,0.0,-281.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1947814,187537,Consumer loans,4687.335,51187.32,51183.0,4.32,51187.32,SUNDAY,18,Y,1,9.191480873139533e-05,,,XAP,Approved,-584,Cash through the bank,XAP,,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,2148,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-553.0,-223.0,-223.0,-220.0,0.0,0,Cash loans,M,N,Y,1,247500.0,1125000.0,59940.0,1125000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.026392000000000002,-10090,-1356,-4635.0,-2724,,1,1,1,1,1,0,Managers,3.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,Business Entity Type 3,,0.6351596097091011,0.5971924268337128,0.1113,,0.9846,,,0.12,0.1034,0.3333,,,,0.113,,0.0011,0.1134,,0.9846,,,0.1208,0.1034,0.3333,,,,0.1177,,0.0011,0.1124,,0.9846,,,0.12,0.1034,0.3333,,,,0.115,,0.0011,,block of flats,0.1011,Panel,No,13.0,0.0,12.0,0.0,-1592.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2048516,176295,Consumer loans,8450.145,84510.0,76059.0,8451.0,84510.0,WEDNESDAY,13,Y,1,0.1089090909090909,,,XAP,Approved,-2189,XNA,XAP,Family,New,Construction Materials,POS,XNA,Regional / Local,6,Construction,10.0,low_normal,POS industry with interest,365243.0,-2157.0,-1887.0,-1887.0,-1884.0,0.0,0,Cash loans,F,N,Y,0,117000.0,284400.0,16011.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.0038130000000000004,-24410,365243,-11973.0,-4375,,1,0,0,1,1,0,,2.0,2,2,MONDAY,10,0,0,0,0,0,0,XNA,,0.5686453395203537,0.8027454758994178,,,0.9836,,,0.08,0.069,0.3333,,,,,,,,,0.9836,,,0.0806,0.069,0.3333,,,,,,,,,0.9836,,,0.08,0.069,0.3333,,,,,,,,,0.0744,"Stone, brick",No,2.0,0.0,2.0,0.0,-151.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2623145,293813,Cash loans,20865.15,225000.0,299056.5,,225000.0,WEDNESDAY,14,Y,1,,,,XNA,Approved,-712,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-682.0,8.0,-52.0,-50.0,1.0,0,Cash loans,M,Y,N,0,270000.0,876816.0,47695.5,720000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.022625,-11878,-1535,-733.0,-3707,22.0,1,1,0,1,0,0,,1.0,2,2,MONDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.21856707533254624,0.7102638587263062,0.5442347412142162,0.0969,0.0368,0.9896,0.8572,0.0368,0.08,0.0345,0.5417,0.5833,0.0988,0.079,0.0953,0.0,0.0147,0.0987,0.0382,0.9896,0.8628,0.0371,0.0806,0.0345,0.5417,0.5833,0.101,0.0863,0.0993,0.0,0.0155,0.0978,0.0368,0.9896,0.8591,0.037000000000000005,0.08,0.0345,0.5417,0.5833,0.1005,0.0804,0.097,0.0,0.015,,block of flats,0.0983,"Stone, brick",No,2.0,0.0,2.0,0.0,-712.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1039620,302616,Cash loans,68020.2,702000.0,726093.0,,702000.0,WEDNESDAY,18,Y,1,,,,XNA,Approved,-393,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-363.0,-33.0,-33.0,-25.0,1.0,0,Cash loans,F,N,Y,0,180000.0,495000.0,52110.0,495000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.04622,-15255,-2900,-3374.0,-608,,1,1,0,1,0,0,Managers,2.0,1,1,THURSDAY,18,0,0,0,0,0,0,Self-employed,,0.6964826094398836,,0.0722,0.083,0.9771,,,0.0,0.1379,0.1667,,,,0.0658,,0.0192,0.0735,0.0862,0.9772,,,0.0,0.1379,0.1667,,,,0.0686,,0.0203,0.0729,0.083,0.9771,,,0.0,0.1379,0.1667,,,,0.067,,0.0196,,block of flats,0.0539,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2361541,202047,Cash loans,25322.895,225000.0,254700.0,,225000.0,FRIDAY,15,Y,1,,,,XNA,Refused,-231,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,99000.0,178290.0,18396.0,157500.0,Unaccompanied,Pensioner,Lower secondary,Married,House / apartment,0.007120000000000001,-24795,365243,-2972.0,-4529,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,XNA,,0.7077780302305599,0.7121551551910698,0.0082,,0.9732,,,0.0,0.069,0.0417,,,,0.0054,,0.0,0.0084,,0.9732,,,0.0,0.069,0.0417,,,,0.0056,,0.0,0.0083,,0.9732,,,0.0,0.069,0.0417,,,,0.0055,,0.0,,block of flats,0.0042,"Stone, brick",No,0.0,0.0,0.0,0.0,-1491.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +2600060,429828,Consumer loans,6357.375,52285.5,52285.5,0.0,52285.5,SATURDAY,18,Y,1,0.0,,,XAP,Approved,-62,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,180,Connectivity,12.0,high,POS mobile with interest,365243.0,365243.0,304.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,202500.0,400554.0,26766.0,310500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.018634,-9247,-1666,-9194.0,-1681,16.0,1,1,1,1,1,0,Laborers,1.0,2,2,FRIDAY,9,0,0,0,0,0,0,Transport: type 4,,0.3408231613169002,0.28961123838200553,0.1361,0.0573,0.9752,0.66,0.0103,0.0,0.2069,0.1667,0.2083,0.0338,0.1042,0.0903,0.0309,0.067,0.1387,0.0594,0.9752,0.6733,0.0104,0.0,0.2069,0.1667,0.2083,0.0346,0.1139,0.0941,0.0311,0.0709,0.1374,0.0573,0.9752,0.6645,0.0104,0.0,0.2069,0.1667,0.2083,0.0344,0.106,0.092,0.0311,0.0684,,block of flats,0.0913,"Stone, brick",No,1.0,0.0,1.0,0.0,-857.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +1226840,387426,Revolving loans,4500.0,90000.0,90000.0,,90000.0,TUESDAY,12,Y,1,,,,XAP,Approved,-409,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-409.0,-369.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,1,135000.0,375408.0,29790.0,297000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.022625,-10649,-290,-1470.0,-2802,,1,1,0,1,1,0,Laborers,3.0,2,2,FRIDAY,14,0,0,0,0,1,1,Construction,0.09609104462686872,0.7595232324491626,0.6161216908872079,0.0619,0.0496,0.9742,,,0.0,0.1034,0.1667,,0.0437,,0.0505,,0.0,0.063,0.0515,0.9742,,,0.0,0.1034,0.1667,,0.0447,,0.0526,,0.0,0.0625,0.0496,0.9742,,,0.0,0.1034,0.1667,,0.0444,,0.0514,,0.0,,block of flats,0.0511,Panel,No,0.0,0.0,0.0,0.0,-409.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +2313744,424037,Consumer loans,17890.92,248310.0,272893.5,0.0,248310.0,MONDAY,14,Y,1,0.0,,,XAP,Approved,-476,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,220,Consumer electronics,18.0,low_normal,POS household with interest,365243.0,-438.0,72.0,365243.0,365243.0,0.0,1,Revolving loans,M,N,Y,0,180000.0,180000.0,9000.0,180000.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.025164,-8740,-1007,-3015.0,-1407,,1,1,0,1,0,0,Core staff,2.0,2,2,MONDAY,13,0,0,0,0,0,0,Trade: type 2,,0.006969250088777258,0.7136313997323308,0.0948,0.1138,0.9901,0.8640000000000001,0.0139,0.0,0.2069,0.1667,0.2083,0.0843,0.0773,0.0965,0.0,0.0,0.0966,0.1181,0.9901,0.8693,0.014,0.0,0.2069,0.1667,0.2083,0.0862,0.0845,0.1005,0.0,0.0,0.0958,0.1138,0.9901,0.8658,0.014,0.0,0.2069,0.1667,0.2083,0.0858,0.0787,0.0982,0.0,0.0,reg oper account,block of flats,0.0835,Panel,No,0.0,0.0,0.0,0.0,0.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1510535,205661,Cash loans,26901.0,675000.0,675000.0,,675000.0,THURSDAY,11,Y,1,,,,XNA,Approved,-965,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,36.0,low_normal,Cash Street: low,365243.0,-932.0,118.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,157500.0,774000.0,32922.0,774000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.022625,-18485,-2136,-867.0,-2011,,1,1,0,1,0,0,Managers,1.0,2,2,THURSDAY,11,0,0,0,0,0,0,Trade: type 7,0.6739347373665673,0.5877408874436358,0.7713615919194317,0.0309,0.0255,0.9732,,,0.0,0.069,0.125,,0.0188,,0.0238,,0.0094,0.0315,0.0264,0.9732,,,0.0,0.069,0.125,,0.0193,,0.0248,,0.0099,0.0312,0.0255,0.9732,,,0.0,0.069,0.125,,0.0191,,0.0242,,0.0096,,block of flats,0.0266,"Stone, brick",No,1.0,1.0,1.0,1.0,-1934.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2662766,177484,Consumer loans,11700.315,95481.0,104935.5,0.0,95481.0,FRIDAY,9,Y,1,0.0,,,XAP,Approved,-1349,Cash through the bank,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Country-wide,2000,Consumer electronics,12.0,high,POS household with interest,365243.0,-1318.0,-988.0,-988.0,-983.0,0.0,0,Cash loans,M,N,Y,0,126000.0,630000.0,30307.5,630000.0,Unaccompanied,Working,Lower secondary,Married,House / apartment,0.002134,-14129,-281,-7781.0,-4261,,1,1,0,1,0,0,Laborers,2.0,3,3,WEDNESDAY,5,0,0,0,1,0,1,Construction,,0.6379572839777337,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1349.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1672409,123034,Consumer loans,2593.395,25695.0,25695.0,0.0,25695.0,MONDAY,19,Y,1,0.0,0.19690014734217387,0.8673361522198731,XAP,Approved,-103,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,15,Connectivity,12.0,middle,POS mobile with interest,365243.0,-59.0,271.0,-59.0,-55.0,0.0,0,Revolving loans,M,N,Y,2,157500.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008473999999999999,-13869,-869,-6291.0,-4142,,1,1,0,1,1,0,Laborers,4.0,2,2,SATURDAY,16,0,0,0,0,0,0,Electricity,0.1767513183865034,0.6318086365734928,0.6347055309763198,0.1649,0.1185,0.9891,,,0.16,0.1379,0.375,,0.022,,0.1851,,,0.1681,0.123,0.9891,,,0.1611,0.1379,0.375,,0.0225,,0.1928,,,0.1665,0.1185,0.9891,,,0.16,0.1379,0.375,,0.0224,,0.1884,,,,block of flats,0.1786,Panel,No,0.0,0.0,0.0,0.0,-399.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2382585,151327,Consumer loans,5655.33,55120.5,48460.5,11025.0,55120.5,MONDAY,12,Y,1,0.2018513296976116,,,XAP,Approved,-2874,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Country-wide,14,Connectivity,12.0,low_normal,POS mobile with interest,365243.0,-2843.0,-2513.0,-2513.0,-2511.0,1.0,0,Cash loans,M,Y,N,0,121500.0,1236816.0,36288.0,1080000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-14613,-5169,-5285.0,-4448,24.0,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.7140471626419805,0.4884551844437485,0.0907,0.0164,0.997,0.9592,0.0592,0.08,0.0345,0.625,0.0417,0.0183,0.07400000000000001,0.1381,0.0154,0.0753,0.0924,0.0171,0.997,0.9608,0.0597,0.0806,0.0345,0.625,0.0417,0.0187,0.0808,0.1439,0.0156,0.0798,0.0916,0.0164,0.997,0.9597,0.0596,0.08,0.0345,0.625,0.0417,0.0186,0.0752,0.1406,0.0155,0.0769,reg oper spec account,block of flats,0.1573,Mixed,No,6.0,0.0,6.0,0.0,-1527.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1004143,211001,Consumer loans,2776.635,17955.0,20106.0,1795.5,17955.0,FRIDAY,13,Y,1,0.08928442012066419,,,XAP,Approved,-1039,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,25,Consumer electronics,10.0,high,POS mobile with interest,365243.0,-1008.0,-738.0,-738.0,-728.0,0.0,0,Cash loans,F,N,Y,0,112500.0,360000.0,20232.0,360000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.015221,-13602,-3259,-7112.0,-4751,,1,1,1,1,1,0,Sales staff,2.0,2,2,MONDAY,11,0,0,0,0,0,0,Trade: type 7,,0.4774989486956868,0.4848514754962666,0.0825,0.0891,0.9881,0.8368,0.0169,0.0,0.2759,0.1667,0.2083,0.0811,0.0672,0.0919,0.0,0.0,0.084,0.0925,0.9881,0.8432,0.017,0.0,0.2759,0.1667,0.2083,0.083,0.0735,0.0957,0.0,0.0,0.0833,0.0891,0.9881,0.8390000000000001,0.017,0.0,0.2759,0.1667,0.2083,0.0825,0.0684,0.0935,0.0,0.0,reg oper account,block of flats,0.0723,"Stone, brick",No,6.0,0.0,5.0,0.0,-1893.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,3.0 +2128707,270329,Cash loans,35329.455,445500.0,445500.0,,445500.0,TUESDAY,14,Y,1,,,,XNA,Refused,-49,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,M,Y,Y,0,112500.0,225000.0,17775.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-15761,-3093,-4346.0,-4777,4.0,1,1,0,1,0,0,Managers,2.0,2,2,TUESDAY,16,0,0,0,0,0,0,Security,,0.6823295470500789,0.4543210601605785,0.0784,,0.9752,,,0.0,0.1379,0.1667,,0.0288,,0.0607,,0.0114,0.0798,,0.9752,,,0.0,0.1379,0.1667,,0.0294,,0.0632,,0.012,0.0791,,0.9752,,,0.0,0.1379,0.1667,,0.0293,,0.0617,,0.0116,,block of flats,0.0502,"Stone, brick",No,5.0,0.0,5.0,0.0,-1504.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +2096116,108126,Cash loans,15526.665,337500.0,465844.5,,337500.0,FRIDAY,9,Y,1,,,,XNA,Approved,-840,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,AP+ (Cash loan),116,XNA,48.0,low_normal,Cash Street: low,365243.0,-809.0,601.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,117000.0,226422.0,12411.0,189000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.020246,-10734,-999,-3427.0,-3373,,1,1,1,1,0,0,Laborers,2.0,3,3,MONDAY,12,0,0,0,1,1,1,Industry: type 3,,0.4003263771136297,0.511891801533151,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-843.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1915387,282609,Cash loans,24303.15,229500.0,241920.0,,229500.0,WEDNESDAY,16,Y,1,,,,XNA,Approved,-1035,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1005.0,-675.0,-675.0,-666.0,1.0,0,Cash loans,F,N,Y,0,67500.0,922666.5,30622.5,796500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-20854,365243,-5664.0,-4164,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,,0.4463709815709232,0.35895122857839673,0.0371,,0.9737,,,,0.1034,0.125,,0.0427,,0.0205,,0.0704,0.0378,,0.9737,,,,0.1034,0.125,,0.0437,,0.0214,,0.0745,0.0375,,0.9737,,,,0.1034,0.125,,0.0434,,0.0209,,0.0719,,block of flats,0.0389,"Stone, brick",No,3.0,0.0,2.0,0.0,-2079.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2113608,354735,Consumer loans,6229.26,32350.5,30550.5,3240.0,32350.5,WEDNESDAY,12,Y,1,0.10442741437547663,,,XAP,Approved,-1854,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,25,Connectivity,6.0,high,POS mobile with interest,365243.0,-1808.0,-1658.0,-1688.0,-1682.0,0.0,0,Cash loans,M,Y,Y,1,135000.0,224136.0,17707.5,198000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-9645,-1980,-4357.0,-2003,17.0,1,1,1,1,1,0,Laborers,3.0,2,2,TUESDAY,17,0,0,0,0,1,1,Construction,,0.6599118521310512,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-1854.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1963994,348194,Consumer loans,10183.77,135801.0,100471.5,46350.0,135801.0,TUESDAY,9,Y,1,0.3438145206006181,,,XAP,Approved,-812,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,56,Connectivity,14.0,high,POS mobile with interest,365243.0,-774.0,-384.0,-384.0,-380.0,0.0,1,Cash loans,M,N,Y,0,180000.0,942300.0,36643.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-16775,-130,-1021.0,-315,,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,16,0,0,0,0,0,0,Other,0.3981978981301437,0.6247867404983941,0.31547215492577346,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-812.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1726827,375094,Cash loans,21135.78,337500.0,376483.5,,337500.0,FRIDAY,13,Y,1,,,,XNA,Approved,-1299,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,365243.0,-1269.0,-399.0,-549.0,-536.0,1.0,0,Cash loans,F,N,Y,1,247500.0,630000.0,32166.0,630000.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.022625,-13680,-2426,-4595.0,-1763,,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,17,0,0,0,0,0,0,Self-employed,0.2967481813300121,0.4970607275632262,0.4206109640437848,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-407.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1960175,103187,Cash loans,24731.325,378000.0,527688.0,,378000.0,MONDAY,12,Y,1,,,,XNA,Approved,-102,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-72.0,1338.0,365243.0,365243.0,1.0,1,Cash loans,F,N,N,2,121500.0,473661.0,17986.5,333000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.004849,-15472,-6162,-5679.0,-3979,,1,1,0,1,0,0,Medicine staff,4.0,2,2,FRIDAY,12,0,0,0,0,0,0,Medicine,,0.09032179528969173,0.5316861425197883,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,0.0,-1819.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1594857,238207,Consumer loans,16961.49,445500.0,445500.0,0.0,445500.0,TUESDAY,14,Y,1,0.0,,,XAP,Approved,-630,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Stone,15,Consumer electronics,36.0,low_normal,POS household with interest,365243.0,-597.0,453.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,144000.0,367389.0,15696.0,279000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.00702,-21415,365243,-4802.0,-4823,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,XNA,0.8094346724052288,0.7079046534883128,0.5280927512030451,0.0887,0.0764,0.9831,0.7348,0.0,0.04,0.1034,0.25,0.0417,0.0288,0.0588,0.0773,0.0,0.0234,0.0735,0.0792,0.9806,0.7452,0.0,0.0,0.069,0.1667,0.0417,0.0136,0.0643,0.0699,0.0,0.0,0.0895,0.0764,0.9831,0.7383,0.0,0.04,0.1034,0.25,0.0417,0.0293,0.0599,0.0787,0.0,0.0238,reg oper spec account,block of flats,0.0528,"Stone, brick",No,1.0,0.0,1.0,0.0,-50.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,1.0,1.0 +2737313,395476,Consumer loans,8685.045,94815.0,94815.0,0.0,94815.0,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-1309,XNA,XAP,,New,Computers,POS,XNA,Country-wide,100,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-1276.0,-946.0,-946.0,-944.0,0.0,1,Cash loans,M,N,N,0,139500.0,188460.0,10350.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.020713,-12168,-118,-2801.0,-2999,,1,1,0,1,0,0,Laborers,1.0,3,3,SATURDAY,13,0,0,0,0,1,1,Construction,,0.03403590388830004,0.07495928089904688,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-72.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2731784,303692,Consumer loans,,86332.5,86332.5,0.0,86332.5,SUNDAY,19,Y,1,0.0,,,XAP,Refused,-155,Cash through the bank,LIMIT,,Repeater,Mobile,XNA,XNA,Country-wide,38,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,M,Y,N,0,113710.5,568800.0,15772.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.030755,-18007,-414,-298.0,-858,15.0,1,1,1,1,1,0,High skill tech staff,2.0,2,2,FRIDAY,10,0,0,0,1,1,1,Trade: type 3,,0.18640853921057474,0.2225807646753351,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-3.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2241329,179387,Consumer loans,10917.135,87250.5,85437.0,8725.5,87250.5,SATURDAY,17,Y,1,0.10091982187466056,,,XAP,Approved,-439,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,60,Connectivity,10.0,high,POS mobile with interest,365243.0,-402.0,-132.0,-132.0,-130.0,0.0,0,Cash loans,F,N,Y,0,135000.0,417024.0,25330.5,360000.0,Unaccompanied,Working,Higher education,Civil marriage,With parents,0.035792000000000004,-10016,-358,-197.0,-2313,,1,1,0,1,0,0,,2.0,2,2,THURSDAY,11,0,0,0,0,1,1,Business Entity Type 3,0.31086949787409834,0.6037492076915972,0.4365064990977374,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-178.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2817469,231610,Consumer loans,10881.09,54126.0,58414.5,0.0,54126.0,FRIDAY,16,Y,1,0.0,,,XAP,Approved,-28,XNA,XAP,Unaccompanied,Repeater,Auto Accessories,POS,XNA,Stone,300,XNA,6.0,middle,POS other with interest,365243.0,365243.0,152.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,1,126000.0,877500.0,29128.5,877500.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.004849,-8697,-437,-1225.0,-1207,15.0,1,1,0,1,0,0,Private service staff,3.0,2,2,FRIDAY,19,0,0,0,0,0,0,Self-employed,0.3796691202470368,0.4161254309338443,0.19294222771695085,0.2598,0.1837,0.9846,0.7892,0.0478,0.28,0.2414,0.3333,0.375,0.2002,0.2118,0.1593,0.0,0.0089,0.2647,0.1907,0.9846,0.7975,0.0482,0.282,0.2414,0.3333,0.375,0.2048,0.2314,0.166,0.0,0.0094,0.2623,0.1837,0.9846,0.792,0.0481,0.28,0.2414,0.3333,0.375,0.2037,0.2155,0.1622,0.0,0.0091,reg oper account,block of flats,0.2113,Panel,No,0.0,0.0,0.0,0.0,-480.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1915499,183921,Cash loans,4047.525,45000.0,72693.0,,45000.0,THURSDAY,12,Y,1,,,,XNA,Approved,-495,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,high,Cash X-Sell: high,365243.0,-465.0,945.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,0,135000.0,327024.0,16033.5,270000.0,Unaccompanied,Working,Lower secondary,Civil marriage,House / apartment,0.010966,-8685,-137,-8653.0,-1352,16.0,1,1,0,1,0,0,Low-skill Laborers,2.0,2,2,TUESDAY,17,0,0,0,0,0,0,Trade: type 7,,0.38364028579054577,,0.0701,0.0811,0.9806,0.7348,0.0076,0.0,0.1379,0.1667,0.2083,0.0,0.0563,0.0609,0.0039,0.0066,0.0714,0.0842,0.9806,0.7452,0.0077,0.0,0.1379,0.1667,0.2083,0.0,0.0615,0.0635,0.0039,0.006999999999999999,0.0708,0.0811,0.9806,0.7383,0.0077,0.0,0.1379,0.1667,0.2083,0.0,0.0573,0.062,0.0039,0.0067,reg oper account,block of flats,0.0535,"Stone, brick",No,1.0,1.0,1.0,1.0,-1190.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2642209,133982,Consumer loans,5290.965,52915.5,47623.5,5292.0,52915.5,TUESDAY,19,Y,1,0.108918352673774,,,XAP,Approved,-2832,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Regional / Local,191,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2801.0,-2531.0,-2531.0,-2526.0,0.0,0,Cash loans,M,N,N,0,225000.0,177489.0,21190.5,166500.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.00702,-18499,-173,-6973.0,-1992,,1,1,1,1,0,0,,2.0,2,2,SATURDAY,10,0,0,0,0,1,1,Construction,,0.3138656518974671,0.6092756673894402,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-659.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1911438,417677,Consumer loans,5385.105,27999.0,26410.5,2835.0,27999.0,MONDAY,9,Y,1,0.10557428415560437,,,XAP,Approved,-1635,Cash through the bank,XAP,Children,Refreshed,Mobile,POS,XNA,Stone,206,Consumer electronics,6.0,high,POS other with interest,365243.0,-1602.0,-1452.0,-1452.0,-1447.0,0.0,0,Cash loans,F,N,N,2,67500.0,135000.0,5850.0,135000.0,Family,Working,Secondary / secondary special,Separated,House / apartment,0.030755,-15373,-369,-7925.0,-4592,,1,1,0,1,0,0,Low-skill Laborers,3.0,2,2,FRIDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.4913696837584538,0.3915818131005069,0.7850520263728172,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1635.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1471561,234022,Cash loans,11693.52,189000.0,189000.0,,189000.0,THURSDAY,14,Y,1,,,,XNA,Approved,-944,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-914.0,-224.0,-674.0,-668.0,0.0,0,Cash loans,F,N,Y,0,112500.0,1065681.0,45279.0,904500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-17244,-4200,-6039.0,-783,,1,1,0,1,0,1,Cooking staff,2.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,Restaurant,0.6069729686740379,0.7322459322343059,0.7076993447402619,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-628.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2773726,205978,Cash loans,33602.85,405000.0,405000.0,0.0,405000.0,MONDAY,11,Y,1,0.0,,,XNA,Approved,-1734,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,18.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,M,Y,Y,0,157500.0,268659.0,15552.0,243000.0,Unaccompanied,State servant,Secondary / secondary special,Widow,House / apartment,0.007273999999999998,-19336,-2008,-10186.0,-2896,24.0,1,1,0,1,0,0,Security staff,1.0,2,2,SATURDAY,10,0,0,0,0,0,0,Security,,0.14147872574426312,0.6296742509538716,0.0804,0.0976,0.9831,0.7688,,0.0,0.2069,0.1667,,0.0563,0.0656,0.0442,0.0,0.0,0.0819,0.1013,0.9831,0.7779,,0.0,0.2069,0.1667,,0.0576,0.0716,0.0461,0.0,0.0,0.0812,0.0976,0.9831,0.7719,,0.0,0.2069,0.1667,,0.0573,0.0667,0.045,0.0,0.0,reg oper account,block of flats,0.0587,"Stone, brick",No,0.0,0.0,0.0,0.0,-718.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1033014,259798,Consumer loans,6637.77,80955.0,80986.5,13500.0,80955.0,SUNDAY,16,Y,1,0.15560664510514485,,,XAP,Approved,-857,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,25,Connectivity,24.0,high,POS mobile with interest,365243.0,-826.0,-136.0,-646.0,-640.0,0.0,0,Cash loans,F,Y,N,0,67500.0,296280.0,15124.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-13315,-1664,-5731.0,-1213,5.0,1,1,0,1,0,0,,2.0,2,2,TUESDAY,18,0,0,0,0,0,0,Transport: type 4,0.47730750423526397,0.5364885644564406,0.5513812618027899,0.0969,0.0381,0.9816,0.7484,0.0351,0.08,0.0345,0.5417,0.5833,0.0751,0.079,0.0941,0.0,0.199,0.0987,0.0395,0.9816,0.7583,0.0354,0.0806,0.0345,0.5417,0.5833,0.0768,0.0863,0.098,0.0,0.2106,0.0978,0.0381,0.9816,0.7518,0.0353,0.08,0.0345,0.5417,0.5833,0.0764,0.0804,0.0958,0.0,0.2031,,block of flats,0.1364,"Stone, brick",No,3.0,0.0,3.0,0.0,-857.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1685721,437705,Consumer loans,6436.71,47880.0,52938.0,0.0,47880.0,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-380,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,31,Connectivity,12.0,high,POS mobile with interest,365243.0,-331.0,-1.0,-31.0,365243.0,0.0,0,Revolving loans,F,N,Y,2,90000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Widow,Rented apartment,0.035792000000000004,-17772,-1487,-10702.0,-1313,,1,1,0,1,0,0,Accountants,3.0,2,2,MONDAY,16,0,0,0,0,0,0,Other,,0.7576972291954167,0.5726825047161584,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,3.0 +1385183,352442,Consumer loans,15728.985,115456.5,110767.5,11547.0,115456.5,THURSDAY,18,Y,1,0.10281473355385276,,,XAP,Approved,-2364,Non-cash from your account,XAP,Family,Repeater,Computers,POS,XNA,Stone,907,Consumer electronics,8.0,middle,POS household with interest,365243.0,-2333.0,-2123.0,-2123.0,-2116.0,1.0,0,Cash loans,M,N,Y,1,247500.0,835380.0,35523.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.032561,-12408,-1855,-6518.0,-4248,,1,1,0,1,1,0,Laborers,3.0,1,1,TUESDAY,18,0,0,0,0,0,0,Industry: type 11,0.27856366450333725,0.6984068096490958,0.7981372313187245,0.1216,0.1249,0.9767,0.6804,,0.0,0.2069,0.1667,,0.0894,,0.1073,,0.0759,0.1239,0.1296,0.9767,0.6929,,0.0,0.2069,0.1667,,0.0914,,0.1118,,0.0804,0.1228,0.1249,0.9767,0.6847,,0.0,0.2069,0.1667,,0.091,,0.1093,,0.0775,,block of flats,0.1009,Panel,No,0.0,0.0,0.0,0.0,-1885.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,4.0 +1386058,318591,Cash loans,35346.15,1170000.0,1339884.0,,1170000.0,SATURDAY,7,Y,1,,,,XNA,Approved,-884,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_action,Cash X-Sell: low,365243.0,-854.0,916.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,157500.0,585000.0,28273.5,585000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018209,-21025,365243,-2763.0,-4413,,1,0,0,1,1,0,,2.0,3,3,MONDAY,10,0,0,0,0,0,0,XNA,,0.2209621582004548,0.41184855592423975,0.0701,0.0654,0.9796,0.7212,0.0284,0.0,0.1379,0.1667,0.0417,0.059,0.0546,0.0599,0.0116,0.0211,0.0714,0.0679,0.9796,0.7321,0.0287,0.0,0.1379,0.1667,0.0417,0.0604,0.0597,0.0624,0.0117,0.0224,0.0708,0.0654,0.9796,0.7249,0.0286,0.0,0.1379,0.1667,0.0417,0.0601,0.0556,0.0609,0.0116,0.0216,reg oper account,block of flats,0.0517,"Stone, brick",No,1.0,0.0,1.0,0.0,-480.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2086460,312840,Revolving loans,6750.0,135000.0,135000.0,,135000.0,TUESDAY,12,Y,1,,,,XAP,Refused,-737,XNA,HC,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Revolving loans,F,N,N,1,157500.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.002042,-9718,-2916,-1458.0,-1455,,1,1,0,1,0,0,Core staff,3.0,3,3,THURSDAY,15,0,0,0,0,0,0,Kindergarten,,0.4462791153548389,0.6610235391308081,0.1072,0.08900000000000001,0.9796,0.7212,0.0431,0.0,0.2069,0.1667,0.0417,0.0312,0.0841,0.0946,0.0154,0.0405,0.1092,0.0924,0.9796,0.7321,0.0435,0.0,0.2069,0.1667,0.0417,0.0319,0.0918,0.0986,0.0156,0.0429,0.1083,0.08900000000000001,0.9796,0.7249,0.0434,0.0,0.2069,0.1667,0.0417,0.0318,0.0855,0.0963,0.0155,0.0414,reg oper account,block of flats,0.1068,"Stone, brick",No,7.0,0.0,7.0,0.0,-1004.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2199895,297815,Cash loans,24463.71,454500.0,508495.5,,454500.0,WEDNESDAY,19,Y,1,,,,XNA,Approved,-77,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-47.0,1003.0,-17.0,-11.0,1.0,0,Cash loans,M,N,Y,1,315000.0,746280.0,47691.0,675000.0,Unaccompanied,Working,Higher education,Married,With parents,0.030755,-13098,-4641,-4782.0,-4606,,1,1,0,1,0,0,Managers,3.0,2,2,THURSDAY,14,0,0,0,1,1,0,Business Entity Type 3,0.4302505853469201,0.6726931782505198,0.4206109640437848,0.0928,0.1314,0.9876,,,0.0,0.2414,0.1667,,0.1201,,0.0932,,0.0,0.0945,0.1363,0.9876,,,0.0,0.2414,0.1667,,0.1228,,0.0971,,0.0,0.0937,0.1314,0.9876,,,0.0,0.2414,0.1667,,0.1222,,0.0948,,0.0,,block of flats,0.0733,"Stone, brick",No,0.0,0.0,0.0,0.0,-3022.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +2786174,299322,Cash loans,38581.425,450000.0,481185.0,,450000.0,WEDNESDAY,13,Y,1,,,,Urgent needs,Refused,-414,XNA,SCO,,Repeater,XNA,Cash,walk-in,Contact center,-1,XNA,18.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,N,0,134415.0,387000.0,15142.5,387000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,With parents,0.032561,-10176,-1010,-5235.0,-1325,,1,1,1,1,0,0,Sales staff,1.0,1,1,THURSDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.14802268770800764,0.6510033142955971,0.3556387169923543,0.3995,0.231,0.9836,0.7756,,0.34,0.1952,0.5275,0.375,0.0971,,0.3471,,0.0071,0.4002,0.1776,0.9841,0.7844,,0.2417,0.1034,0.625,0.375,0.0605,,0.2353,,0.0075,0.4034,0.231,0.9841,0.7786,,0.34,0.1034,0.625,0.375,0.0988,,0.3975,,0.0073,reg oper account,block of flats,0.3071,Panel,No,4.0,0.0,4.0,0.0,-847.0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1225582,205402,Cash loans,37768.995,913500.0,1166724.0,,913500.0,WEDNESDAY,9,Y,1,,,,XNA,Refused,-152,Cash through the bank,HC,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,1,135000.0,838453.5,40468.5,688500.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.035792000000000004,-12843,-3156,-878.0,-5360,7.0,1,1,0,1,0,0,Core staff,3.0,2,2,MONDAY,9,0,0,0,0,0,0,Kindergarten,0.5463037195814736,0.5507614654021804,0.5513812618027899,0.0835,0.0593,0.9975,0.966,0.034,0.08,0.069,0.375,0.0417,0.0665,0.0672,0.1048,0.0039,0.0469,0.0851,0.0615,0.9975,0.9673,0.0343,0.0806,0.069,0.375,0.0417,0.068,0.0735,0.1092,0.0039,0.0497,0.0843,0.0593,0.9975,0.9665,0.0342,0.08,0.069,0.375,0.0417,0.0677,0.0684,0.1067,0.0039,0.0479,reg oper account,block of flats,0.1112,Panel,No,0.0,0.0,0.0,0.0,-152.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2120035,109661,Revolving loans,18000.0,0.0,360000.0,,,MONDAY,14,Y,1,,,,XAP,Approved,-861,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-857.0,-803.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,2,90000.0,202500.0,7762.5,202500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.014519999999999996,-16670,-8446,-391.0,-208,,1,1,0,1,0,0,Core staff,3.0,2,2,MONDAY,15,0,0,0,0,0,0,Business Entity Type 2,0.4385903249851701,0.2318881971357951,0.8463780633178121,0.1588,0.0934,0.9831,0.7688,0.016,0.0,0.0345,0.1667,0.2083,0.038,0.1294,0.0441,0.0,0.0208,0.1618,0.097,0.9831,0.7779,0.0161,0.0,0.0345,0.1667,0.2083,0.0389,0.1414,0.0459,0.0,0.022,0.1603,0.0934,0.9831,0.7719,0.0161,0.0,0.0345,0.1667,0.2083,0.0386,0.1317,0.0449,0.0,0.0212,reg oper account,block of flats,0.043,"Stone, brick",No,1.0,0.0,1.0,0.0,-1158.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,1.0 +2140371,153812,Cash loans,11386.89,112500.0,119925.0,,112500.0,FRIDAY,7,Y,1,,,,XNA,Approved,-867,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-837.0,-507.0,-507.0,-501.0,1.0,0,Cash loans,F,N,Y,0,85500.0,225000.0,15790.5,225000.0,Unaccompanied,Pensioner,Lower secondary,Civil marriage,House / apartment,0.014519999999999996,-24101,365243,-14240.0,-4264,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,6,0,0,0,0,0,0,XNA,,0.3420278293317465,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-867.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1058464,199484,Cash loans,27084.6,225000.0,269757.0,,225000.0,WEDNESDAY,8,Y,1,,,,XNA,Approved,-1616,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1586.0,-1256.0,-1316.0,-1311.0,1.0,0,Cash loans,M,Y,N,0,157500.0,1223010.0,51948.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-22463,-3730,-2514.0,-4243,32.0,1,1,0,1,1,0,Cleaning staff,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.14972221040074896,,0.1113,0.0685,0.9796,,,0.0,0.1724,0.1667,,0.0,,0.0578,,0.0039,0.1134,0.071,0.9796,,,0.0,0.1724,0.1667,,0.0,,0.0603,,0.0041,0.1124,0.0685,0.9796,,,0.0,0.1724,0.1667,,0.0,,0.0589,,0.004,,specific housing,0.0765,"Stone, brick",No,0.0,0.0,0.0,0.0,-1.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1235443,256075,Consumer loans,5366.52,41841.0,45985.5,0.0,41841.0,FRIDAY,12,Y,1,0.0,,,XAP,Approved,-2847,Cash through the bank,XAP,Other_B,New,Consumer Electronics,POS,XNA,Country-wide,1400,Consumer electronics,12.0,high,POS household with interest,365243.0,-2816.0,-2486.0,-2486.0,-2481.0,1.0,0,Cash loans,F,N,Y,1,112500.0,729792.0,35239.5,630000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-15123,-210,-3918.0,-3956,,1,1,0,1,0,0,Sales staff,3.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,Industry: type 3,0.4627075869485518,0.5604205239783043,0.5762088360175724,0.0722,0.0969,0.9811,0.7552,0.0064,0.0,0.1379,0.1667,0.0417,0.0335,0.0584,0.0627,0.0019,0.0061,0.042,0.0622,0.9801,0.7648,0.0059,0.0,0.069,0.1667,0.0417,0.022,0.0367,0.038,0.0,0.0,0.0729,0.0969,0.9811,0.7585,0.0065,0.0,0.1379,0.1667,0.0417,0.0341,0.0594,0.0639,0.0019,0.0062,reg oper account,block of flats,0.0319,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2474968,229931,Cash loans,42176.295,675000.0,721332.0,,675000.0,THURSDAY,9,Y,1,,,,XNA,Refused,-1034,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,N,Y,0,157500.0,284400.0,16011.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-24405,-4273,-4466.0,-4775,,1,1,0,1,0,0,Laborers,2.0,1,1,TUESDAY,11,0,1,1,0,0,0,Industry: type 11,0.6466430369497633,0.7725634320183389,0.5849900404894085,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-1161.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1683607,312090,Consumer loans,7612.11,72000.0,74250.0,0.0,72000.0,TUESDAY,8,Y,1,0.0,,,XAP,Approved,-463,Cash through the bank,XAP,,Refreshed,Furniture,POS,XNA,Stone,50,Furniture,12.0,middle,POS industry with interest,365243.0,-432.0,-102.0,-282.0,-276.0,0.0,0,Cash loans,F,N,Y,0,135000.0,1535553.0,40635.0,1372500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007305,-20762,-1621,-1.0,-3264,,1,1,0,1,0,0,,2.0,3,3,WEDNESDAY,14,0,0,0,0,0,0,Other,,0.4436975781815092,0.633031641417419,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2477.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +2757519,115113,Cash loans,,0.0,0.0,,,THURSDAY,16,Y,1,,,,XNA,Refused,-222,XNA,SCOFR,,Repeater,XNA,XNA,XNA,Contact center,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,2,81000.0,142200.0,11362.5,112500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-10276,-770,-3871.0,-1160,,1,1,0,1,0,0,Laborers,4.0,3,3,TUESDAY,6,0,0,0,0,0,0,Trade: type 6,,0.34997949859993993,,0.0041,,0.9712,,,0.0,,0.0,,0.0021,,0.0021,,0.0,0.0042,,0.9712,,,0.0,,0.0,,0.0021,,0.0022,,0.0,0.0042,,0.9712,,,0.0,,0.0,,0.0021,,0.0021,,0.0,,terraced house,0.0017,Mixed,Yes,2.0,1.0,2.0,1.0,-646.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2595201,347851,Cash loans,2844.495,45000.0,50940.0,,45000.0,TUESDAY,8,Y,1,,,,XNA,Refused,-194,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,144000.0,254700.0,16713.0,225000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.019101,-11986,-235,-249.0,-3595,20.0,1,1,0,1,0,0,Cleaning staff,2.0,2,2,SUNDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.4257040035964792,0.6341150878211159,0.4014074137749511,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-604.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2694536,282172,Cash loans,16293.15,225000.0,254700.0,,225000.0,WEDNESDAY,7,Y,1,,,,XNA,Refused,-809,XNA,HC,,Repeater,XNA,Cash,x-sell,Country-wide,-1,XNA,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,N,Y,0,157500.0,142632.0,9661.5,126000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020246,-23262,365243,-7584.0,-5193,,1,0,0,1,0,0,,2.0,3,3,SUNDAY,13,0,0,0,0,0,0,XNA,,0.515107782732612,0.3572932680336494,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1426.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +2343696,201276,Consumer loans,5950.215,35595.0,33727.5,3559.5,35595.0,FRIDAY,9,Y,1,0.10396704188883768,,,XAP,Approved,-964,Cash through the bank,XAP,Unaccompanied,Repeater,Construction Materials,POS,XNA,Stone,130,Consumer electronics,6.0,low_action,POS household without interest,365243.0,-930.0,-780.0,-780.0,-773.0,0.0,1,Cash loans,M,N,N,2,112500.0,942300.0,30528.0,675000.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.028663,-18513,-10024,-16307.0,-7,,1,1,0,1,0,0,Core staff,4.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Agriculture,,0.6295114415591485,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1398580,215178,Consumer loans,3143.385,33705.0,21559.5,13482.0,33705.0,FRIDAY,16,Y,1,0.4190209790209787,,,XAP,Approved,-2601,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,533,Consumer electronics,8.0,middle,POS household without interest,365243.0,-2570.0,-2360.0,-2360.0,-2347.0,1.0,0,Cash loans,M,Y,N,0,202500.0,278460.0,19507.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.018634,-18080,-5707,-4059.0,-1621,13.0,1,1,0,1,0,0,Laborers,1.0,2,2,TUESDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.2955358013564952,0.7561401475902012,0.6161216908872079,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1971.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,1.0,0.0,1.0 +2841126,187175,Consumer loans,,14350.5,14350.5,,14350.5,MONDAY,14,Y,1,,,,XAP,Refused,-1556,XNA,LIMIT,Unaccompanied,Repeater,Photo / Cinema Equipment,XNA,XNA,Country-wide,18,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,2,153000.0,197820.0,15988.5,180000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.028663,-18232,-7398,-7404.0,-1756,,1,1,1,1,1,0,Laborers,3.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Other,,0.4299643000686428,0.0005272652387098817,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-630.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1594411,223286,Cash loans,5860.89,45000.0,54418.5,,45000.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-870,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-840.0,-510.0,-600.0,-586.0,1.0,0,Cash loans,F,N,Y,0,99000.0,314100.0,16164.0,225000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.025164,-17521,-7136,-15463.0,-1070,,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,Transport: type 2,,0.4876000405105704,0.7981372313187245,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-601.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2810099,287782,Cash loans,10679.4,180000.0,180000.0,0.0,180000.0,WEDNESDAY,9,Y,1,0.0,,,XNA,Refused,-2418,Cash through the bank,LIMIT,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,30.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,99000.0,356427.0,15228.0,288000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.008473999999999999,-22403,365243,-1720.0,-1654,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,XNA,,0.5930660221601639,0.4992720153045617,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1741.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,3.0 +2630983,453205,Consumer loans,1664.82,15381.0,14985.0,1539.0,15381.0,SATURDAY,12,Y,1,0.10143493761140818,,,XAP,Approved,-2603,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,2024,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2572.0,-2302.0,-2422.0,-2413.0,1.0,0,Cash loans,M,Y,N,1,225000.0,187704.0,12672.0,148500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-15173,-3397,-241.0,-3644,11.0,1,1,0,1,0,0,Drivers,3.0,2,2,FRIDAY,13,0,0,0,0,1,1,Transport: type 4,,0.6703392694456355,0.7981372313187245,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1395.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +1570839,178519,Consumer loans,14536.71,234090.0,280440.0,0.0,234090.0,FRIDAY,16,Y,1,0.0,,,XAP,Approved,-62,Cash through the bank,XAP,Other_B,Refreshed,Direct Sales,POS,XNA,Country-wide,958,MLM partners,30.0,middle,POS other with interest,365243.0,-32.0,838.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,126000.0,225000.0,15790.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.026392000000000002,-24664,365243,-11576.0,-4102,,1,0,0,1,1,0,,1.0,2,2,THURSDAY,9,0,0,0,0,0,0,XNA,,0.7230550052117756,,0.0701,,0.9771,,,0.0,0.1379,0.1667,,,,0.0417,,0.075,0.0714,,0.9772,,,0.0,0.1379,0.1667,,,,0.0435,,0.0794,0.0708,,0.9771,,,0.0,0.1379,0.1667,,,,0.0425,,0.0765,,block of flats,0.0491,"Stone, brick",No,5.0,0.0,4.0,0.0,-62.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1424569,223990,Cash loans,44698.68,360000.0,376632.0,,360000.0,FRIDAY,15,Y,1,,,,XNA,Approved,-731,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),5,XNA,12.0,high,Cash X-Sell: high,365243.0,-701.0,-371.0,-371.0,-365.0,1.0,0,Cash loans,M,Y,Y,1,216000.0,835380.0,40320.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-10989,-788,-2201.0,-2215,11.0,1,1,0,1,0,0,Waiters/barmen staff,3.0,1,1,MONDAY,15,0,1,1,0,0,0,Business Entity Type 3,0.31636660699433283,0.7116030519064132,,0.0701,,0.9786,,,0.0,0.1379,0.1667,0.2083,,,0.0652,,0.0393,0.0714,,0.9767,,,0.0,0.1379,0.1667,0.2083,,,0.0677,,0.0405,0.0708,,0.9786,,,0.0,0.1379,0.1667,0.2083,,,0.0663,,0.0401,reg oper account,block of flats,0.0642,"Stone, brick",No,3.0,2.0,3.0,0.0,-731.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1464219,219842,Cash loans,24997.05,238500.0,251406.0,,238500.0,THURSDAY,14,Y,1,,,,XNA,Approved,-137,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-107.0,223.0,365243.0,365243.0,1.0,0,Cash loans,M,N,Y,0,99000.0,143910.0,14364.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.030755,-20765,-4861,-10700.0,-3267,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,12,0,0,0,0,1,1,Housing,,0.6696914052727473,0.8327850252992314,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1136.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1853853,285312,Consumer loans,3457.215,30105.0,29803.5,3150.0,30105.0,WEDNESDAY,11,Y,1,0.1041053716186858,,,XAP,Approved,-1070,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,45,Connectivity,12.0,high,POS mobile with interest,365243.0,-1031.0,-701.0,-941.0,-933.0,0.0,0,Revolving loans,F,N,Y,0,103500.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Incomplete higher,Single / not married,House / apartment,0.030755,-7711,-1113,-2302.0,-395,,1,1,0,1,0,0,Laborers,1.0,2,2,TUESDAY,15,0,0,0,0,0,0,Industry: type 11,0.3778886554273481,0.4248107625686433,0.2721336844147212,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1070.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1425686,146701,Consumer loans,2262.33,19075.5,18868.5,1908.0,19075.5,WEDNESDAY,16,Y,1,0.10001614586409904,,,XAP,Approved,-1090,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,54,Connectivity,12.0,high,POS mobile with interest,365243.0,-1052.0,-722.0,-722.0,-714.0,0.0,0,Cash loans,F,N,Y,0,49500.0,112500.0,4896.0,112500.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.01885,-19590,365243,-8419.0,-3136,,1,0,0,1,1,0,,1.0,2,2,MONDAY,9,0,0,0,0,0,0,XNA,,0.3404842574496232,0.633031641417419,0.0165,,0.9801,,,0.0,0.069,0.0417,,,,0.0158,,0.0042,0.0168,,0.9801,,,0.0,0.069,0.0417,,,,0.0164,,0.0045,0.0167,,0.9801,,,0.0,0.069,0.0417,,,,0.0161,,0.0043,,block of flats,0.0133,"Stone, brick",No,3.0,0.0,3.0,0.0,-1090.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1493649,380097,Revolving loans,38250.0,765000.0,765000.0,,765000.0,WEDNESDAY,13,Y,1,,,,XAP,Approved,-413,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,225000.0,971280.0,51876.0,900000.0,Group of people,Commercial associate,Secondary / secondary special,Married,House / apartment,0.007305,-18814,-2276,-58.0,-2319,,1,1,0,1,0,0,Sales staff,2.0,3,3,WEDNESDAY,9,0,0,0,0,0,0,Trade: type 3,0.686765216127481,0.7354917519731662,0.6832688314232291,0.168,0.1156,0.9975,0.966,0.0692,0.24,0.1034,0.5417,0.5833,0.0216,0.13699999999999998,0.1663,0.0,0.0,0.1712,0.12,0.9975,0.9673,0.0698,0.2417,0.1034,0.5417,0.5833,0.0221,0.1497,0.1733,0.0,0.0,0.1697,0.1156,0.9975,0.9665,0.0696,0.24,0.1034,0.5417,0.5833,0.022,0.1394,0.1693,0.0,0.0,not specified,block of flats,0.1836,"Stone, brick",No,0.0,0.0,0.0,0.0,-672.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2606975,225490,Revolving loans,2250.0,45000.0,45000.0,,45000.0,TUESDAY,10,Y,1,,,,XAP,Refused,-710,XNA,LIMIT,,New,XNA,Cards,walk-in,Regional / Local,2000,Furniture,0.0,XNA,Card Street,,,,,,,0,Revolving loans,F,N,Y,1,180000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010032,-12432,-4708,-228.0,-757,,1,1,0,1,0,0,,3.0,2,2,FRIDAY,4,0,0,0,0,0,0,Other,0.25076907943847915,0.019903568870378682,,0.0711,0.0864,0.9767,0.6804,0.0,0.0,0.1379,0.1667,0.2083,0.0517,0.058,0.0683,0.0,0.0,0.0725,0.0897,0.9767,0.6929,0.0,0.0,0.1379,0.1667,0.2083,0.0529,0.0634,0.0711,0.0,0.0,0.0718,0.0864,0.9767,0.6847,0.0,0.0,0.1379,0.1667,0.2083,0.0526,0.059,0.0695,0.0,0.0,not specified,block of flats,0.0537,"Stone, brick",No,0.0,0.0,0.0,0.0,-710.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1624901,117152,Consumer loans,6384.87,63850.5,57469.5,6381.0,63850.5,MONDAY,9,Y,1,0.1088400105074994,,,XAP,Approved,-2895,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Stone,130,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2862.0,-2592.0,-2592.0,-2588.0,0.0,0,Cash loans,F,N,Y,0,160560.0,188685.0,13549.5,157500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.025164,-21818,-5704,-11686.0,-4658,,1,1,1,1,1,0,Cooking staff,1.0,2,2,FRIDAY,12,0,0,0,0,0,0,Kindergarten,,0.12670664083887553,0.5406544504453575,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-218.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1831359,421584,Consumer loans,8361.675,76045.5,74088.0,7605.0,76045.5,TUESDAY,15,Y,1,0.10138612076477008,,,XAP,Approved,-1820,Cash through the bank,XAP,Unaccompanied,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,4000,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1788.0,-1518.0,-1518.0,-1514.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,269550.0,21006.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018801,-21616,-570,-4299.0,-4508,35.0,1,1,0,1,0,0,Drivers,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Self-employed,,0.12431139541895965,0.326475210066026,0.0619,0.0551,0.9871,0.8232,0.0444,0.0,0.1379,0.1667,,0.0304,0.0504,0.052000000000000005,0.0,0.0,0.063,0.0572,0.9871,0.8301,0.0448,0.0,0.1379,0.1667,,0.0311,0.0551,0.0542,0.0,0.0,0.0625,0.0551,0.9871,0.8256,0.0447,0.0,0.1379,0.1667,,0.0309,0.0513,0.0529,0.0,0.0,,block of flats,0.0652,Panel,No,0.0,0.0,0.0,0.0,-1980.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1095904,146201,Consumer loans,13171.545,71532.0,65628.0,9000.0,71532.0,THURSDAY,17,Y,1,0.13134236723238166,,,XAP,Approved,-2572,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,4000,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-2540.0,-2390.0,-2390.0,-2387.0,1.0,0,Cash loans,M,Y,Y,0,225000.0,622413.0,30073.5,495000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-17268,-4052,-1735.0,-796,3.0,1,1,0,1,0,1,Drivers,2.0,2,2,SUNDAY,7,0,0,0,0,1,1,Business Entity Type 3,0.6455252932741157,0.4125648147014418,0.30620229831350426,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1849.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,2.0 +1254700,397649,Consumer loans,4535.235,24615.0,23323.5,2461.5,24615.0,THURSDAY,16,Y,1,0.1039673171505632,,,XAP,Approved,-567,XNA,XAP,,New,Mobile,POS,XNA,Country-wide,10,Connectivity,6.0,high,POS mobile with interest,365243.0,-536.0,-386.0,-476.0,-473.0,0.0,0,Cash loans,F,N,Y,0,81000.0,171000.0,16911.0,171000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.026392000000000002,-22236,365243,-1657.0,-4718,,1,0,0,1,1,0,,1.0,2,2,THURSDAY,13,0,0,0,0,0,0,XNA,,0.4013609998021496,0.7862666146611379,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,0.0 +1954727,341730,Revolving loans,22500.0,0.0,450000.0,,,MONDAY,18,Y,1,,,,XAP,Approved,-1108,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-1106.0,-1063.0,365243.0,-1033.0,365243.0,0.0,1,Cash loans,F,N,Y,0,202500.0,343800.0,13090.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.072508,-20528,365243,-309.0,-3540,,1,0,0,1,1,0,,2.0,1,1,WEDNESDAY,11,0,0,0,0,0,0,XNA,0.6763832760700574,0.011077224502863352,0.1684161714286957,0.0763,0.0478,0.9747,0.6532,0.1071,0.02,0.0862,0.25,0.0417,,0.0614,0.0569,0.0039,0.0632,0.0756,0.0,0.9742,0.6602,0.0728,0.0,0.0345,0.1667,0.0417,,0.0661,0.0523,0.0,0.0,0.077,0.0478,0.9747,0.6578,0.1077,0.02,0.0862,0.25,0.0417,,0.0624,0.058,0.0039,0.0646,reg oper account,block of flats,0.0395,"Stone, brick",No,4.0,0.0,4.0,0.0,-400.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2260842,337861,Cash loans,30442.5,450000.0,450000.0,,450000.0,THURSDAY,10,Y,1,,,,XNA,Approved,-460,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash X-Sell: high,,,,,,,1,Cash loans,M,N,N,0,189000.0,461367.0,44946.0,461367.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.001333,-9010,-1817,-3589.0,-1616,,1,1,1,1,1,0,,1.0,3,3,MONDAY,1,0,0,0,0,0,0,Self-employed,0.13240076289338648,0.5332951352698599,0.3893387918468769,0.0902,0.1109,0.9851,,,0.0,0.1724,0.1667,,0.0639,,0.0529,,0.0052,0.0809,0.1116,0.9801,,,0.0,0.1379,0.1667,,0.065,,0.0508,,0.0,0.0911,0.1109,0.9851,,,0.0,0.1724,0.1667,,0.0651,,0.0539,,0.0053,,block of flats,0.0653,"Stone, brick",No,0.0,0.0,0.0,0.0,-730.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1914777,414028,Consumer loans,4490.055,48375.0,38475.0,9900.0,48375.0,WEDNESDAY,10,Y,1,0.22288372093023254,,,XAP,Approved,-2613,XNA,XAP,,Repeater,Mobile,POS,XNA,Stone,48,Connectivity,12.0,high,POS mobile with interest,365243.0,-2577.0,-2247.0,-2547.0,-2539.0,0.0,0,Cash loans,F,N,Y,0,99000.0,641529.0,18756.0,535500.0,Family,Pensioner,Secondary / secondary special,Separated,House / apartment,0.022625,-21015,365243,-13666.0,-4228,,1,0,0,1,1,0,,1.0,2,2,FRIDAY,11,0,0,0,0,0,0,XNA,0.7280375602365121,0.3504223796723711,0.7801436381572275,0.3907,0.3742,0.9796,0.7212,0.179,0.0,0.8966,0.1667,0.2083,0.3728,0.3186,0.3698,0.0,0.0,0.3981,0.3883,0.9796,0.7321,0.1806,0.0,0.8966,0.1667,0.2083,0.3813,0.348,0.3853,0.0,0.0,0.3945,0.3742,0.9796,0.7249,0.1801,0.0,0.8966,0.1667,0.2083,0.3792,0.3241,0.3764,0.0,0.0,reg oper account,block of flats,0.3887,Panel,No,0.0,0.0,0.0,0.0,-1557.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1818471,426055,Consumer loans,1928.295,18144.0,14994.0,4500.0,18144.0,SUNDAY,10,Y,1,0.2514060270292957,,,XAP,Approved,-1678,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,42,Connectivity,12.0,high,POS mobile with interest,365243.0,-1647.0,-1317.0,-1317.0,-1300.0,0.0,0,Revolving loans,F,N,Y,0,270000.0,337500.0,16875.0,337500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-21374,-2542,-4385.0,-4493,,1,1,0,1,1,0,Medicine staff,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Medicine,,0.5891495785034824,0.6479768603302221,0.0928,0.1868,0.9911,0.8776,0.0386,0.0,0.2069,0.1667,0.2083,0.0346,0.0756,0.0879,0.0,0.0,0.0945,0.1938,0.9911,0.8824,0.0389,0.0,0.2069,0.1667,0.2083,0.0354,0.0826,0.0916,0.0,0.0,0.0937,0.1868,0.9911,0.8792,0.0388,0.0,0.2069,0.1667,0.2083,0.0352,0.077,0.0895,0.0,0.0,reg oper account,block of flats,0.0692,Panel,No,0.0,0.0,0.0,0.0,-1315.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1001214,280850,Consumer loans,8037.0,39501.0,48420.0,0.0,39501.0,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-333,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,21,Connectivity,8.0,high,POS mobile with interest,365243.0,-303.0,-93.0,-93.0,-87.0,1.0,0,Cash loans,M,Y,Y,1,90000.0,640080.0,31261.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-12045,-4234,-6139.0,-8,22.0,1,1,1,1,1,0,Laborers,3.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Agriculture,,0.05796892963576258,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-40.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1439716,435530,Cash loans,31984.695,270000.0,320103.0,,270000.0,TUESDAY,5,Y,1,,,,XNA,Approved,-485,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-455.0,-125.0,-125.0,-123.0,1.0,0,Cash loans,F,Y,N,1,135000.0,247275.0,19953.0,225000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.014464,-16061,-9249,-2471.0,-4539,27.0,1,1,0,1,0,0,Medicine staff,3.0,2,2,MONDAY,10,0,0,0,0,0,0,Medicine,,0.7180044082063343,0.4650692149562261,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1166.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1263949,419802,Consumer loans,13169.925,107478.0,118116.0,0.0,107478.0,TUESDAY,9,Y,1,0.0,,,XAP,Approved,-1522,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,3000,Consumer electronics,12.0,high,POS household with interest,365243.0,-1491.0,-1161.0,-1311.0,-1307.0,0.0,0,Cash loans,F,N,Y,0,157500.0,814666.5,41593.5,715500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.0228,-21462,365243,-13407.0,-4125,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,XNA,,0.3481113111115366,0.5513812618027899,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,1.0,-1638.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2705019,104941,Consumer loans,16630.245,137457.0,136773.0,13747.5,137457.0,FRIDAY,15,Y,1,0.09947002084584668,,,XAP,Approved,-700,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,12.0,high,POS mobile with interest,365243.0,-669.0,-339.0,-639.0,-635.0,0.0,0,Cash loans,F,N,N,0,202500.0,1258650.0,53325.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.072508,-13535,-4649,-7325.0,-4336,,1,1,0,1,1,0,Accountants,2.0,1,1,THURSDAY,13,0,0,0,0,0,0,Medicine,0.7789994225366446,0.4961423317920989,0.375711009574066,0.3938,0.1795,0.9811,0.7416,0.0,0.64,0.2759,0.4583,0.5,0.0,0.3202,0.3481,0.0039,0.0045,0.4013,0.1863,0.9811,0.7517,0.0,0.6445,0.2759,0.4583,0.5,0.0,0.3499,0.3627,0.0039,0.0048,0.3976,0.1795,0.9811,0.7451,0.0,0.64,0.2759,0.4583,0.5,0.0,0.3258,0.3544,0.0039,0.0046,,block of flats,0.2748,Panel,No,0.0,0.0,0.0,0.0,-3438.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2660057,274583,Consumer loans,2297.25,44460.0,44460.0,0.0,44460.0,THURSDAY,10,Y,1,0.0,,,XAP,Approved,-687,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Stone,150,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-651.0,39.0,-291.0,-285.0,0.0,0,Cash loans,M,N,Y,0,54000.0,127350.0,8266.5,112500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.020713,-24251,365243,-984.0,-5033,,1,0,0,1,0,0,,1.0,3,3,FRIDAY,7,0,0,0,0,0,0,XNA,,0.4352728129079888,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-687.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2730333,229154,Consumer loans,16405.425,97420.5,77935.5,19485.0,97420.5,MONDAY,14,Y,1,0.2178282431689056,,,XAP,Approved,-1151,XNA,XAP,Family,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,27,Connectivity,5.0,low_normal,POS mobile without interest,365243.0,-1120.0,-1000.0,-1000.0,-991.0,0.0,0,Cash loans,F,N,N,0,180000.0,545040.0,27814.5,450000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.007114,-16773,-5391,-8352.0,-307,,1,1,0,1,1,0,Security staff,1.0,2,2,TUESDAY,13,0,0,0,0,0,0,Security,,0.723138196715902,0.7047064232963289,0.2258,,0.9816,,,0.0,0.1379,0.1667,,,,0.0675,,0.125,0.23,,0.9816,,,0.0,0.1379,0.1667,,,,0.0703,,0.1324,0.228,,0.9816,,,0.0,0.1379,0.1667,,,,0.0687,,0.1276,,block of flats,0.0809,,No,0.0,0.0,0.0,0.0,-1151.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,0.0 +2534222,272586,Consumer loans,6570.36,68422.5,61578.0,6844.5,68422.5,WEDNESDAY,17,Y,1,0.1089449044871603,,,XAP,Refused,-2076,Cash through the bank,LIMIT,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,800,Furniture,12.0,middle,POS industry with interest,,,,,,,0,Cash loans,F,N,Y,1,90000.0,634482.0,20596.5,454500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010556,-10358,-729,-3953.0,-919,,1,1,0,1,0,0,,3.0,3,3,SUNDAY,15,0,0,0,0,0,0,Business Entity Type 1,0.4732270518857622,0.4220506681594633,0.42765737003502935,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1681.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2323845,159190,Consumer loans,4230.72,31005.0,26442.0,6201.0,31005.0,SATURDAY,17,Y,1,0.2068882372108178,,,XAP,Refused,-1738,Cash through the bank,SCO,,New,Mobile,POS,XNA,Country-wide,50,Connectivity,8.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,Y,N,1,90000.0,1078200.0,28570.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-12936,-3044,-7087.0,-5045,7.0,1,1,0,1,0,0,Laborers,3.0,2,2,SATURDAY,9,0,0,0,0,0,0,Industry: type 2,,0.6151370610240912,0.5744466170995097,0.0103,0.0,0.9677,0.5579999999999999,0.0015,0.0,0.069,0.0417,0.0833,0.0,0.0084,0.0142,0.0,0.0,0.0105,0.0,0.9677,0.5753,0.0016,0.0,0.069,0.0417,0.0833,0.0,0.0092,0.0148,0.0,0.0,0.0104,0.0,0.9677,0.5639,0.0016,0.0,0.069,0.0417,0.0833,0.0,0.0086,0.0144,0.0,0.0,,block of flats,0.012,"Stone, brick",No,0.0,0.0,0.0,0.0,-907.0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1570021,394687,Consumer loans,14399.19,359775.0,359775.0,0.0,359775.0,FRIDAY,12,Y,1,0.0,,,XAP,Approved,-263,Cash through the bank,XAP,Family,Repeater,Vehicles,POS,XNA,Regional / Local,50,Auto technology,36.0,low_normal,POS other with interest,365243.0,-228.0,822.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,2,405000.0,373500.0,29637.0,373500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.072508,-10204,-760,-4507.0,-2751,,1,1,0,1,0,0,,4.0,1,1,TUESDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.25506817821110145,0.4994169259700608,,0.3381,0.1525,0.9836,0.7756,0.4286,0.16,0.2414,0.625,0.6667,0.0,0.2757,0.2972,0.0,0.0094,0.3445,0.1582,0.9836,0.7844,0.4326,0.1611,0.2414,0.625,0.6667,0.0,0.3012,0.3096,0.0,0.01,0.3414,0.1525,0.9836,0.7786,0.4314,0.16,0.2414,0.625,0.6667,0.0,0.2805,0.3025,0.0,0.0096,reg oper account,block of flats,0.1167,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2183785,381798,Cash loans,20704.5,112500.0,112500.0,,112500.0,TUESDAY,18,Y,1,,,,XNA,Approved,-1191,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-1161.0,-1011.0,-1011.0,-1004.0,0.0,1,Cash loans,F,N,Y,2,225000.0,315000.0,8577.0,315000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.026392000000000002,-13283,-2461,-749.0,-980,,1,1,0,1,0,0,,4.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Industry: type 11,0.4732512909088694,0.6751535423635787,0.6848276586890367,0.2041,,0.995,,,0.16,0.1379,0.375,,,,0.1676,,0.0,0.208,,0.995,,,0.1611,0.1379,0.375,,,,0.1746,,0.0,0.2061,,0.995,,,0.16,0.1379,0.375,,,,0.1706,,0.0,,block of flats,0.1318,Panel,No,1.0,1.0,1.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1402923,219878,Consumer loans,12035.34,237258.0,263965.5,0.0,237258.0,WEDNESDAY,18,Y,1,0.0,,,XAP,Refused,-1626,Cash through the bank,HC,Children,New,Audio/Video,POS,XNA,Country-wide,1200,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,0,Cash loans,M,Y,Y,1,157500.0,900000.0,26446.5,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.008865999999999999,-16968,-1594,-8760.0,-519,13.0,1,1,0,1,1,0,Laborers,3.0,2,2,FRIDAY,18,0,0,0,0,0,0,Business Entity Type 3,0.7261379467743734,0.7404096667760139,0.16146308000577247,0.1845,0.1351,0.9866,0.8164,0.0319,0.2,0.1724,0.3333,0.375,0.142,0.1505,0.1899,,0.0169,0.188,0.1402,0.9866,0.8236,0.0322,0.2014,0.1724,0.3333,0.375,0.1452,0.1644,0.1979,,0.0179,0.1863,0.1351,0.9866,0.8189,0.0321,0.2,0.1724,0.3333,0.375,0.1444,0.1531,0.1933,,0.0172,reg oper account,block of flats,0.1858,Panel,No,0.0,0.0,0.0,0.0,-1626.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,1.0 +2755193,379988,Consumer loans,3900.69,25195.5,32080.5,0.0,25195.5,SATURDAY,17,Y,1,0.0,,,XAP,Approved,-679,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,1000,Consumer electronics,12.0,high,POS household with interest,365243.0,-648.0,-318.0,-348.0,-335.0,0.0,0,Cash loans,F,N,Y,0,112500.0,76410.0,7686.0,67500.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,House / apartment,0.008625,-9346,-1801,-4012.0,-2027,,1,1,0,1,0,0,Core staff,1.0,2,2,SATURDAY,11,0,0,0,0,1,1,Kindergarten,,0.6231602777820684,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-679.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2606426,147625,Consumer loans,7096.68,41039.64,38758.5,4108.14,41039.64,MONDAY,11,Y,1,0.10437342248594073,,,XAP,Approved,-2481,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,2005,Consumer electronics,6.0,middle,POS household with interest,365243.0,-2450.0,-2300.0,-2300.0,-2293.0,1.0,0,Cash loans,F,N,Y,0,135000.0,1242576.0,50737.5,1143000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018801,-15897,-5686,-9578.0,-4665,,1,1,0,1,0,0,,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Medicine,0.6557759838546423,0.3946337683895808,0.4083588531230431,0.2227,0.1622,0.9811,0.7416,0.0868,0.24,0.2069,0.3333,0.375,,0.1816,0.2181,0.0,0.0,0.2269,0.1683,0.9811,0.7517,0.0876,0.2417,0.2069,0.3333,0.375,,0.1983,0.2272,0.0,0.0,0.2248,0.1622,0.9811,0.7451,0.0874,0.24,0.2069,0.3333,0.375,,0.1847,0.222,0.0,0.0,reg oper account,block of flats,0.17600000000000002,Panel,No,0.0,0.0,0.0,0.0,-3029.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2507992,112626,Cash loans,21928.5,225000.0,283131.0,,225000.0,THURSDAY,18,Y,1,,,,XNA,Approved,-428,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-398.0,112.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,0,270000.0,1500930.0,49734.0,1228500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-19107,-652,-10983.0,-1187,11.0,1,1,0,1,1,0,Laborers,2.0,2,2,FRIDAY,18,0,0,0,0,0,0,Business Entity Type 3,,0.2269324223303933,0.656158373001177,0.433,0.3612,0.9851,0.7959999999999999,0.0884,0.52,0.4483,0.3333,0.375,0.4355,0.353,0.5147,,0.012,0.4412,0.3748,0.9851,0.804,0.0892,0.5236,0.4483,0.3333,0.375,0.4455,0.3857,0.5362,,0.0127,0.4372,0.3612,0.9851,0.7987,0.08900000000000001,0.52,0.4483,0.3333,0.375,0.4431,0.3591,0.5239,,0.0122,,block of flats,0.4557,Panel,No,16.0,1.0,16.0,1.0,-1934.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2341676,441390,Consumer loans,20803.815,102127.5,107181.0,0.0,102127.5,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-2221,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,3205,Consumer electronics,6.0,high,POS household with interest,365243.0,-2190.0,-2040.0,-2100.0,-2095.0,1.0,0,Cash loans,M,Y,N,2,315000.0,835380.0,35523.0,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-15322,-4245,-7915.0,-3175,6.0,1,1,0,1,0,0,Managers,4.0,1,1,TUESDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.8509920045615255,0.6966859692722154,0.25533177083329,0.0825,0.0,0.9762,0.6736,0.0341,0.0,0.1379,0.1667,0.2083,0.0709,0.0672,0.0398,0.0,0.0,0.084,0.0,0.9762,0.6864,0.0344,0.0,0.1379,0.1667,0.2083,0.0725,0.0735,0.0415,0.0,0.0,0.0833,0.0,0.9762,0.6779999999999999,0.0343,0.0,0.1379,0.1667,0.2083,0.0722,0.0684,0.0406,0.0,0.0,reg oper spec account,block of flats,0.05,"Stone, brick",No,1.0,0.0,1.0,0.0,-1848.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +2617959,347315,Consumer loans,12185.73,70380.0,63342.0,7038.0,70380.0,THURSDAY,16,Y,1,0.1089090909090909,,,XAP,Approved,-162,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,80,Consumer electronics,6.0,middle,POS household with interest,365243.0,-132.0,18.0,-102.0,-96.0,0.0,0,Cash loans,M,N,Y,0,112500.0,260640.0,31059.0,225000.0,Unaccompanied,Working,Lower secondary,Single / not married,House / apartment,0.009175,-10200,-709,-4745.0,-2879,,1,1,0,1,0,0,Laborers,1.0,2,2,FRIDAY,17,0,0,0,0,0,0,Business Entity Type 3,,0.6569610820740619,0.2314393514998941,0.0825,0.0809,0.9757,0.6668,0.0063,0.0,0.1379,0.1667,0.2083,0.053,0.0672,0.0615,0.0,0.0,0.084,0.084,0.9757,0.6798,0.0064,0.0,0.1379,0.1667,0.2083,0.0542,0.0735,0.064,0.0,0.0,0.0833,0.0809,0.9757,0.6713,0.0063,0.0,0.1379,0.1667,0.2083,0.0539,0.0684,0.0626,0.0,0.0,reg oper account,block of flats,0.0484,"Stone, brick",No,0.0,0.0,0.0,0.0,-338.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1332880,113674,Consumer loans,7866.45,66775.5,57672.0,13500.0,66775.5,THURSDAY,11,Y,1,0.20658021796109802,,,XAP,Approved,-1883,XNA,XAP,,New,Mobile,POS,XNA,Country-wide,8,Connectivity,10.0,high,POS mobile with interest,365243.0,-1845.0,-1575.0,-1575.0,-1572.0,0.0,0,Cash loans,M,Y,Y,1,202500.0,325908.0,17194.5,247500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.032561,-11595,-4153,-2534.0,-3194,7.0,1,1,0,1,0,0,Laborers,3.0,1,1,THURSDAY,15,0,0,0,0,0,0,Construction,,0.6021105862289889,0.5298898341969072,0.1845,0.1242,0.9786,0.7076,0.0246,0.2,0.1724,0.3333,0.375,0.0541,0.1505,0.1871,0.0,0.0,0.188,0.1289,0.9786,0.7190000000000001,0.0248,0.2014,0.1724,0.3333,0.375,0.0553,0.1644,0.195,0.0,0.0,0.1863,0.1242,0.9786,0.7115,0.0247,0.2,0.1724,0.3333,0.375,0.0551,0.1531,0.1905,0.0,0.0,reg oper account,block of flats,0.1606,Panel,No,0.0,0.0,0.0,0.0,-1678.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,4.0,0.0,1.0 +1464325,247875,Revolving loans,13500.0,270000.0,270000.0,,270000.0,FRIDAY,10,Y,1,,,,XAP,Approved,-265,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,0,292500.0,1560726.0,43047.0,1395000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-14852,365243,-8714.0,-4098,19.0,1,0,0,1,0,0,,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,XNA,,0.4996574691654709,0.3001077565791181,0.1237,0.0853,0.9786,0.7076,0.0399,0.0,0.069,0.1667,0.2083,0.0,0.1009,0.0655,0.0,0.0,0.1261,0.0885,0.9786,0.7190000000000001,0.0403,0.0,0.069,0.1667,0.2083,0.0,0.1102,0.0683,0.0,0.0,0.1249,0.0853,0.9786,0.7115,0.0402,0.0,0.069,0.1667,0.2083,0.0,0.1026,0.0667,0.0,0.0,reg oper account,block of flats,0.0734,"Stone, brick",No,0.0,0.0,0.0,0.0,-2592.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,2.0 +1728198,270262,Consumer loans,6215.85,87885.0,83475.0,4410.0,87885.0,FRIDAY,13,Y,1,0.054649723036819815,,,XAP,Approved,-1630,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Stone,2500,Consumer electronics,24.0,high,POS household with interest,365243.0,-1596.0,-906.0,-1026.0,-1019.0,0.0,1,Cash loans,F,N,N,0,135000.0,933093.0,30969.0,805500.0,Unaccompanied,Pensioner,Higher education,Widow,House / apartment,0.00702,-16461,365243,-2801.0,-7,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,12,0,0,0,0,0,0,XNA,,0.40311713714228425,0.5226973172821112,,,0.9757,,,,,,,,,0.0019,,,,,0.9757,,,,,,,,,0.002,,,,,0.9757,,,,,,,,,0.0019,,,,block of flats,0.0015,,No,2.0,0.0,2.0,0.0,-1630.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +1080523,191528,Cash loans,50045.355,990000.0,1104997.5,,990000.0,THURSDAY,13,Y,1,,,,XNA,Approved,-439,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-409.0,1001.0,-319.0,-317.0,1.0,0,Cash loans,F,Y,Y,0,185400.0,562500.0,18274.5,562500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.0228,-20822,365243,-9608.0,-4065,14.0,1,0,0,1,0,0,,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,XNA,,0.1658107542018204,0.5620604831738043,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2629551,293022,Consumer loans,5883.345,30550.5,28854.0,3055.5,30550.5,THURSDAY,12,Y,1,0.10428609889616793,,,XAP,Approved,-1679,Cash through the bank,XAP,,New,Photo / Cinema Equipment,POS,XNA,Country-wide,30,Connectivity,6.0,high,POS mobile with interest,365243.0,-1634.0,-1484.0,-1484.0,-1480.0,0.0,0,Revolving loans,F,Y,Y,1,135000.0,202500.0,10125.0,202500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00733,-11135,-1342,-664.0,-2123,7.0,1,1,0,1,0,0,,3.0,2,2,WEDNESDAY,14,0,0,0,1,1,0,Business Entity Type 3,0.3070459440308936,0.5969391036187081,0.3893387918468769,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,0.0,-1613.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2074280,452654,Consumer loans,14342.67,116955.0,133938.0,0.0,116955.0,MONDAY,11,Y,1,0.0,,,XAP,Approved,-88,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Stone,61,Consumer electronics,12.0,middle,POS household with interest,365243.0,-58.0,272.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,2,135000.0,247275.0,22810.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.006629,-12162,-2484,-1322.0,-4287,,1,1,0,1,0,0,Laborers,4.0,2,2,FRIDAY,9,0,0,0,0,0,0,Industry: type 3,0.4593184903295858,0.026358895878000242,0.4223696523543468,0.0928,0.1205,0.9886,0.8436,0.0147,0.0,0.2069,0.1667,0.0417,0.0552,0.0756,0.0917,0.0,0.0,0.0945,0.1251,0.9886,0.8497,0.0148,0.0,0.2069,0.1667,0.0417,0.0565,0.0826,0.0955,0.0,0.0,0.0937,0.1205,0.9886,0.8457,0.0148,0.0,0.2069,0.1667,0.0417,0.0562,0.077,0.0933,0.0,0.0,reg oper account,block of flats,0.0801,Panel,No,0.0,0.0,0.0,0.0,-2179.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2503192,352704,Cash loans,14269.86,67500.0,69727.5,,67500.0,SUNDAY,9,Y,1,,,,Repairs,Approved,-400,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,365243.0,-370.0,-220.0,-340.0,-330.0,1.0,0,Cash loans,M,N,Y,0,180000.0,239850.0,28593.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-21657,-1673,-6683.0,-4296,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,15,0,0,0,0,0,0,Business Entity Type 2,,0.6217419130807486,0.3441550073724169,0.1763,0.0448,0.9861,0.8096,0.0005,0.04,0.0345,0.3333,0.375,0.0,0.1437,0.0869,0.0,0.0,0.1796,0.0465,0.9861,0.8171,0.0005,0.0403,0.0345,0.3333,0.375,0.0,0.157,0.0906,0.0,0.0,0.17800000000000002,0.0448,0.9861,0.8121,0.0005,0.04,0.0345,0.3333,0.375,0.0,0.1462,0.0885,0.0,0.0,reg oper account,block of flats,0.0686,Block,No,1.0,1.0,1.0,1.0,-1422.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +1542904,243107,Consumer loans,6766.47,64926.0,58432.5,6493.5,64926.0,SATURDAY,8,Y,1,0.1089241878166192,,,XAP,Approved,-2543,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Stone,77,Consumer electronics,10.0,middle,POS household with interest,365243.0,-2510.0,-2240.0,-2240.0,-2234.0,0.0,0,Cash loans,F,N,Y,0,225000.0,557770.5,24696.0,481500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-22680,365243,-3264.0,-5199,,1,0,0,1,0,0,,2.0,2,2,MONDAY,8,0,0,0,0,0,0,XNA,,0.6176551520934632,0.8128226070575616,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1719.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2203894,221556,Consumer loans,4479.615,49455.0,49455.0,0.0,49455.0,THURSDAY,9,Y,1,0.0,,,XAP,Approved,-271,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Regional / Local,100,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-240.0,90.0,-150.0,-142.0,0.0,0,Cash loans,F,N,Y,1,112500.0,225000.0,11650.5,225000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-10881,-138,-4751.0,-2836,,1,1,1,1,1,0,Core staff,3.0,2,2,TUESDAY,13,0,0,0,0,0,0,Trade: type 7,,0.6634071534674316,0.2276129150623945,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-518.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2426523,256537,Consumer loans,15251.31,144000.0,143284.5,14400.0,144000.0,SATURDAY,14,Y,1,0.09945751859510027,,,XAP,Approved,-452,Cash through the bank,XAP,,New,Furniture,POS,XNA,Stone,120,Furniture,12.0,middle,POS industry with interest,365243.0,-419.0,-89.0,-89.0,-87.0,0.0,0,Revolving loans,F,N,Y,1,103500.0,180000.0,9000.0,180000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.030755,-12489,-877,-3298.0,-3235,,1,1,0,1,0,0,Laborers,3.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.6070172510292371,0.4472195654275825,0.6279908192952864,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-452.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1432000,415428,Revolving loans,4500.0,0.0,90000.0,,,FRIDAY,15,Y,1,,,,XAP,Approved,-2605,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-2603.0,-2570.0,365243.0,-592.0,365243.0,0.0,0,Cash loans,F,N,N,0,90000.0,1035000.0,30262.5,1035000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.01885,-12566,-1411,-3046.0,-2929,,1,1,1,1,0,0,Secretaries,2.0,2,2,THURSDAY,17,0,0,0,1,1,0,School,,0.6986278550737837,0.4048783643353997,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,0.0,-1487.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1836904,254645,Revolving loans,5625.0,0.0,112500.0,,,WEDNESDAY,12,Y,1,,,,XAP,Approved,-2860,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,15,Connectivity,0.0,XNA,Card Street,-2858.0,-2818.0,365243.0,-688.0,365243.0,0.0,1,Cash loans,F,N,N,1,157500.0,576072.0,28147.5,405000.0,Family,Commercial associate,Incomplete higher,Single / not married,House / apartment,0.025164,-10700,-3762,-4941.0,-1270,,1,1,0,1,0,0,Laborers,2.0,2,2,SUNDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.10492943489253216,0.008116378657282083,0.2807895743848605,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-95.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1132666,266199,Cash loans,23577.75,405000.0,461133.0,,405000.0,MONDAY,6,Y,1,,,,XNA,Approved,-932,XNA,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,AP+ (Cash loan),5,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-899.0,151.0,-449.0,-443.0,0.0,0,Cash loans,F,N,Y,0,81000.0,381528.0,24970.5,315000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014464,-15978,-3163,-217.0,-3441,,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,5,0,0,0,0,0,0,Self-employed,,0.3587747337018793,,0.0928,0.1027,0.9891,0.8504,0.0,0.0,0.2069,0.1667,0.0,0.0591,0.0756,0.099,0.0,0.0,0.0945,0.1066,0.9891,0.8563,0.0,0.0,0.2069,0.1667,0.0,0.0604,0.0826,0.1032,0.0,0.0,0.0937,0.1027,0.9891,0.8524,0.0,0.0,0.2069,0.1667,0.0,0.0601,0.077,0.1008,0.0,0.0,reg oper spec account,block of flats,0.0779,Panel,No,1.0,0.0,1.0,0.0,-580.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1529692,435746,Cash loans,30179.34,378000.0,412929.0,,378000.0,SATURDAY,11,Y,1,,,,XNA,Refused,-1106,Cash through the bank,LIMIT,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,,,,,,,0,Revolving loans,F,N,N,0,135000.0,405000.0,20250.0,405000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.028663,-19948,365243,-3203.0,-3218,,1,0,0,1,1,0,,2.0,2,2,SATURDAY,14,0,0,0,0,0,0,XNA,,0.11099189283654703,0.34741822720026416,0.0711,0.0263,0.9851,0.7959999999999999,0.0142,0.0,0.0345,0.1667,0.0417,0.0859,0.058,0.4772,0.0,0.02,0.0725,0.0273,0.9851,0.804,0.0144,0.0,0.0345,0.1667,0.0417,0.0879,0.0634,0.4972,0.0,0.0212,0.0718,0.0263,0.9851,0.7987,0.0143,0.0,0.0345,0.1667,0.0417,0.0874,0.059,0.4858,0.0,0.0205,reg oper account,block of flats,0.0376,"Stone, brick",No,1.0,1.0,1.0,1.0,-1177.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1435842,165458,Consumer loans,6860.025,75330.0,67680.0,15075.0,75330.0,TUESDAY,13,Y,1,0.19839339562014924,,,XAP,Approved,-864,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,20,Connectivity,14.0,high,POS mobile with interest,365243.0,-827.0,-437.0,-557.0,-551.0,0.0,0,Cash loans,M,Y,Y,0,157500.0,152820.0,16344.0,135000.0,Unaccompanied,Commercial associate,Incomplete higher,Single / not married,House / apartment,0.025164,-8901,-447,-8682.0,-1187,64.0,1,1,0,1,0,0,Managers,1.0,2,2,FRIDAY,11,0,0,0,0,0,0,Transport: type 4,,0.6847844635041593,0.2580842039460289,0.1361,0.0,0.9608,0.4628,0.0503,0.08,0.4483,0.25,0.2917,0.2924,0.1034,0.1878,0.0347,0.0841,0.1387,0.0,0.9608,0.4838,0.0508,0.0806,0.4483,0.25,0.2917,0.2991,0.1129,0.1956,0.035,0.0891,0.1374,0.0,0.9608,0.47,0.0506,0.08,0.4483,0.25,0.2917,0.2975,0.1052,0.1911,0.0349,0.0859,not specified,block of flats,0.1935,"Stone, brick",No,2.0,0.0,2.0,0.0,-873.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1672268,414954,Revolving loans,2250.0,45000.0,45000.0,,45000.0,FRIDAY,7,Y,1,,,,XAP,Approved,-249,XNA,XAP,Unaccompanied,New,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,112500.0,58500.0,3969.0,58500.0,Unaccompanied,Commercial associate,Incomplete higher,Single / not married,With parents,0.014519999999999996,-10508,-568,-4515.0,-2642,,1,1,0,1,0,0,Sales staff,1.0,2,2,TUESDAY,7,0,0,0,0,1,1,Business Entity Type 3,,0.37346520633316,0.2910973802776635,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-756.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2136644,450604,Consumer loans,20169.495,187874.64,181543.5,18791.64,187874.64,SATURDAY,18,Y,1,0.10215783556948163,,,XAP,Approved,-2181,Cash through the bank,XAP,"Spouse, partner",New,Audio/Video,POS,XNA,Country-wide,3089,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-2150.0,-1880.0,-1880.0,-1872.0,0.0,0,Cash loans,M,N,N,0,279000.0,1082214.0,31770.0,945000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,Municipal apartment,0.008019,-15778,-1738,-2794.0,-4517,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,17,0,0,0,0,1,1,Self-employed,0.20318486037221334,0.5430127120765724,0.2940831009471255,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2181.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2295564,357313,Consumer loans,3948.435,33295.5,32931.0,3330.0,33295.5,THURSDAY,10,Y,1,0.1000157945802026,,,XAP,Approved,-2216,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Regional / Local,15,Connectivity,12.0,high,POS mobile with interest,365243.0,-2185.0,-1855.0,-1855.0,-1849.0,0.0,0,Cash loans,F,Y,Y,1,157500.0,545040.0,26640.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-14455,-5197,-8531.0,-3926,16.0,1,1,0,1,0,0,,3.0,2,2,MONDAY,13,0,0,0,0,0,0,Industry: type 11,0.4155624374247706,0.19794472146059647,0.4382813743111921,0.0021,,0.9717,0.6124,0.0,0.0,0.0345,0.0,0.0417,,0.0017,0.0013,0.0,0.0,0.0021,,0.9717,0.6276,0.0,0.0,0.0345,0.0,0.0417,,0.0018,0.0014,0.0,0.0,0.0021,,0.9717,0.6176,0.0,0.0,0.0345,0.0,0.0417,,0.0017,0.0014,0.0,0.0,not specified,terraced house,0.001,Mixed,No,5.0,0.0,5.0,0.0,-2216.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2219269,199284,Cash loans,90354.69,900000.0,926136.0,,900000.0,THURSDAY,17,Y,1,,,,XNA,Refused,-1184,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,94500.0,855000.0,30420.0,855000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-17448,-2221,-2362.0,-985,,1,1,1,1,1,0,,2.0,2,2,FRIDAY,9,0,0,0,0,1,1,Self-employed,,0.625908744948719,0.2636468134452008,0.1113,0.0824,0.9831,,,0.12,0.1034,0.3333,,0.0839,,0.1137,,0.0652,0.1134,0.0855,0.9831,,,0.1208,0.1034,0.3333,,0.0858,,0.1184,,0.069,0.1124,0.0824,0.9831,,,0.12,0.1034,0.3333,,0.0853,,0.1157,,0.0666,,block of flats,0.1128,Panel,No,3.0,0.0,3.0,0.0,-1213.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,6.0 +1123366,453642,Cash loans,6196.41,76500.0,84073.5,,76500.0,FRIDAY,15,Y,1,,,,XNA,Refused,-1306,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,1,81000.0,634500.0,23440.5,634500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-15014,-543,-3647.0,-3653,,1,1,0,1,0,0,Cooking staff,3.0,2,2,TUESDAY,16,0,0,0,0,1,1,Business Entity Type 3,,0.7010532587270538,0.722392890081304,0.0371,,0.9742,,,0.0,0.1034,0.125,,,,0.0302,,0.0,0.0378,,0.9742,,,0.0,0.1034,0.125,,,,0.0315,,0.0,0.0375,,0.9742,,,0.0,0.1034,0.125,,,,0.0308,,0.0,,block of flats,0.0238,Block,No,0.0,0.0,0.0,0.0,-1496.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2241443,215362,Consumer loans,15600.96,118494.0,128920.5,0.0,118494.0,SUNDAY,10,Y,1,0.0,,,XAP,Approved,-250,Cash through the bank,XAP,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Country-wide,3500,Consumer electronics,10.0,middle,POS household with interest,365243.0,-219.0,51.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,157500.0,1436850.0,42142.5,1125000.0,Family,Commercial associate,Secondary / secondary special,Married,With parents,0.019688999999999998,-11576,-96,-294.0,-3863,,1,1,0,1,0,0,Drivers,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Self-employed,,0.03766955203171203,0.7801436381572275,0.0371,0.0,0.9737,0.6396,0.0046,0.0,0.069,0.1667,0.2083,0.0441,0.0269,0.0336,0.0154,0.0446,0.0378,0.0,0.9737,0.6537,0.0046,0.0,0.069,0.1667,0.2083,0.0451,0.0294,0.035,0.0156,0.0473,0.0375,0.0,0.9737,0.6444,0.0046,0.0,0.069,0.1667,0.2083,0.0448,0.0274,0.0342,0.0155,0.0456,reg oper spec account,block of flats,0.0315,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2518968,157826,Consumer loans,23850.45,135000.0,135000.0,0.0,135000.0,MONDAY,10,Y,1,0.0,,,XAP,Refused,-439,XNA,LIMIT,,Repeater,Construction Materials,POS,XNA,Stone,40,Furniture,6.0,low_normal,POS industry with interest,,,,,,,0,Cash loans,F,N,N,1,76500.0,639000.0,30739.5,639000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-9654,-1359,-4322.0,-1930,,1,1,1,1,1,0,Laborers,3.0,2,2,FRIDAY,15,0,0,0,0,0,0,Industry: type 12,0.5095527492052135,0.6264922675456993,0.40314167665875134,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-818.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1792676,345072,Cash loans,87291.0,1350000.0,1350000.0,,1350000.0,FRIDAY,17,Y,1,,,,XNA,Approved,-233,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,584,Consumer electronics,18.0,low_action,Cash X-Sell: low,365243.0,-193.0,317.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,306000.0,855000.0,81180.0,855000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.01885,-18070,-4352,-5828.0,-1609,27.0,1,1,1,1,1,0,Sales staff,2.0,2,2,SUNDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.711710746087387,0.5620604831738043,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1262.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2808238,183569,Cash loans,21312.855,661500.0,775012.5,,661500.0,THURSDAY,14,Y,1,,,,XNA,Refused,-258,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,148500.0,524866.5,19917.0,369000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.008625,-21987,365243,-6314.0,-4680,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,XNA,,0.6050093109466619,0.12850437737240394,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-973.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,5.0 +1886539,204363,Cash loans,21109.5,450000.0,450000.0,,450000.0,SATURDAY,9,Y,1,,,,XNA,Refused,-135,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,135000.0,270000.0,12024.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.014519999999999996,-19451,-3155,-7521.0,-3005,,1,1,0,1,0,0,Cleaning staff,1.0,2,2,MONDAY,8,0,0,0,0,0,0,Business Entity Type 3,,0.13035604826472755,0.34090642641523844,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1787.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2074343,236721,Revolving loans,2250.0,45000.0,45000.0,,45000.0,THURSDAY,16,Y,1,,,,XAP,Approved,-210,XNA,XAP,Family,New,XNA,Cards,walk-in,Country-wide,980,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,292500.0,1530000.0,42205.5,1530000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-21006,-2697,-10596.0,-3689,,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,13,0,0,0,1,1,1,Business Entity Type 3,,0.6983699597902969,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-210.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1290639,383372,Consumer loans,5541.975,86413.5,103351.5,0.0,86413.5,MONDAY,19,Y,1,0.0,,,XAP,Approved,-119,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,1000,Consumer electronics,36.0,middle,POS household with interest,365243.0,-87.0,963.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,1,202500.0,450000.0,21888.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-9923,-860,-4783.0,-791,8.0,1,1,0,1,0,0,Medicine staff,3.0,2,2,MONDAY,17,0,0,0,0,1,1,Medicine,,0.7178006930956398,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-119.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1904960,371950,Cash loans,13392.99,360000.0,426528.0,,360000.0,WEDNESDAY,17,Y,1,,,,XNA,Refused,-256,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,130500.0,508495.5,24462.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.009656999999999999,-17375,-482,-1801.0,-916,,1,1,1,1,0,0,Sales staff,1.0,2,2,FRIDAY,15,0,0,0,0,1,1,Self-employed,0.5274197562944871,0.5823047200093102,0.2405414172860865,0.0412,0.0,0.9747,0.6532,0.0043,0.0,0.069,0.1667,0.2083,0.012,0.0336,0.036000000000000004,0.0,0.0,0.042,0.0,0.9747,0.6668,0.0044,0.0,0.069,0.1667,0.2083,0.0123,0.0367,0.0375,0.0,0.0,0.0416,0.0,0.9747,0.6578,0.0043,0.0,0.069,0.1667,0.2083,0.0122,0.0342,0.0366,0.0,0.0,reg oper account,block of flats,0.0306,Panel,No,1.0,0.0,1.0,0.0,-727.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,1.0,7.0 +2626876,372967,Cash loans,19832.22,292500.0,324162.0,,292500.0,TUESDAY,10,Y,1,,,,XNA,Approved,-464,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-434.0,256.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,229500.0,589045.5,21285.0,508500.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.018801,-18762,365243,-696.0,-2312,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,8,0,0,0,0,0,0,XNA,,0.6266866933965973,0.4365064990977374,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-559.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +1597070,259145,Consumer loans,24886.71,127179.0,136413.0,0.0,127179.0,FRIDAY,11,Y,1,0.0,,,XAP,Approved,-179,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,3446,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-148.0,2.0,-88.0,-79.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,450000.0,21888.0,450000.0,Family,Working,Higher education,Married,House / apartment,0.01885,-13429,-380,-1252.0,-3828,4.0,1,1,1,1,0,0,Managers,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.2743730930866993,0.6669283844966196,0.21640296051521946,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-179.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1711948,103288,Consumer loans,5751.9,48060.0,52290.0,0.0,48060.0,MONDAY,16,Y,1,0.0,,,XAP,Approved,-213,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Stone,33,Connectivity,10.0,low_normal,POS mobile with interest,365243.0,-183.0,87.0,-3.0,365243.0,1.0,0,Cash loans,F,N,Y,1,135000.0,225000.0,14778.0,225000.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.00702,-15145,-1740,-5111.0,-261,,1,1,0,1,0,0,Core staff,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,Other,0.45374788097072,0.4043173683677033,0.5082869913916046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-213.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,0.0 +1329995,416957,Cash loans,24096.105,414000.0,452254.5,,414000.0,MONDAY,17,Y,1,,,,Repairs,Approved,-736,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,low_normal,Cash Street: low,365243.0,-706.0,-16.0,-16.0,-10.0,1.0,0,Cash loans,F,N,Y,1,247500.0,787131.0,30762.0,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00733,-16779,-1842,-810.0,-315,,1,1,0,1,0,0,Managers,3.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Construction,0.5284926019734719,0.565236098865551,0.5298898341969072,0.1093,,0.9846,0.7892,,0.0,0.2759,0.1667,0.2083,,,0.0615,,,0.1113,,0.9846,0.7975,,0.0,0.2759,0.1667,0.2083,,,0.064,,,0.1103,,0.9846,0.792,,0.0,0.2759,0.1667,0.2083,,,0.0626,,,,block of flats,0.099,"Stone, brick",No,0.0,0.0,0.0,0.0,-737.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1079225,173655,Consumer loans,4200.3,52018.785,41616.0,10402.785,52018.785,SUNDAY,13,Y,1,0.21779783154733948,0.1891363481808909,0.8350951374207188,XAP,Approved,-221,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,12.0,middle,POS mobile with interest,365243.0,-186.0,144.0,-96.0,-88.0,0.0,1,Cash loans,F,Y,Y,1,135000.0,180000.0,18571.5,180000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-11417,-1630,-1451.0,-1562,1.0,1,1,0,1,0,0,Laborers,3.0,2,2,THURSDAY,17,0,0,0,0,0,0,Self-employed,0.326235350659674,0.34752101836508714,,0.4732,0.434,0.9856,0.8028,,0.0,1.0,0.1667,0.0,0.7447,,0.3018,,0.0102,0.4821,0.4503,0.9856,0.8105,,0.0,1.0,0.1667,0.0,0.7617,,0.3144,,0.0108,0.4778,0.434,0.9856,0.8054,,0.0,1.0,0.1667,0.0,0.7577,,0.3072,,0.0104,,block of flats,0.4199,Panel,No,7.0,0.0,7.0,0.0,-221.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2427030,357879,Consumer loans,8523.135,83691.0,83277.0,8370.0,83691.0,MONDAY,18,Y,1,0.09946524064171122,,,XAP,Approved,-858,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,300,Consumer electronics,12.0,middle,POS household with interest,365243.0,-827.0,-497.0,-497.0,-495.0,0.0,0,Cash loans,F,N,Y,0,270000.0,1024740.0,55719.0,900000.0,Family,State servant,Secondary / secondary special,Married,House / apartment,0.04622,-10189,-829,-4805.0,-482,,1,1,0,1,0,0,Core staff,2.0,1,1,FRIDAY,18,0,1,1,0,0,0,School,0.3439837162926468,0.7167497033978923,0.7713615919194317,0.0825,0.0659,0.9737,0.6396,,,0.1379,0.1667,,0.0383,,0.0637,,0.0,0.084,0.0684,0.9737,0.6537,,,0.1379,0.1667,,0.0392,,0.0664,,0.0,0.0833,0.0659,0.9737,0.6444,,,0.1379,0.1667,,0.039,,0.0649,,0.0,reg oper account,block of flats,0.0501,"Stone, brick",No,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1799489,313251,Consumer loans,3160.125,30595.5,15745.5,14850.0,30595.5,FRIDAY,15,Y,1,0.5286071481100162,,,XAP,Approved,-2667,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Stone,55,Connectivity,6.0,high,POS mobile with interest,365243.0,-2631.0,-2481.0,-2481.0,-2476.0,0.0,0,Cash loans,F,N,N,0,184500.0,450000.0,21888.0,450000.0,Unaccompanied,Working,Higher education,Separated,Co-op apartment,0.035792000000000004,-14844,-3390,-4781.0,-2857,,1,1,0,1,0,0,,1.0,2,2,FRIDAY,18,0,0,0,0,0,0,Business Entity Type 3,,0.6710154519449951,0.7136313997323308,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,1.0,-2667.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2059084,126230,Cash loans,20062.575,382500.0,382500.0,,382500.0,MONDAY,10,Y,1,,,,XNA,Approved,-1437,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,high,Cash X-Sell: high,365243.0,-1407.0,3.0,-1197.0,-1193.0,0.0,0,Cash loans,F,N,N,2,67500.0,148500.0,10759.5,148500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.01885,-12357,-2706,-2849.0,-246,,1,1,1,1,1,0,Core staff,4.0,2,2,TUESDAY,13,0,0,0,0,0,0,School,0.5890662052900002,0.637487436555786,,0.1268,0.0,0.9727,0.626,0.0117,0.0,0.1034,0.125,0.1667,0.0054,0.1034,0.0293,0.0,0.0,0.1292,0.0,0.9727,0.6406,0.0118,0.0,0.1034,0.125,0.1667,0.0055,0.1129,0.0305,0.0,0.0,0.128,0.0,0.9727,0.631,0.0117,0.0,0.1034,0.125,0.1667,0.0055,0.1052,0.0298,0.0,0.0,reg oper account,block of flats,0.0302,"Stone, brick",No,3.0,1.0,3.0,1.0,-1670.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2353298,157499,Consumer loans,4044.96,31896.0,29655.0,4500.0,31896.0,SATURDAY,15,Y,1,0.14349023835189842,,,XAP,Approved,-2070,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,35,Connectivity,10.0,high,POS mobile with interest,365243.0,-2033.0,-1763.0,-1763.0,-1761.0,0.0,0,Cash loans,F,N,Y,0,270000.0,685012.5,33084.0,553500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-15053,-4960,-7447.0,-4179,,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.4862069394660432,0.41885428862332175,0.0722,0.0657,0.9767,0.6804,0.0077,0.0,0.1379,0.1667,0.2083,0.0372,0.0588,0.0666,0.0,0.0,0.0735,0.0682,0.9767,0.6929,0.0077,0.0,0.1379,0.1667,0.2083,0.0381,0.0643,0.0694,0.0,0.0,0.0729,0.0657,0.9767,0.6847,0.0077,0.0,0.1379,0.1667,0.2083,0.0379,0.0599,0.0678,0.0,0.0,,block of flats,0.0566,"Stone, brick",No,6.0,0.0,6.0,0.0,-242.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1574818,336488,Cash loans,17767.89,225000.0,254700.0,0.0,225000.0,THURSDAY,6,Y,1,0.0,,,XNA,Approved,-1566,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-1535.0,-845.0,-1175.0,-1170.0,0.0,0,Revolving loans,F,N,Y,2,90000.0,135000.0,6750.0,135000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.006852,-18360,-2497,-5933.0,-1898,,1,1,0,1,0,0,Sales staff,4.0,3,3,TUESDAY,5,0,0,0,0,0,0,Self-employed,0.6924489349926999,0.4555696525118093,0.5709165417729987,0.0814,0.0682,0.9771,0.6872,0.0537,0.0,0.1379,0.1667,0.2083,0.0484,0.0647,0.0689,0.0077,0.0052,0.083,0.0708,0.9772,0.6994,0.0542,0.0,0.1379,0.1667,0.2083,0.0496,0.0707,0.0718,0.0078,0.0055,0.0822,0.0682,0.9771,0.6914,0.054000000000000006,0.0,0.1379,0.1667,0.2083,0.0493,0.0658,0.0702,0.0078,0.0053,reg oper account,block of flats,0.0847,Panel,No,0.0,0.0,0.0,0.0,-1565.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2099368,292336,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SATURDAY,17,Y,1,,,,XAP,Approved,-192,XNA,XAP,Unaccompanied,Refreshed,XNA,Cards,walk-in,Regional / Local,55,Consumer electronics,0.0,XNA,Card Street,-191.0,-149.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,N,0,157500.0,1082214.0,31770.0,945000.0,Unaccompanied,Working,Incomplete higher,Married,With parents,0.018634,-11676,-435,-4235.0,-2112,17.0,1,1,1,1,0,0,Laborers,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Other,0.3113184790705946,0.6148419293051586,0.4311917977993083,0.0753,0.1124,0.9955,0.9388,0.0536,0.0,0.1724,0.1667,0.2083,0.1399,0.0614,0.1094,0.0,0.0,0.0767,0.1167,0.9955,0.9412,0.0541,0.0,0.1724,0.1667,0.2083,0.1431,0.067,0.114,0.0,0.0,0.076,0.1124,0.9955,0.9396,0.054000000000000006,0.0,0.1724,0.1667,0.2083,0.1424,0.0624,0.1114,0.0,0.0,reg oper account,block of flats,0.1249,"Stone, brick",No,1.0,0.0,1.0,0.0,-1503.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1666915,115001,Consumer loans,5498.505,29376.0,26109.0,4500.0,29376.0,THURSDAY,13,Y,1,0.16011333564994248,,,XAP,Approved,-2132,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,25,Connectivity,6.0,high,POS mobile with interest,365243.0,-2101.0,-1951.0,-2011.0,-2003.0,0.0,0,Cash loans,M,Y,Y,0,148500.0,1046142.0,33876.0,913500.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.025164,-22774,-999,-11661.0,-4765,5.0,1,1,0,1,1,0,Security staff,1.0,2,2,MONDAY,14,0,0,0,0,0,0,Security,,0.706496424168489,0.511891801533151,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2132.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1231764,215493,Consumer loans,4442.49,22491.0,23796.0,2250.0,22491.0,FRIDAY,10,Y,1,0.09408179933404533,,,XAP,Approved,-964,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,3560,Consumer electronics,6.0,middle,POS household with interest,365243.0,-933.0,-783.0,-873.0,-870.0,0.0,0,Revolving loans,F,N,Y,0,292500.0,382500.0,19125.0,382500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.018209,-15281,-1146,-2016.0,-4311,,1,1,1,1,1,0,,2.0,3,3,WEDNESDAY,9,0,0,0,0,0,0,Self-employed,0.51974222915284,0.4513911874355137,0.646329897706246,0.1474,0.0787,0.9871,,,0.08,0.069,0.3333,,0.1027,,0.049,,0.0,0.1502,0.0817,0.9871,,,0.0806,0.069,0.3333,,0.1051,,0.0511,,0.0,0.1489,0.0787,0.9871,,,0.08,0.069,0.3333,,0.1045,,0.0499,,0.0,,block of flats,0.0843,Panel,No,0.0,0.0,0.0,0.0,-2039.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2077168,304200,Consumer loans,6985.26,82921.5,96057.0,0.0,82921.5,WEDNESDAY,16,Y,1,0.0,,,XAP,Approved,-1021,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,3560,Consumer electronics,18.0,middle,POS household with interest,365243.0,-990.0,-480.0,-810.0,-806.0,0.0,0,Revolving loans,M,N,Y,1,135000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018209,-13747,-4576,-3393.0,-4568,,1,1,0,1,0,0,Drivers,3.0,3,3,TUESDAY,16,0,0,0,0,0,0,Police,0.5702727486061218,0.2850191790800381,0.7121551551910698,0.1108,0.0474,0.9851,0.7959999999999999,0.032,0.04,0.0345,0.3333,0.375,0.0438,0.0895,0.0645,0.0039,0.0,0.1124,0.0469,0.9851,0.804,0.0322,0.0403,0.0345,0.3333,0.375,0.0448,0.0964,0.0672,0.0,0.0,0.1119,0.0474,0.9851,0.7987,0.0322,0.04,0.0345,0.3333,0.375,0.0446,0.0911,0.0657,0.0039,0.0,reg oper account,block of flats,0.0682,Panel,No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2547893,174472,Consumer loans,,89950.5,89950.5,0.0,89950.5,TUESDAY,13,Y,1,0.0,,,XAP,Refused,-219,Cash through the bank,SCO,,Repeater,Computers,XNA,XNA,Country-wide,15,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,F,N,N,0,148500.0,215640.0,17289.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.007305,-8253,-469,-8225.0,-877,,1,1,0,1,1,0,Sales staff,1.0,3,3,WEDNESDAY,15,0,0,0,0,0,0,Trade: type 2,0.3035158699362445,0.4791195595867268,0.3556387169923543,0.0557,0.0292,0.9881,0.8368,0.0102,0.04,0.0345,0.3333,0.0417,0.0225,0.0454,0.0481,0.0,0.0,0.0567,0.0303,0.9881,0.8432,0.0103,0.0403,0.0345,0.3333,0.0417,0.023,0.0496,0.0501,0.0,0.0,0.0562,0.0292,0.9881,0.8390000000000001,0.0103,0.04,0.0345,0.3333,0.0417,0.0229,0.0462,0.049,0.0,0.0,reg oper account,block of flats,0.0434,"Stone, brick",No,0.0,0.0,0.0,0.0,-450.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1667056,315127,Consumer loans,3400.515,36856.35,33169.5,3686.85,36856.35,SATURDAY,11,Y,1,0.1089449936898748,,,XAP,Approved,-960,Cash through the bank,XAP,Family,Repeater,Construction Materials,POS,XNA,Stone,800,Industry,12.0,middle,POS industry with interest,365243.0,-924.0,-594.0,-834.0,-826.0,0.0,0,Cash loans,M,Y,Y,1,292500.0,1372500.0,43096.5,1372500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.020713,-12639,-5492,-1748.0,-4427,2.0,1,1,0,1,0,1,Managers,3.0,3,2,SUNDAY,9,0,0,0,0,0,0,Transport: type 2,0.5896053165994488,0.11886337677396418,0.33285056416487313,0.1196,0.1727,0.994,0.9184,0.0099,0.0,0.4138,0.1667,0.2083,0.1163,0.0967,0.1245,0.0039,0.0677,0.1218,0.1792,0.994,0.9216,0.01,0.0,0.4138,0.1667,0.2083,0.1189,0.1056,0.1297,0.0039,0.0717,0.1207,0.1727,0.994,0.9195,0.01,0.0,0.4138,0.1667,0.2083,0.1183,0.0983,0.1267,0.0039,0.0691,reg oper account,block of flats,0.1181,"Stone, brick",No,0.0,0.0,0.0,0.0,-14.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1738668,245806,Consumer loans,11883.105,85275.0,97731.0,8527.5,85275.0,MONDAY,11,Y,1,0.08740216290718131,,,XAP,Approved,-791,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,15,Connectivity,12.0,high,POS mobile with interest,365243.0,-750.0,-420.0,-420.0,-416.0,0.0,0,Cash loans,F,N,N,0,173250.0,1024290.0,30078.0,855000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.04622,-17113,-4467,-16985.0,-619,,1,1,0,1,1,0,High skill tech staff,2.0,1,1,MONDAY,14,0,0,0,0,1,1,Business Entity Type 3,,0.6863259322308325,0.3556387169923543,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-455.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1569917,221798,Cash loans,10618.875,45000.0,52366.5,,45000.0,SATURDAY,14,Y,1,,,,Repairs,Approved,-891,Cash through the bank,XAP,Family,New,XNA,Cash,walk-in,Country-wide,62,Connectivity,6.0,high,Cash Street: high,365243.0,-861.0,-711.0,-771.0,-764.0,1.0,0,Cash loans,M,Y,Y,1,315000.0,285264.0,30082.5,252000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018029,-10107,-201,-7244.0,-640,10.0,1,1,0,1,0,0,Security staff,3.0,3,2,MONDAY,10,0,0,0,0,0,0,Security,0.5302852259370496,0.4857808562386951,0.3539876078507373,0.133,0.1222,0.9836,0.7756,0.0261,0.0,0.2414,0.1667,0.2083,,0.1084,0.0777,0.0,0.0,0.1355,0.1268,0.9836,0.7844,0.0264,0.0,0.2414,0.1667,0.2083,,0.1185,0.0809,0.0,0.0,0.1343,0.1222,0.9836,0.7786,0.0263,0.0,0.2414,0.1667,0.2083,,0.1103,0.0791,0.0,0.0,reg oper account,block of flats,0.1372,Panel,No,6.0,0.0,6.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1320445,193136,Consumer loans,2809.395,23400.0,21060.0,2340.0,23400.0,SATURDAY,12,Y,1,0.1089090909090909,,,XAP,Approved,-2579,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,15,Connectivity,10.0,high,POS mobile with interest,365243.0,-2542.0,-2272.0,-2272.0,-2228.0,0.0,0,Cash loans,M,N,Y,0,90000.0,239850.0,28593.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.010556,-15310,-201,-750.0,-410,,1,1,1,1,0,0,Low-skill Laborers,1.0,3,3,TUESDAY,10,0,0,0,0,1,1,Agriculture,,0.28327999398065323,0.4507472818545589,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-301.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1424428,215102,Consumer loans,5216.175,95089.5,115173.0,0.0,95089.5,MONDAY,10,Y,1,0.0,,,XAP,Approved,-874,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,1,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-843.0,-153.0,-333.0,-329.0,0.0,0,Cash loans,F,N,Y,0,135000.0,1172470.5,34281.0,918000.0,Family,Pensioner,Higher education,Married,House / apartment,0.018801,-20919,365243,-10175.0,-4230,,1,0,0,1,1,0,,2.0,2,2,SUNDAY,12,0,0,0,0,0,0,XNA,,0.1737653543610143,0.6817058776720116,0.0258,0.0637,0.9861,,,0.0,0.1034,0.0833,,0.0583,,0.0279,,0.0101,0.0263,0.0661,0.9861,,,0.0,0.1034,0.0833,,0.0597,,0.0291,,0.0107,0.026,0.0637,0.9861,,,0.0,0.1034,0.0833,,0.0594,,0.0284,,0.0103,,block of flats,0.0241,"Stone, brick",No,5.0,1.0,5.0,1.0,0.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2522579,265692,Consumer loans,7634.61,152338.5,169470.0,0.0,152338.5,FRIDAY,13,Y,1,0.0,,,XAP,Approved,-269,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,1099,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-239.0,451.0,-149.0,-141.0,1.0,0,Cash loans,M,Y,N,0,180000.0,900000.0,29034.0,900000.0,Family,Working,Higher education,Married,House / apartment,0.022625,-16126,-202,-5281.0,-4994,6.0,1,1,0,1,1,0,Managers,2.0,2,2,SUNDAY,11,0,0,0,0,0,0,Trade: type 7,,0.6551897030469903,0.722392890081304,0.1649,0.1424,0.9796,0.7212,0.202,0.0,0.2759,0.1667,0.2083,0.1735,0.1345,0.0962,0.0,0.0,0.1681,0.1478,0.9796,0.7321,0.2039,0.0,0.2759,0.1667,0.2083,0.1775,0.1469,0.1002,0.0,0.0,0.1665,0.1424,0.9796,0.7249,0.2033,0.0,0.2759,0.1667,0.2083,0.1765,0.1368,0.0979,0.0,0.0,reg oper account,block of flats,0.1187,Panel,No,0.0,0.0,0.0,0.0,-1853.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2363932,449724,Cash loans,10462.68,135000.0,152820.0,0.0,135000.0,FRIDAY,12,Y,1,0.0,,,XNA,Approved,-2205,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,24.0,high,Cash Street: high,365243.0,-2175.0,-1485.0,-1515.0,-1510.0,1.0,0,Cash loans,F,N,Y,0,202500.0,593010.0,19260.0,495000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.010966,-23286,365243,-10143.0,-4278,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,14,0,0,0,0,0,0,XNA,,0.3133902111302968,0.5064842396679806,0.0742,0.1236,0.9821,0.7552,0.0145,0.08,0.069,0.3333,,0.0273,,0.0743,,0.0001,0.0756,0.1283,0.9821,0.7648,0.0147,0.0806,0.069,0.3333,,0.0279,,0.0774,,0.0002,0.0749,0.1236,0.9821,0.7585,0.0146,0.08,0.069,0.3333,,0.0278,,0.0756,,0.0001,reg oper account,block of flats,0.0588,Panel,No,3.0,0.0,3.0,0.0,-487.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,1.0,2.0,7.0 +1984163,308736,Cash loans,23965.83,225000.0,239850.0,,225000.0,THURSDAY,12,Y,1,,,,XNA,Approved,-1444,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,middle,Cash X-Sell: middle,365243.0,-1414.0,-1084.0,-1084.0,-1077.0,1.0,0,Cash loans,F,N,Y,0,247500.0,780363.0,31077.0,697500.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.006670999999999999,-17165,-3627,-8445.0,-627,,1,1,0,1,0,0,Managers,2.0,2,2,SATURDAY,11,0,0,0,0,1,1,Self-employed,,0.6388356448870666,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1444.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1303571,106776,Revolving loans,6750.0,0.0,135000.0,,,WEDNESDAY,19,Y,1,,,,XAP,Refused,-547,XNA,SCOFR,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,N,Y,0,90000.0,284400.0,22599.0,225000.0,Family,Working,Secondary / secondary special,Single / not married,House / apartment,0.0060079999999999995,-9555,-1304,-9550.0,-2031,,1,1,0,1,0,0,Laborers,1.0,2,2,THURSDAY,11,0,0,0,0,1,1,Construction,,0.6956174727927561,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-951.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2349532,153718,Cash loans,19624.05,315000.0,349096.5,,315000.0,THURSDAY,6,Y,1,,,,XNA,Approved,-575,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Regional / Local,60,Consumer electronics,24.0,low_normal,Cash X-Sell: low,365243.0,-545.0,145.0,-245.0,-243.0,1.0,0,Cash loans,F,N,Y,0,90000.0,157050.0,8352.0,112500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.006852,-16514,-1114,-381.0,-37,,1,1,1,1,1,0,Core staff,2.0,3,3,FRIDAY,5,0,0,0,0,0,0,Kindergarten,,0.08286613246744574,0.5744466170995097,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-851.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1531327,107879,Revolving loans,21375.0,0.0,427500.0,,,SUNDAY,18,Y,1,,,,XAP,Approved,-984,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,-100.0,0.0,0,Cash loans,F,N,Y,0,166500.0,835605.0,24561.0,697500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.008625,-16814,-7489,-3880.0,-348,,1,1,1,1,0,0,,2.0,2,2,THURSDAY,10,0,0,0,0,1,1,School,,0.6329626233461539,0.4578995512067301,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2641.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2762320,209525,Consumer loans,6425.19,128052.0,142465.5,0.0,128052.0,FRIDAY,14,Y,1,0.0,,,XAP,Approved,-1490,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,2000,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1459.0,-769.0,-769.0,-760.0,0.0,0,Cash loans,F,N,N,1,112500.0,360000.0,20101.5,360000.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.015221,-17075,-4144,-12144.0,-618,,1,1,0,1,1,0,Sales staff,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,Self-employed,,0.5882812334498618,0.6594055320683344,0.0619,0.052000000000000005,0.9806,0.7348,0.0,0.0,0.1379,0.1667,0.0833,0.0,0.0504,0.0544,0.0,0.0,0.063,0.0539,0.9806,0.7452,0.0,0.0,0.1379,0.1667,0.0833,0.0,0.0551,0.0567,0.0,0.0,0.0625,0.052000000000000005,0.9806,0.7383,0.0,0.0,0.1379,0.1667,0.0833,0.0,0.0513,0.0554,0.0,0.0,reg oper account,block of flats,0.0469,Panel,No,0.0,0.0,0.0,0.0,-967.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1667698,314375,Consumer loans,16028.91,146884.5,143100.0,14692.5,146884.5,TUESDAY,14,Y,1,0.101408293688345,,,XAP,Approved,-1108,Cash through the bank,XAP,"Spouse, partner",Refreshed,Audio/Video,POS,XNA,Country-wide,1300,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1077.0,-807.0,-897.0,-893.0,0.0,0,Cash loans,F,N,Y,0,157500.0,675000.0,20668.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.028663,-21233,-889,-112.0,-3164,,1,1,0,1,0,1,Medicine staff,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Other,0.7725805260609728,0.5513132786748014,0.2721336844147212,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1108.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +2257130,177144,Consumer loans,6999.075,32166.0,34326.0,3240.0,32166.0,TUESDAY,11,Y,1,0.09393213398963278,,,XAP,Approved,-1017,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,6.0,high,POS mobile with interest,365243.0,-986.0,-836.0,-836.0,-830.0,0.0,0,Cash loans,F,N,Y,0,202500.0,463500.0,18508.5,463500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.015221,-14680,-2960,-4864.0,-4556,,1,1,1,1,1,0,Medicine staff,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Medicine,,0.5151787871847137,0.10547318648733764,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-826.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,4.0 +1298502,134682,Consumer loans,20208.69,103977.0,109467.0,0.0,103977.0,MONDAY,12,Y,1,0.0,,,XAP,Approved,-827,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,2200,Consumer electronics,6.0,middle,POS household with interest,365243.0,-796.0,-646.0,-706.0,-702.0,0.0,0,Cash loans,F,Y,N,2,360000.0,900000.0,29034.0,900000.0,Unaccompanied,Working,Higher education,Married,Municipal apartment,0.009549,-12856,-1526,-2384.0,-2996,4.0,1,1,0,1,0,0,Core staff,4.0,2,2,TUESDAY,12,0,0,0,0,0,0,School,,0.5686507033638533,0.6246146584503397,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,1.0,-1704.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1157852,389376,Cash loans,14622.345,225000.0,254700.0,,225000.0,TUESDAY,9,Y,1,,,,XNA,Approved,-275,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-245.0,445.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,2,121500.0,604152.0,26739.0,540000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.015221,-14244,-6110,-5046.0,-4032,,1,1,1,1,0,0,,4.0,2,2,THURSDAY,12,0,0,0,0,1,1,Business Entity Type 2,,0.490457842533637,0.05724877183181196,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1006.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1285540,248993,Consumer loans,5751.495,51498.0,56934.0,0.0,51498.0,MONDAY,9,Y,1,0.0,,,XAP,Approved,-200,XNA,XAP,Unaccompanied,New,Auto Accessories,POS,XNA,Stone,200,Auto technology,12.0,middle,POS other with interest,365243.0,-169.0,161.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,1,90000.0,450000.0,21109.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018209,-16532,-4750,-4232.0,-93,8.0,1,1,0,1,0,0,Security staff,3.0,3,3,FRIDAY,8,0,0,0,0,0,0,Other,0.5835947870626162,0.09050882865811488,0.5797274227921155,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-200.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,0.0 +2659474,235976,Consumer loans,9511.425,83916.0,92776.5,0.0,83916.0,WEDNESDAY,13,Y,1,0.0,,,XAP,Approved,-936,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,1100,Consumer electronics,12.0,middle,POS household with interest,365243.0,-905.0,-575.0,-575.0,-567.0,0.0,1,Cash loans,M,Y,N,0,171000.0,269550.0,21294.0,225000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.015221,-13722,-3655,-2918.0,-4591,0.0,1,1,1,1,1,0,Security staff,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Security,0.2916785121298457,0.3838264522694244,0.3672910183026313,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1487.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1229526,327319,Consumer loans,6677.55,60705.0,60705.0,0.0,60705.0,MONDAY,11,Y,1,0.0,,,XAP,Approved,-247,XNA,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,140,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-216.0,54.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,1,270000.0,1646316.0,48267.0,1471500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010032,-11135,-742,-4094.0,-3425,13.0,1,1,0,1,0,0,Cooking staff,3.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,Self-employed,0.25721723847391875,0.458956059165675,0.6446794549585961,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1280.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1734619,108152,Cash loans,28569.69,562500.0,629325.0,,562500.0,SATURDAY,15,Y,1,,,,XNA,Refused,-271,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,280350.0,787131.0,26145.0,679500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.011703,-15456,-6403,-6503.0,-5132,,1,1,0,1,1,0,Sales staff,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,Self-employed,0.2514273307644534,0.4200250619844873,0.4902575124990026,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-271.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2590476,253391,Consumer loans,2891.16,22455.0,28372.5,0.0,22455.0,THURSDAY,10,Y,1,0.0,,,XAP,Refused,-1421,Cash through the bank,LIMIT,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,33,Connectivity,18.0,high,POS mobile with interest,,,,,,,1,Cash loans,F,N,Y,0,81000.0,112068.0,7488.0,99000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.025164,-9557,-373,-4717.0,-1721,,1,1,1,1,0,0,Core staff,1.0,2,2,THURSDAY,12,0,0,0,0,0,0,Trade: type 7,0.14891672386863236,0.5084037106083088,0.4830501881366946,0.0742,0.0506,0.9891,0.8504,0.0443,0.04,0.1034,0.2708,0.3125,0.0129,0.0605,0.0721,0.0,0.0,0.0756,0.0438,0.9891,0.8563,0.0393,0.0,0.069,0.2083,0.25,0.0114,0.0661,0.0709,0.0,0.0,0.0749,0.0506,0.9891,0.8524,0.0446,0.04,0.1034,0.2708,0.3125,0.0132,0.0616,0.0734,0.0,0.0,reg oper account,block of flats,0.0807,Block,No,0.0,0.0,0.0,0.0,-773.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2363006,190640,Consumer loans,11693.835,128205.0,110205.0,18000.0,128205.0,FRIDAY,13,Y,1,0.15290851654488016,,,XAP,Approved,-187,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,35,Connectivity,12.0,middle,POS mobile with interest,365243.0,-142.0,188.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,1,202500.0,1288350.0,37800.0,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.04622,-13793,-4757,-7883.0,-4800,13.0,1,1,0,1,1,0,Laborers,3.0,1,1,WEDNESDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.4237083834039816,0.7667132625384804,0.6279908192952864,0.1227,,0.9801,,,0.0,0.2759,0.1667,,0.0213,,0.0709,,0.0,0.125,,0.9801,,,0.0,0.2759,0.1667,,0.0218,,0.0739,,0.0,0.1239,,0.9801,,,0.0,0.2759,0.1667,,0.0217,,0.0722,,0.0,,block of flats,0.0813,Panel,No,0.0,0.0,0.0,0.0,-2288.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2277680,102521,Consumer loans,5518.125,25416.0,27063.0,2542.5,25416.0,WEDNESDAY,9,Y,1,0.09353037902969501,,,XAP,Approved,-1510,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,20,Connectivity,6.0,high,POS mobile with interest,365243.0,-1478.0,-1328.0,-1328.0,-1303.0,0.0,1,Cash loans,F,N,Y,0,112500.0,296280.0,23539.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Rented apartment,0.006852,-13675,-415,-724.0,-4477,,1,1,0,1,0,0,Cooking staff,1.0,3,3,MONDAY,13,0,0,0,0,0,0,Self-employed,0.3592494679682263,0.12170243627609265,0.4294236843421945,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1510.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2153114,419445,Consumer loans,6236.505,28206.0,29695.5,0.0,28206.0,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-381,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,6.0,high,POS mobile with interest,365243.0,-350.0,-200.0,-350.0,-334.0,0.0,0,Cash loans,M,Y,N,0,315000.0,1035000.0,41044.5,1035000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.015221,-17058,-5207,-4341.0,-614,12.0,1,1,1,1,1,0,Drivers,2.0,2,2,TUESDAY,19,0,0,0,0,0,0,Self-employed,,0.4500160947010737,0.6986675550534175,0.066,0.0631,0.9781,0.7008,0.12,0.0,0.1379,0.1667,0.2083,0.056,0.0538,0.0497,0.0,0.0592,0.0672,0.0655,0.9782,0.7125,0.121,0.0,0.1379,0.1667,0.2083,0.0573,0.0588,0.0518,0.0,0.0627,0.0666,0.0631,0.9781,0.7048,0.1207,0.0,0.1379,0.1667,0.2083,0.057,0.0547,0.0506,0.0,0.0604,,block of flats,0.0656,"Stone, brick",No,2.0,0.0,2.0,0.0,-1812.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,3.0 +1908028,208072,Consumer loans,3690.99,30870.0,33588.0,0.0,30870.0,THURSDAY,11,Y,1,0.0,,,XAP,Approved,-588,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-551.0,-281.0,-371.0,-368.0,0.0,0,Cash loans,M,Y,Y,2,450000.0,495000.0,17910.0,495000.0,Family,Working,Higher education,Married,House / apartment,0.026392000000000002,-19713,-1902,-2255.0,-3242,12.0,1,1,0,1,0,0,Drivers,4.0,2,2,THURSDAY,10,0,0,0,0,1,1,Self-employed,,0.5596446396497845,,0.0526,0.0823,0.9836,,,0.0,0.2069,0.0833,,,,0.0509,,0.0713,0.0536,0.0854,0.9836,,,0.0,0.2069,0.0833,,,,0.0531,,0.0755,0.0531,0.0823,0.9836,,,0.0,0.2069,0.0833,,,,0.0519,,0.0728,,block of flats,0.0549,Panel,No,0.0,0.0,0.0,0.0,-934.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1759903,254522,Consumer loans,10055.025,84375.0,75375.0,9000.0,84375.0,WEDNESDAY,18,Y,1,0.11616969696969692,,,XAP,Refused,-2593,Cash through the bank,SCO,Family,Repeater,Consumer Electronics,POS,XNA,Stone,40,Consumer electronics,10.0,low_normal,POS household with interest,,,,,,,0,Cash loans,M,N,N,0,261000.0,900000.0,45954.0,900000.0,Unaccompanied,Commercial associate,Incomplete higher,Married,Municipal apartment,0.04622,-10451,-354,-2861.0,-3097,,1,1,0,1,0,0,Drivers,2.0,1,1,SATURDAY,9,0,0,0,0,0,0,Government,,0.6007476868238458,0.2340151665320674,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1238.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1229954,189180,Consumer loans,18091.35,184365.0,184365.0,0.0,184365.0,SUNDAY,16,Y,1,0.0,,,XAP,Approved,-227,Cash through the bank,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Country-wide,50,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-195.0,135.0,-45.0,-38.0,0.0,0,Cash loans,F,Y,Y,2,112500.0,265851.0,13702.5,229500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.072508,-16714,365243,-6007.0,-257,5.0,1,0,0,1,1,0,,4.0,1,1,WEDNESDAY,13,0,0,0,0,0,0,XNA,0.8261362678992181,0.7920091721552707,,0.0474,0.0527,0.9717,,,0.0,0.1034,0.1667,,0.073,,0.0625,,0.0514,0.0483,0.0547,0.9717,,,0.0,0.1034,0.1667,,0.0747,,0.0651,,0.0544,0.0479,0.0527,0.9717,,,0.0,0.1034,0.1667,,0.0743,,0.0636,,0.0524,,block of flats,0.0605,"Stone, brick",No,1.0,0.0,1.0,0.0,-227.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2505832,118671,Consumer loans,3593.34,29205.0,28881.0,2925.0,29205.0,MONDAY,16,Y,1,0.10015691721973552,,,XAP,Refused,-1628,Cash through the bank,LIMIT,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,12.0,high,POS mobile with interest,,,,,,,0,Cash loans,M,N,N,1,135000.0,536917.5,27544.5,463500.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.031329,-9661,-1150,-219.0,-2320,,1,1,0,1,0,0,Drivers,3.0,2,2,FRIDAY,11,0,0,0,0,1,1,Trade: type 7,,0.4098963543547136,0.4956658291397297,0.067,0.0251,0.999,0.9864,0.011,0.0,0.1034,0.0833,0.0417,0.0224,0.0546,0.0548,0.0039,0.0605,0.0683,0.026,0.999,0.9869,0.0111,0.0,0.1034,0.0833,0.0417,0.0229,0.0597,0.0571,0.0039,0.0641,0.0677,0.0251,0.999,0.9866,0.0111,0.0,0.1034,0.0833,0.0417,0.0228,0.0556,0.0558,0.0039,0.0618,reg oper account,block of flats,0.0563,Block,No,3.0,0.0,3.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1817470,149085,Consumer loans,4575.375,31455.0,28309.5,3145.5,31455.0,SUNDAY,8,Y,1,0.1089090909090909,,,XAP,Approved,-980,XNA,XAP,,New,Mobile,POS,XNA,Regional / Local,30,Connectivity,8.0,high,POS mobile with interest,365243.0,-939.0,-729.0,-789.0,-782.0,0.0,0,Revolving loans,M,N,Y,0,112500.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,With parents,0.020713,-7879,-1233,-6768.0,-556,,1,1,0,1,0,0,Drivers,2.0,3,3,SUNDAY,11,0,0,0,0,1,1,Business Entity Type 3,0.2433079520543962,0.5245067245171547,0.5442347412142162,0.1206,0.1518,0.9866,0.8164,0.0219,0.0,0.2759,0.1667,0.2083,0.0,0.0983,0.1176,0.0,0.0,0.1229,0.1575,0.9866,0.8236,0.0221,0.0,0.2759,0.1667,0.2083,0.0,0.1074,0.1225,0.0,0.0,0.1218,0.1518,0.9866,0.8189,0.0221,0.0,0.2759,0.1667,0.2083,0.0,0.1,0.1197,0.0,0.0,reg oper account,block of flats,0.1095,Panel,No,0.0,0.0,0.0,0.0,-980.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1942021,317850,Revolving loans,45000.0,900000.0,900000.0,,900000.0,WEDNESDAY,13,Y,1,,,,XAP,Approved,-692,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,292500.0,1647000.0,57379.5,1647000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.015221,-18771,-2905,-2696.0,-2324,,1,1,0,1,1,0,Drivers,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.3808725340313856,0.15663982703141147,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1685.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +2045800,164707,Revolving loans,3375.0,67500.0,67500.0,,67500.0,THURSDAY,17,Y,1,,,,XAP,Approved,-156,XNA,XAP,Group of people,Repeater,XNA,Cards,x-sell,Country-wide,50,Consumer electronics,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,202500.0,723604.5,57168.0,670500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,With parents,0.011656999999999999,-9203,-235,-6193.0,-1642,64.0,1,1,0,1,0,0,,1.0,1,1,SATURDAY,15,0,1,1,1,0,0,Other,,0.1849108538030692,0.3108182544189319,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2405036,256325,Consumer loans,29909.385,296595.0,284553.0,29659.5,296595.0,SATURDAY,16,Y,1,0.10280269504931153,,,XAP,Approved,-963,Cash through the bank,XAP,Children,Refreshed,Computers,POS,XNA,Regional / Local,1000,Consumer electronics,12.0,middle,POS household with interest,365243.0,-932.0,-602.0,-602.0,-598.0,0.0,0,Cash loans,M,N,Y,0,472500.0,1699740.0,93276.0,1575000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-16789,-1694,-3282.0,-329,,1,1,0,1,1,1,Laborers,2.0,1,1,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.4761608563377675,0.6669623865025072,0.5226973172821112,0.1057,0.0462,0.9856,0.8028,0.0,0.12,0.0517,0.5417,0.0417,0.0,0.0853,0.1069,0.0039,0.0278,0.0851,0.0383,0.9762,0.6864,0.0,0.0806,0.0345,0.4583,0.0417,0.0,0.0735,0.0732,0.0039,0.0144,0.1067,0.0462,0.9856,0.8054,0.0,0.12,0.0517,0.5417,0.0417,0.0,0.0868,0.1089,0.0039,0.0284,reg oper account,block of flats,0.0644,Block,No,0.0,0.0,0.0,0.0,-963.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2335223,307544,Cash loans,14316.525,270000.0,321142.5,,270000.0,SATURDAY,15,Y,1,,,,XNA,Approved,-389,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,42.0,middle,Cash X-Sell: middle,365243.0,-359.0,871.0,-179.0,-164.0,1.0,0,Cash loans,M,Y,Y,0,225000.0,691020.0,19935.0,495000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-23135,365243,-6589.0,-4927,1.0,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,XNA,,0.7006498027026112,0.7490217048463391,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-3281.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2219367,237816,Cash loans,,0.0,0.0,,,TUESDAY,10,Y,1,,,,XNA,Refused,-403,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,202500.0,509400.0,40374.0,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.072508,-21188,365243,-1038.0,-4217,,1,0,0,1,0,0,,1.0,1,1,SATURDAY,14,0,0,0,0,0,0,XNA,,0.4481712095962852,0.2079641743053816,0.1945,0.1978,0.9836,0.7756,0.0,0.32,0.1379,0.4583,0.5,0.0,0.1586,0.0,0.0,0.0,0.2006,0.1035,0.9841,0.7909,0.0,0.3222,0.1379,0.4583,0.5,0.0,0.1754,0.0,0.0,0.0,0.1988,0.2161,0.9841,0.7853,0.0,0.32,0.1379,0.4583,0.5,0.0,0.1633,0.0,0.0,0.0,reg oper account,block of flats,0.1298,Panel,No,0.0,0.0,0.0,0.0,-124.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,9.0 +1528894,265145,Consumer loans,6287.985,40266.0,33912.0,8055.0,40266.0,THURSDAY,11,Y,1,0.2090363207455208,,,XAP,Refused,-522,Cash through the bank,HC,,Repeater,Audio/Video,POS,XNA,Regional / Local,400,Consumer electronics,6.0,middle,POS household with interest,,,,,,,0,Revolving loans,F,N,N,0,67500.0,202500.0,10125.0,202500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.01885,-20916,-2073,-1875.0,-4442,,1,1,0,1,0,0,,2.0,2,2,MONDAY,15,0,0,0,0,0,0,Business Entity Type 2,0.7984908893287745,0.6240328609575271,0.8297501422395771,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,-522.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1987914,399055,Consumer loans,16698.285,103455.0,87133.5,20691.0,103455.0,SUNDAY,14,Y,1,0.20899127749259205,,,XAP,Approved,-684,XNA,XAP,Other_B,Refreshed,Mobile,POS,XNA,Country-wide,30,Connectivity,6.0,middle,POS mobile with interest,365243.0,-653.0,-503.0,-503.0,-495.0,0.0,0,Cash loans,M,N,N,0,225000.0,640080.0,31131.0,450000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,Office apartment,0.04622,-9847,-2435,-4365.0,-699,,1,1,0,1,0,0,,1.0,1,1,FRIDAY,18,0,1,1,0,0,0,Trade: type 7,,0.3908891215573688,0.6528965519806539,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-684.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1100208,145364,Consumer loans,6960.24,26280.0,24430.5,2628.0,26280.0,MONDAY,10,Y,1,0.10577566787112767,,,XAP,Approved,-2606,Cash through the bank,XAP,Children,New,Mobile,POS,XNA,Country-wide,25,Connectivity,4.0,low_normal,POS mobile with interest,365243.0,-2574.0,-2484.0,-2484.0,-2460.0,1.0,0,Cash loans,F,N,N,0,292500.0,378117.0,21834.0,342000.0,Family,State servant,Secondary / secondary special,Civil marriage,House / apartment,0.025164,-15425,-8773,-2416.0,-5174,,1,1,0,1,0,0,Medicine staff,2.0,2,2,WEDNESDAY,12,0,0,0,0,1,1,Transport: type 2,,0.4824494281827601,0.6528965519806539,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1797.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1916713,238016,Consumer loans,10825.965,80995.5,88123.5,0.0,80995.5,WEDNESDAY,11,Y,1,0.0,,,XAP,Approved,-181,XNA,XAP,,Repeater,Computers,POS,XNA,Country-wide,100,Consumer electronics,10.0,middle,POS household with interest,365243.0,-146.0,124.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,112500.0,339228.0,17451.0,243000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.008473999999999999,-15227,-143,-7710.0,-4210,,1,1,0,1,1,0,,2.0,2,2,TUESDAY,11,0,0,0,0,1,1,Transport: type 1,0.8548353814436324,0.5774035077118999,0.6195277080511546,0.0619,0.0629,0.9871,0.8232,0.0335,0.0,0.2069,0.1667,0.2083,0.0,0.0504,0.0688,0.0,0.0,0.063,0.0653,0.9871,0.8301,0.0338,0.0,0.2069,0.1667,0.2083,0.0,0.0551,0.0717,0.0,0.0,0.0625,0.0629,0.9871,0.8256,0.0337,0.0,0.2069,0.1667,0.2083,0.0,0.0513,0.0701,0.0,0.0,reg oper account,block of flats,0.0724,"Stone, brick",No,0.0,0.0,0.0,0.0,-476.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1245574,347904,Cash loans,17079.255,135000.0,143910.0,,135000.0,WEDNESDAY,15,Y,1,,,,Medicine,Approved,-671,Cash through the bank,XAP,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-641.0,-311.0,-611.0,-603.0,1.0,0,Cash loans,F,N,Y,0,202500.0,225000.0,9661.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.025164,-23460,365243,-12961.0,-396,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,14,0,0,0,0,0,0,XNA,,0.2453495532540649,,0.0722,0.0482,0.9826,0.762,0.0324,0.0,0.1379,0.1667,0.2083,0.0673,0.058,0.0675,0.0039,0.027000000000000003,0.0735,0.05,0.9826,0.7713,0.0327,0.0,0.1379,0.1667,0.2083,0.0688,0.0634,0.0703,0.0039,0.0286,0.0729,0.0482,0.9826,0.7652,0.0326,0.0,0.1379,0.1667,0.2083,0.0685,0.059,0.0687,0.0039,0.0275,reg oper account,block of flats,0.0715,Block,No,0.0,0.0,0.0,0.0,-1050.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,18.0 +1779359,416618,Consumer loans,8427.78,77809.14,76896.0,6772.14,77809.14,SATURDAY,19,Y,1,0.0881515485953304,,,XAP,Approved,-2179,Cash through the bank,XAP,"Spouse, partner",New,Audio/Video,POS,XNA,Country-wide,2820,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2148.0,-1878.0,-1938.0,-1933.0,1.0,0,Cash loans,M,N,N,0,180000.0,412560.0,11475.0,270000.0,Unaccompanied,Working,Incomplete higher,Single / not married,House / apartment,0.016612000000000002,-10728,-747,-310.0,-3324,,1,1,0,1,0,0,Sales staff,1.0,2,2,FRIDAY,17,0,0,0,0,0,0,Business Entity Type 3,,0.4631236844770422,0.8193176922872417,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1793.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1667233,202093,Consumer loans,39297.555,226791.0,212868.0,22680.0,226791.0,SATURDAY,12,Y,1,0.10486432412154556,,,XAP,Approved,-863,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,500,Consumer electronics,6.0,middle,POS household with interest,365243.0,-832.0,-682.0,-682.0,-679.0,0.0,0,Cash loans,F,N,N,0,315000.0,948582.0,27864.0,679500.0,Family,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.072508,-16835,-2122,-7328.0,-384,,1,1,0,1,0,0,Cleaning staff,2.0,1,1,MONDAY,17,0,0,0,0,0,0,Business Entity Type 2,,0.6185017208866961,,0.1979,0.0983,0.9786,0.7076,0.0295,0.32,0.1379,0.4583,0.5,0.0,0.1601,0.1901,0.0058,0.0066,0.2017,0.0992,0.9786,0.7190000000000001,0.0297,0.3222,0.1379,0.4583,0.5,0.0,0.1745,0.1972,0.0039,0.0023,0.1999,0.0983,0.9786,0.7115,0.0297,0.32,0.1379,0.4583,0.5,0.0,0.1629,0.1935,0.0058,0.0067,,terraced house,0.1506,"Stone, brick",No,0.0,0.0,0.0,0.0,-5.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2447316,356898,Cash loans,,0.0,0.0,,,SATURDAY,17,Y,1,,,,XNA,Refused,-194,XNA,HC,,Repeater,XNA,XNA,XNA,Country-wide,107,Connectivity,,XNA,Cash,,,,,,,1,Cash loans,F,Y,Y,1,126000.0,325908.0,17811.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00702,-14843,-898,-1499.0,-4746,64.0,1,1,0,1,0,1,,3.0,2,2,THURSDAY,15,0,0,0,0,0,0,Industry: type 11,,0.6526360945733339,0.35895122857839673,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1336821,165999,Cash loans,10666.35,135000.0,135000.0,,135000.0,FRIDAY,15,Y,1,,,,XNA,Approved,-1226,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Country-wide,30,Connectivity,24.0,high,Cash Street: high,365243.0,-1196.0,-506.0,-506.0,-503.0,0.0,0,Cash loans,F,N,N,0,67500.0,521280.0,26613.0,450000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.00702,-17965,-5378,-5415.0,-1494,,1,1,1,1,0,0,Secretaries,2.0,2,2,WEDNESDAY,13,0,0,0,1,0,1,Medicine,,0.4529241527861519,0.5567274263630174,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1831.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2155829,173873,Consumer loans,9042.75,65236.5,67837.5,3510.0,65236.5,SATURDAY,12,Y,1,0.05357873914165304,,,XAP,Approved,-2055,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,1810,Consumer electronics,12.0,high,POS household with interest,365243.0,-2024.0,-1694.0,-1694.0,-1578.0,0.0,0,Cash loans,F,N,Y,1,112500.0,1762110.0,48586.5,1575000.0,"Spouse, partner",Working,Higher education,Married,House / apartment,0.008865999999999999,-11727,-79,-6301.0,-3004,,1,1,0,1,0,0,Managers,3.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Self-employed,,0.8003405364132226,0.6296742509538716,,,0.9901,,,,,,,,,0.1053,,,,,0.9901,,,,,,,,,0.1097,,,,,0.9901,,,,,,,,,0.1072,,,,,0.0828,,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2747646,397696,Consumer loans,,89955.0,89955.0,0.0,89955.0,WEDNESDAY,10,Y,1,0.0,,,XAP,Refused,-1003,Cash through the bank,HC,,Repeater,Computers,XNA,XNA,Country-wide,55,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,M,Y,Y,0,180000.0,918468.0,30483.0,697500.0,Unaccompanied,Working,Secondary / secondary special,Married,Rented apartment,0.035792000000000004,-12407,-805,-6344.0,-4257,0.0,1,1,0,1,1,0,Laborers,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,Self-employed,,0.6346780701565842,0.6363761710860439,0.033,,0.9841,,,0.0,0.1034,0.125,,0.0322,,0.0349,,0.0544,0.0336,,0.9841,,,0.0,0.1034,0.125,,0.0329,,0.0364,,0.0575,0.0333,,0.9841,,,0.0,0.1034,0.125,,0.0327,,0.0356,,0.0555,,block of flats,0.0275,Panel,No,2.0,0.0,2.0,0.0,-1003.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1130952,153831,Revolving loans,11250.0,225000.0,225000.0,,225000.0,FRIDAY,14,Y,1,,,,XAP,Approved,-887,XNA,XAP,,New,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,157500.0,270000.0,21645.0,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-13707,-1718,-298.0,-3877,,1,1,0,1,0,0,Core staff,2.0,2,2,WEDNESDAY,11,0,0,0,1,0,1,Trade: type 1,0.4991719061546097,0.7362313190206019,0.3425288720742255,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-887.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2246832,303361,Consumer loans,12759.705,116995.5,114849.0,11700.0,116995.5,THURSDAY,18,Y,1,0.10069114442914312,,,XAP,Approved,-1145,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,5000,Consumer electronics,11.0,middle,POS household with interest,365243.0,-1114.0,-814.0,-814.0,-806.0,0.0,0,Revolving loans,F,N,Y,0,157500.0,270000.0,13500.0,180000.0,Unaccompanied,State servant,Higher education,Civil marriage,House / apartment,0.031329,-9423,-1993,-3997.0,-1998,,1,1,1,1,1,1,Managers,2.0,2,2,MONDAY,8,0,0,0,0,0,0,Police,0.6129202308474139,0.3051316821778067,0.3606125659189888,0.1052,,0.9841,,,0.12,0.1034,0.3333,,,,0.1106,,0.1434,0.1071,,0.9841,,,0.1208,0.1034,0.3333,,,,0.1152,,0.1518,0.1062,,0.9841,,,0.12,0.1034,0.3333,,,,0.1126,,0.1464,,,0.1181,,No,0.0,0.0,0.0,0.0,-169.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2706389,423109,Consumer loans,6896.88,110205.0,133479.0,0.0,110205.0,FRIDAY,12,Y,1,0.0,,,XAP,Approved,-718,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Regional / Local,60,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-687.0,3.0,-507.0,-499.0,0.0,0,Cash loans,F,N,N,0,135000.0,675000.0,53329.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,With parents,0.035792000000000004,-12512,-525,-49.0,-2157,,1,1,1,1,0,0,Sales staff,2.0,2,2,TUESDAY,18,0,0,0,0,0,0,Trade: type 3,0.37626083234017216,0.2924467559411109,0.2807895743848605,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-372.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,11.0 +1052609,412218,Cash loans,19172.52,360000.0,541138.5,,360000.0,FRIDAY,9,Y,1,,,,XNA,Approved,-830,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,middle,Cash X-Sell: middle,365243.0,-800.0,970.0,-80.0,-72.0,1.0,1,Cash loans,F,N,N,0,270000.0,728460.0,57555.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.00963,-20347,365243,-5430.0,-3560,,1,0,0,1,1,0,,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,XNA,,0.2198574574235045,0.25533177083329,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-18.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2574520,438600,Consumer loans,4226.805,52060.5,41647.5,10413.0,52060.5,THURSDAY,17,Y,1,0.21783700956317426,,,XAP,Refused,-376,Cash through the bank,SCO,,Repeater,Mobile,POS,XNA,Country-wide,37,Connectivity,12.0,middle,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,2,112500.0,284400.0,13963.5,225000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.008473999999999999,-13209,-736,-5103.0,-5103,,1,1,0,1,0,0,,4.0,2,2,TUESDAY,18,0,0,0,0,0,0,Construction,,0.4361061631816979,,,0.0892,0.9821,0.7552,0.0902,0.16,0.1379,0.3333,0.375,0.0724,,0.0983,,,,0.0925,0.9821,0.7648,0.091,0.1611,0.1379,0.3333,0.375,0.0741,,0.1024,,,,0.0892,0.9821,0.7585,0.0908,0.16,0.1379,0.3333,0.375,0.0737,,0.1001,,,reg oper account,block of flats,0.1267,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2807910,168653,Revolving loans,9000.0,0.0,180000.0,,,THURSDAY,16,Y,1,,,,XAP,Approved,-2777,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,51,Connectivity,0.0,XNA,Card Street,-2775.0,-2721.0,365243.0,-864.0,365243.0,0.0,0,Cash loans,F,N,N,0,135000.0,544491.0,21226.5,454500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.030755,-19413,-3236,-5466.0,-2952,,1,1,0,1,0,0,Accountants,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Self-employed,,0.5942318217845904,0.7352209993926424,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1904.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1905977,181673,Consumer loans,28437.48,245290.5,258781.5,0.0,245290.5,FRIDAY,13,Y,1,0.0,,,XAP,Approved,-556,Cash through the bank,XAP,,New,Clothing and Accessories,POS,XNA,Regional / Local,100,Clothing,10.0,low_normal,POS industry without interest,365243.0,-525.0,-255.0,-285.0,-281.0,0.0,0,Cash loans,F,N,Y,1,225000.0,884844.0,56677.5,810000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.04622,-12024,-961,-1614.0,-4553,,1,1,0,1,0,0,High skill tech staff,3.0,1,1,MONDAY,15,0,1,1,0,0,0,Industry: type 1,,0.6332013646733305,0.6971469077844458,0.2237,0.153,0.9791,0.7144,0.0286,0.16,0.1379,0.3333,0.375,,0.1816,0.215,0.0039,0.0437,0.2279,0.1588,0.9791,0.7256,0.0289,0.1611,0.1379,0.3333,0.375,,0.1983,0.224,0.0039,0.0463,0.2259,0.153,0.9791,0.7182,0.0288,0.16,0.1379,0.3333,0.375,,0.1847,0.2188,0.0039,0.0446,reg oper spec account,block of flats,0.2042,Panel,No,1.0,0.0,1.0,0.0,-556.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2792280,127628,Cash loans,46726.605,1417500.0,1569060.0,,1417500.0,TUESDAY,14,Y,1,,,,XNA,Approved,-489,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,54.0,low_normal,Cash X-Sell: low,365243.0,-459.0,1131.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,184500.0,176328.0,9846.0,139500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-19527,-2602,-8559.0,-3054,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,14,0,0,0,0,1,1,Business Entity Type 2,,0.6735880900889022,0.5280927512030451,0.0918,0.0985,0.9836,0.7756,0.0118,0.0,0.2069,0.1667,0.2083,0.0798,0.0731,0.0564,0.0077,0.1418,0.0935,0.1022,0.9836,0.7844,0.0119,0.0,0.2069,0.1667,0.2083,0.0816,0.0799,0.0588,0.0078,0.1501,0.0926,0.0985,0.9836,0.7786,0.0119,0.0,0.2069,0.1667,0.2083,0.0812,0.0744,0.0574,0.0078,0.1448,reg oper spec account,block of flats,0.0752,Panel,No,5.0,0.0,5.0,0.0,-1949.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2382173,115731,Cash loans,12769.74,135000.0,161622.0,,135000.0,THURSDAY,10,Y,1,,,,Repairs,Approved,-308,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Country-wide,75,Connectivity,24.0,high,Cash Street: high,365243.0,-278.0,412.0,365243.0,365243.0,1.0,1,Cash loans,M,Y,Y,0,135000.0,397881.0,19480.5,328500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.025164,-16112,-782,-8.0,-4236,24.0,1,1,0,1,0,0,Drivers,1.0,2,2,THURSDAY,12,0,0,0,0,1,1,Business Entity Type 3,,0.4469871199507649,,0.1031,0.0861,0.9767,0.6804,0.0709,0.0,0.2069,0.1667,0.2083,0.097,0.0807,0.0757,0.0154,0.0798,0.105,0.0894,0.9767,0.6929,0.0716,0.0,0.2069,0.1667,0.2083,0.0993,0.0882,0.0789,0.0156,0.0844,0.1041,0.0861,0.9767,0.6847,0.0714,0.0,0.2069,0.1667,0.2083,0.0987,0.0821,0.0771,0.0155,0.0814,reg oper account,block of flats,0.1157,"Stone, brick",No,3.0,1.0,3.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2300035,126777,Cash loans,14436.495,67500.0,77733.0,,67500.0,THURSDAY,19,Y,1,,,,XNA,Approved,-1199,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-1169.0,-1019.0,-1019.0,-1014.0,1.0,0,Cash loans,M,N,Y,0,157500.0,342000.0,33957.0,342000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-17376,-2335,-5314.0,-14,,1,1,0,1,0,0,Low-skill Laborers,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.6998741100212389,0.6577838002083306,0.0227,,0.9732,,,0.0,0.1034,0.1667,,0.0402,,0.0468,,0.0425,0.0231,,0.9732,,,0.0,0.1034,0.1667,,0.0412,,0.0487,,0.045,0.0229,,0.9732,,,0.0,0.1034,0.1667,,0.0409,,0.0476,,0.0434,,block of flats,0.046,"Stone, brick",No,3.0,0.0,3.0,0.0,-1885.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1921962,358555,Consumer loans,11604.825,191700.0,224595.0,0.0,191700.0,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-358,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Stone,233,Furniture,24.0,low_normal,POS industry with interest,365243.0,-321.0,369.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,Y,1,90000.0,135000.0,6750.0,,,Working,Secondary / secondary special,Married,House / apartment,0.020713,-12233,-4818,-201.0,-3237,,1,1,1,1,1,0,,3.0,3,3,SUNDAY,11,0,0,0,0,0,0,Self-employed,,0.1099625423171951,0.4101025731788671,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-78.0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2763287,248101,Consumer loans,13242.78,71991.0,72207.0,7200.0,71991.0,SUNDAY,19,Y,1,0.09875016743428844,,,XAP,Approved,-717,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Regional / Local,100,Consumer electronics,6.0,middle,POS household with interest,365243.0,-686.0,-536.0,-536.0,-528.0,0.0,0,Cash loans,F,Y,Y,1,157500.0,640080.0,29970.0,450000.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.006670999999999999,-11025,-1586,-4172.0,-3296,12.0,1,1,0,1,0,0,Accountants,2.0,2,2,WEDNESDAY,16,0,0,0,0,1,1,Business Entity Type 3,0.2765218264643921,0.6324696956693028,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-717.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1698075,106981,Consumer loans,2917.35,24615.0,24331.5,2475.0,24615.0,WEDNESDAY,9,Y,1,0.1005539701191875,,,XAP,Approved,-2136,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,40,Connectivity,12.0,high,POS mobile with interest,365243.0,-2105.0,-1775.0,-1775.0,-1768.0,0.0,0,Cash loans,M,Y,Y,0,180000.0,237024.0,15970.5,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-18490,-2829,-10872.0,-2053,15.0,1,1,0,1,0,0,Security staff,2.0,2,2,THURSDAY,13,0,0,0,0,1,1,Security,0.304862956048232,0.5880746556211954,0.248535557339522,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-2136.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1332046,244977,Consumer loans,20244.6,396720.0,396720.0,0.0,396720.0,FRIDAY,10,Y,1,0.0,,,XAP,Approved,-1152,XNA,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Regional / Local,317,Consumer electronics,30.0,middle,POS household with interest,365243.0,-1121.0,-251.0,-251.0,-247.0,0.0,0,Cash loans,F,N,Y,0,112500.0,536917.5,30109.5,463500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.006629,-22734,365243,-1448.0,-4072,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,5,0,0,0,0,0,0,XNA,,0.3930832710091585,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1152.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1433664,450654,Cash loans,42511.5,450000.0,450000.0,,450000.0,SATURDAY,12,Y,1,,,,Repairs,Refused,-387,Cash through the bank,HC,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,Y,N,0,135000.0,225000.0,23625.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-19010,-6761,-3771.0,-2561,2.0,1,1,1,1,1,0,Cleaning staff,2.0,2,2,SUNDAY,18,0,0,0,0,0,0,University,,0.3253583500479828,0.6041125998015721,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1125.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1235328,327753,Consumer loans,8590.68,30735.0,31815.0,0.0,30735.0,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-497,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Regional / Local,146,Consumer electronics,4.0,middle,POS household with interest,365243.0,-465.0,-375.0,-375.0,-369.0,0.0,0,Cash loans,M,Y,N,0,135000.0,1093500.0,31972.5,1093500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-9170,-1169,-3829.0,-1251,11.0,1,1,1,1,0,0,Laborers,2.0,2,2,THURSDAY,17,0,0,0,0,1,1,Business Entity Type 3,0.19395669835952112,0.595591456950598,0.2032521136204725,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-965.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1411947,435895,Revolving loans,2250.0,45000.0,45000.0,,45000.0,MONDAY,12,Y,1,,,,XAP,Approved,-465,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Country-wide,4500,Consumer electronics,0.0,XNA,Card Street,-438.0,-392.0,365243.0,-364.0,-135.0,0.0,0,Cash loans,F,N,Y,2,135000.0,1024740.0,43546.5,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-10899,-3347,-4744.0,-1827,,1,1,0,1,1,0,Laborers,4.0,1,1,THURSDAY,13,0,0,0,0,0,0,Business Entity Type 1,0.7274946551971777,0.7002276745159423,0.5172965813614878,0.5124,0.3656,0.9816,,,0.56,0.4828,0.3333,,0.6821,,0.4854,,0.005,0.5221,0.3794,0.9816,,,0.5639,0.4828,0.3333,,0.6976,,0.5058,,0.0053,0.5173,0.3656,0.9816,,,0.56,0.4828,0.3333,,0.6939,,0.4942,,0.0051,,block of flats,0.3829,Panel,No,4.0,0.0,4.0,0.0,-832.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1175887,244876,Cash loans,30691.395,585000.0,677664.0,,585000.0,WEDNESDAY,15,Y,1,,,,XNA,Approved,-425,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,Y,Y,0,135000.0,931401.0,39591.0,832500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0105,-22395,-508,-6615.0,-5309,17.0,1,1,0,1,0,0,Laborers,2.0,3,3,MONDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.6671226582593858,0.3910549766342248,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1614.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1622704,149552,Cash loans,14216.31,67500.0,77620.5,,67500.0,WEDNESDAY,17,Y,1,,,,XNA,Approved,-1310,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,low_normal,Cash X-Sell: low,365243.0,-1280.0,-1130.0,-1130.0,-1123.0,1.0,0,Cash loans,M,N,Y,0,207000.0,1107900.0,35869.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00963,-19895,-5567,-6841.0,-3387,,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.6323282486858035,0.18930772038571475,0.475849908720221,0.1856,0.0111,0.9901,0.8572,0.0377,0.12,0.1034,0.375,0.4167,0.0982,0.1513,0.1868,0.0,0.0088,0.1891,0.0115,0.9901,0.8628,0.0381,0.1208,0.1034,0.375,0.4167,0.1004,0.1653,0.1946,0.0,0.0093,0.1874,0.0111,0.9901,0.8591,0.038,0.12,0.1034,0.375,0.4167,0.0999,0.1539,0.1901,0.0,0.009000000000000001,reg oper spec account,block of flats,0.1672,"Stone, brick",No,1.0,0.0,1.0,0.0,-2075.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2500015,356761,Consumer loans,13160.34,100800.0,109669.5,0.0,100800.0,SATURDAY,6,Y,1,0.0,,,XAP,Approved,-895,XNA,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,171,Furniture,10.0,middle,POS industry with interest,365243.0,-864.0,-594.0,-624.0,-614.0,0.0,0,Revolving loans,M,N,N,2,180000.0,540000.0,27000.0,540000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010032,-14640,-4435,-2937.0,-4253,,1,1,0,1,1,0,Core staff,4.0,2,2,FRIDAY,5,0,0,0,0,0,0,Trade: type 7,0.34085485846332164,0.5985532974055179,0.6246146584503397,0.0385,0.0169,0.9697,,,0.0,0.1724,0.125,0.2083,,0.0437,0.0508,,,0.0546,0.0176,0.9687,,,0.0,0.1724,0.1667,0.2083,,0.0478,0.075,,,0.0541,0.0169,0.9687,,,0.0,0.1724,0.1667,0.2083,,0.0445,0.0733,,,reg oper account,block of flats,0.0893,"Stone, brick",No,4.0,0.0,4.0,0.0,-1500.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1170906,416490,Cash loans,,0.0,0.0,,,TUESDAY,14,Y,1,,,,XNA,Refused,-491,XNA,HC,,Repeater,XNA,XNA,XNA,AP+ (Cash loan),5,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,N,N,0,157500.0,296280.0,21690.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.035792000000000004,-12999,-3499,-795.0,-4236,,1,1,0,1,0,0,Drivers,1.0,2,2,WEDNESDAY,14,1,1,0,1,1,0,Business Entity Type 3,0.22015493425494448,0.6039636798491393,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-2574.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2258282,120552,Cash loans,12599.955,292500.0,339988.5,,292500.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-175,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_action,Cash X-Sell: low,365243.0,-145.0,905.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,202500.0,622188.0,22477.5,472500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.010966,-23447,365243,-5935.0,-2071,,1,0,0,1,1,0,,1.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,,0.3133902111302968,0.5638350489514956,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-2021.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,6.0 +2572148,286635,Cash loans,11467.215,135000.0,177219.0,,135000.0,WEDNESDAY,13,Y,1,,,,XNA,Approved,-1445,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-1415.0,-725.0,-725.0,-720.0,1.0,0,Cash loans,F,N,Y,0,90000.0,562491.0,22437.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-19593,-1167,-3368.0,-3138,,1,1,1,1,1,0,Laborers,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.39807928109436536,0.6937947880247003,0.5638350489514956,0.2227,0.1534,0.9796,0.7212,0.0907,0.16,0.1379,0.3333,0.0417,0.0989,0.1816,0.2121,,0.0042,0.2269,0.1592,0.9796,0.7321,0.0915,0.1611,0.1379,0.3333,0.0417,0.1012,0.1983,0.221,,0.0045,0.2248,0.1534,0.9796,0.7249,0.0913,0.16,0.1379,0.3333,0.0417,0.1006,0.1847,0.2159,,0.0043,org spec account,block of flats,0.2173,Panel,No,0.0,0.0,0.0,0.0,-1821.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1532040,383230,Consumer loans,3690.99,78615.0,78615.0,0.0,78615.0,FRIDAY,18,Y,1,0.0,,,XAP,Approved,-136,XNA,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,2535,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-106.0,584.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,180000.0,942300.0,25911.0,675000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.035792000000000004,-9050,-1963,-3875.0,-67,,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Trade: type 2,,0.1353767482198886,0.7713615919194317,0.168,0.0727,0.9866,0.8164,0.0355,0.08,0.0345,0.3333,0.375,0.0946,0.1353,0.1182,0.0077,0.0166,0.1712,0.0755,0.9866,0.8236,0.0358,0.0806,0.0345,0.3333,0.375,0.0968,0.1478,0.1232,0.0078,0.0176,0.1697,0.0727,0.9866,0.8189,0.0357,0.08,0.0345,0.3333,0.375,0.0962,0.1377,0.1204,0.0078,0.0169,reg oper account,block of flats,0.0966,"Stone, brick",No,11.0,0.0,11.0,0.0,-46.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +2476001,272489,Revolving loans,36000.0,0.0,720000.0,,,SUNDAY,7,Y,1,,,,XAP,Approved,-450,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,90000.0,178290.0,17496.0,157500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.020713,-18008,-4175,-9589.0,-1561,,1,1,0,1,0,0,Sales staff,2.0,3,3,TUESDAY,7,0,0,0,0,0,0,Business Entity Type 3,0.5487804893515604,0.4439728718238079,,0.0928,0.0827,0.9866,0.8164,0.012,0.0,0.2069,0.1667,0.2083,0.0174,0.0756,0.0883,0.0,0.0211,0.0945,0.0858,0.9866,0.8236,0.0121,0.0,0.2069,0.1667,0.2083,0.0178,0.0826,0.092,0.0,0.0223,0.0937,0.0827,0.9866,0.8189,0.0121,0.0,0.2069,0.1667,0.2083,0.0177,0.077,0.0899,0.0,0.0215,reg oper account,block of flats,0.0691,Panel,No,0.0,0.0,0.0,0.0,-1446.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1489819,264756,Consumer loans,4302.315,95395.5,95395.5,0.0,95395.5,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-1582,Cash through the bank,XAP,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Country-wide,4600,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1551.0,-861.0,-861.0,-853.0,0.0,0,Cash loans,F,N,N,0,99000.0,74182.5,5161.5,67500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.018801,-18104,-3452,-12079.0,-1591,,1,1,1,1,1,0,Managers,1.0,2,2,TUESDAY,18,0,0,0,0,0,0,Self-employed,,0.5454806650456794,0.4812493411434029,0.0825,0.0708,0.9752,0.66,0.0346,0.0,0.1379,0.1667,0.2083,0.0563,0.0672,0.071,0.0,0.0,0.084,0.0735,0.9752,0.6733,0.0349,0.0,0.1379,0.1667,0.2083,0.0576,0.0735,0.07400000000000001,0.0,0.0,0.0833,0.0708,0.9752,0.6645,0.0349,0.0,0.1379,0.1667,0.2083,0.0573,0.0684,0.0723,0.0,0.0,not specified,block of flats,0.0748,Panel,No,0.0,0.0,0.0,0.0,-2284.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,5.0 +2524350,412064,Consumer loans,8977.275,96601.5,96601.5,0.0,96601.5,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-599,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Regional / Local,168,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-568.0,-238.0,-238.0,-234.0,0.0,0,Cash loans,F,N,Y,0,135000.0,1305000.0,43128.0,1305000.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.035792000000000004,-11503,-260,-1418.0,-3387,,1,1,1,1,1,0,Sales staff,1.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.4201660728570059,0.7033579379468057,0.5262949398096192,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-599.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1114743,432561,Cash loans,3116.52,45000.0,50940.0,,45000.0,SATURDAY,11,Y,1,,,,XNA,Refused,-214,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,,,,,,,0,Revolving loans,F,N,Y,0,90000.0,180000.0,9000.0,180000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.019688999999999998,-22943,365243,-15135.0,-4058,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,XNA,,0.5998609632417345,0.6246146584503397,0.0928,0.0743,0.9776,0.6940000000000001,0.0389,0.0,0.2069,0.1667,0.2083,0.0691,0.0731,0.0751,0.0116,0.0105,0.0945,0.0771,0.9777,0.706,0.0393,0.0,0.2069,0.1667,0.2083,0.0706,0.0799,0.0783,0.0117,0.0111,0.0937,0.0743,0.9776,0.6981,0.0392,0.0,0.2069,0.1667,0.2083,0.0703,0.0744,0.0765,0.0116,0.0107,not specified,block of flats,0.0614,Panel,No,0.0,0.0,0.0,0.0,-214.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2819029,287256,Cash loans,33388.56,675000.0,736776.0,0.0,675000.0,TUESDAY,13,Y,1,0.0,,,XNA,Approved,-1207,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,32.0,low_normal,Cash Street: low,365243.0,-1177.0,-247.0,-307.0,-299.0,1.0,0,Cash loans,M,Y,Y,2,450000.0,913500.0,29466.0,913500.0,Family,Commercial associate,Higher education,Married,House / apartment,0.019688999999999998,-15519,-1191,-405.0,-4382,10.0,1,1,0,1,1,0,Managers,4.0,2,2,FRIDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.4711143474241324,0.4292248272699968,0.4014074137749511,0.0928,0.0673,0.9811,0.7416,0.0366,0.0,0.2069,0.1667,0.2083,0.1157,0.0756,0.0771,0.0,0.0,0.0945,0.0698,0.9811,0.7517,0.037000000000000005,0.0,0.2069,0.1667,0.2083,0.1184,0.0826,0.0803,0.0,0.0,0.0937,0.0673,0.9811,0.7451,0.0369,0.0,0.2069,0.1667,0.2083,0.1178,0.077,0.0785,0.0,0.0,reg oper account,block of flats,0.0807,Panel,No,7.0,0.0,7.0,0.0,-794.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1030278,453565,Consumer loans,2071.17,17149.5,18846.0,0.0,17149.5,SATURDAY,9,Y,1,0.0,,,XAP,Approved,-2405,Non-cash from your account,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Stone,125,Consumer electronics,12.0,high,POS household with interest,365243.0,-2374.0,-2044.0,-2044.0,-2040.0,1.0,0,Cash loans,M,Y,Y,0,234000.0,630000.0,34308.0,630000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.015221,-16982,-5882,-6180.0,-436,7.0,1,1,0,1,1,0,Laborers,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Housing,0.40537469066057824,0.4213893891108384,0.5673792367572691,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,2.0,4.0,2.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,1.0,0.0,3.0 +2523379,325097,Consumer loans,10829.115,99540.0,110052.0,0.0,99540.0,SATURDAY,15,Y,1,0.0,,,XAP,Approved,-1087,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Regional / Local,5,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1047.0,-717.0,-777.0,-770.0,0.0,0,Cash loans,M,N,N,0,112500.0,229500.0,24228.0,229500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.015221,-8523,-1215,-1145.0,-1173,,1,1,0,1,0,0,Laborers,1.0,2,2,MONDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.22201660601701004,0.2384007829319802,0.6785676886853644,0.0619,0.0648,0.9975,0.966,0.0541,0.0,0.1379,0.1667,0.0417,0.0489,0.0504,0.0661,0.0,0.0,0.063,0.0673,0.9975,0.9673,0.0546,0.0,0.1379,0.1667,0.0417,0.05,0.0551,0.0689,0.0,0.0,0.0625,0.0648,0.9975,0.9665,0.0544,0.0,0.1379,0.1667,0.0417,0.0498,0.0513,0.0673,0.0,0.0,not specified,block of flats,0.0816,"Stone, brick",No,3.0,2.0,3.0,2.0,-713.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2757807,279660,Cash loans,13015.35,229500.0,279180.0,,229500.0,MONDAY,12,Y,1,,,,XNA,Refused,-189,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),5,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,1,Cash loans,F,N,N,0,49500.0,284400.0,13963.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.018801,-21277,365243,-11421.0,-4554,,1,0,0,1,1,0,,1.0,2,2,FRIDAY,17,0,0,0,0,0,0,XNA,,0.31719044049342565,0.0938365970374978,0.0165,0.0711,0.9841,0.7824,0.0,0.0,0.069,0.0417,0.0417,,0.0134,0.014,0.0,0.0,0.0168,0.0738,0.9841,0.7909,0.0,0.0,0.069,0.0417,0.0417,,0.0147,0.0146,0.0,0.0,0.0167,0.0711,0.9841,0.7853,0.0,0.0,0.069,0.0417,0.0417,,0.0137,0.0142,0.0,0.0,reg oper account,block of flats,0.0122,"Stone, brick",No,3.0,1.0,3.0,1.0,-620.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2286451,388617,Consumer loans,2966.85,27472.5,14665.5,13500.0,27472.5,SATURDAY,13,Y,1,0.5220119391712296,,,XAP,Approved,-1441,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,25,Connectivity,6.0,high,POS mobile with interest,365243.0,-1401.0,-1251.0,-1251.0,-1244.0,0.0,0,Cash loans,F,N,Y,2,121500.0,395766.0,19170.0,283500.0,Family,Working,Higher education,Civil marriage,House / apartment,0.010643000000000001,-10366,-231,-4676.0,-394,,1,1,0,1,1,0,Laborers,4.0,2,2,FRIDAY,15,0,1,1,0,0,0,Postal,0.2525853662690285,0.3815998762810461,0.32173528219668485,0.0619,0.0768,0.9866,,,,0.1379,0.1667,,0.0291,,0.0631,,0.0835,0.063,0.0797,0.9866,,,,0.1379,0.1667,,0.0297,,0.0658,,0.0884,0.0625,0.0768,0.9866,,,,0.1379,0.1667,,0.0296,,0.0643,,0.0853,,block of flats,0.0678,Panel,No,0.0,0.0,0.0,0.0,-10.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1034251,386595,Consumer loans,5244.3,32391.0,26869.5,9720.0,32391.0,TUESDAY,18,Y,1,0.28931697990854305,,,XAP,Approved,-245,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,180,Consumer electronics,6.0,middle,POS household with interest,365243.0,-215.0,-65.0,-65.0,-58.0,1.0,0,Cash loans,F,N,Y,1,157500.0,1665000.0,43920.0,1665000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-18224,-10910,-3072.0,-1783,,1,1,0,1,0,0,Laborers,3.0,2,2,TUESDAY,18,0,0,0,0,0,0,Other,,0.5975334993348518,0.6212263380626669,0.1175,0.0903,0.9945,,,0.12,0.1379,0.3333,,0.1507,,0.1612,,0.0109,0.1197,0.0937,0.9945,,,0.1208,0.1379,0.3333,,0.1542,,0.168,,0.0116,0.1187,0.0903,0.9945,,,0.12,0.1379,0.3333,,0.1534,,0.1641,,0.0112,,block of flats,0.1292,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1262568,438160,Consumer loans,3827.115,78246.0,81621.0,0.0,78246.0,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-829,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,1378,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-798.0,-108.0,-168.0,-163.0,0.0,0,Cash loans,F,N,Y,0,315000.0,1012500.0,52425.0,1012500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.007273999999999998,-21311,365243,-11415.0,-4040,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,XNA,,0.6757479668075033,0.35895122857839673,0.0412,0.0371,0.9781,0.7008,0.016,0.0,0.069,0.1667,0.0,0.008,0.0336,0.0394,0.0,0.0,0.042,0.0385,0.9782,0.7125,0.0162,0.0,0.069,0.1667,0.0,0.0081,0.0367,0.0411,0.0,0.0,0.0416,0.0371,0.9781,0.7048,0.0161,0.0,0.069,0.1667,0.0,0.0081,0.0342,0.0401,0.0,0.0,reg oper account,block of flats,0.0398,Panel,No,0.0,0.0,0.0,0.0,-1614.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2004204,421131,Consumer loans,11248.245,58405.5,55165.5,5841.0,58405.5,WEDNESDAY,15,Y,1,0.10427380688942982,,,XAP,Approved,-2074,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,100,Consumer electronics,6.0,high,POS household with interest,365243.0,-2042.0,-1892.0,-1922.0,-1916.0,0.0,0,Cash loans,M,Y,N,0,180000.0,900000.0,29034.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-16282,-557,-809.0,-4039,22.0,1,1,1,1,1,0,Laborers,2.0,2,2,MONDAY,11,0,0,0,0,1,1,Construction,0.6363162299485955,0.17193326236807752,0.2925880073368475,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1265.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,1.0,0.0,0.0,0.0,3.0 +1311853,286355,Cash loans,18689.895,99000.0,102267.0,,99000.0,TUESDAY,12,Y,1,,,,XNA,Approved,-731,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,low_normal,Cash X-Sell: low,365243.0,-701.0,-551.0,-551.0,-544.0,1.0,0,Revolving loans,F,N,Y,0,135000.0,405000.0,20250.0,405000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-23041,365243,-3215.0,-4153,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,XNA,,0.5726422083421745,,0.0082,0.0049,0.9588,,,0.0,0.069,0.0417,,,,0.0051,,,0.0084,0.0051,0.9588,,,0.0,0.069,0.0417,,,,0.0053,,,0.0083,0.0049,0.9588,,,0.0,0.069,0.0417,,,,0.0052,,,,block of flats,0.004,Wooden,No,,,,,-1712.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,2.0 +1134992,370585,Cash loans,12963.15,67500.0,69727.5,,67500.0,FRIDAY,11,Y,1,,,,XNA,Approved,-739,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-709.0,-559.0,-619.0,-611.0,1.0,0,Cash loans,F,N,Y,0,157500.0,900000.0,62770.5,900000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-22999,365243,-11617.0,-4169,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,XNA,,0.7290224813496788,0.6610235391308081,0.0392,0.0572,0.9836,,,0.0,0.069,0.1667,,0.0544,,0.0431,,0.009000000000000001,0.0399,0.0594,0.9836,,,0.0,0.069,0.1667,,0.0557,,0.0449,,0.0095,0.0396,0.0572,0.9836,,,0.0,0.069,0.1667,,0.0554,,0.0439,,0.0092,,block of flats,0.0377,"Stone, brick",No,0.0,0.0,0.0,0.0,-1273.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,7.0 +2416977,164629,Revolving loans,36000.0,720000.0,720000.0,,720000.0,SATURDAY,11,Y,1,,,,XAP,Approved,-739,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,-240.0,0.0,0,Cash loans,M,Y,N,0,175500.0,900000.0,57649.5,900000.0,Family,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.025164,-11117,-1509,-3113.0,-3113,15.0,1,1,1,1,0,0,Laborers,2.0,2,2,TUESDAY,12,0,0,0,1,1,0,Self-employed,0.3902523824997709,0.3111876151015247,0.5919766183185521,0.1639,0.1114,0.999,0.9864,0.0863,0.16,0.1379,0.375,0.4167,0.0193,0.1336,0.1618,0.0,0.0,0.16699999999999998,0.1156,0.999,0.9869,0.0871,0.1611,0.1379,0.375,0.4167,0.0198,0.146,0.1685,0.0,0.0,0.1655,0.1114,0.999,0.9866,0.0869,0.16,0.1379,0.375,0.4167,0.0197,0.136,0.1647,0.0,0.0,reg oper spec account,block of flats,0.1744,Panel,No,3.0,0.0,3.0,0.0,-252.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1064146,311893,Consumer loans,5733.45,57622.5,57334.5,5764.5,57622.5,TUESDAY,14,Y,1,0.09949546816042323,,,XAP,Refused,-1025,Cash through the bank,LIMIT,Unaccompanied,Repeater,Photo / Cinema Equipment,POS,XNA,Stone,129,Consumer electronics,12.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,Y,2,166500.0,284400.0,19134.0,225000.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.008019,-11153,-216,-4109.0,-1976,,1,1,0,1,0,1,Laborers,4.0,2,2,FRIDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.4683819351920713,0.7353555951749945,0.30620229831350426,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1138.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2167495,344268,Cash loans,28873.17,450000.0,491580.0,,450000.0,THURSDAY,15,Y,1,,,,XNA,Approved,-850,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-820.0,-130.0,-520.0,-511.0,1.0,0,Cash loans,F,N,Y,1,112500.0,1006920.0,40063.5,900000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.02461,-14999,-1218,-8061.0,-4489,,1,1,0,1,0,0,Sales staff,3.0,2,2,SUNDAY,12,0,0,0,0,1,1,Self-employed,0.29385651677286434,0.5208623714389733,0.7180328113294772,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1021.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1712190,438577,Consumer loans,11016.135,68850.0,61965.0,6885.0,68850.0,THURSDAY,17,Y,1,0.1089090909090909,,,XAP,Approved,-421,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Regional / Local,62,Furniture,6.0,low_normal,POS industry with interest,365243.0,-385.0,-235.0,-235.0,-229.0,0.0,0,Cash loans,M,Y,Y,0,360000.0,444420.0,22819.5,337500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0060079999999999995,-17799,-2519,-2299.0,-1337,6.0,1,1,0,1,0,0,Managers,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,Restaurant,0.3883777726244113,0.5175434139211109,0.4830501881366946,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1197.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,1.0 +1765796,346459,Cash loans,6295.185,54000.0,57564.0,0.0,54000.0,MONDAY,11,Y,1,0.0,,,XNA,Approved,-2262,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,high,Cash Street: high,365243.0,-2232.0,-1902.0,-1902.0,-1899.0,1.0,1,Cash loans,F,N,Y,0,202500.0,130824.0,10462.5,103500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.01885,-18354,-3401,-1918.0,-1905,,1,1,0,1,0,0,Low-skill Laborers,1.0,2,2,TUESDAY,14,0,0,0,0,0,0,Other,,0.645818731265154,0.3441550073724169,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1479.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2653996,239156,Cash loans,57235.32,1327500.0,1443150.0,,1327500.0,SATURDAY,8,Y,1,,,,XNA,Refused,-238,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,225000.0,224136.0,22167.0,198000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.0038130000000000004,-20097,-509,-2313.0,-974,,1,1,0,1,0,0,Medicine staff,2.0,2,2,SATURDAY,7,0,0,0,0,0,0,Medicine,,0.4069956683017017,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-794.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,8.0 +2751849,348750,Consumer loans,5449.815,46530.0,51444.0,0.0,46530.0,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-548,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,356,Consumer electronics,12.0,middle,POS household with interest,365243.0,-517.0,-187.0,-187.0,-183.0,0.0,0,Cash loans,F,N,Y,0,135000.0,808650.0,26217.0,675000.0,Family,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.020713,-22241,365243,-10307.0,-4879,,1,0,0,1,1,0,,1.0,3,3,MONDAY,6,0,0,0,0,0,0,XNA,0.464397951485573,0.17621832249081765,0.7106743858828587,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,3.0,4.0,3.0,-548.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2299686,263384,Consumer loans,5632.83,32125.5,27625.5,4500.0,32125.5,THURSDAY,12,Y,1,0.15255510703052372,,,XAP,Approved,-1685,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,6.0,high,POS mobile with interest,365243.0,-1640.0,-1490.0,-1550.0,-1542.0,0.0,0,Revolving loans,M,Y,Y,5,405000.0,292500.0,14625.0,292500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-15200,-1848,-7651.0,-4855,2.0,1,1,0,1,1,0,,7.0,2,2,TUESDAY,10,0,0,0,0,1,1,Business Entity Type 3,,0.6969723911338784,0.6848276586890367,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1615.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2188509,449493,Consumer loans,8754.615,58455.0,56083.5,5845.5,58455.0,SUNDAY,11,Y,1,0.10279967235206294,,,XAP,Approved,-2610,Cash through the bank,XAP,Family,New,Photo / Cinema Equipment,POS,XNA,Stone,1918,Consumer electronics,8.0,high,POS household with interest,365243.0,-2579.0,-2369.0,-2369.0,-2365.0,1.0,0,Cash loans,F,Y,N,0,135000.0,490495.5,30006.0,454500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.025164,-12590,-2613,-3589.0,-4212,5.0,1,1,1,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Self-employed,0.3886675764193395,0.6293380212653933,0.6817058776720116,0.0124,0.0,0.9647,,,0.0,0.069,0.0417,,0.0,,0.0058,,0.0,0.0126,0.0,0.9647,,,0.0,0.069,0.0417,,0.0,,0.0061,,0.0,0.0125,0.0,0.9647,,,0.0,0.069,0.0417,,0.0,,0.0059,,0.0,,block of flats,0.0074,"Stone, brick",No,3.0,0.0,3.0,0.0,-2610.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2418714,328625,Consumer loans,14564.34,117792.0,129451.5,0.0,117792.0,WEDNESDAY,13,Y,1,0.0,,,XAP,Approved,-1454,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,3000,Consumer electronics,12.0,high,POS household with interest,365243.0,-1423.0,-1093.0,-1273.0,-1268.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,916470.0,26928.0,765000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.011703,-15267,-1544,-11994.0,-2154,11.0,1,1,0,1,0,0,,2.0,2,2,MONDAY,12,0,1,1,0,0,0,Business Entity Type 3,,0.7075880349306105,0.4241303111942548,0.0722,0.0688,0.9791,,,0.0,0.1379,0.1667,,0.0543,,0.0654,,0.0,0.0735,0.0714,0.9791,,,0.0,0.1379,0.1667,,0.0555,,0.0681,,0.0,0.0729,0.0688,0.9791,,,0.0,0.1379,0.1667,,0.0552,,0.0666,,0.0,,block of flats,0.0555,Panel,No,0.0,0.0,0.0,0.0,-1901.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1406668,215568,Consumer loans,6663.51,56686.5,56686.5,0.0,56686.5,FRIDAY,15,Y,1,0.0,,,XAP,Approved,-727,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,2547,XNA,10.0,middle,POS household with interest,365243.0,-696.0,-426.0,-426.0,-424.0,0.0,0,Cash loans,F,N,Y,3,202500.0,1314117.0,38551.5,1147500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018634,-14933,-224,-1461.0,-1461,,1,1,0,1,1,0,Laborers,5.0,2,2,THURSDAY,15,0,0,0,0,0,0,Self-employed,0.5006591528427753,0.3029615182717477,0.5172965813614878,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2258410,429319,Consumer loans,4911.03,40005.0,36004.5,4000.5,40005.0,SATURDAY,11,Y,1,0.1089090909090909,,,XAP,Approved,-1889,XNA,XAP,"Spouse, partner",Repeater,Mobile,POS,XNA,Stone,162,Consumer electronics,10.0,high,POS household with interest,365243.0,-1838.0,-1568.0,-1598.0,-1594.0,0.0,0,Cash loans,M,N,N,1,157500.0,834048.0,27693.0,720000.0,Family,Pensioner,Secondary / secondary special,Married,Office apartment,0.020713,-19955,365243,-3909.0,-3509,,1,0,0,1,0,0,,3.0,3,3,FRIDAY,10,0,0,0,0,0,0,XNA,,0.3630063836342219,0.3842068130556564,0.0309,0.0349,0.993,0.9048,0.0042,0.0,0.069,0.1667,0.2083,0.0224,0.0252,0.0281,0.0,0.0,0.0315,0.0362,0.993,0.9085,0.0042,0.0,0.069,0.1667,0.2083,0.0229,0.0275,0.0293,0.0,0.0,0.0312,0.0349,0.993,0.9061,0.0042,0.0,0.069,0.1667,0.2083,0.0228,0.0257,0.0286,0.0,0.0,reg oper account,block of flats,0.0244,"Stone, brick",No,1.0,1.0,1.0,1.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1387422,398453,Cash loans,14666.4,180000.0,180000.0,,180000.0,THURSDAY,13,Y,1,,,,XNA,Approved,-2664,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,18.0,high,Cash Street: high,365243.0,-2634.0,-2124.0,-2214.0,-2206.0,0.0,0,Cash loans,M,Y,N,0,180000.0,363190.5,36049.5,328500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-18332,365243,-10062.0,-1873,15.0,1,0,0,1,0,0,,2.0,2,2,MONDAY,14,0,0,0,0,0,0,XNA,0.7713325327228698,0.5925381655206721,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2035006,414693,Consumer loans,14877.765,85131.0,80410.5,8514.0,85131.0,SUNDAY,10,Y,1,0.10427407519862353,,,XAP,Approved,-1300,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,57,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1266.0,-1116.0,-1116.0,-1111.0,0.0,0,Cash loans,M,Y,N,1,112500.0,360000.0,23755.5,360000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-10774,-3240,-2759.0,-3245,1.0,1,1,0,1,0,0,Laborers,3.0,2,2,THURSDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.4852073154125858,0.646329897706246,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-282.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2118750,326152,Cash loans,13079.07,382500.0,470857.5,,382500.0,MONDAY,13,Y,1,,,,XNA,Approved,-301,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,121500.0,119925.0,11812.5,112500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.025164,-23976,365243,-5591.0,-5200,,1,0,0,1,0,0,,1.0,2,2,MONDAY,10,0,0,0,0,0,0,XNA,,0.3977934887106758,0.5937175866150576,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,0.0,-262.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +1535190,421116,Consumer loans,4207.68,15885.0,14769.0,1588.5,15885.0,SATURDAY,16,Y,1,0.10576316118544453,,,XAP,Approved,-2872,Cash through the bank,XAP,Unaccompanied,Repeater,Other,POS,XNA,Stone,80,Consumer electronics,4.0,low_normal,POS household with interest,365243.0,-2841.0,-2751.0,-2811.0,-2773.0,1.0,0,Cash loans,M,Y,Y,0,126000.0,193500.0,15102.0,193500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-12697,-1641,-6604.0,-4780,2.0,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,13,0,0,0,0,0,0,School,0.3073732953889063,0.6193836576964615,0.3910549766342248,0.0082,0.0045,0.9503,0.32,0.0014,0.0,0.0345,0.0,0.0417,0.0378,0.0067,0.0026,0.0,0.0,0.0084,0.0047,0.9503,0.3466,0.0014,0.0,0.0345,0.0,0.0417,0.0387,0.0073,0.0027,0.0,0.0,0.0083,0.0045,0.9503,0.3291,0.0014,0.0,0.0345,0.0,0.0417,0.0385,0.0068,0.0027,0.0,0.0,reg oper account,specific housing,0.0028,Wooden,No,4.0,1.0,4.0,1.0,-2689.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2723043,273622,Consumer loans,7485.615,30456.0,36405.0,0.0,30456.0,MONDAY,9,Y,1,0.0,,,XAP,Approved,-522,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,22,Connectivity,6.0,high,POS mobile with interest,365243.0,-491.0,-341.0,-461.0,-453.0,0.0,0,Revolving loans,F,N,Y,1,180000.0,337500.0,16875.0,337500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-12631,-1671,-6668.0,-2005,,1,1,0,1,0,0,Sales staff,3.0,2,2,FRIDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.5570706240446209,0.22294471316724804,0.7001838506835805,0.0082,,0.9692,,,,0.0345,0.0417,,,,0.0078,,,0.0084,,0.9692,,,,0.0345,0.0417,,,,0.0081,,,0.0083,,0.9692,,,,0.0345,0.0417,,,,0.0079,,,,block of flats,0.0061,Wooden,No,2.0,0.0,2.0,0.0,-1966.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2105639,107415,Consumer loans,8027.55,54481.5,35410.5,19071.0,54481.5,TUESDAY,11,Y,1,0.3812312936918536,,,XAP,Approved,-1645,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Stone,31,Consumer electronics,5.0,high,POS household without interest,365243.0,-1606.0,-1486.0,-1516.0,-1507.0,0.0,0,Cash loans,M,Y,Y,1,315000.0,341280.0,24961.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008473999999999999,-17543,-2851,-9744.0,-1074,9.0,1,1,0,1,1,0,Drivers,3.0,2,2,TUESDAY,14,0,0,0,0,0,0,Self-employed,,0.4569964535674079,0.08391700365753578,0.0258,0.0552,0.9702,0.5920000000000001,0.0065,0.0,0.1034,0.0833,0.125,0.0183,0.016,0.0292,0.0232,0.031,0.0263,0.0572,0.9702,0.608,0.0066,0.0,0.1034,0.0833,0.125,0.0188,0.0174,0.0305,0.0233,0.0328,0.026,0.0552,0.9702,0.5975,0.0065,0.0,0.1034,0.0833,0.125,0.0187,0.0162,0.0298,0.0233,0.0317,reg oper account,block of flats,0.0333,"Stone, brick",No,3.0,1.0,3.0,1.0,-2068.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2215807,289536,Cash loans,7564.725,67500.0,67500.0,0.0,67500.0,THURSDAY,12,Y,1,0.0,,,XNA,Refused,-2437,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,M,Y,Y,1,225000.0,1035832.5,30285.0,904500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-15394,-2851,-3693.0,-3684,2.0,1,1,0,1,0,0,Drivers,3.0,2,2,FRIDAY,15,0,0,0,0,0,0,Business Entity Type 2,0.5655289153011414,0.6823105870345411,,0.0082,,0.9662,,,0.0,0.0345,0.0417,,,,0.0095,,0.0,0.0084,,0.9662,,,0.0,0.0345,0.0417,,,,0.0099,,0.0,0.0083,,0.9662,,,0.0,0.0345,0.0417,,,,0.0097,,0.0,,block of flats,0.0075,Others,No,0.0,0.0,0.0,0.0,-1717.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2702720,111459,Consumer loans,2992.725,17955.9,16159.5,1796.4,17955.9,WEDNESDAY,8,Y,1,0.10895822036717227,,,XAP,Approved,-2695,XNA,XAP,Family,Repeater,Audio/Video,POS,XNA,Stone,8,Consumer electronics,6.0,middle,POS household without interest,365243.0,-2651.0,-2501.0,-2501.0,-2495.0,0.0,0,Cash loans,F,N,N,0,90000.0,675000.0,19737.0,675000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.028663,-18513,-1557,-10337.0,-2052,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,11,0,0,0,1,1,0,School,0.5920862814379396,0.22765830491691585,0.41885428862332175,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1626.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2288275,384445,Cash loans,54900.405,1170000.0,1305909.0,,1170000.0,THURSDAY,16,Y,1,,,,XNA,Approved,-489,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-459.0,951.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,265500.0,630747.0,22783.5,544500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-14746,-2999,-4769.0,-4249,,1,1,0,1,1,0,Security staff,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,School,0.4240731992990874,0.7030841105004259,0.6610235391308081,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-2547.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2160978,268236,Consumer loans,5045.985,49455.0,26955.0,23850.0,49455.0,SUNDAY,17,Y,1,0.5112649971817378,,,XAP,Approved,-934,Cash through the bank,XAP,Unaccompanied,Refreshed,Computers,POS,XNA,Stone,245,Consumer electronics,6.0,middle,POS household with interest,365243.0,-903.0,-753.0,-903.0,-898.0,0.0,0,Cash loans,M,Y,Y,0,180000.0,373500.0,20259.0,373500.0,Unaccompanied,Working,Secondary / secondary special,Married,Rented apartment,0.035792000000000004,-10506,-410,-62.0,-3172,8.0,1,1,1,1,0,0,Core staff,2.0,2,2,WEDNESDAY,12,0,0,0,0,1,1,Police,,0.5284863296813463,0.5495965024956946,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1690202,384651,Consumer loans,5919.75,50553.0,46539.0,7560.0,50553.0,SUNDAY,12,Y,1,0.15219370547934846,,,XAP,Approved,-2118,Cash through the bank,XAP,Unaccompanied,New,Construction Materials,POS,XNA,Regional / Local,6149,Construction,10.0,high,POS industry with interest,365243.0,-2087.0,-1817.0,-1847.0,-1845.0,0.0,0,Cash loans,F,N,Y,0,135000.0,477000.0,47308.5,477000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.015221,-23122,-3621,-30.0,-4766,,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,8,0,0,0,0,0,0,Self-employed,,0.7159587977416949,0.7252764347002191,0.3753,0.1029,0.9995,0.9932,0.2047,0.4,0.1724,0.6667,0.7083,0.1578,0.3026,0.3386,0.2317,0.052000000000000005,0.3824,0.1068,0.9995,0.9935,0.2066,0.4028,0.1724,0.6667,0.7083,0.1614,0.3306,0.3528,0.2335,0.0551,0.3789,0.1029,0.9995,0.9933,0.206,0.4,0.1724,0.6667,0.7083,0.1605,0.3078,0.3447,0.2329,0.0531,not specified,block of flats,0.2776,"Stone, brick",No,0.0,0.0,0.0,0.0,-1739.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2310525,452228,Cash loans,19151.46,225000.0,247275.0,,225000.0,FRIDAY,9,Y,1,,,,XNA,Approved,-1025,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Country-wide,15,Connectivity,18.0,middle,Cash X-Sell: middle,365243.0,-995.0,-485.0,-485.0,-483.0,1.0,0,Cash loans,M,N,N,0,157500.0,454500.0,21996.0,454500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.018634,-15771,-2103,-3360.0,-4623,,1,1,0,1,1,0,,2.0,2,2,THURSDAY,12,0,0,0,0,1,1,Self-employed,0.2418738073157393,0.5511834515710935,0.2405414172860865,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1865.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2044126,153239,Consumer loans,11153.565,54000.0,63121.5,0.0,54000.0,TUESDAY,9,Y,1,0.0,,,XAP,Approved,-1052,Cash through the bank,XAP,Unaccompanied,Refreshed,Clothing and Accessories,POS,XNA,Stone,16,Clothing,6.0,low_normal,POS industry with interest,365243.0,-1020.0,-870.0,-870.0,-864.0,0.0,1,Revolving loans,F,N,Y,1,135000.0,247500.0,12375.0,247500.0,Family,Working,Secondary / secondary special,Single / not married,House / apartment,0.018029,-10903,-2403,-1450.0,-3590,,1,1,0,1,0,0,Waiters/barmen staff,2.0,3,3,THURSDAY,10,0,0,0,1,1,0,Hotel,,0.5150859350860529,0.7338145369642702,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-310.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1607086,196252,Cash loans,10073.97,112500.0,123637.5,0.0,112500.0,FRIDAY,8,Y,1,0.0,,,XNA,Approved,-2327,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,10,Consumer electronics,18.0,high,Cash Street: high,365243.0,-2297.0,-1787.0,-1787.0,-1779.0,1.0,0,Cash loans,F,N,N,0,90000.0,490495.5,25884.0,454500.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-22617,365243,-8319.0,-2085,,1,0,0,1,0,0,,2.0,2,2,MONDAY,10,0,0,0,0,0,0,XNA,,0.6739293634556832,0.7713615919194317,0.0072,0.0,0.9598,0.4492,0.0,0.0,0.0,0.0,0.0417,,0.0059,0.0066,0.0,0.0,0.0074,0.0,0.9598,0.4708,0.0,0.0,0.0,0.0,0.0417,,0.0064,0.0069,0.0,0.0,0.0073,0.0,0.9598,0.4566,0.0,0.0,0.0,0.0,0.0417,,0.006,0.0067,0.0,0.0,reg oper spec account,block of flats,0.0052,Block,No,1.0,1.0,1.0,1.0,-2327.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2084902,201036,Consumer loans,7175.52,121495.5,121495.5,0.0,121495.5,SATURDAY,9,Y,1,0.0,,,XAP,Refused,-1210,Cash through the bank,LIMIT,Unaccompanied,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,2500,Consumer electronics,24.0,middle,POS household with interest,,,,,,,0,Cash loans,M,N,Y,0,135000.0,518562.0,34159.5,463500.0,Family,Working,Incomplete higher,Single / not married,With parents,0.016612000000000002,-9010,-355,-7270.0,-1662,,1,1,0,1,0,0,Core staff,1.0,2,2,FRIDAY,14,0,0,0,0,0,0,Trade: type 2,,0.6280822830471793,0.4866531565147181,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-106.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +2035477,266108,Consumer loans,4148.415,21600.0,22738.5,0.0,21600.0,THURSDAY,17,Y,1,0.0,,,XAP,Approved,-1012,Cash through the bank,XAP,Unaccompanied,Repeater,Clothing and Accessories,POS,XNA,Stone,200,Clothing,6.0,low_normal,POS industry with interest,365243.0,-981.0,-831.0,-831.0,-827.0,0.0,0,Cash loans,F,N,Y,1,157500.0,675000.0,21906.0,675000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.026392000000000002,-13211,-915,-5645.0,-4045,,1,1,0,1,0,0,Laborers,3.0,2,2,MONDAY,18,0,0,0,0,0,0,Self-employed,0.709105340944,0.2203041197930636,0.6006575372857061,0.3567,0.3068,0.9851,0.7959999999999999,0.0542,0.0,0.7931,0.1667,0.2083,0.3832,0.2891,0.3271,0.0077,0.0079,0.3634,0.3184,0.9851,0.804,0.0547,0.0,0.7931,0.1667,0.2083,0.3919,0.3159,0.3408,0.0078,0.0084,0.3602,0.3068,0.9851,0.7987,0.0545,0.0,0.7931,0.1667,0.2083,0.3899,0.2941,0.333,0.0078,0.0081,reg oper account,block of flats,0.259,Panel,No,0.0,0.0,0.0,0.0,-1628.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1374263,446178,Consumer loans,4136.31,32169.555,36417.555,0.0,32169.555,WEDNESDAY,9,Y,1,0.0,,,XAP,Approved,-152,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,45,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,365243.0,365243.0,365243.0,365243.0,1.0,1,Cash loans,M,N,N,0,135000.0,495000.0,33079.5,495000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.025164,-15848,-3985,-1434.0,-5017,,1,1,0,1,0,0,Laborers,1.0,2,2,SUNDAY,10,0,0,0,0,0,0,Business Entity Type 2,,0.328500493855764,,0.0711,0.0583,0.9732,0.6328,0.0484,0.0,0.1379,0.125,0.1667,0.0575,0.0538,0.0503,0.0193,0.0172,0.0725,0.0605,0.9732,0.6472,0.0488,0.0,0.1379,0.125,0.1667,0.0588,0.0588,0.0524,0.0195,0.0182,0.0718,0.0583,0.9732,0.6377,0.0487,0.0,0.1379,0.125,0.1667,0.0585,0.0547,0.0512,0.0194,0.0176,reg oper account,block of flats,0.0698,Others,No,0.0,0.0,0.0,0.0,-1398.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2105797,346940,Revolving loans,9000.0,180000.0,180000.0,,180000.0,THURSDAY,15,Y,1,,,,XAP,Approved,-147,XNA,XAP,Unaccompanied,New,XNA,Cards,x-sell,Country-wide,200,Consumer electronics,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,630000.0,48883.5,630000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.04622,-21369,-1215,-8190.0,-4713,23.0,1,1,1,1,0,0,Security staff,2.0,1,1,THURSDAY,16,0,0,0,0,1,1,Housing,,0.3637550771021567,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1283567,288521,Cash loans,11619.675,126000.0,138474.0,,126000.0,MONDAY,20,Y,1,,,,XNA,Approved,-1195,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-1165.0,-655.0,-655.0,-650.0,1.0,0,Cash loans,M,N,Y,0,157500.0,550980.0,43659.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,With parents,0.006670999999999999,-11033,-665,-10864.0,-3580,,1,1,0,1,0,0,Laborers,1.0,2,2,SATURDAY,15,0,0,0,0,1,1,Business Entity Type 3,,0.446165638624928,0.5172965813614878,0.0082,0.0266,0.9722,,,0.0,0.0345,0.0417,,0.0154,,0.0092,,0.0,0.0084,0.0276,0.9722,,,0.0,0.0345,0.0417,,0.0157,,0.0096,,0.0,0.0083,0.0266,0.9722,,,0.0,0.0345,0.0417,,0.0156,,0.0093,,0.0,,block of flats,0.0092,Block,No,0.0,0.0,0.0,0.0,-1418.0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1855631,261193,Cash loans,41455.125,900000.0,978408.0,,900000.0,SATURDAY,9,Y,1,,,,XNA,Approved,-792,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-762.0,288.0,-42.0,-35.0,1.0,0,Cash loans,F,N,N,0,112500.0,573628.5,22576.5,463500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.031329,-17465,-8253,-1936.0,-1013,,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,14,0,0,0,0,0,0,Business Entity Type 1,0.7778742871094916,0.6153544723145433,0.4794489811780563,0.1237,,0.9826,,,0.0,0.2759,0.1667,,,,0.1039,,0.0,0.1261,,0.9826,,,0.0,0.2759,0.1667,,,,0.1082,,0.0,0.1249,,0.9826,,,0.0,0.2759,0.1667,,,,0.1057,,0.0,,block of flats,0.0817,,No,0.0,0.0,0.0,0.0,-188.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,3.0 +1641575,150372,Consumer loans,8815.68,45000.0,47673.0,0.0,45000.0,FRIDAY,20,Y,1,0.0,,,XAP,Approved,-419,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,5,Consumer electronics,6.0,middle,POS household with interest,365243.0,-384.0,-234.0,-264.0,-256.0,0.0,0,Cash loans,F,N,N,1,90000.0,450000.0,27324.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-13642,-431,-2148.0,-2169,,1,1,1,1,1,0,Private service staff,3.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,Self-employed,0.35845832966108543,0.6019534089554641,0.29859498978739724,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-144.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2148675,151126,Revolving loans,18000.0,360000.0,360000.0,,360000.0,MONDAY,11,Y,1,,,,XAP,Approved,-466,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,112500.0,255960.0,18549.0,202500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.018801,-13872,-1058,-7546.0,-4334,,1,1,0,1,0,0,High skill tech staff,1.0,2,2,FRIDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.4330272904892858,0.2910973802776635,0.4052,0.3003,0.9821,0.7552,0.1956,0.44,0.3793,0.3333,0.375,0.309,0.3295,0.4241,0.0039,0.0,0.4128,0.3116,0.9821,0.7648,0.1974,0.4431,0.3793,0.3333,0.375,0.316,0.36,0.4419,0.0039,0.0,0.4091,0.3003,0.9821,0.7585,0.1968,0.44,0.3793,0.3333,0.375,0.3144,0.3352,0.4318,0.0039,0.0,reg oper spec account,block of flats,0.5498,Panel,No,0.0,0.0,0.0,0.0,-679.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2274493,356371,Consumer loans,4532.31,28827.0,36580.5,0.0,28827.0,SATURDAY,9,Y,1,0.0,,,XAP,Approved,-1713,Cash through the bank,XAP,"Spouse, partner",New,Mobile,POS,XNA,Country-wide,80,Connectivity,12.0,high,POS mobile with interest,365243.0,-1682.0,-1352.0,-1472.0,-1467.0,0.0,1,Cash loans,F,N,Y,1,157500.0,436032.0,20457.0,360000.0,Unaccompanied,Working,Higher education,Married,Co-op apartment,0.020246,-11163,-65,-5908.0,-3509,,1,1,0,1,0,0,Medicine staff,3.0,3,3,THURSDAY,14,0,0,0,0,0,0,Medicine,,0.6165494089759113,0.42589289800515295,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1713.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1223908,396044,Consumer loans,15810.3,148095.0,145449.0,15750.0,148095.0,TUESDAY,9,Y,1,0.106409976601479,,,XAP,Refused,-2808,Cash through the bank,SCO,Unaccompanied,New,XNA,POS,XNA,Stone,300,Consumer electronics,12.0,high,POS household with interest,,,,,,,0,Revolving loans,F,N,Y,0,157500.0,270000.0,13500.0,270000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.014519999999999996,-19585,365243,-846.0,-3107,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,XNA,0.6038202364077813,0.6236172007527413,0.24988506275045536,0.1412,,0.9841,0.7824,0.0086,0.0,0.1379,0.1667,,,0.1009,0.0641,,,0.1439,,0.9841,0.7909,0.0086,0.0,0.1379,0.1667,,,0.1102,0.0668,,,0.1426,,0.9841,0.7853,0.0086,0.0,0.1379,0.1667,,,0.1026,0.0652,,,reg oper account,specific housing,0.0543,Panel,No,0.0,0.0,0.0,0.0,-1643.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2349387,272484,Consumer loans,11555.37,138600.0,162751.5,0.0,138600.0,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-1131,Cash through the bank,XAP,Children,Repeater,Audio/Video,POS,XNA,Stone,100,Consumer electronics,24.0,high,POS household with interest,365243.0,-1100.0,-410.0,-560.0,-556.0,0.0,1,Cash loans,F,N,Y,1,126000.0,251280.0,17127.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-11979,-857,-162.0,-1744,,1,1,0,1,1,0,Laborers,3.0,2,2,WEDNESDAY,14,0,0,0,0,1,1,Trade: type 3,,0.535253967140149,0.1654074596555436,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1131.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1793138,304597,Consumer loans,35334.135,784332.0,784332.0,0.0,784332.0,FRIDAY,13,Y,1,0.0,,,XAP,Approved,-284,Cash through the bank,XAP,,Repeater,Clothing and Accessories,POS,XNA,Regional / Local,150,Clothing,24.0,low_action,POS industry without interest,365243.0,-253.0,437.0,-193.0,-184.0,0.0,0,Cash loans,F,Y,Y,0,292500.0,473760.0,56223.0,450000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.04622,-13667,-3472,-7707.0,-5102,24.0,1,1,0,1,1,0,Accountants,2.0,1,1,TUESDAY,9,0,0,0,0,0,0,Business Entity Type 1,0.5942961793730567,0.7826105775653603,0.445396241560834,0.1485,0.1173,0.9816,0.7484,0.0,0.08,0.069,0.3333,0.375,0.1504,0.121,0.0951,0.0,0.0,0.1513,0.1217,0.9816,0.7583,0.0,0.0806,0.069,0.3333,0.375,0.1539,0.1322,0.099,0.0,0.0,0.1499,0.1173,0.9816,0.7518,0.0,0.08,0.069,0.3333,0.375,0.153,0.1231,0.0968,0.0,0.0,reg oper spec account,block of flats,0.1214,"Stone, brick",No,1.0,1.0,1.0,1.0,-753.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2174663,145227,Consumer loans,9119.475,77305.5,76059.0,8100.0,77305.5,SUNDAY,13,Y,1,0.10482106920990457,,,XAP,Approved,-1844,Cash through the bank,XAP,Other_B,Repeater,Mobile,POS,XNA,Country-wide,32,Connectivity,12.0,high,POS mobile with interest,365243.0,-1813.0,-1483.0,-1513.0,-1508.0,0.0,0,Cash loans,F,N,N,1,189000.0,755190.0,30078.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-15247,-1518,-1435.0,-4177,,1,1,0,1,1,0,Medicine staff,3.0,2,2,WEDNESDAY,7,0,0,0,0,1,1,Medicine,,0.6310045285269482,0.6642482627052363,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1168.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2541293,386100,Cash loans,17236.305,202500.0,222547.5,,202500.0,TUESDAY,11,Y,1,,,,XNA,Approved,-1061,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-1031.0,-521.0,-791.0,-782.0,1.0,0,Cash loans,M,N,Y,2,157500.0,553500.0,23395.5,553500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.001417,-20821,-2172,-4277.0,-4341,,1,1,0,1,0,1,Laborers,4.0,2,2,SATURDAY,9,0,0,0,0,0,0,Business Entity Type 1,,0.5870625070342449,0.25670557243930026,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2502.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2100464,354047,Revolving loans,22500.0,450000.0,450000.0,,450000.0,SATURDAY,13,Y,1,,,,XAP,Approved,-317,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,90000.0,1048500.0,30784.5,1048500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.0228,-11264,-3224,-4112.0,-2103,,1,1,0,1,0,0,Sales staff,3.0,2,2,MONDAY,13,0,0,0,1,1,0,Business Entity Type 3,,0.542155208207202,0.5262949398096192,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1084.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1473205,371232,Cash loans,52483.32,270000.0,277308.0,,270000.0,MONDAY,8,Y,1,,,,XNA,Refused,-901,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,,,,,,,0,Revolving loans,M,Y,Y,0,315000.0,900000.0,45000.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-14600,-377,-3581.0,-4044,12.0,1,1,0,1,0,1,Drivers,2.0,2,2,SATURDAY,12,0,0,0,0,1,1,Business Entity Type 3,0.3183045178368871,0.7328500223118722,0.7826078370261895,0.3309,0.07400000000000001,0.9945,0.9252,,0.36,0.3103,0.3333,0.375,0.0151,0.2698,0.3156,0.0,0.0,0.3372,0.0767,0.9945,0.9281,,0.3625,0.3103,0.3333,0.375,0.0155,0.2948,0.3288,0.0,0.0,0.3341,0.07400000000000001,0.9945,0.9262,,0.36,0.3103,0.3333,0.375,0.0154,0.2745,0.3212,0.0,0.0,reg oper account,block of flats,0.3039,Panel,No,,,,,-1425.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1082505,168207,Consumer loans,7980.57,85500.0,85500.0,0.0,85500.0,MONDAY,12,Y,1,0.0,,,XAP,Approved,-396,XNA,XAP,Family,New,Furniture,POS,XNA,Stone,30,Furniture,12.0,low_normal,POS industry with interest,365243.0,-365.0,-35.0,-35.0,-26.0,0.0,0,Cash loans,M,Y,Y,0,81000.0,135000.0,7020.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-17690,-4876,-5105.0,-1222,13.0,1,1,1,1,1,0,Drivers,2.0,2,2,FRIDAY,11,0,0,0,0,1,1,Emergency,0.4020275112591636,0.7005121896166963,0.7001838506835805,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-396.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1907628,370204,Cash loans,,0.0,0.0,,,SUNDAY,13,Y,1,,,,XNA,Refused,-249,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,1,112500.0,135000.0,16020.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-10349,-1701,-2906.0,-951,,1,1,1,1,0,0,Sales staff,3.0,2,2,THURSDAY,8,0,0,0,0,0,0,Business Entity Type 3,0.2109489079160108,0.15487409456649276,0.4382813743111921,0.1464,0.0849,0.9861,0.8096,0.0,0.16,0.1379,0.3333,0.375,0.0711,0.1194,0.1017,0.0,0.0032,0.1492,0.0881,0.9861,0.8171,0.0,0.1611,0.1379,0.3333,0.375,0.0529,0.1304,0.068,0.0,0.0,0.1478,0.0849,0.9861,0.8121,0.0,0.16,0.1379,0.3333,0.375,0.0724,0.1214,0.1035,0.0,0.0033,reg oper spec account,block of flats,0.1022,Panel,No,1.0,0.0,1.0,0.0,-1811.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,8.0 +1409946,134092,Cash loans,13818.645,72000.0,74376.0,,72000.0,MONDAY,11,Y,1,,,,XNA,Approved,-1024,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-990.0,-840.0,-900.0,-892.0,0.0,0,Cash loans,F,N,Y,0,135000.0,274500.0,14143.5,274500.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,House / apartment,0.006296,-17053,-4952,-11123.0,-604,,1,1,0,1,0,0,,1.0,3,3,WEDNESDAY,9,0,0,0,0,0,0,Security Ministries,,0.6188164199085039,0.6674577419214722,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2039.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2126714,134628,Consumer loans,3025.8,25515.0,25236.0,2551.5,25515.0,TUESDAY,15,Y,1,0.1000023555391976,,,XAP,Approved,-2016,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Stone,162,Consumer electronics,12.0,high,POS household with interest,365243.0,-1985.0,-1655.0,-1655.0,-1647.0,0.0,0,Cash loans,F,N,Y,3,135000.0,358443.0,17563.5,252000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.02461,-12633,-2537,-5026.0,-5271,,1,1,0,1,1,0,Medicine staff,5.0,2,2,TUESDAY,10,0,0,0,0,0,0,Medicine,0.5488527201740334,0.5080320621473046,0.20092608771597092,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-425.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2125285,209217,Cash loans,9828.9,270000.0,270000.0,,270000.0,THURSDAY,10,Y,1,,,,XNA,Refused,-154,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,90000.0,58500.0,6430.5,58500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-11492,-594,-5581.0,-3320,,1,1,0,1,0,0,,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,Business Entity Type 2,0.29872210045136444,0.4783664917251032,0.2340151665320674,0.0603,0.0449,0.9906,,,0.08,0.0431,0.4271,,,,0.0598,,0.0005,0.0504,0.0322,0.9896,,,0.0806,0.0345,0.4583,,,,0.0566,,0.0,0.05,0.0333,0.9896,,,0.08,0.0345,0.4583,,,,0.0565,,0.0,,block of flats,0.0512,Panel,No,0.0,0.0,0.0,0.0,-154.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2204706,112873,Consumer loans,11635.155,89955.0,97870.5,0.0,89955.0,TUESDAY,14,Y,1,0.0,,,XAP,Approved,-347,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Regional / Local,1400,Consumer electronics,10.0,middle,POS household with interest,365243.0,-317.0,-47.0,-47.0,-41.0,1.0,0,Cash loans,M,N,N,0,157500.0,101880.0,12087.0,90000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.019101,-11313,-477,-926.0,-3886,,1,1,1,1,1,0,Drivers,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,Self-employed,0.4574531079418377,0.5632413621704713,0.25670557243930026,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-1607.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2381508,305674,Cash loans,9792.54,225000.0,257089.5,,225000.0,FRIDAY,15,Y,1,,,,Repairs,Refused,-329,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),-1,XNA,36.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,Y,Y,0,202500.0,247500.0,26784.0,247500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.018634,-15493,-2697,-7127.0,-3851,18.0,1,1,1,1,1,0,Laborers,1.0,2,2,FRIDAY,16,0,0,0,0,0,0,Business Entity Type 2,0.3347824652081974,0.5175597943983871,0.5316861425197883,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-904.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1963765,253347,Consumer loans,42893.415,247189.5,224689.5,22500.0,247189.5,TUESDAY,10,Y,1,0.0991326308542452,,,XAP,Approved,-68,Cash through the bank,XAP,Unaccompanied,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,501,Consumer electronics,6.0,middle,POS household with interest,365243.0,-38.0,112.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,Y,0,315000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-16136,-4172,-8532.0,-4965,,1,1,1,1,1,0,Laborers,2.0,3,3,SUNDAY,6,0,0,0,0,0,0,Self-employed,,0.3370944600450552,,0.033,0.0252,0.9771,0.6872,0.0082,0.04,0.0345,0.2917,0.3333,0.0621,0.0269,0.033,0.0,0.0,0.0336,0.0262,0.9772,0.6994,0.0083,0.0403,0.0345,0.2917,0.3333,0.0635,0.0294,0.0343,0.0,0.0,0.0333,0.0252,0.9771,0.6914,0.0082,0.04,0.0345,0.2917,0.3333,0.0632,0.0274,0.0336,0.0,0.0,reg oper account,block of flats,0.0259,"Stone, brick",No,4.0,0.0,4.0,0.0,-249.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2173650,327148,Consumer loans,8124.345,150313.5,176503.5,0.0,150313.5,SUNDAY,17,Y,1,0.0,,,XAP,Approved,-1294,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,2200,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1263.0,-573.0,-633.0,-629.0,0.0,0,Cash loans,F,Y,Y,0,180000.0,302206.5,13441.5,229500.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.008625,-13962,-3438,-2066.0,-4886,8.0,1,1,0,1,0,0,Core staff,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,Security Ministries,0.523236195565396,0.7581024847132355,0.6479768603302221,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1778.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1819257,145701,Cash loans,54389.7,1350000.0,1467612.0,,1350000.0,WEDNESDAY,11,Y,1,,,,XNA,Refused,-857,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,low_action,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,270000.0,868797.0,36940.5,702000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.032561,-18481,-4493,-10252.0,-1992,,1,1,0,1,0,1,Laborers,2.0,1,1,SATURDAY,13,0,0,0,0,0,0,Industry: type 9,0.8026008381418069,0.6312641621703659,0.4848514754962666,0.1433,0.1286,0.9762,0.6736,0.0152,0.0,0.2414,0.1667,0.2083,0.0297,0.1168,0.1369,0.0,0.0044,0.146,0.1335,0.9762,0.6864,0.0153,0.0,0.2414,0.1667,0.2083,0.0303,0.1276,0.1427,0.0,0.0046,0.1447,0.1286,0.9762,0.6779999999999999,0.0153,0.0,0.2414,0.1667,0.2083,0.0302,0.1189,0.1394,0.0,0.0045,,specific housing,0.1162,Panel,No,3.0,0.0,3.0,0.0,-1617.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2118360,352254,Cash loans,36498.465,495000.0,524403.0,,495000.0,SUNDAY,12,Y,1,,,,XNA,Approved,-489,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-459.0,51.0,-9.0,-6.0,1.0,0,Cash loans,F,N,Y,0,171000.0,553806.0,39514.5,495000.0,Unaccompanied,Pensioner,Higher education,Single / not married,House / apartment,0.072508,-21714,365243,-3839.0,-4323,,1,0,0,1,0,0,,1.0,1,1,SATURDAY,12,0,0,0,0,0,0,XNA,,0.7831235492862249,0.656158373001177,0.1474,0.0686,0.9836,0.7756,0.0,0.24,0.1034,0.4583,0.5,0.0,0.1202,0.129,0.0,0.0028,0.1502,0.0712,0.9836,0.7844,0.0,0.2417,0.1034,0.4583,0.5,0.0,0.1313,0.1344,0.0,0.003,0.1489,0.0686,0.9836,0.7786,0.0,0.24,0.1034,0.4583,0.5,0.0,0.1223,0.1313,0.0,0.0029,reg oper account,block of flats,0.1021,Panel,No,0.0,0.0,0.0,0.0,-2384.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,8.0,1.0,4.0 +1998227,125633,Consumer loans,9072.315,78889.5,78889.5,0.0,78889.5,SATURDAY,10,Y,1,0.0,,,XAP,Approved,-317,Cash through the bank,XAP,,Refreshed,Furniture,POS,XNA,Stone,1900,Furniture,10.0,middle,POS industry with interest,365243.0,-287.0,-17.0,-167.0,-162.0,0.0,0,Cash loans,F,N,N,0,157500.0,755190.0,29677.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.010643000000000001,-21755,365243,-3072.0,-4031,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,18,0,0,0,0,0,0,XNA,,0.31941582210605585,0.5937175866150576,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1268.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2809896,281816,Consumer loans,9036.225,91827.0,101524.5,0.0,91827.0,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-1000,XNA,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,1370,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-969.0,-639.0,-639.0,-634.0,0.0,0,Cash loans,M,Y,Y,1,337500.0,278613.0,27684.0,252000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-17216,-7321,-2597.0,-772,14.0,1,1,1,1,1,0,,3.0,3,1,FRIDAY,12,0,0,0,0,0,0,Industry: type 11,,0.2580076365620949,0.6347055309763198,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1430.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1006111,232413,Consumer loans,13125.87,91890.0,85455.0,6435.0,91890.0,FRIDAY,13,Y,1,0.07626836434867779,,,XAP,Approved,-2540,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Stone,23,Consumer electronics,7.0,low_normal,POS household without interest,365243.0,-2506.0,-2326.0,-2326.0,-2321.0,0.0,0,Cash loans,F,N,N,0,135000.0,675000.0,19867.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-15882,-900,-3598.0,-3598,,1,1,1,1,1,0,Core staff,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Government,0.3885856673583392,0.26525634018619443,0.6801388218428291,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2082.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,2.0 +2649817,166288,Cash loans,34438.59,1273500.0,1273500.0,,1273500.0,SATURDAY,12,Y,1,,,,XNA,Refused,-25,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,270000.0,1462428.0,50202.0,1327500.0,Unaccompanied,Pensioner,Higher education,Widow,House / apartment,0.035792000000000004,-23533,365243,-1681.0,-4766,2.0,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,XNA,,0.5974072799004482,0.5849900404894085,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-648.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2833275,134616,Cash loans,72078.48,1354500.0,1418868.0,,1354500.0,TUESDAY,8,Y,1,,,,XNA,Approved,-740,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_action,Cash X-Sell: low,365243.0,-710.0,-20.0,-20.0,-14.0,1.0,1,Cash loans,F,N,Y,0,135000.0,587619.0,19084.5,490500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018029,-20117,365243,-3329.0,-3012,,1,0,0,1,0,0,,2.0,3,2,SUNDAY,6,0,0,0,1,0,0,XNA,0.8470856864745632,0.21284337116387333,0.13595104417329515,0.0928,0.4037,0.9767,0.6804,0.0435,0.0,0.2069,0.1667,0.2083,0.0867,0.0756,0.0883,0.0,0.0,0.0945,0.4189,0.9767,0.6929,0.0439,0.0,0.2069,0.1667,0.2083,0.0887,0.0826,0.092,0.0,0.0,0.0937,0.4037,0.9767,0.6847,0.0438,0.0,0.2069,0.1667,0.2083,0.0882,0.077,0.0898,0.0,0.0,reg oper account,block of flats,0.0932,Panel,No,3.0,0.0,3.0,0.0,-446.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1628301,373855,Cash loans,,0.0,0.0,,,SATURDAY,14,Y,1,,,,XNA,Refused,-342,XNA,HC,,Repeater,XNA,XNA,XNA,Contact center,0,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,Y,Y,1,90000.0,364896.0,18630.0,315000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-10383,-229,-4700.0,-2387,5.0,1,1,0,1,1,0,Sales staff,3.0,2,2,FRIDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.5628809065669294,0.3740208032583212,0.0619,0.0542,0.9796,0.7212,0.0248,0.0,0.1379,0.1667,0.2083,0.0289,0.0504,0.0516,0.0,0.0,0.063,0.0563,0.9796,0.7321,0.0251,0.0,0.1379,0.1667,0.2083,0.0295,0.0551,0.0538,0.0,0.0,0.0625,0.0542,0.9796,0.7249,0.025,0.0,0.1379,0.1667,0.2083,0.0294,0.0513,0.0525,0.0,0.0,reg oper account,block of flats,0.0542,Panel,No,0.0,0.0,0.0,0.0,-700.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,7.0 +2421781,187647,Consumer loans,15320.52,78696.0,82849.5,0.0,78696.0,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-539,XNA,XAP,,Repeater,Consumer Electronics,POS,XNA,Country-wide,1782,Consumer electronics,6.0,middle,POS household with interest,365243.0,-508.0,-358.0,-418.0,-412.0,0.0,0,Cash loans,M,Y,Y,0,180000.0,1349721.0,70015.5,1215000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018029,-17704,-3961,-1902.0,-1242,7.0,1,1,0,1,0,0,Managers,2.0,3,2,SATURDAY,7,0,0,0,0,0,0,Business Entity Type 3,0.7332252133182697,0.6279596790561666,0.4101025731788671,0.2196,0.1587,0.9881,0.8368,0.1061,0.2,0.2759,0.3333,0.2083,0.2111,0.1757,0.2484,0.0,0.0628,0.2237,0.1646,0.9881,0.8432,0.1071,0.2014,0.2759,0.3333,0.2083,0.2159,0.1919,0.2588,0.0,0.0665,0.2217,0.1587,0.9881,0.8390000000000001,0.1068,0.2,0.2759,0.3333,0.2083,0.2148,0.1787,0.2529,0.0,0.0641,reg oper account,block of flats,0.2671,Panel,No,9.0,0.0,9.0,0.0,-950.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2216430,275063,Cash loans,11074.5,225000.0,225000.0,,225000.0,TUESDAY,15,Y,1,,,,XNA,Approved,-213,Cash through the bank,XAP,Children,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-183.0,1227.0,-183.0,-180.0,0.0,1,Cash loans,F,N,N,0,144000.0,1080000.0,38920.5,1080000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.026392000000000002,-15970,-8987,-3717.0,-4209,,1,1,0,1,0,0,Cleaning staff,1.0,2,2,SUNDAY,11,0,0,0,0,0,0,Business Entity Type 2,0.5057239433045831,0.6227801974506914,0.6178261467332483,0.1227,0.1208,0.9801,,,0.0,0.2759,0.1667,,0.106,,0.1221,,0.0,0.125,0.1253,0.9801,,,0.0,0.2759,0.1667,,0.1084,,0.1273,,0.0,0.1239,0.1208,0.9801,,,0.0,0.2759,0.1667,,0.1079,,0.1243,,0.0,,block of flats,0.0961,Panel,No,0.0,0.0,0.0,0.0,-213.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,3.0 +2696648,340305,Cash loans,22340.88,315000.0,397750.5,,315000.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-849,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-819.0,-129.0,-729.0,-725.0,1.0,0,Cash loans,F,N,Y,0,225000.0,630747.0,20344.5,526500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.00823,-17158,-5162,-9110.0,-692,,1,1,0,1,0,0,Medicine staff,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,Government,0.6958606814484206,0.28982025137258044,,,,0.9697,0.5852,,,0.1034,0.1667,,,,0.0707,,,,,0.9697,0.6014,,,0.1034,0.1667,,,,0.0736,,,,,0.9697,0.5907,,,0.1034,0.1667,,,,0.0719,,,,block of flats,0.0728,"Stone, brick",No,3.0,0.0,3.0,0.0,-1402.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1170731,334146,Cash loans,5783.445,67500.0,88825.5,,67500.0,SUNDAY,16,Y,1,,,,Repairs,Refused,-189,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,24.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,1,675000.0,720000.0,23926.5,720000.0,Family,State servant,Secondary / secondary special,Married,Office apartment,0.026392000000000002,-17051,-5907,-6526.0,-565,,1,1,0,1,0,0,,3.0,2,2,SUNDAY,12,0,0,0,0,0,0,Other,,0.5079719416983275,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-635.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +1396251,133674,Consumer loans,33746.625,306787.5,306787.5,0.0,306787.5,TUESDAY,14,Y,1,0.0,,,XAP,Approved,-781,Cash through the bank,XAP,Unaccompanied,Repeater,Clothing and Accessories,POS,XNA,Country-wide,10,Clothing,10.0,low_normal,POS industry with interest,365243.0,-750.0,-480.0,-480.0,-475.0,0.0,0,Cash loans,F,N,Y,0,180000.0,225000.0,22050.0,225000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.028663,-24052,365243,-6585.0,-3649,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,XNA,,0.6445722658525799,0.8214433128935934,0.1278,0.1038,0.9906,,,0.24,0.1379,0.375,,0.0341,,0.1758,,0.1049,0.1303,0.1078,0.9906,,,0.2417,0.1379,0.375,,0.0349,,0.1832,,0.1111,0.1291,0.1038,0.9906,,,0.24,0.1379,0.375,,0.0347,,0.179,,0.1071,,block of flats,0.1941,Panel,No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2670162,261764,Cash loans,38691.0,1350000.0,1350000.0,,1350000.0,MONDAY,7,Y,1,,,,Medicine,Refused,-311,Cash through the bank,SCO,,Repeater,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,N,Y,0,315000.0,225000.0,7195.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.010032,-16827,-1346,-9254.0,-364,,1,1,0,1,0,0,Security staff,1.0,2,2,THURSDAY,11,0,0,0,0,0,0,Security,,0.5088190714068901,0.5082869913916046,0.0928,0.0801,0.9801,0.728,0.0395,0.0,0.2069,0.1667,0.2083,0.0665,0.0756,0.0872,0.0,0.0,0.0945,0.0831,0.9801,0.7387,0.0398,0.0,0.2069,0.1667,0.2083,0.068,0.0826,0.0908,0.0,0.0,0.0937,0.0801,0.9801,0.7316,0.0397,0.0,0.2069,0.1667,0.2083,0.0677,0.077,0.0888,0.0,0.0,reg oper account,block of flats,0.0686,Panel,No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,2.0,2.0,5.0 +1873574,206664,Revolving loans,9000.0,180000.0,180000.0,,180000.0,FRIDAY,9,Y,1,,,,XAP,Approved,-434,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,202500.0,378801.0,26491.5,351000.0,Unaccompanied,Pensioner,Incomplete higher,Single / not married,House / apartment,0.020246,-21995,365243,-749.0,-4032,,1,0,0,1,0,0,,1.0,3,3,FRIDAY,9,0,0,0,0,0,0,XNA,0.8326349550132102,0.407597470477484,,0.0399,0.0734,0.998,0.9728,0.0087,0.0,0.069,0.1667,0.2083,0.0668,0.0325,0.0394,0.0,0.0,0.041,0.0761,0.998,0.9739,0.0086,0.0,0.069,0.1667,0.2083,0.0683,0.0358,0.0408,0.0,0.0,0.0406,0.0734,0.998,0.9732,0.0086,0.0,0.069,0.1667,0.2083,0.068,0.0333,0.0401,0.0,0.0,reg oper account,block of flats,0.0309,Panel,No,1.0,0.0,1.0,0.0,-434.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2229973,297653,Consumer loans,6033.42,59575.5,52146.0,18000.0,59575.5,WEDNESDAY,4,Y,1,0.27946905545057954,,,XAP,Approved,-1548,XNA,XAP,Other_B,New,Audio/Video,POS,XNA,Country-wide,110,Connectivity,12.0,high,POS mobile with interest,365243.0,-1517.0,-1187.0,-1217.0,-1205.0,0.0,0,Cash loans,M,Y,N,2,202500.0,900000.0,40801.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010032,-12931,-3469,-3538.0,-4409,18.0,1,1,1,1,1,0,,4.0,2,2,TUESDAY,10,0,0,0,0,1,1,Business Entity Type 3,0.2284641488355568,0.262927402884145,0.5726825047161584,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1435.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2727241,133251,Consumer loans,19724.805,149845.5,160560.0,0.0,149845.5,TUESDAY,13,Y,1,0.0,,,XAP,Approved,-225,Cash through the bank,XAP,,Repeater,Jewelry,POS,XNA,Country-wide,180,Jewelry,10.0,middle,POS other with interest,365243.0,-189.0,81.0,-189.0,-185.0,0.0,0,Cash loans,F,N,Y,0,225000.0,1305000.0,55291.5,1305000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.019688999999999998,-19442,365243,-11955.0,-2010,,1,0,0,1,1,0,,1.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,XNA,,0.5363526172289772,0.4992720153045617,0.1206,,0.9781,,,0.0,0.2759,0.1667,,0.0844,,0.1096,,0.009000000000000001,0.1229,,0.9782,,,0.0,0.2759,0.1667,,0.0863,,0.1142,,0.0095,0.1218,,0.9781,,,0.0,0.2759,0.1667,,0.0858,,0.1115,,0.0091,,block of flats,0.1001,Panel,No,0.0,0.0,0.0,0.0,-229.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2563500,285690,Consumer loans,1860.975,33291.0,33291.0,0.0,33291.0,THURSDAY,13,Y,1,0.0,,,XAP,Approved,-1488,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,1600,Consumer electronics,24.0,low_normal,POS household without interest,365243.0,-1457.0,-767.0,-857.0,-848.0,0.0,0,Cash loans,M,Y,Y,0,112500.0,339241.5,12919.5,238500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.010147,-12307,-2414,-3014.0,-3013,11.0,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,16,0,0,0,0,0,0,Industry: type 4,,0.5183296336527469,0.6195277080511546,0.0309,,0.9846,0.7892,,,0.069,0.1667,,0.0435,0.0252,0.0185,,,0.0315,,0.9846,0.7975,,,0.069,0.1667,,0.0445,0.0275,0.0192,,,0.0312,,0.9846,0.792,,,0.069,0.1667,,0.0443,0.0257,0.0188,,,,block of flats,0.0244,Panel,No,2.0,1.0,2.0,0.0,-1488.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2196196,325170,Revolving loans,4500.0,90000.0,90000.0,,90000.0,MONDAY,10,Y,1,,,,XAP,Refused,-106,XNA,HC,Unaccompanied,New,XNA,Cards,walk-in,Channel of corporate sales,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,Y,N,0,112500.0,495000.0,32485.5,495000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.025164,-19132,-1864,-5163.0,-2671,7.0,1,1,1,1,1,0,Core staff,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Insurance,,0.4283839271951809,0.8016009030071296,0.1835,0.1048,0.9856,0.8028,0.068,0.2,0.1724,0.3333,0.375,0.188,0.1471,0.1877,0.0116,0.0157,0.187,0.1087,0.9856,0.8105,0.0686,0.2014,0.1724,0.3333,0.375,0.1923,0.1607,0.1956,0.0117,0.0167,0.1853,0.1048,0.9856,0.8054,0.0684,0.2,0.1724,0.3333,0.375,0.1912,0.1496,0.1911,0.0116,0.0161,org spec account,block of flats,0.1883,Panel,No,0.0,0.0,0.0,0.0,-1138.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0.0,0.0,0.0,2.0,0.0,2.0 +2205859,151458,Consumer loans,8208.45,43560.0,45715.5,0.0,43560.0,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-1243,Cash through the bank,XAP,Unaccompanied,New,Clothing and Accessories,POS,XNA,Stone,248,Clothing,6.0,low_normal,POS industry with interest,365243.0,-1212.0,-1062.0,-1062.0,-1060.0,0.0,0,Cash loans,F,N,Y,0,135000.0,149256.0,15421.5,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010966,-18591,-5464,-8199.0,-1843,,1,1,0,1,0,0,Managers,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Self-employed,,0.7170071263267128,,0.099,0.0731,0.9876,0.83,0.019,0.08,0.069,0.375,0.4167,0.0852,0.079,0.0947,0.0077,0.0319,0.1008,0.0758,0.9876,0.8367,0.0191,0.0806,0.069,0.375,0.4167,0.0871,0.0863,0.0987,0.0078,0.0338,0.0999,0.0731,0.9876,0.8323,0.0191,0.08,0.069,0.375,0.4167,0.0867,0.0804,0.0964,0.0078,0.0326,reg oper spec account,block of flats,0.0918,"Stone, brick",No,3.0,0.0,3.0,0.0,-1243.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,2.0 +2181530,350936,Consumer loans,2053.035,15835.5,15390.0,1620.0,15835.5,FRIDAY,11,Y,1,0.10372294372294373,,,XAP,Approved,-2280,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Stone,9,Connectivity,10.0,high,POS mobile with interest,365243.0,-2242.0,-1972.0,-1972.0,-1970.0,1.0,0,Cash loans,F,N,Y,0,135000.0,247500.0,17599.5,247500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.028663,-22658,365243,-7642.0,-4432,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,XNA,,0.5206931903354516,0.6178261467332483,0.1227,0.0968,0.9776,0.6940000000000001,0.0134,0.0,0.2069,0.1667,0.2083,0.1431,0.1,0.1051,0.0,0.0,0.125,0.1005,0.9777,0.706,0.0135,0.0,0.2069,0.1667,0.2083,0.1464,0.1093,0.1095,0.0,0.0,0.1239,0.0968,0.9776,0.6981,0.0135,0.0,0.2069,0.1667,0.2083,0.1456,0.1018,0.107,0.0,0.0,org spec account,block of flats,0.0908,Panel,No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,3.0 +1977888,240011,Cash loans,19684.8,180000.0,180000.0,0.0,180000.0,THURSDAY,17,Y,1,0.0,,,XNA,Approved,-2569,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-2539.0,-2209.0,-2359.0,-2356.0,0.0,0,Cash loans,F,Y,N,0,270000.0,1575000.0,43312.5,1575000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.02461,-18712,-3620,-3179.0,-2263,3.0,1,1,0,1,1,0,,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,Other,0.8770910856231962,0.660284738308482,0.4048783643353997,0.0577,,0.994,,,0.08,0.1034,0.2083,,,,0.078,,0.0276,0.0588,,0.994,,,0.0806,0.1034,0.2083,,,,0.0813,,0.0292,0.0583,,0.994,,,0.08,0.1034,0.2083,,,,0.0795,,0.0282,,block of flats,0.0674,Panel,No,1.0,0.0,1.0,0.0,-1812.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,7.0,0.0,0.0 +2259035,396858,Cash loans,48617.28,904500.0,957033.0,,904500.0,FRIDAY,12,Y,1,,,,XNA,Approved,-292,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_action,Cash X-Sell: low,365243.0,-262.0,428.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,315000.0,1130760.0,33061.5,810000.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.02461,-23534,365243,-572.0,-5010,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,XNA,,0.6612699659518487,0.4632753280912678,,0.0603,0.9896,0.8572,0.0207,0.12,0.1034,0.375,0.4167,0.0683,,0.1267,0.0077,0.0074,,0.0626,0.9896,0.8628,0.0209,0.1208,0.1034,0.375,0.4167,0.0699,,0.132,0.0078,0.0079,,0.0603,0.9896,0.8591,0.0208,0.12,0.1034,0.375,0.4167,0.0695,,0.129,0.0078,0.0076,,block of flats,0.1705,"Stone, brick",No,0.0,0.0,0.0,0.0,-292.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1220968,234833,Cash loans,21747.825,675000.0,790830.0,,675000.0,SUNDAY,11,Y,1,,,,XNA,Refused,-292,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,25,Connectivity,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,180000.0,2265570.0,59764.5,2025000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-22098,365243,-10745.0,-4596,,1,0,0,1,1,0,,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,XNA,,0.7892654408978699,0.15286622915504153,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2021.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2774872,379530,Cash loans,35613.0,1350000.0,1350000.0,,1350000.0,MONDAY,6,Y,1,,,,Buying a used car,Refused,-231,XNA,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,60.0,low_action,Cash Street: low,,,,,,,0,Cash loans,F,N,N,0,173025.0,497520.0,25888.5,450000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.020713,-13218,-690,-7094.0,-2447,,1,1,1,1,0,0,Core staff,2.0,3,2,FRIDAY,6,0,0,0,0,0,0,Trade: type 5,0.5563616549808598,0.5851156380912395,,0.132,0.0986,0.9816,0.7484,0.2072,0.16,0.1379,0.3333,0.375,0.0446,0.1025,0.131,0.0232,0.0474,0.1345,0.1024,0.9816,0.7583,0.2091,0.1611,0.1379,0.3333,0.375,0.0456,0.112,0.1364,0.0233,0.0502,0.1332,0.0986,0.9816,0.7518,0.2086,0.16,0.1379,0.3333,0.375,0.0453,0.1043,0.1333,0.0233,0.0484,reg oper account,block of flats,0.1133,Panel,No,6.0,0.0,6.0,0.0,-434.0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,,,,,, +2350192,429362,Cash loans,12651.21,94500.0,114615.0,,94500.0,MONDAY,9,Y,1,,,,XNA,Approved,-353,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-323.0,7.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,112500.0,284400.0,10849.5,225000.0,Unaccompanied,State servant,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-13604,-5186,-4643.0,-4675,,1,1,0,1,1,0,,2.0,2,2,THURSDAY,10,0,0,0,0,1,1,Medicine,0.14817547606363746,0.37916204131472997,0.6817058776720116,0.0278,0.0516,0.9826,0.762,0.0037,0.0,0.1034,0.0833,0.125,0.014,0.0227,0.0256,0.0,0.0,0.0284,0.0535,0.9826,0.7713,0.0038,0.0,0.1034,0.0833,0.125,0.0143,0.0248,0.0267,0.0,0.0,0.0281,0.0516,0.9826,0.7652,0.0037,0.0,0.1034,0.0833,0.125,0.0142,0.0231,0.0261,0.0,0.0,reg oper account,block of flats,0.0201,Block,No,0.0,0.0,0.0,0.0,-1063.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1377525,307341,Consumer loans,9154.575,84577.5,82399.5,8460.0,84577.5,FRIDAY,11,Y,1,0.1014061170368436,,,XAP,Approved,-2160,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Regional / Local,41,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-2122.0,-1852.0,-1852.0,-1850.0,0.0,0,Cash loans,M,N,N,0,112500.0,808650.0,29839.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.005313,-23600,365243,-120.0,-4145,,1,0,0,1,0,0,,2.0,2,2,MONDAY,13,0,0,0,0,0,0,XNA,,0.2978145601644836,0.36896873825284665,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-25.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2345026,255535,Consumer loans,4826.16,93150.0,103680.0,0.0,93150.0,SATURDAY,13,Y,1,0.0,,,XAP,Approved,-1083,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,3000,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1052.0,-362.0,-452.0,-445.0,0.0,0,Cash loans,F,N,Y,0,81000.0,781920.0,26725.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.020713,-22989,365243,-1353.0,-5447,,1,0,0,1,0,0,,1.0,3,2,THURSDAY,6,0,0,0,0,0,0,XNA,0.8726822567786945,0.5269494040737716,0.6801388218428291,0.2175,0.09,0.997,,,0.16,0.1379,0.375,,,,0.1873,,0.0147,0.2216,0.0934,0.997,,,0.1611,0.1379,0.375,,,,0.1951,,0.0156,0.2196,0.09,0.997,,,0.16,0.1379,0.375,,,,0.1906,,0.015,,block of flats,0.1842,Panel,No,0.0,0.0,0.0,0.0,-1083.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2368654,138588,Consumer loans,12370.275,114286.5,111343.5,11430.0,114286.5,THURSDAY,15,Y,1,0.10139247550089464,,,XAP,Approved,-1164,Cash through the bank,XAP,Unaccompanied,Repeater,Construction Materials,POS,XNA,Stone,10,Construction,10.0,low_normal,POS industry with interest,365243.0,-1120.0,-850.0,-910.0,-902.0,0.0,0,Cash loans,F,Y,Y,0,112500.0,270000.0,10309.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-13899,-2743,-179.0,-4817,34.0,1,1,0,1,0,0,Medicine staff,2.0,2,2,SATURDAY,9,0,0,0,0,0,0,Medicine,,0.6660291310439465,0.5762088360175724,0.0835,0.0799,0.9732,0.6328,,0.0,0.1379,0.1667,0.0417,0.0692,0.0656,0.0614,0.0077,0.0051,0.0851,0.0829,0.9732,0.6472,,0.0,0.1379,0.1667,0.0417,0.0708,0.0716,0.064,0.0078,0.0054,0.0843,0.0799,0.9732,0.6377,,0.0,0.1379,0.1667,0.0417,0.0704,0.0667,0.0625,0.0078,0.0052,reg oper account,block of flats,0.0533,"Stone, brick",No,1.0,0.0,1.0,0.0,-1604.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2598888,142679,Consumer loans,7727.625,42750.0,40311.0,8550.0,42750.0,THURSDAY,17,Y,1,0.1905758636279911,,,XAP,Approved,-704,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Stone,30,Consumer electronics,6.0,middle,POS other with interest,365243.0,-673.0,-523.0,-583.0,-575.0,0.0,0,Cash loans,F,N,Y,0,85500.0,450000.0,35338.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-9556,-1614,-1777.0,-1518,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Other,0.3040524309316852,0.6939527165967484,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1142.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1656026,389997,Cash loans,37491.84,490500.0,519637.5,,490500.0,MONDAY,13,Y,1,,,,XNA,Approved,-1078,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-1048.0,-538.0,-898.0,-890.0,1.0,0,Cash loans,F,N,N,0,135000.0,286704.0,13923.0,247500.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.018029,-20985,365243,-2649.0,-4409,,1,0,0,1,0,0,,1.0,3,3,MONDAY,7,0,0,0,0,0,0,XNA,0.8102555048773774,0.5160362532699648,0.7662336700704004,0.1113,0.0877,0.9826,0.762,0.0295,0.12,0.1034,0.3333,0.0417,0.0,,0.1232,,0.0,0.1134,0.0911,0.9826,0.7713,0.0298,0.1208,0.1034,0.3333,0.0417,0.0,,0.1284,,0.0,0.1124,0.0877,0.9826,0.7652,0.0297,0.12,0.1034,0.3333,0.0417,0.0,,0.1254,,0.0,,block of flats,0.113,Panel,No,0.0,0.0,0.0,0.0,-2268.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,1.0 +2302046,145089,Consumer loans,5736.24,27900.0,27900.0,0.0,27900.0,SATURDAY,3,Y,1,0.0,,,XAP,Refused,-1396,Cash through the bank,HC,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,15,Consumer electronics,6.0,high,POS household with interest,,,,,,,0,Cash loans,F,N,N,0,148500.0,888840.0,32053.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.001276,-23766,365243,-4458.0,-3931,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,6,0,0,0,0,0,0,XNA,,0.7301958956498317,0.8307666055019554,0.067,0.0956,0.9856,0.8504,,0.0,0.1493,0.1667,,0.0762,,0.0578,,0.1266,0.0788,0.0604,0.9841,0.8563,,0.0,0.1724,0.1667,,0.0779,,0.0283,,0.0,0.0781,0.0973,0.9841,0.8524,,0.0,0.1724,0.1667,,0.0775,,0.0463,,0.1491,,block of flats,0.0633,Block,No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,1.0,0.0,0.0,0.0,0.0 +1944699,422787,Cash loans,27585.9,454500.0,508495.5,,454500.0,WEDNESDAY,11,Y,1,,,,Building a house or an annex,Approved,-418,Cash through the bank,XAP,,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,middle,Cash Street: middle,365243.0,-388.0,662.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,0,202500.0,807984.0,26833.5,697500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.010147,-15485,-4123,-1168.0,-4662,1.0,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,12,0,0,0,0,1,1,Business Entity Type 3,0.5112845394864164,0.6787020304238913,0.6279908192952864,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-419.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2379719,140589,Consumer loans,11459.565,114615.0,114048.0,11461.5,114615.0,SUNDAY,7,Y,1,0.09945554284373258,,,XAP,Approved,-842,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Regional / Local,80,Consumer electronics,12.0,middle,POS household with interest,365243.0,-811.0,-481.0,-811.0,-806.0,0.0,0,Cash loans,F,N,Y,0,135000.0,308133.0,15862.5,234000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.020246,-19809,365243,-2440.0,-3322,,1,0,0,1,0,0,,2.0,3,3,TUESDAY,6,0,0,0,0,0,0,XNA,0.7396997163319189,0.07273606373648435,0.4614823912998385,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1048.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2077143,194447,Cash loans,20661.48,99000.0,113850.0,,99000.0,WEDNESDAY,17,Y,1,,,,XNA,Approved,-286,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,low_normal,Cash X-Sell: low,365243.0,-256.0,-106.0,-196.0,-191.0,1.0,0,Cash loans,M,N,Y,0,112500.0,276277.5,19777.5,238500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,With parents,0.0105,-8876,-1584,-2302.0,-1489,,1,1,0,1,0,0,,1.0,3,3,TUESDAY,16,0,0,0,0,0,0,Business Entity Type 2,0.10960299844621392,0.24571007962531424,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1801.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2805655,124305,Consumer loans,2145.87,14355.0,15538.5,0.0,14355.0,TUESDAY,11,Y,1,0.0,,,XAP,Approved,-2149,Cash through the bank,XAP,Other_B,Repeater,Consumer Electronics,POS,XNA,Stone,500,Consumer electronics,10.0,high,POS household with interest,365243.0,-2118.0,-1848.0,-1848.0,-1843.0,0.0,0,Cash loans,F,N,Y,0,157500.0,601470.0,30838.5,450000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.01885,-13293,-5568,-4212.0,-4432,,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Self-employed,0.4789904191647864,0.6385379135527435,0.43473324875017305,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-2149.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1211127,226351,Consumer loans,4038.885,29160.0,33214.5,2916.0,29160.0,TUESDAY,16,Y,1,0.08789773434934726,,,XAP,Approved,-1893,Cash through the bank,XAP,Other_B,New,Mobile,POS,XNA,Country-wide,62,Connectivity,12.0,high,POS mobile with interest,365243.0,-1862.0,-1532.0,-1532.0,-1524.0,0.0,0,Cash loans,F,N,N,0,99000.0,162000.0,10822.5,162000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.028663,-14073,-1851,-8057.0,-4125,,1,1,0,1,0,1,Sales staff,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,Trade: type 3,,0.7104033422589936,0.09569272423026376,0.0928,0.093,0.9871,0.8232,0.0198,0.0,0.2759,0.1667,0.2083,0.0941,0.0748,0.1002,0.0039,0.0052,0.0945,0.0965,0.9871,0.8301,0.02,0.0,0.2759,0.1667,0.2083,0.0963,0.0817,0.1044,0.0039,0.0055,0.0937,0.093,0.9871,0.8256,0.0199,0.0,0.2759,0.1667,0.2083,0.0957,0.0761,0.102,0.0039,0.0054,reg oper account,block of flats,0.08,Block,No,4.0,1.0,4.0,0.0,-1893.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2327823,234166,Consumer loans,8792.1,87930.0,79137.0,8793.0,87930.0,WEDNESDAY,17,Y,1,0.1089090909090909,,,XAP,Approved,-2214,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Regional / Local,152,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2181.0,-1911.0,-1911.0,-1909.0,0.0,0,Cash loans,F,Y,Y,1,112500.0,187704.0,10611.0,148500.0,Unaccompanied,State servant,Secondary / secondary special,Widow,House / apartment,0.035792000000000004,-18639,-3117,-10710.0,-2086,22.0,1,1,0,1,1,0,,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,Kindergarten,,0.7119798768344215,0.5513812618027899,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2869.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1412449,126991,Revolving loans,9000.0,0.0,180000.0,,,WEDNESDAY,11,Y,1,,,,XAP,Approved,-2603,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,27,Connectivity,0.0,XNA,Card Street,-2602.0,-2543.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,180000.0,921861.0,27085.5,769500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.02461,-18899,-5251,-4024.0,-2428,,1,1,0,1,0,0,Managers,2.0,2,2,TUESDAY,13,0,0,0,0,1,1,Other,,0.5723532024360545,0.42589289800515295,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,3.0,0.0,-295.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +2556976,375693,Cash loans,23496.705,225000.0,239850.0,,225000.0,MONDAY,11,Y,1,,,,XNA,Approved,-103,Cash through the bank,XAP,Children,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-73.0,257.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,112500.0,303489.0,29695.5,274500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018801,-23295,365243,-7067.0,-4266,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,9,0,0,0,0,0,0,XNA,0.7440482850237559,0.3679354699217693,,0.0825,0.0745,0.9752,0.66,0.0353,0.0,0.1379,0.1667,0.2083,0.0614,0.0672,0.0712,0.0,0.0,0.084,0.0774,0.9752,0.6733,0.0356,0.0,0.1379,0.1667,0.2083,0.0628,0.0735,0.0742,0.0,0.0,0.0833,0.0745,0.9752,0.6645,0.0355,0.0,0.1379,0.1667,0.2083,0.0624,0.0684,0.0725,0.0,0.0,,block of flats,0.0753,Panel,No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1612305,227514,Cash loans,18235.08,225000.0,269550.0,,225000.0,TUESDAY,18,Y,1,,,,XNA,Refused,-590,Cash through the bank,LIMIT,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,M,Y,Y,0,135000.0,203760.0,22072.5,180000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.007114,-11862,-1158,-5827.0,-3829,64.0,1,1,0,1,0,0,Drivers,1.0,2,2,THURSDAY,11,0,0,0,1,1,0,Self-employed,,0.2651072007852093,0.5971924268337128,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-1502.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2736986,262253,Cash loans,18248.49,99000.0,99000.0,,99000.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-145,XNA,XAP,Family,Repeater,XNA,Cash,x-sell,Regional / Local,150,Consumer electronics,6.0,middle,Cash X-Sell: middle,365243.0,-115.0,35.0,-55.0,-50.0,0.0,0,Cash loans,F,Y,Y,2,382500.0,675000.0,69165.0,675000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.014464,-11008,-675,-3597.0,-3073,17.0,1,1,0,1,0,0,Sales staff,4.0,2,2,MONDAY,9,0,0,0,0,0,0,Telecom,,0.5329086869410621,0.520897599048938,0.0711,0.0597,0.9881,0.8368,0.0475,0.0,0.1379,0.2083,0.25,0.058,0.0572,0.0629,0.0039,0.0093,0.0725,0.0619,0.9881,0.8432,0.0479,0.0,0.1379,0.2083,0.25,0.0594,0.0624,0.0655,0.0039,0.0098,0.0718,0.0597,0.9881,0.8390000000000001,0.0478,0.0,0.1379,0.2083,0.25,0.0591,0.0581,0.064,0.0039,0.0095,reg oper account,block of flats,0.0515,"Stone, brick",No,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2496789,233477,Consumer loans,12872.925,75145.5,75145.5,0.0,75145.5,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-198,XNA,XAP,Unaccompanied,New,Furniture,POS,XNA,Stone,50,Furniture,6.0,low_action,POS industry without interest,365243.0,-167.0,-17.0,-47.0,-43.0,0.0,0,Cash loans,F,N,N,1,180000.0,495000.0,23067.0,495000.0,Family,Working,Higher education,Single / not married,With parents,0.018634,-8567,-1075,-6138.0,-1236,,1,1,0,1,0,0,High skill tech staff,2.0,2,2,FRIDAY,17,0,0,0,0,0,0,Self-employed,0.5475456836160131,0.5462612720342698,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-198.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2111098,428058,Cash loans,24764.49,180000.0,218961.0,,180000.0,TUESDAY,12,Y,1,,,,XNA,Approved,-405,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,50,Connectivity,12.0,high,Cash X-Sell: high,365243.0,-375.0,-45.0,-45.0,-43.0,1.0,0,Cash loans,F,N,Y,1,90000.0,835380.0,40320.0,675000.0,Unaccompanied,Working,Higher education,Married,With parents,0.002134,-9209,-1945,-983.0,-1054,,1,1,0,1,0,1,Sales staff,3.0,3,3,MONDAY,9,0,0,0,0,0,0,Trade: type 7,,0.7298166123910099,0.3233112448967859,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-278.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2184734,417113,Cash loans,56722.5,1125000.0,1125000.0,,1125000.0,THURSDAY,13,Y,1,,,,XNA,Approved,-577,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,125,Consumer electronics,30.0,middle,Cash X-Sell: middle,365243.0,-547.0,323.0,-367.0,-364.0,0.0,0,Cash loans,F,Y,N,0,126000.0,1288350.0,37800.0,1125000.0,Family,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.008625,-13486,-2093,-6935.0,-4388,16.0,1,1,0,1,0,0,Sales staff,2.0,2,2,SUNDAY,10,0,0,0,0,0,0,Self-employed,,0.33193441276002345,0.8027454758994178,0.1237,0.0,0.9836,,,0.0,0.2759,0.1667,,0.0,,0.1069,,0.0406,0.1261,0.0,0.9836,,,0.0,0.2759,0.1667,,0.0,,0.1113,,0.0429,0.1249,0.0,0.9836,,,0.0,0.2759,0.1667,,0.0,,0.1088,,0.0414,,block of flats,0.0962,Panel,No,1.0,0.0,1.0,0.0,-1775.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,1.0 +2357604,216061,Cash loans,44701.515,450000.0,470790.0,,450000.0,WEDNESDAY,16,Y,1,,,,XNA,Approved,-496,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-466.0,-136.0,-166.0,-163.0,1.0,0,Cash loans,F,N,Y,0,135000.0,1350000.0,37125.0,1350000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.02461,-22018,-3918,-11339.0,-4457,,1,1,1,1,1,0,Accountants,2.0,2,2,TUESDAY,17,0,0,0,1,1,0,Business Entity Type 3,0.8535428596011273,0.6430377766228307,0.7649392739475195,0.0495,0.057,0.9742,0.6464,0.0,0.0,0.1034,0.125,0.1667,0.0107,0.0403,0.0396,0.0,0.0,0.0504,0.0591,0.9742,0.6602,0.0,0.0,0.1034,0.125,0.1667,0.011,0.0441,0.0413,0.0,0.0,0.05,0.057,0.9742,0.6511,0.0,0.0,0.1034,0.125,0.1667,0.0109,0.041,0.0403,0.0,0.0,reg oper account,block of flats,0.0311,"Stone, brick",No,1.0,0.0,1.0,0.0,-2065.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,1.0 +1456272,394795,Consumer loans,2830.86,23202.0,22774.5,2322.0,23202.0,SUNDAY,13,Y,1,0.10076580761895444,,,XAP,Approved,-2350,Cash through the bank,XAP,"Spouse, partner",Repeater,Mobile,POS,XNA,Country-wide,75,Connectivity,11.0,low_normal,POS mobile with interest,365243.0,-2319.0,-2019.0,-2019.0,-2014.0,1.0,0,Cash loans,M,Y,Y,2,225000.0,1223010.0,48631.5,1125000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.030755,-13656,-1119,-1261.0,-1631,10.0,1,1,0,1,0,0,Laborers,4.0,2,2,FRIDAY,13,0,0,0,0,1,1,Business Entity Type 3,,0.5142502200999262,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1974145,298843,Consumer loans,9479.565,92065.5,91062.0,9207.0,92065.5,SUNDAY,7,Y,1,0.10000359034198003,,,XAP,Approved,-2132,Cash through the bank,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Country-wide,2034,Consumer electronics,12.0,middle,POS household with interest,365243.0,-2101.0,-1771.0,-1771.0,-1768.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,536917.5,18481.5,463500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020713,-21415,365243,-12805.0,-4815,8.0,1,0,0,1,0,1,,2.0,3,2,THURSDAY,11,0,0,0,0,0,0,XNA,,0.5835062692931358,0.6144143775673561,0.1701,0.0444,0.9821,0.7552,0.0688,0.2,0.1724,0.3333,0.375,0.0762,0.1345,0.1652,0.0193,0.1289,0.1733,0.0461,0.9821,0.7648,0.0694,0.2014,0.1724,0.3333,0.375,0.078,0.1469,0.1722,0.0195,0.1365,0.1718,0.0444,0.9821,0.7585,0.0692,0.2,0.1724,0.3333,0.375,0.0776,0.1368,0.1682,0.0194,0.1316,reg oper account,block of flats,0.1956,Panel,No,0.0,0.0,0.0,0.0,-1711.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,5.0 +1463845,380546,Consumer loans,6480.72,56691.0,62676.0,0.0,56691.0,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-561,Cash through the bank,XAP,,Refreshed,Consumer Electronics,POS,XNA,Country-wide,1200,Consumer electronics,12.0,middle,POS household with interest,365243.0,-530.0,-200.0,-200.0,-197.0,0.0,0,Cash loans,F,N,Y,0,135000.0,191880.0,20286.0,180000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.006207,-23138,365243,-6097.0,-4164,,1,0,0,1,0,0,,1.0,2,2,MONDAY,10,0,0,0,0,0,0,XNA,,0.43149782241560297,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-168.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1929058,215379,Consumer loans,5496.12,31455.0,26955.0,4500.0,31455.0,FRIDAY,18,Y,1,0.15580699700871373,,,XAP,Refused,-1600,Cash through the bank,LIMIT,,Repeater,Mobile,POS,XNA,Country-wide,15,Connectivity,6.0,high,POS mobile with interest,,,,,,,0,Cash loans,M,Y,Y,0,450000.0,1280794.5,46134.0,1147500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-15012,-2398,-1688.0,-5087,13.0,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,15,0,0,0,1,1,0,Business Entity Type 3,,0.7202349629700734,0.2067786544915716,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1600.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1802459,102397,Consumer loans,10695.96,61155.0,60327.0,3672.0,61155.0,WEDNESDAY,18,Y,1,0.06248756727732961,,,XAP,Approved,-2484,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Regional / Local,836,Consumer electronics,6.0,low_normal,POS household without interest,365243.0,-2453.0,-2303.0,-2303.0,-2298.0,1.0,0,Cash loans,F,Y,Y,0,121500.0,364500.0,17725.5,364500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.032561,-18202,-241,-1520.0,-1751,10.0,1,1,0,1,0,0,Sales staff,2.0,1,1,TUESDAY,16,0,0,0,0,0,0,Self-employed,,0.6952006028592825,0.7091891096653581,0.0789,0.0967,0.9727,0.626,0.0165,0.0,0.1724,0.1875,0.2083,0.062,0.063,0.0613,0.1506,0.1184,0.0788,0.0967,0.9727,0.6406,0.0167,0.0,0.1724,0.1667,0.2083,0.05,0.0689,0.0638,0.0117,0.1253,0.0796,0.0967,0.9727,0.631,0.0166,0.0,0.1724,0.1875,0.2083,0.063,0.0641,0.0624,0.1514,0.1208,reg oper spec account,block of flats,0.0739,"Stone, brick",No,0.0,0.0,0.0,0.0,-376.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,3.0 +2535333,343295,Consumer loans,16792.335,335070.0,372748.5,0.0,335070.0,SUNDAY,16,Y,1,0.0,,,XAP,Approved,-382,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,1200,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-352.0,338.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,270000.0,746271.0,36031.5,603000.0,"Spouse, partner",Working,Higher education,Married,House / apartment,0.006207,-16009,-2167,-2687.0,-4545,,1,1,1,1,0,0,Accountants,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,Agriculture,0.5591438310464918,0.6955202318246116,0.7380196196295241,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1779.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1415112,315694,Cash loans,44235.0,1350000.0,1506816.0,,1350000.0,FRIDAY,12,Y,1,,,,XNA,Approved,-391,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_action,Cash X-Sell: low,365243.0,-361.0,1049.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,225000.0,375322.5,19291.5,324000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,Municipal apartment,0.04622,-22775,365243,-12131.0,-4555,,1,0,0,1,0,0,,2.0,1,1,THURSDAY,12,0,0,0,0,0,0,XNA,,0.7050705923742754,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-391.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1382777,114427,Consumer loans,4197.06,35955.0,31135.5,7191.0,35955.0,MONDAY,12,Y,1,0.2043404100889131,,,XAP,Approved,-2110,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Stone,2,Connectivity,10.0,high,POS mobile with interest,365243.0,-2071.0,-1801.0,-1801.0,-1796.0,0.0,0,Cash loans,F,Y,N,2,135000.0,790830.0,57676.5,675000.0,"Spouse, partner",Commercial associate,Higher education,Married,House / apartment,0.022625,-11207,-1660,-5614.0,-2357,2.0,1,1,0,1,0,1,,4.0,2,2,THURSDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.5211983028656043,0.6334705052045455,0.7366226976503176,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-2110.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,0.0 +1141036,221647,Cash loans,23756.625,499500.0,657742.5,,499500.0,WEDNESDAY,10,Y,1,,,,XNA,Refused,-269,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,Y,Y,0,225000.0,91008.0,6210.0,72000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-18481,-2287,-2353.0,-2014,16.0,1,1,0,1,0,0,High skill tech staff,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Business Entity Type 1,0.4383944457138219,0.7238206592812175,0.4578995512067301,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2202.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,1.0,0.0,0.0,0.0,3.0 +1923429,183597,Consumer loans,14174.595,126418.5,139770.0,0.0,126418.5,FRIDAY,19,Y,1,0.0,,,XAP,Approved,-1002,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Regional / Local,296,Consumer electronics,12.0,middle,POS household with interest,365243.0,-971.0,-641.0,-851.0,-846.0,0.0,0,Cash loans,M,Y,Y,0,180000.0,309420.0,14553.0,202500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.022625,-9128,-1172,-3649.0,-1592,7.0,1,1,0,1,0,0,,1.0,2,2,SATURDAY,15,0,1,1,0,1,1,Business Entity Type 3,,0.34064632157533736,0.2418614865234661,0.4773,0.4333,0.9796,0.7212,0.2154,0.0,1.0,0.1667,0.2083,0.4224,0.3892,0.4584,0.0077,0.0069,0.4863,0.4497,0.9796,0.7321,0.2173,0.0,1.0,0.1667,0.2083,0.4320000000000001,0.4252,0.4776,0.0078,0.0073,0.4819,0.4333,0.9796,0.7249,0.2167,0.0,1.0,0.1667,0.2083,0.4297,0.3959,0.4667,0.0078,0.006999999999999999,reg oper account,block of flats,0.4792,Panel,No,1.0,0.0,1.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1874108,194970,Revolving loans,6750.0,135000.0,135000.0,,135000.0,TUESDAY,14,Y,1,,,,XAP,Approved,-906,XNA,XAP,,New,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-837.0,-799.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,F,N,N,0,144000.0,1442952.0,42318.0,1260000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.008019,-16373,-2994,-2184.0,-4902,,1,1,1,1,0,0,Laborers,2.0,2,2,TUESDAY,19,0,0,0,0,0,0,Industry: type 4,,0.1689373780150812,0.6910212267577837,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,0.0,-906.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2170419,122780,Cash loans,23441.355,454500.0,634482.0,,454500.0,SATURDAY,16,Y,1,,,,XNA,Refused,-163,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,Y,Y,1,180000.0,508495.5,38146.5,454500.0,Unaccompanied,Commercial associate,Higher education,Separated,With parents,0.035792000000000004,-12256,-2016,-2210.0,-2809,6.0,1,1,0,1,0,1,Accountants,2.0,2,2,MONDAY,18,0,0,0,0,1,1,Business Entity Type 3,0.5203688246418741,0.7246591834766702,0.524496446363472,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2444.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2393529,456139,Cash loans,,0.0,0.0,,,TUESDAY,13,Y,1,,,,XNA,Refused,-272,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,90000.0,203760.0,13747.5,180000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.019688999999999998,-23340,365243,-7902.0,-3982,,1,0,0,1,1,0,,1.0,2,2,MONDAY,14,0,0,0,0,0,0,XNA,,0.19454042579528752,0.4848514754962666,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1696.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1151488,178371,Cash loans,11915.1,157500.0,178290.0,,157500.0,SUNDAY,15,Y,1,,,,XNA,Approved,-495,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-464.0,226.0,-254.0,-250.0,0.0,0,Cash loans,F,N,Y,0,157500.0,700830.0,20619.0,585000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.019101,-18204,-3863,-3364.0,-1182,,1,1,0,1,0,0,,2.0,2,2,FRIDAY,12,0,0,0,0,1,1,Business Entity Type 3,,0.3599930843395502,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2105142,391776,Consumer loans,3667.545,26932.5,29601.0,0.0,26932.5,WEDNESDAY,11,Y,1,0.0,,,XAP,Approved,-1651,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,19,Connectivity,12.0,high,POS mobile with interest,365243.0,-1620.0,-1290.0,-1290.0,-1283.0,0.0,0,Cash loans,F,N,N,2,180000.0,733500.0,21577.5,733500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-13205,-1125,-3154.0,-4093,,1,1,0,1,0,0,Sales staff,4.0,2,2,TUESDAY,15,0,0,0,0,0,0,Self-employed,0.4744678086876693,0.6928509152012688,0.5334816299804352,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2007286,430928,Cash loans,18082.305,157500.0,167895.0,,157500.0,WEDNESDAY,18,Y,1,,,,XNA,Approved,-904,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,Y,Y,0,405000.0,1078200.0,34780.5,900000.0,Family,Commercial associate,Incomplete higher,Civil marriage,House / apartment,0.005084,-17759,-932,-771.0,-1287,1.0,1,1,1,1,1,0,Managers,2.0,2,2,THURSDAY,13,0,0,0,0,1,1,Other,0.727342169777125,0.5051296516191375,0.3706496323299817,0.0619,0.0759,,,,,0.1379,0.1667,,0.0061,,0.0347,,,0.063,0.0787,,,,,0.1379,0.1667,,0.0062,,0.0362,,,0.0625,0.0759,,,,,0.1379,0.1667,,0.0062,,0.0353,,,,block of flats,0.0441,"Stone, brick",No,2.0,0.0,2.0,0.0,-1184.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1058053,281862,Cash loans,18421.2,630000.0,630000.0,,630000.0,FRIDAY,15,Y,1,,,,XNA,Approved,-1272,Cash through the bank,XAP,Children,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-1242.0,528.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,292500.0,1169199.0,49666.5,1075500.0,Family,Commercial associate,Higher education,Married,House / apartment,0.005084,-19352,-2017,-5341.0,-2879,7.0,1,1,0,1,0,0,Core staff,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,School,0.8311453467437634,0.6455285661083667,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1272.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,3.0 +2136424,295864,Consumer loans,6563.07,50850.0,63472.5,0.0,50850.0,SUNDAY,17,Y,1,0.0,,,XAP,Approved,-549,Cash through the bank,XAP,,Repeater,Jewelry,POS,XNA,Country-wide,50,Industry,12.0,middle,POS other with interest,365243.0,-518.0,-188.0,-398.0,-388.0,0.0,1,Cash loans,F,Y,N,0,180000.0,526491.0,31482.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.007114,-11450,-558,-4946.0,-3759,10.0,1,1,0,1,0,0,Laborers,1.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.15794108704359644,0.12373532211307872,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1503.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2128413,416066,Consumer loans,10828.395,49072.5,40639.5,9814.5,49072.5,TUESDAY,12,Y,1,0.2118540200434599,,,XAP,Approved,-868,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,43,Connectivity,4.0,middle,POS mobile without interest,365243.0,-837.0,-747.0,-807.0,-800.0,0.0,0,Cash loans,F,Y,Y,0,247500.0,1245946.5,52920.0,1057500.0,Family,Pensioner,Lower secondary,Married,House / apartment,0.01885,-21905,365243,-1420.0,-5087,8.0,1,0,0,1,0,1,,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,XNA,,0.6167871942473591,0.7062051096536562,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,13.0,1.0,13.0,0.0,-992.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1385303,329186,Consumer loans,5758.695,44311.5,43168.5,4432.5,44311.5,FRIDAY,15,Y,1,0.10141374035304836,,,XAP,Approved,-2689,Cash through the bank,XAP,Other_A,New,Audio/Video,POS,XNA,Country-wide,1000,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-2658.0,-2388.0,-2388.0,-2379.0,1.0,0,Cash loans,M,Y,Y,1,315000.0,1649844.0,85558.5,1575000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.035792000000000004,-10715,-433,-180.0,-3328,1.0,1,1,0,1,0,0,,3.0,2,2,SATURDAY,15,0,1,1,0,1,1,Self-employed,0.4410861743123772,0.5122944530251329,0.6658549219640212,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1702.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2386950,303209,Cash loans,29441.88,675000.0,846517.5,,675000.0,THURSDAY,16,Y,1,,,,Urgent needs,Refused,-421,Cash through the bank,LIMIT,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,42.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,Y,Y,0,225000.0,545040.0,43191.0,450000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.032561,-10927,-802,-165.0,-3534,11.0,1,1,0,1,0,1,,1.0,1,1,FRIDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.277974269587365,0.6220195840129312,0.1852020815902493,0.1911,0.0912,0.9861,0.8368,0.0137,0.16,0.1034,0.6387,0.6458,0.0722,0.1858,0.1851,0.0792,0.0207,0.0935,0.0377,0.9796,0.7321,0.0138,0.0806,0.0345,0.3333,0.375,0.0645,0.1754,0.0721,0.0039,0.012,0.2405,0.0661,0.9821,0.8390000000000001,0.0138,0.12,0.0345,0.5833,0.6458,0.0777,0.189,0.236,0.0796,0.0166,reg oper account,block of flats,0.1898,Panel,No,0.0,0.0,0.0,0.0,-430.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1448357,232065,Consumer loans,11371.77,44415.0,39915.0,4500.0,44415.0,THURSDAY,17,Y,1,0.11034355715206776,,,XAP,Approved,-2750,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,34,Connectivity,4.0,low_normal,POS mobile with interest,365243.0,-2714.0,-2624.0,-2624.0,-2614.0,0.0,0,Cash loans,F,N,Y,0,99000.0,337500.0,14994.0,337500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.028663,-17031,-911,-6035.0,-582,,1,1,0,1,0,0,Sales staff,1.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Self-employed,,0.3366352764840796,0.8193176922872417,0.134,0.059,0.9801,0.728,0.0286,0.0,0.2759,0.1667,0.2083,0.1096,0.1093,0.1192,0.0,0.0603,0.1366,0.0612,0.9801,0.7387,0.0289,0.0,0.2759,0.1667,0.2083,0.1121,0.1194,0.1242,0.0,0.0638,0.1353,0.059,0.9801,0.7316,0.0288,0.0,0.2759,0.1667,0.2083,0.1116,0.1112,0.1214,0.0,0.0615,reg oper account,block of flats,0.1225,"Stone, brick",No,0.0,0.0,0.0,0.0,-2431.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1737844,409145,Cash loans,19285.425,211500.0,232438.5,,211500.0,SATURDAY,8,Y,1,,,,XNA,Refused,-1183,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,M,N,N,0,225000.0,755190.0,36459.0,675000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.020713,-13233,-1350,-1492.0,-430,,1,1,0,1,0,1,Laborers,2.0,3,2,SATURDAY,10,0,1,1,0,0,0,Other,,0.3927650841222304,,0.0629,0.0615,0.9727,0.626,0.0053,0.0,0.1034,0.1667,0.2083,0.1258,0.0504,0.0494,0.0039,0.0032,0.0641,0.0638,0.9727,0.6406,0.0053,0.0,0.1034,0.1667,0.2083,0.1287,0.0551,0.0514,0.0039,0.0034,0.0635,0.0615,0.9727,0.631,0.0053,0.0,0.1034,0.1667,0.2083,0.128,0.0513,0.0503,0.0039,0.0033,reg oper account,block of flats,0.0424,"Stone, brick",No,0.0,0.0,0.0,0.0,-1784.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1390241,190834,Consumer loans,11867.31,152145.0,121716.0,30429.0,152145.0,THURSDAY,10,Y,1,0.2178181818181818,,,XAP,Approved,-2358,XNA,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Stone,144,Furniture,12.0,middle,POS industry with interest,365243.0,-2326.0,-1996.0,-1996.0,-1991.0,0.0,0,Cash loans,F,Y,N,1,162000.0,411813.0,22468.5,355500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.00702,-14786,-4601,-6420.0,-4703,14.0,1,1,0,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Trade: type 7,0.6092122764970833,0.5915293664790333,0.6986675550534175,,,,0.7008,,,,,,,,,,,,,,0.7125,,,,,,,,,,,,,,0.7048,,,,,,,,,,,,,0.0333,,No,2.0,0.0,2.0,0.0,-2258.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2475619,420489,Cash loans,28465.38,225000.0,239850.0,,225000.0,MONDAY,13,Y,1,,,,Other,Approved,-448,Cash through the bank,XAP,,New,XNA,Cash,walk-in,Country-wide,10,Connectivity,12.0,high,Cash Street: high,365243.0,-418.0,-88.0,-328.0,-322.0,1.0,0,Cash loans,F,N,Y,0,202500.0,450000.0,30204.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.026392000000000002,-17298,-118,-324.0,-836,,1,1,0,1,1,0,Laborers,1.0,2,2,MONDAY,10,0,0,0,0,0,0,Industry: type 3,,0.28679607879712943,0.5064842396679806,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-448.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1343729,181243,Consumer loans,2926.98,18090.0,17478.0,3618.0,18090.0,THURSDAY,13,Y,1,0.18678094942600065,,,XAP,Approved,-1628,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,8.0,high,POS mobile with interest,365243.0,-1597.0,-1387.0,-1507.0,-1499.0,0.0,0,Cash loans,F,N,Y,0,135000.0,170640.0,9792.0,135000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.02461,-22540,365243,-415.0,-3365,,1,0,0,1,0,0,,2.0,2,2,MONDAY,10,0,0,0,0,0,0,XNA,,0.693613578614214,0.8128226070575616,0.1392,0.076,0.9965,0.9524,0.0576,0.1332,0.1148,0.375,0.4167,0.0738,0.1101,0.1467,0.0154,0.0228,0.1155,0.0682,0.997,0.9608,0.0513,0.1208,0.1034,0.375,0.4167,0.058,0.0992,0.1309,0.0039,0.0051,0.1249,0.0658,0.997,0.9597,0.0512,0.12,0.1034,0.375,0.4167,0.0678,0.1018,0.1285,0.0078,0.0101,reg oper account,block of flats,0.1904,"Stone, brick",No,6.0,0.0,6.0,0.0,-339.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1338747,201589,Consumer loans,3359.61,28480.5,27837.0,3150.0,28480.5,WEDNESDAY,15,Y,1,0.11071211681144877,,,XAP,Approved,-1512,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,12.0,high,POS mobile with interest,365243.0,-1481.0,-1151.0,-1151.0,-1144.0,0.0,0,Cash loans,F,Y,Y,2,135000.0,225000.0,18040.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-14697,-3821,-4880.0,-4885,5.0,1,1,1,1,1,0,Private service staff,4.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Self-employed,,0.6562806757779018,0.6347055309763198,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1934.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1406835,417483,Cash loans,17434.845,270000.0,321142.5,,270000.0,TUESDAY,6,Y,1,,,,XNA,Approved,-1196,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,42.0,high,Cash X-Sell: high,365243.0,-1166.0,64.0,-806.0,-799.0,1.0,0,Cash loans,M,Y,Y,0,315000.0,1185282.0,34785.0,1035000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-13894,-1325,-3909.0,-4381,6.0,1,1,0,1,1,1,Managers,2.0,3,3,MONDAY,9,0,0,0,0,0,0,Self-employed,,0.5993359660636699,0.4206109640437848,0.0742,0.0557,0.9876,0.83,0.0,0.08,0.069,0.3333,0.375,0.0,0.0605,0.0835,0.0,0.0,0.0756,0.0578,0.9876,0.8367,0.0,0.0806,0.069,0.3333,0.375,0.0,0.0661,0.087,0.0,0.0,0.0749,0.0557,0.9876,0.8323,0.0,0.08,0.069,0.3333,0.375,0.0,0.0616,0.085,0.0,0.0,reg oper account,block of flats,0.0767,Panel,No,0.0,0.0,0.0,0.0,-2350.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2163915,343628,Cash loans,38883.15,603000.0,650758.5,,603000.0,THURSDAY,14,Y,1,,,,XNA,Refused,-277,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,225000.0,315828.0,32490.0,279000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-20909,365243,-6382.0,-4238,,1,0,0,1,0,0,,2.0,2,2,MONDAY,9,0,0,0,0,0,0,XNA,0.7069161165449216,0.7307168616520392,0.5082869913916046,0.1485,0.0929,0.9891,0.8504,,0.16,0.1379,0.3333,0.0417,0.0575,,0.0951,,0.2182,0.1513,0.0964,0.9891,0.8563,,0.1611,0.1379,0.3333,0.0417,0.0588,,0.0991,,0.231,0.1499,0.0929,0.9891,0.8524,,0.16,0.1379,0.3333,0.0417,0.0585,,0.0968,,0.2227,reg oper account,block of flats,0.1222,"Stone, brick",No,2.0,0.0,2.0,0.0,-917.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,4.0 +1045648,414256,Consumer loans,16973.55,181125.0,142875.0,38250.0,181125.0,THURSDAY,10,Y,1,0.2299943534726143,,,XAP,Approved,-2309,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Stone,5,Consumer electronics,10.0,middle,POS household with interest,365243.0,-2274.0,-2004.0,-2004.0,-1998.0,0.0,0,Cash loans,F,N,Y,0,121500.0,679500.0,28786.5,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008625,-15874,-8953,-4507.0,-4507,,1,1,1,1,1,0,Core staff,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,School,,0.5990786340977005,0.6754132910917112,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2309.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2108038,281353,Consumer loans,10504.71,113850.0,102465.0,11385.0,113850.0,THURSDAY,13,Y,1,0.1089090909090909,,,XAP,Approved,-645,XNA,XAP,Family,Refreshed,Computers,POS,XNA,Stone,30,Consumer electronics,12.0,middle,POS household with interest,365243.0,-599.0,-269.0,-449.0,-446.0,0.0,0,Revolving loans,M,N,Y,4,180000.0,900000.0,45000.0,,,Working,Higher education,Married,House / apartment,0.010006000000000001,-15496,-2804,-836.0,-2344,,1,1,1,1,1,0,Managers,6.0,2,2,FRIDAY,9,0,0,0,0,0,0,Transport: type 4,,0.7887812947509836,0.15855489979486306,0.1856,0.1341,0.9896,0.8572,0.1223,0.2,0.1724,0.3333,0.375,0.0539,0.1513,0.1911,0.0,0.0,0.1891,0.1392,0.9896,0.8628,0.1235,0.2014,0.1724,0.3333,0.375,0.0551,0.1653,0.1991,0.0,0.0,0.1874,0.1341,0.9896,0.8591,0.1231,0.2,0.1724,0.3333,0.375,0.0548,0.1539,0.1945,0.0,0.0,reg oper account,block of flats,0.1503,Block,No,0.0,0.0,0.0,0.0,-1904.0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1876599,113471,Consumer loans,16217.775,160020.0,173749.5,0.0,160020.0,SUNDAY,16,Y,1,0.0,,,XAP,Approved,-832,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,158,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-801.0,-471.0,-801.0,-795.0,0.0,0,Cash loans,M,Y,N,0,225000.0,376920.0,20574.0,270000.0,Family,State servant,Higher education,Married,House / apartment,0.003069,-13818,-3519,-1863.0,-3893,65.0,1,1,0,1,0,0,Core staff,2.0,3,3,SATURDAY,17,0,0,0,0,0,0,Police,,0.17338266259705254,0.248535557339522,0.1144,0.1754,0.9801,0.728,,0.0,0.3103,0.1667,0.0417,0.2094,,0.0961,,0.0838,0.1166,0.182,0.9801,0.7387,,0.0,0.3103,0.1667,0.0417,0.2142,,0.1001,,0.0888,0.1155,0.1754,0.9801,0.7316,,0.0,0.3103,0.1667,0.0417,0.213,,0.0978,,0.0856,reg oper account,block of flats,0.1306,"Stone, brick",No,5.0,0.0,5.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,3.0 +2236548,257995,Cash loans,6536.34,45000.0,55075.5,,45000.0,THURSDAY,10,Y,1,,,,Everyday expenses,Refused,-379,Cash through the bank,SCO,,Refreshed,XNA,Cash,walk-in,AP+ (Cash loan),40,XNA,12.0,high,Cash Street: high,,,,,,,1,Cash loans,F,N,Y,0,81000.0,127350.0,13639.5,112500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.01885,-13669,-1277,-1456.0,-4865,,1,1,1,1,0,0,Sales staff,2.0,2,2,FRIDAY,19,0,0,0,0,0,0,Trade: type 7,,0.6898552375133684,0.0005272652387098817,0.1856,0.0222,0.997,0.9592,0.0685,0.12,0.1034,0.375,0.4167,0.0546,0.1513,0.1477,0.0116,0.0396,0.1891,0.0231,0.997,0.9608,0.0692,0.1208,0.1034,0.375,0.4167,0.0559,0.1653,0.1539,0.0117,0.042,0.1874,0.0222,0.997,0.9597,0.069,0.12,0.1034,0.375,0.4167,0.0556,0.1539,0.1504,0.0116,0.0405,reg oper spec account,block of flats,0.128,Others,No,5.0,0.0,5.0,0.0,-2672.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,2.0,0.0,0.0,1.0 +2780599,325485,Consumer loans,21320.415,194836.5,211554.0,0.0,194836.5,MONDAY,15,Y,1,0.0,,,XAP,Refused,-590,Cash through the bank,LIMIT,,Repeater,Computers,POS,XNA,Country-wide,3000,Consumer electronics,12.0,middle,POS household with interest,,,,,,,1,Cash loans,M,Y,Y,0,112500.0,396171.0,21622.5,342000.0,Unaccompanied,Working,Incomplete higher,Single / not married,House / apartment,0.010556,-8266,-529,-2989.0,-952,1.0,1,1,0,1,0,0,Core staff,1.0,3,3,WEDNESDAY,14,0,0,0,0,0,0,Self-employed,,0.5118682841535728,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-759.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1032666,311608,Consumer loans,11705.94,103455.0,103455.0,0.0,103455.0,SATURDAY,20,Y,1,0.0,,,XAP,Approved,-503,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,high,POS mobile with interest,365243.0,-468.0,-138.0,-168.0,-166.0,0.0,0,Cash loans,M,N,N,1,270000.0,497520.0,33376.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.011656999999999999,-10684,-647,-5108.0,-785,,1,1,1,1,1,0,Drivers,3.0,1,1,MONDAY,16,0,1,1,0,1,1,Business Entity Type 3,,0.6705518600758477,0.18848953379516772,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-503.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,2.0 +2727090,432209,Consumer loans,11222.145,63441.0,60111.0,6345.0,63441.0,SATURDAY,17,Y,1,0.10398281296168617,,,XAP,Approved,-1157,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,1455,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1126.0,-976.0,-976.0,-967.0,0.0,0,Cash loans,F,N,Y,0,157500.0,263686.5,31423.5,238500.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-12505,-1476,-6607.0,-1230,,1,1,0,1,0,0,Sales staff,2.0,1,1,MONDAY,14,0,0,0,0,1,1,Business Entity Type 3,0.5115606300495702,0.7608984851733035,0.6706517530862718,0.0402,0.0982,0.9717,,,0.0,0.1034,0.125,,0.0,,0.063,,0.0,0.041,0.102,0.9717,,,0.0,0.1034,0.125,,0.0,,0.0656,,0.0,0.0406,0.0982,0.9717,,,0.0,0.1034,0.125,,0.0,,0.0641,,0.0,,block of flats,0.0495,"Stone, brick",No,1.0,1.0,1.0,1.0,-1157.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1001887,136249,Consumer loans,6877.935,45630.0,43366.5,4950.0,45630.0,FRIDAY,11,Y,1,0.11157679053739407,,,XAP,Approved,-2678,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,96,Connectivity,8.0,high,POS mobile with interest,365243.0,-2647.0,-2437.0,-2437.0,-2431.0,1.0,0,Cash loans,M,N,Y,2,315000.0,521568.0,19791.0,360000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.018029,-15514,365243,-7972.0,-1805,,1,0,0,1,0,0,,3.0,3,3,TUESDAY,8,0,0,0,0,0,0,XNA,0.4600122672859869,0.618300467711699,0.6879328378491735,0.066,,0.9771,,,0.0,0.1379,0.125,,,,0.056,,0.0,0.0672,,0.9772,,,0.0,0.1379,0.125,,,,0.0583,,0.0,0.0666,,0.9771,,,0.0,0.1379,0.125,,,,0.057,,0.0,,block of flats,0.044,Panel,No,0.0,0.0,0.0,0.0,-2678.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1128513,104556,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,6,Y,1,,,,XAP,Approved,-459,XNA,XAP,Unaccompanied,New,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-458.0,-416.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,81000.0,90000.0,10809.0,90000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.018209,-10114,-480,-4818.0,-2239,,1,1,0,1,0,1,Security staff,1.0,3,3,SUNDAY,7,0,0,0,1,1,0,Self-employed,0.14311082310367473,0.02397794180927429,0.221335206354466,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,1.0,-459.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,7.0 +1855925,127447,Consumer loans,4761.945,44226.0,39726.0,4500.0,44226.0,FRIDAY,8,Y,1,0.11081511081511078,,,XAP,Approved,-328,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,25,Connectivity,12.0,high,POS mobile with interest,365243.0,-260.0,70.0,-20.0,-18.0,0.0,0,Cash loans,F,N,Y,0,81000.0,835380.0,33259.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.0228,-22273,365243,-10761.0,-3954,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,XNA,0.7350815516285768,0.5414549088081161,0.3233112448967859,0.0952,0.115,0.9831,0.7688,0.0578,0.0132,0.1724,0.2083,0.2083,0.064,0.0768,0.0828,0.0039,0.0212,0.0746,0.0598,0.9841,0.7909,0.0303,0.0,0.0345,0.1667,0.2083,0.0308,0.0624,0.0707,0.0,0.0,0.0895,0.1399,0.9841,0.7853,0.0379,0.0,0.2069,0.1667,0.2083,0.0719,0.0735,0.0733,0.0,0.0,reg oper account,block of flats,0.0731,"Stone, brick",No,2.0,1.0,2.0,1.0,-328.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2842290,371179,Consumer loans,3671.685,35590.5,33228.0,5355.0,35590.5,SATURDAY,13,Y,1,0.15115677417986725,,,XAP,Approved,-2049,Cash through the bank,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Country-wide,368,Consumer electronics,12.0,high,POS household with interest,365243.0,-2018.0,-1688.0,-1688.0,-1684.0,0.0,0,Cash loans,M,Y,Y,1,202500.0,1696662.0,46786.5,1516500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-16210,-1791,-4459.0,-4732,20.0,1,1,0,1,1,0,Drivers,3.0,2,2,THURSDAY,10,0,1,1,0,0,0,Business Entity Type 3,0.4481997597076602,0.6676226516825868,0.6161216908872079,0.0186,0.0405,0.9836,0.7756,0.0,0.0,0.069,0.0417,0.0417,0.0,0.0151,0.0171,0.0,0.0,0.0189,0.042,0.9836,0.7844,0.0,0.0,0.069,0.0417,0.0417,0.0,0.0165,0.0178,0.0,0.0,0.0187,0.0405,0.9836,0.7786,0.0,0.0,0.069,0.0417,0.0417,0.0,0.0154,0.0174,0.0,0.0,reg oper account,block of flats,0.0135,"Stone, brick",No,3.0,0.0,3.0,0.0,-2049.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1801980,420560,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,12,Y,1,,,,XAP,Approved,-295,XNA,XAP,Unaccompanied,New,XNA,Cards,walk-in,Country-wide,15,Connectivity,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,-16.0,0.0,0,Cash loans,F,Y,Y,1,130500.0,481500.0,38173.5,481500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.006670999999999999,-9179,-720,-9169.0,-1737,23.0,1,1,0,1,1,0,High skill tech staff,3.0,2,2,THURSDAY,12,0,0,0,0,0,0,Trade: type 3,0.4010694977770288,0.5900967116417342,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-295.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1202706,143935,Revolving loans,14625.0,292500.0,292500.0,,292500.0,MONDAY,9,Y,1,,,,XAP,Refused,-204,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,171000.0,408780.0,27445.5,337500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.009656999999999999,-12995,-2594,-2595.0,-5592,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,9,0,0,0,1,1,0,Business Entity Type 3,0.3366670546082189,0.6666903218146782,0.13595104417329515,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2347.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1573407,434483,Cash loans,8930.16,225000.0,284400.0,,225000.0,TUESDAY,5,Y,1,,,,XNA,Refused,-254,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,157500.0,563877.0,22491.0,504000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.008068,-23486,365243,-10579.0,-1942,,1,0,0,1,0,0,,1.0,3,3,THURSDAY,9,0,0,0,0,0,0,XNA,,0.3937512366380102,0.7992967832109371,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-909.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1503757,225695,Consumer loans,6117.885,61186.5,55066.5,6120.0,61186.5,SUNDAY,14,Y,1,0.10893312027385717,,,XAP,Approved,-1634,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,85,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1603.0,-1333.0,-1333.0,-1323.0,0.0,0,Cash loans,F,N,N,2,180000.0,701730.0,73818.0,675000.0,Unaccompanied,Commercial associate,Higher education,Married,Rented apartment,0.005144,-14498,-1761,-1659.0,-2057,,1,1,1,1,0,0,,4.0,2,2,TUESDAY,19,1,1,1,1,1,1,Business Entity Type 3,0.37285028115016794,0.7405231321836937,0.5388627065779676,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,0.0,-1366.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1922981,134638,Consumer loans,9000.045,198720.0,198720.0,0.0,198720.0,MONDAY,15,Y,1,0.0,,,XAP,Approved,-820,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,4000,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-789.0,-99.0,-99.0,-93.0,0.0,0,Cash loans,M,N,Y,0,153000.0,675000.0,21775.5,675000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.006296,-19133,365243,-938.0,-2621,,1,0,0,1,0,0,,2.0,3,3,TUESDAY,16,0,0,0,0,0,0,XNA,,0.7336113945336487,0.5262949398096192,0.0356,0.0284,0.997,0.9524,0.0,0.06,0.0517,0.2292,0.0,0.0118,0.0202,0.0245,0.0,0.0906,0.0252,0.0295,0.9965,0.9543,0.0,0.0403,0.0345,0.2083,0.0,0.0121,0.022,0.018000000000000002,0.0,0.0624,0.0359,0.0284,0.997,0.953,0.0,0.06,0.0517,0.2292,0.0,0.012,0.0205,0.025,0.0,0.0925,,block of flats,0.0259,Monolithic,No,0.0,0.0,0.0,0.0,-1107.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2166752,310491,Cash loans,31754.7,679500.0,749461.5,,679500.0,SATURDAY,17,Y,1,,,,XNA,Approved,-415,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-385.0,665.0,-295.0,-288.0,1.0,0,Cash loans,F,N,N,0,202500.0,1125000.0,32895.0,1125000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.032561,-14604,-1364,-114.0,-4305,,1,1,0,1,1,0,,2.0,1,1,MONDAY,8,0,0,0,0,0,0,School,0.7660486161533321,0.7252173217971094,,0.0361,,0.9687,0.5716,0.0106,0.0,0.1379,0.125,0.1667,0.019,0.0252,0.0379,0.0193,0.0494,0.0368,,0.9687,0.5884,0.0107,0.0,0.1379,0.125,0.1667,0.0194,0.0275,0.0395,0.0195,0.0523,0.0364,,0.9687,0.5773,0.0106,0.0,0.1379,0.125,0.1667,0.0193,0.0257,0.0386,0.0194,0.0504,reg oper spec account,block of flats,0.0412,"Stone, brick",No,2.0,0.0,2.0,0.0,-1210.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1994847,114963,Cash loans,15585.795,270000.0,306531.0,,270000.0,THURSDAY,10,Y,1,,,,XNA,Approved,-956,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,365243.0,-926.0,-56.0,-776.0,-769.0,1.0,0,Cash loans,F,N,Y,0,175500.0,485901.0,23503.5,369000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.009656999999999999,-21682,-2058,-10895.0,-4707,,1,1,0,1,0,0,,1.0,2,2,MONDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.4750989242125825,0.5406544504453575,0.0856,0.0001,0.9846,0.7892,0.0463,0.08,0.0345,0.4583,0.5,0.0,0.0698,0.0456,0.0,0.0,0.0872,0.0001,0.9846,0.7975,0.0467,0.0806,0.0345,0.4583,0.5,0.0,0.0762,0.0476,0.0,0.0,0.0864,0.0001,0.9846,0.792,0.0466,0.08,0.0345,0.4583,0.5,0.0,0.071,0.0465,0.0,0.0,reg oper spec account,block of flats,0.062,"Stone, brick",No,0.0,0.0,0.0,0.0,-1894.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2222637,170064,Consumer loans,31509.0,900000.0,810000.0,90000.0,900000.0,WEDNESDAY,8,Y,1,0.1089090909090909,,,XAP,Refused,-327,Cash through the bank,LIMIT,,Repeater,Tourism,POS,XNA,Stone,20,Furniture,36.0,low_normal,POS other with interest,,,,,,,0,Cash loans,F,N,Y,0,139500.0,284400.0,10849.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.015221,-20415,365243,-2518.0,-2215,,1,0,0,1,0,0,,2.0,2,2,MONDAY,13,0,0,0,0,0,0,XNA,0.7973135041210601,0.5752249785331207,0.4543210601605785,0.0495,0.0013,0.9747,0.6532,0.0046,0.0,0.1034,0.125,0.1667,0.0207,0.0403,0.0399,0.0,0.0,0.0504,0.0013,0.9747,0.6668,0.0046,0.0,0.1034,0.125,0.1667,0.0211,0.0441,0.0415,0.0,0.0,0.05,0.0013,0.9747,0.6578,0.0046,0.0,0.1034,0.125,0.1667,0.021,0.041,0.0406,0.0,0.0,reg oper account,block of flats,0.0339,Block,No,0.0,0.0,0.0,0.0,-1950.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2343570,331531,Consumer loans,7042.41,33615.0,33615.0,0.0,33615.0,THURSDAY,11,Y,1,0.0,,,XAP,Approved,-819,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,1046,Consumer electronics,6.0,high,POS household with interest,365243.0,-787.0,-637.0,-637.0,-634.0,0.0,0,Revolving loans,F,N,Y,0,270000.0,765000.0,38250.0,765000.0,Family,Pensioner,Secondary / secondary special,Single / not married,Municipal apartment,0.020713,-19037,365243,-3964.0,-2588,,1,0,0,1,0,0,,1.0,3,3,THURSDAY,6,0,0,0,0,0,0,XNA,,0.4712722200624683,0.5709165417729987,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1570.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +2713726,278891,Consumer loans,7622.685,58455.0,62487.0,9000.0,58455.0,SATURDAY,15,Y,1,0.13711329586943327,,,XAP,Approved,-1728,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,high,POS mobile with interest,365243.0,-1697.0,-1367.0,-1397.0,-1391.0,0.0,0,Cash loans,F,N,Y,2,157500.0,508495.5,19498.5,454500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.030755,-9112,-687,-3927.0,-1088,,1,1,0,1,0,1,Sales staff,4.0,2,2,FRIDAY,13,0,0,0,0,0,0,Trade: type 3,0.22284217552150368,0.19510642624096164,,0.1295,0.0645,0.9925,0.8844,0.0912,0.1,0.0862,0.3608,0.3958,0.069,0.1269,0.0929,0.0058,0.0999,0.0756,0.0494,0.9866,0.8236,0.0253,0.0806,0.069,0.375,0.375,0.0684,0.1286,0.0564,0.0,0.0,0.1457,0.0645,0.9925,0.8859,0.0918,0.1,0.0862,0.375,0.3958,0.0702,0.1291,0.1101,0.0058,0.102,reg oper account,block of flats,0.0801,Panel,No,3.0,1.0,3.0,1.0,-1728.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2572236,362180,Cash loans,47041.335,450000.0,470790.0,,450000.0,TUESDAY,16,Y,1,,,,XNA,Approved,-868,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-838.0,-508.0,-778.0,-772.0,1.0,0,Cash loans,F,Y,N,0,315000.0,1354500.0,39604.5,1354500.0,Family,Commercial associate,Higher education,Married,House / apartment,0.030755,-18614,-8478,-4903.0,-2160,1.0,1,1,1,1,0,0,Accountants,2.0,2,2,MONDAY,13,0,0,0,0,0,0,Industry: type 1,0.8683887921770219,0.7100478057679641,0.6397075677637197,0.033,0.043,0.9881,0.8368,0.0226,0.0,0.1034,0.125,0.0,0.0407,0.0269,0.0355,0.0,0.0,0.0336,0.0446,0.9881,0.8432,0.0228,0.0,0.1034,0.125,0.0,0.0416,0.0294,0.037000000000000005,0.0,0.0,0.0333,0.043,0.9881,0.8390000000000001,0.0227,0.0,0.1034,0.125,0.0,0.0414,0.0274,0.0361,0.0,0.0,reg oper account,block of flats,0.0403,"Stone, brick",No,5.0,0.0,5.0,0.0,-2804.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1138709,169884,Consumer loans,,43875.0,43875.0,,43875.0,SATURDAY,14,Y,1,,,,XAP,Refused,-1459,Cash through the bank,HC,Family,Repeater,Furniture,XNA,XNA,Stone,30,Furniture,,XNA,POS industry with interest,,,,,,,0,Cash loans,M,Y,N,0,175500.0,675000.0,18693.0,675000.0,Unaccompanied,Working,Incomplete higher,Married,Office apartment,0.015221,-9559,-1114,-4043.0,-2225,0.0,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,9,0,0,0,0,0,0,Industry: type 9,0.3841594820162283,0.525259287497788,0.3606125659189888,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1115.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0.0,0.0,0.0,1.0,1.0,1.0 +1360922,225909,Revolving loans,4500.0,0.0,90000.0,,,WEDNESDAY,12,Y,1,,,,XAP,Approved,-2788,XNA,XAP,,New,XNA,Cards,x-sell,Country-wide,40,Connectivity,0.0,XNA,Card Street,-2755.0,-2711.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,112500.0,381528.0,17914.5,315000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.028663,-19826,365243,-9205.0,-3382,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,13,0,0,0,0,0,0,XNA,,0.5946272145456122,0.2580842039460289,0.1165,0.1619,0.9876,0.83,0.0149,0.0,0.2759,0.1667,0.2083,0.113,0.0941,0.1143,0.0039,0.0579,0.1187,0.168,0.9876,0.8367,0.0151,0.0,0.2759,0.1667,0.2083,0.1156,0.1028,0.1191,0.0039,0.0613,0.1176,0.1619,0.9876,0.8323,0.015,0.0,0.2759,0.1667,0.2083,0.115,0.0958,0.1163,0.0039,0.0591,reg oper account,block of flats,0.1106,"Stone, brick",No,0.0,0.0,0.0,0.0,-1471.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1396145,113913,Consumer loans,8163.225,107487.0,124515.0,0.0,107487.0,SUNDAY,10,Y,1,0.0,,,XAP,Approved,-590,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,2300,Consumer electronics,18.0,low_normal,POS household with interest,365243.0,-559.0,-49.0,-49.0,-44.0,0.0,0,Cash loans,M,N,Y,1,67500.0,170640.0,11236.5,135000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.006852,-14257,-4479,-4542.0,-4543,,1,1,1,1,0,0,,3.0,3,3,TUESDAY,6,0,0,0,0,0,0,Business Entity Type 2,,0.3961079236156129,0.34090642641523844,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-590.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1180362,373982,Consumer loans,4810.77,44739.0,44739.0,0.0,44739.0,FRIDAY,7,Y,1,0.0,,,XAP,Approved,-347,Cash through the bank,XAP,,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,600,Consumer electronics,10.0,low_action,POS household without interest,365243.0,-316.0,-46.0,-196.0,-191.0,0.0,0,Cash loans,F,N,N,1,157500.0,324000.0,12006.0,324000.0,Family,Working,Secondary / secondary special,Married,Municipal apartment,0.010032,-16601,-7588,-7621.0,-125,,1,1,1,1,1,0,,3.0,2,2,TUESDAY,6,0,0,0,0,0,0,Military,,0.7114324871980113,0.17044612304522816,0.1237,0.0877,0.9886,0.8436,0.0305,0.12,0.1034,0.375,0.4167,0.1258,0.1009,0.1309,0.0,0.0,0.084,0.0598,0.9876,0.8367,0.0194,0.0806,0.069,0.375,0.4167,0.0583,0.0735,0.0882,0.0,0.0,0.1041,0.0738,0.9886,0.8457,0.0261,0.1,0.0862,0.375,0.4167,0.12,0.0855,0.1128,0.0,0.0,reg oper account,block of flats,0.1993,Panel,No,7.0,0.0,7.0,0.0,-1458.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2537875,264514,Consumer loans,9496.845,47655.0,50170.5,0.0,47655.0,THURSDAY,12,Y,1,0.0,,,XAP,Approved,-383,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Stone,32,Consumer electronics,6.0,middle,POS household with interest,365243.0,-352.0,-202.0,-262.0,-254.0,0.0,0,Cash loans,F,N,Y,0,67500.0,142200.0,8068.5,112500.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.019688999999999998,-19448,365243,-284.0,-1656,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,16,0,0,0,0,0,0,XNA,,0.16995295093717294,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,2.0,7.0,1.0,-1020.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2031942,276169,Cash loans,30017.565,720000.0,843552.0,,720000.0,MONDAY,14,Y,1,,,,XNA,Approved,-362,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,middle,Cash X-Sell: middle,365243.0,-332.0,1438.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,180000.0,348264.0,18337.5,315000.0,Unaccompanied,Pensioner,Higher education,Widow,House / apartment,0.035792000000000004,-23567,365243,-1926.0,-4145,,1,0,0,1,0,0,,1.0,2,2,SATURDAY,14,0,0,0,0,0,0,XNA,0.5904541938709451,0.6558563295757481,0.3996756156233169,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-513.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +1488719,137905,Consumer loans,6573.555,120474.0,145917.0,0.0,120474.0,FRIDAY,9,Y,1,0.0,,,XAP,Approved,-922,XNA,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,2000,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-891.0,-201.0,-501.0,-493.0,0.0,0,Cash loans,M,Y,Y,2,130500.0,849415.5,40995.0,697500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010032,-11568,-1294,-7566.0,-187,26.0,1,1,0,1,1,1,Drivers,4.0,2,2,WEDNESDAY,2,0,0,0,0,0,0,Business Entity Type 1,0.2879379818697133,0.17049966477466758,0.35233997269170386,0.1237,0.1036,0.9891,0.8504,0.0264,0.16,0.1379,0.375,0.4167,0.1239,0.1009,0.1608,0.0,0.0,0.1261,0.1075,0.9891,0.8563,0.0266,0.1611,0.1379,0.375,0.4167,0.1267,0.1102,0.1676,0.0,0.0,0.1249,0.1036,0.9891,0.8524,0.0265,0.16,0.1379,0.375,0.4167,0.1261,0.1026,0.1637,0.0,0.0,reg oper account,block of flats,0.1265,Panel,No,1.0,0.0,1.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,1.0,0.0,2.0 +2006438,207594,Cash loans,7801.155,67500.0,76131.0,,67500.0,TUESDAY,17,Y,1,,,,XNA,Approved,-686,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-656.0,-326.0,-326.0,-324.0,1.0,0,Cash loans,F,N,N,1,90000.0,327024.0,15903.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.005002,-15502,-7134,-2510.0,-6047,,1,1,1,1,0,0,,3.0,3,3,TUESDAY,11,0,0,0,0,0,0,Industry: type 1,,0.628613376377087,0.6006575372857061,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1050.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2781469,242585,Consumer loans,4879.485,19030.5,17127.0,1903.5,19030.5,THURSDAY,17,Y,1,0.1089348438272534,,,XAP,Refused,-2867,Cash through the bank,SCO,Family,Repeater,XNA,POS,XNA,Country-wide,39,Connectivity,4.0,low_normal,POS mobile with interest,,,,,,,0,Cash loans,F,Y,Y,2,180000.0,900000.0,46084.5,900000.0,"Spouse, partner",Working,Incomplete higher,Married,House / apartment,0.022625,-12781,-933,-936.0,-2476,2.0,1,1,0,1,1,1,Core staff,4.0,2,2,MONDAY,16,0,0,0,0,0,0,Self-employed,0.5170078952119835,0.6806492491934151,,0.0557,0.0418,0.9836,0.7756,0.0269,0.08,0.069,0.3333,0.375,0.0531,0.0454,0.0442,0.0,0.0913,0.0567,0.0434,0.9836,0.7844,0.0271,0.0806,0.069,0.3333,0.375,0.0543,0.0496,0.046,0.0,0.0966,0.0562,0.0418,0.9836,0.7786,0.027000000000000003,0.08,0.069,0.3333,0.375,0.054000000000000006,0.0462,0.045,0.0,0.0932,reg oper account,block of flats,0.0553,Panel,No,1.0,0.0,1.0,0.0,-2557.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +1698704,442847,Consumer loans,13609.125,125730.0,122494.5,12573.0,125730.0,SATURDAY,12,Y,1,0.10137997667832746,,,XAP,Approved,-1664,Cash through the bank,XAP,Unaccompanied,Repeater,Construction Materials,POS,XNA,Regional / Local,150,Construction,10.0,low_normal,POS industry with interest,365243.0,-1633.0,-1363.0,-1363.0,-1355.0,0.0,0,Cash loans,M,Y,Y,0,382500.0,882481.5,33399.0,657000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.0228,-17913,-6055,-9357.0,-1443,2.0,1,1,0,1,1,1,,2.0,2,2,THURSDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.7966427087483411,0.478535650702027,0.3556387169923543,0.1294,0.0962,0.9901,0.8640000000000001,0.0491,0.12,0.1034,0.4583,0.3333,0.0421,0.1042,0.14800000000000002,0.0058,0.0294,0.0746,0.0556,0.9836,0.7844,0.0254,0.0403,0.0345,0.3333,0.0417,0.0148,0.0624,0.1089,0.0,0.0,0.1306,0.0962,0.9901,0.8658,0.0494,0.12,0.1034,0.4583,0.3333,0.0428,0.106,0.1506,0.0058,0.0301,reg oper account,block of flats,0.1904,"Stone, brick",No,6.0,1.0,6.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2313816,359842,Consumer loans,10798.425,107995.5,97195.5,10800.0,107995.5,SUNDAY,14,Y,1,0.10891362897696494,,,XAP,Approved,-1523,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,2500,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1492.0,-1222.0,-1312.0,-1305.0,0.0,0,Cash loans,M,Y,N,1,135000.0,810000.0,23683.5,810000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.009549,-15486,-1781,-1067.0,-4213,12.0,1,1,1,1,1,0,Core staff,3.0,2,2,SATURDAY,12,0,0,0,0,1,1,Trade: type 2,,0.5942318217845904,0.6577838002083306,,,0.9806,,,,,,,,,,,,,,0.9806,,,,,,,,,,,,,,0.9806,,,,,,,,,,,,,,0.0059,,No,0.0,0.0,0.0,0.0,-1507.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2524594,153199,Consumer loans,11343.69,58900.5,55633.5,5890.5,58900.5,TUESDAY,10,Y,1,0.10427296664716204,,,XAP,Approved,-2219,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,36,Connectivity,6.0,high,POS mobile with interest,365243.0,-2186.0,-2036.0,-2036.0,-1717.0,0.0,0,Revolving loans,F,N,Y,0,99000.0,202500.0,10125.0,202500.0,Unaccompanied,Pensioner,Higher education,Widow,House / apartment,0.035792000000000004,-21754,365243,-508.0,-5212,,1,0,0,1,1,0,,1.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,0.8289582165142928,0.6348048172562112,0.6940926425266661,0.0363,0.0516,0.9965,0.9456,0.0196,0.0,0.0603,0.1667,0.2083,0.039,0.0296,0.0422,0.0,0.0,0.042,0.0566,0.996,0.9412,0.0113,0.0,0.069,0.1667,0.2083,0.0399,0.0367,0.0248,0.0,0.0,0.0416,0.0545,0.996,0.9463,0.0223,0.0,0.069,0.1667,0.2083,0.0397,0.0342,0.049,0.0,0.0,reg oper account,block of flats,0.0248,"Stone, brick",No,1.0,0.0,1.0,0.0,-272.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1344512,398134,Consumer loans,,58495.5,58495.5,0.0,58495.5,SATURDAY,16,Y,1,0.0,,,XAP,Refused,-1856,Cash through the bank,HC,Family,Repeater,Audio/Video,XNA,XNA,Regional / Local,130,Consumer electronics,,XNA,POS household with interest,,,,,,,0,Revolving loans,M,N,Y,1,135000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-14596,-3003,-8504.0,-4455,,1,1,0,1,0,0,Low-skill Laborers,3.0,2,2,SUNDAY,12,0,0,0,0,1,1,Business Entity Type 3,0.5531258875194237,0.7424805598860835,0.5406544504453575,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1613.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +2818269,401187,Cash loans,14379.48,135000.0,143910.0,,135000.0,WEDNESDAY,13,Y,1,,,,XNA,Approved,-686,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-656.0,-326.0,-326.0,-318.0,1.0,0,Cash loans,F,N,Y,0,58500.0,260640.0,26838.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-24016,365243,-14937.0,-4740,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,,0.34652008164475256,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1862.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2119697,385846,Consumer loans,5532.93,110871.0,118732.5,11763.0,110871.0,SUNDAY,17,Y,1,0.09817178648793526,,,XAP,Approved,-2650,Cash through the bank,XAP,Children,Repeater,Other,POS,XNA,Country-wide,2000,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-2619.0,-1929.0,-1929.0,-1922.0,1.0,0,Cash loans,F,Y,Y,0,162000.0,1035832.5,30415.5,904500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.009175,-18251,-3019,-9977.0,-1806,3.0,1,1,0,1,1,0,Managers,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Trade: type 7,,0.7526924005314164,,0.0371,0.0636,0.9866,,,0.04,0.0345,0.3333,,0.0111,,0.0385,,0.0066,0.0378,0.066,0.9866,,,0.0403,0.0345,0.3333,,0.0114,,0.0401,,0.006999999999999999,0.0375,0.0636,0.9866,,,0.04,0.0345,0.3333,,0.0113,,0.0392,,0.0068,,block of flats,0.0317,Panel,No,4.0,0.0,4.0,0.0,-1654.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1707896,333526,Cash loans,65097.0,1800000.0,2013840.0,,1800000.0,SATURDAY,12,Y,1,,,,Building a house or an annex,Refused,-677,Cash through the bank,VERIF,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,Y,N,0,315000.0,1800000.0,62568.0,1800000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.04622,-13254,-1645,-1162.0,-3643,7.0,1,1,1,1,1,0,Core staff,2.0,1,1,THURSDAY,19,0,1,1,0,1,1,Medicine,0.7602489543056883,0.6820640518196789,0.3108182544189319,0.0825,0.0009,0.9747,0.6532,0.006999999999999999,0.0,0.1379,0.1667,0.2083,0.0137,0.0672,0.064,0.0,0.0,0.084,0.0009,0.9747,0.6668,0.006999999999999999,0.0,0.1379,0.1667,0.2083,0.014,0.0735,0.0667,0.0,0.0,0.0833,0.0009,0.9747,0.6578,0.006999999999999999,0.0,0.1379,0.1667,0.2083,0.014,0.0684,0.0652,0.0,0.0,reg oper account,block of flats,0.0504,"Stone, brick",No,0.0,0.0,0.0,0.0,-1830.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2775524,449382,Consumer loans,9797.13,85108.5,85108.5,0.0,85108.5,FRIDAY,11,Y,1,0.0,,,XAP,Approved,-224,Cash through the bank,XAP,Unaccompanied,Refreshed,Mobile,POS,XNA,Country-wide,40,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-194.0,76.0,-14.0,365243.0,0.0,0,Revolving loans,M,N,Y,1,202500.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.032561,-12955,-4241,-7015.0,-4607,,1,1,0,1,1,0,Laborers,3.0,1,1,FRIDAY,19,0,0,0,0,0,0,Housing,,0.7581746599934992,,0.1261,0.0766,0.9677,0.5716,0.0192,0.0732,0.1472,0.2042,0.2283,0.0627,0.1147,0.1106,0.0088,0.0196,0.1071,0.0,0.9757,0.6798,0.0108,0.0,0.1724,0.1667,0.2083,0.0,0.0918,0.0775,0.0,0.0,0.0885,0.0809,0.9752,0.6645,0.0108,0.0,0.1724,0.1667,0.2083,0.0536,0.0855,0.0814,0.0078,0.0057,reg oper account,block of flats,0.1612,Panel,No,0.0,0.0,0.0,0.0,-224.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1519550,283817,Consumer loans,11170.89,108963.0,108963.0,0.0,108963.0,MONDAY,17,Y,1,0.0,,,XAP,Approved,-416,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Stone,15,Furniture,12.0,middle,POS industry with interest,365243.0,-365.0,-35.0,-365.0,-354.0,0.0,0,Revolving loans,F,N,Y,3,180000.0,270000.0,13500.0,270000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.026392000000000002,-12712,-4737,-1037.0,-3990,,1,1,0,1,1,0,Laborers,5.0,2,2,THURSDAY,18,0,0,0,0,0,0,Transport: type 2,0.2370396253724545,0.6555453133743859,0.4543210601605785,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1460.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1048546,245429,Cash loans,,0.0,0.0,,,WEDNESDAY,15,Y,1,,,,XNA,Refused,-436,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,135000.0,545040.0,39627.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.00733,-12535,-1704,-5930.0,-99,,1,1,0,1,0,0,Laborers,1.0,2,2,FRIDAY,13,0,0,0,0,0,0,Self-employed,0.09709457466150903,0.5809957278776706,0.1777040724853336,0.2268,0.0776,0.9816,0.7484,0.0401,0.08,0.0345,0.3333,0.0417,0.0,,0.0748,,0.0,0.2311,0.0806,0.9816,0.7583,0.0405,0.0806,0.0345,0.3333,0.0417,0.0,,0.0779,,0.0,0.229,0.0776,0.9816,0.7518,0.0404,0.08,0.0345,0.3333,0.0417,0.0,,0.0761,,0.0,reg oper account,specific housing,0.1122,"Stone, brick",No,3.0,0.0,3.0,0.0,-839.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2819366,265226,Consumer loans,3714.975,17055.0,18216.0,1705.5,17055.0,FRIDAY,16,Y,1,0.09323818715731973,,,XAP,Approved,-872,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Regional / Local,98,Consumer electronics,6.0,high,POS household with interest,365243.0,-841.0,-691.0,-721.0,-715.0,0.0,0,Cash loans,F,N,N,1,112500.0,1078200.0,31653.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-10670,-3319,-8678.0,-2584,,1,1,0,1,0,0,Laborers,3.0,2,2,TUESDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.3803418000800419,0.40251745531147215,0.14287252304131962,0.0247,0.027000000000000003,0.9861,0.8096,0.0034,0.0,0.069,0.125,0.0417,0.0313,0.0202,0.0223,0.0,0.0,0.0252,0.028,0.9861,0.8171,0.0034,0.0,0.069,0.125,0.0417,0.032,0.022,0.0232,0.0,0.0,0.025,0.027000000000000003,0.9861,0.8121,0.0034,0.0,0.069,0.125,0.0417,0.0319,0.0205,0.0227,0.0,0.0,reg oper account,block of flats,0.0194,Panel,No,0.0,0.0,0.0,0.0,-1629.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2226863,232660,Cash loans,17985.6,180000.0,180000.0,,180000.0,THURSDAY,11,Y,1,,,,XNA,Approved,-1070,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1040.0,-710.0,-740.0,-737.0,0.0,0,Cash loans,F,N,Y,0,90000.0,50940.0,5166.0,45000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.04622,-24032,365243,-287.0,-4003,,1,0,0,1,0,1,,1.0,1,1,WEDNESDAY,10,0,0,0,0,0,0,XNA,,0.7283177610670121,,0.4464,,0.9995,0.9932,0.0,0.56,0.2414,0.625,0.5833,0.0,0.3639,0.4534,0.0,0.0,0.4548,,0.9995,0.9935,0.0,0.5639,0.2414,0.625,0.5833,0.0,0.3976,0.4724,0.0,0.0,0.4507,,0.9995,0.9933,0.0,0.56,0.2414,0.625,0.5833,0.0,0.3703,0.4616,0.0,0.0,reg oper account,block of flats,0.5024,"Stone, brick",No,3.0,0.0,3.0,0.0,-796.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2836159,307736,Consumer loans,5852.295,29250.0,30982.5,2925.0,29250.0,SATURDAY,13,Y,1,0.09394944803040353,,,XAP,Approved,-556,Cash through the bank,XAP,,New,Gardening,POS,XNA,Stone,141,Construction,6.0,middle,POS industry with interest,365243.0,-525.0,-375.0,-405.0,-401.0,0.0,0,Cash loans,F,Y,Y,1,126000.0,273024.0,15372.0,216000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-16950,-170,-3905.0,-484,18.0,1,1,0,1,0,0,Laborers,3.0,2,2,TUESDAY,17,0,1,1,0,0,0,Business Entity Type 3,,0.5721283859098019,0.5226973172821112,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-556.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1615328,350249,Cash loans,51949.44,1125000.0,1223010.0,,1125000.0,TUESDAY,15,Y,1,,,,XNA,Refused,-43,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,135000.0,1258650.0,53455.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-19064,-493,-7077.0,-2121,,1,1,1,1,0,0,,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.5247194167914286,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1883.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2042449,332172,Revolving loans,11250.0,225000.0,225000.0,,225000.0,MONDAY,14,Y,1,,,,XAP,Refused,-969,XNA,HC,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,N,1,90000.0,715095.0,53464.5,675000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.030755,-13092,-2386,-7078.0,-5102,,1,1,1,1,1,0,Core staff,3.0,2,2,FRIDAY,14,0,0,0,0,0,0,Advertising,0.7231713406681921,0.5524219318002512,0.5832379256761245,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2495.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2244888,430014,Consumer loans,4878.27,37899.0,42277.5,0.0,37899.0,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-1308,Cash through the bank,XAP,Unaccompanied,Refreshed,Mobile,POS,XNA,Country-wide,1500,Consumer electronics,14.0,high,POS household with interest,365243.0,-1277.0,-887.0,-1037.0,-1030.0,0.0,0,Cash loans,F,N,Y,0,60750.0,231813.0,9949.5,193500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.019688999999999998,-22815,365243,-16929.0,-3958,,1,0,0,1,0,0,,1.0,2,2,MONDAY,14,0,0,0,0,0,0,XNA,,0.16995295093717294,0.7789040389824382,0.0794,0.063,0.9747,0.6532,0.0493,0.0,0.1379,0.1667,0.2083,0.0554,0.0605,0.0559,0.0193,0.025,0.0809,0.0653,0.9747,0.6668,0.0498,0.0,0.1379,0.1667,0.2083,0.0566,0.0661,0.0583,0.0195,0.0264,0.0802,0.063,0.9747,0.6578,0.0496,0.0,0.1379,0.1667,0.2083,0.0563,0.0616,0.0569,0.0194,0.0255,reg oper account,block of flats,0.0663,Panel,No,0.0,0.0,0.0,0.0,-1308.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1749861,211087,Revolving loans,6750.0,135000.0,135000.0,,135000.0,TUESDAY,10,Y,1,,,,XAP,Approved,-216,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-188.0,-142.0,365243.0,365243.0,365243.0,0.0,1,Cash loans,F,N,Y,1,126000.0,674635.5,32584.5,603000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.025164,-14198,-703,-775.0,-4940,,1,1,0,1,0,0,Laborers,3.0,2,2,MONDAY,12,0,0,0,0,0,0,Transport: type 4,0.3997600922886392,0.6336278884448424,0.3344541255096772,0.066,0.0809,0.9742,0.6464,0.0254,0.0,0.1379,0.125,0.1667,0.0345,0.0538,0.0511,0.0,0.0,0.0672,0.084,0.9742,0.6602,0.0257,0.0,0.1379,0.125,0.1667,0.0352,0.0588,0.0533,0.0,0.0,0.0666,0.0809,0.9742,0.6511,0.0256,0.0,0.1379,0.125,0.1667,0.0351,0.0547,0.052000000000000005,0.0,0.0,reg oper account,block of flats,0.0572,"Stone, brick",No,1.0,1.0,1.0,1.0,-1109.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +1683771,255942,Cash loans,20143.935,391500.0,445761.0,,391500.0,SATURDAY,10,Y,1,,,,XNA,Approved,-536,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-506.0,544.0,-356.0,-346.0,1.0,0,Cash loans,F,N,Y,0,180000.0,1061599.5,31171.5,927000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.025164,-16013,-3343,-6357.0,-2583,,1,1,0,1,0,1,Cleaning staff,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Government,0.8273012629004602,0.7247071760880869,0.7076993447402619,0.0753,0.0746,0.9896,0.8572,0.017,0.0,0.1724,0.1667,0.2083,0.0785,0.0614,0.0773,0.0,0.0,0.0767,0.0774,0.9896,0.8628,0.0171,0.0,0.1724,0.1667,0.2083,0.0802,0.067,0.0806,0.0,0.0,0.076,0.0746,0.9896,0.8591,0.0171,0.0,0.1724,0.1667,0.2083,0.0798,0.0624,0.0787,0.0,0.0,reg oper account,block of flats,0.0701,Panel,No,0.0,0.0,0.0,0.0,-2668.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,1.0 +1318533,232171,Cash loans,39976.65,1354500.0,1515415.5,,1354500.0,THURSDAY,10,Y,1,,,,XNA,Approved,-243,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_action,Cash X-Sell: low,365243.0,-213.0,1557.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,292500.0,276277.5,19777.5,238500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-16054,365243,-10190.0,-4561,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,0.5887922889575259,0.6008368474214231,0.475849908720221,0.0918,0.1376,0.9722,0.6192,0.0627,0.0,0.2069,0.1667,0.2083,0.0718,0.0681,0.0671,0.0309,0.1525,0.0935,0.1428,0.9722,0.6341,0.0633,0.0,0.2069,0.1667,0.2083,0.0734,0.0744,0.0699,0.0311,0.1615,0.0926,0.1376,0.9722,0.6243,0.0631,0.0,0.2069,0.1667,0.2083,0.073,0.0693,0.0683,0.0311,0.1557,reg oper account,block of flats,0.1202,"Stone, brick",No,0.0,0.0,0.0,0.0,-1470.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2821291,207670,Consumer loans,6711.48,34830.0,32899.5,3483.0,34830.0,FRIDAY,16,Y,1,0.10426176420981614,,,XAP,Approved,-1529,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,25,Connectivity,6.0,high,POS mobile without interest,365243.0,-1491.0,-1341.0,-1371.0,-1366.0,0.0,0,Cash loans,F,N,Y,0,157500.0,966555.0,51498.0,913500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.04622,-16194,-1516,-8210.0,-4833,,1,1,0,1,0,0,Accountants,1.0,1,1,MONDAY,11,0,1,1,0,0,0,Transport: type 2,,0.5929974129203066,0.4400578303966329,0.1206,0.1122,0.9886,0.8436,0.0,0.12,0.1034,0.3333,0.0,0.1136,0.0983,0.1173,0.0,0.1805,0.1229,0.1164,0.9886,0.8497,0.0,0.1208,0.1034,0.3333,0.0,0.1162,0.1074,0.1222,0.0,0.1911,0.1218,0.1122,0.9886,0.8457,0.0,0.12,0.1034,0.3333,0.0,0.1156,0.1,0.1194,0.0,0.1843,org spec account,block of flats,0.1315,"Stone, brick",No,1.0,1.0,1.0,1.0,-1495.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2130199,418267,Consumer loans,5017.545,23850.0,25321.5,2385.0,23850.0,TUESDAY,14,Y,1,0.0937499077177492,,,XAP,Approved,-1072,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,100,Furniture,6.0,high,POS industry with interest,365243.0,-1041.0,-891.0,-951.0,-947.0,0.0,0,Cash loans,M,N,Y,0,202500.0,1125000.0,33025.5,1125000.0,Unaccompanied,Working,Higher education,Single / not married,With parents,0.028663,-11809,-178,-526.0,-2557,,1,1,0,1,0,0,Drivers,1.0,2,2,WEDNESDAY,8,0,0,0,1,1,0,Transport: type 4,0.4847902942564408,0.5914078358515342,0.7751552674785404,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1791247,340190,Cash loans,23565.555,112500.0,116212.5,,112500.0,SUNDAY,10,Y,1,,,,Urgent needs,Refused,-529,XNA,HC,,Repeater,XNA,Cash,walk-in,Country-wide,30,Connectivity,6.0,high,Cash Street: high,,,,,,,0,Cash loans,M,N,Y,0,360000.0,728460.0,74772.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.001276,-19330,-777,-3212.0,-2689,,1,1,0,1,0,0,Drivers,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,Restaurant,0.5516855772402635,0.45500564205748,0.2366108235287817,0.0838,0.0728,0.9876,0.8368,0.0051,0.0,0.0886,0.1667,0.0417,0.0424,0.0731,0.0573,0.0006,0.0677,0.0315,0.0348,0.9901,0.8693,0.0,0.0,0.069,0.1667,0.0417,0.029,0.0275,0.0193,0.0,0.0519,0.0583,0.0706,0.9881,0.8658,0.0049,0.0,0.069,0.1667,0.0417,0.0408,0.0966,0.064,0.0,0.0774,reg oper account,block of flats,0.0252,Block,No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1760395,417899,Cash loans,19172.655,180000.0,191880.0,,180000.0,THURSDAY,19,Y,1,,,,XNA,Approved,-603,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-571.0,-241.0,-241.0,-236.0,0.0,0,Cash loans,M,Y,Y,0,112500.0,213948.0,20970.0,189000.0,Unaccompanied,Working,Lower secondary,Married,House / apartment,0.035792000000000004,-25170,-2266,-7263.0,-5009,30.0,1,1,0,1,1,0,Security staff,2.0,2,2,FRIDAY,11,0,0,0,0,1,1,Business Entity Type 3,,0.7033579379468057,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1663.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1057767,201310,Consumer loans,4677.66,21550.5,22941.0,2160.0,21550.5,FRIDAY,15,Y,1,0.09371883047035434,,,XAP,Approved,-1918,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Regional / Local,94,Connectivity,6.0,high,POS mobile with interest,365243.0,-1884.0,-1734.0,-1794.0,-1790.0,0.0,0,Cash loans,F,N,N,0,225000.0,1341000.0,39339.0,1341000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.0228,-15886,-6984,-4042.0,-4021,,1,1,0,1,1,0,Laborers,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,Industry: type 11,,0.6776472682279598,0.5567274263630174,0.2629,0.1625,0.9846,0.7892,,0.32,0.2759,0.3333,0.375,0.0856,,0.2639,,0.1015,0.2679,0.1687,0.9846,0.7975,,0.3222,0.2759,0.3333,0.375,0.0876,,0.275,,0.1075,0.2654,0.1625,0.9846,0.792,,0.32,0.2759,0.3333,0.375,0.0871,,0.2686,,0.1036,reg oper account,block of flats,0.2435,Panel,No,0.0,0.0,0.0,0.0,-743.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1438883,293748,Consumer loans,2539.8,31455.0,25164.0,6291.0,31455.0,TUESDAY,10,Y,1,0.2178181818181818,,,XAP,Approved,-258,Cash through the bank,XAP,,New,Clothing and Accessories,POS,XNA,Stone,120,Consumer electronics,12.0,middle,POS household with interest,365243.0,-211.0,119.0,-121.0,-113.0,0.0,0,Revolving loans,F,Y,Y,0,49500.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.018801,-10894,-365,-2548.0,-3401,2.0,1,1,0,1,0,0,,2.0,2,2,MONDAY,6,0,0,0,0,0,0,Medicine,0.6895612494955482,0.3640790412017876,0.4848514754962666,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-258.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2209958,259972,Cash loans,22743.135,112500.0,116212.5,,112500.0,TUESDAY,18,Y,1,,,,XNA,Approved,-1284,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,high,Cash X-Sell: high,365243.0,-1254.0,-1104.0,-1104.0,-1096.0,1.0,0,Cash loans,F,N,Y,0,225000.0,454500.0,27805.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-17707,-5185,-3801.0,-1249,,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.5220737842811219,0.445396241560834,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1653.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1425562,445552,Cash loans,16741.215,450000.0,533160.0,,450000.0,SATURDAY,10,Y,1,,,,XNA,Approved,-266,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-236.0,1174.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,1,112500.0,453514.5,19975.5,391500.0,Children,Working,Secondary / secondary special,Married,House / apartment,0.010556,-13672,-337,-3943.0,-123,,1,1,0,1,0,0,Cleaning staff,3.0,3,3,SATURDAY,13,0,0,0,0,0,0,School,0.3093320278905989,0.3528902841476788,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1117.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,2.0,0.0 +1494701,222240,Cash loans,66290.85,675000.0,698166.0,,675000.0,TUESDAY,11,Y,1,,,,XNA,Approved,-198,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,30,Connectivity,12.0,low_normal,Cash X-Sell: low,365243.0,-168.0,162.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,225000.0,490495.5,30136.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018029,-15890,-1492,-9158.0,-4118,,1,1,0,1,0,0,Laborers,2.0,3,3,THURSDAY,7,0,0,0,1,1,1,Business Entity Type 3,,0.18253654764522945,0.6263042766749393,0.0082,0.0,0.9717,,,0.0,0.0345,0.0417,,,,0.0104,,0.0,0.0084,0.0,0.9717,,,0.0,0.0345,0.0417,,,,0.0108,,0.0,0.0083,0.0,0.9717,,,0.0,0.0345,0.0417,,,,0.0106,,0.0,,block of flats,0.0082,Wooden,No,10.0,0.0,10.0,0.0,-1482.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2340383,175282,Consumer loans,5336.685,45000.0,44509.5,4500.0,45000.0,FRIDAY,11,Y,1,0.09999916528242668,,,XAP,Approved,-1772,Cash through the bank,XAP,,Repeater,Construction Materials,POS,XNA,Stone,40,Construction,12.0,high,POS industry with interest,365243.0,-1734.0,-1404.0,-1404.0,-1399.0,0.0,0,Cash loans,M,Y,Y,2,234000.0,1078200.0,31653.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018634,-15634,-1688,-4480.0,-4566,24.0,1,1,0,1,1,0,Security staff,4.0,2,2,SATURDAY,11,0,1,1,0,0,0,Trade: type 3,0.3014345415731946,0.6315440740520585,0.6092756673894402,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1987123,348414,Consumer loans,7399.755,42300.0,39955.5,4230.0,42300.0,MONDAY,15,Y,1,0.10426168189687893,,,XAP,Approved,-2885,Cash through the bank,XAP,Family,New,Photo / Cinema Equipment,POS,XNA,Country-wide,149,Consumer electronics,6.0,middle,POS household without interest,365243.0,-2854.0,-2704.0,-2764.0,-2760.0,1.0,1,Cash loans,F,N,N,0,225000.0,787500.0,37885.5,787500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.031329,-18309,-1206,-1293.0,-1847,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.2436731653523693,0.5744466170995097,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,3.0,0.0,3.0,0.0,-6.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2550929,192965,Consumer loans,,20439.0,20439.0,,20439.0,WEDNESDAY,8,Y,1,,,,XAP,Refused,-1545,Cash through the bank,XNA,"Spouse, partner",Repeater,Mobile,XNA,XNA,Country-wide,20,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,M,Y,Y,0,360000.0,1800000.0,73314.0,1800000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-17750,-1696,-4259.0,-1293,3.0,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,8,0,1,1,0,1,1,Industry: type 9,,0.6845295159977436,0.5638350489514956,0.0804,0.0545,0.993,0.9048,,0.08,0.069,0.3333,,0.0208,0.0656,0.0472,0.0,0.0,0.0819,0.0566,0.993,0.9085,,0.0806,0.069,0.3333,,0.0213,0.0716,0.0492,0.0,0.0,0.0812,0.0545,0.993,0.9061,,0.08,0.069,0.3333,,0.0212,0.0667,0.0481,0.0,0.0,reg oper account,block of flats,0.0759,"Stone, brick",No,2.0,0.0,2.0,0.0,-2303.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,7.0 +1586241,436719,Consumer loans,3115.44,43155.0,27643.5,18000.0,43155.0,MONDAY,18,Y,1,0.4294945909852742,,,XAP,Approved,-2157,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,74,Connectivity,12.0,high,POS mobile with interest,365243.0,-2126.0,-1796.0,-1826.0,-1822.0,0.0,1,Cash loans,M,Y,N,0,238500.0,450000.0,47749.5,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.031329,-10626,-3319,-5194.0,-3310,3.0,1,1,0,1,1,0,Laborers,2.0,2,2,SATURDAY,8,0,0,0,0,1,1,Transport: type 2,,0.08605836322889587,0.21155076420525776,0.0351,0.0517,0.9737,0.6396,0.0031,0.0,0.1034,0.0833,0.125,0.0021,0.0252,0.0256,0.0154,0.0177,0.0357,0.0536,0.9737,0.6537,0.0031,0.0,0.1034,0.0833,0.125,0.0021,0.0275,0.0266,0.0156,0.0187,0.0354,0.0517,0.9737,0.6444,0.0031,0.0,0.1034,0.0833,0.125,0.0021,0.0257,0.026,0.0155,0.018000000000000002,reg oper account,block of flats,0.0256,"Stone, brick",No,1.0,0.0,1.0,0.0,-473.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1211315,436544,Cash loans,22902.84,180000.0,191880.0,,180000.0,MONDAY,11,Y,1,,,,XNA,Approved,-953,Cash through the bank,XAP,Other_B,New,XNA,Cash,walk-in,Country-wide,24,Connectivity,12.0,high,Cash Street: high,365243.0,-923.0,-593.0,-593.0,-590.0,1.0,0,Cash loans,F,N,Y,0,157500.0,153576.0,5917.5,121500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.016612000000000002,-18977,365243,-10084.0,-2525,,1,0,0,1,1,0,,1.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,,0.6480663533062307,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-953.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2106630,157443,Revolving loans,45000.0,0.0,900000.0,,,THURSDAY,17,Y,1,,,,XAP,Approved,-635,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-565.0,-377.0,365243.0,-285.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,112500.0,1165500.0,30874.5,1165500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.006207,-19220,-10698,-511.0,-2771,2.0,1,1,1,1,0,0,High skill tech staff,2.0,2,2,TUESDAY,17,0,0,0,0,0,0,Government,0.7621994632498432,0.6880088293880456,0.7352209993926424,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1100.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2690222,451647,Cash loans,34691.13,855000.0,979146.0,,855000.0,SATURDAY,14,Y,1,,,,XNA,Approved,-402,XNA,XAP,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),3,XNA,60.0,middle,Cash X-Sell: middle,365243.0,-370.0,1400.0,-220.0,-212.0,0.0,0,Cash loans,F,Y,N,0,360000.0,918000.0,26838.0,918000.0,Unaccompanied,Working,Higher education,Separated,Rented apartment,0.010006000000000001,-19840,-1213,-1538.0,-3360,0.0,1,1,1,1,1,0,Accountants,1.0,2,2,SUNDAY,8,0,0,0,0,0,0,Construction,0.7371882889803965,0.6674333781347481,0.3842068130556564,0.044,0.0242,0.9831,0.7552,0.0,0.0,0.0803,0.1667,0.2083,0.0147,0.0359,0.0315,0.0,0.0104,0.0315,0.0,0.9811,0.7517,0.0,0.0,0.0345,0.1667,0.2083,0.0105,0.0275,0.016,0.0,0.005,0.0416,0.0,0.9826,0.7585,0.0,0.0,0.069,0.1667,0.2083,0.0115,0.0342,0.0292,0.0,0.0113,reg oper account,block of flats,0.0236,"Stone, brick",No,0.0,0.0,0.0,0.0,-2125.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2163774,444191,Revolving loans,2250.0,45000.0,45000.0,,45000.0,MONDAY,11,Y,1,,,,XAP,Refused,-281,XNA,HC,Unaccompanied,Repeater,XNA,Cards,walk-in,Stone,50,Clothing,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,135000.0,380533.5,16893.0,328500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-15408,-889,-3973.0,-3973,,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Housing,0.4516913634298849,0.6046382213653215,,0.1247,,0.9861,,,0.0,0.069,0.1667,,,,0.0619,,,0.1271,,0.9861,,,0.0,0.069,0.1667,,,,0.0645,,,0.126,,0.9861,,,0.0,0.069,0.1667,,,,0.063,,,,block of flats,0.0487,"Stone, brick",No,4.0,1.0,4.0,1.0,-1538.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1692859,152772,Consumer loans,5518.62,122364.0,122364.0,0.0,122364.0,SUNDAY,18,Y,1,0.0,,,XAP,Approved,-1582,Cash through the bank,XAP,"Spouse, partner",New,Audio/Video,POS,XNA,Country-wide,1465,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1551.0,-861.0,-861.0,-854.0,0.0,0,Cash loans,F,N,N,0,112500.0,562491.0,23962.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-13886,-2308,-5786.0,-4731,,1,1,1,1,0,0,Sales staff,2.0,2,2,SUNDAY,10,0,0,0,1,1,0,Self-employed,,0.27352374314774475,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1582.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1673621,403145,Revolving loans,,0.0,0.0,,,MONDAY,12,Y,1,,,,XAP,Refused,-170,XNA,HC,,Refreshed,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Card Street,,,,,,,0,Cash loans,F,N,N,0,117000.0,225000.0,8338.5,225000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.026392000000000002,-13834,-520,-9366.0,-4709,,1,1,0,1,1,0,,1.0,2,2,TUESDAY,18,0,0,0,0,0,0,Business Entity Type 1,,0.6118132897234573,0.15759499866631024,0.0165,,0.9682,,,0.0,0.069,0.0417,,0.028,,0.0142,,0.0,0.0168,,0.9682,,,0.0,0.069,0.0417,,0.0287,,0.0148,,0.0,0.0167,,0.9682,,,0.0,0.069,0.0417,,0.0285,,0.0144,,0.0,,block of flats,0.0111,"Stone, brick",No,0.0,0.0,0.0,0.0,-170.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,9.0,2.0,1.0 +2730247,107751,Cash loans,66842.01,360000.0,368316.0,,360000.0,FRIDAY,10,Y,1,,,,XNA,Approved,-778,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,low_normal,Cash X-Sell: low,365243.0,-748.0,-598.0,-598.0,-593.0,1.0,0,Cash loans,F,N,N,1,90000.0,454500.0,19237.5,454500.0,Family,State servant,Secondary / secondary special,Married,House / apartment,0.025164,-15213,-2934,-6030.0,-6031,,1,1,0,1,0,0,Secretaries,3.0,2,2,SATURDAY,13,0,0,0,0,0,0,Medicine,0.5613194590177479,0.6733861234340149,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,1.0,5.0,1.0,-1695.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1950441,100612,Consumer loans,9672.525,88159.5,85887.0,8820.0,88159.5,FRIDAY,12,Y,1,0.10142631292493498,,,XAP,Approved,-1543,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Regional / Local,700,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1512.0,-1242.0,-1242.0,-1219.0,0.0,0,Cash loans,F,Y,N,0,157500.0,1288350.0,37669.5,1125000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.006670999999999999,-14573,-3569,-6268.0,-5016,19.0,1,1,1,1,0,0,Laborers,2.0,2,2,THURSDAY,19,0,0,0,0,0,0,Business Entity Type 3,,0.7626841719393695,0.4329616670974407,0.0402,0.0325,0.9821,0.7552,0.0145,0.0,0.069,0.1667,0.0417,0.017,0.0328,0.0341,0.0039,0.0041,0.041,0.0337,0.9821,0.7648,0.0146,0.0,0.069,0.1667,0.0417,0.0174,0.0358,0.0355,0.0039,0.0043,0.0406,0.0325,0.9821,0.7585,0.0146,0.0,0.069,0.1667,0.0417,0.0173,0.0333,0.0347,0.0039,0.0042,not specified,block of flats,0.0356,"Stone, brick",No,2.0,0.0,2.0,0.0,-2620.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1989698,270699,Cash loans,19837.35,180000.0,229603.5,0.0,180000.0,TUESDAY,11,Y,1,0.0,,,Other,Approved,-2017,Cash through the bank,XAP,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,365243.0,-1985.0,-1475.0,-1475.0,-1467.0,0.0,0,Cash loans,F,N,Y,0,225000.0,689742.0,29223.0,616500.0,Unaccompanied,Working,Secondary / secondary special,Separated,Municipal apartment,0.009656999999999999,-18737,-1890,-5826.0,-2142,,1,1,0,1,0,0,Laborers,1.0,2,2,THURSDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.6585658561096591,0.24318648044201235,,,0.9826,,,,0.1379,,,,,0.0308,,,,,0.9826,,,,0.1379,,,,,0.0321,,,,,0.9826,,,,0.1379,,,,,0.0313,,,,,0.0242,Panel,No,0.0,0.0,0.0,0.0,-1525.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2258293,195988,Consumer loans,3046.59,30262.5,33259.5,0.0,30262.5,MONDAY,14,Y,1,0.0,,,XAP,Approved,-1499,Cash through the bank,XAP,Children,Repeater,Audio/Video,POS,XNA,Country-wide,1313,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-1468.0,-1138.0,-1138.0,-1128.0,0.0,0,Cash loans,F,Y,N,0,225000.0,1125000.0,33025.5,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.028663,-16906,-3354,-4225.0,-460,10.0,1,1,0,1,0,0,Managers,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Construction,,0.057941470139603726,,0.0856,0.0036,0.9747,,,0.0,0.1379,0.1667,,0.0,,0.0662,,0.0141,0.0872,0.0038,0.9747,,,0.0,0.1379,0.1667,,0.0,,0.069,,0.0149,0.0864,0.0036,0.9747,,,0.0,0.1379,0.1667,,0.0,,0.0674,,0.0144,,block of flats,0.0739,"Stone, brick",No,3.0,1.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1033666,429796,Revolving loans,6750.0,0.0,135000.0,,,FRIDAY,9,Y,1,,,,XAP,Approved,-2680,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,42,Connectivity,0.0,XNA,Card Street,-2676.0,-2637.0,365243.0,-2148.0,365243.0,1.0,0,Cash loans,F,N,Y,0,135000.0,675000.0,26770.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.025164,-18201,-2208,-8399.0,-1725,,1,1,1,1,0,0,,2.0,2,2,THURSDAY,17,0,0,0,0,0,0,Business Entity Type 1,0.5698871178006707,0.5531084952834124,0.7662336700704004,0.2134,0.0409,0.9846,,,0.08,0.0345,0.3333,,0.0248,,0.1087,,0.0,0.2174,0.0425,0.9846,,,0.0806,0.0345,0.3333,,0.0254,,0.1133,,0.0,0.2155,0.0409,0.9846,,,0.08,0.0345,0.3333,,0.0253,,0.1107,,0.0,,block of flats,0.1198,"Stone, brick",No,6.0,0.0,6.0,0.0,-1388.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2233573,312495,Cash loans,30627.0,675000.0,675000.0,,675000.0,TUESDAY,12,Y,1,,,,XNA,Approved,-1179,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-1149.0,-99.0,-99.0,-96.0,0.0,0,Cash loans,F,N,Y,0,202500.0,1078200.0,31522.5,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.011656999999999999,-14710,-3214,-11270.0,-4460,,1,1,1,1,1,0,Sales staff,1.0,1,1,FRIDAY,15,0,1,1,0,1,1,Trade: type 7,,0.7295491885505266,0.4382813743111921,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-1490.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,2.0,0.0,0.0,1.0 +1250733,253256,Revolving loans,6750.0,0.0,360000.0,,,MONDAY,13,N,0,,,,XAP,Refused,-623,XNA,SCOFR,,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),6,XNA,0.0,XNA,Card X-Sell,,,,,,,1,Cash loans,F,N,N,0,72000.0,640080.0,31131.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-13806,-920,-2131.0,-3524,,1,1,0,1,0,0,Sales staff,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Self-employed,,0.1923160541736026,0.2392262794694045,0.1,0.0,0.9821,,,0.0,0.2069,0.1667,,0.0767,,0.0593,,0.1299,0.1019,0.0,0.9821,,,0.0,0.2069,0.1667,,0.0784,,0.0618,,0.1375,0.101,0.0,0.9821,,,0.0,0.2069,0.1667,,0.078,,0.0604,,0.1326,,block of flats,0.0709,"Stone, brick",No,2.0,0.0,2.0,0.0,-834.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1112489,190389,Consumer loans,3580.92,26950.5,26253.0,2700.0,26950.5,FRIDAY,10,Y,1,0.10156272077316528,,,XAP,Approved,-1753,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,10.0,high,POS mobile with interest,365243.0,-1715.0,-1445.0,-1445.0,-1443.0,0.0,0,Cash loans,M,Y,N,0,135000.0,536917.5,17874.0,463500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-14210,-233,-2671.0,-4976,24.0,1,1,0,1,0,0,,2.0,2,2,MONDAY,9,0,1,1,0,1,1,Industry: type 7,0.15964035653147832,0.19421511211361847,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1753.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1773589,313983,Cash loans,33490.485,450000.0,481185.0,,450000.0,THURSDAY,11,Y,1,,,,XNA,Approved,-928,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-898.0,-388.0,-658.0,-651.0,1.0,0,Cash loans,F,Y,Y,0,225000.0,1305909.0,41134.5,1170000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.011656999999999999,-23468,365243,-10944.0,-4316,30.0,1,0,0,1,0,0,,2.0,1,1,MONDAY,17,0,0,0,0,0,0,XNA,,0.18075197578586769,0.5406544504453575,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,11.0,0.0,11.0,0.0,-1789.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1670267,328073,Cash loans,26409.15,346500.0,378517.5,,346500.0,SATURDAY,14,Y,1,,,,XNA,Approved,-851,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),1,XNA,24.0,high,Cash X-Sell: high,365243.0,-821.0,-131.0,-341.0,-339.0,1.0,1,Cash loans,F,Y,Y,0,126000.0,284427.0,20826.0,216000.0,"Spouse, partner",State servant,Higher education,Civil marriage,House / apartment,0.035792000000000004,-11299,-2298,-1421.0,-1846,2.0,1,1,0,1,1,0,,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.4852053772585774,0.5933984616217352,0.41184855592423975,0.0211,0.038,0.9975,0.966,0.015,0.0,0.069,0.0833,0.125,0.029,0.0172,0.0221,0.0,0.0,0.021,0.0394,0.9975,0.9673,0.0149,0.0,0.069,0.0833,0.125,0.0264,0.0184,0.0229,0.0,0.0,0.0213,0.038,0.9975,0.9665,0.0151,0.0,0.069,0.0833,0.125,0.0295,0.0175,0.0225,0.0,0.0,reg oper account,block of flats,0.0256,"Stone, brick",No,3.0,0.0,3.0,0.0,-1743.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1709860,169223,Consumer loans,12905.775,133137.0,132475.5,13315.5,133137.0,THURSDAY,15,Y,1,0.09946972035310818,,,XAP,Approved,-230,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,10000,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-199.0,131.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,112500.0,396171.0,21622.5,342000.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.008575,-18482,-692,-11312.0,-2018,,1,1,0,1,1,0,Laborers,2.0,2,2,WEDNESDAY,16,0,0,0,0,1,1,Services,,0.5969864553311046,0.8555235867964663,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2611346,407384,Consumer loans,3061.755,33520.5,30168.0,3352.5,33520.5,TUESDAY,10,Y,1,0.10892371154151258,,,XAP,Approved,-487,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,12.0,middle,POS mobile with interest,365243.0,-441.0,-111.0,-381.0,-363.0,0.0,0,Cash loans,F,Y,Y,1,180000.0,900000.0,23742.0,900000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.0105,-15785,-1064,-7855.0,-4287,11.0,1,1,0,1,1,0,Managers,3.0,3,3,SATURDAY,10,0,0,0,1,0,1,Government,0.6689719834154566,0.5876455102722636,0.5460231970049609,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-710.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1052232,120568,Consumer loans,2708.055,26325.0,23692.5,2632.5,26325.0,TUESDAY,14,Y,1,0.1089090909090909,,,XAP,Approved,-2390,Cash through the bank,XAP,,New,Furniture,POS,XNA,Stone,202,Furniture,10.0,middle,POS industry with interest,365243.0,-2356.0,-2086.0,-2086.0,-2084.0,0.0,0,Cash loans,F,N,Y,0,85500.0,599472.0,21663.0,517500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.01885,-12791,-4738,-1059.0,-4543,,1,1,1,1,1,0,High skill tech staff,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,School,,0.5998242208881726,0.7001838506835805,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-353.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1187721,320671,Cash loans,28304.235,270000.0,358236.0,,270000.0,TUESDAY,15,Y,1,,,,XNA,Approved,-497,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-467.0,223.0,-347.0,-338.0,1.0,0,Cash loans,M,Y,Y,0,202500.0,619254.0,43227.0,553500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-11791,-2666,-4358.0,-3454,10.0,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.6791167546422947,0.38079968264891495,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1346.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2427966,153361,Consumer loans,5264.865,37660.5,42822.0,3766.5,37660.5,MONDAY,19,Y,1,0.08804878691288429,,,XAP,Approved,-1922,XNA,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,2441,Consumer electronics,12.0,high,POS household with interest,365243.0,-1890.0,-1560.0,-1590.0,-1587.0,0.0,0,Cash loans,M,Y,N,0,225000.0,422892.0,28260.0,382500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.010643000000000001,-9169,-1882,-2807.0,-1701,12.0,1,1,0,1,0,0,Drivers,1.0,2,2,FRIDAY,19,0,0,0,0,0,0,Self-employed,,0.2358375044688613,0.7407990879702335,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,1.0,0.0,0.0,0.0,0.0 +2147222,286425,Cash loans,9125.1,45000.0,45000.0,,45000.0,WEDNESDAY,18,Y,1,,,,Purchase of electronic equipment,Refused,-467,Cash through the bank,SCO,,Repeater,XNA,Cash,walk-in,Country-wide,20,Connectivity,6.0,high,Cash Street: high,,,,,,,0,Cash loans,M,N,N,0,157500.0,241618.5,25636.5,229500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.022625,-13310,-1172,-570.0,-1278,,1,1,1,1,0,0,Laborers,2.0,2,2,SUNDAY,10,0,1,1,0,1,1,Construction,,0.27598131136017323,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-497.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2390724,350254,Consumer loans,21973.05,239170.095,218425.5,49499.595,239170.095,FRIDAY,17,Y,1,0.20121130840013995,,,XAP,Approved,-1286,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,3000,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1255.0,-925.0,-925.0,-920.0,0.0,0,Cash loans,M,Y,Y,0,157500.0,135000.0,9130.5,135000.0,Unaccompanied,Working,Higher education,Married,Office apartment,0.010556,-17015,-915,-9647.0,-553,6.0,1,1,0,1,1,0,Managers,2.0,3,3,WEDNESDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.7922429883019702,0.4680041895853163,0.4206109640437848,0.0928,0.0822,0.9771,0.6872,0.0378,0.0,0.2069,0.1667,0.2083,0.0914,0.0756,0.0887,0.0,0.0,0.0945,0.0853,0.9772,0.6994,0.0382,0.0,0.2069,0.1667,0.2083,0.0934,0.0826,0.0925,0.0,0.0,0.0937,0.0822,0.9771,0.6914,0.0381,0.0,0.2069,0.1667,0.2083,0.0929,0.077,0.0903,0.0,0.0,reg oper account,block of flats,0.0905,Panel,No,1.0,0.0,1.0,0.0,-1783.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1687928,106604,Consumer loans,4797.675,40455.0,40014.0,4045.5,40455.0,MONDAY,12,Y,1,0.09999925720281153,,,XAP,Approved,-2355,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,2000,Consumer electronics,12.0,high,POS household with interest,365243.0,-2324.0,-1994.0,-1994.0,-1992.0,0.0,0,Cash loans,F,Y,Y,1,540000.0,1365192.0,49167.0,1206000.0,Children,Working,Higher education,Separated,House / apartment,0.02461,-16013,-920,-58.0,-5546,65.0,1,1,0,1,0,1,Managers,2.0,2,2,THURSDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.4147983607659677,0.5415743513745471,0.2910973802776635,,0.0136,0.9742,0.6464,0.0028,0.0,0.069,0.125,0.1667,0.0251,,0.0245,0.0039,0.0053,,0.0142,0.9742,0.6602,0.0028,0.0,0.069,0.125,0.1667,0.0257,,0.0255,0.0039,0.0056,,0.0136,0.9742,0.6511,0.0028,0.0,0.069,0.125,0.1667,0.0256,,0.0249,0.0039,0.0054,,block of flats,0.0365,"Stone, brick",No,0.0,0.0,0.0,0.0,-1287.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2742869,220913,Cash loans,39942.675,900000.0,1238148.0,,900000.0,WEDNESDAY,14,Y,1,,,,Repairs,Refused,-561,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,157500.0,1006920.0,51543.0,900000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.008625,-14996,-1458,-6716.0,-4478,,1,1,1,1,0,0,High skill tech staff,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.1965907704979024,0.6594055320683344,0.0124,,0.9886,,,0.0,0.069,0.0417,,,,0.0114,,0.0038,0.0126,,0.9886,,,0.0,0.069,0.0417,,,,0.0119,,0.004,0.0125,,0.9886,,,0.0,0.069,0.0417,,,,0.0116,,0.0038,,block of flats,0.0098,"Stone, brick",No,0.0,0.0,0.0,0.0,-802.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2432424,286145,Consumer loans,7667.775,36882.0,36882.0,0.0,36882.0,THURSDAY,18,Y,1,0.0,,,XAP,Refused,-1591,Cash through the bank,SCO,,Repeater,Mobile,POS,XNA,Country-wide,49,Connectivity,6.0,high,POS mobile with interest,,,,,,,0,Cash loans,M,N,Y,0,157500.0,263686.5,29952.0,238500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019101,-13144,-1436,-781.0,-4492,,1,1,1,1,1,0,,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.5728853998639784,0.7048886686561411,0.7062051096536562,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2078.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,1.0,0.0,0.0,0.0,2.0 +1696501,306390,Consumer loans,4578.075,37350.0,40432.5,0.0,37350.0,THURSDAY,11,Y,1,0.0,,,XAP,Approved,-1287,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,110,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1256.0,-986.0,-986.0,-983.0,0.0,0,Revolving loans,F,N,Y,0,112500.0,450000.0,22500.0,450000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.030755,-19818,-644,-4605.0,-2130,,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Business Entity Type 1,0.2986110064375698,0.5599679604237061,0.4974688893052743,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-1287.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1333162,150513,Cash loans,21149.505,229500.0,282861.0,,229500.0,WEDNESDAY,13,Y,1,,,,XNA,Approved,-532,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-502.0,8.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,126000.0,187704.0,11610.0,148500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.030755,-15490,-1464,-5689.0,-4087,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Industry: type 3,0.5742777388402869,0.5697285073304132,0.3506958432829587,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-532.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2417840,147087,Cash loans,28019.115,675000.0,790830.0,,675000.0,TUESDAY,9,Y,1,,,,XNA,Refused,-466,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,middle,Cash X-Sell: middle,,,,,,,0,Revolving loans,F,N,Y,0,157500.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.0038179999999999998,-15533,-5038,-5148.0,-4209,,1,1,1,1,0,0,,2.0,2,2,SATURDAY,7,0,0,0,0,1,1,Business Entity Type 3,,0.6955063388320168,0.7032033049040319,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-842.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2580850,188259,Consumer loans,19302.84,162661.5,174294.0,0.0,162661.5,WEDNESDAY,18,Y,1,0.0,,,XAP,Approved,-1154,Cash through the bank,XAP,Unaccompanied,Refreshed,Audio/Video,POS,XNA,Country-wide,1524,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1123.0,-853.0,-853.0,-848.0,0.0,0,Cash loans,F,N,Y,1,112500.0,604152.0,26739.0,540000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.019101,-15469,-544,-8346.0,-819,,1,1,0,1,0,0,High skill tech staff,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Kindergarten,0.6599183659775851,0.6261493645316187,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-2683.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2642083,335867,Consumer loans,5862.015,77845.5,81157.5,7785.0,77845.5,SATURDAY,10,Y,1,0.09532644941701353,,,XAP,Approved,-416,Cash through the bank,XAP,,Refreshed,Computers,POS,XNA,Regional / Local,351,Consumer electronics,18.0,middle,POS household with interest,365243.0,-385.0,125.0,-205.0,-198.0,0.0,0,Cash loans,F,N,Y,0,112500.0,544491.0,15732.0,454500.0,Children,Pensioner,Secondary / secondary special,Widow,House / apartment,0.01885,-21964,365243,-5313.0,-3821,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,11,0,0,0,0,0,0,XNA,,0.5523246073539029,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1847.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1300022,222904,Cash loans,11853.135,112500.0,142843.5,,112500.0,FRIDAY,15,Y,1,,,,XNA,Refused,-522,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,,,,,,,1,Cash loans,F,Y,N,0,112500.0,521280.0,26649.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,Rented apartment,0.010147,-16096,-2882,-1195.0,-4444,28.0,1,1,1,1,0,0,Sales staff,2.0,2,2,MONDAY,15,0,0,0,1,1,0,Self-employed,,0.6571581809509164,0.3825018041447388,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,2.0,6.0,1.0,-1232.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1839134,449325,Consumer loans,8392.41,73890.0,73890.0,0.0,73890.0,SUNDAY,10,Y,1,0.0,,,XAP,Approved,-238,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-198.0,72.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,1,202500.0,1061599.5,31171.5,927000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.014464,-11212,-355,-5043.0,-2720,,1,1,0,1,0,0,,3.0,2,2,SUNDAY,7,0,0,0,0,0,0,Business Entity Type 3,0.1910601557933396,0.7469413506538222,0.6925590674998008,0.1948,0.0906,0.9856,0.8028,0.0,0.0,0.0345,0.3333,0.375,0.0473,0.1589,0.106,0.0,0.0086,0.1985,0.094,0.9856,0.8105,0.0,0.0,0.0345,0.3333,0.375,0.0484,0.1736,0.1105,0.0,0.0091,0.1967,0.0906,0.9856,0.8054,0.0,0.0,0.0345,0.3333,0.375,0.0482,0.1616,0.108,0.0,0.0088,reg oper account,block of flats,0.1078,Panel,No,0.0,0.0,0.0,0.0,-1337.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +2568536,213617,Cash loans,16164.0,450000.0,450000.0,,450000.0,TUESDAY,16,Y,1,,,,XNA,Approved,-370,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-340.0,1070.0,-340.0,-337.0,0.0,0,Cash loans,F,N,Y,0,117000.0,450000.0,35685.0,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.014519999999999996,-10047,-1497,-4793.0,-1692,,1,1,0,1,0,0,Accountants,2.0,2,2,MONDAY,13,0,0,0,1,1,0,Military,0.2401646411306009,0.474357325941511,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-397.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1661012,307229,Cash loans,40279.185,675000.0,721332.0,,675000.0,SATURDAY,10,Y,1,,,,XNA,Approved,-679,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-649.0,41.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,180000.0,508495.5,34249.5,454500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.0060079999999999995,-16797,-5595,-4365.0,-317,,1,1,0,1,0,0,Core staff,2.0,2,2,SATURDAY,12,0,0,0,0,1,1,Government,,0.6178203925127677,0.6577838002083306,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2633133,371516,Cash loans,17232.03,135000.0,162778.5,,135000.0,THURSDAY,14,Y,1,,,,XNA,Approved,-1481,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1451.0,-1121.0,-1121.0,-1114.0,1.0,0,Cash loans,F,N,Y,1,180000.0,835380.0,35523.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.035792000000000004,-13574,-2182,-7636.0,-1179,,1,1,0,1,0,0,Accountants,2.0,2,2,MONDAY,15,0,0,0,0,1,1,Transport: type 4,0.7386908719592672,0.6991110705810547,0.4561097392782771,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2072.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2029451,399248,Cash loans,45864.36,450000.0,470790.0,,450000.0,WEDNESDAY,18,Y,1,,,,XNA,Approved,-1044,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-1009.0,-679.0,-679.0,-675.0,0.0,0,Cash loans,F,Y,Y,0,292500.0,1418692.5,56394.0,1305000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.035792000000000004,-22465,365243,-9995.0,-4260,24.0,1,0,0,1,0,0,,1.0,2,2,THURSDAY,18,0,0,0,0,0,0,XNA,,0.6632655320968049,0.2822484337007223,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1668.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1853665,297876,Cash loans,44696.07,900000.0,1123690.5,,900000.0,WEDNESDAY,17,Y,1,,,,XNA,Refused,-1237,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,36.0,low_normal,Cash Street: low,,,,,,,1,Cash loans,M,Y,Y,0,225000.0,491823.0,21793.5,373500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.032561,-14380,-2887,-1327.0,-2390,17.0,1,1,0,1,1,0,Cooking staff,1.0,1,1,MONDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.6435245192037757,0.1117563710719636,0.0371,0.0361,0.9518,0.3404,0.0132,0.0,0.1379,0.125,0.1667,0.032,0.0286,0.0613,0.0077,0.0007,0.0378,0.0375,0.9518,0.3662,0.0134,0.0,0.1379,0.125,0.1667,0.0327,0.0312,0.0639,0.0078,0.0008,0.0375,0.0361,0.9518,0.3492,0.0133,0.0,0.1379,0.125,0.1667,0.0326,0.0291,0.0624,0.0078,0.0007,reg oper account,block of flats,0.0484,"Stone, brick",No,0.0,0.0,0.0,0.0,-1879.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,9.0,0.0,3.0 +2371792,352623,Consumer loans,3414.555,25825.5,25033.5,2700.0,25825.5,SUNDAY,10,Y,1,0.1060286460254008,,,XAP,Approved,-1945,XNA,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,24,Connectivity,10.0,high,POS mobile with interest,365243.0,-1910.0,-1640.0,-1640.0,-1623.0,0.0,0,Revolving loans,M,N,N,0,90000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-10152,-499,-4838.0,-2840,,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,12,0,0,0,0,1,1,Other,,0.443929686228014,0.30162489168411943,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1847.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1023386,224006,Cash loans,,0.0,0.0,,,WEDNESDAY,17,Y,1,,,,XNA,Refused,-285,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,Y,Y,0,135000.0,327024.0,21982.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.022625,-8555,-782,-6487.0,-1216,1.0,1,1,0,1,0,0,,1.0,2,2,MONDAY,18,0,0,0,0,1,1,Business Entity Type 2,,0.3070917975273185,0.2650494299443805,0.0495,,0.9911,,,0.0,0.1379,0.0833,,,,0.0524,,,0.0504,,0.9911,,,0.0,0.1379,0.0833,,,,0.0546,,,0.05,,0.9911,,,0.0,0.1379,0.0833,,,,0.0533,,,,block of flats,0.0412,Panel,No,2.0,0.0,2.0,0.0,-44.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1665479,415401,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SUNDAY,10,Y,1,,,,XAP,Approved,-418,XNA,XAP,,New,XNA,Cards,walk-in,Country-wide,800,Consumer electronics,0.0,XNA,Card Street,-418.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,2,135000.0,254700.0,28935.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,Rented apartment,0.014464,-12012,-1509,-989.0,-1548,,1,1,0,1,0,0,Sales staff,4.0,2,2,FRIDAY,7,0,0,0,1,1,0,Self-employed,,0.4455875350351088,0.41885428862332175,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-418.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1995053,327707,Cash loans,62453.835,1035000.0,1110141.0,,1035000.0,MONDAY,14,Y,1,,,,XNA,Approved,-739,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,365243.0,-709.0,161.0,-709.0,-705.0,1.0,0,Cash loans,F,N,N,0,225000.0,733315.5,39069.0,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-18888,-7411,-802.0,-2428,,1,1,1,1,1,0,Managers,2.0,2,2,SATURDAY,11,0,0,0,0,1,1,Self-employed,,0.5920365037784427,0.6658549219640212,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-967.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2805773,378394,Cash loans,52096.32,450000.0,470790.0,,450000.0,THURSDAY,11,Y,1,,,,XNA,Approved,-712,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-682.0,-352.0,-412.0,-408.0,1.0,0,Cash loans,M,Y,Y,0,315000.0,590337.0,32152.5,477000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.025164,-11011,-641,-2302.0,-2391,2.0,1,1,0,1,0,1,Managers,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.1250386979344487,0.5303059593333679,,0.4495,,0.9911,,,0.44,0.3793,0.4167,,,,0.4719,,0.0024,0.458,,0.9911,,,0.4431,0.3793,0.4167,,,,0.4917,,0.0025,0.4538,,0.9911,,,0.44,0.3793,0.4167,,,,0.4804,,0.0024,,block of flats,0.3717,Panel,No,0.0,0.0,0.0,0.0,-1428.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,9.0 +1472635,283568,Cash loans,22900.905,180000.0,191880.0,,180000.0,MONDAY,10,Y,1,,,,XNA,Approved,-1421,Cash through the bank,XAP,Family,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-1391.0,-1061.0,-1061.0,-1057.0,1.0,0,Cash loans,F,N,Y,1,162000.0,301464.0,22068.0,238500.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.025164,-10880,-2723,-7525.0,-1488,,1,1,0,1,0,1,Sales staff,3.0,2,2,MONDAY,12,0,0,0,0,1,1,Trade: type 7,0.4668261116804526,0.5225048107426221,0.31703177858344445,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-729.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1177411,392969,Cash loans,18436.95,270000.0,299223.0,,270000.0,FRIDAY,10,Y,1,,,,XNA,Refused,-334,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,Y,Y,0,135000.0,254700.0,16713.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-18568,-3529,-2407.0,-2091,16.0,1,1,0,1,0,0,Core staff,2.0,1,1,WEDNESDAY,9,0,0,0,0,0,0,Self-employed,0.45914287549789295,0.635661136944773,0.5028782772082183,0.066,0.0,0.9742,0.6464,0.0054,0.0,0.1379,0.125,0.1667,0.0754,0.0538,0.051,0.0,0.0,0.0672,0.0,0.9742,0.6602,0.0055,0.0,0.1379,0.125,0.1667,0.0771,0.0588,0.0531,0.0,0.0,0.0666,0.0,0.9742,0.6511,0.0055,0.0,0.1379,0.125,0.1667,0.0767,0.0547,0.0519,0.0,0.0,reg oper account,block of flats,0.0431,"Stone, brick",No,2.0,0.0,2.0,0.0,-358.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,6.0 +2512750,117566,Cash loans,28260.81,315000.0,340573.5,,315000.0,MONDAY,11,Y,1,,,,XNA,Refused,-632,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,N,0,247500.0,500490.0,56731.5,450000.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,House / apartment,0.004849,-19349,-3680,-4938.0,-2837,,1,1,1,1,0,1,Core staff,1.0,2,2,WEDNESDAY,12,0,0,0,0,1,1,Government,,0.5150477015658823,0.4632753280912678,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-932.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +1395124,124759,Revolving loans,11250.0,0.0,225000.0,,,SATURDAY,16,Y,1,,,,XAP,Approved,-1501,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,40,Connectivity,0.0,XNA,Card X-Sell,-1499.0,-1468.0,365243.0,-888.0,-266.0,0.0,0,Cash loans,F,N,Y,0,180000.0,376920.0,18130.5,270000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.031329,-21049,365243,-2212.0,-4438,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,,0.25561615602133475,0.2707073872651806,,,0.9687,,,,0.069,0.0417,,0.0299,,0.0076,,,,,0.9687,,,,0.069,0.0417,,0.0306,,0.0079,,,,,0.9687,,,,0.069,0.0417,,0.0304,,0.0077,,,,block of flats,0.0067,Wooden,Yes,3.0,0.0,3.0,0.0,-2520.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1241821,442689,Consumer loans,6614.73,64125.0,70897.5,0.0,64125.0,TUESDAY,11,Y,1,0.0,,,XAP,Approved,-1096,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,352,Furniture,12.0,low_normal,POS industry with interest,365243.0,-1061.0,-731.0,-731.0,-726.0,0.0,0,Cash loans,F,N,N,3,135000.0,450000.0,27346.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-12347,-1694,-5342.0,-1615,,1,1,1,1,0,0,Laborers,5.0,2,2,FRIDAY,11,0,0,0,0,1,1,School,0.479422806114709,0.16696636451192173,0.5280927512030451,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1337.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2061912,206642,Consumer loans,9047.16,56983.5,51282.0,5701.5,56983.5,FRIDAY,16,Y,1,0.10896929493944416,,,XAP,Approved,-1355,Cash through the bank,XAP,Family,New,Construction Materials,POS,XNA,Stone,42,Construction,6.0,low_action,POS industry without interest,365243.0,-1324.0,-1174.0,-1174.0,-1170.0,0.0,0,Cash loans,M,N,Y,2,292500.0,1288350.0,37800.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.009175,-13617,-2574,-6915.0,-1980,,1,1,0,1,1,0,Laborers,4.0,2,2,TUESDAY,16,0,0,0,0,0,0,Business Entity Type 2,0.7669251196654584,0.7585313110795242,0.5154953751603267,0.1876,0.1374,0.9866,,,0.2,0.1724,0.3333,,,,0.1972,,0.0009,0.1912,0.1426,0.9866,,,0.2014,0.1724,0.3333,,,,0.2055,,0.001,0.1894,0.1374,0.9866,,,0.2,0.1724,0.3333,,,,0.2008,,0.001,,block of flats,0.1553,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2095412,178728,Cash loans,9804.285,67500.0,82611.0,,67500.0,WEDNESDAY,9,Y,1,,,,Repairs,Approved,-378,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-348.0,-18.0,-228.0,-220.0,1.0,0,Cash loans,F,N,Y,0,126000.0,309420.0,11794.5,202500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010966,-19593,-1321,-6684.0,-3127,,1,1,0,1,0,0,Cooking staff,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Trade: type 7,0.7683048267558502,0.3146243409982624,0.5814837058057234,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1058.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2031704,309150,Cash loans,28749.375,337500.0,430186.5,,337500.0,MONDAY,13,Y,1,,,,Medicine,Refused,-581,Cash through the bank,LIMIT,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,middle,Cash Street: middle,,,,,,,0,Cash loans,M,Y,Y,0,157500.0,528633.0,27121.5,472500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.010276,-17497,-373,-9196.0,-1053,24.0,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,13,0,0,0,0,1,1,Self-employed,,0.5460119360059363,0.6642482627052363,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-992.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1718251,144567,Consumer loans,14157.495,145107.0,118107.0,27000.0,145107.0,SATURDAY,15,Y,1,0.2026466989563189,,,XAP,Approved,-405,Cash through the bank,XAP,,Refreshed,Computers,POS,XNA,Country-wide,32,Connectivity,12.0,high,POS mobile with interest,365243.0,-369.0,-39.0,-39.0,-33.0,0.0,0,Revolving loans,F,Y,Y,2,112500.0,135000.0,6750.0,135000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.035792000000000004,-13272,-297,-7126.0,-4735,2.0,1,1,0,1,0,0,Core staff,4.0,2,2,FRIDAY,13,0,0,0,0,0,0,Government,,0.6100772498708287,0.4382813743111921,0.1237,0.1182,0.9806,0.7348,0.0165,0.0,0.2759,0.1667,0.2083,0.1028,0.1009,0.1071,0.0,0.0,0.1261,0.1226,0.9806,0.7452,0.0167,0.0,0.2759,0.1667,0.2083,0.1051,0.1102,0.1116,0.0,0.0,0.1249,0.1182,0.9806,0.7383,0.0167,0.0,0.2759,0.1667,0.2083,0.1046,0.1026,0.109,0.0,0.0,reg oper account,block of flats,0.0865,Panel,No,6.0,1.0,6.0,0.0,-405.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +2300881,226912,Cash loans,33512.085,454500.0,481495.5,,454500.0,SUNDAY,11,Y,1,,,,XNA,Approved,-450,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-420.0,90.0,-240.0,-233.0,1.0,0,Cash loans,F,N,Y,0,90000.0,188685.0,14238.0,157500.0,Unaccompanied,Pensioner,Lower secondary,Single / not married,House / apartment,0.011656999999999999,-23156,365243,-10518.0,-1825,,1,0,0,1,1,0,,1.0,1,1,TUESDAY,12,0,0,0,0,0,0,XNA,,0.6271879184061552,0.7194907850918436,0.0928,0.1209,0.9851,0.7959999999999999,0.0552,0.0,0.2069,0.1667,0.2083,0.1033,0.0748,0.0918,0.0039,0.0051,0.0945,0.1255,0.9851,0.804,0.0557,0.0,0.2069,0.1667,0.2083,0.1057,0.0817,0.0957,0.0039,0.0055,0.0937,0.1209,0.9851,0.7987,0.0555,0.0,0.2069,0.1667,0.2083,0.1051,0.0761,0.0935,0.0039,0.0053,reg oper account,block of flats,0.1035,Panel,No,3.0,1.0,3.0,1.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2479549,267287,Consumer loans,6057.765,108054.0,130873.5,0.0,108054.0,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-813,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,2711,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-782.0,-92.0,-92.0,-87.0,0.0,0,Cash loans,F,N,N,1,90000.0,916470.0,26797.5,765000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,With parents,0.01885,-9946,-607,-4594.0,-2617,,1,1,0,1,1,0,Laborers,3.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.1519282860743725,0.7133679991033435,0.2314393514998941,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-195.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1076458,272489,Consumer loans,4692.015,104035.5,104035.5,0.0,104035.5,FRIDAY,13,Y,1,0.0,,,XAP,Approved,-1446,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Country-wide,1700,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1415.0,-725.0,-1025.0,-1017.0,0.0,0,Cash loans,F,N,Y,0,90000.0,178290.0,17496.0,157500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.020713,-18008,-4175,-9589.0,-1561,,1,1,0,1,0,0,Sales staff,2.0,3,3,TUESDAY,7,0,0,0,0,0,0,Business Entity Type 3,0.5487804893515604,0.4439728718238079,,0.0928,0.0827,0.9866,0.8164,0.012,0.0,0.2069,0.1667,0.2083,0.0174,0.0756,0.0883,0.0,0.0211,0.0945,0.0858,0.9866,0.8236,0.0121,0.0,0.2069,0.1667,0.2083,0.0178,0.0826,0.092,0.0,0.0223,0.0937,0.0827,0.9866,0.8189,0.0121,0.0,0.2069,0.1667,0.2083,0.0177,0.077,0.0899,0.0,0.0215,reg oper account,block of flats,0.0691,Panel,No,0.0,0.0,0.0,0.0,-1446.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1277053,229900,Cash loans,38623.5,450000.0,450000.0,,450000.0,TUESDAY,13,Y,1,,,,XNA,Approved,-364,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-334.0,176.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,0,270000.0,545040.0,26509.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-11499,-2003,-6012.0,-4121,6.0,1,1,0,1,1,0,Laborers,2.0,2,2,MONDAY,17,0,0,0,0,1,1,Self-employed,,0.6238327510269711,0.7969726818373722,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1146.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1331379,338390,Revolving loans,33750.0,0.0,675000.0,,,FRIDAY,14,Y,1,,,,XAP,Approved,-601,XNA,XAP,,Repeater,XNA,Cards,x-sell,Stone,35,Consumer electronics,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,N,0,135000.0,152820.0,16344.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-13517,-3550,-2876.0,-4215,,1,1,0,1,0,0,Accountants,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Other,0.7428343552956621,0.4237531412834735,0.8106180215523969,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1597.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2624500,285231,Cash loans,30365.865,472500.0,509922.0,,472500.0,MONDAY,11,Y,1,,,,XNA,Refused,-120,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,337500.0,254700.0,27153.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.00963,-19286,-1493,-5520.0,-2482,,1,1,0,1,0,0,Laborers,1.0,2,2,TUESDAY,17,0,0,0,0,0,0,Self-employed,,0.616849216004652,0.6479768603302221,0.0763,0.0,0.9921,,,0.0,0.1724,0.2083,,0.0174,,0.0814,,,0.0777,0.0,0.9921,,,0.0,0.1724,0.2083,,0.0178,,0.0848,,,0.077,0.0,0.9921,,,0.0,0.1724,0.2083,,0.0177,,0.0829,,,,block of flats,0.0711,"Stone, brick",No,0.0,0.0,0.0,0.0,-349.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1205531,279590,Consumer loans,5407.335,39141.0,39141.0,0.0,39141.0,MONDAY,12,Y,1,0.0,,,XAP,Approved,-11,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,10.0,high,POS mobile with interest,365243.0,365243.0,301.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,29250.0,344043.0,14575.5,297000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-21720,365243,-3414.0,-4104,,1,0,0,1,0,0,,3.0,2,2,FRIDAY,9,0,0,0,0,0,0,XNA,0.617433961839037,0.5695944878751288,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1072.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2269934,333730,Consumer loans,10584.765,113400.0,113400.0,0.0,113400.0,WEDNESDAY,13,Y,1,0.0,,,XAP,Approved,-242,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,39,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-211.0,119.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,135000.0,1223010.0,48631.5,1125000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.006296,-21264,365243,-702.0,-4359,,1,0,0,1,0,0,,2.0,3,3,SUNDAY,11,0,0,0,0,0,0,XNA,0.8493175387290869,0.5338883371907167,0.6263042766749393,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-656.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2647244,310484,Cash loans,94179.285,1125000.0,1190340.0,,1125000.0,SATURDAY,9,Y,1,,,,XNA,Refused,-2,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,M,Y,Y,0,247500.0,1247476.5,83367.0,1179000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.020713,-9395,-2063,-6676.0,-2081,19.0,1,1,0,1,0,0,Laborers,1.0,3,1,MONDAY,9,0,0,0,0,0,0,Construction,,0.562515003113777,0.6706517530862718,0.0371,0.0,0.9737,0.6396,0.0035,0.0,0.069,0.1667,0.0,0.0207,0.0303,0.0331,0.0,0.0,0.0378,0.0,0.9737,0.6537,0.0036,0.0,0.069,0.1667,0.0,0.0211,0.0331,0.0345,0.0,0.0,0.0375,0.0,0.9737,0.6444,0.0036,0.0,0.069,0.1667,0.0,0.021,0.0308,0.0337,0.0,0.0,reg oper account,block of flats,0.028,"Stone, brick",No,0.0,0.0,0.0,0.0,-1588.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2388694,248107,Consumer loans,19179.585,179955.0,176283.0,17995.5,179955.0,SUNDAY,12,Y,1,0.10087959014788282,,,XAP,Approved,-1819,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,270,Consumer electronics,12.0,high,POS household with interest,365243.0,-1788.0,-1458.0,-1458.0,-1455.0,0.0,0,Cash loans,M,N,Y,0,270000.0,143910.0,14364.0,135000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-17112,-1720,-674.0,-659,,1,1,0,1,0,0,Laborers,2.0,1,1,SATURDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.7648187737983707,0.8256357449717892,0.2231,0.1042,0.9836,0.7756,0.1105,0.28800000000000003,0.1448,0.5,0.0417,0.0,0.1807,0.2048,0.0054,0.0356,0.1134,0.0468,0.9801,0.7321,0.0471,0.2417,0.1034,0.5417,0.0417,0.0,0.0964,0.1038,0.0039,0.0,0.1759,0.0853,0.9851,0.792,0.0605,0.24,0.1034,0.5417,0.0417,0.0,0.1428,0.1944,0.0039,0.0041,,block of flats,0.1595,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,3.0 +1746981,128677,Cash loans,13925.655,126000.0,160726.5,0.0,126000.0,FRIDAY,9,Y,1,0.0,,,XNA,Approved,-1755,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-1725.0,-1215.0,-1425.0,-1417.0,1.0,0,Cash loans,F,N,Y,0,135000.0,814041.0,23931.0,679500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-19490,-4489,-2988.0,-2891,,1,1,0,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,Self-employed,,0.5979331088936938,0.5352762504724826,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,0.0,8.0,0.0,-1755.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +2172826,292166,Consumer loans,6869.745,49500.0,53586.0,0.0,49500.0,MONDAY,10,Y,1,0.0,,,XAP,Approved,-1737,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,470,Furniture,10.0,high,POS industry with interest,365243.0,-1706.0,-1436.0,-1436.0,-1430.0,0.0,0,Cash loans,F,N,Y,0,90000.0,900000.0,32017.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-17726,-5845,-680.0,-1279,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,8,0,0,0,0,0,0,Industry: type 7,,0.6283631883398811,0.5352762504724826,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-498.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1482638,384835,Consumer loans,13749.48,190296.0,222952.5,0.0,190296.0,TUESDAY,20,Y,1,0.0,,,XAP,Refused,-543,Cash through the bank,LIMIT,,Repeater,Computers,POS,XNA,Country-wide,450,Consumer electronics,24.0,middle,POS household with interest,,,,,,,1,Cash loans,F,N,N,2,126000.0,545040.0,26640.0,450000.0,Unaccompanied,Working,Incomplete higher,Married,Office apartment,0.008625,-12955,-245,-6884.0,-3312,,1,1,1,1,0,0,Sales staff,4.0,2,2,SATURDAY,11,1,1,0,1,1,0,Business Entity Type 1,0.4199205891051061,0.6090311582809871,0.08226850764912726,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1616279,454603,Cash loans,11162.88,229500.0,229500.0,,229500.0,TUESDAY,8,Y,1,,,,XNA,Refused,-16,XNA,HC,Unaccompanied,Refreshed,XNA,Cash,x-sell,Contact center,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,N,0,94500.0,405000.0,19696.5,405000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.009656999999999999,-22440,365243,-10096.0,-4823,,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,XNA,,0.5801277578958426,0.41184855592423975,0.0134,0.0,0.9707,0.5988,0.0013,0.0,0.069,0.0417,0.0833,0.006,0.0109,0.0148,0.0,0.0033,0.0137,0.0,0.9707,0.6145,0.0013,0.0,0.069,0.0417,0.0833,0.0062,0.0119,0.0154,0.0,0.0035,0.0135,0.0,0.9707,0.6042,0.0013,0.0,0.069,0.0417,0.0833,0.0061,0.0111,0.0151,0.0,0.0033,reg oper spec account,block of flats,0.0116,"Stone, brick",No,0.0,0.0,0.0,0.0,-1769.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1472564,180593,Revolving loans,4500.0,90000.0,90000.0,,90000.0,SATURDAY,6,Y,1,,,,XAP,Approved,-423,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-404.0,-379.0,365243.0,-197.0,365243.0,0.0,0,Cash loans,M,N,Y,0,157500.0,166500.0,12195.0,166500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018209,-22472,365243,-6315.0,-5170,,1,0,0,1,0,0,,2.0,3,3,TUESDAY,6,0,0,0,0,0,0,XNA,,0.4438325217360393,0.2622489709189549,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1358.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1880534,121828,Consumer loans,3622.05,23805.0,22837.5,2380.5,23805.0,THURSDAY,13,Y,1,0.1028067614041918,,,XAP,Approved,-2618,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,30,Connectivity,8.0,high,POS mobile with interest,365243.0,-2587.0,-2377.0,-2377.0,-2370.0,1.0,0,Cash loans,F,N,Y,0,76500.0,675000.0,26770.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.032561,-13708,-2142,-8983.0,-2467,,1,1,0,1,1,0,Cooking staff,2.0,1,1,THURSDAY,10,1,1,0,1,1,1,Transport: type 4,,0.4781645987990909,,0.4979,0.34,0.9836,0.7756,,0.52,0.4483,0.3333,0.375,0.1414,,0.4153,,,0.5074,0.3528,0.9836,0.7844,,0.5236,0.4483,0.3333,0.375,0.1446,,0.3394,,,0.5028,0.34,0.9836,0.7786,,0.52,0.4483,0.3333,0.375,0.1438,,0.4228,,,reg oper account,block of flats,0.4002,Panel,No,0.0,0.0,0.0,0.0,-2019.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2127729,390173,Cash loans,15305.76,432000.0,432000.0,,432000.0,SATURDAY,16,Y,1,,,,XNA,Approved,-497,XNA,XAP,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,N,Y,1,54000.0,58500.0,4590.0,58500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.018801,-15449,-2161,-1970.0,-4327,,1,1,1,1,1,0,Security staff,3.0,2,2,SATURDAY,7,0,0,0,0,1,1,Security,0.1909727342056626,0.5480222170799227,0.8435435389318647,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-758.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1033347,246276,Cash loans,40372.695,810000.0,893398.5,,810000.0,TUESDAY,10,Y,1,,,,XNA,Approved,-856,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-826.0,224.0,-466.0,-459.0,1.0,0,Cash loans,F,Y,Y,0,90000.0,117000.0,13360.5,117000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-18040,-1204,-3905.0,-1571,5.0,1,1,0,1,0,0,,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,Government,0.4723258914895272,0.06285962157766149,0.2176285202779586,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1546.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1732623,102095,Consumer loans,10654.47,116950.5,103441.5,23391.0,116950.5,SATURDAY,14,Y,1,0.20085487122421652,,,XAP,Approved,-693,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,700,Consumer electronics,12.0,middle,POS household with interest,365243.0,-662.0,-332.0,-332.0,-321.0,0.0,0,Cash loans,M,Y,N,0,225000.0,135000.0,13351.5,135000.0,Unaccompanied,Working,Higher education,Single / not married,Municipal apartment,0.02461,-11831,-623,-5819.0,-4306,6.0,1,1,0,1,1,0,Managers,1.0,2,2,SATURDAY,14,0,0,0,0,0,0,Business Entity Type 1,0.2952009702816009,0.6439407750904774,0.5726825047161584,0.1299,,0.9871,,,0.16,0.1379,0.3333,,,,0.1353,,0.0,0.1324,,0.9871,,,0.1611,0.1379,0.3333,,,,0.141,,0.0,0.1312,,0.9871,,,0.16,0.1379,0.3333,,,,0.1377,,0.0,,block of flats,0.1064,Panel,No,0.0,0.0,0.0,0.0,-1715.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,4.0,0.0,3.0 +1390867,199484,Cash loans,16413.12,180000.0,197820.0,0.0,180000.0,THURSDAY,7,Y,1,0.0,,,Other,Approved,-2245,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,365243.0,-2214.0,-1704.0,-1704.0,-1696.0,0.0,0,Cash loans,M,Y,N,0,157500.0,1223010.0,51948.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-22463,-3730,-2514.0,-4243,32.0,1,1,0,1,1,0,Cleaning staff,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.14972221040074896,,0.1113,0.0685,0.9796,,,0.0,0.1724,0.1667,,0.0,,0.0578,,0.0039,0.1134,0.071,0.9796,,,0.0,0.1724,0.1667,,0.0,,0.0603,,0.0041,0.1124,0.0685,0.9796,,,0.0,0.1724,0.1667,,0.0,,0.0589,,0.004,,specific housing,0.0765,"Stone, brick",No,0.0,0.0,0.0,0.0,-1.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2062273,325555,Consumer loans,2684.16,20430.0,19678.5,2250.0,20430.0,THURSDAY,21,Y,1,0.1117474768203272,,,XAP,Approved,-1619,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,31,Connectivity,10.0,high,POS mobile with interest,365243.0,-1570.0,-1300.0,-1300.0,-1280.0,0.0,0,Cash loans,M,N,Y,0,202500.0,945000.0,33943.5,945000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.003069,-18568,-4332,-747.0,-2062,,1,1,0,1,0,0,Managers,2.0,3,3,SATURDAY,13,0,0,0,1,0,1,Construction,0.8627509788348069,0.7591196008476511,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1619.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2293002,156972,Cash loans,47998.395,1215000.0,1338493.5,,1215000.0,SATURDAY,10,Y,1,,,,XNA,Approved,-917,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,42.0,low_normal,Cash X-Sell: low,365243.0,-887.0,343.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,N,1,360000.0,288873.0,18589.5,238500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.016612000000000002,-19688,-1087,-6643.0,-3234,23.0,1,1,0,1,0,0,Drivers,2.0,2,2,SATURDAY,10,0,0,0,1,1,0,Business Entity Type 1,,0.5655907383693557,0.5954562029091491,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,2.0,1.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1979164,343976,Cash loans,14139.36,67500.0,69727.5,,67500.0,WEDNESDAY,16,Y,1,,,,Other,Approved,-403,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,6.0,high,Cash Street: high,365243.0,-373.0,-223.0,-223.0,-217.0,1.0,0,Cash loans,F,N,Y,0,112500.0,514777.5,27423.0,477000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.02461,-21355,-14193,-13234.0,-4791,,1,1,0,1,1,0,Laborers,2.0,2,2,SUNDAY,11,0,0,0,0,0,0,Self-employed,0.7223140263302514,0.6716137655335761,0.8128226070575616,0.034,0.0581,0.9717,0.6124,0.0094,0.0,0.1379,0.125,0.1667,0.0427,0.0277,0.0343,0.0,0.0022,0.0347,0.0603,0.9717,0.6276,0.0095,0.0,0.1379,0.125,0.1667,0.0436,0.0303,0.0357,0.0,0.0024,0.0344,0.0581,0.9717,0.6176,0.0094,0.0,0.1379,0.125,0.1667,0.0434,0.0282,0.0349,0.0,0.0023,,block of flats,0.0055,"Stone, brick",No,4.0,0.0,4.0,0.0,-1480.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,4.0,0.0,1.0 +1302134,132200,Cash loans,45205.605,1350000.0,1546020.0,,1350000.0,SUNDAY,10,Y,1,,,,XNA,Approved,-374,XNA,XAP,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,112500.0,945000.0,27630.0,945000.0,Unaccompanied,Working,Incomplete higher,Married,Municipal apartment,0.026392000000000002,-18818,-824,-1793.0,-2198,,1,1,0,1,1,0,Cleaning staff,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.818741813370759,0.3055816088169613,0.4812493411434029,0.2856,0.1653,0.997,,,0.36,0.3103,0.375,,0.3138,,0.3246,,0.0,0.29100000000000004,0.1715,0.997,,,0.3625,0.3103,0.375,,0.321,,0.3382,,0.0,0.2883,0.1653,0.997,,,0.36,0.3103,0.375,,0.3193,,0.3304,,0.0,,block of flats,0.2553,Panel,No,4.0,0.0,4.0,0.0,-816.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +2128606,246518,Cash loans,,0.0,0.0,,,THURSDAY,12,Y,1,,,,XNA,Refused,-127,XNA,HC,,Refreshed,XNA,XNA,XNA,Contact center,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,Y,Y,0,229500.0,521280.0,35392.5,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.006629,-20550,365243,-45.0,-4102,4.0,1,0,0,1,0,0,,2.0,2,2,FRIDAY,6,0,0,0,0,0,0,XNA,,0.4519869317214981,0.4992720153045617,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-275.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1698372,164102,Cash loans,46902.15,1035000.0,1035000.0,,1035000.0,THURSDAY,12,Y,1,,,,XNA,Approved,-828,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-798.0,252.0,-738.0,-727.0,0.0,0,Cash loans,M,Y,Y,2,450000.0,900000.0,47952.0,900000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.072508,-12782,-4412,-6907.0,-4224,2.0,1,1,0,1,0,0,,4.0,1,1,SATURDAY,13,0,0,0,0,0,0,Military,,0.7676428651737068,,0.1351,0.1168,0.9811,0.7416,0.0822,0.16,0.069,0.625,0.6667,0.0,0.1042,0.1572,0.027000000000000003,0.0353,0.1376,0.1212,0.9811,0.7517,0.0829,0.1611,0.069,0.625,0.6667,0.0,0.1139,0.1638,0.0272,0.0374,0.1364,0.1168,0.9811,0.7451,0.0827,0.16,0.069,0.625,0.6667,0.0,0.106,0.1601,0.0272,0.0361,reg oper spec account,block of flats,0.1314,Panel,No,0.0,0.0,0.0,0.0,-3332.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1177267,198942,Cash loans,17270.1,326299.995,379278.495,,326299.995,THURSDAY,18,Y,1,,,,XNA,Approved,-1198,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash Street: middle,365243.0,-1168.0,-118.0,-808.0,-801.0,1.0,0,Cash loans,F,N,Y,0,270000.0,814041.0,28971.0,679500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.008473999999999999,-23299,-1764,-729.0,-1388,,1,1,0,1,0,0,Managers,2.0,2,2,FRIDAY,19,0,0,0,1,1,0,Trade: type 7,,0.32224139052014783,0.2940831009471255,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-500.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,4.0 +1407867,194540,Cash loans,54194.175,900000.0,965340.0,,900000.0,WEDNESDAY,8,Y,1,,,,XNA,Refused,-448,XNA,LIMIT,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,30.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,112500.0,573628.5,26712.0,463500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.01885,-16155,-1930,-832.0,-3870,,1,1,0,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Self-employed,0.4970924430671282,0.6418372239659585,0.4686596550493113,0.2237,0.115,0.9811,0.7416,0.0267,0.24,0.2069,0.3333,0.375,0.4972,0.1816,0.2191,0.0,0.0069,0.2279,0.1193,0.9811,0.7517,0.027000000000000003,0.2417,0.2069,0.3333,0.375,0.5085,0.1983,0.2283,0.0,0.0073,0.2259,0.115,0.9811,0.7451,0.0269,0.24,0.2069,0.3333,0.375,0.5058,0.1847,0.2231,0.0,0.0071,,block of flats,0.1724,"Stone, brick",No,6.0,1.0,6.0,1.0,-1360.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +1379662,381307,Cash loans,31727.565,895500.0,895500.0,,895500.0,WEDNESDAY,10,Y,1,,,,XNA,Refused,-153,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,middle,Cash X-Sell: middle,,,,,,,0,Revolving loans,F,N,Y,0,225000.0,450000.0,22500.0,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.010032,-19702,365243,-2898.0,-3242,,1,0,0,1,1,0,,1.0,2,2,TUESDAY,9,0,0,0,0,0,0,XNA,,0.3368648297697268,0.6023863442690867,0.1227,0.1327,0.9776,0.6940000000000001,0.0489,0.0,0.2414,0.1667,0.2083,0.0876,0.0967,0.1025,0.0154,0.0125,0.105,0.1189,0.9777,0.706,0.0385,0.0,0.2069,0.1667,0.2083,0.0769,0.0918,0.0936,0.0,0.0,0.1239,0.1327,0.9776,0.6981,0.0492,0.0,0.2414,0.1667,0.2083,0.0891,0.0983,0.1044,0.0155,0.0128,reg oper account,block of flats,0.0733,"Stone, brick",No,0.0,0.0,0.0,0.0,-1382.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1203545,233135,Cash loans,37776.15,1143000.0,1143000.0,,1143000.0,WEDNESDAY,11,Y,1,,,,XNA,Refused,-208,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,1,135000.0,454500.0,33070.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.011703,-11164,-1603,-6663.0,-577,,1,1,0,1,0,0,High skill tech staff,3.0,2,2,MONDAY,11,0,0,0,0,0,0,Industry: type 3,0.20215212044981568,0.5357761411966231,0.1766525794312139,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1707.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2488925,387058,Cash loans,37657.17,1246500.0,1427490.0,,1246500.0,TUESDAY,5,Y,1,,,,XNA,Refused,-221,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,157500.0,1436850.0,42142.5,1125000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.020713,-19476,365243,-4746.0,-2829,,1,0,0,1,0,0,,1.0,3,3,SATURDAY,13,1,0,0,1,0,0,XNA,0.5563376550714776,0.7344055076440443,0.4686596550493113,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1075.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,5.0 +1683861,210246,Cash loans,20997.0,112500.0,112500.0,,112500.0,WEDNESDAY,8,Y,1,,,,XNA,Approved,-586,XNA,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,AP+ (Cash loan),6,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-556.0,-406.0,-406.0,-393.0,0.0,0,Cash loans,F,Y,Y,0,126000.0,472500.0,44991.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0038130000000000004,-21764,-8677,-4689.0,-4694,6.0,1,1,1,1,1,0,Managers,2.0,2,2,MONDAY,6,0,0,0,0,0,0,Culture,0.6660527830087835,0.08265365470635308,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-884.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2137194,264288,Consumer loans,9176.58,52069.5,52015.5,5211.0,52069.5,FRIDAY,14,Y,1,0.09917176006347976,,,XAP,Approved,-790,Cash through the bank,XAP,Family,New,Construction Materials,POS,XNA,Stone,426,Construction,6.0,low_action,POS industry without interest,365243.0,-754.0,-604.0,-604.0,-598.0,0.0,0,Cash loans,M,N,N,2,112500.0,610335.0,22050.0,463500.0,Family,Working,Incomplete higher,Married,House / apartment,0.00496,-17055,-2208,-6113.0,-409,,1,1,0,1,1,0,,4.0,2,2,THURSDAY,13,0,0,0,0,1,1,School,,0.3548852999024324,0.6832688314232291,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-790.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1453011,332954,Consumer loans,7266.15,37305.0,39276.0,0.0,37305.0,WEDNESDAY,16,Y,1,0.0,,,XAP,Approved,-918,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Stone,605,Consumer electronics,6.0,middle,POS household with interest,365243.0,-887.0,-737.0,-737.0,-732.0,0.0,0,Cash loans,F,Y,N,0,112500.0,808650.0,23773.5,675000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.002042,-13684,-853,-3984.0,-4075,2.0,1,1,0,1,0,0,Private service staff,2.0,3,3,THURSDAY,13,0,0,0,0,0,0,Services,,0.4867477662007158,0.6347055309763198,0.0577,0.0636,0.9806,,,0.0,0.1379,0.1667,,0.0493,,0.0528,,0.1006,0.0588,0.066,0.9806,,,0.0,0.1379,0.1667,,0.0504,,0.055,,0.1065,0.0583,0.0636,0.9806,,,0.0,0.1379,0.1667,,0.0502,,0.0537,,0.1027,,block of flats,0.0467,"Stone, brick",No,3.0,0.0,3.0,0.0,-1542.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1610560,329772,Cash loans,66734.46,1129500.0,1195101.0,,1129500.0,FRIDAY,8,Y,1,,,,XNA,Approved,-574,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-544.0,146.0,-394.0,-390.0,1.0,0,Cash loans,F,N,Y,0,180000.0,1223010.0,51948.0,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.028663,-19921,-444,-4319.0,-3483,,1,1,0,1,1,0,Accountants,2.0,2,2,FRIDAY,8,1,1,0,1,1,0,Business Entity Type 3,,0.5391683102772158,,0.0763,0.0414,0.9911,0.8776,0.0132,0.08,0.069,0.3471,0.3958,0.0477,0.0639,0.0789,0.0,0.0013,0.0735,0.0425,0.9911,0.8824,0.0129,0.0806,0.069,0.3333,0.375,0.0488,0.0661,0.0786,0.0,0.0,0.0749,0.0409,0.9911,0.8792,0.0133,0.08,0.069,0.3333,0.3958,0.0486,0.065,0.078,0.0,0.0,reg oper account,block of flats,0.0672,Panel,No,0.0,0.0,0.0,0.0,-479.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1297320,102251,Cash loans,,0.0,0.0,,,THURSDAY,12,Y,1,,,,XNA,Refused,-238,XNA,SCOFR,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,Y,Y,0,135000.0,407520.0,29655.0,360000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009175,-13408,-602,-2105.0,-2100,8.0,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,9,0,0,0,1,1,1,Self-employed,,0.6420583803586494,,0.0,,0.9906,,,0.0,0.1379,0.1667,,,,0.0883,,,0.0,,0.9906,,,0.0,0.1379,0.1667,,,,0.092,,,0.0,,0.9906,,,0.0,0.1379,0.1667,,,,0.0899,,,,block of flats,0.0757,Panel,No,0.0,0.0,0.0,0.0,-685.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1500852,287795,Cash loans,,0.0,0.0,,,SATURDAY,17,Y,1,,,,XNA,Refused,-382,XNA,HC,,Repeater,XNA,XNA,XNA,AP+ (Cash loan),18,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,Y,Y,0,126000.0,299772.0,23814.0,247500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.002042,-10054,-201,-1442.0,-2444,4.0,1,1,0,1,0,0,Managers,2.0,3,3,WEDNESDAY,15,0,0,0,1,1,1,Self-employed,,0.3574527222862288,0.6528965519806539,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-649.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2248366,189769,Consumer loans,3662.235,29565.0,28791.0,2970.0,29565.0,THURSDAY,12,Y,1,0.10184188155284782,,,XAP,Approved,-1260,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,20,Connectivity,10.0,high,POS mobile with interest,365243.0,-1209.0,-939.0,-969.0,-962.0,0.0,0,Cash loans,F,N,N,1,180000.0,816660.0,26473.5,585000.0,Family,Working,Higher education,Separated,With parents,0.04622,-11666,-2302,-5571.0,-3304,,1,1,0,1,0,0,Sales staff,2.0,1,1,THURSDAY,11,0,0,0,0,0,0,Self-employed,,0.34276146294341203,0.7886807751817684,0.0165,,0.9762,,,,0.069,0.0417,,,,0.0144,,0.0,0.0168,,0.9762,,,,0.069,0.0417,,,,0.015,,0.0,0.0167,,0.9762,,,,0.069,0.0417,,,,0.0147,,0.0,,block of flats,0.0113,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2804809,125400,Cash loans,5340.6,45000.0,45000.0,,45000.0,WEDNESDAY,13,Y,1,,,,XNA,Approved,-1235,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Country-wide,50,Connectivity,12.0,high,Cash Street: high,365243.0,-1205.0,-875.0,-905.0,-902.0,0.0,0,Cash loans,M,Y,N,1,202500.0,1223010.0,51817.5,1125000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.028663,-10386,-1724,-3434.0,-3045,9.0,1,1,1,1,1,0,Managers,3.0,2,2,SATURDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.4837902081482433,0.4210322022551371,0.0005272652387098817,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1665.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1651889,361166,Cash loans,89804.475,1282500.0,1338367.5,,1282500.0,TUESDAY,6,Y,1,,,,XNA,Approved,-499,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_normal,Cash X-Sell: low,365243.0,-469.0,41.0,-19.0,-11.0,1.0,0,Cash loans,F,N,Y,0,184500.0,1113840.0,47322.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-20925,-501,-50.0,-4448,,1,1,0,1,0,0,Sales staff,2.0,3,2,THURSDAY,8,0,0,0,0,0,0,Self-employed,0.4288491808203279,0.4441456226663119,0.520897599048938,0.0722,0.0274,0.9791,0.7144,0.0086,0.0,0.1379,0.1667,0.2083,0.041,0.058,0.0663,0.0039,0.0132,0.0735,0.0284,0.9791,0.7256,0.0087,0.0,0.1379,0.1667,0.2083,0.0419,0.0634,0.0691,0.0039,0.014,0.0729,0.0274,0.9791,0.7182,0.0087,0.0,0.1379,0.1667,0.2083,0.0417,0.059,0.0675,0.0039,0.0135,reg oper account,block of flats,0.0597,Panel,No,0.0,0.0,0.0,0.0,-1191.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +2479843,264439,Cash loans,47830.5,1350000.0,1350000.0,,1350000.0,SATURDAY,14,Y,1,,,,XNA,Approved,-283,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,60.0,middle,Cash X-Sell: middle,365243.0,-253.0,1517.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,112500.0,900000.0,29745.0,900000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.028663,-11642,-921,-994.0,-2500,,1,1,0,1,1,0,Core staff,2.0,2,2,TUESDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.4444164064002089,0.5198144646178159,0.5620604831738043,0.0923,0.0568,0.9911,0.9048,0.0134,0.0968,0.0834,0.3333,0.375,0.0811,0.093,0.1033,0.0,0.004,0.0756,0.0392,0.9896,0.8628,0.0,0.0403,0.0345,0.3333,0.375,0.0646,0.0404,0.0575,0.0,0.0,0.0749,0.0447,0.9896,0.9128,0.0141,0.08,0.069,0.3333,0.375,0.0766,0.118,0.0779,0.0,0.0,reg oper account,block of flats,0.1757,Panel,No,0.0,0.0,0.0,0.0,-283.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2778290,351413,Cash loans,35927.325,180000.0,185940.0,0.0,180000.0,MONDAY,18,Y,1,0.0,,,XNA,Approved,-2402,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,365243.0,-2368.0,-2218.0,-2218.0,-2207.0,1.0,0,Cash loans,F,N,N,0,270000.0,1345500.0,36999.0,1345500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-20005,-4259,-11024.0,-3499,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.5775048861754747,0.8027454758994178,0.3526,0.2763,0.9841,,,0.36,0.2586,0.3333,,,,0.2833,,0.0,0.3592,0.2868,0.9826,,,0.3625,0.1724,0.3333,,,,0.1971,,0.0,0.35600000000000004,0.2763,0.9841,,,0.36,0.2586,0.3333,,,,0.2884,,0.0,,block of flats,0.1745,Block,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1800947,167707,Cash loans,23595.255,495000.0,553806.0,,495000.0,TUESDAY,10,Y,1,,,,XNA,Approved,-752,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),10,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-722.0,328.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,171000.0,820638.0,32674.5,733500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.025164,-22230,365243,-4832.0,-4159,,1,0,0,1,1,0,,1.0,2,2,FRIDAY,13,0,0,0,0,0,0,XNA,0.5733827975701797,0.2631435910213423,0.7886807751817684,0.0124,0.0,0.9702,0.5920000000000001,0.0027,0.0,0.069,0.0417,0.0833,0.0472,0.0101,0.0176,0.0,0.0,0.0126,0.0,0.9702,0.608,0.0027,0.0,0.069,0.0417,0.0833,0.0483,0.011,0.0183,0.0,0.0,0.0125,0.0,0.9702,0.5975,0.0027,0.0,0.069,0.0417,0.0833,0.048,0.0103,0.0179,0.0,0.0,reg oper account,block of flats,0.0153,"Stone, brick",No,0.0,0.0,0.0,0.0,-752.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2220985,175527,Cash loans,5693.085,45000.0,47970.0,,45000.0,SATURDAY,11,Y,1,,,,Everyday expenses,Approved,-663,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Country-wide,19,Connectivity,12.0,high,Cash Street: high,365243.0,-633.0,-303.0,-393.0,-389.0,1.0,0,Cash loans,F,N,Y,1,31500.0,86598.0,9900.0,76500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-15770,-935,-1962.0,-4755,,1,1,0,1,0,0,Cleaning staff,3.0,2,2,THURSDAY,15,0,0,0,0,0,0,Hotel,,0.044253310341935324,,0.066,0.0667,0.9752,,,0.0,0.1379,0.125,,0.0,,0.0572,,0.0,0.0672,0.0692,0.9752,,,0.0,0.1379,0.125,,0.0,,0.0595,,0.0,0.0666,0.0667,0.9752,,,0.0,0.1379,0.125,,0.0,,0.0582,,0.0,,block of flats,0.045,Panel,No,10.0,0.0,10.0,0.0,-2643.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1408907,362534,Consumer loans,3093.03,65412.0,65412.0,0.0,65412.0,SATURDAY,16,Y,1,0.0,,,XAP,Approved,-525,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,402,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-494.0,196.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,135000.0,288873.0,14179.5,238500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.00733,-20462,-424,-1278.0,-1297,,1,1,0,1,0,0,HR staff,1.0,2,2,SATURDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.2609278148739624,0.3842068130556564,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +1462913,283557,Cash loans,4023.0,45000.0,45000.0,0.0,45000.0,WEDNESDAY,9,Y,1,0.0,,,XNA,Approved,-2880,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,15.0,middle,Cash Street: middle,365243.0,-2850.0,-2430.0,-2430.0,-2421.0,0.0,0,Cash loans,F,N,N,0,67500.0,99000.0,3555.0,99000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.010643000000000001,-20967,365243,-4264.0,-4518,,1,0,0,1,1,0,,1.0,2,2,FRIDAY,13,0,0,0,0,0,0,XNA,0.6627435367893676,0.6633046029913497,0.7981372313187245,0.0722,0.0663,0.9771,0.6872,0.0077,0.0,0.1379,0.1667,0.2083,0.0367,0.058,0.0642,0.0039,0.0044,0.0735,0.0688,0.9772,0.6994,0.0078,0.0,0.1379,0.1667,0.2083,0.0375,0.0634,0.0669,0.0039,0.0047,0.0729,0.0663,0.9771,0.6914,0.0077,0.0,0.1379,0.1667,0.2083,0.0373,0.059,0.0653,0.0039,0.0045,reg oper account,block of flats,0.0556,"Stone, brick",No,0.0,0.0,0.0,0.0,-1443.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2749823,384367,Cash loans,33178.05,315000.0,332046.0,,315000.0,SATURDAY,14,Y,1,,,,XNA,Approved,-779,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-749.0,-419.0,-419.0,-414.0,1.0,0,Cash loans,F,N,Y,0,202500.0,647046.0,21001.5,463500.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-22743,365243,-4910.0,-4953,,1,0,0,1,0,0,,2.0,2,2,MONDAY,11,0,0,0,0,0,0,XNA,,0.3083542338350362,0.5280927512030451,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1006.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2395963,382936,Consumer loans,11166.48,215986.5,215986.5,0.0,215986.5,MONDAY,13,Y,1,0.0,,,XAP,Approved,-1032,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,501,Consumer electronics,24.0,low_normal,POS household with interest,,,,,,,0,Cash loans,F,N,Y,0,157500.0,894766.5,29700.0,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-16797,-509,-4718.0,-332,,1,1,0,1,0,0,Laborers,2.0,3,3,THURSDAY,13,0,0,0,0,1,1,Business Entity Type 3,0.817304900629328,0.611226262052818,0.3185955240537633,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1778.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,5.0 +1992714,317649,Cash loans,18401.31,229500.0,229500.0,0.0,229500.0,MONDAY,11,Y,1,0.0,,,Everyday expenses,Refused,-2166,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,202500.0,900000.0,26316.0,900000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.026392000000000002,-13521,-2925,-1709.0,-4880,,1,1,0,1,1,0,,2.0,2,2,THURSDAY,16,0,0,0,0,0,0,Industry: type 11,0.6144772644536576,0.6752062964179772,0.6296742509538716,0.2227,,0.9856,,,0.24,0.2069,0.3333,,,,0.2383,,0.0,0.2269,,0.9856,,,0.2417,0.2069,0.3333,,,,0.2483,,0.0,0.2248,,0.9856,,,0.24,0.2069,0.3333,,,,0.2426,,0.0,,block of flats,0.2224,Panel,No,8.0,0.0,8.0,0.0,-714.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,1.0 +1208979,101918,Consumer loans,12642.075,72778.5,68958.0,7281.0,72778.5,WEDNESDAY,14,Y,1,0.10401068887434133,,,XAP,Approved,-608,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,120,Consumer electronics,6.0,middle,POS household with interest,365243.0,-577.0,-427.0,-427.0,-424.0,0.0,0,Cash loans,F,N,N,0,117000.0,258709.5,25330.5,234000.0,Unaccompanied,Working,Higher education,Separated,With parents,0.01885,-14348,-7063,-5025.0,-5054,,1,1,0,1,0,0,Core staff,1.0,2,2,TUESDAY,10,0,0,0,0,0,0,School,,0.6388003264024186,0.7751552674785404,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2529.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1559974,210498,Cash loans,65790.0,2250000.0,2250000.0,,2250000.0,WEDNESDAY,16,Y,1,,,,XNA,Approved,-551,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,Y,Y,3,270000.0,675000.0,53460.0,675000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.019101,-11413,-439,-1319.0,-3667,9.0,1,1,0,1,0,0,High skill tech staff,5.0,2,2,MONDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.5529423461998451,0.6462237822996902,0.5656079814115492,0.4495,,0.997,,,0.4,0.3448,0.3333,,0.1356,,0.2138,,0.2909,0.458,,0.997,,,0.4028,0.3448,0.3333,,0.1387,,0.2227,,0.3079,0.4538,,0.997,,,0.4,0.3448,0.3333,,0.1379,,0.2176,,0.297,,block of flats,0.4787,"Stone, brick",No,0.0,0.0,0.0,0.0,-160.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1837613,195718,Cash loans,,0.0,0.0,,,MONDAY,17,Y,1,,,,XNA,Refused,-354,XNA,SCOFR,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,157500.0,312768.0,15966.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-14586,-7842,-6215.0,-4740,,1,1,1,1,0,0,,2.0,2,2,FRIDAY,16,0,0,0,0,0,0,Business Entity Type 2,0.34656946327241034,0.6179081654062121,0.4956658291397297,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1687.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1024512,412835,Consumer loans,6470.595,58882.5,58882.5,0.0,58882.5,TUESDAY,14,Y,1,0.0,,,XAP,Approved,-460,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-419.0,-149.0,-149.0,-140.0,0.0,0,Cash loans,M,Y,N,1,270000.0,755190.0,36328.5,675000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.010643000000000001,-14397,365243,-2634.0,-4589,65.0,1,0,0,1,1,0,,3.0,2,2,SUNDAY,19,1,0,0,0,0,0,XNA,0.6049826773663848,0.5846537263570463,0.4830501881366946,0.0227,0.0,0.9796,,,0.0,0.1034,0.0417,,,,0.0178,,0.0069,0.0231,0.0,0.9796,,,0.0,0.1034,0.0417,,,,0.0185,,0.0073,0.0229,0.0,0.9796,,,0.0,0.1034,0.0417,,,,0.0181,,0.006999999999999999,,block of flats,0.0155,"Stone, brick",No,0.0,0.0,0.0,0.0,-460.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2211289,213564,Consumer loans,3737.25,22230.0,22500.0,1125.0,22230.0,THURSDAY,9,Y,1,0.051861471861471865,,,XAP,Approved,-1220,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,35,Connectivity,8.0,high,POS mobile with interest,365243.0,-1188.0,-978.0,-1098.0,-1091.0,0.0,0,Cash loans,M,Y,Y,1,360000.0,752742.0,40234.5,697500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.014464,-13573,-3664,-2587.0,-3452,16.0,1,1,0,1,0,1,Security staff,2.0,2,2,SATURDAY,7,0,0,0,0,0,0,Security,0.33410954499523154,0.7347465965410063,0.5136937663039473,0.0619,0.0703,0.9841,0.7824,0.0,0.0,0.1379,0.1667,0.0,0.0801,0.0504,0.0572,0.0,0.0,0.063,0.073,0.9841,0.7909,0.0,0.0,0.1379,0.1667,0.0,0.08199999999999999,0.0551,0.0596,0.0,0.0,0.0625,0.0703,0.9841,0.7853,0.0,0.0,0.1379,0.1667,0.0,0.0815,0.0513,0.0582,0.0,0.0,reg oper account,block of flats,0.045,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,5.0,0.0,1.0 +2539280,105538,Cash loans,26467.47,135000.0,143910.0,,135000.0,FRIDAY,15,Y,1,,,,XNA,Approved,-173,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-143.0,7.0,365243.0,365243.0,1.0,0,Revolving loans,F,N,Y,1,144000.0,450000.0,22500.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-15329,-4720,-3942.0,-5157,,1,1,0,1,0,0,Laborers,3.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Electricity,0.6848109344030056,0.6341810416708935,0.2910973802776635,0.0928,,0.9791,,,0.0,0.2069,0.1667,,0.0,,0.0816,,,0.0945,,0.9791,,,0.0,0.2069,0.1667,,0.0,,0.085,,,0.0937,,0.9791,,,0.0,0.2069,0.1667,,0.0,,0.0831,,,,block of flats,0.0881,Panel,No,0.0,0.0,0.0,0.0,-2456.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,0.0,1.0,2.0 +2590907,278385,Cash loans,51830.775,544500.0,544500.0,,544500.0,WEDNESDAY,16,Y,1,,,,XNA,Refused,-150,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,180000.0,1125000.0,44748.0,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.026392000000000002,-16382,-2823,-10501.0,-4161,,1,1,0,1,1,1,Cleaning staff,1.0,2,2,SATURDAY,15,0,0,0,0,0,0,Housing,,0.588392454786367,0.6577838002083306,0.0794,,0.9752,,,0.0,0.1379,0.1667,,,,0.0626,,0.0089,0.0809,,0.9752,,,0.0,0.1379,0.1667,,,,0.0652,,0.0094,0.0802,,0.9752,,,0.0,0.1379,0.1667,,,,0.0637,,0.0091,,block of flats,0.0512,"Stone, brick",No,0.0,0.0,0.0,0.0,-1087.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +2297311,158894,Cash loans,26576.55,247500.0,247500.0,0.0,247500.0,TUESDAY,16,Y,1,0.0,,,XNA,Refused,-2103,Cash through the bank,LIMIT,Other_B,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,202500.0,942300.0,27135.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.022625,-22987,365243,-7794.0,-5312,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,11,0,0,0,0,0,0,XNA,,0.4818925139065904,0.1096264336424546,0.0935,0.2297,0.3294,,,0.0,0.2414,0.3333,,,,0.3197,,,0.0,0.2384,0.0005,,,0.0,0.2414,0.3333,,,,0.3331,,,0.0,0.2297,0.0,,,0.0,0.2414,0.3333,,,,0.3255,,,,block of flats,0.0,"Stone, brick",No,0.0,0.0,0.0,0.0,-1564.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1357589,147748,Consumer loans,,42840.0,42840.0,0.0,42840.0,FRIDAY,15,Y,1,0.0,,,XAP,Refused,-1355,Cash through the bank,HC,,Refreshed,Mobile,XNA,XNA,Country-wide,30,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,0,130500.0,630000.0,20952.0,630000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.028663,-22291,365243,-8814.0,-4333,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,8,0,0,0,0,0,0,XNA,,0.6543988360045198,0.108924403541012,0.1392,0.1054,0.9811,0.7416,0.0341,0.16,0.1379,0.3333,0.375,0.099,0.1059,0.1397,0.0347,0.0321,0.1418,0.1093,0.9811,0.7517,0.0344,0.1611,0.1379,0.3333,0.375,0.1013,0.1157,0.1456,0.035,0.0339,0.1405,0.1054,0.9811,0.7451,0.0343,0.16,0.1379,0.3333,0.375,0.1008,0.1077,0.1422,0.0349,0.0327,reg oper account,block of flats,0.1551,Panel,No,0.0,0.0,0.0,0.0,-303.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2344644,102923,Cash loans,11650.5,225000.0,225000.0,,225000.0,THURSDAY,9,Y,1,,,,XNA,Approved,-129,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-99.0,591.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,90000.0,225000.0,22050.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.018209,-24559,365243,-8769.0,-3933,,1,0,0,1,0,0,,1.0,3,3,SUNDAY,8,0,0,0,0,0,0,XNA,0.8696504995278079,0.08876193774484964,0.6127042441012546,0.0021,,0.9503,,,,,0.0,,,,0.0013,,,0.0021,,0.9503,,,,,0.0,,,,0.0014,,,0.0021,,0.9503,,,,,0.0,,,,0.0013,,,,block of flats,0.001,,No,0.0,0.0,0.0,0.0,-1860.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1393032,343877,Consumer loans,6032.475,44955.0,33336.0,13486.5,44955.0,MONDAY,18,Y,1,0.3136958630029268,,,XAP,Approved,-423,Cash through the bank,XAP,,Refreshed,Computers,POS,XNA,Regional / Local,100,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-391.0,-241.0,-241.0,-235.0,0.0,0,Cash loans,M,Y,N,1,225000.0,481500.0,29587.5,481500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.009175,-13374,-2410,-7349.0,-4132,10.0,1,1,0,1,0,0,,3.0,2,2,THURSDAY,15,0,1,1,0,1,1,Business Entity Type 3,0.4047420215727471,0.7200101894102706,0.13177013253138142,0.2959,0.1939,0.9881,,,0.28,0.2414,0.375,,,,,,,0.2574,0.1674,0.9881,,,0.2417,0.2069,0.375,,,,,,,0.2987,0.1939,0.9881,,,0.28,0.2414,0.375,,,,,,,,block of flats,0.1874,Panel,No,0.0,0.0,0.0,0.0,-215.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2333726,403108,Consumer loans,6294.87,62955.0,56659.5,6295.5,62955.0,TUESDAY,9,Y,1,0.1089090909090909,,,XAP,Approved,-1244,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Regional / Local,556,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1213.0,-943.0,-973.0,-965.0,0.0,1,Cash loans,M,Y,N,0,90000.0,545040.0,25537.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-12853,-1416,-2707.0,-3111,11.0,1,1,0,1,0,0,Laborers,2.0,2,2,SUNDAY,14,0,0,0,0,0,0,Self-employed,0.2602637804444126,0.5704145264607681,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-2258.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1819524,168027,Cash loans,16606.26,139500.0,179631.0,0.0,139500.0,WEDNESDAY,9,Y,1,0.0,,,Buying a used car,Refused,-1555,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,,,,,,,0,Cash loans,F,Y,N,0,135000.0,216000.0,7758.0,216000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-22014,365243,-2267.0,-4053,9.0,1,0,0,1,0,0,,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,XNA,,0.4409843050318048,,0.0247,0.0018,0.9722,,,0.0,0.069,0.0833,,0.0071,,0.019,,0.0,0.0252,0.0019,0.9722,,,0.0,0.069,0.0833,,0.0072,,0.0198,,0.0,0.025,0.0018,0.9722,,,0.0,0.069,0.0833,,0.0072,,0.0194,,0.0,,block of flats,0.0161,"Stone, brick",No,2.0,0.0,2.0,0.0,-1555.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,4.0 +1158585,203230,Revolving loans,2250.0,0.0,45000.0,,,FRIDAY,9,Y,1,,,,XAP,Approved,-1299,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,171000.0,495000.0,19629.0,495000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.028663,-21588,365243,-774.0,-3150,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,12,0,0,0,0,0,0,XNA,,0.7619551363758493,,0.0928,0.1004,0.9786,,,,0.2069,0.1667,,0.0175,,0.0872,,0.0,0.0945,0.1042,0.9786,,,,0.2069,0.1667,,0.0179,,0.0908,,0.0,0.0937,0.1004,0.9786,,,,0.2069,0.1667,,0.0178,,0.0887,,0.0,,block of flats,0.0751,Panel,No,2.0,0.0,2.0,0.0,-1324.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1131314,170155,Consumer loans,7133.715,36243.0,34339.5,3627.0,36243.0,WEDNESDAY,15,Y,1,0.10404258299481718,,,XAP,Approved,-1084,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,50,Connectivity,6.0,high,POS mobile with interest,365243.0,-1053.0,-903.0,-903.0,-889.0,0.0,0,Cash loans,F,N,N,0,112500.0,315000.0,25015.5,315000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.028663,-10195,-1670,-2827.0,-447,,1,1,1,1,0,0,Sales staff,2.0,2,2,TUESDAY,11,0,0,0,1,1,1,Trade: type 7,,0.4455119061691418,0.4294236843421945,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,1.0,6.0,0.0,-1084.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1473041,283058,Cash loans,18674.955,225000.0,358375.5,,225000.0,SATURDAY,3,Y,1,,,,XNA,Refused,-541,Cash through the bank,LIMIT,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,M,N,N,0,180000.0,364896.0,24813.0,315000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,Municipal apartment,0.010032,-19606,-346,-1651.0,-2428,,1,1,0,1,0,0,Security staff,2.0,2,2,MONDAY,5,0,0,0,0,1,1,Security,,0.5644406043731274,0.6127042441012546,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-150.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1082853,297080,Cash loans,31147.74,544500.0,609187.5,,544500.0,THURSDAY,7,Y,1,,,,XNA,Approved,-449,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-419.0,631.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,180000.0,991818.0,43816.5,886500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020246,-21866,365243,-5251.0,-4169,,1,0,0,1,0,0,,2.0,3,3,FRIDAY,7,0,0,0,0,0,0,XNA,,0.1428226925644549,0.7016957740576931,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-689.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2749433,430985,Cash loans,18894.6,225000.0,295366.5,,225000.0,FRIDAY,10,Y,1,,,,XNA,Approved,-698,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-668.0,22.0,-668.0,-661.0,1.0,0,Revolving loans,F,N,Y,1,112500.0,225000.0,11250.0,225000.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.005002,-13091,-807,-845.0,-2630,,1,1,0,1,0,0,Core staff,2.0,3,3,WEDNESDAY,12,0,0,0,0,0,0,Kindergarten,,0.5463534120919314,0.5262949398096192,0.1113,0.0814,0.9886,0.8436,,0.12,0.1034,0.3333,,0.0141,0.0908,0.0706,,0.005,0.1134,0.0844,0.9886,0.8497,,0.1208,0.1034,0.3333,,0.0144,0.0992,0.0735,,0.0053,0.1124,0.0814,0.9886,0.8457,,0.12,0.1034,0.3333,,0.0144,0.0923,0.0718,,0.0051,org spec account,block of flats,0.0916,Panel,No,0.0,0.0,0.0,0.0,-698.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1617837,404550,Cash loans,32515.875,315000.0,332464.5,0.0,315000.0,FRIDAY,9,Y,1,0.0,,,XNA,Approved,-1560,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-1530.0,-1200.0,-1320.0,-1313.0,1.0,0,Cash loans,F,Y,Y,0,67500.0,257391.0,18040.5,238500.0,"Spouse, partner",Working,Higher education,Married,House / apartment,0.007305,-22300,-8449,-4777.0,-4945,3.0,1,1,0,1,1,0,Core staff,2.0,3,3,THURSDAY,14,0,0,0,0,0,0,School,,0.6850251451238711,0.8128226070575616,0.1402,0.0478,1.0,1.0,0.0574,0.16,0.069,0.6667,,0.0564,0.1143,0.151,0.0,0.0,0.1429,0.0497,1.0,1.0,0.0579,0.1611,0.069,0.6667,,0.0577,0.1249,0.1573,0.0,0.0,0.1416,0.0478,1.0,1.0,0.0578,0.16,0.069,0.6667,,0.0574,0.1163,0.1537,0.0,0.0,reg oper spec account,block of flats,0.1501,Panel,No,0.0,0.0,0.0,0.0,-1560.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1777521,308966,Consumer loans,4074.615,18000.0,19183.5,1800.0,18000.0,SATURDAY,16,Y,1,0.09342405396447856,,,XAP,Approved,-1226,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,41,Connectivity,6.0,high,POS mobile with interest,365243.0,-1195.0,-1045.0,-1045.0,-1029.0,0.0,0,Cash loans,M,N,N,0,157500.0,932643.0,30217.5,778500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.022625,-14959,-1392,-7086.0,-1605,,1,1,0,1,0,0,Drivers,2.0,2,2,SUNDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.13453328533529352,0.7197985370372056,,0.0,,0.0,,,0.0,,,,,,,,,0.0,,0.0005,,,0.0,,,,,,,,,0.0,,0.0,,,0.0,,,,,,,,,,block of flats,0.0,,No,0.0,0.0,0.0,0.0,-1226.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2638047,246236,Cash loans,25015.5,675000.0,675000.0,,675000.0,WEDNESDAY,12,Y,1,,,,Buying a new car,Refused,-289,XNA,SCO,Unaccompanied,Repeater,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,36.0,low_action,Cash Street: low,,,,,,,0,Revolving loans,F,N,N,0,144000.0,135000.0,6750.0,135000.0,Unaccompanied,Working,Incomplete higher,Single / not married,Rented apartment,0.020713,-12058,-1248,-5316.0,-4048,,1,1,1,1,0,0,,1.0,3,3,FRIDAY,12,0,0,0,1,1,0,Business Entity Type 3,0.3060106138827297,0.4199664657738689,,0.0928,0.1151,0.9891,0.8504,0.0868,0.0,0.2069,0.1667,0.2083,,0.0756,0.0993,0.0,0.0,0.0945,0.1195,0.9891,0.8563,0.0876,0.0,0.2069,0.1667,0.2083,,0.0826,0.1034,0.0,0.0,0.0937,0.1151,0.9891,0.8524,0.0873,0.0,0.2069,0.1667,0.2083,,0.077,0.1011,0.0,0.0,reg oper spec account,block of flats,0.0781,Panel,No,3.0,0.0,3.0,0.0,-528.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,,,,,, +1781522,261119,Cash loans,50000.4,1710000.0,1710000.0,,1710000.0,TUESDAY,12,Y,1,,,,Buying a used car,Refused,-407,XNA,VERIF,Unaccompanied,Repeater,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,N,0,196650.0,1179369.0,32431.5,1029838.5,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.020713,-13306,-778,-44.0,-2535,,1,1,1,1,0,0,,2.0,3,2,MONDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.7022889994792277,0.3592729306626163,,0.1649,0.0275,0.9831,0.7688,0.0447,0.2,0.1724,0.3333,0.375,0.24,0.1303,0.1672,0.0193,0.097,0.1681,0.0286,0.9831,0.7779,0.0451,0.2014,0.1724,0.3333,0.375,0.2454,0.1423,0.1742,0.0195,0.1026,0.1665,0.0275,0.9831,0.7719,0.045,0.2,0.1724,0.3333,0.375,0.2441,0.1325,0.1702,0.0194,0.099,reg oper spec account,block of flats,0.1526,Panel,No,6.0,0.0,6.0,0.0,-522.0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,,,,,, +1889957,270596,Cash loans,19626.435,450000.0,553950.0,,450000.0,TUESDAY,10,Y,1,,,,XNA,Approved,-540,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,middle,Cash X-Sell: middle,365243.0,-510.0,1260.0,365243.0,365243.0,1.0,0,Revolving loans,F,N,Y,0,112500.0,292500.0,14625.0,292500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008865999999999999,-20899,-3621,-8665.0,-4410,,1,1,0,1,1,0,Medicine staff,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Medicine,,0.8052219683466396,0.5478104658520093,0.1701,0.1287,0.9831,0.7688,0.0436,0.2,0.1724,0.3333,0.375,0.1173,0.1378,0.1828,0.0039,0.0839,0.1733,0.1335,0.9831,0.7779,0.044,0.2014,0.1724,0.3333,0.375,0.12,0.1506,0.1905,0.0039,0.0889,0.1718,0.1287,0.9831,0.7719,0.0439,0.2,0.1724,0.3333,0.375,0.1193,0.1402,0.1861,0.0039,0.0857,reg oper account,block of flats,0.1859,"Stone, brick",No,0.0,0.0,0.0,0.0,-1575.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1619533,246714,Cash loans,53216.235,1012500.0,1115410.5,,1012500.0,THURSDAY,17,Y,1,,,,XNA,Approved,-847,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,42.0,middle,Cash X-Sell: middle,365243.0,-817.0,413.0,-427.0,-417.0,1.0,0,Cash loans,M,Y,Y,1,135000.0,1125000.0,33025.5,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.04622,-16747,-2652,-5644.0,-294,8.0,1,1,0,1,0,0,Drivers,2.0,1,1,THURSDAY,11,1,0,1,1,0,1,Transport: type 3,0.6866587197794947,0.7526557635342199,0.5937175866150576,0.1237,0.1108,0.9876,0.83,,0.12,0.1034,0.375,0.4167,0.2906,0.1009,0.1331,0.0,0.0628,0.1261,0.115,0.9876,0.8367,,0.1208,0.1034,0.375,0.4167,0.2972,0.1102,0.1387,0.0,0.0664,0.1249,0.1108,0.9876,0.8323,,0.12,0.1034,0.375,0.4167,0.2956,0.1026,0.1355,0.0,0.0641,reg oper account,block of flats,0.1183,Panel,No,0.0,0.0,0.0,0.0,-1505.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +2411796,363914,Cash loans,22055.625,360000.0,428895.0,,360000.0,TUESDAY,13,Y,1,,,,XNA,Approved,-1277,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-1247.0,-197.0,-1067.0,-1061.0,1.0,1,Cash loans,F,Y,Y,0,369000.0,1343601.0,53415.0,1152000.0,Children,Working,Secondary / secondary special,Single / not married,Municipal apartment,0.010006000000000001,-18195,-3914,-8053.0,-1730,7.0,1,1,0,1,1,0,High skill tech staff,1.0,2,1,FRIDAY,13,0,0,0,0,0,0,Industry: type 9,,0.2023661515472415,0.10411991642915908,0.0928,0.0933,0.9856,0.8028,0.0158,0.0,0.2069,0.1667,0.2083,0.073,0.0756,0.0919,0.0,0.0,0.0945,0.0968,0.9856,0.8105,0.0159,0.0,0.2069,0.1667,0.2083,0.0747,0.0826,0.0957,0.0,0.0,0.0937,0.0933,0.9856,0.8054,0.0159,0.0,0.2069,0.1667,0.2083,0.0743,0.077,0.0935,0.0,0.0,reg oper account,block of flats,0.0812,Panel,No,5.0,0.0,5.0,0.0,-1.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2439754,212273,Consumer loans,2662.695,22455.0,22207.5,2250.0,22455.0,SUNDAY,20,Y,1,0.10019235594212596,,,XAP,Approved,-1911,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,50,Connectivity,12.0,high,POS mobile with interest,365243.0,-1851.0,-1521.0,-1521.0,-1512.0,0.0,0,Cash loans,F,N,Y,0,90000.0,95940.0,11385.0,90000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.010643000000000001,-14840,-236,-4604.0,-4469,,1,1,1,1,0,0,Laborers,2.0,2,2,SUNDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.6310096201124289,,0.0722,,0.9786,0.7076,,0.0,0.1379,0.1667,,0.0551,,0.0662,,0.0,0.0735,,0.9786,0.7190000000000001,,0.0,0.1379,0.1667,,0.0564,,0.069,,0.0,0.0729,,0.9786,0.7115,,0.0,0.1379,0.1667,,0.0561,,0.0674,,0.0,,block of flats,0.0521,"Stone, brick",No,0.0,0.0,0.0,0.0,-1911.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1034771,144984,Consumer loans,10808.82,118026.0,118026.0,0.0,118026.0,MONDAY,12,Y,1,0.0,,,XAP,Approved,-256,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Country-wide,162,Furniture,12.0,low_action,POS industry without interest,365243.0,-225.0,105.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,Y,0,225000.0,720000.0,36000.0,720000.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.04622,-21143,-1042,-3563.0,-3580,,1,1,0,1,0,0,Managers,2.0,1,1,FRIDAY,14,0,0,0,0,0,0,Business Entity Type 1,0.8939449615967977,0.7658477460002738,0.7981372313187245,0.1237,0.0846,0.9911,0.8776,0.0281,0.12,0.1034,0.375,0.4167,0.0931,0.1009,0.1245,0.0,0.0,0.1261,0.0878,0.9911,0.8824,0.0283,0.1208,0.1034,0.375,0.4167,0.0952,0.1102,0.1298,0.0,0.0,0.1249,0.0846,0.9911,0.8792,0.0282,0.12,0.1034,0.375,0.4167,0.0947,0.1026,0.1268,0.0,0.0,reg oper account,block of flats,0.1133,Panel,No,0.0,0.0,0.0,0.0,-536.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2043543,283886,Cash loans,27574.47,675000.0,767664.0,,675000.0,MONDAY,9,Y,1,,,,XNA,Refused,-444,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,N,0,126000.0,808650.0,23643.0,675000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-22558,365243,-12977.0,-4684,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,XNA,,0.33175016802953683,0.5919766183185521,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-1888.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2623033,198216,Consumer loans,6679.845,53450.55,58738.5,4.05,53450.55,SUNDAY,12,Y,1,7.508727799215697e-05,,,XAP,Approved,-1326,Cash through the bank,XAP,Unaccompanied,Refreshed,Audio/Video,POS,XNA,Stone,217,Consumer electronics,12.0,high,POS household with interest,365243.0,-1295.0,-965.0,-995.0,-990.0,0.0,0,Cash loans,F,N,Y,0,67500.0,544491.0,17694.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.019688999999999998,-15563,-3360,-1926.0,-4470,,1,1,1,1,1,0,,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Business Entity Type 1,0.6014897254598301,0.4281483348968321,0.6363761710860439,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1408418,354707,Consumer loans,13333.32,91800.0,46800.0,45000.0,91800.0,SUNDAY,7,Y,1,0.5338680926916219,,,XAP,Refused,-2333,Cash through the bank,SCO,Family,Repeater,Furniture,POS,XNA,Stone,313,Furniture,4.0,low_normal,POS industry with interest,,,,,,,0,Cash loans,F,N,Y,0,180000.0,1097676.0,32094.0,958500.0,Unaccompanied,State servant,Secondary / secondary special,Married,Municipal apartment,0.018801,-14383,-4290,-3521.0,-285,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,University,,0.4303770405482394,0.4722533429586386,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-241.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +2357886,293174,Consumer loans,4853.88,28710.0,30604.5,0.0,28710.0,FRIDAY,15,Y,1,0.0,,,XAP,Approved,-2663,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Regional / Local,300,Consumer electronics,8.0,high,POS household with interest,365243.0,-2632.0,-2422.0,-2422.0,-2416.0,1.0,0,Cash loans,F,N,Y,0,90000.0,518562.0,22099.5,463500.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.025164,-12773,-228,-1189.0,-5066,,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,11,0,0,0,0,0,0,Self-employed,0.7130841066758049,0.6152716543930616,0.6769925032909132,0.133,0.1024,0.9856,0.8028,0.0298,0.16,0.1379,0.375,0.0417,0.0404,0.1076,0.13699999999999998,0.0039,0.1807,0.1355,0.1063,0.9856,0.8105,0.0301,0.1611,0.1379,0.375,0.0417,0.0413,0.1175,0.1427,0.0039,0.1913,0.1343,0.1024,0.9856,0.8054,0.03,0.16,0.1379,0.375,0.0417,0.0411,0.1095,0.1395,0.0039,0.1845,reg oper account,block of flats,0.1975,Panel,No,5.0,0.0,5.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2446370,239125,Consumer loans,5626.935,33250.5,19750.5,13500.0,33250.5,TUESDAY,17,Y,1,0.44218063706492455,,,XAP,Approved,-2589,Cash through the bank,XAP,Family,New,Construction Materials,POS,XNA,Stone,2962,Construction,4.0,low_normal,POS industry with interest,365243.0,-2557.0,-2467.0,-2467.0,-2465.0,0.0,0,Cash loans,F,N,Y,1,112500.0,85320.0,5026.5,67500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.011703,-15837,-4313,-9937.0,-5193,,1,1,0,1,0,0,Cooking staff,2.0,2,2,MONDAY,17,0,0,0,0,0,0,Other,0.4814638130805355,0.7524195710443319,0.6058362647264226,0.1031,0.0856,0.9786,,,0.0,0.2069,0.1667,,0.0958,,0.0936,,0.0,0.105,0.0888,0.9786,,,0.0,0.2069,0.1667,,0.0979,,0.0975,,0.0,0.1041,0.0856,0.9786,,,0.0,0.2069,0.1667,,0.0974,,0.0953,,0.0,,block of flats,0.0799,Panel,No,2.0,0.0,2.0,0.0,-2589.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,3.0 +2005277,224165,Consumer loans,11145.33,123075.0,108207.0,24615.0,123075.0,MONDAY,9,Y,1,0.2018338281856372,,,XAP,Refused,-2062,Cash through the bank,HC,Family,Repeater,Computers,POS,XNA,Regional / Local,258,Consumer electronics,12.0,middle,POS household with interest,,,,,,,0,Cash loans,F,Y,Y,0,166500.0,502497.0,28188.0,454500.0,Unaccompanied,State servant,Higher education,Married,With parents,0.035792000000000004,-19320,-2146,-7462.0,-2872,18.0,1,1,1,1,0,0,Cleaning staff,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Government,,0.6983008594115157,0.6313545365850379,0.0082,,0.9722,,,0.0,,0.0417,,,,,,,0.0084,,0.9722,,,0.0,,0.0417,,,,,,,0.0083,,0.9722,,,0.0,,0.0417,,,,,,,,,0.0278,,No,1.0,0.0,1.0,0.0,-2062.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2445758,392137,Cash loans,14588.055,180000.0,215640.0,,180000.0,THURSDAY,17,Y,1,,,,Repairs,Approved,-691,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,high,Cash Street: high,365243.0,-661.0,389.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,202500.0,376078.5,25263.0,310500.0,Unaccompanied,State servant,Secondary / secondary special,Widow,House / apartment,0.035792000000000004,-22883,-8837,-11704.0,-3953,,1,1,0,1,1,0,Medicine staff,1.0,2,2,TUESDAY,11,0,0,0,0,0,0,Medicine,,0.5702537648915575,0.2851799046358216,0.1227,0.129,0.9841,0.7824,0.0156,0.0,0.2759,0.1667,0.2083,0.1165,0.1,0.1148,0.0,0.0,0.125,0.1339,0.9841,0.7909,0.0158,0.0,0.2759,0.1667,0.2083,0.1192,0.1093,0.1196,0.0,0.0,0.1239,0.129,0.9841,0.7853,0.0157,0.0,0.2759,0.1667,0.2083,0.1186,0.1018,0.1169,0.0,0.0,reg oper account,block of flats,0.0903,Panel,No,0.0,0.0,0.0,0.0,-691.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1815311,134256,Consumer loans,16383.735,116725.5,133672.5,0.0,116725.5,MONDAY,12,Y,1,0.0,,,XAP,Approved,-157,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,200,Connectivity,12.0,high,POS mobile with interest,365243.0,-127.0,203.0,-67.0,-60.0,1.0,0,Cash loans,M,Y,Y,0,180000.0,693301.5,35527.5,598500.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.035792000000000004,-16647,365243,-2507.0,-183,2.0,1,0,0,1,0,0,,2.0,2,2,THURSDAY,17,0,0,0,0,0,0,XNA,0.6873088009688828,0.6708851003355519,0.3672910183026313,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-2293.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2606552,373855,Cash loans,19270.935,180000.0,243936.0,0.0,180000.0,WEDNESDAY,14,Y,1,0.0,,,Buying a used car,Refused,-1989,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,high,Cash Street: high,,,,,,,0,Cash loans,F,Y,Y,1,90000.0,364896.0,18630.0,315000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-10383,-229,-4700.0,-2387,5.0,1,1,0,1,1,0,Sales staff,3.0,2,2,FRIDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.5628809065669294,0.3740208032583212,0.0619,0.0542,0.9796,0.7212,0.0248,0.0,0.1379,0.1667,0.2083,0.0289,0.0504,0.0516,0.0,0.0,0.063,0.0563,0.9796,0.7321,0.0251,0.0,0.1379,0.1667,0.2083,0.0295,0.0551,0.0538,0.0,0.0,0.0625,0.0542,0.9796,0.7249,0.025,0.0,0.1379,0.1667,0.2083,0.0294,0.0513,0.0525,0.0,0.0,reg oper account,block of flats,0.0542,Panel,No,0.0,0.0,0.0,0.0,-700.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,7.0 +1488044,342793,Consumer loans,11712.195,128227.5,115402.5,12825.0,128227.5,SUNDAY,15,Y,1,0.10892820111981368,,,XAP,Approved,-705,Cash through the bank,XAP,Unaccompanied,Refreshed,Mobile,POS,XNA,Country-wide,20,Connectivity,12.0,middle,POS mobile with interest,365243.0,-674.0,-344.0,-584.0,-579.0,0.0,0,Cash loans,F,Y,Y,2,202500.0,1252278.0,36747.0,1093500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.04622,-15272,-4651,-445.0,-4928,13.0,1,1,0,1,1,0,Cooking staff,4.0,1,1,FRIDAY,15,0,0,0,0,0,0,Kindergarten,0.9102288021803652,0.7344055076440443,0.7281412993111438,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1526.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2371386,299813,Consumer loans,4634.505,56700.0,65682.0,0.0,56700.0,TUESDAY,10,Y,1,0.0,,,XAP,Approved,-357,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Regional / Local,300,Consumer electronics,18.0,middle,POS household with interest,365243.0,-325.0,185.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,45000.0,152820.0,10080.0,135000.0,Children,Pensioner,Lower secondary,Widow,House / apartment,0.014519999999999996,-21541,365243,-1539.0,-4193,,1,0,0,1,1,0,,1.0,2,2,TUESDAY,11,0,0,0,0,0,0,XNA,,0.4458468531124187,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-357.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1197209,396756,Cash loans,23233.455,513000.0,716148.0,,513000.0,MONDAY,11,Y,1,,,,XNA,Refused,-224,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,135000.0,291915.0,17770.5,252000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-14435,-2650,-8473.0,-5028,,1,1,0,1,0,0,,2.0,2,2,MONDAY,11,0,0,0,0,1,1,Transport: type 4,,0.4905835359374944,0.19294222771695085,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,1.0,-1643.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,0.0,0.0,1.0 +2674495,395618,Cash loans,4915.485,45000.0,47970.0,,45000.0,MONDAY,11,Y,1,,,,XNA,Approved,-609,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),3,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-579.0,-249.0,-489.0,-484.0,1.0,0,Cash loans,F,N,Y,0,112500.0,71955.0,7245.0,67500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-20307,-156,-9679.0,-3773,,1,1,1,1,1,0,,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Other,,0.15967923350263774,0.7295666907060153,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1207.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2759092,178805,Cash loans,24351.075,270000.0,291919.5,,270000.0,FRIDAY,17,Y,1,,,,XNA,Approved,-1278,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-1248.0,-738.0,-1188.0,-1185.0,1.0,0,Cash loans,F,N,N,0,450000.0,500490.0,52555.5,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.032561,-18477,-1324,-6998.0,-2001,,1,1,0,1,0,0,Core staff,2.0,1,1,TUESDAY,11,0,0,0,0,0,0,Trade: type 3,,0.570355582274785,0.4848514754962666,0.1134,0.0256,0.9816,,,0.08,0.0345,0.625,,0.0893,,0.1106,,0.002,0.1155,0.0266,0.9816,,,0.0806,0.0345,0.625,,0.0914,,0.1152,,0.0021,0.1145,0.0256,0.9816,,,0.08,0.0345,0.625,,0.0909,,0.1125,,0.0021,,block of flats,0.0874,"Stone, brick",No,9.0,1.0,9.0,1.0,-1703.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1714916,387313,Cash loans,32659.29,333000.0,356076.0,,333000.0,MONDAY,11,Y,1,,,,XNA,Approved,-699,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-669.0,-159.0,-137.0,-133.0,1.0,0,Cash loans,F,Y,Y,1,90000.0,416052.0,20367.0,292500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.018801,-12860,-133,-6022.0,-4320,64.0,1,1,0,1,1,0,Sales staff,3.0,2,2,SUNDAY,8,0,0,0,0,0,0,Industry: type 3,0.39828475032725824,0.43538569711994135,0.1419915427739129,0.1227,0.1045,0.9776,0.6940000000000001,0.057,0.0,0.2759,0.1667,0.2083,0.0571,0.1,0.1142,0.0,0.0,0.125,0.1084,0.9777,0.706,0.0575,0.0,0.2759,0.1667,0.2083,0.0584,0.1093,0.119,0.0,0.0,0.1239,0.1045,0.9776,0.6981,0.0573,0.0,0.2759,0.1667,0.2083,0.0581,0.1018,0.1163,0.0,0.0,not specified,block of flats,0.0898,Panel,No,2.0,0.0,2.0,0.0,-840.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,2.0 +1750371,192663,Consumer loans,8803.8,89010.0,88038.0,8901.0,89010.0,WEDNESDAY,13,Y,1,0.10000101282062096,,,XAP,Approved,-2485,XNA,XAP,,New,Computers,POS,XNA,Stone,54,Consumer electronics,12.0,middle,POS household with interest,365243.0,-2453.0,-2123.0,-2153.0,-2145.0,1.0,0,Revolving loans,F,N,Y,0,225000.0,630000.0,31500.0,630000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018209,-22805,-12604,-3572.0,-4909,,1,1,0,1,0,0,Managers,2.0,3,3,WEDNESDAY,8,0,0,0,0,0,0,Government,,0.1402191383116189,0.6195277080511546,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-170.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1540192,307634,Cash loans,20821.5,225000.0,225000.0,,225000.0,MONDAY,8,Y,1,,,,Repairs,Approved,-169,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Channel of corporate sales,-1,XNA,12.0,low_action,Cash Street: low,365243.0,-138.0,192.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,40149.0,279000.0,7672.5,279000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-18299,-4000,-1616.0,-1848,6.0,1,1,1,1,0,0,Security staff,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Medicine,,0.30980186865949605,,0.1763,0.1073,0.9965,0.9524,0.2568,0.16,0.1379,0.375,0.0417,0.1013,0.1429,0.1047,0.0039,0.0082,0.1796,0.1114,0.9965,0.9543,0.2591,0.1611,0.1379,0.375,0.0417,0.1036,0.1561,0.1091,0.0039,0.0087,0.17800000000000002,0.1073,0.9965,0.953,0.2584,0.16,0.1379,0.375,0.0417,0.1031,0.1454,0.1066,0.0039,0.0084,reg oper account,block of flats,0.1422,Mixed,No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2706771,212995,Consumer loans,8328.6,43245.0,40846.5,4324.5,43245.0,SUNDAY,12,Y,1,0.10426542773823112,,,XAP,Approved,-2101,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,25,Connectivity,6.0,high,POS mobile with interest,365243.0,-2047.0,-1897.0,-1957.0,-1954.0,0.0,0,Cash loans,F,Y,N,0,90000.0,270000.0,10179.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-14766,-3315,-1160.0,-2007,12.0,1,1,1,1,1,0,Sales staff,2.0,2,2,SUNDAY,19,0,0,0,0,0,0,Self-employed,,0.4061198592307704,0.7165702448010511,0.101,0.0891,0.9767,0.6804,0.0125,0.0,0.2069,0.1667,0.2083,0.0595,0.0815,0.0888,0.0039,0.0077,0.1029,0.0925,0.9767,0.6929,0.0127,0.0,0.2069,0.1667,0.2083,0.0608,0.0891,0.0926,0.0039,0.0082,0.102,0.0891,0.9767,0.6847,0.0126,0.0,0.2069,0.1667,0.2083,0.0605,0.0829,0.0904,0.0039,0.0079,reg oper account,block of flats,0.093,"Stone, brick",No,1.0,0.0,1.0,0.0,-2019.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2570349,113371,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SATURDAY,12,Y,1,,,,XAP,Approved,-314,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-179.0,-148.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,1,225000.0,291915.0,15052.5,252000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,With parents,0.0060079999999999995,-12897,-3243,-6917.0,-5202,22.0,1,1,0,1,0,0,,3.0,2,2,FRIDAY,14,0,0,0,0,0,0,Business Entity Type 1,0.5236242799845231,0.7073300682721548,0.6626377922738201,0.0619,0.0233,0.9786,0.7076,0.0067,0.0,0.1034,0.1667,0.2083,0.0089,0.0504,0.0515,0.0,0.0,0.063,0.0241,0.9786,0.7190000000000001,0.0067,0.0,0.1034,0.1667,0.2083,0.0091,0.0551,0.0537,0.0,0.0,0.0625,0.0233,0.9786,0.7115,0.0067,0.0,0.1034,0.1667,0.2083,0.0091,0.0513,0.0525,0.0,0.0,reg oper account,block of flats,0.0442,Panel,No,3.0,1.0,3.0,1.0,-1938.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +2565907,367286,Consumer loans,12177.72,68917.5,68917.5,0.0,68917.5,MONDAY,16,Y,1,0.0,,,XAP,Approved,-1475,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Stone,100,Furniture,6.0,low_normal,POS industry with interest,365243.0,-1444.0,-1294.0,-1294.0,-1287.0,0.0,0,Cash loans,M,N,Y,0,216000.0,1125000.0,40410.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.015221,-10114,-476,-6392.0,-2780,,1,1,1,1,1,0,,2.0,2,2,SATURDAY,12,0,1,1,0,1,1,Business Entity Type 3,0.5149106531361424,0.2847563334517926,0.445396241560834,0.0928,0.101,0.9781,,,0.0,0.2069,0.1667,,0.0755,,0.0879,,0.0,0.0945,0.1048,0.9782,,,0.0,0.2069,0.1667,,0.0772,,0.0915,,0.0,0.0937,0.101,0.9781,,,0.0,0.2069,0.1667,,0.0768,,0.0894,,0.0,,block of flats,0.0757,Panel,No,0.0,0.0,0.0,0.0,-645.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,1.0 +2481395,224066,Cash loans,26265.6,540000.0,540000.0,,540000.0,WEDNESDAY,18,Y,1,,,,XNA,Refused,-991,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Regional / Local,50,Consumer electronics,48.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,N,0,225000.0,900000.0,26446.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Separated,Municipal apartment,0.02461,-16789,-3602,-9637.0,-333,,1,1,1,1,1,0,Laborers,1.0,2,2,THURSDAY,11,0,0,0,0,0,0,Construction,0.8495334813033536,0.7230068346607718,0.5567274263630174,0.0082,0.0,0.9677,,,0.0,0.069,0.0417,,0.0054,,0.0076,,0.0,0.0084,0.0,0.9677,,,0.0,0.069,0.0417,,0.0055,,0.008,,0.0,0.0083,0.0,0.9677,,,0.0,0.069,0.0417,,0.0055,,0.0078,,0.0,,block of flats,0.0068,Wooden,No,0.0,0.0,0.0,0.0,-1581.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1436525,264845,Consumer loans,6375.15,69799.5,62815.5,6984.0,69799.5,THURSDAY,18,Y,1,0.1089722835993224,,,XAP,Approved,-768,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,45,Connectivity,12.0,middle,POS mobile with interest,365243.0,-717.0,-387.0,-627.0,-618.0,0.0,0,Cash loans,F,Y,Y,0,180000.0,1118700.0,47529.0,949500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.032561,-20765,-2572,-4606.0,-4327,65.0,1,1,0,1,1,0,,1.0,1,1,TUESDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.7212418654446459,0.6304238967962696,0.42765737003502935,0.0825,,0.9742,,,,0.1379,0.1667,,,,0.0703,,,0.084,,0.9742,,,,0.1379,0.1667,,,,0.0733,,,0.0833,,0.9742,,,,0.1379,0.1667,,,,0.0716,,,,block of flats,0.0553,,No,0.0,0.0,0.0,0.0,-768.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1101948,102711,Consumer loans,11815.425,87435.45,96093.0,0.45,87435.45,TUESDAY,17,Y,1,5.100148960110279e-06,,,XAP,Approved,-1863,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,140,Consumer electronics,12.0,high,POS household with interest,365243.0,-1832.0,-1502.0,-1742.0,-1739.0,0.0,0,Cash loans,F,N,Y,0,90000.0,942300.0,27679.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.019688999999999998,-22948,-1588,-419.0,-5864,,1,1,0,1,0,0,Security staff,1.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Security,,0.37141056245745696,0.6380435278721609,0.1515,0.0707,0.9861,0.8096,0.0586,0.04,0.0345,0.3333,0.375,0.0136,0.1202,0.0985,0.0116,0.1475,0.1544,0.0734,0.9861,0.8171,0.0592,0.0403,0.0345,0.3333,0.375,0.0139,0.1313,0.1026,0.0117,0.1561,0.153,0.0707,0.9861,0.8121,0.059,0.04,0.0345,0.3333,0.375,0.0138,0.1223,0.1003,0.0116,0.1506,reg oper account,block of flats,0.1096,"Stone, brick",No,4.0,0.0,4.0,0.0,-1338.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1031792,401704,Cash loans,87910.875,1125000.0,1174005.0,,1125000.0,THURSDAY,12,Y,1,,,,XNA,Approved,-799,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,middle,Cash Street: middle,365243.0,-756.0,-246.0,-246.0,-236.0,0.0,0,Cash loans,F,Y,Y,0,270000.0,675000.0,35419.5,675000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.028663,-22942,365243,-1996.0,-4860,9.0,1,0,0,1,0,0,,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,XNA,,0.6315186311742824,0.4014074137749511,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-141.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2169171,122143,Consumer loans,5589.99,45616.5,50134.5,0.0,45616.5,SATURDAY,14,Y,1,0.0,,,XAP,Approved,-1389,Cash through the bank,XAP,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Stone,70,Consumer electronics,12.0,high,POS household with interest,365243.0,-1356.0,-1026.0,-1026.0,-1024.0,0.0,0,Cash loans,M,N,Y,1,135000.0,85500.0,5697.0,85500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-11062,-1587,-1778.0,-3736,,1,1,0,1,0,0,Laborers,3.0,2,2,TUESDAY,6,0,0,0,0,0,0,Other,,0.229002990241038,0.4365064990977374,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1993.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2048091,437148,Consumer loans,12557.115,110115.0,135661.5,0.0,110115.0,MONDAY,19,Y,1,0.0,,,XAP,Approved,-1001,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Regional / Local,121,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-968.0,-638.0,-638.0,-631.0,0.0,0,Cash loans,M,N,N,0,76500.0,314100.0,16573.5,225000.0,Unaccompanied,Working,Higher education,Single / not married,With parents,0.00496,-8558,-1546,-3013.0,-1040,,1,1,0,1,0,0,,1.0,2,2,MONDAY,16,0,0,0,0,0,0,Self-employed,0.1647705084187496,0.6356206204166656,,0.0495,,,,,,,0.1667,,,,0.0374,,,0.0504,,,,,,,0.1667,,,,0.039,,,0.05,,,,,,,0.1667,,,,0.0381,,,,,0.0443,,No,1.0,0.0,0.0,0.0,-1001.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2708473,148286,Consumer loans,8906.13,87961.5,97249.5,0.0,87961.5,FRIDAY,13,Y,1,0.0,,,XAP,Refused,-267,Cash through the bank,SCO,,Repeater,Computers,POS,XNA,Regional / Local,121,Consumer electronics,12.0,low_action,POS household without interest,,,,,,,0,Cash loans,F,N,N,0,180000.0,545040.0,25537.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.00496,-20193,-1855,-8606.0,-1471,,1,1,0,1,1,0,Sales staff,1.0,2,2,SATURDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.46193315924784295,0.6430255641096323,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-634.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1054774,370703,Consumer loans,3266.415,28300.5,27990.0,2830.5,28300.5,MONDAY,19,Y,1,0.1000201754735263,,,XAP,Approved,-2429,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,35,Connectivity,12.0,low_normal,POS mobile with interest,365243.0,-2397.0,-2067.0,-2067.0,-2059.0,1.0,0,Cash loans,M,N,N,0,360000.0,1125000.0,32895.0,1125000.0,Family,State servant,Secondary / secondary special,Married,Municipal apartment,0.006233,-11751,-3906,-3948.0,-4134,,1,1,1,1,1,0,High skill tech staff,2.0,2,2,MONDAY,11,0,0,0,0,1,1,Military,0.2639823085376796,0.6642904021804505,0.6626377922738201,0.0402,0.0,0.9816,0.7484,0.0064,0.0,0.1034,0.0833,0.0417,0.0401,0.0328,0.0263,0.0,0.0,0.041,0.0,0.9816,0.7583,0.0065,0.0,0.1034,0.0833,0.0417,0.041,0.0358,0.0274,0.0,0.0,0.0406,0.0,0.9816,0.7518,0.0064,0.0,0.1034,0.0833,0.0417,0.0408,0.0333,0.0267,0.0,0.0,reg oper spec account,block of flats,0.0242,"Stone, brick",No,1.0,0.0,1.0,0.0,-2429.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2306321,146324,Consumer loans,6630.975,58005.0,64129.5,0.0,58005.0,FRIDAY,20,Y,1,0.0,,,XAP,Approved,-495,Cash through the bank,XAP,,Refreshed,Audio/Video,POS,XNA,Country-wide,130,Consumer electronics,12.0,middle,POS household with interest,365243.0,-463.0,-133.0,-133.0,-129.0,0.0,0,Cash loans,M,N,Y,0,225000.0,808650.0,26086.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.008625,-12178,-4660,-4037.0,-4260,,1,1,1,1,1,0,Low-skill Laborers,1.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Business Entity Type 3,0.17260599637334234,0.5606413816614629,,0.0557,0.035,0.9771,0.6872,,0.04,0.0345,0.3333,,,,0.0495,,0.0,0.0567,0.0363,0.9772,0.6994,,0.0403,0.0345,0.3333,,,,0.0516,,0.0,0.0562,0.035,0.9771,0.6914,,0.04,0.0345,0.3333,,,,0.0504,,0.0,,block of flats,0.039,"Stone, brick",No,0.0,0.0,0.0,0.0,-2518.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1815585,437257,Consumer loans,19311.615,128207.25,107977.5,25643.25,128207.25,SUNDAY,17,Y,1,0.2090081851399984,,,XAP,Approved,-620,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,145,Furniture,6.0,low_normal,POS industry without interest,365243.0,-589.0,-439.0,-439.0,-431.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,1061599.5,31171.5,927000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-15575,-3953,-8076.0,-1878,7.0,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.6471980439043176,0.6674577419214722,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2620.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1125612,247653,Consumer loans,6602.31,52704.0,47430.0,5274.0,52704.0,FRIDAY,11,Y,1,0.1089834823646299,,,XAP,Approved,-179,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,15,Connectivity,10.0,high,POS mobile with interest,365243.0,-149.0,121.0,365243.0,365243.0,0.0,0,Revolving loans,M,Y,Y,2,180000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-11059,-648,-1023.0,-1102,2.0,1,1,1,1,1,1,Laborers,4.0,2,2,TUESDAY,14,0,0,0,0,0,0,Construction,,0.6407456392643217,,0.3835,0.2559,0.998,0.9728,0.0409,0.4,0.3448,0.375,0.0417,0.2994,0.306,0.4799,0.0309,0.0658,0.3908,0.2656,0.998,0.9739,0.0413,0.4028,0.3448,0.375,0.0417,0.3063,0.3343,0.5,0.0311,0.0696,0.3872,0.2559,0.998,0.9732,0.0412,0.4,0.3448,0.375,0.0417,0.3047,0.3113,0.4886,0.0311,0.0671,reg oper account,block of flats,0.4142,Panel,No,0.0,0.0,0.0,0.0,-311.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1730427,400487,Cash loans,18252.315,193500.0,212656.5,,193500.0,THURSDAY,4,Y,1,,,,XNA,Approved,-384,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-354.0,156.0,-234.0,-227.0,1.0,0,Cash loans,F,N,Y,0,72000.0,238500.0,9121.5,238500.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.014464,-21650,365243,-7582.0,-5042,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,3,0,0,0,0,0,0,XNA,,0.7363119959309141,0.4740512892789932,0.1206,0.1158,0.9846,,,0.0,0.2069,0.2083,,,,0.1117,,0.008,0.1229,0.1202,0.9846,,,0.0,0.2069,0.2083,,,,0.1164,,0.0085,0.1218,0.1158,0.9846,,,0.0,0.2069,0.2083,,,,0.1137,,0.0082,,block of flats,0.0961,"Stone, brick",No,0.0,0.0,0.0,0.0,-543.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1134478,252828,Consumer loans,10689.93,98761.5,96219.0,9877.5,98761.5,WEDNESDAY,16,Y,1,0.10139349982841514,,,XAP,Approved,-1648,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,1108,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1617.0,-1347.0,-1437.0,-1434.0,0.0,0,Cash loans,M,N,N,1,450000.0,816660.0,26473.5,585000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.035792000000000004,-11881,-2510,-161.0,-3707,,1,1,0,1,0,0,Managers,3.0,2,2,SATURDAY,16,0,0,0,0,0,0,Construction,0.2475954928483545,0.7226738787654976,0.13680052191177486,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1648.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1915619,132336,Consumer loans,20469.915,205857.0,223519.5,0.0,205857.0,THURSDAY,8,Y,1,0.0,,,XAP,Approved,-514,XNA,XAP,,Refreshed,Consumer Electronics,POS,XNA,Regional / Local,134,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-484.0,-154.0,-244.0,-238.0,1.0,0,Cash loans,M,Y,Y,1,270000.0,640080.0,31261.5,450000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.014464,-10642,-1311,-684.0,-3310,11.0,1,1,0,1,0,0,Managers,3.0,2,2,SUNDAY,4,0,0,0,0,0,0,Military,0.2447151775250802,0.5479193021733637,0.6446794549585961,0.0412,0.0334,0.9762,0.6736,0.0155,0.0,0.069,0.1667,0.2083,0.0136,0.0311,0.0331,0.0116,0.0096,0.042,0.0347,0.9762,0.6864,0.0156,0.0,0.069,0.1667,0.2083,0.0139,0.034,0.0345,0.0117,0.0102,0.0416,0.0334,0.9762,0.6779999999999999,0.0156,0.0,0.069,0.1667,0.2083,0.0138,0.0316,0.0337,0.0116,0.0098,reg oper account,block of flats,0.0366,"Stone, brick",No,1.0,0.0,1.0,0.0,-2306.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2096167,287980,Cash loans,13236.12,112500.0,119925.0,,112500.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-1115,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-1085.0,-755.0,-875.0,-873.0,1.0,0,Cash loans,F,N,N,0,81000.0,921861.0,29866.5,769500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.0038130000000000004,-11378,-3364,-1430.0,-2465,,1,1,0,1,0,1,Accountants,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Other,0.4211290075862924,0.5487425059538513,0.34741822720026416,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1129.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1412092,166342,Consumer loans,15000.57,133686.0,146920.5,0.0,133686.0,SATURDAY,10,Y,1,0.0,,,XAP,Approved,-2002,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Stone,50,Furniture,12.0,middle,POS industry with interest,365243.0,-1967.0,-1637.0,-1637.0,-1630.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,808650.0,23773.5,675000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.015221,-20562,-3198,-12743.0,-4086,12.0,1,1,1,1,1,0,Laborers,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Business Entity Type 1,0.5636318786552834,0.481384778295505,0.6178261467332483,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-2002.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +2432157,329697,Revolving loans,9000.0,180000.0,180000.0,,180000.0,SUNDAY,12,Y,1,,,,XAP,Refused,-176,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,81000.0,135000.0,14670.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.018209,-14780,-860,-4358.0,-4442,,1,1,0,1,1,0,Core staff,1.0,3,3,MONDAY,14,0,0,0,0,0,0,Self-employed,0.6436967005189713,0.6939062717431129,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-502.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2385905,128449,Cash loans,14921.505,180000.0,197820.0,,180000.0,THURSDAY,10,Y,1,,,,XNA,Approved,-568,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-538.0,-28.0,-28.0,-26.0,1.0,0,Cash loans,F,N,Y,0,112500.0,203760.0,20281.5,180000.0,Family,Pensioner,Higher education,Married,House / apartment,0.011703,-24775,365243,-974.0,-4107,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,XNA,,0.7624980972527247,,0.099,0.0627,0.9767,0.6804,0.0166,0.08,0.069,0.3333,0.375,0.0843,0.0807,0.0843,0.0,0.1524,0.1008,0.0651,0.9767,0.6929,0.0167,0.0806,0.069,0.3333,0.375,0.0862,0.0882,0.0878,0.0,0.1613,0.0999,0.0627,0.9767,0.6847,0.0167,0.08,0.069,0.3333,0.375,0.0858,0.0821,0.0858,0.0,0.1556,reg oper spec account,block of flats,0.1134,"Stone, brick",No,0.0,0.0,0.0,0.0,-2197.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2756269,207247,Cash loans,34960.05,675000.0,732915.0,,675000.0,TUESDAY,9,Y,1,,,,XNA,Approved,-973,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,low_normal,Cash X-Sell: low,365243.0,-943.0,-73.0,-793.0,-785.0,1.0,0,Cash loans,F,Y,N,0,157500.0,135000.0,15268.5,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0038130000000000004,-14420,-2593,-6419.0,-4971,7.0,1,1,0,1,0,0,Private service staff,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Self-employed,0.3639140394208749,0.17518900988823394,0.4311917977993083,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1550.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,3.0,5.0 +1028098,336163,Consumer loans,4607.01,23841.0,22590.0,2385.0,23841.0,SUNDAY,14,Y,1,0.10400327600327597,,,XAP,Approved,-823,Cash through the bank,XAP,Unaccompanied,Refreshed,Mobile,POS,XNA,Country-wide,50,Connectivity,6.0,high,POS mobile with interest,365243.0,-792.0,-642.0,-642.0,-634.0,0.0,0,Cash loans,F,N,Y,1,54000.0,247275.0,17338.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.006207,-18749,365243,-9127.0,-2309,,1,0,0,1,1,0,,3.0,2,2,THURSDAY,11,0,0,0,0,0,0,XNA,,0.6013402169515356,0.8027454758994178,,,,,,,,,,,,0.019,,,,,,,,,,,,,,0.0198,,,,,,,,,,,,,,0.0193,,,,,0.0149,,No,0.0,0.0,0.0,0.0,-472.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1789091,215870,Consumer loans,3761.415,15705.0,18553.5,0.0,15705.0,WEDNESDAY,13,Y,1,0.0,,,XAP,Approved,-746,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,70,Connectivity,6.0,high,POS mobile with interest,365243.0,-715.0,-565.0,-715.0,-706.0,0.0,0,Cash loans,F,N,Y,0,202500.0,239850.0,22788.0,225000.0,,Working,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-8890,-611,-1354.0,-712,,1,1,0,1,0,0,Sales staff,2.0,2,1,SUNDAY,9,0,0,0,0,0,0,Business Entity Type 1,,0.08687711857074976,0.2851799046358216,0.1485,0.1511,0.9975,0.966,0.1401,0.2,0.1724,0.3333,0.375,0.0619,0.121,0.2112,0.0,0.0,0.1513,0.1568,0.9975,0.9673,0.1414,0.2014,0.1724,0.3333,0.375,0.0633,0.1322,0.22,0.0,0.0,0.1499,0.1511,0.9975,0.9665,0.141,0.2,0.1724,0.3333,0.375,0.063,0.1231,0.215,0.0,0.0,reg oper account,block of flats,0.248,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1237625,389698,Consumer loans,22345.11,221085.0,221085.0,0.0,221085.0,TUESDAY,17,Y,1,0.0,,,XAP,Approved,-813,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Regional / Local,170,Consumer electronics,12.0,middle,POS household with interest,365243.0,-776.0,-446.0,-506.0,-500.0,0.0,0,Cash loans,M,Y,Y,0,144000.0,961146.0,31135.5,688500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.00496,-18657,-1190,-4404.0,-2195,12.0,1,1,0,1,0,0,Laborers,1.0,2,2,WEDNESDAY,15,0,0,0,0,1,1,Business Entity Type 3,,0.4023334008566952,0.6894791426446275,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-813.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2144334,318596,Cash loans,16776.09,157500.0,167895.0,,157500.0,MONDAY,9,Y,1,,,,XNA,Approved,-804,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-774.0,-444.0,-444.0,-441.0,1.0,0,Cash loans,F,N,Y,0,157500.0,454500.0,18022.5,454500.0,Other_B,Pensioner,Secondary / secondary special,Widow,House / apartment,0.014519999999999996,-23572,365243,-10196.0,-5230,,1,0,0,1,0,0,,1.0,2,2,SUNDAY,12,0,0,0,0,0,0,XNA,,0.5400483895034189,0.6092756673894402,0.0928,0.0939,0.9861,0.8096,0.0865,0.0,0.2069,0.1667,0.2083,0.0,0.0756,0.0928,0.0,0.1495,0.0945,0.0974,0.9861,0.8171,0.0873,0.0,0.2069,0.1667,0.2083,0.0,0.0826,0.0967,0.0,0.1583,0.0937,0.0939,0.9861,0.8121,0.0871,0.0,0.2069,0.1667,0.2083,0.0,0.077,0.0945,0.0,0.1526,reg oper account,block of flats,0.073,Panel,No,0.0,0.0,0.0,0.0,-2627.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2073316,193111,Consumer loans,3565.71,31500.0,34618.5,0.0,31500.0,WEDNESDAY,12,Y,1,0.0,,,XAP,Approved,-2021,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,21,Furniture,12.0,middle,POS industry with interest,365243.0,-1990.0,-1660.0,-1660.0,-1646.0,0.0,0,Cash loans,F,N,Y,1,90000.0,142200.0,9630.0,112500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018634,-13020,-4948,-3160.0,-5568,,1,1,1,1,0,0,Accountants,3.0,2,2,MONDAY,11,0,0,0,0,1,1,Government,0.4499733858142505,0.6034876022835876,0.6738300778602003,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1526.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1007150,110936,Cash loans,9416.475,67500.0,82111.5,0.0,67500.0,MONDAY,15,Y,1,0.0,,,XNA,Approved,-2012,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-1981.0,-1651.0,-1651.0,-1642.0,0.0,0,Cash loans,F,N,N,0,135000.0,495000.0,36018.0,495000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.005084,-16775,-1644,-9423.0,-306,,1,1,0,1,0,0,Sales staff,1.0,2,2,MONDAY,12,0,0,0,0,0,0,Self-employed,0.4404238035698448,0.5462070705195184,0.10211878786358386,0.0371,,0.9781,,,,0.0345,0.0833,,,,0.0199,,0.0,0.0378,,0.9782,,,,0.0345,0.0833,,,,0.0208,,0.0,0.0375,,0.9781,,,,0.0345,0.0833,,,,0.0203,,0.0,,block of flats,0.0157,"Stone, brick",No,3.0,0.0,3.0,0.0,-1646.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1812451,335867,Consumer loans,6859.395,42156.0,41634.0,4500.0,42156.0,FRIDAY,11,Y,1,0.10623204341503208,,,XAP,Approved,-46,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,43,Connectivity,8.0,high,POS mobile with interest,365243.0,-16.0,194.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,112500.0,544491.0,15732.0,454500.0,Children,Pensioner,Secondary / secondary special,Widow,House / apartment,0.01885,-21964,365243,-5313.0,-3821,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,11,0,0,0,0,0,0,XNA,,0.5523246073539029,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1847.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +2435570,127945,Consumer loans,4182.03,66825.0,80937.0,0.0,66825.0,WEDNESDAY,11,Y,1,0.0,,,XAP,Approved,-352,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Stone,80,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-321.0,369.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,90000.0,101880.0,10053.0,90000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.00823,-24821,365243,-5140.0,-4224,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,XNA,0.8518909545968789,0.5016583468183742,0.7252764347002191,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-391.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2028041,236172,Cash loans,18606.6,328500.0,366444.0,,328500.0,FRIDAY,9,Y,1,,,,XNA,Approved,-375,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,365243.0,-345.0,525.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,202500.0,604152.0,25726.5,540000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.00702,-21202,365243,-10425.0,-4668,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,,0.5824695924610529,0.6363761710860439,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,0.0,-1232.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +1058956,392504,Consumer loans,4947.885,28305.0,26757.0,5661.0,28305.0,THURSDAY,17,Y,1,0.1901827267679572,,,XAP,Approved,-380,Cash through the bank,XAP,,Refreshed,Consumer Electronics,POS,XNA,Country-wide,280,Consumer electronics,6.0,middle,POS household with interest,365243.0,-348.0,-198.0,-198.0,-195.0,0.0,0,Cash loans,F,N,N,0,225000.0,247275.0,17716.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-15810,-4216,-2850.0,-4362,,1,1,0,1,1,0,Core staff,2.0,2,2,SATURDAY,10,0,0,0,0,1,1,Kindergarten,0.6767237199335847,0.7535299841425872,0.7981372313187245,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1726.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1661179,442450,Consumer loans,6571.305,36382.5,32742.0,3640.5,36382.5,THURSDAY,14,Y,1,0.10897644346994988,,,XAP,Approved,-2447,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,23,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2402.0,-2252.0,-2282.0,-2276.0,0.0,0,Cash loans,F,N,Y,0,180000.0,1002870.0,48244.5,922500.0,Family,Pensioner,Secondary / secondary special,Separated,House / apartment,0.01885,-23750,365243,-1125.0,-4594,,1,0,0,1,0,0,,1.0,2,2,MONDAY,16,0,0,0,0,0,0,XNA,,0.7246548202547639,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,10.0,0.0,10.0,0.0,-1927.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1247576,339438,Cash loans,29938.185,796500.0,905845.5,,796500.0,MONDAY,12,Y,1,,,,XNA,Refused,-204,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash Street: low,,,,,,,1,Cash loans,F,N,Y,0,112500.0,172512.0,7726.5,144000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.020713,-14221,-550,-4865.0,-4134,,1,1,0,1,0,0,Cleaning staff,2.0,3,3,TUESDAY,8,0,0,0,0,0,0,School,,0.6882012482821137,0.5370699579791587,0.0722,0.0662,0.9816,0.7484,0.0086,0.0,0.1379,0.1667,0.2083,0.0478,0.0588,0.0669,0.0,0.0,0.0735,0.0687,0.9816,0.7583,0.0087,0.0,0.1379,0.1667,0.2083,0.0489,0.0643,0.0697,0.0,0.0,0.0729,0.0662,0.9816,0.7518,0.0087,0.0,0.1379,0.1667,0.2083,0.0486,0.0599,0.0681,0.0,0.0,reg oper account,block of flats,0.0526,"Stone, brick",No,1.0,0.0,1.0,0.0,-2314.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2842270,207998,Consumer loans,5630.22,28575.0,30271.5,0.0,28575.0,FRIDAY,12,Y,1,0.0,,,XAP,Approved,-259,XNA,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,129,Consumer electronics,6.0,middle,POS household with interest,365243.0,-228.0,-78.0,-78.0,-75.0,0.0,0,Cash loans,M,N,Y,1,94500.0,254700.0,27153.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-15385,365243,-8712.0,-3587,,1,0,0,1,0,0,,3.0,2,2,FRIDAY,11,0,0,0,0,0,0,XNA,0.2603199451124668,0.4317821518455358,0.3425288720742255,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-455.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2264983,434643,Cash loans,15636.87,396000.0,469179.0,,396000.0,THURSDAY,9,Y,1,,,,XNA,Approved,-385,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,126000.0,285723.0,23035.5,238500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.022625,-19120,-4436,-8724.0,-2618,,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,Self-employed,,0.6716957490447726,0.8327850252992314,0.1072,0.0655,0.9851,0.7959999999999999,0.1641,0.12,0.1034,0.3333,0.375,0.061,0.0874,0.1141,0.0,0.0,0.1092,0.0679,0.9851,0.804,0.1656,0.1208,0.1034,0.3333,0.375,0.0624,0.0955,0.1189,0.0,0.0,0.1083,0.0655,0.9851,0.7987,0.1651,0.12,0.1034,0.3333,0.375,0.062,0.0889,0.1161,0.0,0.0,reg oper account,block of flats,0.0897,Panel,No,0.0,0.0,0.0,0.0,-723.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1565797,124578,Consumer loans,7131.69,42399.0,40360.5,4243.5,42399.0,FRIDAY,11,Y,1,0.1036130677232372,,,XAP,Approved,-2282,Cash through the bank,XAP,Other_B,New,Mobile,POS,XNA,Country-wide,60,Connectivity,7.0,high,POS mobile with interest,365243.0,-2251.0,-2071.0,-2071.0,-2063.0,1.0,0,Cash loans,F,N,N,0,135000.0,970380.0,31432.5,810000.0,Unaccompanied,State servant,Secondary / secondary special,Single / not married,House / apartment,0.018029,-10427,-3058,-4901.0,-3100,,1,1,0,1,0,0,Managers,1.0,3,3,FRIDAY,11,0,0,0,1,0,1,Postal,0.22477084801560268,0.5761063583270896,0.7309873696832169,,,0.9727,,,,0.0345,0.0417,,,,,,,,,0.9727,,,,0.0345,0.0417,,,,,,,,,0.9727,,,,0.0345,0.0417,,,,,,,,block of flats,0.0085,Wooden,No,0.0,0.0,0.0,0.0,-1980.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2085219,209728,Revolving loans,22500.0,0.0,450000.0,,,WEDNESDAY,16,Y,1,,,,XAP,Approved,-987,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,1441,Consumer electronics,0.0,XNA,Card X-Sell,-982.0,-954.0,365243.0,-864.0,365243.0,0.0,0,Cash loans,F,N,N,2,427500.0,900000.0,60520.5,900000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.003540999999999999,-14506,-348,-4711.0,-1357,,1,1,1,1,1,0,Private service staff,4.0,1,1,MONDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.6242585751853118,0.36896873825284665,0.1423,0.1181,0.9866,0.8164,,0.1064,0.1607,0.2775,0.3192,0.0481,,0.132,,0.136,0.0945,0.1123,0.9866,0.8236,,0.1611,0.1379,0.3333,0.375,0.0477,,0.101,,0.0027,0.1499,0.1188,0.9866,0.8189,,0.16,0.1379,0.3333,0.375,0.049,,0.1489,,0.1492,not specified,block of flats,0.0993,Panel,No,1.0,1.0,1.0,0.0,-1541.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2745297,438542,Consumer loans,4791.15,40450.5,49932.0,0.0,40450.5,THURSDAY,18,Y,1,0.0,,,XAP,Approved,-525,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Country-wide,1073,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-494.0,-164.0,-404.0,-396.0,0.0,0,Revolving loans,F,N,Y,2,166500.0,427500.0,21375.0,427500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.04622,-11517,-3307,-147.0,-3807,,1,1,0,1,0,0,,4.0,1,1,THURSDAY,14,0,0,0,0,0,0,Other,0.7434316741525624,0.7346826636981348,0.6430255641096323,0.1732,0.1044,0.9985,0.9796,0.0,0.28,0.1207,0.6667,0.7083,0.0219,0.1412,0.2398,0.0077,0.0503,0.1513,0.08800000000000001,0.9985,0.9804,0.0,0.2417,0.1034,0.6667,0.7083,0.0184,0.1322,0.2036,0.0,0.0421,0.1749,0.1044,0.9985,0.9799,0.0,0.28,0.1207,0.6667,0.7083,0.0223,0.1437,0.2441,0.0078,0.0514,reg oper account,block of flats,0.2202,Panel,No,1.0,0.0,1.0,0.0,-979.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1024101,385178,Consumer loans,9018.315,81666.0,89752.5,0.0,81666.0,MONDAY,14,Y,1,0.0,,,XAP,Refused,-1119,Cash through the bank,HC,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,1455,Consumer electronics,12.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,Y,2,225000.0,912240.0,30276.0,787500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-13100,-2058,-7232.0,-1503,,1,1,0,1,0,0,Sales staff,4.0,1,1,SUNDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.8486477453932267,0.7532902888884158,0.7194907850918436,0.0082,,0.9702,,,0.0,0.069,0.0417,,,,0.0098,,,0.0084,,0.9702,,,0.0,0.069,0.0417,,,,0.0102,,,0.0083,,0.9702,,,0.0,0.069,0.0417,,,,0.01,,,,block of flats,0.0084,,No,1.0,0.0,1.0,0.0,-1437.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1299528,239113,Consumer loans,7144.38,38610.0,34749.0,3861.0,38610.0,WEDNESDAY,18,Y,1,0.1089090909090909,,,XAP,Refused,-1514,Cash through the bank,LIMIT,,Repeater,Audio/Video,POS,XNA,Country-wide,15,Connectivity,6.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,Y,Y,0,157500.0,227520.0,12834.0,180000.0,Family,State servant,Higher education,Married,House / apartment,0.04622,-13386,-1128,-7049.0,-823,6.0,1,1,0,1,0,0,Core staff,2.0,1,1,FRIDAY,12,0,0,0,0,1,1,School,0.4835473809167608,0.5916614522961817,0.42765737003502935,,,,,,0.0,0.1379,0.1667,,,,,,,,,,,,0.0,0.1379,0.1667,,,,,,,,,,,,0.0,0.1379,0.1667,,,,,,,,block of flats,0.0529,,No,0.0,0.0,0.0,0.0,-3660.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1768060,111839,Consumer loans,17141.625,144337.5,140620.5,14436.0,144337.5,WEDNESDAY,14,Y,1,0.10139604830262744,,,XAP,Approved,-2359,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,2560,Consumer electronics,10.0,middle,POS household with interest,365243.0,-2328.0,-2058.0,-2088.0,-2082.0,1.0,0,Cash loans,M,Y,Y,0,351000.0,808650.0,23773.5,675000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.011656999999999999,-19519,-641,-5629.0,-3016,8.0,1,1,1,1,1,0,Security staff,2.0,1,1,WEDNESDAY,16,0,1,1,0,1,1,Security,0.631972646002359,0.7231600866535602,0.10753217580247099,0.0526,0.0591,0.9906,,,0.04,0.069,0.25,,,,0.0653,,0.0362,0.0315,0.0498,0.9906,,,0.0,0.069,0.1667,,,,0.0401,,0.0178,0.0531,0.0591,0.9906,,,0.04,0.069,0.25,,,,0.0665,,0.0369,,block of flats,0.0339,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2482432,399864,Consumer loans,7639.02,46782.0,46782.0,0.0,46782.0,SATURDAY,9,Y,1,0.0,,,XAP,Approved,-181,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,25,Connectivity,8.0,high,POS mobile with interest,365243.0,-135.0,75.0,-75.0,-68.0,0.0,0,Cash loans,M,Y,Y,1,90000.0,675000.0,24930.0,675000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.0228,-17936,-581,-3187.0,-1457,2.0,1,1,0,1,0,0,Laborers,3.0,2,2,FRIDAY,11,0,0,0,0,0,0,Other,,0.2976179597709871,0.1117563710719636,0.122,0.1023,0.9891,0.8504,0.0928,0.12,0.1034,0.3333,0.375,0.0276,0.0972,0.1236,0.0103,0.0751,0.0704,0.0348,0.9891,0.8563,0.0353,0.0403,0.0345,0.3333,0.375,0.0223,0.0606,0.0619,0.0039,0.0397,0.1124,0.1063,0.9891,0.8524,0.091,0.12,0.1034,0.3333,0.375,0.0309,0.0915,0.124,0.0039,0.0732,reg oper account,block of flats,0.1705,"Stone, brick",No,0.0,0.0,0.0,0.0,-326.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1331875,376566,Consumer loans,7573.05,42255.0,25695.0,18000.0,42255.0,WEDNESDAY,16,Y,1,0.4486471304185001,,,XAP,Approved,-444,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,70,Consumer electronics,4.0,middle,POS household with interest,365243.0,-353.0,-263.0,-263.0,-258.0,0.0,0,Revolving loans,M,Y,N,0,180000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.028663,-8684,-89,-74.0,-1367,1.0,1,1,0,1,0,0,High skill tech staff,1.0,2,2,SATURDAY,15,0,0,0,0,1,1,Industry: type 9,0.2909266633606077,0.5752249785331207,0.5495965024956946,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-874.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1822105,173938,Consumer loans,5883.525,48015.0,52767.0,0.0,48015.0,SATURDAY,15,Y,1,0.0,,,XAP,Approved,-2372,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Stone,30,Furniture,12.0,high,POS industry with interest,365243.0,-2340.0,-2010.0,-2010.0,-2007.0,0.0,0,Cash loans,F,N,Y,0,180000.0,193500.0,19957.5,193500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-18703,-184,-8022.0,-2241,,1,1,0,1,0,0,,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,Other,,0.3871365291648932,,0.1629,0.1265,0.9886,,,0.16,0.1379,0.375,,0.1095,,0.1828,,0.0,0.166,0.1312,0.9886,,,0.1611,0.1379,0.375,,0.112,,0.1904,,0.0,0.1645,0.1265,0.9886,,,0.16,0.1379,0.375,,0.1114,,0.18600000000000005,,0.0,,block of flats,0.1437,Panel,No,1.0,1.0,1.0,1.0,-643.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2839275,403419,Consumer loans,10504.845,64102.5,51282.0,12820.5,64102.5,SATURDAY,11,Y,1,0.2178181818181818,,,XAP,Approved,-1844,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,85,Consumer electronics,6.0,high,POS household with interest,365243.0,-1813.0,-1663.0,-1663.0,-1374.0,0.0,0,Cash loans,F,Y,N,2,360000.0,971280.0,51745.5,900000.0,Unaccompanied,Commercial associate,Higher education,Married,Municipal apartment,0.072508,-13958,-2017,-4647.0,-840,1.0,1,1,1,1,1,0,,4.0,1,1,TUESDAY,13,0,0,0,0,0,0,Other,0.6948607613753809,0.7514283618274846,0.511891801533151,0.0454,0.1068,0.9722,0.6192,0.0102,0.0,0.1034,0.125,0.1667,0.0,0.0353,0.0586,0.0077,0.0875,0.0462,0.1108,0.9722,0.6341,0.0103,0.0,0.1034,0.125,0.1667,0.0,0.0386,0.061,0.0078,0.0926,0.0458,0.1068,0.9722,0.6243,0.0103,0.0,0.1034,0.125,0.1667,0.0,0.0359,0.0596,0.0078,0.0893,,terraced house,0.0651,"Stone, brick",No,0.0,0.0,0.0,0.0,-1844.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,1.0,5.0 +1257643,208181,Cash loans,37302.21,742500.0,940549.5,,742500.0,WEDNESDAY,14,Y,1,,,,XNA,Approved,-668,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-638.0,412.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,103500.0,276277.5,14233.5,238500.0,"Spouse, partner",State servant,Secondary / secondary special,Married,House / apartment,0.025164,-20422,-159,-6192.0,-142,,1,1,0,1,0,0,Medicine staff,2.0,2,2,SATURDAY,8,0,0,0,0,0,0,Kindergarten,,0.5203602717604611,0.4083588531230431,0.034,0.0882,0.9677,0.5579999999999999,0.0021,0.0,0.0345,0.0417,0.0833,0.0119,0.0277,0.0128,0.0,0.0095,0.0347,0.0915,0.9677,0.5753,0.0022,0.0,0.0345,0.0417,0.0833,0.0122,0.0303,0.0133,0.0,0.0101,0.0344,0.0882,0.9677,0.5639,0.0022,0.0,0.0345,0.0417,0.0833,0.0121,0.0282,0.013,0.0,0.0097,reg oper spec account,block of flats,0.0108,Wooden,No,3.0,0.0,3.0,0.0,-668.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1355367,182905,Consumer loans,12558.51,65205.0,61591.5,6520.5,65205.0,FRIDAY,11,Y,1,0.10426088314433976,,,XAP,Approved,-2003,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Stone,61,Consumer electronics,6.0,high,POS household with interest,365243.0,-1960.0,-1810.0,-1810.0,-1651.0,0.0,0,Cash loans,M,Y,N,1,180000.0,279000.0,16987.5,279000.0,Unaccompanied,Working,Secondary / secondary special,Married,Rented apartment,0.015221,-10899,-214,-4994.0,-2636,12.0,1,1,0,1,0,0,Laborers,3.0,2,2,SATURDAY,9,0,0,0,1,1,0,Construction,,0.33413962133623776,0.5316861425197883,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,0.0,7.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1933956,433838,Consumer loans,13146.21,198000.0,178200.0,19800.0,198000.0,WEDNESDAY,16,Y,1,0.1089090909090909,,,XAP,Approved,-244,Cash through the bank,XAP,Unaccompanied,New,Vehicles,POS,XNA,Stone,400,Auto technology,18.0,middle,POS other with interest,365243.0,-209.0,301.0,-59.0,-51.0,0.0,0,Cash loans,M,Y,Y,2,315000.0,469152.0,19237.5,405000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-12371,-203,-5912.0,-1645,3.0,1,1,1,1,0,0,Sales staff,4.0,1,1,TUESDAY,16,0,1,1,0,1,1,Business Entity Type 3,,0.6787640186470706,,0.0392,0.1982,0.9717,0.6124,0.0086,0.0,0.1207,0.1667,0.2083,0.0877,0.0319,0.0506,0.0039,0.0402,0.0336,0.17800000000000002,0.9717,0.6276,0.0072,0.0,0.1034,0.1667,0.2083,0.0686,0.0294,0.0433,0.0,0.0,0.0396,0.1982,0.9717,0.6176,0.0086,0.0,0.1207,0.1667,0.2083,0.0892,0.0325,0.0515,0.0039,0.041,reg oper account,block of flats,0.0327,"Stone, brick",No,0.0,0.0,0.0,0.0,-184.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1886323,323902,Cash loans,10618.875,45000.0,52366.5,,45000.0,WEDNESDAY,12,Y,1,,,,Urgent needs,Refused,-385,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,2,135000.0,526491.0,32206.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010966,-12903,-4439,-2623.0,-4059,,1,1,0,1,0,0,Security staff,4.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Government,0.5129475988905395,0.4497833783973405,0.42765737003502935,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1173.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1714327,235894,Consumer loans,6837.795,32305.5,32895.0,4500.0,32305.5,WEDNESDAY,12,Y,1,0.13105787113007328,,,XAP,Approved,-1466,Cash through the bank,XAP,Family,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,50,Connectivity,6.0,high,POS mobile with interest,365243.0,-1435.0,-1285.0,-1345.0,-1343.0,0.0,0,Cash loans,M,Y,Y,1,166500.0,855000.0,34038.0,855000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.015221,-17195,365243,-3694.0,-744,1.0,1,0,0,1,1,0,,3.0,2,2,SATURDAY,13,0,0,0,0,0,0,XNA,,0.5738405161746867,0.6109913280868294,0.0619,0.0546,0.9806,,,,0.1379,0.1667,,0.0648,,0.0534,,0.3504,0.063,0.0567,0.9806,,,,0.1379,0.1667,,0.0663,,0.0557,,0.3709,0.0625,0.0546,0.9806,,,,0.1379,0.1667,,0.0659,,0.0544,,0.3577,,block of flats,0.042,Panel,No,6.0,0.0,6.0,0.0,-390.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1324037,274706,Cash loans,27926.595,450000.0,512370.0,,450000.0,SATURDAY,13,Y,1,,,,Repairs,Refused,-714,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,middle,Cash Street: middle,,,,,,,0,Cash loans,M,Y,N,0,225000.0,1006920.0,45499.5,900000.0,Unaccompanied,Commercial associate,Incomplete higher,Married,House / apartment,0.035792000000000004,-10459,-2120,-1113.0,-2774,3.0,1,1,1,1,0,1,Drivers,2.0,2,2,TUESDAY,19,0,0,0,0,0,0,Business Entity Type 3,0.3887704967159405,0.6324137791449503,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-960.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1516701,197995,Cash loans,30077.1,742500.0,1028628.0,,742500.0,TUESDAY,7,Y,1,,,,XNA,Approved,-289,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-259.0,1511.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,2,126000.0,180000.0,6916.5,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-13158,-4254,-5333.0,-5528,12.0,1,1,0,1,0,0,Laborers,4.0,2,2,THURSDAY,13,0,0,0,0,0,0,Housing,,0.5716465360178015,0.6545292802242897,0.0,,0.0,,,0.0,,,,,,,,,0.0,,0.0005,,,0.0,,,,,,,,,0.0,,0.0,,,0.0,,,,,,,,,,block of flats,0.0,,No,3.0,1.0,3.0,0.0,-1377.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1460258,254565,Consumer loans,6905.43,31410.0,33583.5,3141.0,31410.0,THURSDAY,14,Y,1,0.09314856690913544,,,XAP,Approved,-734,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,50,Connectivity,6.0,high,POS mobile with interest,365243.0,-703.0,-553.0,-613.0,-605.0,0.0,0,Cash loans,M,Y,Y,0,180000.0,180000.0,13095.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.009334,-15616,-758,-8216.0,-4516,8.0,1,1,1,1,1,0,Managers,1.0,2,2,WEDNESDAY,11,0,1,1,0,1,1,Postal,,0.5602373555507609,0.5316861425197883,0.0103,,0.9786,,,0.0,0.0345,0.0417,,0.0039,,0.0051,,0.0028,0.0105,,0.9786,,,0.0,0.0345,0.0417,,0.004,,0.0053,,0.003,0.0104,,0.9786,,,0.0,0.0345,0.0417,,0.004,,0.0051,,0.0029,,block of flats,0.0046,Wooden,No,0.0,0.0,0.0,0.0,-497.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1398048,130578,Cash loans,38260.17,765000.0,843763.5,,765000.0,THURSDAY,9,Y,1,,,,XNA,Approved,-1066,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-1036.0,14.0,-406.0,-391.0,1.0,0,Cash loans,F,N,Y,0,202500.0,494118.0,31707.0,436500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-20295,-3700,-9270.0,-3789,,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,Self-employed,,0.5670569392362769,0.3876253444214701,0.0247,0.0423,0.9866,,,0.0,0.1034,0.0833,,0.0416,,0.0257,,0.0,0.0252,0.0439,0.9866,,,0.0,0.1034,0.0833,,0.0426,,0.0268,,0.0,0.025,0.0423,0.9866,,,0.0,0.1034,0.0833,,0.0424,,0.0261,,0.0,,block of flats,0.0302,Panel,No,6.0,0.0,6.0,0.0,-3399.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,4.0 +2543749,367320,Cash loans,42330.24,1147500.0,1280794.5,,1147500.0,SATURDAY,10,Y,1,,,,XNA,Refused,-384,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,157500.0,290088.0,18666.0,229500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-17458,365243,-5226.0,-1007,4.0,1,0,0,1,1,1,,2.0,2,2,FRIDAY,18,0,0,0,0,0,0,XNA,,0.5851899547640256,0.6986675550534175,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1170421,189128,Cash loans,7241.22,67500.0,85702.5,,67500.0,FRIDAY,17,Y,1,,,,XNA,Approved,-1207,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,18.0,high,Cash X-Sell: high,365243.0,-1177.0,-667.0,-697.0,-687.0,1.0,0,Cash loans,M,N,Y,0,85500.0,343800.0,16852.5,225000.0,Unaccompanied,Working,Incomplete higher,Separated,House / apartment,0.016612000000000002,-14564,-1487,-8147.0,-852,,1,1,0,1,1,0,Laborers,1.0,2,2,MONDAY,15,0,0,0,0,0,0,Other,,0.4245970458806386,0.5298898341969072,0.0887,0.1137,0.9786,0.7076,0.047,0.0,0.2069,0.1667,0.2083,0.1184,0.0672,0.0713,0.0232,0.1241,0.0903,0.1179,0.9786,0.7190000000000001,0.0474,0.0,0.2069,0.1667,0.2083,0.1211,0.0735,0.0743,0.0233,0.1314,0.0895,0.1137,0.9786,0.7115,0.0473,0.0,0.2069,0.1667,0.2083,0.1204,0.0684,0.0726,0.0233,0.1267,reg oper account,block of flats,0.1088,"Stone, brick",No,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1518104,193931,Consumer loans,9832.635,91291.5,100930.5,0.0,91291.5,THURSDAY,8,Y,1,0.0,,,XAP,Approved,-155,XNA,XAP,"Spouse, partner",New,Consumer Electronics,POS,XNA,Country-wide,1744,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-125.0,205.0,365243.0,365243.0,1.0,1,Cash loans,F,N,Y,0,114750.0,840996.0,29925.0,702000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010032,-18224,-2978,-8926.0,-1705,,1,1,0,1,0,0,Cleaning staff,2.0,2,2,FRIDAY,6,0,0,0,0,0,0,Other,0.7011214977099781,0.2311023456478344,0.13510601574017175,0.0402,0.0361,0.9881,0.8368,0.0068,0.0,0.0345,0.1667,0.2083,0.0383,0.0328,0.0264,0.0,0.0,0.041,0.0375,0.9881,0.8432,0.0068,0.0,0.0345,0.1667,0.2083,0.0392,0.0358,0.0275,0.0,0.0,0.0406,0.0361,0.9881,0.8390000000000001,0.0068,0.0,0.0345,0.1667,0.2083,0.039,0.0333,0.0269,0.0,0.0,reg oper account,block of flats,0.0316,Block,No,0.0,0.0,0.0,0.0,-155.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2708309,428845,Cash loans,22368.375,675000.0,808650.0,,675000.0,THURSDAY,8,Y,1,,,,Building a house or an annex,Refused,-124,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Revolving loans,F,N,Y,0,225000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.019688999999999998,-16782,-2930,-3385.0,-334,,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,Trade: type 7,,0.2755358466931539,0.3077366963789207,0.0577,0.0498,0.9757,0.6668,0.0057,0.0,0.1034,0.1667,0.2083,0.0418,0.0462,0.0503,0.0039,0.0136,0.042,0.0328,0.9747,0.6668,0.0035,0.0,0.069,0.1667,0.2083,0.0336,0.0367,0.0333,0.0,0.0,0.0583,0.0498,0.9757,0.6713,0.0057,0.0,0.1034,0.1667,0.2083,0.0425,0.047,0.0512,0.0039,0.0139,reg oper account,block of flats,0.0282,Block,No,4.0,1.0,4.0,1.0,-2089.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1599485,275063,Consumer loans,6249.33,122094.0,135823.5,0.0,122094.0,TUESDAY,18,Y,1,0.0,,,XAP,Approved,-668,Cash through the bank,XAP,,New,Computers,POS,XNA,Country-wide,2050,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-637.0,53.0,-487.0,-481.0,0.0,1,Cash loans,F,N,N,0,144000.0,1080000.0,38920.5,1080000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.026392000000000002,-15970,-8987,-3717.0,-4209,,1,1,0,1,0,0,Cleaning staff,1.0,2,2,SUNDAY,11,0,0,0,0,0,0,Business Entity Type 2,0.5057239433045831,0.6227801974506914,0.6178261467332483,0.1227,0.1208,0.9801,,,0.0,0.2759,0.1667,,0.106,,0.1221,,0.0,0.125,0.1253,0.9801,,,0.0,0.2759,0.1667,,0.1084,,0.1273,,0.0,0.1239,0.1208,0.9801,,,0.0,0.2759,0.1667,,0.1079,,0.1243,,0.0,,block of flats,0.0961,Panel,No,0.0,0.0,0.0,0.0,-213.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,3.0 +2723168,441266,Consumer loans,4436.91,33835.5,23701.5,11250.0,33835.5,WEDNESDAY,16,Y,1,0.35055069817526363,,,XAP,Approved,-1728,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Stone,148,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1690.0,-1540.0,-1540.0,-1535.0,0.0,0,Cash loans,M,N,Y,0,243000.0,514602.0,48861.0,495000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.025164,-19635,-12677,-3760.0,-2715,,1,1,0,1,1,0,Laborers,2.0,2,2,TUESDAY,8,0,0,0,0,0,0,Industry: type 5,,0.1914141474983982,0.5919766183185521,0.2454,0.0975,0.9866,0.8164,0.0713,0.24,0.2069,0.375,0.4167,0.1205,0.1992,0.2116,0.0039,0.0023,0.25,0.1012,0.9866,0.8236,0.0719,0.2417,0.2069,0.375,0.4167,0.1233,0.2176,0.2204,0.0039,0.0025,0.2477,0.0975,0.9866,0.8189,0.0717,0.24,0.2069,0.375,0.4167,0.1226,0.2027,0.2154,0.0039,0.0024,not specified,block of flats,0.2059,Panel,No,0.0,0.0,0.0,0.0,-1728.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,0.0 +1551732,159207,Consumer loans,29990.25,405000.0,405000.0,0.0,405000.0,WEDNESDAY,8,Y,1,0.0,,,XAP,Refused,-251,XNA,HC,,Repeater,Construction Materials,POS,XNA,Stone,18,Construction,16.0,low_normal,POS industry with interest,,,,,,,1,Cash loans,M,Y,Y,0,225000.0,256500.0,30568.5,256500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.015221,-13190,-1300,-588.0,-2995,12.0,1,1,0,1,0,0,Laborers,1.0,2,2,TUESDAY,12,0,0,0,0,0,0,Self-employed,,0.5217573135102741,0.20092608771597092,0.1784,0.0769,0.9816,0.7484,0.0186,0.2,0.1724,0.3333,0.0417,0.0502,0.1454,0.1704,0.0,0.0692,0.1817,0.0798,0.9816,0.7583,0.0188,0.2014,0.1724,0.3333,0.0417,0.0514,0.1589,0.1775,0.0,0.0732,0.1801,0.0769,0.9816,0.7518,0.0187,0.2,0.1724,0.3333,0.0417,0.0511,0.1479,0.1735,0.0,0.0706,reg oper account,block of flats,0.1491,"Stone, brick",No,0.0,0.0,0.0,0.0,-585.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1148731,374023,Cash loans,15129.45,135000.0,135000.0,0.0,135000.0,WEDNESDAY,10,Y,1,0.0,,,Everyday expenses,Refused,-2324,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,202500.0,247275.0,18616.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.02461,-18555,-1198,-10220.0,-1940,,1,1,0,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Self-employed,,0.4891791201097607,0.5513812618027899,0.066,0.0567,0.9861,0.8096,0.0202,0.0,0.0345,0.1667,0.0417,0.0619,0.053,0.047,0.0039,0.0066,0.0672,0.0589,0.9861,0.8171,0.0204,0.0,0.0345,0.1667,0.0417,0.0633,0.0579,0.049,0.0039,0.0069,0.0666,0.0567,0.9861,0.8121,0.0203,0.0,0.0345,0.1667,0.0417,0.063,0.0539,0.0479,0.0039,0.0067,reg oper account,block of flats,0.0477,"Stone, brick",No,4.0,1.0,4.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1403103,191576,Consumer loans,7714.125,92536.515,84492.0,8044.515,92536.515,FRIDAY,14,Y,1,0.09467838889918703,,,XAP,Refused,-2379,Cash through the bank,SCO,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,2300,Consumer electronics,12.0,low_action,POS household without interest,,,,,,,0,Cash loans,F,Y,Y,0,135000.0,157500.0,11902.5,157500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.026392000000000002,-10519,-1357,-45.0,-889,15.0,1,1,0,1,0,0,Sales staff,2.0,2,2,THURSDAY,13,0,0,0,0,1,1,Bank,,0.6258524207291101,,0.1155,,0.993,,,0.12,0.1034,0.375,0.0417,0.0,0.0941,0.1309,0.0,0.0,0.1176,,0.993,,,0.1208,0.1034,0.375,0.0417,0.0,0.1028,0.1364,0.0,0.0,0.1166,,0.993,,,0.12,0.1034,0.375,0.0417,0.0,0.0958,0.1333,0.0,0.0,,block of flats,0.103,"Stone, brick",No,7.0,0.0,7.0,0.0,-1000.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1598412,307665,Consumer loans,13244.805,89095.5,95355.0,8910.0,89095.5,SATURDAY,7,Y,1,0.09306862321968057,,,XAP,Approved,-1908,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Regional / Local,85,Consumer electronics,8.0,low_normal,POS household with interest,365243.0,-1876.0,-1666.0,-1666.0,-1662.0,0.0,0,Revolving loans,M,Y,Y,0,225000.0,540000.0,27000.0,540000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.006852,-17530,-4492,-663.0,-1084,7.0,1,1,0,1,0,0,Laborers,2.0,3,3,WEDNESDAY,6,0,0,0,0,0,0,Industry: type 7,,0.027530038587703767,0.7380196196295241,0.0082,,0.9588,,,0.0,0.069,0.0,,,,0.0044,,0.0201,0.0084,,0.9588,,,0.0,0.069,0.0,,,,0.0046,,0.0212,0.0083,,0.9588,,,0.0,0.069,0.0,,,,0.0045,,0.0205,,block of flats,0.0078,Wooden,No,0.0,0.0,0.0,0.0,-443.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,7.0 +2243523,198009,Consumer loans,10715.85,108756.0,107158.5,11250.0,108756.0,SATURDAY,10,Y,1,0.10347460467173153,,,XAP,Approved,-1332,Cash through the bank,XAP,"Spouse, partner",Repeater,Furniture,POS,XNA,Regional / Local,1283,Furniture,12.0,middle,POS industry with interest,365243.0,-1301.0,-971.0,-1181.0,-1177.0,0.0,0,Cash loans,F,N,N,1,157500.0,900000.0,46084.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-13114,-2869,-7188.0,-4706,,1,1,0,1,1,0,Sales staff,3.0,3,2,THURSDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.6346761113027882,0.4162051290016494,0.4436153084085652,0.0381,0.0167,0.9712,0.6056,0.0053,0.0,0.1034,0.0833,0.125,0.0172,0.0311,0.0359,0.0,0.0,0.0389,0.0174,0.9712,0.621,0.0053,0.0,0.1034,0.0833,0.125,0.0176,0.034,0.0374,0.0,0.0,0.0385,0.0167,0.9712,0.6109,0.0053,0.0,0.1034,0.0833,0.125,0.0175,0.0316,0.0365,0.0,0.0,reg oper account,block of flats,0.0311,"Stone, brick",No,0.0,0.0,0.0,0.0,-821.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2133658,432767,Consumer loans,16409.295,161910.0,175801.5,0.0,161910.0,MONDAY,17,Y,1,0.0,,,XAP,Refused,-361,Cash through the bank,LIMIT,,Repeater,Computers,POS,XNA,Regional / Local,70,Consumer electronics,12.0,low_normal,POS household with interest,,,,,,,0,Cash loans,M,Y,N,0,135000.0,568800.0,16429.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.022625,-9799,-2801,-157.0,-2395,13.0,1,1,0,1,0,0,Laborers,1.0,2,2,THURSDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.3124377370441735,0.27020360709081714,0.3996756156233169,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-421.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1129737,176695,Consumer loans,15961.14,171000.0,171000.0,0.0,171000.0,SATURDAY,8,Y,1,0.0,,,XAP,Approved,-279,Cash through the bank,XAP,,New,Clothing and Accessories,POS,XNA,Stone,20,Clothing,12.0,low_normal,POS industry with interest,365243.0,-237.0,93.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,Y,4,112500.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-13210,-560,-3888.0,-4025,,1,1,1,1,1,0,Core staff,6.0,3,3,FRIDAY,8,0,0,0,0,0,0,Kindergarten,,0.41621575574180414,0.39449540531239935,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-22.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2524621,261021,Cash loans,7009.875,67500.0,71955.0,,67500.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-693,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-663.0,-333.0,-333.0,-325.0,1.0,0,Cash loans,F,N,Y,0,130500.0,531706.5,29817.0,459000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-23417,365243,-12834.0,-5124,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,XNA,0.8177084417993334,0.6546806806010912,0.6313545365850379,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1899.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1361198,321608,Cash loans,20048.85,270000.0,342891.0,,270000.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-919,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-889.0,-199.0,-199.0,-194.0,1.0,0,Cash loans,F,Y,Y,0,112500.0,367389.0,18886.5,279000.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-20552,365243,-4510.0,-2167,10.0,1,0,0,1,0,0,,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,XNA,,0.3552308172290725,0.4489622731076524,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1720.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1397818,328787,Cash loans,13794.75,135000.0,143910.0,,135000.0,TUESDAY,11,Y,1,,,,XNA,Approved,-959,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,90000.0,720000.0,21181.5,720000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-22222,365243,-7488.0,-4441,,1,0,0,1,1,0,,2.0,2,2,TUESDAY,17,0,0,0,0,0,0,XNA,,0.6308874140112812,0.7151031019926098,0.0825,,0.9886,,,0.08,0.069,0.375,,,,0.0853,,0.0104,0.084,,0.9886,,,0.0806,0.069,0.375,,,,0.0889,,0.011,0.0833,,0.9886,,,0.08,0.069,0.375,,,,0.0868,,0.0106,,block of flats,0.0693,Panel,No,0.0,0.0,0.0,0.0,-2180.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,4.0 +2214382,107779,Consumer loans,2365.38,23805.0,19728.0,8190.0,23805.0,FRIDAY,17,Y,1,0.3194947541175781,,,XAP,Approved,-1917,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,35,Connectivity,12.0,high,POS mobile with interest,365243.0,-1882.0,-1552.0,-1552.0,-1544.0,0.0,1,Cash loans,M,N,Y,0,216000.0,662733.0,32013.0,535500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.00963,-13962,-4887,-8066.0,-4076,,1,1,0,1,0,0,,1.0,2,2,THURSDAY,12,0,0,0,0,0,0,Business Entity Type 2,,0.10199131379744128,0.4014074137749511,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1917.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1146313,451837,Consumer loans,2881.395,39870.0,35883.0,3987.0,39870.0,THURSDAY,13,Y,1,0.1089090909090909,,,XAP,Refused,-2118,Cash through the bank,LIMIT,Other_B,Repeater,Audio/Video,POS,XNA,Stone,265,Consumer electronics,24.0,high,POS household with interest,,,,,,,1,Cash loans,F,N,N,0,121500.0,835380.0,33259.5,675000.0,Unaccompanied,State servant,Secondary / secondary special,Civil marriage,House / apartment,0.007305,-13609,-1332,-3398.0,-4316,,1,1,1,1,1,0,Core staff,2.0,3,3,MONDAY,13,0,0,0,0,0,0,School,0.5508721495024311,0.6201720920457523,0.7421816117614419,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2017474,434964,Consumer loans,6751.35,80955.0,93780.0,0.0,80955.0,TUESDAY,18,Y,1,0.0,,,XAP,Approved,-708,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Regional / Local,150,Consumer electronics,18.0,middle,POS household with interest,365243.0,-674.0,-164.0,-164.0,-157.0,0.0,0,Cash loans,M,Y,Y,0,90000.0,298512.0,29655.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.035792000000000004,-18479,-259,-2745.0,-2014,6.0,1,1,0,1,0,0,Security staff,2.0,2,2,WEDNESDAY,13,0,0,0,0,1,1,Security,,0.5229030712393681,0.7091891096653581,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1842465,262110,Cash loans,51465.195,810000.0,893398.5,,810000.0,THURSDAY,17,Y,1,,,,XNA,Refused,-403,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,M,N,Y,0,315000.0,479974.5,25258.5,364500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-21629,-733,-2293.0,-2442,,1,1,0,1,0,0,High skill tech staff,2.0,1,1,MONDAY,16,0,0,0,0,0,0,Construction,,0.7332437131439191,0.5797274227921155,0.5907,0.2809,0.9816,0.7484,0.0924,0.96,0.4138,0.4583,0.5,0.0,0.4808,0.5374,0.0039,0.001,0.6019,0.2915,0.9816,0.7583,0.0933,0.9667,0.4138,0.4583,0.5,0.0,0.5253,0.5599,0.0039,0.001,0.5964,0.2809,0.9816,0.7518,0.093,0.96,0.4138,0.4583,0.5,0.0,0.4891,0.5471,0.0039,0.001,,block of flats,0.4229,Panel,No,0.0,0.0,0.0,0.0,-730.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1600514,290020,Consumer loans,12177.405,143257.5,128929.5,14328.0,143257.5,WEDNESDAY,9,Y,1,0.10892619615346168,,,XAP,Approved,-581,Cash through the bank,XAP,,New,Furniture,POS,XNA,Regional / Local,100,Furniture,12.0,low_normal,POS industry with interest,365243.0,-548.0,-218.0,-218.0,-213.0,0.0,0,Cash loans,M,N,Y,0,135000.0,305221.5,22338.0,252000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-14583,-337,-827.0,-4556,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.3720156055377679,0.5779263370538099,0.6674577419214722,0.0546,,0.9776,0.6872,0.008,0.04,0.0345,0.3333,,,0.0437,0.0463,0.0039,0.0076,0.0557,,0.9777,0.6994,0.0081,0.0403,0.0345,0.3333,,,0.0478,0.0482,0.0039,0.008,0.0552,,0.9776,0.6914,0.008,0.04,0.0345,0.3333,,,0.0445,0.0471,0.0039,0.0077,reg oper spec account,block of flats,0.0384,"Stone, brick",No,0.0,0.0,0.0,0.0,-581.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1297795,148888,Cash loans,9349.515,135000.0,152820.0,,135000.0,TUESDAY,13,Y,1,,,,XNA,Refused,-261,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash Street: middle,,,,,,,0,Cash loans,F,N,Y,0,90000.0,239850.0,23850.0,225000.0,Unaccompanied,Pensioner,Higher education,Single / not married,House / apartment,0.01885,-24566,365243,-7475.0,-4032,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,10,0,0,0,0,0,0,XNA,,0.689752297189584,0.6706517530862718,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1486.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1496962,427004,Revolving loans,22500.0,0.0,450000.0,,,THURSDAY,19,Y,1,,,,XAP,Approved,-1173,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-1172.0,-1141.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,675000.0,579942.0,42331.5,495000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.072508,-16134,-1692,-5291.0,-3262,2.0,1,1,0,1,1,0,,2.0,1,1,MONDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.5080814292572581,0.7068227980279771,0.22009464485041005,0.2959,0.23,0.9776,0.6940000000000001,0.0453,0.32,0.2759,0.3333,0.375,0.0349,0.2412,0.2849,0.0,0.0,0.3015,0.1931,0.9777,0.706,0.0,0.3222,0.2759,0.3333,0.375,0.0355,0.2635,0.2964,0.0,0.0,0.2987,0.23,0.9776,0.6981,0.0456,0.32,0.2759,0.3333,0.375,0.0355,0.2454,0.29,0.0,0.0,reg oper account,block of flats,0.2238,Panel,No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1263663,143252,Consumer loans,13030.155,129087.0,109737.0,19350.0,129087.0,SATURDAY,10,Y,1,0.16325353514226126,,,XAP,Approved,-364,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,12.0,high,POS mobile with interest,365243.0,-328.0,2.0,-178.0,-174.0,0.0,0,Cash loans,M,N,Y,0,180000.0,450000.0,48595.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.028663,-19136,-5400,-13270.0,-2682,,1,1,0,1,0,0,,1.0,2,2,SATURDAY,9,0,0,0,0,0,0,Business Entity Type 2,,0.07911187887965275,,0.0825,0.08,0.9762,,,0.0,0.1379,0.1667,,,,0.0481,,0.0,0.084,0.083,0.9762,,,0.0,0.1379,0.1667,,,,0.0501,,0.0,0.0833,0.08,0.9762,,,0.0,0.1379,0.1667,,,,0.049,,0.0,,block of flats,0.0737,Mixed,No,3.0,0.0,3.0,0.0,-170.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2142551,273977,Cash loans,19311.3,360000.0,360000.0,,360000.0,MONDAY,15,Y,1,,,,XNA,Refused,-1339,XNA,HC,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,N,N,1,270000.0,900000.0,29164.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00733,-13092,-3261,-3921.0,-3330,,1,1,1,1,1,0,,3.0,2,2,TUESDAY,19,0,0,0,0,0,0,Other,0.3529723922599589,0.7809355016213866,0.4083588531230431,0.1557,0.1332,0.9886,,0.0497,0.16,0.069,0.3333,,0.0921,0.1269,0.1616,,0.0052,0.1586,0.1382,0.9886,,0.0502,0.1611,0.069,0.3333,,0.0942,0.1387,0.1683,,0.0056,0.1572,0.1332,0.9886,,0.05,0.16,0.069,0.3333,,0.0937,0.1291,0.1645,,0.0054,,block of flats,0.226,"Stone, brick",No,2.0,1.0,2.0,1.0,-1403.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2717655,442400,Cash loans,36824.625,315000.0,332464.5,,315000.0,MONDAY,10,Y,1,,,,XNA,Approved,-1444,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-1414.0,-1084.0,-1144.0,-1137.0,1.0,0,Cash loans,F,N,N,0,180000.0,1687266.0,64395.0,1575000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.006207,-16080,-3051,-3316.0,-4633,,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Self-employed,0.8500434933228419,0.6870974804485539,0.7557400501752248,0.0845,0.0564,0.9871,0.8232,,0.08,0.069,0.375,0.4167,0.1013,0.0672,0.0855,0.0077,0.0,0.0861,0.0586,0.9871,0.8301,,0.0806,0.069,0.375,0.4167,0.1036,0.0735,0.08900000000000001,0.0078,0.0,0.0854,0.0564,0.9871,0.8256,,0.08,0.069,0.375,0.4167,0.1031,0.0684,0.087,0.0078,0.0,reg oper account,block of flats,0.0754,Panel,No,4.0,0.0,4.0,0.0,-1640.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2248368,384114,Consumer loans,18832.095,175410.0,169506.0,17541.0,175410.0,WEDNESDAY,20,Y,1,0.10213338699024116,,,XAP,Approved,-2154,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,2948,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2122.0,-1852.0,-1912.0,-1905.0,0.0,0,Cash loans,F,Y,Y,1,157500.0,306000.0,11785.5,306000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-13057,-502,-6494.0,-1879,2.0,1,1,0,1,0,0,Core staff,3.0,2,2,MONDAY,19,0,0,0,0,0,0,Insurance,,0.7023349044163559,0.4776491548517548,0.0804,0.0603,0.9911,,,0.08,0.069,0.375,,0.061,,0.0852,,0.0,0.0819,0.0625,0.9911,,,0.0806,0.069,0.375,,0.0624,,0.0887,,0.0,0.0812,0.0603,0.9911,,,0.08,0.069,0.375,,0.0621,,0.0867,,0.0,,block of flats,0.067,Panel,No,0.0,0.0,0.0,0.0,-2154.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2469363,368685,Revolving loans,9000.0,0.0,180000.0,,,FRIDAY,11,Y,1,,,,XAP,Approved,-1078,XNA,XAP,,Refreshed,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,76500.0,254700.0,14350.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-18211,365243,-10533.0,-1772,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,XNA,,0.19421511211361847,0.1385128770585923,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1078.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1910772,454817,Cash loans,8806.455,45000.0,46485.0,,45000.0,SATURDAY,11,Y,1,,,,XNA,Approved,-534,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-504.0,-354.0,-354.0,-351.0,1.0,0,Cash loans,M,Y,Y,0,112500.0,343800.0,12478.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-20663,-4571,-1320.0,-412,31.0,1,1,0,1,0,0,Drivers,2.0,2,2,MONDAY,15,0,0,0,0,1,1,Business Entity Type 3,,0.22844363303452106,0.7366226976503176,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2578164,308630,Consumer loans,12403.845,66690.0,70209.0,0.0,66690.0,WEDNESDAY,9,Y,1,0.0,,,XAP,Approved,-749,XNA,XAP,Family,Repeater,Auto Accessories,POS,XNA,Stone,123,Industry,6.0,low_normal,POS other with interest,365243.0,-718.0,-568.0,-568.0,-563.0,0.0,0,Cash loans,F,Y,Y,0,157500.0,1590934.5,43879.5,1422000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.006629,-12705,-515,-4209.0,-1502,17.0,1,1,0,1,1,0,Core staff,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Transport: type 1,0.27591214078104737,0.4829627015481375,,0.0253,,0.9757,0.8708,,0.0,0.069,0.0833,,0.0115,0.0202,0.0194,,0.0057,0.0252,,0.9757,0.8759,,0.0,0.069,0.0833,,0.0077,0.022,0.0201,,0.006,0.0255,,0.9757,0.8725,,0.0,0.069,0.0833,,0.0117,0.0205,0.0198,,0.0058,,block of flats,0.0164,Block,No,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1645479,142173,Revolving loans,4500.0,0.0,90000.0,,,FRIDAY,16,Y,1,,,,XAP,Approved,-2856,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card Street,-2856.0,-2795.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,108000.0,454500.0,16321.5,454500.0,Unaccompanied,Commercial associate,Higher education,Widow,House / apartment,0.008865999999999999,-19173,-692,-5251.0,-2685,14.0,1,1,1,1,0,0,,1.0,2,2,FRIDAY,11,0,0,0,0,0,0,Other,,0.7019232921767538,0.5316861425197883,0.0577,0.0255,0.9826,0.762,0.0144,0.04,0.0345,0.3333,0.375,0.0895,0.0471,0.0411,,0.07200000000000001,0.0588,0.0265,0.9826,0.7713,0.0145,0.0403,0.0345,0.3333,0.375,0.0916,0.0514,0.0395,,0.0763,0.0583,0.0255,0.9826,0.7652,0.0144,0.04,0.0345,0.3333,0.375,0.0911,0.0479,0.0418,,0.0736,reg oper account,block of flats,0.0558,"Stone, brick",No,1.0,0.0,1.0,0.0,-130.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +1263002,135025,Revolving loans,5625.0,0.0,112500.0,,,MONDAY,15,Y,1,,,,XAP,Approved,-2430,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-2422.0,-2368.0,365243.0,-969.0,365243.0,0.0,0,Cash loans,F,N,Y,0,135000.0,518562.0,26604.0,463500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,Municipal apartment,0.008625,-19602,-2976,-8628.0,-3098,,1,1,0,1,0,0,Sales staff,1.0,2,2,TUESDAY,10,0,0,0,0,0,0,Self-employed,,0.3853377233788362,,0.068,0.0291,0.9757,0.6668,0.0913,0.0,0.1034,0.1667,0.2083,0.1145,0.0555,0.0551,0.0,0.0,0.0693,0.0302,0.9757,0.6798,0.0921,0.0,0.1034,0.1667,0.2083,0.1171,0.0606,0.0574,0.0,0.0,0.0687,0.0291,0.9757,0.6713,0.0919,0.0,0.1034,0.1667,0.2083,0.1165,0.0564,0.0561,0.0,0.0,reg oper account,block of flats,0.0499,"Stone, brick",No,0.0,0.0,0.0,0.0,-1002.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2584287,123408,Cash loans,44301.555,540000.0,572076.0,,540000.0,FRIDAY,9,Y,1,,,,XNA,Approved,-1190,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-1160.0,-650.0,-650.0,-635.0,1.0,0,Cash loans,F,N,Y,0,81000.0,547344.0,30690.0,472500.0,Family,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.030755,-16934,-1567,-2464.0,-446,,1,1,0,1,0,0,,1.0,2,2,FRIDAY,9,0,0,0,0,1,1,Transport: type 2,,0.2622583692422573,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-126.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1062433,425975,Consumer loans,6029.235,31455.0,25722.0,6750.0,31455.0,SATURDAY,12,Y,1,0.22639084861923,,,XAP,Approved,-2329,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,31,Connectivity,5.0,low_normal,POS mobile with interest,365243.0,-2279.0,-2159.0,-2189.0,-2181.0,1.0,0,Cash loans,F,N,Y,1,292500.0,601474.5,29065.5,486000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.04622,-16645,-2550,-8234.0,-176,,1,1,0,1,0,1,Laborers,3.0,1,1,THURSDAY,19,0,0,0,0,0,0,Business Entity Type 2,0.8235951227867035,0.7237507110199088,0.3031463744186309,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2557.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2420430,358999,Consumer loans,,27630.0,27630.0,0.0,27630.0,WEDNESDAY,11,Y,1,0.0,,,XAP,Refused,-1212,Cash through the bank,HC,,Refreshed,Mobile,XNA,XNA,Country-wide,45,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,M,N,N,0,99000.0,414792.0,21177.0,315000.0,Unaccompanied,State servant,Secondary / secondary special,Civil marriage,House / apartment,0.030755,-22187,-5416,-4992.0,-4360,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,18,0,0,0,0,0,0,Other,,0.49881010254113006,0.6545292802242897,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,9.0,2.0,9.0,1.0,-3281.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1226512,298535,Cash loans,21177.81,180000.0,191880.0,,180000.0,WEDNESDAY,17,Y,1,,,,XNA,Approved,-822,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Regional / Local,200,Consumer electronics,12.0,high,Cash X-Sell: high,365243.0,-792.0,-462.0,-462.0,-454.0,1.0,0,Cash loans,M,Y,N,2,135000.0,1575000.0,43312.5,1575000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019101,-10991,-2538,-4497.0,-3208,8.0,1,1,1,1,1,0,Laborers,4.0,2,2,THURSDAY,10,0,0,0,0,0,0,Self-employed,,0.4023965021440252,0.29859498978739724,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-531.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2370425,395791,Cash loans,40037.04,445500.0,482548.5,0.0,445500.0,THURSDAY,9,Y,1,0.0,,,XNA,Approved,-1889,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,18.0,high,Cash X-Sell: high,365243.0,-1859.0,-1349.0,-1349.0,-1347.0,1.0,0,Cash loans,F,N,N,2,135000.0,1042560.0,34587.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-13936,-2787,-138.0,-5062,,1,1,0,1,0,0,,4.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.525996249419867,0.4076449930083697,0.7636399214572418,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1891.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2357129,384783,Cash loans,29373.3,247500.0,247500.0,,247500.0,TUESDAY,13,Y,1,,,,Everyday expenses,Approved,-567,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Contact center,-1,XNA,12.0,high,Cash Street: high,365243.0,-537.0,-207.0,-207.0,-198.0,0.0,0,Cash loans,F,Y,Y,2,225000.0,553806.0,23463.0,495000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.022625,-10572,-2960,-2866.0,-2986,4.0,1,1,0,1,1,0,,4.0,2,2,TUESDAY,12,0,1,1,0,1,1,Business Entity Type 3,0.4056197480884994,0.6751199692870504,0.375711009574066,0.0557,0.0835,0.9712,0.6056,0.1072,0.0,0.1724,0.125,0.1667,0.023,0.0412,0.0588,0.0193,0.0567,0.0567,0.0866,0.9712,0.621,0.1082,0.0,0.1724,0.125,0.1667,0.0235,0.045,0.0612,0.0195,0.0601,0.0562,0.0835,0.9712,0.6109,0.1079,0.0,0.1724,0.125,0.1667,0.0234,0.0419,0.0598,0.0194,0.0579,org spec account,block of flats,0.0586,"Stone, brick",No,0.0,0.0,0.0,0.0,-1805.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2466162,349211,Cash loans,9549.9,90000.0,90000.0,,90000.0,TUESDAY,17,Y,1,,,,Urgent needs,Approved,-234,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),8,XNA,12.0,middle,Cash Street: middle,365243.0,-204.0,126.0,365243.0,365243.0,0.0,1,Cash loans,F,N,Y,0,180000.0,1061599.5,31171.5,927000.0,Unaccompanied,Working,Secondary / secondary special,Married,Rented apartment,0.022625,-11646,-811,-5320.0,-44,,1,1,0,1,0,0,Sales staff,2.0,2,2,FRIDAY,17,0,0,0,0,0,0,Industry: type 3,,0.6440610977338163,0.3774042489507649,0.2938,0.1261,0.9896,,0.0842,0.16,0.1379,0.3333,,0.0629,0.2396,0.2158,0.0,0.0,0.2994,0.1309,0.9896,,0.0849,0.1611,0.1379,0.3333,,0.0643,0.2617,0.2249,0.0,0.0,0.2967,0.1261,0.9896,,0.0847,0.16,0.1379,0.3333,,0.0639,0.2437,0.2197,0.0,0.0,,block of flats,0.2158,Panel,No,0.0,0.0,0.0,0.0,-1601.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1130674,252749,Revolving loans,2250.0,0.0,45000.0,,,SUNDAY,13,Y,1,,,,XAP,Approved,-1241,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-1234.0,-1203.0,365243.0,-319.0,365243.0,0.0,0,Cash loans,F,N,Y,0,112500.0,90000.0,9031.5,90000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.00702,-18024,-2779,-8917.0,-1558,,1,1,1,1,0,0,Laborers,1.0,2,2,TUESDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.531412375936357,0.3682101298420965,0.3979463219016906,0.0928,0.0929,0.9881,0.8368,0.0751,0.0,0.2759,0.1667,0.2083,0.1921,0.0714,0.0894,0.0193,0.0385,0.0945,0.0964,0.9881,0.8432,0.0758,0.0,0.2759,0.1667,0.2083,0.1965,0.0781,0.0931,0.0195,0.0408,0.0937,0.0929,0.9881,0.8390000000000001,0.0756,0.0,0.2759,0.1667,0.2083,0.1955,0.0727,0.091,0.0194,0.0393,reg oper account,block of flats,0.1197,"Stone, brick",No,1.0,0.0,1.0,0.0,-1187.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1043481,394934,Cash loans,70915.5,675000.0,675000.0,,675000.0,FRIDAY,13,Y,1,,,,XNA,Approved,-1431,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1401.0,-1071.0,-1071.0,-1058.0,1.0,0,Cash loans,F,Y,Y,2,315000.0,667422.0,50031.0,630000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.025164,-13543,-3059,-2144.0,-1134,6.0,1,1,0,1,0,0,Managers,4.0,2,2,MONDAY,8,0,0,0,0,0,0,Services,,0.6293686272715483,0.6528965519806539,0.1213,0.0795,0.9916,0.7756,0.0278,0.1064,0.0917,0.3608,,0.0067,,0.112,,0.0082,0.0809,0.0675,0.996,0.7844,0.028,0.1208,0.1034,0.375,,0.0,,0.0889,,0.0,0.1218,0.0718,0.996,0.7786,0.0279,0.12,0.1034,0.375,,0.0,,0.1078,,0.0099,reg oper account,block of flats,0.0871,Panel,No,0.0,0.0,0.0,0.0,-412.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1636272,129047,Cash loans,50611.5,810000.0,865597.5,,810000.0,WEDNESDAY,14,Y,1,,,,XNA,Approved,-898,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-868.0,-178.0,-178.0,-173.0,1.0,1,Cash loans,F,N,Y,0,112500.0,1288350.0,41562.0,1125000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00963,-14524,-4485,-8175.0,-5036,,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.393041536404497,0.4066174366275036,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-898.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1727695,289356,Cash loans,8072.91,67500.0,71955.0,,67500.0,SATURDAY,10,Y,1,,,,XNA,Approved,-690,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,25,Connectivity,12.0,high,Cash X-Sell: high,365243.0,-660.0,-330.0,-330.0,-325.0,1.0,0,Cash loans,F,N,Y,1,81000.0,91692.0,5391.0,81000.0,Children,State servant,Secondary / secondary special,Civil marriage,House / apartment,0.0105,-14630,-1468,-3648.0,-3141,,1,1,1,1,0,0,Medicine staff,3.0,3,3,WEDNESDAY,15,0,0,0,0,0,0,Medicine,,0.3305877088572333,,0.0696,,0.9851,,0.0085,,,,,,0.0567,0.0581,0.0,0.0,0.063,,0.9851,,0.008,,,,,,0.0551,0.0562,0.0,0.0,0.0703,,0.9851,,0.0085,,,,,,0.0577,0.0592,0.0,0.0,,,0.0474,,No,1.0,0.0,1.0,0.0,-1430.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,1.0,6.0 +2680709,192396,Cash loans,20750.58,450000.0,533160.0,,450000.0,WEDNESDAY,8,Y,1,,,,XNA,Refused,-495,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),4,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,Y,Y,0,157500.0,814041.0,23931.0,679500.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.018209,-22173,-3385,-9062.0,-4071,19.0,1,1,1,1,1,0,Laborers,2.0,3,3,MONDAY,10,0,0,0,1,1,0,Construction,,0.5980540177521385,0.5100895276257282,0.1485,0.1092,0.9896,0.8572,0.0644,0.16,0.1379,0.3333,0.375,0.13,0.1202,0.1537,0.0039,0.0034,0.1513,0.1133,0.9896,0.8628,0.065,0.1611,0.1379,0.3333,0.375,0.1329,0.1313,0.1601,0.0039,0.0036,0.1499,0.1092,0.9896,0.8591,0.0648,0.16,0.1379,0.3333,0.375,0.1322,0.1223,0.1565,0.0039,0.0035,reg oper account,block of flats,0.1569,Panel,No,1.0,0.0,1.0,0.0,-892.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1844397,433764,Consumer loans,13017.645,126976.5,126976.5,0.0,126976.5,SATURDAY,14,Y,1,0.0,,,XAP,Approved,-548,XNA,XAP,,Refreshed,Furniture,POS,XNA,Regional / Local,10,Furniture,12.0,middle,POS industry with interest,365243.0,-508.0,-178.0,-388.0,-379.0,0.0,0,Cash loans,F,N,Y,0,180000.0,472500.0,27256.5,472500.0,Unaccompanied,Pensioner,Higher education,Separated,House / apartment,0.022625,-23817,365243,-2396.0,-2231,,1,0,0,1,0,0,,1.0,2,2,MONDAY,14,0,0,0,0,0,0,XNA,,0.5095841774268782,0.7850520263728172,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-548.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1959407,296789,Consumer loans,6125.22,30600.0,32418.0,0.0,30600.0,FRIDAY,11,Y,1,0.0,,,XAP,Approved,-14,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,107,Furniture,6.0,middle,POS industry with interest,365243.0,365243.0,169.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,1,315000.0,1314000.0,47326.5,1314000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.026392000000000002,-14828,-4241,-7737.0,-4099,3.0,1,1,0,1,0,0,Medicine staff,2.0,2,2,FRIDAY,11,0,0,0,0,1,1,Medicine,0.3799231432795331,0.5926859869669572,,0.1237,0.1158,0.9821,,,0.0,,0.1667,,0.1148,,0.071,,,0.1261,0.1201,0.9821,,,0.0,,0.1667,,0.1174,,0.07400000000000001,,,0.1249,0.1158,0.9821,,,0.0,,0.1667,,0.1168,,0.0723,,,,block of flats,0.0818,Panel,No,0.0,0.0,0.0,0.0,-1136.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2075859,443408,Consumer loans,8272.485,87745.5,82084.5,13500.0,87745.5,THURSDAY,15,Y,1,0.15381915763253728,,,XAP,Approved,-668,Cash through the bank,XAP,,New,Computers,POS,XNA,Stone,104,Consumer electronics,12.0,middle,POS household with interest,365243.0,-632.0,-302.0,-302.0,-294.0,0.0,0,Cash loans,F,N,N,0,90000.0,545040.0,20677.5,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.005002,-21048,365243,-1935.0,-1955,,1,0,0,1,1,0,,2.0,3,3,SUNDAY,15,1,0,0,0,0,0,XNA,,0.7664941568573014,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-668.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1973415,334948,Consumer loans,9504.855,58671.0,49248.0,11745.0,58671.0,TUESDAY,7,Y,1,0.20971870095376052,,,XAP,Approved,-1637,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,18,Connectivity,6.0,high,POS mobile with interest,365243.0,-1606.0,-1456.0,-1486.0,-1478.0,0.0,0,Cash loans,F,N,Y,1,337500.0,379008.0,42889.5,360000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.006305,-11954,-5322,-3342.0,-4116,,1,1,0,1,0,0,Managers,3.0,3,3,MONDAY,5,0,0,0,0,0,0,Business Entity Type 3,,0.498137680748783,0.5656079814115492,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1637.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2043337,246885,Consumer loans,7035.525,35055.0,35055.0,0.0,35055.0,FRIDAY,14,Y,1,0.0,,,XAP,Refused,-2552,Cash through the bank,SCO,Unaccompanied,New,Mobile,POS,XNA,Country-wide,41,Connectivity,6.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,Y,Y,0,112500.0,573408.0,31234.5,495000.0,Family,State servant,Secondary / secondary special,Married,House / apartment,0.006233,-10114,-157,-258.0,-2751,17.0,1,1,0,1,0,1,Drivers,2.0,2,2,TUESDAY,18,0,0,0,0,0,0,Military,0.5516790184391565,0.2850860274973556,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2252999,338903,Cash loans,26596.395,464938.785,520171.785,,464938.785,FRIDAY,14,Y,1,,,,XNA,Approved,-861,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash Street: middle,365243.0,-831.0,219.0,-501.0,-495.0,1.0,0,Cash loans,F,N,Y,0,180000.0,552555.0,17347.5,477000.0,"Spouse, partner",Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.025164,-20709,365243,-2235.0,-4061,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,XNA,,0.3159461589979562,,0.0175,0.0368,0.9642,0.5104,0.0024,0.0,0.069,0.0833,0.125,0.0184,0.0143,0.0161,0.0,0.0066,0.0179,0.0382,0.9643,0.5296,0.0025,0.0,0.069,0.0833,0.125,0.0188,0.0156,0.0168,0.0,0.006999999999999999,0.0177,0.0368,0.9642,0.5169,0.0025,0.0,0.069,0.0833,0.125,0.0187,0.0145,0.0164,0.0,0.0067,reg oper account,block of flats,0.0152,"Stone, brick",No,5.0,0.0,5.0,0.0,-224.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1085805,245634,Cash loans,45345.69,715500.0,789169.5,,715500.0,TUESDAY,17,Y,1,,,,XNA,Approved,-228,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash X-Sell: high,365243.0,-196.0,854.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,207000.0,562491.0,23962.5,454500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.00733,-20342,-12426,-1663.0,-2243,,1,1,0,1,0,0,,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,Business Entity Type 2,,0.2792352251632336,0.4884551844437485,0.0619,0.0655,0.9806,0.7348,0.0077,0.0,0.1379,0.1667,0.2083,0.0249,0.0504,0.0608,0.0,0.0,0.063,0.0679,0.9806,0.7452,0.0078,0.0,0.1379,0.1667,0.2083,0.0254,0.0551,0.0633,0.0,0.0,0.0625,0.0655,0.9806,0.7383,0.0078,0.0,0.1379,0.1667,0.2083,0.0253,0.0513,0.0619,0.0,0.0,reg oper account,block of flats,0.052000000000000005,Panel,No,2.0,1.0,2.0,1.0,-228.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1489342,313286,Consumer loans,14140.08,64084.5,53068.5,12820.5,64084.5,SATURDAY,12,Y,1,0.2119123070618769,,,XAP,Approved,-1095,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,50,Connectivity,4.0,middle,POS mobile without interest,365243.0,-1055.0,-965.0,-995.0,-989.0,0.0,0,Cash loans,F,N,Y,0,135000.0,199080.0,11245.5,157500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.032561,-21940,365243,-7295.0,-4690,,1,0,0,1,1,0,,2.0,1,1,TUESDAY,12,0,0,0,0,0,0,XNA,0.7496517845729032,0.788106504881873,0.7106743858828587,0.2558,0.12,0.9786,0.7076,0.0249,0.2548,0.1938,0.3854,0.3925,0.1667,0.219,0.2478,0.028,0.07,0.2269,0.1108,0.9786,0.7125,0.0252,0.282,0.2414,0.375,0.375,0.0825,0.1983,0.2174,0.0,0.0342,0.2311,0.1067,0.9786,0.7115,0.0251,0.28,0.2414,0.375,0.375,0.1259,0.2227,0.2412,0.0311,0.0577,reg oper account,block of flats,0.1777,Panel,No,2.0,1.0,2.0,1.0,-3101.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2725246,316198,Consumer loans,1682.28,18624.96,16668.0,3725.46,18624.96,FRIDAY,15,Y,1,0.19895420483732607,0.1891221806641732,0.8350951374207188,XAP,Approved,-157,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,38,Connectivity,12.0,middle,POS mobile with interest,365243.0,-124.0,206.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,112500.0,640080.0,24259.5,450000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.028663,-17624,-349,-7228.0,-1084,16.0,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,8,0,0,0,0,0,0,Business Entity Type 3,,0.30812109566795365,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-157.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1108439,269302,Consumer loans,19329.525,389250.0,451624.5,0.0,389250.0,TUESDAY,8,Y,1,0.0,,,XAP,Approved,-1005,Cash through the bank,XAP,,New,Construction Materials,POS,XNA,Stone,5,Construction,36.0,middle,POS industry with interest,365243.0,-973.0,77.0,-643.0,-635.0,0.0,0,Cash loans,F,N,N,0,180000.0,545040.0,25537.5,450000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.015221,-10397,-2001,-347.0,-2489,,1,1,0,1,1,0,Sales staff,2.0,2,2,FRIDAY,19,0,0,0,0,0,0,Self-employed,0.17435125267484236,0.5770352890375677,0.4794489811780563,0.2227,0.1288,0.9861,,,0.24,0.2069,0.3333,,0.1499,,0.2221,,0.0009,0.2269,0.1337,0.9861,,,0.2417,0.2069,0.3333,,0.1533,,0.2314,,0.001,0.2248,0.1288,0.9861,,,0.24,0.2069,0.3333,,0.1525,,0.2261,,0.0009,,block of flats,0.1983,Panel,No,0.0,0.0,0.0,0.0,-1005.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1435871,169047,Consumer loans,13494.195,146250.0,131625.0,14625.0,146250.0,SUNDAY,12,Y,1,0.1089090909090909,,,XAP,Approved,-428,Cash through the bank,XAP,,Repeater,Clothing and Accessories,POS,XNA,Stone,30,Furniture,12.0,middle,POS industry with interest,365243.0,-395.0,-65.0,-245.0,-239.0,0.0,0,Cash loans,F,N,Y,1,157500.0,540000.0,17550.0,540000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.010643000000000001,-12770,-3362,-6712.0,-5086,,1,1,0,1,0,0,,3.0,2,2,MONDAY,18,0,0,0,0,0,0,Business Entity Type 3,0.7675265855907181,0.6038224465770997,0.7850520263728172,0.1582,,0.9906,0.8708,0.0296,0.17,0.1466,0.3333,0.0417,0.0926,0.1286,0.1672,0.0019,0.0023,0.0756,,0.9901,0.8693,0.0137,0.0806,0.069,0.3333,0.0417,0.0424,0.0661,0.0796,0.0,0.0,0.0749,,0.9901,0.8658,0.0138,0.08,0.069,0.3333,0.0417,0.0437,0.0616,0.0779,0.0,0.0,reg oper spec account,block of flats,0.3897,Panel,No,0.0,0.0,0.0,0.0,-1625.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1981651,386966,Revolving loans,2250.0,45000.0,45000.0,,45000.0,TUESDAY,11,Y,1,,,,XAP,Refused,-337,XNA,HC,Unaccompanied,Repeater,XNA,Cards,walk-in,Stone,250,Consumer electronics,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,180000.0,693000.0,24552.0,693000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008575,-15700,-1898,-607.0,-1860,,1,1,1,1,1,0,Sales staff,2.0,2,2,WEDNESDAY,9,0,1,1,1,1,1,Self-employed,,0.33255055126089605,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-337.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1689994,438937,Consumer loans,2758.77,19260.0,18553.5,1926.0,19260.0,SATURDAY,19,Y,1,0.10242384291164776,,,XAP,Approved,-911,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Country-wide,35,Connectivity,8.0,middle,POS mobile with interest,365243.0,-880.0,-670.0,-700.0,-692.0,0.0,0,Revolving loans,F,N,N,1,72000.0,180000.0,9000.0,180000.0,Other_B,Commercial associate,Secondary / secondary special,Married,House / apartment,0.006207,-10109,-1022,-8962.0,-2574,,1,1,0,1,0,0,Security staff,3.0,2,2,SUNDAY,15,0,0,0,0,0,0,Security,0.29687917217316706,0.5965549619261231,0.4974688893052743,0.0814,,0.9836,,,0.08,0.069,0.3333,,,,0.0773,,,0.083,,0.9836,,,0.0806,0.069,0.3333,,,,0.0806,,,0.0822,,0.9836,,,0.08,0.069,0.3333,,,,0.0787,,,,block of flats,0.0657,Panel,No,4.0,0.0,4.0,0.0,-911.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1604957,267408,Cash loans,16339.275,112500.0,137686.5,0.0,112500.0,THURSDAY,10,Y,1,0.0,,,Other,Approved,-1815,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,12.0,high,Cash Street: high,365243.0,-1784.0,-1454.0,-1454.0,-1448.0,0.0,0,Cash loans,F,N,N,0,90000.0,675000.0,18940.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.019688999999999998,-19465,-2234,-8800.0,-2993,,1,1,1,1,0,0,Security staff,2.0,2,2,FRIDAY,18,0,0,0,0,0,0,Government,0.7689681975080324,0.7227702860958822,0.470456116119975,,,0.9786,0.7076,,0.0,0.0345,0.0,,,0.0076,0.0037,,,,,0.9747,0.6668,,0.0,0.0345,0.0,,,0.0073,0.003,,,,,0.9786,0.7115,,0.0,0.0345,0.0,,,0.0077,0.0038,,,not specified,block of flats,0.0038,Mixed,No,0.0,0.0,0.0,0.0,-1815.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1104000,317845,Consumer loans,12246.795,102330.0,111334.5,0.0,102330.0,SUNDAY,8,Y,1,0.0,,,XAP,Approved,-275,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,140,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-244.0,26.0,-154.0,-149.0,0.0,0,Cash loans,F,N,Y,0,112500.0,516069.0,22860.0,445500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020713,-20300,365243,-2426.0,-3653,,1,0,0,1,0,0,,2.0,3,3,TUESDAY,5,0,0,0,0,0,0,XNA,0.5710524149927825,0.4875672593644118,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1121.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1499774,418960,Cash loans,37607.445,585000.0,654498.0,,585000.0,THURSDAY,17,Y,1,,,,XNA,Approved,-477,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash X-Sell: high,365243.0,-447.0,603.0,-417.0,-404.0,1.0,0,Cash loans,F,Y,Y,0,202500.0,900000.0,29164.5,900000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.025164,-16169,-9479,-10242.0,-4064,6.0,1,1,0,1,0,0,Managers,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,Self-employed,,0.6255092814305399,0.6413682574954046,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-730.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1004680,145889,Consumer loans,8239.455,68913.0,74979.0,0.0,68913.0,THURSDAY,13,Y,1,0.0,,,XAP,Approved,-615,Cash through the bank,XAP,,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,20,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-579.0,-309.0,-309.0,-304.0,0.0,0,Cash loans,M,Y,Y,1,270000.0,1006920.0,42790.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010966,-11653,-262,-5755.0,-3590,64.0,1,1,0,1,0,0,High skill tech staff,3.0,2,2,WEDNESDAY,15,0,0,0,0,1,1,Trade: type 3,0.3058585793403431,0.6488589535408882,0.7435593141311444,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2626953,158681,Consumer loans,6811.74,131832.0,131832.0,0.0,131832.0,FRIDAY,16,Y,1,0.0,,,XAP,Approved,-682,Cash through the bank,XAP,"Spouse, partner",New,Computers,POS,XNA,Country-wide,2100,Consumer electronics,24.0,low_normal,POS household with interest,365243.0,-651.0,39.0,-141.0,-134.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,640080.0,29970.0,450000.0,Other_B,Working,Secondary / secondary special,Civil marriage,Rented apartment,0.009656999999999999,-11041,-864,-1713.0,-3637,10.0,1,1,0,1,0,0,Drivers,2.0,2,2,MONDAY,12,0,0,0,1,1,0,Construction,,0.3383563512849667,0.8357765157975799,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-682.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1341364,233972,Consumer loans,11550.6,270000.0,270000.0,0.0,270000.0,FRIDAY,14,Y,1,0.0,,,XAP,Refused,-305,Cash through the bank,LIMIT,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,84,Consumer electronics,36.0,middle,POS household with interest,,,,,,,0,Cash loans,M,Y,N,0,180000.0,659610.0,17527.5,472500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.019688999999999998,-10929,-655,-658.0,-3457,11.0,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.12228331334953367,0.4902575124990026,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2278.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2662081,426700,Cash loans,31657.05,900000.0,1078200.0,,900000.0,FRIDAY,6,Y,1,,,,XNA,Approved,-182,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-152.0,1618.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,202500.0,541323.0,27769.5,405000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020246,-20262,365243,-8396.0,-3479,,1,0,0,1,0,0,,2.0,3,3,FRIDAY,5,0,0,0,0,0,0,XNA,0.5986725960058654,0.4275273843285271,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-563.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1598875,329103,Cash loans,92968.92,3150000.0,3524220.0,,3150000.0,WEDNESDAY,13,Y,1,,,,Repairs,Refused,-202,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),10,XNA,60.0,low_action,Cash Street: low,,,,,,,0,Cash loans,F,Y,Y,0,270000.0,1228500.0,39627.0,1228500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.025164,-16560,-5351,-1240.0,-105,8.0,1,1,1,1,1,0,Accountants,2.0,2,2,TUESDAY,8,0,0,0,0,1,1,Business Entity Type 3,,0.022538256679297455,0.6109913280868294,0.0165,0.0,0.9727,0.626,0.0013,0.0,0.069,0.0417,0.0833,0.0196,0.0134,0.0124,0.0,0.0,0.0168,0.0,0.9727,0.6406,0.0014,0.0,0.069,0.0417,0.0833,0.02,0.0147,0.0129,0.0,0.0,0.0167,0.0,0.9727,0.631,0.0014,0.0,0.069,0.0417,0.0833,0.0199,0.0137,0.0126,0.0,0.0,reg oper spec account,block of flats,0.0098,"Stone, brick",No,4.0,0.0,4.0,0.0,-230.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,3.0 +1559413,343074,Cash loans,52919.28,1125000.0,1255680.0,,1125000.0,TUESDAY,13,Y,1,,,,Repairs,Refused,-737,Cash through the bank,VERIF,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,48.0,middle,Cash Street: middle,,,,,,,1,Cash loans,F,N,Y,0,270000.0,159205.5,19021.5,144000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00702,-13545,-1347,-1755.0,-1653,,1,1,0,1,0,0,Laborers,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.1875197624797396,0.18483176632893286,0.18629294965553744,0.0619,0.0944,0.9876,0.83,0.0121,0.0,0.2069,0.1667,,0.0151,0.0504,0.0701,0.0,0.0304,0.063,0.0979,0.9876,0.8367,0.0122,0.0,0.2069,0.1667,,0.0154,0.0551,0.073,0.0,0.0322,0.0625,0.0944,0.9876,0.8323,0.0122,0.0,0.2069,0.1667,,0.0153,0.0513,0.0714,0.0,0.0311,reg oper spec account,block of flats,0.0618,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,4.0 +2278103,116384,Consumer loans,3199.545,29650.5,26685.0,2965.5,29650.5,SATURDAY,11,Y,1,0.10892561983471076,,,XAP,Approved,-1512,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,high,POS mobile with interest,365243.0,-1225.0,-895.0,-1135.0,-1125.0,0.0,0,Cash loans,F,Y,Y,0,225000.0,57564.0,5823.0,54000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.04622,-22407,-13185,-4113.0,-4712,0.0,1,1,0,1,0,0,Core staff,2.0,1,1,SATURDAY,13,0,0,0,0,0,0,School,,0.4037486941586471,0.7121551551910698,0.0907,0.1661,0.9687,0.5716,0.0,0.0,0.2414,0.125,0.1667,,,0.0989,0.0,0.0,0.0924,0.1723,0.9687,0.5884,0.0,0.0,0.2414,0.125,0.1667,,,0.103,0.0,0.0,0.0916,0.1661,0.9687,0.5773,0.0,0.0,0.2414,0.125,0.1667,,,0.1007,0.0,0.0,reg oper account,block of flats,0.1179,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2281267,331552,Revolving loans,4500.0,90000.0,90000.0,,90000.0,MONDAY,17,Y,1,,,,XAP,Approved,-949,XNA,XAP,,Refreshed,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,-298.0,0.0,0,Cash loans,F,N,Y,0,90000.0,52128.0,5341.5,45000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.072508,-19548,-3393,-897.0,-2789,,1,1,1,1,0,0,Sales staff,1.0,1,1,FRIDAY,14,1,1,0,1,1,0,Business Entity Type 3,0.38950172570942937,0.39034777408963217,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2099.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2001470,341617,Consumer loans,11928.87,127800.0,127800.0,0.0,127800.0,THURSDAY,11,Y,1,0.0,,,XAP,Approved,-568,XNA,XAP,,Repeater,Gardening,POS,XNA,Stone,216,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-537.0,-207.0,-207.0,-201.0,0.0,0,Cash loans,F,Y,Y,0,225000.0,1305000.0,38286.0,1305000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.035792000000000004,-16208,-6185,-6443.0,-4243,14.0,1,1,1,1,0,0,Sales staff,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,Self-employed,0.6374548743705561,0.696981628003197,0.3376727217405312,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1165.0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1836171,431532,Revolving loans,10125.0,202500.0,202500.0,,202500.0,WEDNESDAY,15,Y,1,,,,XAP,Refused,-514,XNA,SCOFR,,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,1,72000.0,207306.0,12654.0,148500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-14617,-1866,-2961.0,-5631,,1,1,1,1,0,0,Laborers,3.0,2,2,SATURDAY,12,0,0,0,0,0,0,Self-employed,,0.4828152682367632,0.06733950871403091,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1677.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +2707327,163194,Consumer loans,7685.235,76860.0,69174.0,7686.0,76860.0,WEDNESDAY,9,Y,1,0.1089090909090909,,,XAP,Approved,-1336,XNA,XAP,,Repeater,Furniture,POS,XNA,Stone,32,Furniture,10.0,low_normal,POS industry with interest,365243.0,-1305.0,-1035.0,-1035.0,-1030.0,0.0,0,Cash loans,F,N,Y,0,135000.0,755190.0,30078.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.02461,-14888,365243,-1371.0,-5403,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,0.3410256749517007,0.3627637064951036,0.41885428862332175,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,9.0,0.0,9.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1209116,355277,Cash loans,24577.425,225000.0,239850.0,,225000.0,MONDAY,3,Y,1,,,,XNA,Approved,-240,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-210.0,120.0,-60.0,-52.0,1.0,0,Cash loans,F,N,Y,0,324000.0,989464.5,66523.5,913500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.0038179999999999998,-21881,365243,-5691.0,-3989,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,7,0,0,0,0,0,0,XNA,,0.642445258543384,0.7209441499436497,0.001,,0.9712,,,,,,,,,,,,0.0011,,0.9712,,,,,,,,,,,,0.001,,0.9712,,,,,,,,,,,,,,0.0014,,No,0.0,0.0,0.0,0.0,-1131.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +1021421,371370,Cash loans,39720.87,405000.0,433066.5,,405000.0,MONDAY,7,Y,1,,,,XNA,Refused,-511,Cash through the bank,LIMIT,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,M,Y,N,0,225000.0,545040.0,43060.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Municipal apartment,0.002506,-11673,-421,-3554.0,-3629,64.0,1,1,0,1,0,0,Laborers,1.0,2,2,MONDAY,6,0,0,0,0,0,0,Construction,,0.5266822967091633,0.5334816299804352,0.0381,,0.9682,0.5648,0.0,0.0,0.069,0.0417,0.0417,,0.0311,0.0205,0.0,0.0,0.0389,,0.9682,0.5818,0.0,0.0,0.069,0.0417,0.0417,,0.034,0.0214,0.0,0.0,0.0385,,0.9682,0.5706,0.0,0.0,0.069,0.0417,0.0417,,0.0316,0.0209,0.0,0.0,reg oper account,block of flats,0.0161,,No,0.0,0.0,0.0,0.0,-849.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1599903,382520,Cash loans,12074.31,135000.0,152820.0,,135000.0,TUESDAY,12,Y,1,,,,Other,Refused,-662,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Country-wide,64,Connectivity,24.0,high,Cash Street: high,,,,,,,1,Cash loans,F,N,Y,0,81000.0,112500.0,11088.0,112500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.0228,-23890,365243,-8979.0,-4625,,1,0,0,1,1,0,,2.0,2,2,SATURDAY,8,0,0,0,0,0,0,XNA,,0.36460574567729537,0.3910549766342248,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,0.0,8.0,0.0,-1346.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1743641,295829,Consumer loans,11143.755,77850.0,62280.0,15570.0,77850.0,MONDAY,16,Y,1,0.2178181818181818,,,XAP,Approved,-206,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Stone,33,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-174.0,-24.0,-24.0,-18.0,0.0,0,Cash loans,F,N,Y,0,81000.0,134316.0,13284.0,126000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.00733,-23704,365243,-11955.0,-3906,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,XNA,,0.74170209906393,,0.1,0.1092,0.9831,0.7688,0.0172,0.0,0.2759,0.1667,0.2083,0.0712,0.0807,0.1001,0.0039,0.0076,0.1019,0.1133,0.9831,0.7779,0.0174,0.0,0.2759,0.1667,0.2083,0.0728,0.0882,0.1043,0.0039,0.0081,0.101,0.1092,0.9831,0.7719,0.0173,0.0,0.2759,0.1667,0.2083,0.0725,0.0821,0.1019,0.0039,0.0078,reg oper account,block of flats,0.0898,"Stone, brick",No,0.0,0.0,0.0,0.0,-206.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1186992,342197,Cash loans,27023.85,270000.0,284611.5,,270000.0,WEDNESDAY,17,Y,1,,,,XNA,Approved,-609,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-579.0,-249.0,-249.0,-248.0,1.0,0,Cash loans,F,N,Y,0,99000.0,71955.0,7245.0,67500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.008625,-21144,-2664,-10277.0,-4485,,1,1,1,1,1,0,Laborers,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.5713198715413325,0.7267112092725122,0.2093,0.3045,0.9906,,,0.24,0.2069,0.3958,,0.1707,,0.2521,,0.0283,0.0903,0.3159,0.9851,,,0.1208,0.1034,0.3333,,0.1746,,0.1708,,0.0,0.2113,0.3045,0.9906,,,0.24,0.2069,0.3958,,0.1736,,0.2566,,0.0289,,block of flats,0.2676,"Stone, brick",No,1.0,0.0,1.0,0.0,-2275.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1599787,337043,Consumer loans,7667.28,69772.5,69772.5,0.0,69772.5,FRIDAY,12,Y,1,0.0,,,XAP,Approved,-598,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,40,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-562.0,-292.0,-292.0,-288.0,0.0,0,Cash loans,M,Y,Y,0,270000.0,490536.0,23859.0,405000.0,Unaccompanied,Working,Higher education,Married,Co-op apartment,0.008473999999999999,-14209,-4804,-2292.0,-1677,17.0,1,1,1,1,1,0,Managers,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Industry: type 5,,0.5996142430523204,0.4436153084085652,0.0649,0.0689,0.996,0.9456,0.0649,0.08,0.069,0.2917,0.3333,0.0219,0.053,0.0988,0.0,0.0,0.0662,0.0715,0.996,0.9477,0.0654,0.0806,0.069,0.2917,0.3333,0.0224,0.0579,0.1029,0.0,0.0,0.0656,0.0689,0.996,0.9463,0.0653,0.08,0.069,0.2917,0.3333,0.0223,0.0539,0.1006,0.0,0.0,reg oper spec account,block of flats,0.1277,"Stone, brick",No,0.0,0.0,0.0,0.0,-598.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2333480,349324,Consumer loans,9895.05,89955.0,89955.0,0.0,89955.0,SUNDAY,15,Y,1,0.0,,,XAP,Approved,-719,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Stone,150,Furniture,10.0,low_normal,POS industry with interest,365243.0,-688.0,-418.0,-448.0,-439.0,0.0,0,Cash loans,F,N,Y,1,180000.0,538704.0,27634.5,481500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.072508,-15826,-2583,-9950.0,-5483,,1,1,0,1,1,0,High skill tech staff,2.0,1,1,FRIDAY,11,0,0,0,0,0,0,Business Entity Type 2,0.6935509745424768,0.7522076836424118,,0.0918,0.1011,0.9811,0.7416,0.0202,0.0,0.2069,0.125,0.1667,0.0296,0.07400000000000001,0.0859,0.0039,0.0078,0.0935,0.1049,0.9811,0.7517,0.0204,0.0,0.2069,0.125,0.1667,0.0302,0.0808,0.0895,0.0039,0.0083,0.0926,0.1011,0.9811,0.7451,0.0203,0.0,0.2069,0.125,0.1667,0.0301,0.0752,0.0874,0.0039,0.008,reg oper account,block of flats,0.0804,"Stone, brick",No,1.0,0.0,1.0,0.0,-2005.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1488396,238028,Consumer loans,21188.835,153720.0,112491.0,46534.5,153720.0,SUNDAY,13,Y,1,0.318692919746147,,,XAP,Approved,-1647,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,3000,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1616.0,-1466.0,-1466.0,-1458.0,0.0,0,Revolving loans,M,Y,Y,0,360000.0,540000.0,27000.0,540000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.026392000000000002,-10769,-3755,-633.0,-1292,10.0,1,1,0,1,0,0,Drivers,2.0,2,2,TUESDAY,18,0,0,0,0,0,0,Transport: type 4,0.29599609333268395,0.7121368006610822,0.23791607950711405,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-1765.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,2.0 +1107215,188166,Consumer loans,12301.425,115866.0,115290.0,11587.5,115866.0,FRIDAY,9,Y,1,0.09946476648019473,,,XAP,Approved,-949,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,120,Consumer electronics,12.0,middle,POS household with interest,365243.0,-918.0,-588.0,-708.0,-701.0,0.0,0,Revolving loans,F,Y,Y,0,112500.0,202500.0,10125.0,202500.0,Unaccompanied,Commercial associate,Lower secondary,Widow,House / apartment,0.018029,-14590,-1415,-8568.0,-4420,23.0,1,1,1,1,1,0,Sales staff,1.0,3,3,TUESDAY,5,0,0,0,0,0,0,Business Entity Type 3,0.26743849536362274,0.639748357841913,0.3979463219016906,0.0711,0.0698,0.9811,0.7416,0.0586,0.0,0.1379,0.1667,0.2083,0.0676,0.0555,0.0627,0.0116,0.0175,0.0725,0.0724,0.9811,0.7517,0.0591,0.0,0.1379,0.1667,0.2083,0.0691,0.0606,0.0654,0.0117,0.0186,0.0718,0.0698,0.9811,0.7451,0.059,0.0,0.1379,0.1667,0.2083,0.0688,0.0564,0.0639,0.0116,0.0179,reg oper spec account,block of flats,0.0532,"Stone, brick",No,7.0,0.0,7.0,0.0,-1708.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1877732,240483,Cash loans,16770.375,202500.0,222547.5,,202500.0,TUESDAY,14,Y,1,,,,XNA,Approved,-813,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-783.0,-273.0,-483.0,-479.0,1.0,0,Cash loans,F,N,Y,0,135000.0,253737.0,24849.0,229500.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.030755,-21690,365243,-1881.0,-4453,,1,0,0,1,0,1,,1.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,XNA,0.8411118831987708,0.5968338711234651,0.6754132910917112,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1301.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1089530,238250,Cash loans,,0.0,0.0,,,THURSDAY,7,Y,1,,,,XNA,Refused,-342,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,157500.0,1575000.0,47754.0,1575000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.007120000000000001,-21536,365243,-2878.0,-4758,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,XNA,0.8451232407513305,0.6076400241213843,0.6313545365850379,0.0165,0.0479,0.9309,,,0.0,0.069,0.0417,,,,0.0079,,0.0805,0.0168,0.0497,0.931,,,0.0,0.069,0.0417,,,,0.0083,,0.0852,0.0167,0.0479,0.9309,,,0.0,0.069,0.0417,,,,0.0081,,0.0821,,block of flats,0.0062,Mixed,No,0.0,0.0,0.0,0.0,-1450.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,7.0 +1431262,436043,Cash loans,25128.0,450000.0,450000.0,,450000.0,MONDAY,20,Y,1,,,,XNA,Approved,-697,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-666.0,24.0,-306.0,-299.0,0.0,0,Cash loans,F,Y,Y,0,180000.0,675000.0,17937.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.035792000000000004,-17335,-2723,-812.0,-882,17.0,1,1,0,1,1,0,Laborers,1.0,2,2,FRIDAY,9,0,0,0,0,0,0,Self-employed,,0.6613140480238003,0.7981372313187245,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1580.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,6.0 +1678800,194233,Cash loans,20478.645,103500.0,106915.5,,103500.0,FRIDAY,14,Y,1,,,,Other,Approved,-123,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,middle,Cash Street: middle,365243.0,-93.0,57.0,-33.0,-30.0,1.0,0,Cash loans,M,N,Y,0,315000.0,704844.0,49185.0,630000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-21169,-807,-5019.0,-4563,,1,1,0,1,0,0,Drivers,2.0,1,1,TUESDAY,17,0,0,0,0,0,0,Business Entity Type 3,,0.7143194502436864,,0.2474,0.1189,0.9801,0.728,0.1443,0.2,0.1724,0.4583,0.5,0.0,0.2009,0.2358,0.0039,0.0019,0.2521,0.1234,0.9801,0.7387,0.1457,0.2014,0.1724,0.4583,0.5,0.0,0.2195,0.2457,0.0039,0.002,0.2498,0.1189,0.9801,0.7316,0.1453,0.2,0.1724,0.4583,0.5,0.0,0.2044,0.2401,0.0039,0.0019,reg oper account,block of flats,0.1859,Panel,No,6.0,0.0,6.0,0.0,-1666.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1941576,189974,Revolving loans,20250.0,0.0,405000.0,,,FRIDAY,15,Y,1,,,,XAP,Approved,-1518,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-1478.0,-1477.0,365243.0,-595.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,315000.0,675000.0,32602.5,675000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.072508,-18570,-3741,-8756.0,-2123,11.0,1,1,0,1,1,0,Laborers,2.0,1,1,THURSDAY,15,0,0,0,0,0,0,Transport: type 4,,0.6119950467458736,0.6545292802242897,0.2192,0.1387,0.9776,0.6940000000000001,0.0676,0.24,0.2069,0.3333,0.375,0.0,0.1776,0.2069,0.0051,0.0412,0.1513,0.0948,0.9777,0.706,0.0451,0.1611,0.1379,0.3333,0.375,0.0,0.1322,0.1468,0.0,0.0,0.1499,0.0931,0.9776,0.6981,0.0455,0.16,0.1379,0.3333,0.375,0.0,0.1231,0.1454,0.0,0.0,reg oper account,block of flats,0.292,Panel,No,0.0,0.0,0.0,0.0,-1239.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1363090,356815,Cash loans,21135.78,337500.0,376483.5,,337500.0,SATURDAY,12,Y,1,,,,XNA,Approved,-481,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,365243.0,-451.0,419.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,N,0,279000.0,544491.0,17694.0,454500.0,Unaccompanied,Working,Higher education,Single / not married,Office apartment,0.02461,-17964,-2048,-4368.0,-1517,16.0,1,1,0,1,0,1,,1.0,2,2,THURSDAY,11,0,0,0,0,0,0,Military,0.7724251785481462,0.5691494702538067,,0.0371,0.0,0.9747,0.6532,0.0224,0.0,0.1034,0.0833,0.125,0.0112,0.0303,0.0363,0.0,0.0,0.0378,0.0,0.9747,0.6668,0.0226,0.0,0.1034,0.0833,0.125,0.0115,0.0331,0.0379,0.0,0.0,0.0375,0.0,0.9747,0.6578,0.0226,0.0,0.1034,0.0833,0.125,0.0114,0.0308,0.037000000000000005,0.0,0.0,not specified,block of flats,0.0408,Others,No,0.0,0.0,0.0,0.0,-1616.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,8.0 +1126104,345276,Consumer loans,10091.025,38790.0,35419.5,4500.0,38790.0,SUNDAY,15,Y,1,0.1227698014982425,,,XAP,Approved,-2499,Cash through the bank,XAP,Children,New,Mobile,POS,XNA,Stone,50,Connectivity,4.0,low_normal,POS mobile with interest,365243.0,-2437.0,-2347.0,-2347.0,-2345.0,1.0,0,Cash loans,F,N,Y,0,180000.0,1042560.0,34011.0,900000.0,Family,Working,Higher education,Married,House / apartment,0.010643000000000001,-20749,-2990,-4828.0,-4023,,1,1,0,1,1,0,Laborers,2.0,2,2,SUNDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.6679185864076918,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2631133,412288,Revolving loans,31500.0,630000.0,630000.0,,630000.0,WEDNESDAY,15,Y,1,,,,XAP,Approved,-512,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-500.0,-464.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,N,0,67500.0,728712.0,21438.0,522000.0,Children,Working,Secondary / secondary special,Married,With parents,0.010556,-16634,-933,-6988.0,-170,36.0,1,1,0,1,1,0,Laborers,2.0,3,3,THURSDAY,15,0,0,0,1,1,0,Business Entity Type 3,0.548833021062849,0.6218704743739729,0.6956219298394389,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2672.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2510602,271166,Cash loans,14238.225,126000.0,142632.0,,126000.0,THURSDAY,8,Y,1,,,,XNA,Refused,-307,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,135000.0,360000.0,24187.5,360000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.015221,-19981,-3575,-9360.0,-2025,,1,1,0,1,0,0,,1.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.7441240306889905,0.29340695188781296,0.6313545365850379,0.1227,0.1042,0.9841,,,0.0,0.2759,0.1667,,0.1385,,0.114,,0.0,0.125,0.1082,0.9841,,,0.0,0.2759,0.1667,,0.1416,,0.1188,,0.0,0.1239,0.1042,0.9841,,,0.0,0.2759,0.1667,,0.1409,,0.1161,,0.0,,block of flats,0.0897,Panel,No,1.0,1.0,1.0,1.0,-307.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2697872,367050,Cash loans,16649.1,427500.0,427500.0,,427500.0,THURSDAY,12,Y,1,,,,XNA,Approved,-1162,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,42.0,low_normal,Cash X-Sell: low,365243.0,-1132.0,98.0,-262.0,-256.0,0.0,0,Cash loans,F,N,Y,0,58500.0,755190.0,30078.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-22912,365243,-1745.0,-4024,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,8,0,0,0,0,0,0,XNA,,0.5748883251608669,0.4525335592581747,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1646.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2476903,263764,Cash loans,20320.605,450000.0,512370.0,,450000.0,THURSDAY,10,Y,1,,,,XNA,Approved,-682,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,low_normal,Cash Street: low,365243.0,-649.0,401.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,112500.0,495216.0,26059.5,427500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.022625,-16927,-2713,-4443.0,-455,,1,1,0,1,0,0,Sales staff,1.0,2,2,MONDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.6100074662463305,0.6447175378364653,0.6658549219640212,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2174.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2143592,262387,Cash loans,20965.185,598500.0,717003.0,,598500.0,TUESDAY,11,Y,1,,,,XNA,Refused,-136,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,135000.0,963000.0,28287.0,963000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.022625,-21238,365243,-10326.0,-3066,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,XNA,,0.6973878926274749,0.5082869913916046,0.0619,,0.9861,,,0.0,0.1379,0.1667,,,,0.0525,,0.0,0.063,,0.9861,,,0.0,0.1379,0.1667,,,,0.0547,,0.0,0.0625,,0.9861,,,0.0,0.1379,0.1667,,,,0.0534,,0.0,,block of flats,0.0413,,No,1.0,1.0,1.0,1.0,-1977.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +1296373,300830,Cash loans,50005.125,1350000.0,1546020.0,,1350000.0,MONDAY,14,Y,1,,,,XNA,Refused,-1025,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,234000.0,140746.5,14548.5,121500.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.032561,-21892,-8577,-1121.0,-1560,,1,1,0,1,0,0,Laborers,1.0,1,1,THURSDAY,9,0,0,0,0,0,0,Government,0.7361113722025062,0.5916561691175296,0.4776491548517548,0.0436,0.0474,0.9732,0.6328,0.0051,0.0,0.0803,0.1525,0.1667,0.0087,0.0395,0.0346,0.0,0.0011,0.042,0.0415,0.9732,0.6472,0.0052,0.0,0.069,0.1667,0.1667,0.0072,0.0432,0.0332,0.0,0.0011,0.0416,0.0402,0.9732,0.6377,0.0052,0.0,0.069,0.1667,0.1667,0.0074,0.0402,0.0326,0.0,0.0011,reg oper spec account,block of flats,0.0251,"Stone, brick",No,0.0,0.0,0.0,0.0,-2347.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2204992,428862,Consumer loans,27839.97,274950.0,274950.0,0.0,274950.0,WEDNESDAY,14,Y,1,0.0,,,XAP,Approved,-125,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,80,Furniture,12.0,middle,POS industry with interest,365243.0,-95.0,235.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,N,0,225000.0,900000.0,26316.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-16348,-2786,-8534.0,-1735,0.0,1,1,1,1,1,0,,2.0,2,2,MONDAY,16,0,0,0,0,1,1,Business Entity Type 3,,0.5435390283967353,0.4223696523543468,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-692.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1201112,237877,Consumer loans,5707.215,67455.0,78138.0,0.0,67455.0,TUESDAY,18,Y,1,0.0,,,XAP,Approved,-342,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,1300,Consumer electronics,18.0,middle,POS household with interest,365243.0,-311.0,199.0,365243.0,365243.0,0.0,0,Revolving loans,F,Y,Y,3,90000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.0060079999999999995,-12218,-303,-1417.0,-4382,64.0,1,1,0,1,0,0,Sales staff,4.0,2,2,MONDAY,14,0,0,0,0,1,1,Self-employed,0.2658223833171233,0.3347724116182885,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-127.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1286294,229763,Consumer loans,4850.415,21271.5,22954.5,0.0,21271.5,MONDAY,15,Y,1,0.0,,,XAP,Approved,-64,Cash through the bank,XAP,Unaccompanied,Refreshed,Mobile,POS,XNA,Country-wide,50,Connectivity,6.0,high,POS mobile with interest,365243.0,-33.0,117.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,0,126000.0,107820.0,9351.0,90000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.00702,-10114,-2736,-1319.0,-2793,9.0,1,1,1,1,0,0,Core staff,2.0,2,2,TUESDAY,9,0,0,0,0,1,1,Police,,0.06767358205175948,0.5620604831738043,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1532.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1092819,265823,Revolving loans,16875.0,337500.0,337500.0,,337500.0,SATURDAY,13,Y,1,,,,XAP,Refused,-743,XNA,SCOFR,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,135000.0,234324.0,23305.5,207000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.004849,-19833,-1123,-725.0,-3296,,1,1,0,1,0,0,Laborers,2.0,2,2,SUNDAY,10,0,0,0,0,1,1,Business Entity Type 3,,0.4885452749777275,0.622922000268356,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1013.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1532527,102865,Cash loans,15709.95,225000.0,273406.5,,225000.0,TUESDAY,9,Y,1,,,,XNA,Approved,-1091,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash X-Sell: high,365243.0,-1061.0,-11.0,-821.0,-813.0,1.0,0,Cash loans,F,N,Y,1,108000.0,601677.0,28179.0,423000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-17925,-1471,-4989.0,-430,,1,1,0,1,1,0,Laborers,3.0,3,2,MONDAY,11,0,0,0,0,0,0,Self-employed,0.6604954191063399,0.3047979563915484,0.4632753280912678,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1401.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1768877,438831,Consumer loans,6510.915,56745.0,56128.5,5674.5,56745.0,WEDNESDAY,13,Y,1,0.09999589605094196,,,XAP,Approved,-2171,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Stone,550,Consumer electronics,12.0,high,POS household with interest,365243.0,-2140.0,-1810.0,-1870.0,-1866.0,1.0,0,Cash loans,F,N,Y,1,99000.0,299772.0,19647.0,247500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.031329,-11188,-135,-1067.0,-3457,,1,1,0,1,0,0,Sales staff,3.0,2,2,THURSDAY,13,0,0,0,0,0,0,Trade: type 7,0.4344874864943963,0.663299719251604,0.7862666146611379,0.1646,0.0264,0.9732,0.6328,0.041,0.0,0.069,0.1667,0.2083,0.0254,0.1317,0.0569,0.0116,0.0853,0.1649,0.025,0.9732,0.6472,0.036000000000000004,0.0,0.069,0.1667,0.2083,0.0221,0.1414,0.058,0.0039,0.0629,0.1645,0.0254,0.9732,0.6377,0.0406,0.0,0.069,0.1667,0.2083,0.0229,0.1342,0.0578,0.0116,0.0929,reg oper account,block of flats,0.0587,Block,No,5.0,0.0,5.0,0.0,-2171.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1549672,151930,Consumer loans,2761.065,19293.3,23548.5,1.8,19293.3,FRIDAY,10,Y,1,8.324155685335796e-05,,,XAP,Approved,-1077,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Regional / Local,330,Consumer electronics,10.0,middle,POS household with interest,365243.0,-1046.0,-776.0,-776.0,-774.0,0.0,0,Cash loans,F,N,N,0,45000.0,63000.0,6912.0,63000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-16615,-2624,-9512.0,-168,,1,1,0,1,0,0,,2.0,2,2,THURSDAY,13,0,0,0,0,1,1,Government,,0.4362244745196232,0.12610055883623253,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1882.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1033445,313793,Cash loans,18730.35,315000.0,349096.5,,315000.0,MONDAY,16,Y,1,,,,XNA,Approved,-1492,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-1462.0,-772.0,-952.0,-947.0,1.0,0,Cash loans,F,N,Y,0,256050.0,139500.0,12924.0,139500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.072508,-23621,365243,-16228.0,-1992,,1,0,0,1,0,0,,1.0,1,1,TUESDAY,15,0,0,0,0,0,0,XNA,,0.2858978721410488,,0.1485,0.0937,0.9776,0.6940000000000001,0.0629,0.16,0.1379,0.3333,0.0417,0.0,0.121,0.0975,0.0,0.0,0.1513,0.0964,0.9777,0.706,0.0635,0.1611,0.1379,0.3333,0.0417,0.0,0.1322,0.1014,0.0,0.0,0.1499,0.0937,0.9776,0.6981,0.0633,0.16,0.1379,0.3333,0.0417,0.0,0.1231,0.0992,0.0,0.0,reg oper account,block of flats,0.1109,Panel,No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1257784,392415,Consumer loans,10000.305,91980.0,101691.0,0.0,91980.0,THURSDAY,7,Y,1,0.0,,,XAP,Approved,-634,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Regional / Local,60,Consumer electronics,12.0,middle,POS household with interest,365243.0,-603.0,-273.0,-603.0,-589.0,0.0,0,Cash loans,F,N,Y,0,112500.0,346968.0,21357.0,274500.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.018029,-22741,365243,-7040.0,-4773,,1,0,0,1,0,1,,1.0,3,2,MONDAY,6,0,0,0,0,0,0,XNA,0.7975062840711968,0.6135879752624508,0.524496446363472,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2032.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1985334,226849,Consumer loans,8602.02,76410.0,76023.0,7650.0,76410.0,WEDNESDAY,19,Y,1,0.09957268718159328,,,XAP,Approved,-576,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,37,Connectivity,12.0,high,POS mobile with interest,365243.0,-539.0,-209.0,-209.0,-201.0,0.0,0,Cash loans,F,N,Y,2,157500.0,452844.0,24696.0,378000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-10978,-784,-5827.0,-3640,,1,1,1,1,0,1,Sales staff,4.0,2,2,FRIDAY,10,0,0,0,0,0,0,Trade: type 7,0.5383944313565066,0.4877147753602744,,0.0804,0.0779,0.9846,0.7892,0.0373,0.0,0.2069,0.1667,0.2083,0.0835,0.0656,0.0761,0.0,0.0,0.0819,0.0808,0.9846,0.7975,0.0377,0.0,0.2069,0.1667,0.2083,0.0854,0.0716,0.0793,0.0,0.0,0.0812,0.0779,0.9846,0.792,0.0376,0.0,0.2069,0.1667,0.2083,0.0849,0.0667,0.0775,0.0,0.0,reg oper spec account,block of flats,0.0803,"Stone, brick",No,1.0,0.0,1.0,0.0,-2218.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1628163,348704,Cash loans,,0.0,0.0,,,THURSDAY,5,Y,1,,,,XNA,Refused,-203,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,1,Cash loans,F,N,N,0,90000.0,936000.0,26793.0,936000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.010032,-24090,-215,-10712.0,-4921,,1,1,0,1,0,0,Medicine staff,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Medicine,,0.0033693744162344268,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-452.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1646820,435561,Consumer loans,20209.545,94810.5,75847.5,18963.0,94810.5,SATURDAY,12,Y,1,0.21782852014377008,,,XAP,Approved,-1137,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,100,Connectivity,4.0,middle,POS mobile without interest,365243.0,-1104.0,-1014.0,-1014.0,-1010.0,0.0,0,Cash loans,F,Y,Y,0,180000.0,490495.5,30136.5,454500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.007120000000000001,-10817,-3047,-1523.0,-3325,7.0,1,1,0,1,1,1,Accountants,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.5022789779437442,0.25991278877703583,0.8128226070575616,0.0876,0.1004,0.9786,0.7076,,,0.2069,0.1667,,0.0789,,,,0.1981,0.0893,0.1042,0.9786,0.7190000000000001,,,0.2069,0.1667,,0.0807,,,,0.2097,0.0885,0.1004,0.9786,0.7115,,,0.2069,0.1667,,0.0803,,,,0.2022,,block of flats,0.0647,Panel,No,1.0,0.0,1.0,0.0,-1378.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1881435,369232,Revolving loans,11250.0,225000.0,225000.0,,225000.0,SATURDAY,10,Y,1,,,,XAP,Refused,-599,XNA,SCOFR,,Repeater,XNA,Cards,walk-in,Credit and cash offices,0,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,Y,Y,0,247500.0,900000.0,32017.5,900000.0,Family,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.026392000000000002,-10724,-2686,-4361.0,-2380,2.0,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Industry: type 3,,0.6465636631961561,0.3996756156233169,0.1979,0.3064,0.9861,,,0.24,0.2069,0.3333,,0.1644,,0.2052,,0.1119,0.2017,0.318,0.9861,,,0.2417,0.2069,0.3333,,0.1681,,0.2138,,0.1185,0.1999,0.3064,0.9861,,,0.24,0.2069,0.3333,,0.1672,,0.2089,,0.1143,,block of flats,0.1857,Panel,No,0.0,0.0,0.0,0.0,-767.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1769455,441707,Consumer loans,23542.2,255150.0,229635.0,25515.0,255150.0,WEDNESDAY,12,Y,1,0.1089090909090909,,,XAP,Approved,-856,Cash through the bank,XAP,Unaccompanied,Repeater,Construction Materials,POS,XNA,Stone,101,Furniture,12.0,middle,POS industry with interest,365243.0,-816.0,-486.0,-516.0,-509.0,0.0,0,Cash loans,F,N,Y,0,144000.0,1711764.0,45283.5,1530000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.007114,-20691,365243,-1212.0,-4091,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,XNA,,0.2629358786975408,0.7121551551910698,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-490.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2761871,151551,Consumer loans,14267.97,181035.0,188730.0,9958.5,181035.0,FRIDAY,17,Y,1,0.05458651013109371,,,XAP,Approved,-2720,Cash through the bank,XAP,Family,New,Furniture,POS,XNA,Stone,1608,Furniture,14.0,low_action,POS industry without interest,365243.0,-2689.0,-2299.0,-2299.0,-2291.0,1.0,0,Cash loans,F,N,Y,0,135000.0,900000.0,32458.5,900000.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.026392000000000002,-22395,365243,-15022.0,-4749,,1,0,0,1,1,0,,1.0,2,2,TUESDAY,15,0,0,0,0,0,0,XNA,,0.7748186189785317,,0.1227,0.1213,0.9786,,,0.0,0.2759,0.1667,,0.1733,,0.1036,,0.0374,0.125,0.1258,0.9786,,,0.0,0.2759,0.1667,,0.1773,,0.1079,,0.0396,0.1239,0.1213,0.9786,,,0.0,0.2759,0.1667,,0.1763,,0.1054,,0.0382,,block of flats,0.0896,Panel,No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2470561,165299,Revolving loans,,0.0,0.0,,,TUESDAY,10,Y,1,,,,XAP,Refused,-41,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,1,180000.0,1041219.0,53293.5,855000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-14113,-4942,-2856.0,-4372,,1,1,0,1,0,0,Laborers,3.0,3,3,MONDAY,9,0,0,0,0,0,0,Self-employed,0.11587229002775945,0.3755244261864689,0.266456808245056,0.0619,0.0946,0.9891,0.8504,0.01,0.0,0.1379,0.1667,0.2083,0.0347,0.0504,0.0695,0.0,0.0,0.063,0.0981,0.9891,0.8563,0.0101,0.0,0.1379,0.1667,0.2083,0.0355,0.0551,0.0725,0.0,0.0,0.0625,0.0946,0.9891,0.8524,0.01,0.0,0.1379,0.1667,0.2083,0.0353,0.0513,0.0708,0.0,0.0,reg oper account,block of flats,0.0547,"Stone, brick",No,1.0,1.0,1.0,0.0,-2396.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,6.0 +1050622,329288,Consumer loans,20723.895,478170.0,478170.0,0.0,478170.0,THURSDAY,14,Y,1,0.0,,,XAP,Approved,-704,Cash through the bank,XAP,,Repeater,Construction Materials,POS,XNA,Stone,264,Consumer electronics,30.0,low_normal,POS household with interest,,,,,,,0,Cash loans,M,Y,Y,0,175500.0,148500.0,10687.5,148500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-21138,365243,-3495.0,-4246,13.0,1,0,0,1,1,0,,2.0,2,2,MONDAY,16,0,0,0,0,0,0,XNA,,0.495169298141293,0.5762088360175724,0.0124,,0.9617,,,0.0,0.1034,0.0417,,,,0.0128,,0.0,0.0126,,0.9618,,,0.0,0.1034,0.0417,,,,0.0134,,0.0,0.0125,,0.9617,,,0.0,0.1034,0.0417,,,,0.0131,,0.0,,block of flats,0.0101,"Stone, brick",No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2690869,374596,Cash loans,88262.145,1129500.0,1178703.0,,1129500.0,TUESDAY,11,Y,1,,,,XNA,Approved,-477,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-447.0,63.0,365243.0,365243.0,1.0,0,Cash loans,M,N,N,0,315000.0,601677.0,28179.0,423000.0,Family,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.032561,-19398,-3306,-3696.0,-2934,,1,1,0,1,0,0,Managers,2.0,1,1,WEDNESDAY,18,0,0,0,0,0,0,Business Entity Type 3,,0.6846192324272472,,0.0515,0.0817,0.9598,,,,0.1724,0.1667,,,,0.0493,,,0.0525,0.0848,0.9598,,,,0.1724,0.1667,,,,0.0514,,,0.052000000000000005,0.0817,0.9598,,,,0.1724,0.1667,,,,0.0502,,,,block of flats,0.0493,,No,0.0,0.0,0.0,0.0,-1495.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2222133,136843,Cash loans,9346.455,90000.0,95940.0,,90000.0,THURSDAY,13,Y,1,,,,XNA,Approved,-626,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Country-wide,20,Connectivity,12.0,low_normal,Cash X-Sell: low,365243.0,-596.0,-266.0,-266.0,-259.0,1.0,0,Cash loans,F,N,Y,0,112500.0,239850.0,23719.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.04622,-23579,365243,-14299.0,-4051,,1,0,0,1,1,0,,1.0,1,1,SUNDAY,12,0,0,0,0,0,0,XNA,,0.8004628102918058,,0.0082,0.0,0.9662,0.5376,0.0012,0.0,0.0345,0.0417,0.0833,0.0,0.0067,0.0074,0.0,0.0,0.0084,0.0,0.9662,0.5557,0.0012,0.0,0.0345,0.0417,0.0833,0.0,0.0073,0.0077,0.0,0.0,0.0083,0.0,0.9662,0.5438,0.0012,0.0,0.0345,0.0417,0.0833,0.0,0.0068,0.0075,0.0,0.0,reg oper account,block of flats,0.0065,Others,No,0.0,0.0,0.0,0.0,-1743.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1109013,444351,Consumer loans,16605.54,80851.5,84852.0,0.0,80851.5,MONDAY,7,Y,1,0.0,,,XAP,Approved,-2014,Cash through the bank,XAP,Unaccompanied,Refreshed,Audio/Video,POS,XNA,Regional / Local,150,Consumer electronics,6.0,high,POS household with interest,365243.0,-1983.0,-1833.0,-1863.0,-1854.0,0.0,0,Cash loans,F,Y,N,1,135000.0,263686.5,26208.0,238500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.014464,-17035,-1156,-130.0,-411,15.0,1,1,0,1,0,0,,3.0,2,2,SATURDAY,5,0,0,0,0,0,0,Transport: type 1,0.7406550980907531,0.6401564829717079,0.5495965024956946,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-2896.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2574820,350364,Consumer loans,8412.345,74065.5,74065.5,0.0,74065.5,THURSDAY,17,Y,1,0.0,,,XAP,Approved,-145,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,65,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-109.0,161.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,121500.0,318528.0,20484.0,252000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-12967,-590,-872.0,-4801,65.0,1,1,0,1,0,0,Drivers,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Industry: type 3,,0.5229958126726431,0.2793353208976285,0.1021,0.0,0.9816,,,0.0,0.2069,0.1667,,0.0189,,0.0899,,0.0151,0.104,0.0,0.9816,,,0.0,0.2069,0.1667,,0.0193,,0.0937,,0.016,0.1031,0.0,0.9816,,,0.0,0.2069,0.1667,,0.0192,,0.0915,,0.0154,,block of flats,0.0746,"Stone, brick",No,1.0,0.0,1.0,0.0,-1356.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1016824,227666,Consumer loans,22125.33,81891.0,84595.5,0.0,81891.0,SUNDAY,9,Y,1,0.0,,,XAP,Approved,-1254,XNA,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,946,Consumer electronics,4.0,low_action,POS household with interest,365243.0,-1223.0,-1133.0,-1133.0,-1127.0,0.0,0,Cash loans,F,N,N,0,157500.0,450000.0,23431.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.010006000000000001,-9648,-2344,-8907.0,-1971,,1,1,0,1,0,0,Core staff,2.0,2,2,MONDAY,9,0,0,0,0,0,0,Trade: type 2,,0.6304646552216192,0.6925590674998008,0.0794,0.0517,0.9906,0.8708,0.0757,0.08,0.069,0.375,0.4167,0.0674,0.0647,0.0943,,0.0151,0.0809,0.0537,0.9906,0.8759,0.0764,0.0806,0.069,0.375,0.4167,0.0689,0.0707,0.0983,,0.016,0.0802,0.0517,0.9906,0.8725,0.0761,0.08,0.069,0.375,0.4167,0.0686,0.0658,0.096,,0.0155,reg oper account,block of flats,0.1186,Panel,No,0.0,0.0,0.0,0.0,-727.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,5.0 +1880489,452390,Cash loans,55502.775,810000.0,865597.5,,810000.0,SATURDAY,8,Y,1,,,,XNA,Approved,-511,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-481.0,209.0,-361.0,-356.0,1.0,0,Cash loans,M,Y,Y,0,405000.0,702000.0,39330.0,702000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-21349,-2102,-1438.0,-4894,5.0,1,1,1,1,1,0,,2.0,3,1,SATURDAY,13,0,0,0,0,0,0,Self-employed,,0.6091977675878829,0.324891229465852,0.133,0.2186,0.9796,,0.0358,0.16,0.1379,0.3333,0.375,0.0821,0.1076,0.1368,0.0039,0.1708,0.1355,0.2269,0.9796,,0.0362,0.1611,0.1379,0.3333,0.375,0.0839,0.1175,0.1426,0.0039,0.1808,0.1343,0.2186,0.9796,,0.0361,0.16,0.1379,0.3333,0.375,0.0835,0.1095,0.1393,0.0039,0.1743,reg oper account,block of flats,0.1643,"Stone, brick",No,3.0,0.0,3.0,0.0,-1869.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,7.0 +2128585,420479,Cash loans,28552.86,976500.0,976500.0,,976500.0,WEDNESDAY,15,Y,1,,,,XNA,Refused,-180,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,229500.0,697500.0,20524.5,697500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.015221,-21165,365243,-110.0,-4380,,1,0,0,1,0,0,,2.0,2,2,MONDAY,7,0,0,0,0,0,0,XNA,,0.1235327052363433,0.3723336657058204,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-685.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1751383,241559,Consumer loans,5767.02,31005.0,32643.0,0.0,31005.0,MONDAY,15,Y,1,0.0,,,XAP,Approved,-720,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Regional / Local,129,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-689.0,-539.0,-659.0,-649.0,0.0,0,Revolving loans,M,N,Y,0,135000.0,180000.0,9000.0,180000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.007305,-9013,-1190,-3524.0,-1644,,1,1,0,1,0,0,Laborers,1.0,3,3,SUNDAY,11,0,0,0,0,0,0,Construction,0.1755109591563325,0.4929937819900384,0.08559545132461807,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-661.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1802549,357539,Revolving loans,2250.0,45000.0,45000.0,,45000.0,TUESDAY,6,Y,1,,,,XAP,Approved,-333,XNA,XAP,Family,Repeater,XNA,Cards,walk-in,Stone,49,Clothing,0.0,XNA,Card Street,-259.0,-224.0,365243.0,-224.0,365243.0,0.0,0,Cash loans,F,N,N,0,135000.0,149256.0,15799.5,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008068,-17832,-510,-5048.0,-1349,,1,1,0,1,1,0,Laborers,2.0,3,3,FRIDAY,3,0,0,0,0,0,0,Business Entity Type 3,0.4844149712935442,0.21916061640366608,0.7194907850918436,0.0619,0.0712,0.9851,0.7959999999999999,0.0299,0.0,0.1379,0.1667,0.2083,0.0331,0.0504,0.0619,0.0,0.0,0.063,0.0739,0.9851,0.804,0.0302,0.0,0.1379,0.1667,0.2083,0.0339,0.0551,0.0644,0.0,0.0,0.0625,0.0712,0.9851,0.7987,0.0301,0.0,0.1379,0.1667,0.2083,0.0337,0.0513,0.063,0.0,0.0,,block of flats,0.065,Panel,No,0.0,0.0,0.0,0.0,-1559.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1533693,172553,Cash loans,63180.0,2250000.0,2250000.0,,2250000.0,WEDNESDAY,10,Y,1,,,,XNA,Refused,-341,XNA,HC,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,Y,Y,0,270000.0,2013840.0,53122.5,1800000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.019101,-22882,-8856,-3960.0,-4056,8.0,1,1,0,1,0,0,Core staff,2.0,2,2,MONDAY,15,0,0,0,0,0,0,Legal Services,,0.7125535220812119,0.8214433128935934,0.0948,0.2091,0.9935,,,0.0,0.3103,0.2083,,0.1465,,0.1299,,0.0354,0.0966,0.217,0.9935,,,0.0,0.3103,0.2083,,0.1498,,0.1353,,0.0375,0.0958,0.2091,0.9935,,,0.0,0.3103,0.2083,,0.149,,0.1322,,0.0362,,block of flats,0.1098,"Stone, brick",No,0.0,0.0,0.0,0.0,-493.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2107508,254190,Cash loans,8809.335,135000.0,206442.0,,135000.0,FRIDAY,17,Y,1,,,,XNA,Approved,-1013,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-983.0,427.0,-983.0,-976.0,1.0,0,Cash loans,F,N,Y,0,225000.0,272520.0,19957.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Widow,Co-op apartment,0.009549,-16590,-1247,-9329.0,-110,,1,1,0,1,0,0,,1.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.503691970959409,0.6956219298394389,0.0825,,0.9767,,,,0.1379,0.1667,,0.0841,,0.069,,0.0,0.084,,0.9767,,,,0.1379,0.1667,,0.086,,0.0719,,0.0,0.0833,,0.9767,,,,0.1379,0.1667,,0.0855,,0.0703,,0.0,,block of flats,0.0585,"Stone, brick",No,0.0,0.0,0.0,0.0,-1992.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2700600,212738,Consumer loans,4408.29,31450.5,32319.0,3145.5,31450.5,FRIDAY,18,Y,1,0.09659618645534136,,,XAP,Approved,-1104,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,10,Connectivity,10.0,high,POS mobile with interest,365243.0,-1057.0,-787.0,-1057.0,-1046.0,0.0,0,Cash loans,F,N,N,1,90000.0,276277.5,23841.0,238500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.02461,-9963,-1645,-245.0,-446,,1,1,0,1,0,0,Laborers,3.0,2,2,WEDNESDAY,13,0,0,0,1,1,0,Transport: type 4,0.14067949665221005,0.6379926381809514,0.31547215492577346,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1699.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2070592,213635,Cash loans,7640.73,81000.0,107658.0,,81000.0,THURSDAY,12,Y,1,,,,XNA,Approved,-1195,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,Y,N,1,180000.0,1082214.0,31639.5,945000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.032561,-13402,-4363,-7512.0,-3926,16.0,1,1,1,1,1,0,,3.0,1,1,FRIDAY,16,0,0,0,0,0,0,Business Entity Type 3,0.7602022269094669,0.6959322284136636,0.646329897706246,,0.0821,0.9781,0.7008,0.0195,0.1,0.1379,0.2083,0.25,0.0247,,0.0817,,0.0293,,0.0453,0.9702,0.608,0.0171,0.0,0.1034,0.1667,0.2083,0.0166,,0.0551,,0.0261,,0.0821,0.9781,0.7048,0.0196,0.1,0.1379,0.2083,0.25,0.0252,,0.0831,,0.0299,reg oper account,block of flats,0.0582,"Stone, brick",No,0.0,0.0,0.0,0.0,-1511.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2796775,286012,Cash loans,24097.41,180000.0,218313.0,,180000.0,SUNDAY,16,Y,1,,,,XNA,Approved,-989,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-959.0,-629.0,-749.0,-743.0,1.0,0,Cash loans,M,N,N,1,225000.0,956574.0,40657.5,855000.0,Unaccompanied,State servant,Secondary / secondary special,Married,With parents,0.00496,-11442,-2944,-2842.0,-1530,,1,1,0,1,1,0,Drivers,3.0,2,2,TUESDAY,15,0,0,0,0,0,0,Police,,0.711360652543482,0.7016957740576931,0.0724,,0.9836,,,,0.069,0.1667,,,,,,,0.063,,0.9826,,,,0.069,0.1667,,,,,,,0.0656,,0.9836,,,,0.069,0.1667,,,,,,,,specific housing,0.0277,"Stone, brick",No,0.0,0.0,0.0,0.0,-1092.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1532497,365474,Cash loans,36083.205,900000.0,1004544.0,,900000.0,SATURDAY,11,Y,1,,,,XNA,Approved,-492,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-462.0,948.0,365243.0,365243.0,1.0,0,Revolving loans,F,N,Y,0,112500.0,202500.0,10125.0,202500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010966,-21241,365243,-9181.0,-4567,,1,0,0,1,0,0,,2.0,2,2,MONDAY,11,0,0,0,0,0,0,XNA,0.6598727366972655,0.3687953384849624,0.4938628816996244,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1852.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +2748701,194981,Cash loans,11093.265,135000.0,148365.0,,135000.0,TUESDAY,14,Y,1,,,,XNA,Approved,-346,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-316.0,194.0,-226.0,-222.0,1.0,0,Revolving loans,F,N,Y,1,76500.0,225000.0,11250.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.008625,-20626,-4117,-8575.0,-3936,,1,1,0,1,0,0,,2.0,2,2,FRIDAY,16,0,0,0,0,0,0,School,,0.2423858412289032,0.7662336700704004,0.0619,0.0638,0.9816,,,0.0,0.1379,0.1667,,0.3599,,0.0537,,0.0,0.063,0.0652,0.9816,,,0.0,0.1379,0.1667,,0.3681,,0.0558,,0.0,0.0625,0.0638,0.9816,,,0.0,0.1379,0.1667,,0.3662,,0.0547,,0.0,,block of flats,0.0518,Panel,No,1.0,0.0,1.0,0.0,-23.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2461240,200944,Cash loans,16003.215,369000.0,420142.5,,369000.0,THURSDAY,14,Y,1,,,,XNA,Refused,-379,XNA,LIMIT,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,67500.0,427176.0,21942.0,306000.0,Family,Pensioner,Secondary / secondary special,Married,Office apartment,0.030755,-21043,365243,-3895.0,-3992,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,XNA,,0.3964741424359704,,0.0773,0.0814,0.9876,,,0.0,0.1724,0.1667,,0.0144,,0.0703,,0.0,0.0788,0.0844,0.9876,,,0.0,0.1724,0.1667,,0.0147,,0.0733,,0.0,0.0781,0.0814,0.9876,,,0.0,0.1724,0.1667,,0.0146,,0.0716,,0.0,,block of flats,0.0617,Panel,No,0.0,0.0,0.0,0.0,-686.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2815561,221903,Cash loans,53541.0,1350000.0,1350000.0,,1350000.0,SATURDAY,5,Y,1,,,,XNA,Refused,-577,XNA,HC,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,N,0,675000.0,983160.0,54895.5,900000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010032,-18029,-1856,-189.0,-1590,23.0,1,1,1,1,1,0,Managers,2.0,2,2,MONDAY,7,0,0,0,0,0,0,Services,0.6854459403995793,0.3826324779294889,0.3740208032583212,0.0165,,0.9866,,,,0.0345,0.0417,,,,0.0143,,,0.0168,,0.9866,,,,0.0345,0.0417,,,,0.0149,,,0.0167,,0.9866,,,,0.0345,0.0417,,,,0.0146,,,,block of flats,0.0113,Mixed,No,0.0,0.0,0.0,0.0,-990.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1251558,346389,Cash loans,48140.19,1305000.0,1456587.0,,1305000.0,SATURDAY,9,Y,1,,,,XNA,Approved,-17,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,N,N,0,180000.0,1456587.0,48136.5,1305000.0,Unaccompanied,State servant,Secondary / secondary special,Married,Office apartment,0.04622,-10374,-1455,-61.0,-3030,,1,1,1,1,0,0,Managers,2.0,1,1,SUNDAY,9,0,0,0,0,0,0,Military,0.17975780931282115,0.7599064536150479,0.5352762504724826,0.066,,0.9752,,,0.0,0.1379,0.125,,0.0136,,0.0502,,0.0139,0.0672,,0.9752,,,0.0,0.1379,0.125,,0.0139,,0.0523,,0.0147,0.0666,,0.9752,,,0.0,0.1379,0.125,,0.0139,,0.0511,,0.0142,,block of flats,0.0425,"Stone, brick",No,0.0,0.0,0.0,0.0,-252.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1637321,232263,Cash loans,11719.8,180000.0,180000.0,,180000.0,MONDAY,9,Y,1,,,,XNA,Refused,-125,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,135000.0,450000.0,21109.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.0228,-13279,-2441,-7361.0,-5784,,1,1,0,1,1,0,Managers,2.0,2,2,SUNDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.6846811784636658,0.08086102071082764,,0.132,0.0,0.9767,,,0.0,0.2759,0.1667,,0.1156,,0.1056,,0.0902,0.1345,0.0,0.9767,,,0.0,0.2759,0.1667,,0.1182,,0.11,,0.0955,0.1332,0.0,0.9767,,,0.0,0.2759,0.1667,,0.1176,,0.1074,,0.0921,,block of flats,0.1107,"Stone, brick",No,0.0,0.0,0.0,0.0,-130.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2710871,374112,Cash loans,46899.0,900000.0,900000.0,,900000.0,TUESDAY,17,Y,1,,,,XNA,Refused,-504,XNA,HC,,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,48.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,M,Y,Y,0,315000.0,922500.0,44379.0,922500.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.019688999999999998,-9397,-1902,-6235.0,-2051,3.0,1,1,0,1,0,0,Managers,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.4583588121100583,0.3201633668633456,0.2371,0.0,0.9901,0.8640000000000001,0.0587,0.2,0.1724,0.375,0.4167,0.1057,0.1933,0.279,0.0,0.0014,0.2416,0.0,0.9901,0.8693,0.0592,0.2014,0.1724,0.375,0.4167,0.1081,0.2112,0.2907,0.0,0.0014,0.2394,0.0,0.9901,0.8658,0.0591,0.2,0.1724,0.375,0.4167,0.1075,0.1967,0.284,0.0,0.0014,reg oper account,block of flats,0.2389,Panel,No,0.0,0.0,0.0,0.0,-1210.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2697454,316774,Revolving loans,10125.0,0.0,202500.0,,,TUESDAY,16,Y,1,,,,XAP,Approved,-1461,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,100,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,225000.0,635193.0,62010.0,585000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.032561,-22827,365243,-7688.0,-4116,,1,0,0,1,1,0,,2.0,1,1,SUNDAY,10,0,0,0,0,0,0,XNA,,0.7421291867761004,,0.0722,,0.9737,,,,0.2414,0.1667,,0.0985,,0.0626,,0.0093,0.0735,,0.9737,,,,0.2414,0.1667,,0.1007,,0.0652,,0.0099,0.0729,,0.9737,,,,0.2414,0.1667,,0.1002,,0.0637,,0.0095,,block of flats,0.0513,Panel,No,0.0,0.0,0.0,0.0,-1461.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1140812,356868,Cash loans,26327.97,450000.0,512370.0,,450000.0,SATURDAY,10,Y,1,,,,XNA,Refused,-1109,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,36.0,middle,Cash X-Sell: middle,,,,,,,1,Cash loans,F,N,Y,0,85500.0,253737.0,14296.5,229500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.031329,-15121,-206,-5642.0,-4043,,1,1,1,1,0,0,Sales staff,2.0,2,2,TUESDAY,8,0,0,0,1,1,0,Self-employed,,0.3119662419908055,0.5028782772082183,0.3948,0.0534,0.9876,0.83,0.0308,0.24,0.1034,0.625,0.6667,0.0946,0.3202,0.3383,0.0077,0.0133,0.4023,0.0554,0.9876,0.8367,0.0311,0.2417,0.1034,0.625,0.6667,0.0967,0.3499,0.3524,0.0078,0.0141,0.3987,0.0534,0.9876,0.8323,0.031,0.24,0.1034,0.625,0.6667,0.0962,0.3258,0.3443,0.0078,0.0136,not specified,block of flats,0.2858,Panel,No,0.0,0.0,0.0,0.0,-1527.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2217931,197514,Revolving loans,11250.0,0.0,225000.0,,0.0,FRIDAY,8,Y,1,,,,XAP,Refused,-1231,XNA,HC,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,1,135000.0,113211.0,9207.0,94500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,Municipal apartment,0.022625,-13798,-2118,-7912.0,-5236,,1,1,0,1,0,0,Laborers,3.0,2,2,THURSDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.34122633773431515,0.6863023931962224,0.7062051096536562,0.0825,0.0084,0.9727,0.626,0.0083,0.0,0.1379,0.1667,0.2083,0.0519,0.0672,0.0576,,0.0159,0.084,0.0087,0.9727,0.6406,0.0084,0.0,0.1379,0.1667,0.2083,0.0531,0.0735,0.06,,0.0168,0.0833,0.0084,0.9727,0.631,0.0083,0.0,0.1379,0.1667,0.2083,0.0528,0.0684,0.0587,,0.0162,reg oper account,block of flats,0.0474,"Stone, brick",No,0.0,0.0,0.0,0.0,-1368.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1641210,327096,Cash loans,23976.0,450000.0,450000.0,,450000.0,THURSDAY,9,Y,1,,,,XNA,Approved,-401,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,1487,Consumer electronics,24.0,low_normal,Cash X-Sell: low,365243.0,-371.0,319.0,-311.0,-300.0,0.0,0,Revolving loans,F,N,Y,0,125550.0,225000.0,11250.0,,,Working,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-18481,-3008,-5450.0,-2026,,1,1,1,1,1,0,High skill tech staff,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,Electricity,0.5470726234148507,0.4644070953235436,0.7001838506835805,0.0928,0.0805,0.9856,0.8028,0.012,0.0,0.2069,0.1667,0.0417,0.0682,0.0756,0.0878,0.0,0.0,0.0945,0.0835,0.9856,0.8105,0.0121,0.0,0.2069,0.1667,0.0417,0.0697,0.0826,0.0915,0.0,0.0,0.0937,0.0805,0.9856,0.8054,0.0121,0.0,0.2069,0.1667,0.0417,0.0693,0.077,0.0894,0.0,0.0,reg oper account,block of flats,0.0895,Panel,No,3.0,0.0,3.0,0.0,-1279.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2466054,200080,Consumer loans,4368.465,22455.0,21820.5,3915.0,22455.0,MONDAY,18,Y,1,0.165677407048276,,,XAP,Approved,-1503,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,20,Connectivity,6.0,high,POS mobile with interest,365243.0,-1465.0,-1315.0,-1345.0,-1343.0,0.0,0,Cash loans,F,N,Y,0,126000.0,545040.0,20677.5,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-23815,365243,-8286.0,-4462,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,XNA,,0.16318703546427088,0.8027454758994178,0.1031,0.0,0.9771,0.6872,0.0114,0.0,0.2069,0.1667,0.2083,0.0852,0.0815,0.0845,0.0116,0.0163,0.105,0.0,0.9772,0.6994,0.0115,0.0,0.2069,0.1667,0.2083,0.0871,0.0891,0.0881,0.0117,0.0172,0.1041,0.0,0.9771,0.6914,0.0115,0.0,0.2069,0.1667,0.2083,0.0867,0.0829,0.0861,0.0116,0.0166,reg oper account,block of flats,0.0763,Block,No,4.0,0.0,4.0,0.0,-1503.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,1.0 +1798502,434874,Consumer loans,14824.755,150750.0,150750.0,0.0,150750.0,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-589,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,150,Consumer electronics,12.0,middle,POS household with interest,365243.0,-558.0,-228.0,-558.0,-554.0,0.0,0,Cash loans,M,Y,Y,1,225000.0,1125000.0,33025.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018209,-13305,-1548,-2398.0,-4226,13.0,1,1,0,1,0,0,Managers,3.0,3,3,MONDAY,12,0,0,0,0,0,0,Self-employed,,0.5255755480397455,0.2471909382666521,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1070.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2715904,453632,Cash loans,45506.025,1129500.0,1227901.5,,1129500.0,MONDAY,18,Y,1,,,,XNA,Approved,-588,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_action,Cash X-Sell: low,365243.0,-558.0,492.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,0,202500.0,1138900.5,33430.5,994500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.032561,-23653,365243,-56.0,-2476,3.0,1,0,0,1,0,0,,2.0,1,1,MONDAY,18,0,0,0,0,0,0,XNA,,0.6248585070690279,0.5082869913916046,0.2598,0.1616,0.9995,0.9932,0.0809,0.28,0.2414,0.3333,0.375,0.1499,0.2118,0.3065,0.0,0.0,0.2647,0.1677,0.9995,0.9935,0.0812,0.282,0.2414,0.3333,0.375,0.1505,0.2314,0.319,0.0,0.0,0.2623,0.1616,0.9995,0.9933,0.0814,0.28,0.2414,0.3333,0.375,0.1525,0.2155,0.312,0.0,0.0,reg oper account,block of flats,0.2927,Monolithic,No,0.0,0.0,0.0,0.0,-588.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1795553,444289,Cash loans,,0.0,0.0,,,THURSDAY,14,Y,1,,,,XNA,Refused,-245,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,N,Y,0,72000.0,238500.0,14539.5,238500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-18252,-115,-2515.0,-1741,,1,1,1,1,0,0,,2.0,2,2,THURSDAY,16,0,0,0,0,0,0,Business Entity Type 2,,0.6812146217034711,0.3280631605201915,1.0,,0.9811,,,1.0,0.931,0.3333,,1.0,,1.0,,,1.0,,0.9811,,,1.0,0.931,0.3333,,1.0,,1.0,,,1.0,,0.9811,,,1.0,0.931,0.3333,,1.0,,1.0,,,,block of flats,1.0,Panel,No,0.0,0.0,0.0,0.0,-880.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +1968402,237542,Consumer loans,,31045.5,31045.5,0.0,31045.5,FRIDAY,14,Y,1,0.0,,,XAP,Refused,-1630,Cash through the bank,SCO,Other_B,Repeater,Mobile,XNA,XNA,Country-wide,1370,Consumer electronics,,XNA,POS household with interest,,,,,,,1,Cash loans,F,N,Y,0,225000.0,1078200.0,31653.0,900000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.019101,-16821,-413,-524.0,-365,,1,1,0,1,0,0,Medicine staff,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,Medicine,,0.4012979518550081,0.4740512892789932,0.2227,0.1734,0.9871,0.8232,0.0567,0.0,0.2069,0.3333,0.375,0.0954,0.1816,0.2474,0.0,0.0,0.2269,0.1799,0.9871,0.8301,0.0573,0.0,0.2069,0.3333,0.375,0.0975,0.1983,0.2578,0.0,0.0,0.2248,0.1734,0.9871,0.8256,0.0571,0.0,0.2069,0.3333,0.375,0.097,0.1847,0.2518,0.0,0.0,reg oper account,block of flats,0.1943,"Stone, brick",No,0.0,0.0,0.0,0.0,-1.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1704008,105898,Revolving loans,3375.0,0.0,67500.0,,,WEDNESDAY,10,Y,1,,,,XAP,Refused,-2911,XNA,SCO,,Repeater,XNA,Cards,x-sell,Contact center,0,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,N,N,0,135000.0,225000.0,16303.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Separated,With parents,0.01885,-12532,-1572,-5151.0,-1713,,1,1,1,1,0,0,Cleaning staff,1.0,2,2,TUESDAY,9,0,1,1,0,1,1,Business Entity Type 3,,0.2529003273335212,0.7557400501752248,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1790.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1419610,433325,Cash loans,17375.58,234000.0,297171.0,,234000.0,SATURDAY,13,Y,1,,,,XNA,Approved,-759,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-729.0,-39.0,-88.0,-79.0,1.0,0,Cash loans,F,N,Y,0,180000.0,646920.0,19044.0,540000.0,Unaccompanied,Working,Higher education,Widow,House / apartment,0.0228,-19184,-2263,-13207.0,-2737,,1,1,0,1,1,0,Accountants,1.0,2,2,TUESDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.8480951195413929,0.6714594152536033,0.6212263380626669,0.0773,0.0979,0.9811,0.7416,0.0167,0.0,0.2069,0.1667,0.2083,0.0327,0.063,0.1086,0.0,0.0,0.0788,0.1015,0.9811,0.7517,0.0168,0.0,0.2069,0.1667,0.2083,0.0335,0.0689,0.1132,0.0,0.0,0.0781,0.0979,0.9811,0.7451,0.0168,0.0,0.2069,0.1667,0.2083,0.0333,0.0641,0.1106,0.0,0.0,reg oper account,block of flats,0.0946,"Stone, brick",No,0.0,0.0,0.0,0.0,-1169.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1358797,224396,Cash loans,9638.64,72000.0,87322.5,,72000.0,MONDAY,11,Y,1,,,,XNA,Approved,-307,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-277.0,53.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,112500.0,298512.0,20079.0,270000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.019101,-18354,365243,-1951.0,-1884,,1,0,0,1,0,0,,1.0,2,2,SUNDAY,16,0,0,0,0,0,0,XNA,,0.6795502442969041,0.6801388218428291,0.2557,0.0479,0.9791,0.7144,0.0034,0.0,0.1034,0.1667,0.0417,0.0985,0.2068,0.1116,0.0077,0.0076,0.2605,0.0497,0.9791,0.7256,0.0035,0.0,0.1034,0.1667,0.0417,0.1008,0.2259,0.1163,0.0078,0.0081,0.2581,0.0479,0.9791,0.7182,0.0035,0.0,0.1034,0.1667,0.0417,0.1002,0.2104,0.1136,0.0078,0.0078,reg oper account,specific housing,0.0974,"Stone, brick",No,0.0,0.0,0.0,0.0,-2004.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2078462,348001,Revolving loans,6750.0,0.0,135000.0,,,SUNDAY,15,Y,1,,,,XAP,Refused,-2579,XNA,SCO,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,N,0,160650.0,1546020.0,42642.0,1350000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.01885,-16569,-1814,-2842.0,-115,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Housing,0.5082139867217857,0.6898692733735727,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1268426,341035,Cash loans,11401.245,112500.0,142195.5,,112500.0,SATURDAY,11,Y,1,,,,XNA,Approved,-777,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-747.0,-237.0,-237.0,-230.0,1.0,0,Cash loans,F,N,Y,0,90000.0,408865.5,22311.0,310500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.035792000000000004,-17084,-1539,-8046.0,-634,,1,1,0,1,1,0,,1.0,2,2,SATURDAY,10,0,0,0,0,1,1,Cleaning,0.4013901679532787,0.2178238607615753,0.8224987619370829,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,11.0,0.0,10.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1351229,354269,Cash loans,50270.67,450000.0,473760.0,,450000.0,MONDAY,16,Y,1,,,,XNA,Approved,-345,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-315.0,15.0,-195.0,-192.0,1.0,0,Cash loans,F,Y,Y,1,153000.0,260640.0,27499.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00823,-11330,-3954,-5451.0,-3659,5.0,1,1,0,1,0,0,High skill tech staff,3.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Industry: type 12,,0.7126744382856682,0.7380196196295241,,,0.9702,0.5920000000000001,,,0.069,0.0417,,,0.0235,0.0122,,,,,0.9702,0.608,,,0.069,0.0417,,,0.0257,0.0127,,,,,0.9702,0.5975,,,0.069,0.0417,,,0.0239,0.0124,,,,block of flats,0.0159,"Stone, brick",No,0.0,0.0,0.0,0.0,-1092.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2822172,451105,Cash loans,25932.915,450000.0,533160.0,,450000.0,MONDAY,10,Y,1,,,,XNA,Approved,-1247,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-1217.0,193.0,-917.0,-912.0,1.0,0,Cash loans,M,Y,Y,1,270000.0,900000.0,46084.5,900000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-15901,365243,-258.0,-4421,19.0,1,0,0,1,0,0,,3.0,2,2,TUESDAY,11,0,0,0,0,0,0,XNA,,0.39473825561809134,0.4992720153045617,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2126366,445563,Cash loans,10618.875,45000.0,52366.5,,45000.0,FRIDAY,10,Y,1,,,,XNA,Approved,-937,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,365243.0,-907.0,-757.0,-757.0,-752.0,1.0,0,Cash loans,M,Y,Y,0,157500.0,1006920.0,40063.5,900000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.019101,-18477,-1329,-9445.0,-2031,9.0,1,1,0,1,0,0,,2.0,2,2,THURSDAY,12,0,0,0,0,1,1,Self-employed,,0.4663875120287053,0.5064842396679806,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-984.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2035338,208779,Cash loans,10849.86,90000.0,95940.0,0.0,90000.0,FRIDAY,8,Y,1,0.0,,,XNA,Approved,-1644,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,Y,0,225000.0,225000.0,12694.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018209,-23901,365243,-6135.0,-3979,,1,0,0,1,0,0,,2.0,3,3,THURSDAY,8,0,0,0,0,0,0,XNA,,0.12652285821391154,0.3825018041447388,0.1082,0.1182,0.9776,,,0.0,0.2069,0.1667,,0.0667,,0.0894,,0.0,0.1103,0.1226,0.9777,,,0.0,0.2069,0.1667,,0.0683,,0.0931,,0.0,0.1093,0.1182,0.9776,,,0.0,0.2069,0.1667,,0.0679,,0.091,,0.0,,block of flats,0.078,"Stone, brick",No,3.0,1.0,3.0,1.0,-1918.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1652900,395552,Revolving loans,6300.0,0.0,90000.0,,,TUESDAY,10,Y,1,,,,XAP,Approved,-2242,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-2241.0,-2177.0,365243.0,-624.0,365243.0,0.0,0,Cash loans,F,N,N,0,112500.0,1236816.0,36162.0,1080000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,Municipal apartment,0.022625,-12391,-3596,-1798.0,-1017,,1,1,1,1,0,0,Medicine staff,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Other,0.8815194896904668,0.7358574510191915,0.7136313997323308,0.1608,,0.9767,,,0.0,0.069,0.1667,,0.0749,,0.0456,,0.1,0.1639,,0.9767,,,0.0,0.069,0.1667,,0.0766,,0.0475,,0.1058,0.1624,,0.9767,,,0.0,0.069,0.1667,,0.0762,,0.0464,,0.1021,,specific housing,0.0642,"Stone, brick",No,0.0,0.0,0.0,0.0,-1604.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1245526,453680,Cash loans,22055.49,225000.0,283122.0,,225000.0,THURSDAY,13,Y,1,,,,XNA,Approved,-1477,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-1447.0,-937.0,-1027.0,-1019.0,1.0,0,Revolving loans,F,N,N,0,315000.0,450000.0,22500.0,450000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.072508,-10626,-1580,-3919.0,-3053,,1,1,0,1,0,0,,1.0,1,1,THURSDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.6184449612862659,0.5478104658520093,0.0918,0.0726,0.9767,0.6804,0.0624,0.04,0.0948,0.3542,0.3958,0.0,0.0731,0.0748,0.0077,0.0407,0.0641,0.0403,0.9742,0.6602,0.0488,0.0,0.0345,0.1667,0.2083,0.0,0.0551,0.053,0.0,0.0,0.101,0.0651,0.9767,0.6847,0.0552,0.04,0.069,0.3542,0.3958,0.0,0.0812,0.083,0.0058,0.0403,reg oper account,block of flats,0.0403,Block,No,0.0,0.0,0.0,0.0,-1875.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,0.0 +2427679,400852,Cash loans,9051.435,45000.0,46485.0,,45000.0,FRIDAY,16,Y,1,,,,XNA,Approved,-1160,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-1130.0,-980.0,-980.0,-976.0,1.0,0,Cash loans,M,N,Y,0,270000.0,1886850.0,52015.5,1575000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.005002,-12555,-1858,-6665.0,-2469,,1,1,0,1,0,0,Core staff,2.0,3,3,WEDNESDAY,13,0,0,0,0,0,0,Police,0.7362435667041426,0.5380325393520664,0.7001838506835805,0.1041,0.0934,0.9806,0.7348,0.0129,0.0,0.2069,0.1667,0.2083,0.0684,0.0841,0.1031,0.0039,0.0046,0.1061,0.0969,0.9806,0.7452,0.013,0.0,0.2069,0.1667,0.2083,0.0699,0.0918,0.1074,0.0039,0.0048,0.1051,0.0934,0.9806,0.7383,0.013,0.0,0.2069,0.1667,0.2083,0.0696,0.0855,0.105,0.0039,0.0047,org spec account,block of flats,0.0811,Panel,No,0.0,0.0,0.0,0.0,-2863.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2271293,361943,Consumer loans,17195.4,139150.305,151394.805,0.0,139150.305,SATURDAY,18,Y,1,0.0,,,XAP,Approved,-152,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,16,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-116.0,154.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,202500.0,667237.5,36324.0,576000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,Municipal apartment,0.010966,-10503,-2237,-2949.0,-2948,,1,1,0,1,0,1,Laborers,2.0,2,2,THURSDAY,17,0,0,0,0,1,1,Industry: type 4,0.09890340045954853,0.0485615629810275,0.07801576652252579,0.0701,0.0749,0.9841,,,0.0,0.1379,0.1667,,0.0,,0.0647,,0.0078,0.0714,0.0778,0.9841,,,0.0,0.1379,0.1667,,0.0,,0.0674,,0.0082,0.0708,0.0749,0.9841,,,0.0,0.1379,0.1667,,0.0,,0.0658,,0.008,,,0.0575,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1495738,336390,Consumer loans,7658.685,60750.0,59184.0,6075.0,60750.0,FRIDAY,11,Y,1,0.10138413510362199,,,XAP,Approved,-1209,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,183,Industry,10.0,high,POS industry with interest,365243.0,-1178.0,-908.0,-908.0,-906.0,0.0,0,Cash loans,M,N,Y,0,49500.0,254700.0,14350.5,225000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-24107,365243,-11957.0,-4219,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,XNA,,0.7240216995063709,0.7826078370261895,0.1113,0.0827,0.9836,0.7756,0.0246,0.12,0.1034,0.3333,0.375,0.1358,0.0908,0.1129,0.0,0.0,0.1134,0.0858,0.9836,0.7844,0.0248,0.1208,0.1034,0.3333,0.375,0.1389,0.0992,0.1177,0.0,0.0,0.1124,0.0827,0.9836,0.7786,0.0248,0.12,0.1034,0.3333,0.375,0.1381,0.0923,0.115,0.0,0.0,,block of flats,0.0886,Panel,No,0.0,0.0,0.0,0.0,-1906.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2094778,142735,Consumer loans,5265.81,31599.0,29700.0,1899.0,31599.0,SUNDAY,14,Y,1,0.06545092048367468,,,XAP,Approved,-2547,Cashless from the account of the employer,XAP,"Spouse, partner",Repeater,Audio/Video,POS,XNA,Regional / Local,90,Consumer electronics,6.0,low_normal,POS household without interest,365243.0,-2506.0,-2356.0,-2356.0,-2351.0,0.0,0,Cash loans,F,N,Y,0,112500.0,1048500.0,30784.5,1048500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-19675,-3150,-7284.0,-3173,,1,1,0,1,1,0,Laborers,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,Postal,,0.6762604424780145,0.5954562029091491,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1592.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,8.0 +2729489,396304,Cash loans,33647.4,720000.0,794133.0,,720000.0,TUESDAY,10,Y,1,,,,XNA,Approved,-616,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-586.0,464.0,-376.0,-354.0,1.0,0,Cash loans,F,N,Y,0,121500.0,755190.0,30078.0,675000.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.01885,-20793,-2213,-2043.0,-4040,,1,1,0,1,0,0,Medicine staff,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Business Entity Type 3,,,0.6832688314232291,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1701.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2445446,319649,Cash loans,18982.935,90000.0,92970.0,,90000.0,WEDNESDAY,10,Y,1,,,,Other,Approved,-572,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),4,XNA,6.0,high,Cash Street: high,365243.0,-542.0,-392.0,-482.0,-477.0,1.0,1,Cash loans,F,N,Y,0,153000.0,668304.0,34254.0,540000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.015221,-19254,-1745,-9250.0,-2783,,1,1,1,1,1,0,Sales staff,2.0,2,2,MONDAY,9,0,0,0,0,0,0,Trade: type 7,0.6192155042903184,0.6384622021657808,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-714.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1776688,321863,Cash loans,22101.975,463500.0,518562.0,,463500.0,MONDAY,14,Y,1,,,,XNA,Refused,-210,Cash through the bank,HC,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,1,157500.0,586764.0,22248.0,405000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-16814,-1243,-1278.0,-368,,1,1,0,1,0,1,Sales staff,3.0,1,1,MONDAY,13,0,0,0,0,0,0,Self-employed,0.8089433303367158,0.5980435044115618,0.4365064990977374,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-210.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1668497,454073,Consumer loans,6609.015,58455.0,33012.0,27000.0,58455.0,FRIDAY,18,Y,1,0.4899929105088071,,,XAP,Approved,-1621,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,44,Connectivity,6.0,high,POS mobile with interest,365243.0,-1590.0,-1440.0,-1440.0,-1437.0,0.0,0,Cash loans,M,Y,N,0,270000.0,1186146.0,44086.5,1017000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.025164,-11658,-403,-5639.0,-3802,17.0,1,1,0,1,1,0,High skill tech staff,1.0,2,2,FRIDAY,7,0,0,0,0,0,0,Business Entity Type 3,0.4465432322168717,0.3097504368981557,0.4135967602644276,0.6237,0.3794,0.9841,0.7824,0.3374,0.68,0.5862,0.3333,0.375,0.0,0.4867,0.5293,0.1004,0.1074,0.6355,0.3937,0.9841,0.7909,0.3405,0.6848,0.5862,0.3333,0.375,0.0,0.5317,0.5515,0.1012,0.1137,0.6298,0.3794,0.9841,0.7853,0.3395,0.68,0.5862,0.3333,0.375,0.0,0.4951,0.5388,0.1009,0.1097,reg oper account,block of flats,0.6241,Panel,No,0.0,0.0,0.0,0.0,-4.0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2035525,185699,Consumer loans,7474.095,38655.0,35847.0,4500.0,38655.0,MONDAY,12,Y,1,0.1214689838379332,,,XAP,Approved,-1555,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,25,Connectivity,6.0,high,POS mobile with interest,365243.0,-1513.0,-1363.0,-1363.0,-1346.0,0.0,0,Cash loans,M,Y,N,0,225000.0,780363.0,35392.5,697500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-19391,-2064,-11091.0,-2945,9.0,1,1,0,1,0,0,Drivers,2.0,1,1,TUESDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.5491702502391056,,0.0557,0.0294,0.9781,0.7008,0.0377,0.04,0.0345,0.3333,0.375,0.0119,0.0454,0.0381,0.0,0.0,0.0567,0.0305,0.9782,0.7125,0.038,0.0403,0.0345,0.3333,0.375,0.0122,0.0496,0.0397,0.0,0.0,0.0562,0.0294,0.9781,0.7048,0.0379,0.04,0.0345,0.3333,0.375,0.0122,0.0462,0.0388,0.0,0.0,reg oper account,block of flats,0.0505,"Stone, brick",No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1024681,306476,Revolving loans,2250.0,45000.0,45000.0,,45000.0,MONDAY,10,Y,1,,,,XAP,Approved,-273,XNA,XAP,,Repeater,XNA,Cards,walk-in,Country-wide,2000,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,-107.0,0.0,0,Cash loans,M,N,Y,1,135000.0,900000.0,46602.0,900000.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.011703,-10485,-1103,-3001.0,-3153,,1,1,0,1,0,1,Sales staff,3.0,2,2,MONDAY,17,0,0,0,0,0,0,Trade: type 2,0.4752856032757144,0.6543147560766495,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-943.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1767053,337275,Cash loans,10555.11,157500.0,178290.0,,157500.0,FRIDAY,10,Y,1,,,,XNA,Approved,-497,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-467.0,223.0,-17.0,-12.0,1.0,0,Cash loans,F,N,Y,0,64350.0,112500.0,11254.5,112500.0,"Spouse, partner",Pensioner,Higher education,Married,House / apartment,0.015221,-24735,365243,-994.0,-4452,,1,0,0,1,1,0,,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,XNA,,0.771963470511846,0.5154953751603267,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1296.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,1.0 +1779591,290822,Consumer loans,10935.0,121500.0,109350.0,12150.0,121500.0,SATURDAY,12,Y,1,0.1089090909090909,,,XAP,Approved,-1312,Cash through the bank,XAP,"Spouse, partner",Refreshed,Computers,POS,XNA,Regional / Local,200,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1249.0,-919.0,-949.0,-940.0,0.0,0,Revolving loans,F,N,Y,0,180000.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.015221,-11249,-255,-1562.0,-109,,1,1,0,1,1,0,High skill tech staff,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.5999291960608103,0.3774042489507649,0.0722,0.0839,0.9796,0.7212,0.0342,0.0,0.1379,0.1667,0.2083,0.0816,0.0588,0.0662,0.0,0.0,0.0735,0.0871,0.9796,0.7321,0.0345,0.0,0.1379,0.1667,0.2083,0.0834,0.0643,0.069,0.0,0.0,0.0729,0.0839,0.9796,0.7249,0.0344,0.0,0.1379,0.1667,0.2083,0.083,0.0599,0.0674,0.0,0.0,reg oper account,block of flats,0.0707,"Stone, brick",No,0.0,0.0,0.0,0.0,-1312.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2271754,156392,Consumer loans,10538.955,105400.665,94860.0,10540.665,105400.665,SUNDAY,13,Y,1,0.10891527512917236,,,XAP,Approved,-2681,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Regional / Local,100,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-2650.0,-2380.0,-2380.0,-2373.0,0.0,0,Revolving loans,F,N,Y,0,202500.0,585000.0,29250.0,585000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.04622,-20506,-13673,-10040.0,-3391,,1,1,0,1,1,0,,2.0,1,1,SUNDAY,11,0,0,0,0,0,0,Military,,0.4596566172114573,0.5814837058057234,0.2289,0.1125,0.9866,0.8164,0.1254,0.32,0.1379,0.5417,0.5833,0.1895,0.1866,0.2503,0.0,0.0,0.2332,0.1168,0.9866,0.8236,0.1266,0.3222,0.1379,0.5417,0.5833,0.1938,0.2039,0.2608,0.0,0.0,0.2311,0.1125,0.9866,0.8189,0.1262,0.32,0.1379,0.5417,0.5833,0.1928,0.1898,0.2548,0.0,0.0,reg oper account,block of flats,0.2258,Panel,No,6.0,0.0,6.0,0.0,-1622.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +1630043,366151,Revolving loans,22500.0,0.0,450000.0,,0.0,THURSDAY,10,Y,1,,,,XAP,Approved,-1369,XNA,XAP,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,-1289.0,-1266.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,1,225000.0,545040.0,39627.0,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018029,-13866,-1725,-3035.0,-828,,1,1,0,1,0,0,High skill tech staff,3.0,3,3,TUESDAY,6,0,0,0,0,0,0,Business Entity Type 3,,0.4692675180440049,0.4507472818545589,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1669.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1421605,246948,Cash loans,7893.45,135000.0,135000.0,,135000.0,TUESDAY,10,Y,1,,,,XNA,Approved,-734,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-704.0,-14.0,-14.0,-8.0,0.0,0,Cash loans,F,N,Y,0,45000.0,463500.0,19638.0,463500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-22794,365243,-9295.0,-4907,,1,0,0,1,0,0,,2.0,2,2,MONDAY,9,0,0,0,0,0,0,XNA,,0.15357057289804046,,0.034,0.0384,0.9816,0.7484,0.0034,0.0,0.069,0.125,0.1667,0.0104,0.0269,0.0299,0.0039,0.0031,0.0347,0.0399,0.9816,0.7583,0.0035,0.0,0.069,0.125,0.1667,0.0107,0.0294,0.0312,0.0039,0.0033,0.0344,0.0384,0.9816,0.7518,0.0035,0.0,0.069,0.125,0.1667,0.0106,0.0274,0.0304,0.0039,0.0032,reg oper account,block of flats,0.0188,"Stone, brick",No,0.0,0.0,0.0,0.0,-1742.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1910273,453294,Revolving loans,9000.0,0.0,180000.0,,,SATURDAY,14,Y,1,,,,XAP,Approved,-2662,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,45,Connectivity,0.0,XNA,Card Street,-2660.0,-2597.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,90000.0,704844.0,36117.0,630000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.0105,-11309,-1926,-4749.0,-3989,,1,1,0,1,1,0,Laborers,2.0,3,3,MONDAY,17,0,0,0,0,1,1,Business Entity Type 3,0.3829994941212981,0.4661589471370261,0.5797274227921155,0.0773,,0.9826,,,,0.1724,0.1667,,,,,,,0.0788,,0.9826,,,,0.1724,0.1667,,,,,,,0.0781,,0.9826,,,,0.1724,0.1667,,,,,,,,,0.0539,Panel,No,6.0,1.0,6.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1999374,191522,Consumer loans,5762.835,30037.5,28489.5,6007.5,30037.5,WEDNESDAY,11,Y,1,0.18966036572350167,,,XAP,Approved,-703,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Stone,30,Connectivity,6.0,high,POS mobile with interest,365243.0,-672.0,-522.0,-522.0,-517.0,0.0,0,Cash loans,F,Y,N,0,135000.0,1215000.0,35523.0,1215000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-14051,-603,-988.0,-4837,25.0,1,1,0,1,0,0,Managers,2.0,2,2,FRIDAY,14,0,0,0,0,1,1,Self-employed,,0.5585557559249622,0.622922000268356,0.0825,0.0727,0.9767,,,0.0,0.1379,0.1667,,0.0153,,0.0776,,0.0,0.084,0.0754,0.9767,,,0.0,0.1379,0.1667,,0.0156,,0.0808,,0.0,0.0833,0.0727,0.9767,,,0.0,0.1379,0.1667,,0.0155,,0.0789,,0.0,,block of flats,0.061,Panel,No,1.0,0.0,1.0,0.0,-2350.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2820352,298910,Consumer loans,12738.42,59764.5,47808.0,11956.5,59764.5,TUESDAY,15,Y,1,0.21788378476429068,,,XAP,Approved,-836,XNA,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,30,Connectivity,4.0,middle,POS mobile without interest,365243.0,-804.0,-714.0,-714.0,-712.0,0.0,1,Cash loans,M,N,Y,0,135000.0,1125000.0,36423.0,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-17811,-1293,-1866.0,-1297,,1,1,0,1,1,0,Laborers,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.29743057325494376,0.5919766183185521,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-836.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2347294,126148,Consumer loans,11200.275,131760.0,118584.0,13176.0,131760.0,WEDNESDAY,9,Y,1,0.1089090909090909,,,XAP,Approved,-336,Cash through the bank,XAP,,New,Computers,POS,XNA,Stone,22,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-304.0,26.0,-34.0,-31.0,0.0,0,Cash loans,F,N,Y,1,90000.0,450000.0,20979.0,450000.0,Unaccompanied,State servant,Secondary / secondary special,Widow,House / apartment,0.010556,-14489,-1753,-1756.0,-1742,,1,1,0,1,1,0,Core staff,2.0,3,3,WEDNESDAY,9,0,0,0,0,1,1,Medicine,0.18453365376397501,0.5569969203755692,0.2418614865234661,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-336.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,3.0,0.0,0.0 +2827538,393749,Cash loans,18911.565,454500.0,526491.0,,454500.0,SATURDAY,15,Y,1,,,,XNA,Approved,-450,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-420.0,990.0,-390.0,-386.0,1.0,0,Cash loans,M,Y,Y,1,85500.0,265851.0,12919.5,229500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-17283,365243,-10735.0,-837,21.0,1,0,0,1,0,0,,3.0,2,2,MONDAY,12,0,0,0,0,0,0,XNA,0.6508468499917948,0.6647145389329837,0.7850520263728172,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1686.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1899377,339356,Cash loans,14379.48,135000.0,143910.0,,135000.0,FRIDAY,6,Y,1,,,,XNA,Approved,-1081,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1051.0,-721.0,-931.0,-925.0,1.0,0,Cash loans,F,Y,N,0,58500.0,168102.0,16375.5,148500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.018801,-24420,365243,-3548.0,-4863,14.0,1,0,0,1,0,0,,2.0,2,2,MONDAY,9,0,0,0,0,0,0,XNA,,0.15167293965939385,0.8193176922872417,0.1485,0.0754,0.9791,0.7144,0.0373,0.16,0.1379,0.3333,0.375,0.0696,0.121,0.1463,0.0,0.0,0.1513,0.0782,0.9791,0.7256,0.0377,0.1611,0.1379,0.3333,0.375,0.0712,0.1322,0.1524,0.0,0.0,0.1499,0.0754,0.9791,0.7182,0.0376,0.16,0.1379,0.3333,0.375,0.0708,0.1231,0.1489,0.0,0.0,reg oper spec account,block of flats,0.115,Panel,No,4.0,0.0,4.0,0.0,-1517.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +2710441,349369,Revolving loans,2250.0,0.0,45000.0,,,SATURDAY,8,N,1,,,,XAP,Refused,-1356,XNA,LIMIT,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,N,0,360000.0,284400.0,19134.0,225000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.018801,-15861,-2821,-2856.0,-2773,,1,1,0,1,1,0,Core staff,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Medicine,0.549049702854237,0.656556860215251,0.6058362647264226,0.0124,0.0,0.9692,0.5784,0.0224,0.0,0.069,0.0417,0.0833,0.0048,0.0101,0.0168,0.0,0.0,0.0126,0.0,0.9692,0.5949,0.0226,0.0,0.069,0.0417,0.0833,0.0049,0.011,0.0175,0.0,0.0,0.0125,0.0,0.9692,0.584,0.0226,0.0,0.069,0.0417,0.0833,0.0048,0.0103,0.0171,0.0,0.0,reg oper account,block of flats,0.0255,"Stone, brick",No,0.0,0.0,0.0,0.0,-1622.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2789361,122307,Cash loans,38066.175,675000.0,744498.0,,675000.0,THURSDAY,15,Y,1,,,,XNA,Approved,-951,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-921.0,129.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,225000.0,864000.0,55345.5,864000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.028663,-13803,-1224,-7873.0,-3147,,1,1,0,1,0,1,Accountants,2.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,School,0.442210940454444,0.7471107829298512,0.5814837058057234,0.0711,,0.9836,0.7756,,0.08,0.069,0.3333,0.375,,,0.0722,,0.0771,0.0725,,0.9836,0.7844,,0.0806,0.069,0.3333,0.375,,,0.0753,,0.0816,0.0718,,0.9836,0.7786,,0.08,0.069,0.3333,0.375,,,0.0735,,0.0787,,block of flats,0.0736,,No,1.0,0.0,1.0,0.0,-1233.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1441007,356604,Consumer loans,9999.99,37755.0,35100.0,3775.5,37755.0,TUESDAY,14,Y,1,0.10577002809668624,,,XAP,Approved,-2715,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,27,Connectivity,4.0,low_normal,POS mobile with interest,365243.0,-2684.0,-2594.0,-2594.0,-2591.0,1.0,0,Cash loans,F,N,Y,1,225000.0,376956.0,25321.5,333000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.020713,-14475,-623,-8144.0,-5288,,1,1,0,1,1,1,Medicine staff,3.0,3,2,MONDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.5246869546680379,0.4354609569837352,,0.0938,0.1006,0.9762,0.6736,0.0765,0.0,0.2069,0.1667,0.2083,0.0792,0.0765,0.0876,0.0,0.0,0.0956,0.1044,0.9762,0.6864,0.0772,0.0,0.2069,0.1667,0.2083,0.081,0.0836,0.0912,0.0,0.0,0.0947,0.1006,0.9762,0.6779999999999999,0.0769,0.0,0.2069,0.1667,0.2083,0.0805,0.0778,0.0891,0.0,0.0,reg oper account,block of flats,0.0689,Panel,No,4.0,0.0,4.0,0.0,-686.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1272239,128492,Cash loans,,180000.0,180000.0,0.0,180000.0,FRIDAY,12,Y,1,0.0,,,XNA,Refused,-405,XNA,XNA,,Repeater,XNA,XNA,XNA,Country-wide,39,Connectivity,,XNA,Cash,,,,,,,0,Revolving loans,F,N,N,0,81000.0,180000.0,9000.0,180000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-12767,-2930,-5787.0,-5301,,1,1,1,1,1,0,Sales staff,2.0,2,2,THURSDAY,19,0,0,0,0,0,0,Self-employed,0.5968213568284323,0.5314060661543667,0.22888341670067305,0.1072,0.0882,0.9856,,,0.12,0.1034,0.3333,,0.1319,,0.1198,,0.0153,0.1092,0.0915,0.9856,,,0.1208,0.1034,0.3333,,0.1349,,0.1236,,0.0162,0.1083,0.0882,0.9856,,,0.12,0.1034,0.3333,,0.1342,,0.1219,,0.0156,,block of flats,0.0967,"Stone, brick",No,10.0,0.0,10.0,0.0,-503.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,0.0 +1255224,182544,Consumer loans,4847.355,107599.5,107599.5,0.0,107599.5,MONDAY,11,Y,1,0.0,,,XAP,Approved,-485,Cash through the bank,XAP,Family,Repeater,Office Appliances,POS,XNA,Country-wide,1092,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-454.0,236.0,-214.0,-206.0,0.0,0,Cash loans,F,Y,Y,0,292500.0,2085120.0,72607.5,1800000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.04622,-17552,-1482,-6880.0,-558,2.0,1,1,0,1,0,0,Managers,2.0,1,1,WEDNESDAY,16,0,0,0,0,1,1,Business Entity Type 3,0.7105000621975492,0.6683307334048741,0.8377468531540618,0.0485,0.07,0.9851,0.7959999999999999,0.0075,0.0,0.1379,0.125,0.1667,0.0788,0.0395,0.049,0.0,0.0,0.0494,0.0726,0.9851,0.804,0.0076,0.0,0.1379,0.125,0.1667,0.0806,0.0432,0.051,0.0,0.0,0.0489,0.07,0.9851,0.7987,0.0075,0.0,0.1379,0.125,0.1667,0.0802,0.0402,0.0499,0.0,0.0,reg oper account,block of flats,0.0426,Panel,No,4.0,0.0,4.0,0.0,-2330.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1037875,456019,Consumer loans,5074.11,121806.0,108886.5,12919.5,121806.0,WEDNESDAY,14,Y,1,0.11551573814097828,,,XAP,Approved,-2787,Cash through the bank,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,-1,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-2756.0,-2066.0,-2066.0,-2055.0,0.0,0,Cash loans,M,Y,Y,1,157500.0,900000.0,50256.0,900000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.005084,-17523,365243,-9330.0,-1066,3.0,1,0,0,1,1,0,,3.0,2,2,THURSDAY,16,0,0,0,0,0,0,XNA,0.7764828332226226,0.7332693758081735,0.5370699579791587,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-443.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1301419,134712,Consumer loans,1885.32,18855.0,16969.5,1885.5,18855.0,MONDAY,15,Y,1,0.1089090909090909,,,XAP,Approved,-2415,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Stone,90,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-2373.0,-2103.0,-2133.0,-2129.0,0.0,0,Cash loans,M,N,Y,0,112500.0,450000.0,35685.0,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-19072,365243,-9446.0,-2585,,1,0,0,1,0,0,,2.0,2,2,MONDAY,13,0,0,0,0,0,0,XNA,,0.6542603462764197,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2415.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1586272,377072,Revolving loans,6750.0,135000.0,135000.0,,135000.0,THURSDAY,11,Y,1,,,,XAP,Approved,-702,XNA,XAP,,New,XNA,Cards,walk-in,AP+ (Cash loan),6,XNA,0.0,XNA,Card Street,-702.0,-655.0,365243.0,-441.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,112500.0,180000.0,14220.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.014519999999999996,-16789,-941,-9384.0,-331,23.0,1,1,1,1,1,0,Drivers,1.0,2,2,SATURDAY,12,0,0,0,0,1,1,Self-employed,,0.5792006661066271,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-702.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1859263,417158,Revolving loans,11250.0,225000.0,225000.0,,225000.0,TUESDAY,10,Y,1,,,,XAP,Refused,-696,XNA,SCOFR,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,M,N,Y,0,117000.0,312768.0,16506.0,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.04622,-16048,-3159,-2803.0,-2813,,1,1,0,1,0,0,Security staff,1.0,1,1,FRIDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.7288410068639886,,0.0928,0.0903,0.9796,0.7212,0.0429,0.0,0.2069,0.1667,0.0417,,0.0756,0.092,0.0,0.0,0.0945,0.0937,0.9796,0.7321,0.0433,0.0,0.2069,0.1667,0.0417,,0.0826,0.0959,0.0,0.0,0.0937,0.0903,0.9796,0.7249,0.0432,0.0,0.2069,0.1667,0.0417,,0.077,0.0937,0.0,0.0,reg oper account,block of flats,0.0959,Panel,No,0.0,0.0,0.0,0.0,-724.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1982535,404056,Consumer loans,4651.515,42975.0,41868.0,4297.5,42975.0,SUNDAY,13,Y,1,0.10138237822222616,,,XAP,Approved,-2313,XNA,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,145,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2279.0,-2009.0,-2009.0,-1998.0,1.0,0,Cash loans,M,Y,Y,2,90000.0,269550.0,11547.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-16483,-9043,-8364.0,-37,21.0,1,1,1,1,1,1,Laborers,4.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Industry: type 9,0.6005528325190639,0.2833687989681196,0.7091891096653581,0.0124,0.0,0.9886,0.8436,0.0018,0.0,0.069,0.0417,0.0417,0.0395,0.0101,0.0125,0.0,0.0,0.0126,0.0,0.9886,0.8497,0.0019,0.0,0.069,0.0417,0.0417,0.0404,0.011,0.013,0.0,0.0,0.0125,0.0,0.9886,0.8457,0.0019,0.0,0.069,0.0417,0.0417,0.0401,0.0103,0.0127,0.0,0.0,reg oper account,block of flats,0.0108,"Stone, brick",No,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2764722,409512,Consumer loans,7011.675,66780.0,66442.5,6682.5,66780.0,SATURDAY,12,Y,1,0.09952615384615382,,,XAP,Approved,-497,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,150,Connectivity,12.0,middle,POS mobile with interest,365243.0,-457.0,-127.0,-127.0,-125.0,0.0,0,Cash loans,F,N,N,0,180000.0,1006920.0,42790.5,900000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,Rented apartment,0.030755,-9049,-840,-9035.0,-1723,,1,1,0,1,0,0,Sales staff,1.0,2,2,SATURDAY,12,0,0,0,0,1,1,Other,0.31741903382018555,0.6998465495398196,0.7136313997323308,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-786.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1799580,100205,Consumer loans,4419.855,22950.0,21676.5,2295.0,22950.0,SUNDAY,9,Y,1,0.10426813659402356,,,XAP,Approved,-2018,Cash through the bank,XAP,,New,Mobile,POS,XNA,Stone,6,Connectivity,6.0,high,POS mobile with interest,365243.0,-1984.0,-1834.0,-1834.0,-1472.0,0.0,0,Cash loans,F,N,Y,0,63000.0,808650.0,26217.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018209,-18302,-1373,-10539.0,-1210,,1,1,0,1,0,0,Laborers,2.0,3,3,TUESDAY,11,0,0,0,0,0,0,Housing,,0.046215527379862266,0.5495965024956946,0.1392,0.1753,0.9856,0.8028,0.2698,0.0,0.3448,0.1667,0.0417,0.0957,0.1135,0.1203,,0.041,0.1418,0.1819,0.9856,0.8105,0.2723,0.0,0.3448,0.1667,0.0417,0.0979,0.124,0.1253,,0.0434,0.1405,0.1753,0.9856,0.8054,0.2715,0.0,0.3448,0.1667,0.0417,0.0974,0.1154,0.1224,,0.0419,reg oper account,block of flats,0.1475,"Stone, brick",No,0.0,0.0,0.0,0.0,-1111.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2146417,226869,Consumer loans,8952.255,74565.0,67108.5,7456.5,74565.0,SATURDAY,8,Y,1,0.1089090909090909,,,XAP,Refused,-2459,Cash through the bank,SCO,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,22,Connectivity,10.0,low_normal,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,0,67500.0,536917.5,19413.0,463500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.014464,-14800,-4711,-2112.0,-4758,,1,1,0,1,0,0,Security staff,2.0,2,2,MONDAY,6,0,0,0,0,0,0,Business Entity Type 3,,0.6263131549392167,0.5726825047161584,0.0124,0.0593,0.9712,0.6056,,0.0,0.069,0.0417,0.0833,0.0103,0.0101,0.0123,,0.0052,0.0126,0.0615,0.9712,0.621,,0.0,0.069,0.0417,0.0833,0.0105,0.011,0.0128,,0.0055,0.0125,0.0593,0.9712,0.6109,,0.0,0.069,0.0417,0.0833,0.0105,0.0103,0.0125,,0.0053,,block of flats,0.0201,Others,No,2.0,0.0,2.0,0.0,-2459.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1710714,115170,Consumer loans,5382.585,28327.5,26752.5,2835.0,28327.5,SATURDAY,16,Y,1,0.10435395782924294,,,XAP,Approved,-2292,Cash through the bank,XAP,Children,Repeater,Photo / Cinema Equipment,POS,XNA,Regional / Local,777,Consumer electronics,6.0,high,POS household with interest,365243.0,-2261.0,-2111.0,-2111.0,-2109.0,1.0,0,Cash loans,F,Y,Y,0,292500.0,454500.0,31630.5,454500.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.032561,-11652,-3425,-172.0,-4092,4.0,1,1,1,1,1,0,Accountants,1.0,1,1,TUESDAY,9,0,0,0,0,0,0,Business Entity Type 1,,0.7783470438216825,0.7295666907060153,0.2337,,0.9801,,,0.2532,0.2183,0.3333,,0.1462,,0.2313,,0.0044,0.1124,,0.9796,,,0.1208,0.1034,0.3333,,0.1211,,0.1202,,0.0027,0.2613,,0.9796,,,0.28,0.2414,0.3333,,0.1569,,0.2591,,0.0052,,block of flats,0.2013,Panel,No,6.0,0.0,6.0,0.0,-2292.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2835491,394284,Cash loans,14941.53,351000.0,399649.5,,351000.0,THURSDAY,10,Y,1,,,,XNA,Approved,-179,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_action,Cash X-Sell: low,365243.0,-149.0,901.0,365243.0,365243.0,1.0,1,Cash loans,F,N,Y,0,90000.0,405000.0,15399.0,405000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-18719,-9768,-7970.0,-2278,,1,1,1,1,1,0,Sales staff,2.0,2,2,MONDAY,8,0,0,0,0,0,0,Government,,0.5834850115120871,0.4632753280912678,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2117.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1973982,271214,Consumer loans,7550.28,74205.0,66784.5,7420.5,74205.0,FRIDAY,9,Y,1,0.1089090909090909,,,XAP,Approved,-1461,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Stone,197,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1427.0,-1157.0,-1157.0,-1151.0,0.0,0,Cash loans,F,Y,Y,0,652500.0,706500.0,20785.5,706500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-15471,-5277,-7141.0,-4422,12.0,1,1,0,1,0,0,Sales staff,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Self-employed,,0.7607791123690761,0.34741822720026416,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1806.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,3.0 +2168263,439057,Consumer loans,5639.4,48505.5,47974.5,4851.0,48505.5,SATURDAY,7,Y,1,0.10001192605843763,,,XAP,Refused,-249,XNA,LIMIT,Unaccompanied,Repeater,Jewelry,POS,XNA,Stone,53,Jewelry,10.0,middle,POS other with interest,,,,,,,0,Cash loans,M,Y,Y,1,112500.0,194742.0,10692.0,139500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-13787,-560,-761.0,-2081,17.0,1,1,0,1,0,0,Laborers,3.0,3,3,WEDNESDAY,7,0,0,0,0,0,0,Self-employed,0.5640557789383579,0.28133497075826835,0.4686596550493113,0.0041,0.0,0.9459,,,0.0,0.0345,0.0,,0.0016,,0.0014,,0.0022,0.0042,0.0,0.9459,,,0.0,0.0345,0.0,,0.0017,,0.0015,,0.0023,0.0042,0.0,0.9459,,,0.0,0.0345,0.0,,0.0017,,0.0015,,0.0023,,block of flats,0.0016,Wooden,No,0.0,0.0,0.0,0.0,-305.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1849719,183460,Cash loans,26704.755,225000.0,289732.5,,225000.0,MONDAY,10,Y,1,,,,XNA,Approved,-1057,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,,,,,,,0,Cash loans,F,Y,Y,0,360000.0,1800000.0,47614.5,1800000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.032561,-21335,365243,-9592.0,-12,2.0,1,0,0,1,0,0,,2.0,1,1,MONDAY,12,0,0,0,0,0,0,XNA,,0.7798411696727974,0.7801436381572275,0.0619,0.0898,0.9876,,,0.0,,0.125,,0.0,,0.0586,,0.0888,0.063,0.0932,0.9876,,,0.0,,0.125,,0.0,,0.061,,0.094,0.0625,0.0898,0.9876,,,0.0,,0.125,,0.0,,0.0596,,0.0907,,block of flats,0.0654,"Stone, brick",No,0.0,0.0,0.0,0.0,-2046.0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1139845,411057,Cash loans,6078.465,67500.0,74182.5,,67500.0,THURSDAY,8,Y,1,,,,XNA,Approved,-721,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Country-wide,20,Connectivity,18.0,middle,Cash X-Sell: middle,365243.0,-691.0,-181.0,-331.0,-326.0,1.0,0,Cash loans,F,N,Y,1,76500.0,225000.0,12334.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-11629,-291,-3150.0,-3845,,1,1,1,1,1,0,,3.0,2,2,THURSDAY,8,0,0,0,0,0,0,School,,0.20546512513334286,0.3506958432829587,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-721.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1138565,207540,Cash loans,49976.235,900000.0,1103472.0,,900000.0,MONDAY,8,Y,1,,,,XNA,Refused,-303,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash Street: middle,,,,,,,0,Revolving loans,F,N,Y,2,247500.0,450000.0,22500.0,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.010006000000000001,-10775,-1232,-266.0,-3366,,1,1,0,1,0,0,Sales staff,4.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Self-employed,0.3192278150979027,0.34183100911844777,0.4507472818545589,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2128.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,6.0 +1052063,180484,Consumer loans,10282.635,95598.0,86598.0,9000.0,95598.0,SUNDAY,9,Y,1,0.10253162390236388,,,XAP,Approved,-346,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,21,Connectivity,12.0,high,POS mobile with interest,365243.0,-312.0,18.0,-12.0,-3.0,0.0,0,Cash loans,F,N,N,0,112500.0,260640.0,22500.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.028663,-8630,-1306,-1034.0,-1022,,1,1,1,1,0,0,Sales staff,1.0,2,2,TUESDAY,9,1,1,0,1,1,0,Trade: type 7,,0.6637976809010231,0.1895952597360396,0.0814,0.0609,0.9742,0.6464,0.0069,0.0,0.1379,0.1667,0.2083,0.0675,0.0656,0.0609,0.0039,0.0049,0.083,0.0632,0.9742,0.6602,0.0069,0.0,0.1379,0.1667,0.2083,0.069,0.0716,0.0635,0.0039,0.0051,0.0822,0.0609,0.9742,0.6511,0.0069,0.0,0.1379,0.1667,0.2083,0.0686,0.0667,0.062,0.0039,0.005,reg oper account,block of flats,0.0548,"Stone, brick",No,0.0,0.0,0.0,0.0,-346.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2257798,234865,Cash loans,21297.015,229500.0,248130.0,,229500.0,SATURDAY,8,Y,1,,,,XNA,Approved,-468,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-437.0,73.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,2,157500.0,580500.0,18855.0,580500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018209,-12610,-1665,-126.0,-4437,15.0,1,1,0,1,0,0,Laborers,4.0,3,3,FRIDAY,12,0,0,0,0,0,0,Construction,,0.4192155692418785,0.722392890081304,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-2043.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1027469,175626,Consumer loans,8018.145,80208.0,80208.0,0.0,80208.0,WEDNESDAY,10,Y,1,0.0,,,XAP,Approved,-601,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Stone,62,Consumer electronics,12.0,middle,POS household with interest,365243.0,-570.0,-240.0,-240.0,-233.0,0.0,0,Cash loans,M,N,Y,0,67500.0,754740.0,24345.0,630000.0,Family,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.01885,-14464,365243,-8442.0,-4388,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,XNA,,0.487496233915001,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-601.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1226514,365359,Consumer loans,14104.485,127305.0,120757.5,15750.0,127305.0,WEDNESDAY,12,Y,1,0.1256574314098626,,,XAP,Approved,-2457,Cash through the bank,XAP,Children,Repeater,Computers,POS,XNA,Stone,210,Consumer electronics,10.0,middle,POS household with interest,365243.0,-2426.0,-2156.0,-2186.0,-2180.0,1.0,0,Cash loans,F,Y,Y,0,90000.0,929088.0,33502.5,720000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-23636,365243,-2311.0,-5172,8.0,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,0.6145714917686477,0.6699090435781277,0.5513812618027899,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-1244.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2504652,162691,Cash loans,5710.41,112500.0,134775.0,,112500.0,TUESDAY,19,Y,1,,,,XNA,Approved,-1171,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-1141.0,-91.0,-991.0,-984.0,1.0,0,Cash loans,F,Y,Y,0,180000.0,523237.5,18922.5,432000.0,Unaccompanied,Pensioner,Higher education,Widow,House / apartment,0.072508,-22575,365243,-11657.0,-1730,0.0,1,0,0,1,1,1,,1.0,1,1,THURSDAY,16,0,0,0,0,0,0,XNA,0.7337073439193598,0.7682624613530111,0.2067786544915716,0.146,0.0792,0.9846,0.7892,0.0637,0.128,0.0552,0.6417,0.6583,0.0,0.1178,0.1479,0.0054,0.0243,0.1345,0.0422,0.9816,0.7583,0.0467,0.0806,0.0345,0.625,0.6667,0.0,0.1166,0.1217,0.0039,0.0012,0.1332,0.0509,0.9816,0.7518,0.0473,0.08,0.0345,0.625,0.6667,0.0,0.1086,0.1205,0.0039,0.0024,reg oper account,block of flats,0.1933,Panel,No,0.0,0.0,0.0,0.0,-1171.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +2610045,252904,Consumer loans,4558.32,45517.5,50323.5,0.0,45517.5,THURSDAY,13,Y,1,0.0,,,XAP,Approved,-455,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,100,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-425.0,-95.0,-245.0,-242.0,1.0,0,Cash loans,M,N,Y,0,270000.0,550980.0,43659.0,450000.0,Family,Working,Secondary / secondary special,Single / not married,House / apartment,0.025164,-10696,-3105,-4972.0,-3383,,1,1,0,1,0,0,Laborers,1.0,2,2,THURSDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.580686936821281,,0.2387,0.1711,0.9856,,,0.26,0.2241,0.3333,,0.1484,,0.2445,,0.0097,0.1492,0.1109,0.9856,,,0.1611,0.1379,0.3333,,0.0678,,0.1564,,0.0084,0.241,0.1711,0.9856,,,0.26,0.2241,0.3333,,0.151,,0.2489,,0.0099,,block of flats,0.3471,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1718060,269539,Consumer loans,12000.195,139500.0,106245.0,41850.0,139500.0,MONDAY,18,Y,1,0.30776497886798704,,,XAP,Approved,-92,Cash through the bank,XAP,"Spouse, partner",Repeater,Furniture,POS,XNA,Stone,45,Furniture,10.0,low_normal,POS industry with interest,365243.0,-62.0,208.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,0,202500.0,213948.0,14427.0,189000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009175,-10032,-679,-2685.0,-907,8.0,1,1,0,1,0,0,Core staff,2.0,2,2,TUESDAY,16,0,0,0,0,0,0,Self-employed,,0.7766333179287722,,0.067,0.0,0.9762,,,0.0,0.1379,0.1667,,0.0305,,0.0495,,0.0481,0.0683,0.0,0.9762,,,0.0,0.1379,0.1667,,0.0312,,0.0515,,0.051,0.0677,0.0,0.9762,,,0.0,0.1379,0.1667,,0.031,,0.0503,,0.0492,,block of flats,0.0494,"Stone, brick",No,0.0,0.0,0.0,0.0,-263.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2712491,248899,Cash loans,10612.215,90000.0,107604.0,,90000.0,FRIDAY,13,Y,1,,,,XNA,Approved,-1409,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-1379.0,-1049.0,-1079.0,-1071.0,1.0,0,Cash loans,F,N,Y,0,135000.0,787086.0,23143.5,657000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.00702,-20083,-3050,-9272.0,-3578,,1,1,0,1,0,0,Medicine staff,2.0,2,2,SUNDAY,12,0,0,0,0,0,0,Kindergarten,,0.7207237943461339,0.5226973172821112,0.1196,0.0871,0.9861,0.8096,0.0,0.0,0.1379,0.1667,0.2083,0.0807,0.0975,0.0716,0.0,0.0856,0.1218,0.0904,0.9861,0.8171,0.0,0.0,0.1379,0.1667,0.2083,0.0826,0.1065,0.0746,0.0,0.0906,0.1207,0.0871,0.9861,0.8121,0.0,0.0,0.1379,0.1667,0.2083,0.0821,0.0992,0.0729,0.0,0.0874,reg oper account,block of flats,0.0749,"Stone, brick",No,0.0,0.0,0.0,0.0,-1873.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1067015,348725,Consumer loans,18361.53,75825.0,64449.0,11376.0,75825.0,SATURDAY,12,Y,1,0.16339595360129475,,,XAP,Refused,-2860,XNA,SCO,Children,Repeater,XNA,POS,XNA,Stone,100,Furniture,4.0,low_normal,POS industry with interest,,,,,,,0,Cash loans,F,N,N,1,103500.0,314100.0,13437.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-18142,-9472,-8678.0,-1692,,1,1,0,1,0,0,Cleaning staff,3.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Industry: type 7,,0.6239405077844677,0.11987796089553485,0.2649,0.0561,0.9796,0.7212,0.1025,0.08,0.0345,0.3333,0.375,0.0544,0.2152,0.0783,0.0039,0.0058,0.27,0.0582,0.9796,0.7321,0.1035,0.0806,0.0345,0.3333,0.375,0.0557,0.2351,0.0816,0.0039,0.0061,0.2675,0.0561,0.9796,0.7249,0.1032,0.08,0.0345,0.3333,0.375,0.0554,0.2189,0.0797,0.0039,0.0059,reg oper account,block of flats,0.1177,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1609284,302862,Consumer loans,7973.325,86418.0,77773.5,8644.5,86418.0,SUNDAY,13,Y,1,0.10894311791104123,,,XAP,Approved,-696,Cash through the bank,XAP,,New,Furniture,POS,XNA,Stone,170,Furniture,12.0,middle,POS industry with interest,365243.0,-665.0,-335.0,-515.0,-502.0,0.0,0,Cash loans,F,Y,Y,0,180000.0,370107.0,28773.0,319500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.01885,-11786,-1509,-2574.0,-2184,6.0,1,1,0,1,0,0,Accountants,2.0,2,2,WEDNESDAY,12,0,0,0,0,1,1,Self-employed,0.7355598179067708,0.4511041966309435,0.5656079814115492,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-422.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2118758,131427,Consumer loans,4473.945,24736.5,23436.0,2475.0,24736.5,SATURDAY,13,Y,1,0.10402917679749912,,,XAP,Approved,-644,Cash through the bank,XAP,Unaccompanied,Refreshed,Computers,POS,XNA,Regional / Local,100,Consumer electronics,6.0,middle,POS other with interest,365243.0,-613.0,-463.0,-493.0,-489.0,0.0,0,Cash loans,F,N,Y,1,225000.0,1687266.0,64395.0,1575000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.072508,-11318,-684,-1955.0,-2019,,1,1,0,1,0,0,,3.0,1,1,SATURDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.7985172710537521,,0.2639,0.0712,0.997,0.9592,0.1659,0.32,0.1379,0.6667,0.7083,0.0243,0.2152,0.165,0.0,0.0693,0.2689,0.0739,0.997,0.9608,0.1512,0.3222,0.1379,0.6667,0.7083,0.0236,0.2351,0.1538,0.0,0.0631,0.2665,0.0712,0.997,0.9597,0.16699999999999998,0.32,0.1379,0.6667,0.7083,0.0247,0.2189,0.168,0.0,0.0708,reg oper account,block of flats,0.0236,Panel,No,1.0,0.0,1.0,0.0,-1747.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2144370,251035,Cash loans,29681.775,450000.0,501975.0,,450000.0,MONDAY,9,Y,1,,,,XNA,Approved,-894,XNA,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,30.0,middle,Cash Street: middle,365243.0,-864.0,6.0,-564.0,-558.0,1.0,1,Cash loans,M,Y,Y,2,225000.0,225000.0,17775.0,225000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.020713,-16087,-161,-3634.0,-4650,14.0,1,1,1,1,1,0,Drivers,4.0,3,2,SATURDAY,8,0,0,0,0,0,0,Transport: type 4,,0.38839285554594094,0.4311917977993083,0.0125,0.0,0.9652,0.524,0.0104,0.0,0.0459,0.0417,0.0833,0.0209,0.0102,0.0077,0.0,0.0,0.0158,0.0,0.9657,0.5492,0.0058,0.0,0.0345,0.0417,0.0833,0.0122,0.0138,0.0046,0.0,0.0,0.0146,0.0,0.9657,0.5371,0.0114,0.0,0.0345,0.0417,0.0833,0.0233,0.012,0.0086,0.0,0.0,reg oper account,block of flats,0.0066,Wooden,Yes,8.0,0.0,8.0,0.0,-254.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1486461,438333,Revolving loans,13500.0,0.0,270000.0,,,FRIDAY,9,Y,1,,,,XAP,Approved,-369,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-369.0,-333.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,315000.0,252000.0,19908.0,252000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.00702,-10898,-1147,-1868.0,-1981,,1,1,0,1,1,1,Sales staff,2.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Trade: type 7,,0.2479459661720905,0.14375805349116522,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,1.0,0.0,-563.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2118580,197974,Consumer loans,21934.17,89595.0,83475.0,8959.5,89595.0,WEDNESDAY,17,Y,1,0.10556350713207732,,,XAP,Approved,-943,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Regional / Local,600,Consumer electronics,4.0,low_normal,POS household with interest,365243.0,-912.0,-822.0,-822.0,-813.0,0.0,0,Cash loans,M,Y,N,0,157500.0,1185120.0,39298.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.032561,-11721,-2831,-5036.0,-3727,17.0,1,1,0,0,1,0,Laborers,1.0,1,1,MONDAY,14,0,1,1,0,0,0,Business Entity Type 3,,0.7870235654860066,,,,0.9896,,,,,,,,,0.3063,,,,,0.9896,,,,,,,,,0.3192,,,,,0.9896,,,,,,,,,0.3118,,,,,0.248,,No,4.0,0.0,4.0,0.0,-2053.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1513682,139306,Consumer loans,7841.07,145314.0,170248.5,0.0,145314.0,SUNDAY,14,Y,1,0.0,,,XAP,Approved,-993,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Country-wide,2100,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-962.0,-272.0,-272.0,-265.0,0.0,0,Revolving loans,F,N,Y,0,76500.0,202500.0,10125.0,202500.0,Family,Working,Higher education,Married,House / apartment,0.00823,-8498,-210,-2909.0,-1173,,1,1,1,1,1,0,Sales staff,2.0,2,2,SATURDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.36155808707002296,0.4708363341918592,0.5442347412142162,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-993.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1140916,343583,Cash loans,53091.765,225000.0,261832.5,,225000.0,THURSDAY,9,Y,1,,,,XNA,Refused,-999,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,1,180000.0,1087366.5,31923.0,949500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.018634,-16814,-2744,-2009.0,-348,,1,1,0,1,1,0,,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.8545180866133727,0.7692343337543022,0.511891801533151,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-1581.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,4.0 +1749984,329278,Cash loans,27023.85,270000.0,284611.5,,270000.0,FRIDAY,4,Y,1,,,,XNA,Approved,-237,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-207.0,123.0,-27.0,365243.0,1.0,0,Cash loans,F,N,Y,0,130500.0,555273.0,16042.5,463500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.010032,-22817,365243,-4382.0,-4909,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,9,0,0,0,0,0,0,XNA,0.7957649008807868,0.6660388591752726,0.520897599048938,0.0825,0.0796,0.9757,,,,0.1379,0.1667,,0.0619,,0.0703,,0.0022,0.084,0.0826,0.9757,,,,0.1379,0.1667,,0.0633,,0.0732,,0.0023,0.0833,0.0796,0.9757,,,,0.1379,0.1667,,0.063,,0.0715,,0.0023,,block of flats,0.0539,Block,No,1.0,0.0,1.0,0.0,-237.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2819714,211467,Revolving loans,14625.0,0.0,292500.0,,,TUESDAY,19,Y,1,,,,XAP,Approved,-906,XNA,XAP,,Refreshed,XNA,Cards,x-sell,AP+ (Cash loan),-1,XNA,0.0,XNA,Card X-Sell,-759.0,-734.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,1,135000.0,824823.0,24246.0,688500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009175,-11342,-88,-498.0,-3922,,1,1,0,1,0,0,Laborers,3.0,2,2,FRIDAY,10,0,0,0,1,1,0,Construction,,0.672341605375365,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1978199,386620,Consumer loans,10937.655,107986.5,97186.5,10800.0,107986.5,SATURDAY,17,Y,1,0.10892270624737184,,,XAP,Approved,-1354,Cash through the bank,XAP,Family,Refreshed,Consumer Electronics,POS,XNA,Country-wide,1170,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1323.0,-1053.0,-1053.0,-1045.0,0.0,0,Cash loans,M,N,Y,0,360000.0,247275.0,19953.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.072508,-24782,365243,-7588.0,-557,,1,0,0,1,1,0,,2.0,1,1,TUESDAY,18,0,0,0,0,0,0,XNA,,0.5617991426955606,0.0005272652387098817,0.1261,0.1015,0.9747,0.6532,0.0136,0.07400000000000001,0.1524,0.2738,0.1417,0.006,0.0375,0.109,0.0006,0.0357,0.105,0.1081,0.9742,0.6602,0.0,0.0,0.1724,0.1667,0.0,0.0,0.0,0.0782,0.0,0.0,0.1041,0.1042,0.9742,0.6511,0.0,0.0,0.1724,0.1667,0.0,0.0,0.0359,0.0895,0.0,0.0032,not specified,block of flats,0.253,Panel,No,8.0,0.0,8.0,0.0,-1354.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1726920,407129,Consumer loans,6264.495,52200.0,51633.0,5220.0,52200.0,FRIDAY,14,Y,1,0.0999956826456747,,,XAP,Approved,-1722,Cash through the bank,XAP,"Spouse, partner",New,Furniture,POS,XNA,Regional / Local,130,Furniture,12.0,high,POS industry with interest,365243.0,-1690.0,-1360.0,-1390.0,-1384.0,0.0,0,Cash loans,F,Y,N,0,81000.0,545040.0,25537.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00702,-13909,-525,-611.0,-4699,13.0,1,1,0,1,0,0,,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,Government,,0.6276122116946288,0.6594055320683344,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1722.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1030536,138405,Consumer loans,14179.41,77670.0,73593.0,7767.0,77670.0,SATURDAY,14,Y,1,0.10396962992759452,,,XAP,Approved,-984,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Regional / Local,20,Furniture,6.0,middle,POS industry with interest,365243.0,-953.0,-803.0,-803.0,-794.0,0.0,0,Cash loans,F,N,Y,1,103500.0,652500.0,23436.0,652500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009334,-14795,-1811,-7603.0,-4614,,1,1,1,1,0,0,Core staff,3.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Kindergarten,,0.4310633684907095,0.326475210066026,,,0.9622,,,,,,,,,0.0203,,,,,0.9623,,,,,,,,,0.0212,,,,,0.9622,,,,,,,,,0.0207,,,,block of flats,0.016,,Yes,2.0,0.0,2.0,0.0,-1995.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1895680,412398,Consumer loans,3152.16,26257.5,23629.5,2628.0,26257.5,MONDAY,18,Y,1,0.10900241489444573,,,XAP,Approved,-2774,XNA,XAP,,New,Mobile,POS,XNA,Country-wide,26,Connectivity,10.0,low_normal,POS mobile with interest,365243.0,-2743.0,-2473.0,-2473.0,-2467.0,0.0,0,Cash loans,F,N,Y,0,180000.0,1125000.0,32895.0,1125000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.009175,-14469,-2573,-3515.0,-5219,,1,1,0,1,0,0,Core staff,2.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,Other,0.5105224943191071,0.7245413614389458,0.3077366963789207,0.0577,0.0854,0.9821,0.7552,0.0079,0.0,0.1379,0.1667,0.2083,0.0678,0.0471,0.0534,0.0,0.0,0.0588,0.0886,0.9821,0.7648,0.008,0.0,0.1379,0.1667,0.2083,0.0694,0.0514,0.0556,0.0,0.0,0.0583,0.0854,0.9821,0.7585,0.0079,0.0,0.1379,0.1667,0.2083,0.069,0.0479,0.0543,0.0,0.0,reg oper account,block of flats,0.0463,"Stone, brick",No,3.0,0.0,3.0,0.0,-2774.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2543954,222240,Revolving loans,22500.0,450000.0,450000.0,,450000.0,FRIDAY,12,Y,1,,,,XAP,Refused,-20,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,Y,0,225000.0,490495.5,30136.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018029,-15890,-1492,-9158.0,-4118,,1,1,0,1,0,0,Laborers,2.0,3,3,THURSDAY,7,0,0,0,1,1,1,Business Entity Type 3,,0.18253654764522945,0.6263042766749393,0.0082,0.0,0.9717,,,0.0,0.0345,0.0417,,,,0.0104,,0.0,0.0084,0.0,0.9717,,,0.0,0.0345,0.0417,,,,0.0108,,0.0,0.0083,0.0,0.9717,,,0.0,0.0345,0.0417,,,,0.0106,,0.0,,block of flats,0.0082,Wooden,No,10.0,0.0,10.0,0.0,-1482.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2559587,318247,Consumer loans,7989.165,79777.8,88200.0,1.8,79777.8,SUNDAY,15,Y,1,2.222589149386561e-05,,,XAP,Approved,-417,Cash through the bank,XAP,Unaccompanied,Refreshed,Audio/Video,POS,XNA,Country-wide,50,Consumer electronics,12.0,low_action,POS household without interest,,,,,,,0,Cash loans,M,Y,N,0,135000.0,900000.0,35694.0,900000.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.026392000000000002,-14701,-4258,-2528.0,-4130,7.0,1,1,1,1,1,0,,1.0,2,2,SATURDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.462612630479063,,0.2412,,0.994,,,0.24,0.2069,0.375,,,,0.2496,,0.0,0.2458,,0.994,,,0.2417,0.2069,0.375,,,,0.2601,,0.0,0.2436,,0.994,,,0.24,0.2069,0.375,,,,0.2541,,0.0,,block of flats,0.1963,Panel,No,2.0,1.0,2.0,1.0,-2895.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2764780,145217,Cash loans,14856.75,225000.0,284400.0,,225000.0,TUESDAY,12,Y,1,,,,XNA,Approved,-132,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-102.0,588.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,N,0,112500.0,315000.0,17100.0,315000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.00496,-12995,-896,-1902.0,-1903,15.0,1,1,0,1,0,1,,1.0,2,2,MONDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.4162517425093824,0.6665639682950978,0.190705947811054,0.1242,,0.9836,,,,0.0803,0.1667,,,,,,,0.1681,,0.9841,,,,0.069,0.1667,,,,,,,0.1473,,0.9841,,,,0.069,0.1667,,,,,,,,,0.032,"Stone, brick",No,7.0,0.0,6.0,0.0,-717.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2604779,118784,Consumer loans,11577.825,62248.5,65533.5,0.0,62248.5,WEDNESDAY,14,Y,1,0.0,,,XAP,Approved,-839,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Stone,138,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-803.0,-653.0,-653.0,-646.0,0.0,0,Cash loans,F,N,N,0,90000.0,675000.0,26770.5,675000.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.026392000000000002,-22211,365243,-7734.0,-4233,,1,0,0,1,0,0,,1.0,2,2,TUESDAY,12,0,0,0,0,0,0,XNA,,0.7204552220420773,0.7886807751817684,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1258.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1585850,204826,Cash loans,74178.405,1354500.0,1418868.0,,1354500.0,THURSDAY,11,Y,1,,,,XNA,Approved,-727,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-696.0,-6.0,-246.0,-241.0,0.0,0,Cash loans,F,N,N,0,337500.0,1095111.0,61281.0,1035000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009656999999999999,-17634,-3244,-7978.0,-1181,,1,1,0,1,1,0,Accountants,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Other,,0.6007424418747659,0.3077366963789207,0.1144,0.0513,0.9881,0.8368,0.0182,0.04,0.0345,0.3333,0.375,0.0751,0.0925,0.05,0.0039,0.094,0.1166,0.0532,0.9881,0.8432,0.0184,0.0403,0.0345,0.3333,0.375,0.0768,0.101,0.0521,0.0039,0.0995,0.1155,0.0513,0.9881,0.8390000000000001,0.0184,0.04,0.0345,0.3333,0.375,0.0764,0.0941,0.0509,0.0039,0.0959,reg oper spec account,block of flats,0.0636,Panel,No,0.0,0.0,0.0,0.0,-1589.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +2070435,124749,Cash loans,31945.275,954000.0,1092519.0,,954000.0,WEDNESDAY,15,Y,1,,,,XNA,Approved,-328,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-298.0,1472.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,202500.0,970380.0,28503.0,810000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009656999999999999,-19778,-989,-1747.0,-3259,,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Business Entity Type 1,,0.6808393497667911,0.3046721837533529,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,2.0,3.0,0.0,-1021.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,4.0 +2792362,214319,Consumer loans,5736.24,85450.5,49450.5,40455.0,85450.5,THURSDAY,16,Y,1,0.4900609276103544,,,XAP,Approved,-1427,Cash through the bank,XAP,Unaccompanied,Repeater,Photo / Cinema Equipment,POS,XNA,Country-wide,15,Connectivity,12.0,high,POS mobile with interest,365243.0,-1396.0,-1066.0,-1126.0,-1123.0,0.0,0,Cash loans,F,Y,Y,0,405000.0,360000.0,23134.5,360000.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.04622,-18982,-1323,-22.0,-2519,4.0,1,1,0,1,0,0,,1.0,1,1,WEDNESDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.6734390256831517,0.3296550543128238,0.466,0.0111,0.9995,0.9932,,0.48,0.2069,0.6667,,0.2288,0.3799,0.5438,0.0,0.9956,0.4748,0.0115,0.9995,0.9935,,0.4834,0.2069,0.6667,,0.234,0.4151,0.5666,0.0,1.0,0.4705,0.0111,0.9995,0.9933,,0.48,0.2069,0.6667,,0.2327,0.3865,0.5535,0.0,1.0,org spec account,block of flats,0.6442,Monolithic,No,0.0,0.0,0.0,0.0,-1770.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1052856,186433,Cash loans,34646.85,765000.0,765000.0,,765000.0,THURSDAY,8,Y,1,,,,XNA,Approved,-721,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),6,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-691.0,719.0,-661.0,-655.0,0.0,1,Cash loans,F,Y,Y,0,112500.0,450000.0,32877.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018209,-18199,-950,-10717.0,-1746,26.0,1,1,0,1,0,1,Cleaning staff,2.0,3,3,THURSDAY,11,0,0,0,0,0,0,Construction,0.6936881048683821,0.3998540018929302,0.15474363127259447,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1321.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2551837,258926,Consumer loans,3235.185,32359.095,29119.5,3239.595,32359.095,TUESDAY,15,Y,1,0.10903313160137396,,,XAP,Approved,-2906,Cash through the bank,XAP,Other_B,New,Audio/Video,POS,XNA,Country-wide,1500,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-2875.0,-2605.0,-2605.0,-2579.0,0.0,0,Cash loans,M,Y,N,0,225000.0,227520.0,14940.0,180000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.007273999999999998,-14804,-2995,-3883.0,-3922,12.0,1,1,0,1,0,0,Security staff,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.5477513795845119,0.5424451438613613,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,2.0,0.0,-2435.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2709696,168223,Consumer loans,4486.815,24705.0,22005.0,2700.0,24705.0,MONDAY,13,Y,1,0.1190263288623944,,,XAP,Approved,-1849,XNA,XAP,,Repeater,Mobile,POS,XNA,Country-wide,13,Connectivity,6.0,high,POS mobile with interest,365243.0,-1802.0,-1652.0,-1652.0,-1269.0,0.0,0,Cash loans,M,N,Y,0,135000.0,675000.0,24930.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-20957,-1698,-517.0,-733,,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,10,0,0,0,0,0,0,Self-employed,,0.6114652681084936,0.24318648044201235,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,-1738.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1676113,253111,Consumer loans,8500.14,94410.0,52672.5,45000.0,94410.0,FRIDAY,6,Y,1,0.5017695964482418,,,XAP,Approved,-1936,Cash through the bank,XAP,Children,Repeater,Consumer Electronics,POS,XNA,Country-wide,1046,Consumer electronics,8.0,high,POS household with interest,365243.0,-1905.0,-1695.0,-1695.0,-1675.0,0.0,0,Cash loans,F,N,N,0,135000.0,199080.0,11245.5,157500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.020713,-24396,365243,-1152.0,-4449,,1,0,0,1,0,0,,1.0,3,3,TUESDAY,6,0,0,0,0,0,0,XNA,,0.7734382936639117,0.6848276586890367,0.0495,0.0525,0.9747,0.6532,0.0042,0.0,0.1034,0.125,0.0417,0.0307,0.0403,0.04,0.0,0.0,0.0504,0.0545,0.9747,0.6668,0.0042,0.0,0.1034,0.125,0.0417,0.0314,0.0441,0.0416,0.0,0.0,0.05,0.0525,0.9747,0.6578,0.0042,0.0,0.1034,0.125,0.0417,0.0312,0.041,0.0407,0.0,0.0,reg oper spec account,block of flats,0.044,"Stone, brick",No,3.0,0.0,3.0,0.0,-1918.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2080375,143997,Consumer loans,9866.61,89550.0,99004.5,0.0,89550.0,SUNDAY,14,Y,1,0.0,,,XAP,Approved,-195,Cash through the bank,XAP,Unaccompanied,New,Vehicles,POS,XNA,Stone,50,Auto technology,12.0,middle,POS other with interest,365243.0,-164.0,166.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,Y,0,90000.0,202500.0,10125.0,202500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-16102,-589,-219.0,-838,,1,1,0,1,0,0,Laborers,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.2626181560020055,0.5585066276769286,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-195.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1456913,200546,Consumer loans,8009.415,157216.5,174892.5,0.0,157216.5,WEDNESDAY,9,Y,1,0.0,,,XAP,Approved,-437,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Stone,150,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-406.0,284.0,365243.0,365243.0,0.0,1,Cash loans,M,Y,N,0,117000.0,543735.0,26289.0,486000.0,Family,State servant,Higher education,Married,House / apartment,0.002042,-10826,-3887,-4749.0,-3384,3.0,1,1,0,1,0,0,IT staff,2.0,3,3,SATURDAY,11,0,0,0,0,0,0,Other,,0.24061134955481905,0.5424451438613613,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-437.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1779843,211897,Consumer loans,13021.47,72000.0,49500.0,22500.0,72000.0,TUESDAY,14,Y,1,0.34034090909090897,,,XAP,Approved,-87,XNA,XAP,Unaccompanied,Refreshed,Furniture,POS,XNA,Stone,854,Furniture,4.0,low_normal,POS industry with interest,365243.0,-55.0,35.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,N,1,225000.0,1045854.0,27720.0,873000.0,Family,Working,Secondary / secondary special,Separated,House / apartment,0.025164,-14958,-369,-3297.0,-4145,23.0,1,1,0,1,0,0,Cooking staff,2.0,2,2,WEDNESDAY,13,0,0,0,0,1,1,Self-employed,,0.5724602474292086,0.4294236843421945,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-2.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2837100,433885,Consumer loans,7562.43,62100.0,67563.0,0.0,62100.0,SUNDAY,10,Y,1,0.0,,,XAP,Approved,-541,XNA,XAP,,Repeater,Consumer Electronics,POS,XNA,Stone,76,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-507.0,-237.0,-357.0,-352.0,0.0,0,Cash loans,F,N,Y,0,157500.0,1129500.0,47853.0,1129500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-14143,365243,-1935.0,-4486,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,XNA,,0.753416250003921,0.6263042766749393,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-524.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,8.0 +1414658,204224,Cash loans,6075.0,67500.0,84199.5,,67500.0,THURSDAY,12,Y,1,,,,XNA,Approved,-690,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-660.0,-150.0,-210.0,-204.0,1.0,0,Cash loans,F,N,Y,2,112500.0,161730.0,8388.0,135000.0,Family,Working,Incomplete higher,Single / not married,House / apartment,0.025164,-15995,-1161,-1896.0,-416,,1,1,0,1,0,0,High skill tech staff,3.0,2,2,MONDAY,14,0,0,0,1,1,0,Business Entity Type 3,0.550119705183007,0.335342431415808,0.6195277080511546,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,2.0,7.0,1.0,-737.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2595469,159576,Cash loans,24982.29,360000.0,401580.0,,360000.0,THURSDAY,11,Y,1,,,,XNA,Approved,-755,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,high,Cash X-Sell: high,365243.0,-725.0,145.0,-665.0,-661.0,1.0,1,Cash loans,F,N,N,0,225000.0,900000.0,31887.0,900000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.025164,-12244,-2298,-1916.0,-3646,,1,1,1,1,0,0,Accountants,2.0,2,2,MONDAY,15,0,0,0,0,0,0,Self-employed,0.2523734905845499,0.6277604124529922,0.12217974403015852,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-399.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1355378,122105,Consumer loans,1853.19,15660.0,16371.0,765.0,15660.0,SUNDAY,15,Y,1,0.04862012987012985,,,XAP,Approved,-2047,Cash through the bank,XAP,"Spouse, partner",New,Office Appliances,POS,XNA,Regional / Local,109,Consumer electronics,12.0,high,POS household with interest,365243.0,-2016.0,-1686.0,-1926.0,-1921.0,0.0,0,Cash loans,F,N,Y,1,109350.0,1485000.0,37669.5,1485000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.010147,-13705,-836,-4590.0,-4589,,1,1,1,1,1,0,Accountants,3.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Culture,0.35875517070654445,0.598584824004891,0.5954562029091491,0.0732,0.0533,0.9911,0.8776,0.0145,0.08,0.069,0.3333,0.375,0.0551,0.0597,0.0754,0.0,0.0,0.0746,0.0554,0.9911,0.8824,0.0147,0.0806,0.069,0.3333,0.375,0.0563,0.0652,0.0786,0.0,0.0,0.0739,0.0533,0.9911,0.8792,0.0146,0.08,0.069,0.3333,0.375,0.056,0.0607,0.0768,0.0,0.0,reg oper spec account,block of flats,0.0673,Panel,No,8.0,0.0,8.0,0.0,-2047.0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2499449,321943,Consumer loans,11248.875,102262.5,102262.5,0.0,102262.5,MONDAY,16,Y,1,0.0,,,XAP,Approved,-772,XNA,XAP,,Repeater,Clothing and Accessories,POS,XNA,Stone,20,Clothing,10.0,low_normal,POS industry with interest,365243.0,-739.0,-469.0,-469.0,-465.0,0.0,0,Cash loans,F,Y,Y,0,184500.0,562500.0,28849.5,562500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.028663,-15095,-1113,-3088.0,-4353,24.0,1,1,0,1,0,0,,1.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.6394218809282689,0.6755562787932093,0.4866531565147181,0.058,0.0431,0.9732,0.6328,0.0091,0.0,0.0817,0.1612,0.1942,0.0522,0.0521,0.0488,0.0,0.0258,0.063,0.0634,0.9737,0.6341,0.0084,0.0,0.0345,0.1667,0.2083,0.0565,0.0551,0.057,0.0,0.0035,0.0625,0.0611,0.9737,0.6444,0.0091,0.0,0.0862,0.1667,0.2083,0.0559,0.053,0.0557,0.0,0.0034,reg oper account,block of flats,0.0491,"Stone, brick",No,0.0,0.0,0.0,0.0,-1189.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2689632,154319,Consumer loans,4201.47,75348.0,90265.5,0.0,75348.0,WEDNESDAY,16,Y,1,0.0,,,XAP,Approved,-1290,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,2178,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1259.0,-569.0,-989.0,-985.0,0.0,0,Cash loans,F,N,Y,0,180000.0,605439.0,25780.5,481500.0,Unaccompanied,Commercial associate,Higher education,Civil marriage,House / apartment,0.032561,-14549,-4729,-7388.0,-4511,,1,1,0,1,0,1,Medicine staff,2.0,1,1,FRIDAY,10,0,0,0,0,0,0,Medicine,0.6336958701125728,0.7903363940690956,0.7121551551910698,0.2464,0.0845,0.9861,0.8096,0.0505,0.24,0.2069,0.375,0.0417,0.0787,0.2009,0.2566,0.0,0.0,0.2511,0.0877,0.9861,0.8171,0.051,0.2417,0.2069,0.375,0.0417,0.0805,0.2195,0.2673,0.0,0.0,0.2488,0.0845,0.9861,0.8121,0.0508,0.24,0.2069,0.375,0.0417,0.08,0.2044,0.2612,0.0,0.0,reg oper account,block of flats,0.2294,Panel,No,1.0,0.0,1.0,0.0,-1290.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2438344,223396,Consumer loans,14367.69,72511.2,76734.0,7252.2,72511.2,WEDNESDAY,14,Y,1,0.09404289146203887,,,XAP,Approved,-393,Cash through the bank,XAP,,Refreshed,Jewelry,POS,XNA,Stone,100,Industry,6.0,middle,POS others without interest,365243.0,-361.0,-211.0,-211.0,-207.0,0.0,0,Revolving loans,F,N,Y,1,103500.0,292500.0,14625.0,292500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007120000000000001,-9380,-1731,-4193.0,-1491,,1,1,1,1,1,0,Core staff,3.0,2,2,THURSDAY,9,0,0,0,0,0,0,Self-employed,0.23185343349469945,0.386358566455572,0.6610235391308081,0.0814,0.0853,0.9752,,,0.0,0.1379,0.1667,,0.0707,,0.0761,,0.056,0.083,0.0885,0.9752,,,0.0,0.1379,0.1667,,0.0723,,0.0793,,0.0593,0.0822,0.0853,0.9752,,,0.0,0.1379,0.1667,,0.0719,,0.0775,,0.0572,,block of flats,0.07200000000000001,Panel,No,1.0,0.0,1.0,0.0,-1613.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2172726,456091,Consumer loans,5481.315,44955.0,56029.5,2250.0,44955.0,THURSDAY,15,Y,1,0.04204659520851318,,,XAP,Approved,-1835,Cash through the bank,XAP,Family,Refreshed,Consumer Electronics,POS,XNA,Regional / Local,160,Consumer electronics,16.0,high,POS household with interest,365243.0,-1804.0,-1354.0,-1654.0,-1650.0,0.0,0,Cash loans,F,N,N,2,90000.0,454500.0,19386.0,454500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.0228,-13349,-1592,-4816.0,-5239,,1,1,0,1,0,0,Core staff,4.0,2,2,FRIDAY,15,0,0,0,0,0,0,Kindergarten,,0.6418724119778133,0.4170996682522097,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1688.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1088703,152670,Cash loans,25646.31,688500.0,688500.0,,688500.0,THURSDAY,10,Y,1,,,,XNA,Approved,-230,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_action,Cash X-Sell: low,365243.0,-200.0,850.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,0,81000.0,45000.0,2187.0,45000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,Municipal apartment,0.026392000000000002,-13643,-2138,-6118.0,-4127,,1,1,0,1,0,1,Laborers,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.6131529904080321,0.7062015987598907,,0.2443,0.1775,0.9891,,,0.24,0.2069,0.375,,0.1296,,0.265,,0.0,0.2489,0.1842,0.9891,,,0.2417,0.2069,0.375,,0.1326,,0.2761,,0.0,0.2467,0.1775,0.9891,,,0.24,0.2069,0.375,,0.1318,,0.2698,,0.0,,block of flats,0.2085,Panel,No,3.0,0.0,3.0,0.0,-393.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2175916,220625,Consumer loans,6693.93,47911.5,52969.5,0.0,47911.5,THURSDAY,13,Y,1,0.0,,,XAP,Refused,-1113,Cash through the bank,LIMIT,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,12.0,high,POS mobile with interest,,,,,,,0,Cash loans,M,Y,Y,1,153000.0,318528.0,25164.0,252000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010147,-8591,-343,-3514.0,-1256,17.0,1,1,0,1,0,1,Low-skill Laborers,3.0,2,2,THURSDAY,14,0,0,0,0,0,0,Industry: type 3,0.6893833505867343,0.2714170301861608,0.09950368352887068,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-252.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2087596,174492,Consumer loans,71969.04,877500.0,702000.0,175500.0,877500.0,THURSDAY,12,Y,1,0.2178181818181818,,,XAP,Approved,-440,XNA,XAP,,New,Sport and Leisure,POS,XNA,Regional / Local,50,Industry,12.0,middle,POS other with interest,365243.0,-403.0,-73.0,-133.0,-122.0,0.0,0,Cash loans,M,Y,Y,0,117000.0,450000.0,30073.5,450000.0,Unaccompanied,Commercial associate,Incomplete higher,Single / not married,House / apartment,0.02461,-10790,-2764,-838.0,-3462,5.0,1,1,1,1,0,0,Managers,1.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.6969954830087668,0.10822632266971416,0.1856,0.1367,0.9871,0.8232,0.0435,0.2,0.1724,0.3333,0.375,0.0791,0.1513,0.1888,0.0,0.0,0.1891,0.1419,0.9871,0.8301,0.0439,0.2014,0.1724,0.3333,0.375,0.0809,0.1653,0.1968,0.0,0.0,0.1874,0.1367,0.9871,0.8256,0.0438,0.2,0.1724,0.3333,0.375,0.0805,0.1539,0.1922,0.0,0.0,,block of flats,0.1798,Panel,No,0.0,0.0,0.0,0.0,-440.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1898384,177536,Consumer loans,30971.52,237262.5,172363.5,90000.0,237262.5,SUNDAY,18,Y,1,0.3735968677738399,,,XAP,Approved,-25,Cash through the bank,XAP,Family,Repeater,Furniture,POS,XNA,Stone,1729,Furniture,6.0,low_normal,POS industry with interest,365243.0,365243.0,156.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,225000.0,450000.0,22018.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-11796,-1561,-218.0,-2379,,1,1,0,1,1,0,,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.3606505784663001,0.6728664853252685,0.2512394458905693,0.101,,0.999,,,,0.069,0.25,,,,,,,0.1029,,0.999,,,,0.069,0.25,,,,,,,0.102,,0.999,,,,0.069,0.25,,,,,,,,block of flats,0.0751,"Stone, brick",No,0.0,0.0,0.0,0.0,-1442.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1815529,317384,Consumer loans,7082.01,77314.5,77314.5,0.0,77314.5,THURSDAY,12,Y,1,0.0,,,XAP,Approved,-1434,Cash through the bank,XAP,Unaccompanied,Refreshed,Consumer Electronics,POS,XNA,Country-wide,119,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-1389.0,-1059.0,-1059.0,-1053.0,0.0,0,Revolving loans,F,Y,Y,0,121500.0,202500.0,10125.0,202500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.007305,-10806,-1640,-1847.0,-3092,11.0,1,1,1,1,1,0,Core staff,1.0,3,3,WEDNESDAY,14,0,0,0,0,1,1,Trade: type 7,0.6171228055514947,0.4895452362995084,0.7238369900414456,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1434.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1385933,284306,Consumer loans,5511.555,21595.5,19345.5,2250.0,21595.5,SUNDAY,12,Y,1,0.11347060940726288,,,XAP,Approved,-2789,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Stone,10,Connectivity,4.0,high,POS mobile with interest,365243.0,-2755.0,-2665.0,-2665.0,-2656.0,0.0,0,Cash loans,F,Y,N,2,135000.0,312840.0,8248.5,247500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.007120000000000001,-12825,-2603,-4811.0,-1176,7.0,1,1,0,1,0,0,Laborers,4.0,2,2,TUESDAY,12,0,0,0,0,0,0,Business Entity Type 2,,0.621073118836006,0.6380435278721609,0.0825,0.0795,0.9786,,,0.0,0.1379,0.1667,,0.0708,,0.0703,,0.0218,0.084,0.0825,0.9786,,,0.0,0.1379,0.1667,,0.0724,,0.0732,,0.0231,0.0833,0.0795,0.9786,,,0.0,0.1379,0.1667,,0.07200000000000001,,0.0715,,0.0222,,block of flats,0.0553,Panel,No,0.0,0.0,0.0,0.0,-1349.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,4.0,0.0,6.0 +1455766,299482,Cash loans,45626.31,900000.0,1004544.0,,900000.0,MONDAY,18,Y,1,,,,XNA,Approved,-668,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-638.0,772.0,-368.0,-361.0,1.0,0,Cash loans,F,Y,N,1,405000.0,446931.0,17941.5,369000.0,Unaccompanied,Working,Higher education,Widow,House / apartment,0.072508,-17883,-3109,-3528.0,-1408,2.0,1,1,0,1,1,0,,2.0,1,1,THURSDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.6070615316250808,0.004785610861929988,,0.1574,0.1468,0.993,0.9048,0.1115,0.3732,0.1607,0.4304,0.4167,0.0259,0.1283,0.0663,0.0,0.0198,0.0987,0.0709,0.993,0.9085,0.0687,0.1611,0.069,0.4583,0.5,0.0125,0.0863,0.0697,0.0,0.0042,0.0999,0.0706,0.993,0.9061,0.0695,0.16,0.069,0.4583,0.5,0.0128,0.0821,0.0681,0.0,0.0043,reg oper account,block of flats,0.2423,Panel,No,0.0,0.0,0.0,0.0,-764.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1496986,114735,Revolving loans,9000.0,0.0,180000.0,,,MONDAY,8,Y,1,,,,XAP,Approved,-2311,XNA,XAP,,Repeater,XNA,Cards,x-sell,Contact center,-1,XNA,0.0,XNA,Card X-Sell,-2303.0,-2268.0,365243.0,-1811.0,365243.0,0.0,0,Cash loans,M,N,N,0,135000.0,1029658.5,31347.0,922500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.006852,-17709,-2633,-3681.0,-1246,,1,1,0,1,0,0,Drivers,2.0,3,3,SATURDAY,5,0,0,0,0,1,1,Self-employed,,0.2000955267469884,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-3.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,,,,,, +1010405,266231,Cash loans,27707.85,459000.0,520042.5,,459000.0,FRIDAY,17,Y,1,,,,XNA,Approved,-390,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),8,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-360.0,330.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,67500.0,225000.0,16501.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-16769,-59,-4564.0,-313,,1,1,1,1,1,0,Laborers,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.2022391108258312,,0.2938,0.1481,0.9771,0.6872,0.1477,0.32,0.2759,0.3333,0.375,0.2057,0.2396,0.2749,0.0039,0.006,0.2994,0.1536,0.9772,0.6994,0.1491,0.3222,0.2759,0.3333,0.375,0.2104,0.2617,0.2864,0.0039,0.0064,0.2967,0.1481,0.9771,0.6914,0.1487,0.32,0.2759,0.3333,0.375,0.2093,0.2437,0.2798,0.0039,0.0062,reg oper account,block of flats,0.2983,Panel,No,0.0,0.0,0.0,0.0,-603.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2376346,322340,Cash loans,9349.515,135000.0,152820.0,,135000.0,THURSDAY,13,Y,1,,,,XNA,Refused,-540,XNA,LIMIT,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,,,,,,,1,Cash loans,F,N,Y,0,202500.0,1082214.0,31770.0,945000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.010643000000000001,-21551,-612,-308.0,-4410,,1,1,0,1,0,0,Medicine staff,1.0,2,2,FRIDAY,12,0,0,0,0,0,0,Medicine,,0.6185791151269217,0.1766525794312139,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1099.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2141617,333266,Cash loans,18274.545,180000.0,197820.0,0.0,180000.0,TUESDAY,10,Y,1,0.0,,,Other,Approved,-1522,Cash through the bank,XAP,"Spouse, partner",New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,365243.0,-1492.0,-982.0,-1222.0,-1216.0,1.0,0,Cash loans,M,Y,Y,0,180000.0,1255680.0,45234.0,1125000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.030755,-20328,-741,-2064.0,-3558,2.0,1,1,0,1,0,0,Drivers,2.0,2,2,FRIDAY,9,0,0,0,0,0,0,Self-employed,,0.7743871927504159,0.807273923277881,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-1522.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2841410,283112,Consumer loans,18427.095,175050.0,171477.0,17505.0,175050.0,SUNDAY,11,Y,1,0.10088017040583948,,,XAP,Approved,-1770,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Stone,18,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1739.0,-1409.0,-1409.0,-1406.0,0.0,0,Cash loans,F,Y,Y,0,157500.0,701730.0,68490.0,675000.0,Unaccompanied,Working,Lower secondary,Married,House / apartment,0.019688999999999998,-14028,-4873,-3662.0,-3662,2.0,1,1,0,1,0,1,Cleaning staff,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.8355656422302546,0.366766583279861,0.33928769990891394,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-482.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,1.0 +1571025,390106,Consumer loans,10820.25,90549.0,97042.5,2250.0,90549.0,SATURDAY,11,Y,1,0.024679150443936315,,,XAP,Approved,-2253,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,2000,Consumer electronics,12.0,high,POS household with interest,365243.0,-2222.0,-1892.0,-1892.0,-1888.0,0.0,0,Cash loans,F,N,Y,0,135000.0,450000.0,21649.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020246,-20076,-3062,-9517.0,-3458,,1,1,1,1,0,0,,2.0,3,3,FRIDAY,10,0,0,0,0,0,0,Self-employed,,0.07653055165540942,,0.0124,0.0,0.9622,,,0.0,0.069,0.0417,,0.0,,0.0143,,0.0,0.0126,0.0,0.9623,,,0.0,0.069,0.0417,,0.0,,0.0149,,0.0,0.0125,0.0,0.9622,,,0.0,0.069,0.0417,,0.0,,0.0146,,0.0,,block of flats,0.0123,"Stone, brick",No,2.0,1.0,2.0,1.0,-1828.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2014057,193247,Cash loans,20108.925,90000.0,104103.0,,90000.0,MONDAY,13,Y,1,,,,XNA,Approved,-791,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-761.0,-611.0,-611.0,-603.0,1.0,0,Cash loans,F,N,Y,0,180000.0,473841.0,31666.5,387000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0060079999999999995,-12244,-1415,-5873.0,-570,,1,1,0,1,0,1,Laborers,2.0,2,2,MONDAY,12,0,1,1,0,1,1,Agriculture,0.28931188468118124,0.6885765128078041,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1654.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1110829,387909,Consumer loans,5168.565,23805.0,25348.5,2380.5,23805.0,FRIDAY,15,Y,1,0.09349709362367588,,,XAP,Approved,-1648,XNA,XAP,,New,Mobile,POS,XNA,Country-wide,40,Connectivity,6.0,high,POS mobile with interest,365243.0,-1604.0,-1454.0,-1514.0,-1506.0,0.0,0,Cash loans,M,N,Y,1,157500.0,656361.0,35734.5,522000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.020246,-10676,-2326,-1461.0,-3324,,1,1,0,1,1,1,Laborers,3.0,3,3,MONDAY,6,0,0,0,0,1,1,Business Entity Type 3,0.12400854908408933,0.06915081247166283,0.4722533429586386,0.0691,0.0692,0.9767,0.6804,0.0071,0.0,0.1379,0.1667,0.2083,0.0437,0.0538,0.0521,0.0116,0.0492,0.0704,0.0718,0.9767,0.6929,0.0072,0.0,0.1379,0.1667,0.2083,0.0446,0.0588,0.0543,0.0117,0.0521,0.0697,0.0692,0.9767,0.6847,0.0072,0.0,0.1379,0.1667,0.2083,0.0444,0.0547,0.053,0.0116,0.0503,reg oper account,block of flats,0.0517,Block,No,2.0,0.0,2.0,0.0,-378.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1162166,325023,Cash loans,24638.85,270000.0,351324.0,,270000.0,TUESDAY,14,Y,1,,,,XNA,Approved,-1116,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,high,Cash X-Sell: high,365243.0,-1086.0,-396.0,-396.0,-390.0,1.0,0,Cash loans,M,N,Y,1,225000.0,1350000.0,57199.5,1350000.0,Unaccompanied,State servant,Higher education,Married,Office apartment,0.030755,-13142,-5321,-5125.0,-4523,,1,1,0,1,0,0,,3.0,2,2,FRIDAY,13,0,0,0,0,0,0,Security Ministries,,0.7856237128756667,0.7295666907060153,0.1835,0.0,0.9861,0.8096,0.107,0.08,0.069,0.3333,0.375,0.1318,0.1471,0.0744,0.0116,0.0221,0.187,0.0,0.9861,0.8171,0.108,0.0806,0.069,0.3333,0.375,0.1348,0.1607,0.0775,0.0117,0.0234,0.1853,0.0,0.9861,0.8121,0.1077,0.08,0.069,0.3333,0.375,0.1341,0.1496,0.0757,0.0116,0.0226,reg oper account,block of flats,0.0897,"Stone, brick",No,0.0,0.0,0.0,0.0,-1550.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2051030,146136,Consumer loans,2258.505,17950.5,17748.0,1800.0,17950.5,WEDNESDAY,13,Y,1,0.1002846140967688,,,XAP,Approved,-1325,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,high,POS mobile with interest,365243.0,-1294.0,-964.0,-994.0,-985.0,0.0,0,Cash loans,F,Y,Y,0,243000.0,630000.0,34308.0,630000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.028663,-13320,-2370,-4826.0,-4564,7.0,1,1,0,1,0,0,Medicine staff,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,Hotel,0.6292113671517591,0.5441845825346238,0.375711009574066,0.1031,0.0454,0.9737,,,0.0,0.2069,0.1667,,0.0691,,0.0546,,0.13699999999999998,0.105,0.0471,0.9737,,,0.0,0.2069,0.1667,,0.0707,,0.0569,,0.145,0.1041,0.0454,0.9737,,,0.0,0.2069,0.1667,,0.0703,,0.0556,,0.1398,,block of flats,0.0728,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1645258,247665,Consumer loans,3840.885,20200.5,18837.0,2250.0,20200.5,SATURDAY,9,Y,1,0.11620688317231212,,,XAP,Approved,-1957,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,22,Connectivity,6.0,high,POS mobile with interest,365243.0,-1926.0,-1776.0,-1776.0,-1774.0,0.0,1,Cash loans,F,N,Y,0,67500.0,203760.0,11826.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.020713,-16489,-6214,-7670.0,-41,,1,1,1,1,0,0,Core staff,2.0,3,3,WEDNESDAY,12,0,0,0,0,0,0,Kindergarten,,0.15528670037450654,0.2405414172860865,0.0979,0.1318,0.9901,0.8640000000000001,0.0196,0.0,0.1724,0.1667,0.2083,0.0101,0.0799,0.108,0.0,0.0,0.0998,0.1368,0.9901,0.8693,0.0197,0.0,0.1724,0.1667,0.2083,0.0103,0.0872,0.1125,0.0,0.0,0.0989,0.1318,0.9901,0.8658,0.0197,0.0,0.1724,0.1667,0.2083,0.0103,0.0812,0.1099,0.0,0.0,reg oper account,block of flats,0.0956,Block,No,2.0,0.0,2.0,0.0,-1789.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2482409,324286,Cash loans,16099.065,180000.0,203760.0,,180000.0,TUESDAY,12,Y,1,,,,Other,Approved,-244,Cash through the bank,XAP,Family,Repeater,XNA,Cash,walk-in,Country-wide,20,Connectivity,24.0,high,Cash Street: high,365243.0,-214.0,476.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,81000.0,816660.0,23535.0,585000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-22852,365243,-9534.0,-4178,,1,0,0,1,0,0,,2.0,2,2,MONDAY,9,0,0,0,0,0,0,XNA,,0.2622583692422573,0.5549467685334323,0.0701,0.01,0.9871,0.8232,0.0079,0.0,0.1379,0.1667,0.2083,0.0568,0.0572,0.0454,0.0,0.0,0.0714,0.0104,0.9871,0.8301,0.008,0.0,0.1379,0.1667,0.2083,0.0581,0.0624,0.0473,0.0,0.0,0.0708,0.01,0.9871,0.8256,0.0079,0.0,0.1379,0.1667,0.2083,0.0578,0.0581,0.0462,0.0,0.0,not specified,block of flats,0.0527,Block,No,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1965122,303834,Cash loans,28595.88,225000.0,239850.0,,225000.0,THURSDAY,12,Y,1,,,,XNA,Refused,-1061,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Country-wide,30,Connectivity,12.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,180000.0,521280.0,41926.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.010006000000000001,-13238,-421,-760.0,-579,,1,1,1,1,0,0,Sales staff,1.0,2,2,MONDAY,12,0,0,0,0,0,0,Other,,0.09186980558063967,0.4794489811780563,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-270.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1821973,258097,Consumer loans,7744.095,38686.5,47425.5,0.0,38686.5,THURSDAY,13,Y,1,0.0,,,XAP,Approved,-266,Cash through the bank,XAP,Other_B,Repeater,Mobile,POS,XNA,Country-wide,41,Connectivity,8.0,high,POS mobile with interest,365243.0,-236.0,-26.0,-26.0,-18.0,1.0,0,Cash loans,M,Y,N,1,112500.0,1078200.0,31522.5,900000.0,Unaccompanied,Working,Lower secondary,Civil marriage,Office apartment,0.006305,-8539,-1030,-2680.0,-1211,18.0,1,1,0,1,0,0,Laborers,3.0,3,3,THURSDAY,11,0,0,0,1,1,0,Other,0.13737210914524367,0.5275816781146255,0.6279908192952864,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-480.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2010510,289143,Consumer loans,9617.31,51705.0,54436.5,0.0,51705.0,WEDNESDAY,11,Y,1,0.0,,,XAP,Approved,-609,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,150,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-577.0,-427.0,-427.0,-423.0,0.0,0,Cash loans,F,Y,Y,0,157500.0,1223010.0,48631.5,1125000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-13058,-2200,-3386.0,-3415,20.0,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,Business Entity Type 3,0.4881512531481558,0.5856994502149216,0.3740208032583212,0.0619,,0.9886,,,0.0,0.1379,0.1667,,,,0.064,,0.0203,0.063,,0.9886,,,0.0,0.1379,0.1667,,,,0.0667,,0.0215,0.0625,,0.9886,,,0.0,0.1379,0.1667,,,,0.0651,,0.0207,,block of flats,0.0548,Panel,No,1.0,0.0,1.0,0.0,-2244.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1840581,194442,Cash loans,32681.25,225000.0,275373.0,,225000.0,TUESDAY,16,Y,1,,,,Repairs,Approved,-751,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,F,Y,Y,1,247500.0,1125171.0,45958.5,1035000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.022625,-11674,-734,-1626.0,-2557,2.0,1,1,0,1,0,0,,3.0,2,2,THURSDAY,10,0,0,0,0,0,0,Trade: type 2,0.5633905399966991,0.08391413484073043,0.20092608771597092,0.1124,,0.9985,,,0.08,0.069,0.4167,,,,0.1377,,0.0493,0.1145,,0.9985,,,0.0806,0.069,0.4167,,,,0.1434,,0.0522,0.1135,,0.9985,,,0.08,0.069,0.4167,,,,0.1401,,0.0503,,block of flats,0.119,,No,1.0,0.0,1.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1197570,342313,Consumer loans,1860.93,17145.0,17145.0,0.0,17145.0,WEDNESDAY,15,Y,1,0.0,,,XAP,Approved,-13,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,12.0,middle,POS mobile with interest,365243.0,365243.0,347.0,365243.0,365243.0,0.0,0,Revolving loans,F,Y,Y,0,72000.0,225000.0,11250.0,225000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-15685,-2357,-2506.0,-5923,4.0,1,1,0,1,0,0,,2.0,2,2,TUESDAY,9,0,0,0,0,0,0,Industry: type 1,0.5794754321124648,0.3982545640049946,0.5298898341969072,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1689773,411153,Consumer loans,10968.39,58005.0,53793.0,6750.0,58005.0,TUESDAY,14,Y,1,0.12142384150708807,,,XAP,Refused,-1750,Cash through the bank,SCO,Unaccompanied,Repeater,Mobile,POS,XNA,Stone,143,Consumer electronics,6.0,high,POS household with interest,,,,,,,0,Cash loans,M,Y,N,0,180000.0,545040.0,26509.5,450000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,With parents,0.0031219999999999998,-9922,-1869,-4654.0,-2524,12.0,1,1,0,1,1,0,Core staff,1.0,3,3,MONDAY,9,0,0,0,0,0,0,Other,0.2710490073925217,0.6467585280704823,0.4740512892789932,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-1750.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2590496,222240,Cash loans,87936.615,900000.0,926136.0,,900000.0,TUESDAY,11,Y,1,,,,XNA,Refused,-198,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,30,Connectivity,12.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,225000.0,490495.5,30136.5,454500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018029,-15890,-1492,-9158.0,-4118,,1,1,0,1,0,0,Laborers,2.0,3,3,THURSDAY,7,0,0,0,1,1,1,Business Entity Type 3,,0.18253654764522945,0.6263042766749393,0.0082,0.0,0.9717,,,0.0,0.0345,0.0417,,,,0.0104,,0.0,0.0084,0.0,0.9717,,,0.0,0.0345,0.0417,,,,0.0108,,0.0,0.0083,0.0,0.9717,,,0.0,0.0345,0.0417,,,,0.0106,,0.0,,block of flats,0.0082,Wooden,No,10.0,0.0,10.0,0.0,-1482.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2238655,200250,Cash loans,36094.5,675000.0,675000.0,,675000.0,THURSDAY,13,Y,1,,,,XNA,Approved,-30,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,300,Consumer electronics,24.0,low_normal,Cash X-Sell: low,365243.0,365243.0,690.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,135000.0,450000.0,25128.0,450000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.04622,-19564,-801,-7730.0,-3020,11.0,1,1,1,1,1,0,Cooking staff,2.0,1,1,SATURDAY,15,0,0,0,0,0,0,Other,,0.7124818537105488,,0.0866,0.0308,0.9786,,,0.08,0.0345,0.4583,,0.0067,,0.07200000000000001,,0.0,0.0882,0.032,0.9786,,,0.0806,0.0345,0.4583,,0.0068,,0.075,,0.0,0.0874,0.0308,0.9786,,,0.08,0.0345,0.4583,,0.0068,,0.0733,,0.0,,block of flats,0.0566,Block,No,4.0,1.0,4.0,1.0,-2047.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1624863,106667,Consumer loans,16050.15,138591.0,87543.0,55440.0,138591.0,THURSDAY,18,Y,1,0.42228236923270596,,,XAP,Approved,-613,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Country-wide,1500,Consumer electronics,6.0,middle,POS household with interest,365243.0,-582.0,-432.0,-462.0,-456.0,0.0,0,Cash loans,M,Y,Y,0,360000.0,900000.0,38263.5,900000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.04622,-19395,365243,-2623.0,-261,2.0,1,0,0,1,1,0,,2.0,1,1,MONDAY,14,0,0,0,0,0,0,XNA,0.65604132036143,0.7207237943461339,0.6430255641096323,0.0825,0.0531,0.9955,0.9388,0.0671,0.16,0.069,0.375,0.4167,0.0701,0.0672,0.0888,0.0,0.0,0.084,0.0551,0.9955,0.9412,0.0677,0.1611,0.069,0.375,0.4167,0.0717,0.0735,0.0925,0.0,0.0,0.0833,0.0531,0.9955,0.9396,0.0675,0.16,0.069,0.375,0.4167,0.0713,0.0684,0.0904,0.0,0.0,reg oper account,block of flats,0.118,"Stone, brick",No,0.0,0.0,0.0,0.0,-822.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1234503,415569,Consumer loans,10177.2,49500.0,49500.0,0.0,49500.0,SUNDAY,13,Y,1,0.0,,,XAP,Approved,-1629,Cash through the bank,XAP,,New,Homewares,POS,XNA,Stone,225,Construction,6.0,high,POS industry with interest,365243.0,-1597.0,-1447.0,-1477.0,-1475.0,0.0,0,Cash loans,F,N,Y,0,157500.0,251280.0,13284.0,180000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-18723,-7397,-7093.0,-2272,,1,1,0,1,1,0,,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Business Entity Type 1,,0.6945793362900613,0.20208660168203949,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-462.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2777628,108102,Revolving loans,22500.0,0.0,450000.0,,,SUNDAY,9,Y,1,,,,XAP,Approved,-553,XNA,XAP,,Repeater,XNA,Cards,x-sell,Stone,450,Consumer electronics,0.0,XNA,Card X-Sell,-516.0,-487.0,365243.0,-272.0,365243.0,0.0,0,Cash loans,F,N,Y,0,76500.0,157500.0,7065.0,157500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.028663,-11356,-1179,-780.0,-2725,,1,1,1,1,1,0,,2.0,2,2,SUNDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.6341049406285558,0.6161216908872079,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1899514,447291,Consumer loans,35244.99,193995.0,193995.0,0.0,193995.0,WEDNESDAY,13,Y,1,0.0,,,XAP,Approved,-514,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Stone,100,Consumer electronics,6.0,middle,POS household with interest,365243.0,-468.0,-318.0,-378.0,-369.0,0.0,0,Cash loans,F,N,N,2,135000.0,679500.0,19867.5,679500.0,Family,State servant,Higher education,Married,House / apartment,0.072508,-12754,-1838,-747.0,-4401,,1,1,0,1,0,0,,4.0,1,1,FRIDAY,14,0,0,0,0,0,0,School,,0.7400354230865335,,0.2825,0.2199,0.996,,,0.48,0.1724,0.9167,,,,0.6293,,0.0914,0.2878,0.2282,0.996,,,0.4834,0.1724,0.9167,,,,0.6557,,0.0968,0.2852,0.2199,0.996,,,0.48,0.1724,0.9167,,,,0.6406,,0.0934,,block of flats,0.5149,Monolithic,No,2.0,0.0,2.0,0.0,-514.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1897078,213934,Consumer loans,3489.21,25510.5,17856.0,7654.5,25510.5,THURSDAY,8,Y,1,0.326784906749627,,,XAP,Approved,-665,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Regional / Local,340,Consumer electronics,6.0,middle,POS household with interest,365243.0,-634.0,-484.0,-484.0,-480.0,0.0,0,Cash loans,F,N,N,0,85500.0,540000.0,27571.5,540000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.015221,-18468,-446,-581.0,-2010,,1,1,1,1,1,0,Medicine staff,2.0,2,2,MONDAY,14,0,0,0,0,1,1,Government,,0.004960455746336629,0.34090642641523844,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1617.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +2453225,171387,Cash loans,21687.525,337500.0,368685.0,,337500.0,TUESDAY,10,Y,1,,,,XNA,Refused,-608,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Stone,600,Consumer electronics,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,Y,Y,0,216000.0,188685.0,17433.0,157500.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.002042,-17840,-1309,-160.0,-146,5.0,1,1,0,1,0,0,Managers,2.0,3,3,MONDAY,17,0,0,0,0,1,1,Self-employed,0.6176302122844177,0.42212001203378025,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1156816,277614,Consumer loans,5264.46,52650.0,47385.0,5265.0,52650.0,THURSDAY,13,Y,1,0.1089090909090909,,,XAP,Approved,-1216,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Stone,84,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1185.0,-915.0,-915.0,-912.0,0.0,0,Revolving loans,F,N,Y,0,180000.0,450000.0,22500.0,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.019688999999999998,-17005,-419,-10088.0,-557,,1,1,0,1,1,0,Accountants,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.8370444000358809,0.5653059573941309,0.3910549766342248,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2062.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,0.0,0.0,0.0,0.0,4.0 +2645895,326222,Cash loans,25113.96,360000.0,360000.0,0.0,360000.0,WEDNESDAY,13,Y,1,0.0,,,XNA,Refused,-2067,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash Street: high,,,,,,,0,Revolving loans,F,Y,N,0,225000.0,427500.0,21375.0,427500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.022625,-15754,-5455,-9684.0,-4486,7.0,1,1,1,1,1,1,,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.8598545418581648,0.6884592692166412,0.34578480246959553,0.1485,0.0,0.9806,0.7348,0.2163,0.16,0.1379,0.3333,0.375,0.0,0.121,0.1025,0.0,0.0012,0.1513,0.0,0.9806,0.7452,0.2183,0.1611,0.1379,0.3333,0.375,0.0,0.1322,0.1068,0.0,0.0013,0.1499,0.0,0.9806,0.7383,0.2177,0.16,0.1379,0.3333,0.375,0.0,0.1231,0.1043,0.0,0.0013,reg oper account,block of flats,0.1182,Panel,No,0.0,0.0,0.0,0.0,-2566.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2427101,454217,Cash loans,17351.01,90000.0,92970.0,,90000.0,SUNDAY,15,Y,1,,,,XNA,Approved,-1172,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-1142.0,-992.0,-1022.0,-1018.0,1.0,0,Cash loans,F,N,Y,0,202500.0,1024740.0,52452.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,Municipal apartment,0.02461,-18099,-6414,-2911.0,-1352,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,13,0,0,0,0,1,1,Hotel,0.8296976581752423,0.6307448190062717,0.0005272652387098817,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1757.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2836300,307383,Cash loans,21928.5,225000.0,283131.0,,225000.0,SATURDAY,16,Y,1,,,,XNA,Approved,-1022,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-992.0,-482.0,-482.0,-475.0,1.0,0,Cash loans,F,N,Y,0,225000.0,894766.5,29700.0,679500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.032561,-15692,-1223,-1696.0,-4404,,1,1,0,1,0,0,Managers,2.0,1,1,SATURDAY,15,0,0,0,0,0,0,Government,,0.6347338411808751,0.3979463219016906,0.3588,0.1574,0.9975,,,0.36,0.1552,0.625,,,,0.3553,,0.0058,0.2878,0.154,0.997,,,0.3222,0.1379,0.625,,,,0.2871,,0.0,0.3622,0.1574,0.9975,,,0.36,0.1552,0.625,,,,0.3617,,0.0059,,block of flats,0.2212,Panel,No,0.0,0.0,0.0,0.0,-1386.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +1559148,424484,Revolving loans,6750.0,135000.0,135000.0,,135000.0,FRIDAY,16,Y,1,,,,XAP,Refused,-115,XNA,HC,Unaccompanied,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),3,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,N,Y,3,90000.0,284256.0,30744.0,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.022625,-12673,-501,-3624.0,-1210,,1,1,0,1,0,0,,5.0,2,2,MONDAY,10,0,0,0,0,1,1,Industry: type 3,0.2712446623523851,0.1627932438801792,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-912.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2783675,123965,Cash loans,43270.155,337500.0,400554.0,,337500.0,WEDNESDAY,13,Y,1,,,,XNA,Approved,-771,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,middle,Cash Street: middle,365243.0,-741.0,-411.0,-411.0,-396.0,1.0,0,Cash loans,M,N,Y,0,270000.0,540000.0,40504.5,540000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-14735,-5081,-1522.0,-2281,,1,1,1,1,1,1,Sales staff,2.0,2,2,THURSDAY,14,0,0,0,0,1,1,Trade: type 7,,0.5541136472854437,0.12373532211307872,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1052.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +1686286,269361,Consumer loans,2007.72,15111.0,14719.5,1512.0,15111.0,TUESDAY,17,Y,1,0.10145121859011516,,,XAP,Approved,-2015,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,30,Connectivity,10.0,high,POS mobile with interest,365243.0,-1981.0,-1711.0,-1711.0,-1709.0,0.0,0,Cash loans,M,Y,Y,2,135000.0,945000.0,30613.5,945000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-12127,-4585,-5121.0,-3658,25.0,1,1,0,1,0,0,Laborers,4.0,2,2,MONDAY,13,0,0,0,0,0,0,Construction,0.17293573133276147,0.6535922610981744,0.43473324875017305,0.0928,0.1082,0.9816,,,,0.2069,0.1667,,0.0384,,0.0897,,,0.0945,0.1123,0.9816,,,,0.2069,0.1667,,0.0393,,0.0934,,,0.0937,0.1082,0.9816,,,,0.2069,0.1667,,0.0391,,0.0913,,,,block of flats,0.0705,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2483851,167877,Consumer loans,,69750.0,69750.0,,69750.0,SUNDAY,8,Y,1,,,,XAP,Refused,-1152,Cash through the bank,HC,Other_B,Repeater,Audio/Video,XNA,XNA,Stone,20,Consumer electronics,,XNA,POS household with interest,,,,,,,0,Cash loans,F,N,Y,1,90000.0,583425.0,31779.0,436500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.020246,-11947,-1927,-310.0,-219,,1,1,0,1,0,1,Sales staff,3.0,3,3,THURSDAY,10,0,0,0,0,1,1,Business Entity Type 3,0.3822874401636124,0.0338423203720764,,0.1495,0.0828,0.9762,0.6736,0.0386,0.0,0.069,0.1667,0.2083,0.0192,0.1202,0.0534,0.0077,0.023,0.1523,0.0859,0.9762,0.6864,0.039,0.0,0.069,0.1667,0.2083,0.0196,0.1313,0.0556,0.0078,0.0243,0.1509,0.0828,0.9762,0.6779999999999999,0.0389,0.0,0.069,0.1667,0.2083,0.0195,0.1223,0.0543,0.0078,0.0234,reg oper account,block of flats,0.0681,"Stone, brick",No,11.0,0.0,11.0,0.0,-216.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2499048,366043,Cash loans,15233.625,450000.0,553950.0,,450000.0,FRIDAY,12,Y,1,,,,Wedding / gift / holiday,Refused,-199,XNA,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),2,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,81000.0,942300.0,27679.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.005144,-17731,-10783,-4217.0,-1266,,1,1,1,1,1,0,Laborers,1.0,2,2,MONDAY,13,0,0,0,0,1,1,Business Entity Type 3,,0.2648175975199821,0.1595195404777181,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1231.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1233124,276618,Cash loans,21919.5,225000.0,225000.0,,225000.0,MONDAY,13,Y,1,,,,XNA,Approved,-315,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Stone,50,Furniture,12.0,low_normal,Cash X-Sell: low,365243.0,-285.0,45.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,112500.0,225000.0,23625.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,Rented apartment,0.01885,-14742,-1114,-6292.0,-4221,,1,1,1,1,1,0,High skill tech staff,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Self-employed,0.5683589309476994,0.6594798415350884,0.8095082892315094,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-314.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1817770,350047,Consumer loans,22578.3,215248.5,240340.5,0.0,215248.5,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-1077,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,4000,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-1046.0,-716.0,-746.0,-741.0,0.0,0,Cash loans,F,N,N,0,189000.0,472104.0,12451.5,373500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.014464,-17967,-5693,-6243.0,-1516,,1,1,0,1,1,0,Sales staff,2.0,2,2,FRIDAY,16,0,0,0,0,0,0,Self-employed,,0.4900971638671047,,,,0.9821,,,,,,,,,0.0634,,,,,0.9821,,,,,,,,,0.066,,,,,0.9821,,,,,,,,,0.0645,,,,,0.0535,,No,0.0,0.0,0.0,0.0,-2395.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +1011314,376265,Consumer loans,5226.345,27135.0,25632.0,2713.5,27135.0,SATURDAY,16,Y,1,0.1042581073474866,,,XAP,Approved,-2277,XNA,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,30,Connectivity,6.0,high,POS mobile with interest,365243.0,-2242.0,-2092.0,-2092.0,-2073.0,0.0,0,Cash loans,M,Y,N,2,225000.0,521280.0,26743.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,With parents,0.02461,-13852,-2350,-5529.0,-3265,5.0,1,1,0,1,0,0,Drivers,4.0,2,2,MONDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.3500185108542066,0.6587428487468535,0.7801436381572275,0.0371,0.0,0.9578,0.422,,0.0,0.1034,0.125,,0.0513,,0.0412,,0.0,0.0378,0.0,0.9578,0.4446,,0.0,0.1034,0.125,,0.0525,,0.0429,,0.0,0.0375,0.0,0.9578,0.4297,,0.0,0.1034,0.125,,0.0522,,0.042,,0.0,,block of flats,0.0356,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2828018,359842,Cash loans,24456.6,540000.0,540000.0,,540000.0,FRIDAY,11,Y,1,,,,XNA,Approved,-477,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Contact center,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-447.0,963.0,-327.0,-319.0,0.0,0,Cash loans,M,Y,N,1,135000.0,810000.0,23683.5,810000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.009549,-15486,-1781,-1067.0,-4213,12.0,1,1,1,1,1,0,Core staff,3.0,2,2,SATURDAY,12,0,0,0,0,1,1,Trade: type 2,,0.5942318217845904,0.6577838002083306,,,0.9806,,,,,,,,,,,,,,0.9806,,,,,,,,,,,,,,0.9806,,,,,,,,,,,,,,0.0059,,No,0.0,0.0,0.0,0.0,-1507.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1346127,147087,Cash loans,28357.92,675000.0,744498.0,,675000.0,TUESDAY,13,Y,1,,,,Repairs,Approved,-230,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Contact center,-1,XNA,36.0,low_normal,Cash Street: low,365243.0,-200.0,850.0,365243.0,365243.0,1.0,0,Revolving loans,F,N,Y,0,157500.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.0038179999999999998,-15533,-5038,-5148.0,-4209,,1,1,1,1,0,0,,2.0,2,2,SATURDAY,7,0,0,0,0,1,1,Business Entity Type 3,,0.6955063388320168,0.7032033049040319,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-842.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1548976,330548,Consumer loans,5756.4,33705.0,20205.0,13500.0,33705.0,SATURDAY,14,Y,1,0.4362179876198568,,,XAP,Refused,-2895,Cash through the bank,SCO,,Repeater,XNA,POS,XNA,Stone,32,Connectivity,4.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,0,117000.0,1065433.5,42255.0,913500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.035792000000000004,-21745,-642,-655.0,-4941,,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Kindergarten,,0.4382853193207264,0.4650692149562261,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-441.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2528431,124378,Consumer loans,8981.1,87030.0,96219.0,0.0,87030.0,MONDAY,12,Y,1,0.0,,,XAP,Approved,-851,XNA,XAP,Unaccompanied,New,Construction Materials,POS,XNA,Stone,68,Furniture,12.0,low_normal,POS industry with interest,365243.0,-819.0,-489.0,-639.0,-635.0,0.0,1,Cash loans,F,N,N,0,202500.0,450000.0,30442.5,450000.0,Unaccompanied,State servant,Secondary / secondary special,Civil marriage,House / apartment,0.007120000000000001,-11570,-814,-1106.0,-1829,,1,1,0,1,0,0,Core staff,2.0,2,2,WEDNESDAY,7,0,0,0,0,1,1,Government,,0.2653117484731741,0.0720131886405828,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-851.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2513058,320332,Cash loans,,0.0,0.0,,,WEDNESDAY,16,Y,1,,,,XNA,Refused,-121,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,1,Cash loans,F,N,Y,1,90000.0,269550.0,18364.5,225000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.009549,-10877,-2233,-3815.0,-1298,,1,1,0,1,0,0,Core staff,3.0,2,2,FRIDAY,18,0,0,0,0,0,0,School,0.20223482339470475,0.647547481044461,0.2910973802776635,0.0155,0.0169,0.9712,0.6056,0.0032,0.0,0.069,0.0833,0.125,0.0234,0.0109,0.0177,0.0077,0.0322,0.0158,0.0176,0.9712,0.621,0.0032,0.0,0.069,0.0833,0.125,0.0239,0.0119,0.0184,0.0078,0.034,0.0156,0.0169,0.9712,0.6109,0.0032,0.0,0.069,0.0833,0.125,0.0238,0.0111,0.018000000000000002,0.0078,0.0328,not specified,block of flats,0.0209,"Stone, brick",No,0.0,0.0,0.0,0.0,-740.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2730270,206363,Consumer loans,4706.955,36216.0,35284.5,3622.5,36216.0,FRIDAY,9,Y,1,0.10140159401089308,,,XAP,Approved,-2564,XNA,XAP,Children,Repeater,Consumer Electronics,POS,XNA,Stone,293,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-2533.0,-2263.0,-2263.0,-2254.0,1.0,0,Cash loans,M,N,Y,0,85500.0,711072.0,25668.0,540000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.007120000000000001,-18885,-4610,-4435.0,-1952,,1,1,0,1,0,0,Low-skill Laborers,2.0,2,2,SUNDAY,9,0,0,0,0,1,1,Other,,0.4359233326973387,0.5779691187553125,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,0.0,6.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1456667,184686,Revolving loans,22500.0,0.0,450000.0,,,SUNDAY,15,Y,1,,,,XAP,Approved,-831,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-739.0,-694.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,2,382500.0,1288350.0,37800.0,1125000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.009175,-14965,-2380,-1330.0,-1819,0.0,1,1,0,1,0,0,Core staff,4.0,2,2,FRIDAY,14,0,0,0,0,1,1,Business Entity Type 2,0.7587683851715659,0.6631238813971944,0.29859498978739724,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1017.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1557159,375714,Cash loans,11574.675,153000.0,173196.0,,153000.0,SATURDAY,14,Y,1,,,,XNA,Approved,-683,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-653.0,37.0,-620.0,-612.0,1.0,0,Cash loans,F,N,Y,0,180000.0,142632.0,11398.5,126000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.009175,-21788,365243,-3064.0,-4250,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,14,0,0,0,0,0,0,XNA,,0.5753799225262739,0.5779691187553125,0.1,0.018000000000000002,0.9771,0.6872,0.0072,0.0,0.0345,0.1667,0.2083,0.0088,0.0815,0.0361,0.0,0.0,0.1019,0.0187,0.9772,0.6994,0.0073,0.0,0.0345,0.1667,0.2083,0.009000000000000001,0.0891,0.0376,0.0,0.0,0.101,0.018000000000000002,0.9771,0.6914,0.0073,0.0,0.0345,0.1667,0.2083,0.0089,0.0829,0.0367,0.0,0.0,reg oper account,block of flats,0.0323,"Stone, brick",No,1.0,0.0,1.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2725847,416982,Consumer loans,31088.295,171933.3,161581.5,17196.3,171933.3,SATURDAY,12,Y,1,0.10475760413205662,,,XAP,Approved,-2894,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Country-wide,2844,Consumer electronics,6.0,high,POS household with interest,365243.0,-2863.0,-2713.0,-2713.0,-2704.0,1.0,0,Cash loans,F,Y,N,1,135000.0,900000.0,38133.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.018029,-15627,-1823,-469.0,-4772,3.0,1,1,0,1,1,0,,3.0,3,3,FRIDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.7490108859583846,0.5570616696727169,0.6785676886853644,0.0619,,0.9886,0.8436,,0.0,0.1034,0.1667,0.2083,0.0,0.0504,0.0682,0.0,0.0,0.063,,0.9886,0.8497,,0.0,0.1034,0.1667,0.2083,0.0,0.0551,0.0711,0.0,0.0,0.0625,,0.9886,0.8457,,0.0,0.1034,0.1667,0.2083,0.0,0.0513,0.0694,0.0,0.0,reg oper spec account,block of flats,0.0905,Panel,No,0.0,0.0,0.0,0.0,-2344.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +1180011,274322,Consumer loans,7983.63,40275.0,42403.5,0.0,40275.0,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-986,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,20,Furniture,6.0,middle,POS industry with interest,365243.0,-955.0,-805.0,-805.0,-796.0,0.0,0,Cash loans,F,N,Y,0,135000.0,630000.0,24412.5,630000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.019688999999999998,-12313,-220,-6352.0,-371,,1,1,0,1,1,0,Core staff,2.0,2,2,FRIDAY,7,0,0,0,0,0,0,School,0.4365302100163593,0.31513855038049776,0.2910973802776635,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-93.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1484163,162369,Cash loans,,0.0,0.0,,,SATURDAY,8,Y,1,,,,XNA,Refused,-185,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,N,0,157500.0,454500.0,13023.0,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.018209,-20449,365243,-6615.0,-3620,,1,0,0,1,1,0,,1.0,3,3,FRIDAY,7,0,0,0,0,0,0,XNA,0.6439703462318789,0.5363417412170787,0.21155076420525776,0.2598,0.1641,0.9856,0.8028,0.0601,0.28,0.2414,0.3333,0.375,0.17600000000000002,0.2085,0.2821,0.0154,0.0167,0.2647,0.1703,0.9856,0.8105,0.0606,0.282,0.2414,0.3333,0.375,0.18,0.2277,0.2939,0.0156,0.0177,0.2623,0.1641,0.9856,0.8054,0.0605,0.28,0.2414,0.3333,0.375,0.179,0.2121,0.2872,0.0155,0.0171,,block of flats,0.2255,Panel,No,0.0,0.0,0.0,0.0,-1891.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1324478,135789,Consumer loans,14180.445,134955.0,134284.5,13495.5,134955.0,SATURDAY,11,Y,1,0.09945747979182816,,,XAP,Approved,-824,XNA,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Stone,45,Connectivity,12.0,middle,POS mobile with interest,365243.0,-788.0,-458.0,-458.0,-445.0,0.0,0,Revolving loans,M,N,Y,0,202500.0,540000.0,27000.0,540000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,With parents,0.001276,-8018,-967,-4551.0,-692,,1,1,0,1,0,0,Sales staff,1.0,2,2,THURSDAY,6,0,0,0,0,0,0,Self-employed,0.20147860638010529,0.4755515714591422,,0.0366,0.0365,0.9846,0.762,0.0157,0.0,0.069,0.1667,0.2083,0.0572,0.0488,0.0167,0.0,0.0258,0.0315,0.0343,0.9826,0.7713,0.0159,0.0,0.069,0.1667,0.2083,0.0185,0.0533,0.0157,0.0,0.0,0.0312,0.0365,0.9841,0.7652,0.0158,0.0,0.069,0.1667,0.2083,0.0582,0.0496,0.017,0.0,0.0334,reg oper spec account,block of flats,0.0205,Panel,No,0.0,0.0,0.0,0.0,-335.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1314232,430252,Cash loans,13472.73,67500.0,69727.5,0.0,67500.0,FRIDAY,8,Y,1,0.0,,,XNA,Approved,-2343,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,6.0,high,Cash Street: high,365243.0,-2313.0,-2163.0,-2163.0,-2152.0,1.0,0,Cash loans,F,Y,Y,0,247500.0,1046142.0,33876.0,913500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-13315,-1405,-6869.0,-3430,3.0,1,1,0,1,0,0,Core staff,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Self-employed,0.4277907601931795,0.5637738533076135,0.722392890081304,0.0619,0.0507,0.9831,0.7688,0.0081,0.0,0.1379,0.1667,0.0417,0.0463,0.0504,0.0551,0.0,0.0,0.063,0.0526,0.9831,0.7779,0.0082,0.0,0.1379,0.1667,0.0417,0.0473,0.0551,0.0574,0.0,0.0,0.0625,0.0507,0.9831,0.7719,0.0082,0.0,0.1379,0.1667,0.0417,0.0471,0.0513,0.0561,0.0,0.0,reg oper account,block of flats,0.0565,Panel,No,6.0,3.0,6.0,1.0,-1923.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1305775,164235,Consumer loans,3206.025,27036.0,26739.0,2704.5,27036.0,SATURDAY,12,Y,1,0.10003723618579184,,,XAP,Approved,-2095,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,1700,Consumer electronics,12.0,high,POS household with interest,365243.0,-2064.0,-1734.0,-1734.0,-1730.0,0.0,0,Cash loans,F,N,Y,0,90000.0,317979.0,13599.0,274500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.00963,-20869,365243,-12878.0,-4291,,1,0,0,1,0,0,,2.0,2,2,MONDAY,11,0,0,0,0,0,0,XNA,,0.25149401562908474,0.5884877883422673,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,13.0,0.0,13.0,0.0,-501.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,6.0 +2379621,401865,Cash loans,38236.545,832500.0,917113.5,,832500.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-763,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,42.0,middle,Cash X-Sell: middle,365243.0,-733.0,497.0,-73.0,-66.0,1.0,0,Cash loans,F,N,N,0,283500.0,495000.0,21100.5,495000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.026392000000000002,-18704,-1224,-75.0,-2248,,1,1,0,1,0,0,Private service staff,1.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Other,0.2980984301893022,0.623031889186404,,0.0227,,0.9727,,,0.0,0.1034,0.1667,,0.0402,,0.0468,,0.0425,0.0231,,0.9727,,,0.0,0.1034,0.1667,,0.0412,,0.0487,,0.045,0.0229,,0.9727,,,0.0,0.1034,0.1667,,0.0409,,0.0476,,0.0434,,block of flats,0.046,"Stone, brick",No,0.0,0.0,0.0,0.0,-863.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2399054,188278,Consumer loans,2808.315,32800.5,19917.0,14400.0,32800.5,SUNDAY,14,Y,1,0.4570011682521516,,,XAP,Approved,-2108,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,38,Connectivity,10.0,high,POS mobile with interest,365243.0,-2077.0,-1807.0,-1987.0,-1982.0,0.0,0,Revolving loans,F,N,Y,0,135000.0,405000.0,20250.0,405000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-12676,-2895,-5487.0,-2238,,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,17,0,0,0,0,0,0,Self-employed,,0.6729290568468027,0.5334816299804352,0.1794,0.1455,0.9826,0.762,0.3357,0.2,0.1724,0.3333,,,0.1345,0.1669,0.0541,0.1742,0.1828,0.1509,0.9826,0.7713,0.3388,0.2014,0.1724,0.3333,,,0.1469,0.1739,0.0545,0.1845,0.1811,0.1455,0.9826,0.7652,0.3379,0.2,0.1724,0.3333,,,0.1368,0.1699,0.0543,0.1779,reg oper account,block of flats,0.1836,Block,No,0.0,0.0,0.0,0.0,-354.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1737604,319571,Cash loans,41562.18,1125000.0,1288350.0,,1125000.0,TUESDAY,14,Y,1,,,,Buying a home,Refused,-361,Cash through the bank,SCO,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,1,Cash loans,M,N,N,0,202500.0,450000.0,23562.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010966,-9152,-462,-2563.0,-1363,,1,1,1,1,0,0,Drivers,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,Self-employed,,0.4252062124984666,0.25946765482111994,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-361.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2221528,113371,Cash loans,33798.33,630000.0,705676.5,,630000.0,MONDAY,14,Y,1,,,,XNA,Approved,-949,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,42.0,middle,Cash X-Sell: middle,365243.0,-912.0,318.0,-312.0,-306.0,0.0,0,Cash loans,F,Y,Y,1,225000.0,291915.0,15052.5,252000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,With parents,0.0060079999999999995,-12897,-3243,-6917.0,-5202,22.0,1,1,0,1,0,0,,3.0,2,2,FRIDAY,14,0,0,0,0,0,0,Business Entity Type 1,0.5236242799845231,0.7073300682721548,0.6626377922738201,0.0619,0.0233,0.9786,0.7076,0.0067,0.0,0.1034,0.1667,0.2083,0.0089,0.0504,0.0515,0.0,0.0,0.063,0.0241,0.9786,0.7190000000000001,0.0067,0.0,0.1034,0.1667,0.2083,0.0091,0.0551,0.0537,0.0,0.0,0.0625,0.0233,0.9786,0.7115,0.0067,0.0,0.1034,0.1667,0.2083,0.0091,0.0513,0.0525,0.0,0.0,reg oper account,block of flats,0.0442,Panel,No,3.0,1.0,3.0,1.0,-1938.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +2260231,370485,Revolving loans,7875.0,0.0,157500.0,,,FRIDAY,10,Y,1,,,,XAP,Approved,-2772,XNA,XAP,,Repeater,XNA,Cards,x-sell,Stone,40,Consumer electronics,0.0,XNA,Card Street,-2769.0,-2725.0,365243.0,-959.0,365243.0,0.0,0,Cash loans,F,N,N,1,216000.0,781920.0,42417.0,675000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.011656999999999999,-14472,-1689,-736.0,-5980,,1,1,1,1,0,0,Medicine staff,3.0,1,1,WEDNESDAY,18,0,0,0,0,1,1,Medicine,0.4233414927220206,0.3954647071698216,0.18629294965553744,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1693.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1134752,296908,Consumer loans,12638.745,87210.0,78210.0,9000.0,87210.0,SUNDAY,13,Y,1,0.11239328267192043,,,XAP,Approved,-1916,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,25,Connectivity,8.0,high,POS mobile with interest,365243.0,-1882.0,-1672.0,-1672.0,-1664.0,0.0,1,Cash loans,F,N,Y,0,202500.0,848745.0,46174.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.04622,-16370,-1845,-6574.0,-4469,,1,1,0,1,0,0,Sales staff,2.0,1,1,FRIDAY,18,0,0,0,0,1,1,Self-employed,,0.3480269549622816,0.2225807646753351,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-842.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,3.0 +1110308,229192,Cash loans,6295.185,54000.0,57564.0,0.0,54000.0,MONDAY,18,Y,1,0.0,,,XNA,Approved,-2155,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-2125.0,-1795.0,-1855.0,-1848.0,1.0,0,Cash loans,F,Y,Y,0,180000.0,1078200.0,31653.0,900000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.010966,-11026,-1112,-9126.0,-3476,6.0,1,1,0,1,0,0,Core staff,1.0,2,2,SUNDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.5254606710192364,0.7444366381914633,0.5989262182569273,0.1845,0.1291,0.9876,,,0.2,0.1724,0.3333,,0.1093,,0.1821,,0.0,0.188,0.134,0.9876,,,0.2014,0.1724,0.3333,,0.1118,,0.1897,,0.0,0.1863,0.1291,0.9876,,,0.2,0.1724,0.3333,,0.1112,,0.1854,,0.0,,block of flats,0.1633,Block,No,0.0,0.0,0.0,0.0,-1851.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2096094,141708,Cash loans,9165.825,67500.0,81864.0,,67500.0,TUESDAY,8,Y,1,,,,XNA,Approved,-1422,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-1392.0,-1062.0,-1062.0,-1060.0,1.0,0,Cash loans,F,N,N,2,157500.0,450000.0,23692.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-12716,-4494,-5894.0,-4382,,1,1,0,1,0,0,Sales staff,4.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.3617331097783528,0.2622489709189549,0.0278,0.0495,0.9846,0.7892,0.0729,0.0,0.1034,0.0833,0.125,0.0143,0.0227,0.0157,0.0,0.0,0.0284,0.0514,0.9846,0.7975,0.0735,0.0,0.1034,0.0833,0.125,0.0146,0.0248,0.0164,0.0,0.0,0.0281,0.0495,0.9846,0.792,0.0733,0.0,0.1034,0.0833,0.125,0.0145,0.0231,0.016,0.0,0.0,reg oper account,block of flats,0.0313,"Stone, brick",No,9.0,0.0,9.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1336119,393777,Consumer loans,3313.845,21528.0,27252.0,0.0,21528.0,WEDNESDAY,4,Y,1,0.0,,,XAP,Approved,-1805,XNA,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Regional / Local,150,Consumer electronics,12.0,high,POS household with interest,365243.0,-1774.0,-1444.0,-1474.0,-1465.0,0.0,0,Cash loans,M,N,Y,0,90000.0,528633.0,21096.0,472500.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.014464,-22576,365243,-1075.0,-4669,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,3,0,0,0,0,0,0,XNA,,0.5363417412170787,,0.1299,0.0577,0.9851,0.7959999999999999,0.0261,0.04,0.0345,0.3333,0.375,0.0128,0.1059,0.0897,0.0,0.0,0.1324,0.0598,0.9851,0.804,0.0264,0.0403,0.0345,0.3333,0.375,0.0131,0.1157,0.0935,0.0,0.0,0.1312,0.0577,0.9851,0.7987,0.0263,0.04,0.0345,0.3333,0.375,0.013,0.1077,0.0914,0.0,0.0,reg oper account,block of flats,0.075,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1607457,416912,Consumer loans,10009.485,92475.0,90094.5,9247.5,92475.0,TUESDAY,14,Y,1,0.10138076726679733,,,XAP,Approved,-2404,XNA,XAP,,New,Consumer Electronics,POS,XNA,Stone,23,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2363.0,-2093.0,-2093.0,-2091.0,1.0,0,Cash loans,F,N,N,1,157500.0,231813.0,18333.0,193500.0,Unaccompanied,Working,Secondary / secondary special,Married,Rented apartment,0.011703,-13972,-379,-4691.0,-4722,,1,1,0,1,1,0,Medicine staff,3.0,2,2,FRIDAY,13,0,1,1,0,0,0,Government,,0.2858978721410488,0.5513812618027899,0.0371,0.0,0.9851,,,0.0,0.1034,0.0833,,,,0.0359,,0.0,0.0378,0.0,0.9851,,,0.0,0.1034,0.0833,,,,0.0374,,0.0,0.0375,0.0,0.9851,,,0.0,0.1034,0.0833,,,,0.0365,,0.0,,block of flats,0.0282,"Stone, brick",No,9.0,0.0,9.0,0.0,-1756.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1034007,435634,Consumer loans,14332.275,80100.0,80100.0,0.0,80100.0,TUESDAY,7,Y,1,0.0,,,XAP,Approved,-156,Cash through the bank,XAP,,Repeater,Auto Accessories,POS,XNA,Stone,67,Auto technology,6.0,low_normal,POS other with interest,365243.0,-118.0,32.0,365243.0,365243.0,0.0,0,Revolving loans,M,Y,N,1,225000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-10907,-2031,-351.0,-3446,18.0,1,1,0,1,1,0,Core staff,3.0,2,2,THURSDAY,13,0,0,0,0,0,0,Self-employed,,0.5709395772490264,0.33285056416487313,0.0557,0.0105,0.9771,0.6872,0.0066,0.04,0.0345,0.3333,0.375,0.0156,0.0403,0.04,0.0232,0.0185,0.0567,0.0109,0.9772,0.6994,0.0066,0.0403,0.0345,0.3333,0.375,0.0159,0.0441,0.0417,0.0233,0.0196,0.0562,0.0105,0.9771,0.6914,0.0066,0.04,0.0345,0.3333,0.375,0.0158,0.041,0.0407,0.0233,0.0189,reg oper account,block of flats,0.0355,"Stone, brick",No,0.0,0.0,0.0,0.0,-156.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2342451,215802,Cash loans,18720.855,315000.0,366142.5,,315000.0,MONDAY,11,Y,1,,,,XNA,Approved,-843,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-813.0,237.0,-693.0,-689.0,1.0,0,Cash loans,F,Y,Y,0,135000.0,523296.0,13932.0,414000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.006852,-22149,365243,-2303.0,-4815,14.0,1,0,0,1,0,0,,2.0,3,3,THURSDAY,8,0,0,0,1,0,0,XNA,,0.134170617963733,0.15380258630671767,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1004.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2453681,272927,Cash loans,9950.58,247500.0,301077.0,,247500.0,THURSDAY,9,Y,1,,,,XNA,Refused,-408,Cash through the bank,HC,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,2,112500.0,553581.0,43866.0,472500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.006852,-10287,-2406,-467.0,-1710,,1,1,0,1,0,0,Medicine staff,4.0,3,3,SATURDAY,10,0,0,0,0,0,0,Medicine,0.3486241378069156,0.13287780655245093,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1926.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1012602,437333,Revolving loans,22500.0,0.0,450000.0,,,WEDNESDAY,20,Y,1,,,,XAP,Approved,-1027,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,-233.0,0.0,0,Revolving loans,F,N,Y,0,112500.0,292500.0,14625.0,292500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007114,-17097,-1709,-7065.0,-640,,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,16,0,0,0,0,0,0,Self-employed,,0.6431682727235835,0.15855489979486306,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,14.0,0.0,14.0,0.0,-1331.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,9.0 +1301989,331980,Consumer loans,16745.985,443250.0,443250.0,0.0,443250.0,TUESDAY,17,Y,1,0.0,,,XAP,Approved,-272,Cash through the bank,XAP,Family,Repeater,Clothing and Accessories,POS,XNA,Stone,70,Clothing,36.0,low_normal,POS industry with interest,365243.0,-241.0,809.0,365243.0,365243.0,0.0,0,Revolving loans,F,Y,Y,0,180000.0,450000.0,22500.0,450000.0,Family,Working,Higher education,Married,House / apartment,0.015221,-15245,-2332,-5295.0,-4368,10.0,1,1,0,1,0,0,HR staff,2.0,2,2,MONDAY,8,0,0,0,0,0,0,Business Entity Type 2,0.649525956436769,0.5824589560845785,0.5370699579791587,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-88.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1778414,299699,Revolving loans,9000.0,0.0,90000.0,,,TUESDAY,16,Y,1,,,,XAP,Refused,-2162,XNA,LIMIT,,Repeater,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Revolving loans,M,Y,N,0,270000.0,450000.0,22500.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-12834,-3187,-3720.0,-4189,17.0,1,1,0,1,0,0,,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.5975072046843826,0.7490217048463391,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,0.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,8.0,0.0,0.0 +2011909,291931,Consumer loans,11429.325,121050.0,121050.0,0.0,121050.0,FRIDAY,9,Y,1,0.0,,,XAP,Approved,-315,Cash through the bank,XAP,,Refreshed,Consumer Electronics,POS,XNA,Regional / Local,50,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-283.0,47.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,112500.0,314100.0,16573.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.030755,-12242,-2059,-2187.0,-4090,,1,1,0,1,0,1,Core staff,2.0,2,2,FRIDAY,16,0,0,0,0,0,0,Kindergarten,,0.6406197867505978,0.501075160239048,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1429.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1464409,410415,Consumer loans,13325.4,125955.0,113359.5,12595.5,125955.0,THURSDAY,20,Y,1,0.1089090909090909,,,XAP,Approved,-506,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,200,Consumer electronics,10.0,middle,POS household with interest,365243.0,-475.0,-205.0,-235.0,-223.0,0.0,0,Cash loans,F,N,Y,1,270000.0,720000.0,28683.0,720000.0,"Spouse, partner",Commercial associate,Higher education,Married,House / apartment,0.030755,-18719,-3688,-3084.0,-2217,,1,1,0,1,0,0,Laborers,3.0,2,2,SATURDAY,13,0,0,0,1,1,0,Self-employed,,0.5321465608767117,0.475849908720221,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1684.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,1.0 +1732596,333914,Consumer loans,3846.87,26505.0,23805.0,2700.0,26505.0,SUNDAY,17,Y,1,0.11094304676647633,,,XAP,Approved,-1807,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,31,Connectivity,8.0,high,POS mobile with interest,365243.0,-1763.0,-1553.0,-1553.0,-1261.0,0.0,0,Cash loans,F,N,Y,1,144000.0,917172.0,29718.0,657000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-15154,-6042,-9293.0,-4660,,1,1,0,1,0,0,Laborers,3.0,1,1,MONDAY,10,0,0,0,0,1,1,Business Entity Type 2,,0.13772033155673127,0.7324033228040929,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-93.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1210275,193578,Consumer loans,25815.24,415818.0,484429.5,0.0,415818.0,SUNDAY,14,Y,1,0.0,,,XAP,Approved,-330,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Stone,20,Furniture,30.0,middle,POS industry with interest,365243.0,-297.0,573.0,-267.0,-260.0,0.0,0,Cash loans,F,N,Y,0,112500.0,545040.0,26640.0,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.025164,-9900,-1364,-4582.0,-818,,1,1,0,1,0,0,Accountants,2.0,2,2,MONDAY,11,0,0,0,0,0,0,Transport: type 4,0.28954457968696184,0.19892209544949288,0.05571142329500084,0.116,0.05,0.9881,0.8368,0.0395,0.0,0.2586,0.1667,0.2083,0.1067,0.0946,0.1042,0.0135,0.0112,0.0945,0.0,0.9876,0.8367,0.0388,0.0,0.2069,0.1667,0.2083,0.0906,0.0826,0.0857,0.0,0.0,0.1171,0.05,0.9881,0.8390000000000001,0.0398,0.0,0.2586,0.1667,0.2083,0.1085,0.0962,0.1061,0.0136,0.0115,reg oper account,block of flats,0.0869,"Stone, brick",No,4.0,1.0,4.0,1.0,-1671.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +1492247,358433,Cash loans,8981.82,45000.0,46485.0,0.0,45000.0,TUESDAY,11,Y,1,0.0,,,XNA,Approved,-2442,Cash through the bank,XAP,Other_B,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,6.0,high,Cash Street: high,365243.0,-2412.0,-2262.0,-2262.0,-2241.0,1.0,0,Cash loans,M,Y,Y,0,225000.0,450000.0,22018.5,450000.0,Family,Working,Secondary / secondary special,Single / not married,House / apartment,0.026392000000000002,-15369,-579,-2721.0,-898,3.0,1,1,0,1,0,0,Laborers,1.0,2,2,MONDAY,15,0,0,0,0,1,1,Business Entity Type 3,0.11415651536263186,0.2208605404830181,0.047600735169013066,0.0485,0.0473,0.993,,,0.0,0.069,0.2083,,0.0082,,0.0412,,0.0,0.0494,0.0491,0.993,,,0.0,0.069,0.2083,,0.0084,,0.0429,,0.0,0.0489,0.0473,0.993,,,0.0,0.069,0.2083,,0.0083,,0.042,,0.0,,block of flats,0.0324,"Stone, brick",No,3.0,1.0,3.0,1.0,-459.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,1.0,3.0 +2130952,345874,Cash loans,11223.765,135000.0,148365.0,,135000.0,MONDAY,12,Y,1,,,,XNA,Approved,-789,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-759.0,-249.0,-249.0,-244.0,1.0,0,Cash loans,F,N,Y,0,225000.0,697500.0,24840.0,697500.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.026392000000000002,-22675,365243,-9383.0,-4457,,1,0,0,1,1,0,,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,XNA,,0.6907294704228101,0.5602843280409464,0.0557,,0.9796,,,0.0,0.1379,0.1667,,,,0.053,,0.0497,0.0567,,0.9796,,,0.0,0.1379,0.1667,,,,0.0553,,0.0527,0.0562,,0.9796,,,0.0,0.1379,0.1667,,,,0.054000000000000006,,0.0508,,block of flats,0.0525,"Stone, brick",No,0.0,0.0,0.0,0.0,-3062.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,14.0,0.0,1.0 +1964001,172090,Consumer loans,5654.205,121963.5,121963.5,0.0,121963.5,TUESDAY,14,Y,1,0.0,,,XAP,Approved,-806,Cash through the bank,XAP,"Spouse, partner",Refreshed,Computers,POS,XNA,Country-wide,2711,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-775.0,-85.0,-85.0,-80.0,0.0,0,Cash loans,M,N,N,1,103500.0,531706.5,27279.0,459000.0,Unaccompanied,Working,Lower secondary,Married,With parents,0.01885,-14096,-212,-6648.0,-4094,,1,1,0,1,0,0,,3.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.5423397556233779,0.42589289800515295,0.3711,0.3091,0.9841,,,0.4,0.3448,0.3333,,0.266,,0.405,,,0.3782,0.3208,0.9841,,,0.4028,0.3448,0.3333,,0.272,,0.422,,,0.3747,0.3091,0.9841,,,0.4,0.3448,0.3333,,0.2706,,0.4123,,,,block of flats,0.3636,Panel,No,2.0,0.0,2.0,0.0,-806.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2079788,407483,Consumer loans,7164.675,38520.0,40554.0,0.0,38520.0,FRIDAY,14,Y,1,0.0,,,XAP,Approved,-525,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Regional / Local,150,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-494.0,-344.0,-344.0,-341.0,0.0,0,Revolving loans,F,N,Y,0,76500.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-7696,-604,-3018.0,-367,,1,1,0,1,0,0,Sales staff,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,Trade: type 3,0.3015071392507236,0.581139453813285,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-525.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1011722,323337,Consumer loans,4404.645,24385.5,21946.5,2439.0,24385.5,THURSDAY,8,Y,1,0.10892918854535387,,,XAP,Approved,-2866,Cash through the bank,XAP,Unaccompanied,New,Photo / Cinema Equipment,POS,XNA,Country-wide,30,Connectivity,6.0,low_normal,POS mobile with interest,365243.0,-2835.0,-2685.0,-2685.0,-2681.0,0.0,0,Cash loans,F,Y,Y,2,126000.0,225000.0,23755.5,225000.0,Family,Working,Higher education,Married,House / apartment,0.014464,-13827,-181,-5406.0,-5381,7.0,1,1,1,1,1,0,High skill tech staff,4.0,2,2,SUNDAY,7,0,0,0,0,0,0,Electricity,0.5471624238140617,0.3804188604518256,,0.1129,0.1328,0.9886,0.8436,0.0,0.0,0.3103,0.1667,0.2083,0.146,0.092,0.1174,0.0,0.0,0.0945,0.117,0.9876,0.8367,0.0,0.0,0.3103,0.1667,0.2083,0.1324,0.0826,0.1101,0.0,0.0,0.114,0.1328,0.9886,0.8457,0.0,0.0,0.3103,0.1667,0.2083,0.1485,0.0936,0.1196,0.0,0.0,reg oper account,block of flats,0.1018,"Stone, brick",No,0.0,0.0,0.0,0.0,-1984.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2270793,317240,Revolving loans,22500.0,0.0,450000.0,,,WEDNESDAY,14,Y,1,,,,XAP,Approved,-834,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,198000.0,1125864.0,37336.5,855000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-16491,-4906,-7261.0,-36,3.0,1,1,0,1,0,1,,2.0,2,2,THURSDAY,9,0,0,0,0,0,0,Other,0.6897258506850766,0.7680365788974214,0.20915469884100693,,,0.9791,,,,,,,,,0.0338,,,,,0.9791,,,,,,,,,0.0352,,,,,0.9791,,,,,,,,,0.0344,,,,,0.0547,,No,6.0,0.0,6.0,0.0,-1115.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2335049,338292,Consumer loans,2794.995,26190.0,20952.0,5238.0,26190.0,SATURDAY,14,Y,1,0.2178181818181818,,,XAP,Approved,-2873,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Stone,10,Connectivity,10.0,high,POS mobile with interest,365243.0,-2831.0,-2561.0,-2561.0,-2557.0,0.0,0,Cash loans,F,N,Y,0,135000.0,544491.0,16047.0,454500.0,Unaccompanied,Commercial associate,Higher education,Married,Municipal apartment,0.02461,-20291,-6088,-14333.0,-3821,,1,1,0,1,0,0,Cleaning staff,2.0,2,2,TUESDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.2476361968046723,0.7180328113294772,0.1227,0.1146,0.9791,,,0.0,0.2759,0.1667,,0.1289,,0.1138,,0.0,0.125,0.1189,0.9791,,,0.0,0.2759,0.1667,,0.1319,,0.1185,,0.0,0.1239,0.1146,0.9791,,,0.0,0.2759,0.1667,,0.1312,,0.1158,,0.0,,block of flats,0.0984,Panel,No,0.0,0.0,0.0,0.0,-1502.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,10.0,0.0,1.0 +2421400,268253,Consumer loans,58411.035,863023.5,827469.0,86305.5,863023.5,TUESDAY,5,Y,1,0.102864038616251,,,XAP,Approved,-631,Cash through the bank,XAP,Unaccompanied,New,Homewares,POS,XNA,Country-wide,119,Construction,17.0,low_normal,POS other with interest,365243.0,-570.0,-90.0,-120.0,-115.0,0.0,0,Cash loans,M,Y,Y,0,270000.0,1762110.0,48586.5,1575000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.006629,-20469,-5383,-7357.0,-4019,7.0,1,1,0,1,1,0,Managers,2.0,2,2,WEDNESDAY,7,0,0,0,0,0,0,Business Entity Type 3,0.8196360600158832,0.5860761467076419,0.5585066276769286,0.1649,0.1486,0.9871,0.8232,0.083,0.2,0.1724,0.375,0.0417,0.2183,0.1328,0.2121,0.0077,0.0111,0.1681,0.1542,0.9871,0.8301,0.0838,0.2014,0.1724,0.375,0.0417,0.2233,0.1451,0.221,0.0078,0.0118,0.1665,0.1486,0.9871,0.8256,0.0836,0.2,0.1724,0.375,0.0417,0.2221,0.1351,0.2159,0.0078,0.0114,reg oper account,block of flats,0.2138,Panel,No,2.0,0.0,2.0,0.0,-631.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1389351,326312,Consumer loans,3705.3,53955.0,65349.0,0.0,53955.0,SUNDAY,9,Y,1,0.0,,,XAP,Approved,-1087,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Stone,150,Consumer electronics,24.0,middle,POS household with interest,365243.0,-1056.0,-366.0,-486.0,-478.0,0.0,1,Cash loans,F,Y,Y,0,90000.0,552555.0,19845.0,477000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.006852,-15614,-863,-273.0,-3389,12.0,1,1,0,1,0,0,Medicine staff,2.0,3,3,TUESDAY,9,0,0,0,1,1,0,Medicine,,0.018591779952926626,0.6363761710860439,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-11.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2762677,143342,Consumer loans,5197.095,39505.5,38088.0,4500.0,39505.5,SATURDAY,16,Y,1,0.1150772304618458,,,XAP,Approved,-759,Cash through the bank,XAP,"Spouse, partner",New,Mobile,POS,XNA,Country-wide,39,Connectivity,10.0,high,POS mobile with interest,365243.0,-726.0,-456.0,-606.0,-597.0,0.0,0,Cash loans,F,Y,Y,1,67500.0,254700.0,17019.0,225000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.019101,-14312,-1202,-7260.0,-4133,1.0,1,1,0,1,0,0,Sales staff,3.0,2,2,TUESDAY,11,0,0,0,0,1,1,Trade: type 7,,0.6006218016700131,0.17982176508970435,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,10.0,0.0,10.0,0.0,-759.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2215172,112559,Consumer loans,4195.89,37656.0,41634.0,0.0,37656.0,MONDAY,12,Y,1,0.0,,,XAP,Refused,-784,Cash through the bank,LIMIT,,Repeater,Consumer Electronics,POS,XNA,Country-wide,4000,Consumer electronics,12.0,middle,POS household with interest,,,,,,,1,Cash loans,M,N,N,0,157500.0,270000.0,14778.0,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.014519999999999996,-11888,-295,-125.0,-4421,,1,1,0,1,0,0,Security staff,2.0,2,2,MONDAY,12,0,0,0,0,1,1,Business Entity Type 3,0.3243457303681797,0.5723371451025179,0.5656079814115492,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-818.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +2442228,257194,Cash loans,19404.585,180000.0,243945.0,,180000.0,THURSDAY,11,Y,1,,,,Repairs,Refused,-537,Cash through the bank,HC,,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),1,XNA,24.0,high,Cash Street: high,,,,,,,0,Cash loans,M,N,N,0,270000.0,360000.0,24354.0,360000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.035792000000000004,-11302,-1318,-2428.0,-2429,,1,1,1,1,0,0,High skill tech staff,1.0,2,2,SUNDAY,17,0,1,1,0,1,1,Business Entity Type 3,0.2503607435243884,0.6897101798211155,0.1674084472266241,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-537.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1339551,284950,Cash loans,27108.9,270000.0,270000.0,,270000.0,THURSDAY,12,Y,1,,,,XNA,Approved,-1093,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),20,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-1063.0,-733.0,-967.0,-964.0,0.0,0,Cash loans,M,N,Y,0,144000.0,302076.0,24349.5,270000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.030755,-23079,365243,-12519.0,-2971,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,XNA,,0.6711650824441279,0.6626377922738201,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1477.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1112544,380384,Consumer loans,4962.06,49860.0,44905.5,9000.0,49860.0,SUNDAY,15,Y,1,0.18183335989496768,,,XAP,Approved,-1243,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,high,POS mobile with interest,365243.0,-1209.0,-879.0,-1119.0,-1109.0,0.0,0,Cash loans,M,Y,Y,1,225000.0,284400.0,22599.0,225000.0,Family,Working,Higher education,Married,House / apartment,0.020713,-12056,-402,-4727.0,-3704,3.0,1,1,0,1,0,0,Laborers,3.0,3,2,THURSDAY,9,0,0,0,0,0,0,Business Entity Type 3,0.1332029502715486,0.3890423669901172,0.5370699579791587,0.0443,0.0393,0.993,0.9048,0.0113,0.04,0.0345,0.375,0.4167,0.0236,0.0361,0.0556,0.0,,0.0452,0.0407,0.993,0.9085,0.0114,0.0403,0.0345,0.375,0.4167,0.0242,0.0395,0.058,0.0,,0.0448,0.0393,0.993,0.9061,0.0114,0.04,0.0345,0.375,0.4167,0.024,0.0368,0.0566,0.0,,org spec account,block of flats,0.0555,"Stone, brick",No,0.0,0.0,0.0,0.0,-1633.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1699481,133774,Revolving loans,2250.0,45000.0,45000.0,,45000.0,WEDNESDAY,12,Y,1,,,,XAP,Refused,-452,XNA,HC,,Refreshed,XNA,Cards,walk-in,Country-wide,40,Connectivity,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,2,117000.0,545040.0,25537.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.007273999999999998,-11914,-935,-4954.0,-3700,,1,1,0,1,0,0,,3.0,2,2,SUNDAY,12,0,0,0,0,0,0,Housing,0.6355549183347812,0.6093747620789225,0.5549467685334323,,,0.9925,,,,,,,,,0.0803,,,,,0.9926,,,,,,,,,0.0837,,,,,0.9925,,,,,,,,,0.0817,,,,,0.0632,,No,0.0,0.0,0.0,0.0,-1813.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1641588,293988,Consumer loans,13419.405,118561.5,161469.0,6750.0,118561.5,MONDAY,16,Y,1,0.04370114931347608,,,XAP,Approved,-1853,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Stone,10,Consumer electronics,24.0,high,POS household with interest,365243.0,-1822.0,-1132.0,-1162.0,-1154.0,0.0,0,Cash loans,F,Y,Y,1,126000.0,452385.0,22131.0,373500.0,"Spouse, partner",Commercial associate,Higher education,Married,House / apartment,0.025164,-12566,-132,-1445.0,-4103,15.0,1,1,0,1,0,0,Laborers,3.0,2,2,SATURDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.4730419580609001,0.6265536696014592,0.7776594425716818,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1853.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,5.0 +2664233,173727,Consumer loans,10119.555,187191.0,187191.0,0.0,187191.0,SATURDAY,11,Y,1,0.0,,,XAP,Approved,-500,Cash through the bank,XAP,,New,Furniture,POS,XNA,Regional / Local,120,Furniture,20.0,low_action,POS industry without interest,365243.0,-467.0,103.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,202500.0,1476679.5,53172.0,1323000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.01885,-20960,-7841,-11613.0,-4200,10.0,1,1,0,1,0,0,,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Government,0.48059878793969707,0.6809961374744005,0.6195277080511546,0.0124,,0.9697,,,,0.069,0.0417,,,,,,,0.0126,,0.9697,,,,0.069,0.0417,,,,,,,0.0125,,0.9697,,,,0.069,0.0417,,,,,,,,block of flats,0.0097,"Stone, brick",No,0.0,0.0,0.0,0.0,-500.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2210817,336816,Revolving loans,38250.0,765000.0,765000.0,,765000.0,FRIDAY,18,Y,1,,,,XAP,Approved,-502,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-462.0,-422.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,81000.0,165960.0,8604.0,112500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-16516,-789,-742.0,-55,,1,1,0,1,0,0,Drivers,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,Transport: type 4,0.4478040977776206,0.6568082932114575,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,5.0,0.0,5.0,0.0,-1260.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1665460,145458,Cash loans,13072.185,90000.0,110146.5,,90000.0,THURSDAY,15,Y,1,,,,Urgent needs,Approved,-518,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-488.0,-158.0,-428.0,-417.0,1.0,0,Cash loans,M,Y,Y,0,216000.0,1078200.0,38331.0,900000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.006670999999999999,-13434,-601,-2702.0,-3879,8.0,1,1,0,1,0,0,Core staff,2.0,2,2,THURSDAY,19,0,0,0,0,0,0,Self-employed,,0.6827654604068754,0.7850520263728172,0.0619,0.0764,0.9851,0.7959999999999999,0.0386,0.0,0.1379,0.1667,0.2083,0.0547,0.0504,0.0226,0.0,0.1393,0.063,0.0792,0.9851,0.804,0.0389,0.0,0.1379,0.1667,0.2083,0.056,0.0551,0.0235,0.0,0.1474,0.0625,0.0764,0.9851,0.7987,0.0388,0.0,0.1379,0.1667,0.2083,0.0557,0.0513,0.023,0.0,0.1422,not specified,block of flats,0.048,"Stone, brick",No,2.0,0.0,2.0,0.0,-1453.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2594982,279177,Consumer loans,13835.79,107927.37,107923.5,3.87,107927.37,THURSDAY,16,Y,1,3.905202005924741e-05,,,XAP,Refused,-1409,Cash through the bank,HC,,Repeater,Computers,POS,XNA,Regional / Local,891,Consumer electronics,10.0,high,POS household with interest,,,,,,,0,Revolving loans,M,Y,N,2,238500.0,427500.0,21375.0,427500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.016612000000000002,-12929,-2356,-3463.0,-2040,64.0,1,1,1,1,1,0,,4.0,2,2,SATURDAY,14,0,0,0,0,0,0,Self-employed,,0.5172867815436667,0.6722428897082422,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1881.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1567402,349165,Cash loans,41728.41,1129500.0,1293502.5,,1129500.0,THURSDAY,14,Y,1,,,,XNA,Approved,-326,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-295.0,1475.0,365243.0,365243.0,0.0,1,Cash loans,F,N,Y,0,112500.0,244584.0,14170.5,193500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-23955,365243,-12943.0,-5044,,1,0,0,1,0,0,,2.0,2,2,MONDAY,11,0,0,0,0,0,0,XNA,,0.752362536397021,0.3077366963789207,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1941.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,3.0 +2775318,289934,Consumer loans,15018.885,91052.325,97056.0,3.825,91052.325,THURSDAY,11,Y,1,4.2919639791981154e-05,,,XAP,Approved,-1598,Cash through the bank,XAP,Unaccompanied,New,Construction Materials,POS,XNA,Stone,98,Construction,8.0,high,POS industry with interest,365243.0,-1567.0,-1357.0,-1387.0,-1378.0,0.0,1,Cash loans,F,N,Y,0,90000.0,269550.0,14751.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.008473999999999999,-18907,-2363,-152.0,-2439,,1,1,0,1,0,0,Sales staff,1.0,2,2,SATURDAY,17,0,0,0,0,0,0,Self-employed,0.733764333394372,0.1504446621990876,0.6363761710860439,0.0165,,0.9737,,,0.0,0.069,0.0417,,,,0.0083,,,0.0168,,0.9737,,,0.0,0.069,0.0417,,,,0.0087,,,0.0167,,0.9737,,,0.0,0.069,0.0417,,,,0.0085,,,,block of flats,0.0097,"Stone, brick",No,0.0,0.0,0.0,0.0,-278.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2604549,127836,Cash loans,16027.965,225000.0,343800.0,,225000.0,SUNDAY,10,Y,1,,,,XNA,Refused,-106,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,N,1,207000.0,474048.0,25843.5,360000.0,Unaccompanied,State servant,Higher education,Civil marriage,House / apartment,0.018029,-11171,-1791,-504.0,-2625,,1,1,0,1,0,0,Core staff,3.0,3,3,MONDAY,6,0,0,0,0,1,1,Kindergarten,,0.2194751219107272,0.3046721837533529,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-583.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1587821,264612,Cash loans,,0.0,0.0,,,TUESDAY,15,Y,1,,,,XNA,Refused,-127,XNA,HC,,Repeater,XNA,XNA,XNA,Contact center,-1,XNA,,XNA,Cash,,,,,,,1,Cash loans,M,N,N,0,270000.0,450000.0,22018.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Separated,With parents,0.022625,-12050,-878,-5982.0,-2526,,1,1,0,1,1,0,Laborers,1.0,2,2,MONDAY,10,0,0,0,1,1,0,Business Entity Type 3,0.425591631030385,0.3672136252062367,0.030753081174929562,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-418.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +1763172,308959,Cash loans,32832.0,675000.0,675000.0,,675000.0,TUESDAY,17,Y,1,,,,Other,Refused,-372,XNA,HC,,Repeater,XNA,Cash,walk-in,Contact center,-1,XNA,48.0,middle,Cash Street: middle,,,,,,,1,Cash loans,F,N,Y,0,270000.0,450000.0,21888.0,450000.0,Unaccompanied,Working,Incomplete higher,Civil marriage,House / apartment,0.020246,-11281,-2165,-11226.0,-3683,,1,1,0,1,1,0,Sales staff,2.0,3,3,WEDNESDAY,5,0,0,0,0,1,1,Security,0.27827064645235505,0.44374615690520336,0.10753217580247099,0.1227,0.1523,0.9841,0.7824,0.1154,0.0,0.2759,0.1667,0.2083,0.1043,0.0967,0.1208,0.0154,0.0207,0.125,0.1581,0.9841,0.7909,0.1164,0.0,0.2759,0.1667,0.2083,0.1066,0.1056,0.1258,0.0156,0.0219,0.1239,0.1523,0.9841,0.7853,0.1161,0.0,0.2759,0.1667,0.2083,0.1061,0.0983,0.1229,0.0155,0.0211,reg oper account,block of flats,0.0995,Panel,No,1.0,0.0,1.0,0.0,-1242.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2654292,123175,Cash loans,26447.58,904500.0,904500.0,,904500.0,FRIDAY,8,Y,1,,,,XNA,Refused,-128,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,126000.0,433458.0,23643.0,310500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018029,-13543,-6039,-116.0,-1789,,1,1,0,1,0,0,Core staff,2.0,3,2,SUNDAY,7,0,0,0,0,0,0,School,0.3802272245313712,0.218887559534751,0.21885908222837447,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,2.0,7.0,1.0,-831.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2358875,114742,Cash loans,35571.33,1129500.0,1293502.5,,1129500.0,WEDNESDAY,11,Y,1,,,,XNA,Refused,-338,XNA,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,Y,N,0,256500.0,450000.0,47254.5,450000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.010556,-21913,365243,-7219.0,-4280,9.0,1,0,0,1,1,0,,2.0,3,3,THURSDAY,18,0,0,0,0,0,0,XNA,,0.5865110793273655,0.6023863442690867,0.2505,0.1826,0.9896,0.8572,0.1068,0.28,0.2414,0.3333,0.375,0.2259,0.2042,0.2674,0.0,0.0,0.2553,0.1895,0.9896,0.8628,0.1078,0.282,0.2414,0.3333,0.375,0.231,0.2231,0.2786,0.0,0.0,0.2529,0.1826,0.9896,0.8591,0.1075,0.28,0.2414,0.3333,0.375,0.2298,0.2078,0.2722,0.0,0.0,reg oper account,block of flats,0.2687,Panel,No,1.0,1.0,1.0,1.0,-766.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1362702,356518,Consumer loans,17815.95,197955.0,178159.5,19795.5,197955.0,SUNDAY,19,Y,1,0.1089090909090909,,,XAP,Approved,-834,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Regional / Local,600,Consumer electronics,12.0,middle,POS household with interest,365243.0,-803.0,-473.0,-473.0,-449.0,0.0,0,Cash loans,F,N,Y,0,135000.0,545040.0,26640.0,450000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.019101,-11014,-98,-4888.0,-1473,,1,1,0,1,0,0,High skill tech staff,1.0,2,2,MONDAY,17,0,0,0,0,1,1,Advertising,,0.6907761825000313,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-834.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2201921,145672,Cash loans,,0.0,0.0,,,SATURDAY,9,Y,1,,,,XNA,Refused,-399,XNA,SCOFR,,Repeater,XNA,XNA,XNA,Contact center,-1,XNA,,XNA,Cash,,,,,,,1,Cash loans,M,N,Y,1,180000.0,237582.0,21789.0,184500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-9299,-441,-562.0,-1866,,1,1,1,1,0,0,Laborers,3.0,2,2,SATURDAY,13,0,0,0,0,0,0,Industry: type 5,0.031078876425498995,0.463531495951355,0.20442262537632874,0.2227,0.055,0.9836,0.7756,0.163,0.04,0.0345,0.3333,0.375,0.0282,0.1816,0.0617,0.0,0.0592,0.2269,0.0571,0.9836,0.7844,0.1645,0.0403,0.0345,0.3333,0.375,0.0289,0.1983,0.0643,0.0,0.0626,0.2248,0.055,0.9836,0.7786,0.16399999999999998,0.04,0.0345,0.3333,0.375,0.0287,0.1847,0.0628,0.0,0.0604,reg oper account,block of flats,0.0891,"Stone, brick",No,0.0,0.0,0.0,0.0,-233.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1663516,373855,Cash loans,,0.0,0.0,,,SUNDAY,8,Y,1,,,,XNA,Refused,-341,XNA,HC,,Repeater,XNA,XNA,XNA,Contact center,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,Y,Y,1,90000.0,364896.0,18630.0,315000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-10383,-229,-4700.0,-2387,5.0,1,1,0,1,1,0,Sales staff,3.0,2,2,FRIDAY,9,0,0,0,0,0,0,Business Entity Type 3,,0.5628809065669294,0.3740208032583212,0.0619,0.0542,0.9796,0.7212,0.0248,0.0,0.1379,0.1667,0.2083,0.0289,0.0504,0.0516,0.0,0.0,0.063,0.0563,0.9796,0.7321,0.0251,0.0,0.1379,0.1667,0.2083,0.0295,0.0551,0.0538,0.0,0.0,0.0625,0.0542,0.9796,0.7249,0.025,0.0,0.1379,0.1667,0.2083,0.0294,0.0513,0.0525,0.0,0.0,reg oper account,block of flats,0.0542,Panel,No,0.0,0.0,0.0,0.0,-700.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,7.0 +2489430,304426,Cash loans,43154.775,454500.0,454500.0,,454500.0,WEDNESDAY,15,Y,1,,,,XNA,Refused,-290,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,12.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,306000.0,1293502.5,35698.5,1129500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.04622,-21554,-825,-2695.0,-4900,,1,1,0,1,0,0,Medicine staff,1.0,1,1,SATURDAY,13,0,0,0,0,1,1,Medicine,,0.6321544832817135,0.363945238612397,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2255.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2299302,359670,Cash loans,18992.16,396000.0,396000.0,0.0,396000.0,WEDNESDAY,12,Y,1,0.0,,,XNA,Approved,-2333,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,42.0,middle,Cash Street: middle,365243.0,-2303.0,-1073.0,-1073.0,-1069.0,0.0,0,Cash loans,M,Y,Y,0,180000.0,302341.5,13446.0,261000.0,"Spouse, partner",Working,Higher education,Civil marriage,House / apartment,0.00733,-23204,-4474,-8628.0,-4330,8.0,1,1,1,1,1,0,Security staff,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.7665019845236577,0.6161216908872079,0.0082,0.0,0.9737,,0.0007,0.0,0.0345,0.0417,,0.0195,,0.0056,,0.0,0.0084,0.0,0.9737,,0.0007,0.0,0.0345,0.0417,,0.0199,,0.0058,,0.0,0.0083,0.0,0.9737,,0.0007,0.0,0.0345,0.0417,,0.0198,,0.0057,,0.0,,block of flats,0.0044,"Stone, brick",No,0.0,0.0,0.0,0.0,-1445.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1067303,267030,Cash loans,20640.915,157500.0,190458.0,,157500.0,FRIDAY,10,Y,1,,,,XNA,Approved,-1029,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-999.0,-669.0,-669.0,-663.0,1.0,0,Cash loans,F,N,Y,0,67500.0,552555.0,19975.5,477000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.025164,-23010,365243,-2962.0,-4930,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,9,0,0,0,0,0,0,XNA,,0.16723723628491574,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1927.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1840829,156167,Cash loans,32666.4,585000.0,585000.0,,585000.0,FRIDAY,11,Y,1,,,,XNA,Approved,-445,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,1590,Consumer electronics,24.0,low_normal,Cash X-Sell: low,365243.0,-415.0,275.0,-115.0,-107.0,0.0,0,Cash loans,F,N,N,0,135000.0,690048.0,22387.5,576000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.007120000000000001,-19604,365243,-10078.0,-3133,,1,0,0,1,0,0,,1.0,2,2,MONDAY,10,0,0,0,0,0,0,XNA,,0.6629968592992738,0.5867400085415683,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1531.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +1960022,228468,Cash loans,17626.05,270000.0,299223.0,,270000.0,WEDNESDAY,12,Y,1,,,,XNA,Approved,-770,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,365243.0,-740.0,-50.0,-200.0,-192.0,1.0,0,Cash loans,F,N,N,0,90000.0,384048.0,18810.0,270000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010147,-21115,365243,-3940.0,-2317,,1,0,0,1,1,1,,2.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,XNA,,0.2594209415185879,0.326475210066026,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1453.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1790030,239762,Cash loans,14062.545,310500.0,310500.0,,310500.0,MONDAY,12,Y,1,,,,XNA,Approved,-682,XNA,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Contact center,-1,XNA,48.0,middle,Cash X-Sell: middle,365243.0,-652.0,758.0,-622.0,-613.0,0.0,0,Cash loans,F,N,Y,0,45000.0,328500.0,16105.5,328500.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.018209,-15080,-7426,-9232.0,-3690,,1,1,0,1,0,0,Laborers,2.0,3,3,THURSDAY,14,0,0,0,0,0,0,Industry: type 11,0.6262574970119927,0.3599628554030838,0.8633633824101478,0.0866,0.1746,0.9637,0.5036,0.0174,0.0,0.3448,0.125,0.0417,0.1166,0.0681,0.0965,0.0116,0.0512,0.0882,0.1812,0.9638,0.523,0.0175,0.0,0.3448,0.125,0.0417,0.1192,0.0744,0.1006,0.0117,0.0542,0.0874,0.1746,0.9637,0.5102,0.0175,0.0,0.3448,0.125,0.0417,0.1186,0.0693,0.0983,0.0116,0.0522,reg oper account,block of flats,0.0965,"Stone, brick",No,2.0,1.0,2.0,1.0,-2732.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1749797,284418,Consumer loans,16171.65,179685.0,161716.5,17968.5,179685.0,FRIDAY,15,Y,1,0.1089090909090909,,,XAP,Approved,-714,XNA,XAP,Unaccompanied,Refreshed,Consumer Electronics,POS,XNA,Stone,30,Consumer electronics,12.0,middle,POS household with interest,365243.0,-678.0,-348.0,-348.0,-341.0,0.0,0,Cash loans,F,N,N,0,112500.0,178290.0,17496.0,157500.0,Unaccompanied,Pensioner,Higher education,Single / not married,House / apartment,0.019101,-24473,365243,-2571.0,-4769,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,15,0,0,0,0,0,0,XNA,,0.33175016802953683,0.838724852442103,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-130.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1302206,221471,Consumer loans,6741.855,40455.0,38025.0,2430.0,40455.0,MONDAY,12,Y,1,0.06541814136919807,,,XAP,Approved,-2837,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Stone,400,Consumer electronics,6.0,low_normal,POS household without interest,365243.0,-2803.0,-2653.0,-2653.0,-2572.0,0.0,1,Cash loans,F,N,N,0,72000.0,808650.0,26086.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.009175,-20393,365243,-428.0,-3854,,1,0,0,1,0,0,,1.0,2,2,MONDAY,15,0,0,0,0,0,0,XNA,0.7108690166651093,0.5312154751478751,0.5298898341969072,0.0454,0.0,0.9846,0.7892,0.0103,0.0,0.069,0.0417,0.0417,0.0,0.037000000000000005,0.0186,0.0,0.0,0.0462,0.0,0.9846,0.7975,0.0104,0.0,0.069,0.0417,0.0417,0.0,0.0404,0.0194,0.0,0.0,0.0458,0.0,0.9846,0.792,0.0103,0.0,0.069,0.0417,0.0417,0.0,0.0376,0.0189,0.0,0.0,reg oper account,specific housing,0.0202,"Stone, brick",Yes,0.0,0.0,0.0,0.0,-2221.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1447748,268300,Cash loans,11490.885,135000.0,148365.0,,135000.0,SUNDAY,10,Y,1,,,,XNA,Refused,-411,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,202500.0,669600.0,26685.0,598500.0,Unaccompanied,Pensioner,Lower secondary,Widow,House / apartment,0.02461,-23278,365243,-3787.0,-4719,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,12,0,0,0,0,0,0,XNA,,0.5849723021444853,0.511891801533151,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-320.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,7.0 +1880437,191747,Cash loans,24620.625,292500.0,316246.5,,292500.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-1410,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-1380.0,-870.0,-870.0,-867.0,1.0,0,Cash loans,F,N,N,1,342000.0,521280.0,44725.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.010147,-14689,-998,-5401.0,-4512,,1,1,0,1,0,0,Sales staff,3.0,2,2,SATURDAY,12,0,1,1,0,0,0,Business Entity Type 3,0.5617960865961911,0.598852767146557,0.3185955240537633,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1655.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2707071,132137,Cash loans,13914.54,193500.0,295668.0,,193500.0,TUESDAY,2,Y,1,,,,XNA,Approved,-140,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,N,N,0,90000.0,152820.0,16587.0,135000.0,Unaccompanied,Working,Lower secondary,Single / not married,With parents,0.010032,-12846,-938,-5278.0,-3100,,1,1,1,1,0,0,Laborers,1.0,2,2,TUESDAY,6,0,0,0,0,0,0,Business Entity Type 3,,0.31989138767664765,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-602.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,11.0 +1613891,113179,Cash loans,24172.65,229500.0,241920.0,,229500.0,TUESDAY,15,Y,1,,,,XNA,Approved,-488,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-458.0,-128.0,-308.0,-301.0,1.0,0,Revolving loans,F,Y,Y,0,360000.0,585000.0,29250.0,585000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.031329,-20061,-538,-4296.0,-814,3.0,1,1,0,1,0,0,Core staff,2.0,2,2,SUNDAY,11,0,0,0,0,1,1,Medicine,,0.6841988631039662,0.3706496323299817,0.0784,0.1035,0.9737,,,0.0,0.1724,0.125,,0.0,,0.0647,,0.0272,0.0798,0.1075,0.9737,,,0.0,0.1724,0.125,,0.0,,0.0674,,0.0288,0.0791,0.1035,0.9737,,,0.0,0.1724,0.125,,0.0,,0.0659,,0.0278,,block of flats,0.0568,"Stone, brick",No,0.0,0.0,0.0,0.0,-488.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2496688,112534,Cash loans,9707.85,94500.0,119448.0,0.0,94500.0,MONDAY,14,Y,1,0.0,,,Repairs,Approved,-1676,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,18.0,high,Cash Street: high,365243.0,-1646.0,-1136.0,-1166.0,-1160.0,1.0,0,Cash loans,M,Y,N,0,180000.0,269550.0,21739.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.019688999999999998,-10388,-1726,-4385.0,-2845,8.0,1,1,0,1,0,1,Managers,1.0,2,2,FRIDAY,14,0,0,0,0,1,1,Construction,0.5448310167841331,0.388720159924452,0.6109913280868294,0.0619,0.0491,0.9901,0.8640000000000001,0.0168,0.0,0.1379,0.1667,0.2083,0.0085,0.0504,0.0418,0.0,0.0,0.063,0.0509,0.9901,0.8693,0.017,0.0,0.1379,0.1667,0.2083,0.0087,0.0551,0.0435,0.0,0.0,0.0625,0.0491,0.9901,0.8658,0.0169,0.0,0.1379,0.1667,0.2083,0.0087,0.0513,0.0425,0.0,0.0,reg oper account,block of flats,0.0421,"Stone, brick",No,8.0,0.0,8.0,0.0,-946.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1290096,353170,Revolving loans,6750.0,0.0,135000.0,,,TUESDAY,11,Y,1,,,,XAP,Approved,-2819,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,31,Connectivity,0.0,XNA,Card Street,-2815.0,-2761.0,365243.0,-416.0,365243.0,1.0,0,Cash loans,M,Y,Y,0,135000.0,702000.0,29871.0,702000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.030755,-17791,-3521,-2438.0,-1341,6.0,1,1,0,1,0,0,Drivers,2.0,2,2,SUNDAY,11,0,0,0,0,1,1,Transport: type 4,,0.6960016351232778,0.7517237147741489,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,1.0,6.0,0.0,-1626.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2080084,304726,Cash loans,22803.66,202500.0,229230.0,,202500.0,MONDAY,6,Y,1,,,,XNA,Approved,-132,Cash through the bank,XAP,"Spouse, partner",Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-102.0,228.0,-102.0,-98.0,1.0,0,Cash loans,F,Y,N,1,126000.0,1078200.0,31653.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.002134,-11418,-1853,-928.0,-890,7.0,1,1,0,1,0,0,Sales staff,3.0,3,3,SUNDAY,6,0,0,0,0,0,0,Self-employed,0.5262342651391575,0.5762665573630268,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,1.0,4.0,1.0,-132.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2084619,454197,Cash loans,8496.9,58500.0,71595.0,,58500.0,TUESDAY,12,Y,1,,,,Repairs,Refused,-360,Cash through the bank,LIMIT,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,2,81000.0,547344.0,23139.0,472500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-14705,-2084,-1718.0,-3206,,1,1,0,1,0,0,,4.0,2,2,FRIDAY,8,0,0,0,0,0,0,Housing,,0.6796359528367194,,0.0722,0.0676,0.9801,0.728,0.0077,0.0,0.1379,0.1667,0.2083,0.0584,0.0588,0.0663,0.0,0.0,0.0735,0.0702,0.9801,0.7387,0.0078,0.0,0.1379,0.1667,0.2083,0.0597,0.0643,0.0691,0.0,0.0,0.0729,0.0676,0.9801,0.7316,0.0078,0.0,0.1379,0.1667,0.2083,0.0594,0.0599,0.0675,0.0,0.0,reg oper account,block of flats,0.0564,Mixed,No,0.0,0.0,0.0,0.0,-521.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2385789,279401,Consumer loans,3769.29,14949.0,17698.5,0.0,14949.0,MONDAY,13,Y,1,0.0,,,XAP,Approved,-1264,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Regional / Local,46,Connectivity,6.0,high,POS other with interest,365243.0,-1233.0,-1083.0,-1083.0,-1076.0,0.0,0,Revolving loans,F,Y,Y,3,135000.0,180000.0,9000.0,180000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.007114,-14864,-7034,-2619.0,-1505,9.0,1,1,0,1,1,1,,5.0,2,2,FRIDAY,18,0,0,0,0,0,0,Other,0.7658077315643158,0.3947591542185754,0.41534714488434,0.0918,0.0946,0.9796,0.7212,0.0122,0.0,0.2069,0.1667,0.2083,,0.0723,0.0807,0.0077,0.0153,0.0935,0.0982,0.9796,0.7321,0.0123,0.0,0.2069,0.1667,0.2083,,0.079,0.0841,0.0078,0.0162,0.0926,0.0946,0.9796,0.7249,0.0123,0.0,0.2069,0.1667,0.2083,,0.0735,0.0822,0.0078,0.0156,reg oper account,block of flats,0.0735,Panel,No,4.0,0.0,4.0,0.0,-1264.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,5.0,2.0,3.0 +2172977,410557,Revolving loans,14625.0,0.0,292500.0,,,THURSDAY,10,Y,1,,,,XAP,Approved,-578,XNA,XAP,,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),2,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,Y,Y,1,67500.0,714154.5,25780.5,616500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0038130000000000004,-10585,-2446,-1319.0,-2075,11.0,1,1,1,1,0,0,Medicine staff,3.0,2,2,MONDAY,7,0,0,0,0,0,0,Medicine,,0.4445505602983459,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-910.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2101037,401576,Consumer loans,9152.46,98055.0,98055.0,0.0,98055.0,TUESDAY,17,Y,1,0.0,,,XAP,Approved,-794,XNA,XAP,,Repeater,Audio/Video,POS,XNA,Stone,125,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-739.0,-409.0,-409.0,-404.0,0.0,0,Cash loans,M,N,Y,0,90000.0,135000.0,13833.0,135000.0,Family,Working,Higher education,Married,House / apartment,0.010147,-17343,-3539,-4854.0,-855,,1,1,1,1,0,0,Laborers,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,Trade: type 7,,0.6023410747998744,,0.034,0.0599,0.9722,,,0.0,0.1034,0.0833,,0.0568,,0.0339,,0.0,0.0347,0.0622,0.9722,,,0.0,0.1034,0.0833,,0.0581,,0.0354,,0.0,0.0344,0.0599,0.9722,,,0.0,0.1034,0.0833,,0.0578,,0.0346,,0.0,,block of flats,0.0386,"Stone, brick",No,0.0,0.0,0.0,0.0,-933.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2649804,317401,Cash loans,59765.715,2025000.0,2265570.0,,2025000.0,TUESDAY,19,Y,1,,,,XNA,Refused,-1016,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_action,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,2,315000.0,521280.0,40468.5,450000.0,Family,Commercial associate,Higher education,Civil marriage,House / apartment,0.009334,-12651,-1652,-6747.0,-4807,,1,1,0,1,1,1,Accountants,4.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.7049023151977232,0.5937175866150576,0.0062,,0.9881,0.8368,0.002,0.0,0.0345,0.0833,,0.0,0.005,0.0093,0.0,0.0,0.0063,,0.9881,0.8432,0.002,0.0,0.0345,0.0833,,0.0,0.0055,0.0097,0.0,0.0,0.0062,,0.9881,0.8390000000000001,0.002,0.0,0.0345,0.0833,,0.0,0.0051,0.0095,0.0,0.0,reg oper account,block of flats,0.0084,Wooden,No,0.0,0.0,0.0,0.0,-1675.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1967472,265334,Cash loans,,0.0,0.0,,,MONDAY,9,Y,1,,,,XNA,Refused,-119,XNA,SCOFR,,Repeater,XNA,XNA,XNA,Credit and cash offices,0,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,Y,Y,0,157500.0,261000.0,20749.5,261000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-11757,-2502,-3225.0,-3955,1.0,1,1,0,1,0,0,Drivers,2.0,2,2,MONDAY,9,0,0,0,0,0,0,Construction,,0.053120491507615435,0.3201633668633456,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,3.0,5.0,2.0,-165.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1839694,427580,Consumer loans,8979.84,46026.0,48762.0,0.0,46026.0,FRIDAY,14,Y,1,0.0,,,XAP,Approved,-311,Cash through the bank,XAP,"Spouse, partner",New,Audio/Video,POS,XNA,Country-wide,2200,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-281.0,-131.0,-131.0,-127.0,1.0,0,Cash loans,F,N,Y,0,67500.0,675000.0,28597.5,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.008625,-23286,365243,-10496.0,-4209,,1,0,0,1,1,0,,2.0,2,2,MONDAY,9,0,0,0,0,0,0,XNA,,0.573230770518708,0.7476633896301825,0.4412,0.1867,0.9831,0.7484,0.7789,0.48,0.4138,0.3333,0.0417,0.1612,0.353,0.4484,0.0309,0.3363,0.4496,0.1938,0.9816,0.7583,0.7859999999999999,0.4834,0.4138,0.3333,0.0417,0.1649,0.3857,0.4672,0.0311,0.35600000000000004,0.4455,0.1867,0.9841,0.7518,0.7838,0.48,0.4138,0.3333,0.0417,0.16399999999999998,0.3591,0.4565,0.0311,0.3433,reg oper account,block of flats,0.4258,Panel,No,0.0,0.0,0.0,0.0,-311.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +2539818,412495,Cash loans,5246.01,45000.0,47970.0,0.0,45000.0,MONDAY,8,Y,1,0.0,,,XNA,Approved,-2504,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,12.0,high,Cash Street: high,365243.0,-2474.0,-2144.0,-2264.0,-2260.0,1.0,0,Cash loans,F,N,Y,0,112500.0,227520.0,12834.0,180000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.031329,-14915,-3744,-3316.0,-3316,,1,1,0,1,0,0,Sales staff,2.0,2,2,SATURDAY,11,0,0,0,0,0,0,Self-employed,0.5760424103662005,0.5589439380475911,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-190.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2703426,378257,Consumer loans,3876.75,29997.0,29061.0,3150.0,29997.0,SATURDAY,12,Y,1,0.1065051182402398,,,XAP,Approved,-2495,Non-cash from your account,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Stone,186,Connectivity,10.0,high,POS mobile with interest,365243.0,-2458.0,-2188.0,-2188.0,-2179.0,1.0,0,Cash loans,F,N,N,0,63000.0,675000.0,23202.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-21705,365243,-9156.0,-4921,,1,0,0,1,0,0,,2.0,2,2,MONDAY,15,0,0,0,0,0,0,XNA,0.7349524282342426,0.5950066761594069,0.7862666146611379,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-884.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1112346,323836,Consumer loans,6511.545,24601.5,22855.5,2475.0,24601.5,SATURDAY,11,Y,1,0.10641321726772077,,,XAP,Approved,-2622,Cash through the bank,XAP,Children,New,Mobile,POS,XNA,Country-wide,30,Connectivity,4.0,low_normal,POS mobile with interest,365243.0,-2591.0,-2501.0,-2501.0,-2495.0,1.0,0,Cash loans,F,N,Y,0,67500.0,137538.0,13734.0,121500.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.031329,-18617,-4196,-3116.0,-2178,,1,1,0,1,0,0,Laborers,1.0,2,2,WEDNESDAY,8,0,0,0,0,0,0,Industry: type 3,,0.4111399270261744,0.7801436381572275,0.0825,0.0742,0.9861,0.8096,,0.0,0.1379,0.1667,0.2083,0.0207,0.0672,0.0354,0.0,0.0,0.084,0.077,0.9861,0.8171,,0.0,0.1379,0.1667,0.2083,0.0211,0.0735,0.0369,0.0,0.0,0.0833,0.0742,0.9861,0.8121,,0.0,0.1379,0.1667,0.2083,0.021,0.0684,0.0361,0.0,0.0,,block of flats,0.0457,Mixed,No,0.0,0.0,0.0,0.0,-2003.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +1747972,220777,Revolving loans,11250.0,0.0,225000.0,,,SUNDAY,17,Y,1,,,,XAP,Approved,-509,XNA,XAP,,Refreshed,XNA,Cards,x-sell,Country-wide,2148,Consumer electronics,0.0,XNA,Card X-Sell,-384.0,-346.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,135000.0,675000.0,21775.5,675000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.010556,-14915,-2530,-8302.0,-1506,,1,1,1,1,1,0,,2.0,3,3,FRIDAY,13,0,0,0,0,0,0,Business Entity Type 3,0.5264392135704857,0.7151621067701439,,0.2392,0.1992,0.9851,,,0.28,0.2414,0.3333,,0.08199999999999999,,0.249,,0.0,0.2437,0.2068,0.9851,,,0.282,0.2414,0.3333,,0.0839,,0.2594,,0.0,0.2415,0.1992,0.9851,,,0.28,0.2414,0.3333,,0.0834,,0.2534,,0.0,,block of flats,0.1959,"Stone, brick",No,5.0,0.0,5.0,0.0,-164.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1335254,319858,Consumer loans,6051.06,33295.5,31450.5,3330.0,33295.5,FRIDAY,14,Y,1,0.1042731624695656,,,XAP,Approved,-2499,Cash through the bank,XAP,Other_B,New,Audio/Video,POS,XNA,Country-wide,960,Consumer electronics,6.0,high,POS household with interest,365243.0,-2468.0,-2318.0,-2348.0,-2343.0,1.0,0,Cash loans,F,N,N,0,135000.0,299772.0,11430.0,247500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.020713,-20361,365243,-12555.0,-1925,,1,0,0,1,0,0,,1.0,3,2,FRIDAY,12,0,0,0,0,0,0,XNA,,0.4240468553444704,0.31547215492577346,0.1701,0.0721,0.9816,0.7484,0.0248,0.0,0.0345,0.1667,0.0417,0.0217,0.1378,0.0478,0.0039,0.0135,0.1733,0.0748,0.9816,0.7583,0.025,0.0,0.0345,0.1667,0.0417,0.0222,0.1506,0.0498,0.0039,0.0143,0.1718,0.0721,0.9816,0.7518,0.0249,0.0,0.0345,0.1667,0.0417,0.0221,0.1402,0.0487,0.0039,0.0137,reg oper account,block of flats,0.0726,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1561105,357485,Consumer loans,16026.3,120600.0,117495.0,12060.0,120600.0,SATURDAY,12,Y,1,0.10138116138810824,,,XAP,Approved,-1801,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,10,Furniture,10.0,high,POS industry with interest,365243.0,-1767.0,-1497.0,-1497.0,-1492.0,0.0,0,Cash loans,F,N,Y,0,90000.0,301500.0,20358.0,301500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-23357,365243,-5656.0,-4184,,1,0,0,1,0,1,,2.0,2,2,MONDAY,10,0,0,0,0,0,0,XNA,,0.4857207692270082,0.7898803468924867,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2444697,123175,Consumer loans,10159.29,119151.0,154962.0,0.0,119151.0,TUESDAY,9,Y,1,0.0,,,XAP,Approved,-831,Cash through the bank,XAP,"Spouse, partner",New,Audio/Video,POS,XNA,Country-wide,1782,Consumer electronics,18.0,low_normal,POS household with interest,365243.0,-800.0,-290.0,-710.0,-707.0,0.0,0,Cash loans,F,N,Y,0,126000.0,433458.0,23643.0,310500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018029,-13543,-6039,-116.0,-1789,,1,1,0,1,0,0,Core staff,2.0,3,2,SUNDAY,7,0,0,0,0,0,0,School,0.3802272245313712,0.218887559534751,0.21885908222837447,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,2.0,7.0,1.0,-831.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1416656,326960,Cash loans,8291.745,112500.0,127350.0,,112500.0,MONDAY,19,Y,1,,,,Repairs,Approved,-235,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,AP+ (Cash loan),4,XNA,24.0,middle,Cash Street: middle,365243.0,-205.0,485.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,0,216000.0,220500.0,14733.0,220500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.026392000000000002,-15514,-941,-4286.0,-4691,36.0,1,1,0,1,0,1,Laborers,2.0,2,2,FRIDAY,18,0,0,0,0,0,0,Business Entity Type 2,,0.7012044743012037,0.5937175866150576,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-235.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,1.0,2.0 +2814160,194020,Cash loans,24619.77,238500.0,266044.5,,238500.0,SUNDAY,16,Y,1,,,,XNA,Approved,-191,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_action,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,157500.0,1125000.0,33025.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,Office apartment,0.026392000000000002,-19190,-192,-9167.0,-2727,,1,1,0,1,0,0,Accountants,1.0,2,2,TUESDAY,17,0,0,0,0,0,0,Construction,0.7038538569984836,0.5593104883531069,0.5460231970049609,0.0742,0.0441,0.9851,0.7959999999999999,0.0323,0.08,0.069,0.3333,0.0417,0.1121,0.0605,0.078,0.0,0.0,0.0756,0.0458,0.9851,0.804,0.0326,0.0806,0.069,0.3333,0.0417,0.1147,0.0661,0.0813,0.0,0.0,0.0749,0.0441,0.9851,0.7987,0.0325,0.08,0.069,0.3333,0.0417,0.1141,0.0616,0.0794,0.0,0.0,reg oper account,block of flats,0.0614,Panel,No,0.0,0.0,0.0,0.0,-2227.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2651965,189840,Cash loans,9045.495,45000.0,46485.0,,45000.0,SATURDAY,9,Y,1,,,,XNA,Approved,-423,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,high,Cash X-Sell: high,365243.0,-393.0,-243.0,-333.0,-324.0,1.0,0,Cash loans,F,N,Y,0,81000.0,182016.0,6858.0,144000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.00823,-23987,-1371,-10283.0,-4239,,1,1,0,1,0,0,Medicine staff,1.0,2,2,TUESDAY,11,0,0,0,0,1,1,Medicine,,0.5036045052869237,0.6296742509538716,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-576.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1575396,263241,Cash loans,19291.32,454500.0,544491.0,,454500.0,SATURDAY,15,Y,1,,,,XNA,Approved,-314,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,60.0,middle,Cash X-Sell: middle,365243.0,-284.0,1486.0,-284.0,-278.0,1.0,0,Cash loans,M,N,Y,0,270000.0,679500.0,30834.0,679500.0,Family,Working,Higher education,Civil marriage,House / apartment,0.026392000000000002,-19066,-1187,-2004.0,-2621,,1,1,0,1,1,0,,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.3839231969658849,0.7148724730281794,0.4686596550493113,0.0742,0.0543,0.995,,,0.08,0.069,0.3333,,,,0.09,,0.0128,0.0756,0.0563,0.995,,,0.0806,0.069,0.3333,,,,0.0938,,0.0135,0.0749,0.0543,0.995,,,0.08,0.069,0.3333,,,,0.0917,,0.0131,,block of flats,0.0736,"Stone, brick",No,0.0,0.0,0.0,0.0,-728.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +1789420,160154,Cash loans,23153.985,450000.0,512370.0,,450000.0,TUESDAY,14,Y,1,,,,XNA,Approved,-685,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-655.0,395.0,365243.0,365243.0,1.0,0,Revolving loans,F,Y,N,0,450000.0,405000.0,20250.0,405000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-17574,-5451,-5515.0,-1132,9.0,1,1,0,1,0,0,Accountants,2.0,2,2,MONDAY,12,0,0,0,0,1,1,Self-employed,0.8055031527482492,0.2084692134879473,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1698.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1000497,242909,Cash loans,14379.48,135000.0,143910.0,,135000.0,TUESDAY,15,Y,1,,,,XNA,Approved,-531,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-501.0,-171.0,-321.0,-316.0,1.0,0,Revolving loans,F,N,Y,0,67500.0,202500.0,10125.0,202500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-22912,365243,-871.0,-3779,,1,0,0,1,0,0,,2.0,2,2,MONDAY,12,0,0,0,0,0,0,XNA,,0.3980659204241564,0.5316861425197883,0.0186,0.0314,0.9876,,,0.0,0.069,0.0833,,0.0147,,0.0166,,0.0018,0.0189,0.0325,0.9876,,,0.0,0.069,0.0833,,0.015,,0.0173,,0.0019,0.0187,0.0314,0.9876,,,0.0,0.069,0.0833,,0.0149,,0.0169,,0.0018,,block of flats,0.0134,"Stone, brick",No,2.0,0.0,2.0,0.0,-1826.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1912001,198228,Revolving loans,22500.0,0.0,585000.0,,90000.0,THURSDAY,12,N,0,,,,XAP,Refused,-624,XNA,HC,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,N,N,0,90000.0,840951.0,35761.5,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018209,-15771,-1632,-998.0,-4112,,1,1,1,1,0,1,Laborers,2.0,3,3,THURSDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.6930829710140517,0.08926553913884204,0.4418358231994413,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-891.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1003183,323851,Revolving loans,2250.0,45000.0,45000.0,,45000.0,FRIDAY,15,Y,1,,,,XAP,Approved,-293,XNA,XAP,Family,Repeater,XNA,Cards,walk-in,AP+ (Cash loan),4,XNA,0.0,XNA,Card Street,,,,,,,1,Cash loans,M,N,Y,0,171000.0,259600.5,20641.5,234805.5,Family,Working,Incomplete higher,Married,House / apartment,0.015221,-18103,-2403,-1590.0,-1590,,1,1,1,1,1,1,Drivers,2.0,2,2,THURSDAY,12,0,0,0,0,0,0,Transport: type 3,,0.2344962935157465,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2315999,158405,Cash loans,33588.45,585000.0,654498.0,,585000.0,FRIDAY,8,Y,1,,,,XNA,Approved,-1194,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-1164.0,-114.0,-774.0,-764.0,1.0,0,Cash loans,F,N,N,0,180000.0,756000.0,32161.5,756000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020246,-22282,365243,-3111.0,-5032,,1,0,0,1,0,0,,2.0,3,3,SUNDAY,12,0,0,0,0,0,0,XNA,0.6635156236534862,0.5234322215534037,0.3996756156233169,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1718.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +2133628,404772,Cash loans,24819.66,724500.0,848826.0,,724500.0,WEDNESDAY,14,Y,1,,,,XNA,Refused,-179,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,M,N,Y,0,157500.0,136512.0,10912.5,108000.0,Unaccompanied,Working,Lower secondary,Married,House / apartment,0.035792000000000004,-21167,-3320,-2434.0,-3253,,1,1,0,1,1,0,,2.0,2,2,SUNDAY,12,0,0,0,0,0,0,Other,,0.6317679398048871,0.8016009030071296,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1471.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1076068,191350,Consumer loans,3940.245,29650.5,31774.5,4500.0,29650.5,WEDNESDAY,14,Y,1,0.13510617902132604,,,XAP,Approved,-1546,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,55,Connectivity,12.0,high,POS mobile with interest,365243.0,-1514.0,-1184.0,-1184.0,-1177.0,0.0,0,Cash loans,M,Y,Y,1,225000.0,215640.0,9625.5,180000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-12874,-220,-3142.0,-119,1.0,1,1,0,1,0,0,Laborers,3.0,2,2,TUESDAY,14,0,0,0,0,0,0,Self-employed,0.20312762142950688,0.34597558702168113,0.3344541255096772,0.0794,0.0527,0.9742,0.6464,0.0412,0.0,0.1724,0.1667,0.1667,0.0233,0.0639,0.0696,0.0039,0.0122,0.0809,0.0547,0.9742,0.6602,0.0415,0.0,0.1724,0.1667,0.1667,0.0238,0.0698,0.0725,0.0039,0.0129,0.0802,0.0527,0.9742,0.6511,0.0414,0.0,0.1724,0.1667,0.1667,0.0237,0.065,0.0708,0.0039,0.0124,reg oper account,block of flats,0.0582,"Stone, brick",No,0.0,0.0,0.0,0.0,-113.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1286302,113204,Cash loans,17564.535,405000.0,461133.0,,405000.0,MONDAY,12,Y,1,,,,XNA,Approved,-353,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-323.0,727.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,135000.0,269550.0,20281.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Separated,Municipal apartment,0.02461,-18406,-1312,-12385.0,-1916,,1,1,0,1,0,0,Sales staff,1.0,2,2,THURSDAY,16,0,0,0,0,1,1,Business Entity Type 3,0.6133437727634169,0.7697734591953377,0.6674577419214722,0.0598,0.0584,0.9796,,,0.0,0.1379,0.1667,,0.0803,,0.054000000000000006,,0.1054,0.0609,0.0606,0.9796,,,0.0,0.1379,0.1667,,0.0821,,0.0562,,0.1116,0.0604,0.0584,0.9796,,,0.0,0.1379,0.1667,,0.0817,,0.0549,,0.1077,,block of flats,0.0687,"Stone, brick",No,8.0,0.0,8.0,0.0,-1002.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2377968,424520,Cash loans,14167.485,247500.0,280989.0,,247500.0,MONDAY,11,Y,1,,,,XNA,Approved,-432,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,365243.0,-402.0,468.0,-252.0,-243.0,1.0,0,Cash loans,F,N,Y,0,112500.0,808650.0,26217.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.02461,-18753,-2352,-1207.0,-2293,,1,1,0,1,0,0,Laborers,1.0,2,2,SATURDAY,10,0,0,0,0,1,1,Transport: type 2,,0.5546484676653088,0.7295666907060153,0.0309,0.0,0.9767,,,0.0,0.069,0.125,,0.0,,0.024,,0.0054,0.0315,0.0,0.9767,,,0.0,0.069,0.125,,0.0,,0.025,,0.0057,0.0312,0.0,0.9767,,,0.0,0.069,0.125,,0.0,,0.0244,,0.0055,,block of flats,0.02,"Stone, brick",No,0.0,0.0,0.0,0.0,-432.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1892711,449263,Cash loans,73047.015,2475000.0,2769030.0,,2475000.0,FRIDAY,10,Y,1,,,,Buying a new car,Refused,-683,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_action,Cash Street: low,,,,,,,0,Cash loans,F,Y,Y,1,315000.0,729000.0,21442.5,729000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.008865999999999999,-14694,-3137,-4862.0,-2727,2.0,1,1,1,1,1,0,Cleaning staff,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,School,,0.7765953810625363,0.1245194708919845,0.0732,,0.9866,,,,,0.2917,,,,,,,0.0746,,0.9866,,,,,0.2917,,,,,,,0.0739,,0.9866,,,,,0.2917,,,,,,,,block of flats,0.0755,"Stone, brick",No,0.0,0.0,0.0,0.0,-2718.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,3.0 +1710333,360532,Consumer loans,9706.05,60736.5,51151.5,12150.0,60736.5,SUNDAY,13,Y,1,0.2090385622055487,,,XAP,Approved,-925,Cash through the bank,XAP,Unaccompanied,Refreshed,Consumer Electronics,POS,XNA,Country-wide,2000,Consumer electronics,6.0,middle,POS household with interest,365243.0,-894.0,-744.0,-744.0,-736.0,0.0,0,Cash loans,F,N,Y,1,157500.0,675000.0,24376.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.011703,-14308,-3332,-3632.0,-4552,,1,1,0,1,1,0,Medicine staff,3.0,2,2,MONDAY,12,0,0,0,0,0,0,Medicine,0.6984343131913888,0.6499990553340981,0.475849908720221,0.1021,0.0494,0.9762,0.6736,0.0,0.0,0.1724,0.1667,0.2083,0.0,0.0824,0.0933,0.0039,0.0066,0.084,0.011,0.9762,0.6864,0.0,0.0,0.1379,0.1667,0.2083,0.0,0.0735,0.0797,0.0,0.0,0.1031,0.0494,0.9762,0.6779999999999999,0.0,0.0,0.1724,0.1667,0.2083,0.0,0.0838,0.095,0.0039,0.0067,reg oper account,block of flats,0.0647,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1416777,400159,Cash loans,9045.045,45000.0,46485.0,0.0,45000.0,MONDAY,12,Y,1,0.0,,,XNA,Approved,-2187,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,high,Cash Street: high,365243.0,-2157.0,-2007.0,-2007.0,-1999.0,1.0,0,Cash loans,F,Y,Y,2,103500.0,298512.0,31342.5,270000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.032561,-13549,-2306,-441.0,-3746,3.0,1,1,0,1,0,0,Sales staff,3.0,1,1,THURSDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.3554011276895219,0.813917469762627,0.3301,0.1417,0.9881,0.966,0.0706,0.29,0.2138,0.3667,0.7083,0.0427,0.5632,0.2028,0.0309,0.0272,0.1261,0.0,0.9831,0.9673,0.0712,0.282,0.2414,0.3333,0.7083,0.0436,0.6152,0.0655,0.0311,0.0027,0.254,0.1942,0.9861,0.9665,0.071,0.28,0.2414,0.3333,0.7083,0.0434,0.5729,0.1737,0.0311,0.0139,reg oper spec account,block of flats,0.2206,Monolithic,No,2.0,1.0,2.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1022368,174670,Revolving loans,16875.0,337500.0,337500.0,,337500.0,WEDNESDAY,9,Y,1,,,,XAP,Refused,-695,XNA,HC,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,202500.0,927252.0,27243.0,774000.0,Family,State servant,Higher education,Married,House / apartment,0.019101,-17131,-9883,-6804.0,-681,,1,1,0,1,0,0,Managers,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,Construction,0.8095042010155936,0.7445946983706513,0.6940926425266661,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1518.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2843274,235469,Consumer loans,23495.04,113760.0,119389.5,0.0,113760.0,THURSDAY,11,Y,1,0.0,,,XAP,Approved,-1379,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Regional / Local,104,Consumer electronics,6.0,high,POS household with interest,365243.0,-1348.0,-1198.0,-1198.0,-1194.0,0.0,0,Cash loans,F,Y,Y,0,189000.0,341109.0,35082.0,324000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.030755,-22920,-11511,-4845.0,-4843,5.0,1,1,0,1,1,0,Managers,2.0,2,2,THURSDAY,15,0,0,0,0,0,0,School,,0.5650963740376727,0.5797274227921155,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1379.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1711411,167982,Cash loans,19577.835,450000.0,545040.0,,450000.0,TUESDAY,12,Y,1,,,,XNA,Approved,-78,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-48.0,1362.0,365243.0,365243.0,1.0,0,Cash loans,F,N,N,0,135000.0,818410.5,24943.5,706500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.010643000000000001,-17045,-2291,-498.0,-490,,1,1,0,1,1,0,Sales staff,2.0,2,2,MONDAY,15,0,0,0,0,0,0,Self-employed,,0.40372763710615456,,0.0928,0.4585,0.9801,0.728,0.1442,0.0,0.2069,0.1667,0.2083,0.0501,0.0756,0.0921,0.0,0.0,0.0945,0.4758,0.9801,0.7387,0.1455,0.0,0.2069,0.1667,0.2083,0.0513,0.0826,0.096,0.0,0.0,0.0937,0.4585,0.9801,0.7316,0.1451,0.0,0.2069,0.1667,0.2083,0.051,0.077,0.0938,0.0,0.0,reg oper account,block of flats,0.0788,Panel,No,0.0,0.0,0.0,0.0,-2681.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,,,,,, +2108307,192215,Consumer loans,6855.885,54360.0,56380.5,3060.0,54360.0,THURSDAY,19,Y,1,0.05606645606645605,,,XAP,Approved,-1551,Cash through the bank,XAP,Children,Repeater,Audio/Video,POS,XNA,Country-wide,45,Connectivity,12.0,high,POS mobile with interest,365243.0,-1520.0,-1190.0,-1310.0,-1303.0,0.0,0,Cash loans,F,N,N,0,144000.0,661500.0,21339.0,661500.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.008625,-21640,-2513,-2985.0,-2838,,1,1,0,1,1,0,Core staff,1.0,2,2,WEDNESDAY,18,0,0,0,0,0,0,School,0.8172441776413107,0.624058513016689,0.3556387169923543,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1629.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1503523,296091,Cash loans,19634.265,369000.0,411619.5,,369000.0,FRIDAY,6,Y,1,,,,XNA,Approved,-719,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,low_normal,Cash X-Sell: low,365243.0,-689.0,181.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,157500.0,444420.0,19705.5,337500.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.018029,-20225,365243,-8666.0,-3675,,1,0,0,1,1,0,,1.0,3,3,WEDNESDAY,9,0,0,0,0,0,0,XNA,,0.5829959970089894,,,,0.9896,,,,0.3103,0.1667,,,,,,,,,0.9896,,,,0.3103,0.1667,,,,,,,,,0.9896,,,,0.3103,0.1667,,,,,,,,block of flats,0.1426,"Stone, brick",No,0.0,0.0,0.0,0.0,-1670.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2325699,227694,Consumer loans,,27850.5,27850.5,0.0,27850.5,WEDNESDAY,13,Y,1,0.0,,,XAP,Refused,-891,Cash through the bank,LIMIT,,Repeater,Mobile,XNA,XNA,Country-wide,90,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,M,Y,Y,0,112500.0,588874.5,21280.5,414000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-20263,-148,-4805.0,-3451,36.0,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.5577468137949676,0.7001838506835805,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-891.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2741667,382032,Consumer loans,16330.95,92610.0,87475.5,9261.0,92610.0,SATURDAY,16,Y,1,0.10426334329948787,,,XAP,Approved,-1893,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,1200,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1861.0,-1711.0,-1711.0,-1703.0,0.0,1,Cash loans,M,N,N,1,202500.0,1125000.0,33025.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.011656999999999999,-14205,-1747,-2294.0,-4620,,1,1,0,1,0,0,,3.0,1,1,FRIDAY,14,1,1,0,1,1,1,Restaurant,,0.27068252238015034,0.14825437906109115,0.0278,0.0572,0.9727,0.626,0.0778,0.0,0.069,0.0833,0.125,0.0,0.0227,0.0259,0.0,0.102,0.0284,0.0593,0.9727,0.6406,0.0785,0.0,0.069,0.0833,0.125,0.0,0.0248,0.027000000000000003,0.0,0.108,0.0281,0.0572,0.9727,0.631,0.0783,0.0,0.069,0.0833,0.125,0.0,0.0231,0.0264,0.0,0.1042,reg oper spec account,block of flats,0.0425,"Stone, brick",No,6.0,0.0,6.0,0.0,-1019.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1481282,212919,Consumer loans,5880.915,58815.0,52933.5,5881.5,58815.0,SATURDAY,10,Y,1,0.1089090909090909,,,XAP,Approved,-2851,Cash through the bank,XAP,,New,Furniture,POS,XNA,Stone,1039,Furniture,10.0,low_normal,POS industry without interest,365243.0,-2816.0,-2546.0,-2546.0,-2542.0,0.0,0,Cash loans,F,N,N,1,157500.0,1127074.5,37377.0,922500.0,Children,Working,Secondary / secondary special,Married,House / apartment,0.019101,-14262,-1921,-4331.0,-4338,,1,1,0,1,0,0,Core staff,3.0,2,2,MONDAY,10,0,0,0,0,0,0,School,0.46987672122866,0.6516538759316698,0.622922000268356,0.0804,0.0688,0.9871,0.8232,0.0363,0.08,0.069,0.3333,0.375,0.006,0.0496,0.0812,0.0,0.0422,0.0368,0.0208,0.9876,0.8367,0.018000000000000002,0.0403,0.0345,0.3333,0.375,0.0,0.0321,0.0395,0.0,0.0,0.0739,0.0454,0.9876,0.8323,0.0348,0.08,0.069,0.3333,0.375,0.0065,0.0599,0.0741,0.0,0.0,reg oper spec account,block of flats,0.2035,Panel,No,0.0,0.0,0.0,0.0,-1805.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2821726,134158,Consumer loans,5168.52,42795.0,47029.5,0.0,42795.0,TUESDAY,6,Y,1,0.0,,,XAP,Approved,-2225,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Stone,37,Consumer electronics,12.0,high,POS household with interest,365243.0,-2194.0,-1864.0,-1864.0,-1856.0,1.0,0,Cash loans,F,Y,Y,0,54000.0,593010.0,17338.5,495000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020713,-22782,365243,-4268.0,-4283,15.0,1,0,0,1,1,0,,2.0,3,3,MONDAY,6,0,0,0,0,0,0,XNA,,0.20985459195382905,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-223.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +2295549,249618,Consumer loans,3467.7,27580.5,32049.0,2758.5,27580.5,SUNDAY,16,Y,1,0.08631063054592462,,,XAP,Approved,-1829,Cash through the bank,XAP,Other_B,New,Mobile,POS,XNA,Country-wide,68,Connectivity,14.0,high,POS mobile with interest,365243.0,-1796.0,-1406.0,-1406.0,-1402.0,0.0,0,Revolving loans,F,N,Y,1,225000.0,270000.0,13500.0,270000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.025164,-9428,-1753,-5078.0,-2083,,1,1,0,1,0,0,Laborers,3.0,2,2,TUESDAY,13,0,0,0,1,1,0,Business Entity Type 3,,0.18414743709730247,0.375711009574066,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-1829.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1924127,221278,Consumer loans,4704.885,51795.0,46615.5,5179.5,51795.0,FRIDAY,16,Y,1,0.1089090909090909,,,XAP,Approved,-315,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,32,Connectivity,12.0,middle,POS mobile with interest,365243.0,-279.0,51.0,-189.0,-187.0,0.0,0,Revolving loans,F,Y,Y,1,135000.0,180000.0,9000.0,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-10041,-710,-4420.0,-636,3.0,1,1,0,1,0,0,Private service staff,3.0,2,2,FRIDAY,17,0,0,0,0,0,0,Other,0.21753014606173632,0.5381249375445851,0.31703177858344445,0.5144,0.4312,0.9836,0.7959999999999999,,0.56,0.4828,0.3333,,0.3095,0.4186,0.5941,0.0039,0.0159,0.5242,0.4475,0.9836,0.804,,0.5639,0.4828,0.3333,,0.3166,0.4573,0.619,0.0039,0.0168,0.5194,0.4312,0.9836,0.7987,,0.56,0.4828,0.3333,,0.3149,0.4258,0.6048,0.0039,0.0162,reg oper account,block of flats,0.5628,Panel,No,0.0,0.0,0.0,0.0,-315.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2731025,275794,Consumer loans,3496.77,30786.705,30786.705,0.0,30786.705,THURSDAY,13,Y,1,0.0,,,XAP,Approved,-70,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,30,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-29.0,241.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,90000.0,312768.0,17095.5,270000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.008865999999999999,-23710,365243,-2270.0,-4150,3.0,1,0,0,1,0,0,,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,XNA,,0.6884264366809603,,0.0825,0.0798,0.9891,0.8504,0.0,0.0,0.2069,0.1667,0.2083,0.0298,0.0672,0.0843,0.0,0.0,0.084,0.0828,0.9891,0.8563,0.0,0.0,0.2069,0.1667,0.2083,0.0305,0.0735,0.0878,0.0,0.0,0.0833,0.0798,0.9891,0.8524,0.0,0.0,0.2069,0.1667,0.2083,0.0304,0.0684,0.0858,0.0,0.0,,block of flats,0.0663,Panel,No,0.0,0.0,0.0,0.0,-70.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1648803,348725,Consumer loans,14588.19,80028.0,75586.5,8005.5,80028.0,SATURDAY,16,Y,1,0.10430085741132256,,,XAP,Approved,-1817,Cash through the bank,XAP,Family,Repeater,Office Appliances,POS,XNA,Country-wide,1500,Consumer electronics,6.0,high,POS household with interest,365243.0,-1786.0,-1636.0,-1636.0,-1634.0,0.0,0,Cash loans,F,N,N,1,103500.0,314100.0,13437.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-18142,-9472,-8678.0,-1692,,1,1,0,1,0,0,Cleaning staff,3.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Industry: type 7,,0.6239405077844677,0.11987796089553485,0.2649,0.0561,0.9796,0.7212,0.1025,0.08,0.0345,0.3333,0.375,0.0544,0.2152,0.0783,0.0039,0.0058,0.27,0.0582,0.9796,0.7321,0.1035,0.0806,0.0345,0.3333,0.375,0.0557,0.2351,0.0816,0.0039,0.0061,0.2675,0.0561,0.9796,0.7249,0.1032,0.08,0.0345,0.3333,0.375,0.0554,0.2189,0.0797,0.0039,0.0059,reg oper account,block of flats,0.1177,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1644382,243615,Consumer loans,2359.44,19624.5,19624.5,0.0,19624.5,THURSDAY,12,Y,1,0.0,,,XAP,Approved,-4,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,46,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,365243.0,296.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,112500.0,1602000.0,48699.0,1602000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.018209,-21381,365243,-10083.0,-4686,13.0,1,0,0,1,0,0,,2.0,3,3,MONDAY,15,0,0,0,0,0,0,XNA,,0.5629347101367803,0.475849908720221,0.1113,0.0811,0.9866,0.8164,0.0423,0.12,0.1034,0.3333,0.0417,0.0935,0.0908,0.1019,0.0,0.0,0.1134,0.0842,0.9866,0.8236,0.0427,0.1208,0.1034,0.3333,0.0417,0.0957,0.0992,0.1061,0.0,0.0,0.1124,0.0811,0.9866,0.8189,0.0425,0.12,0.1034,0.3333,0.0417,0.0952,0.0923,0.1037,0.0,0.0,reg oper account,block of flats,0.1032,Panel,No,0.0,0.0,0.0,0.0,-1581.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2277277,117281,Consumer loans,7797.42,74583.0,98928.0,0.0,74583.0,FRIDAY,10,Y,1,0.0,,,XAP,Refused,-654,Cash through the bank,SCOFR,Family,New,Computers,POS,XNA,Country-wide,200,Consumer electronics,18.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,N,0,99000.0,545040.0,25407.0,450000.0,Unaccompanied,State servant,Incomplete higher,Single / not married,Municipal apartment,0.020713,-8506,-1106,-1162.0,-1166,,1,1,0,1,1,1,Sales staff,1.0,3,3,SUNDAY,4,0,0,0,1,0,1,Self-employed,0.559673250221801,0.4174223945327009,0.31703177858344445,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-144.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2562937,116294,Consumer loans,19322.055,179977.5,173916.0,18000.0,179977.5,FRIDAY,13,Y,1,0.10214696202315783,,,XAP,Approved,-1820,Cash through the bank,XAP,Family,New,Consumer Electronics,POS,XNA,Country-wide,1232,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1789.0,-1519.0,-1519.0,-1517.0,0.0,0,Cash loans,F,N,N,0,85500.0,1506816.0,47313.0,1350000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010556,-22190,365243,-2842.0,-3214,,1,0,0,1,0,0,,2.0,3,3,FRIDAY,14,0,0,0,0,0,0,XNA,,0.6134998307054769,0.6397075677637197,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1538415,177194,Consumer loans,7222.95,73260.0,87763.5,0.0,73260.0,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-1210,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,100,Connectivity,24.0,high,POS mobile with interest,365243.0,-1178.0,-488.0,-1028.0,-1021.0,0.0,0,Cash loans,F,N,Y,0,180000.0,337500.0,26793.0,337500.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.014519999999999996,-13699,-4945,-7760.0,-4474,,1,1,0,1,0,0,High skill tech staff,1.0,2,2,SATURDAY,7,0,0,0,0,0,0,Business Entity Type 3,0.6846220154586553,0.22664866013099205,0.5867400085415683,0.0624,0.0,0.9831,0.7348,,0.02,0.1379,0.2221,0.375,0.0477,0.0605,0.0673,,0.002,0.0515,0.0,0.9786,0.7190000000000001,,0.0,0.1379,0.1667,0.375,0.036000000000000004,0.0661,0.0622,,0.0,0.063,0.0,0.9826,0.7115,,0.0,0.1379,0.1667,0.375,0.0486,0.0616,0.0671,,0.002,,block of flats,0.1791,Panel,No,0.0,0.0,0.0,0.0,-1210.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1392243,222921,Cash loans,29926.935,315000.0,377122.5,,315000.0,SUNDAY,11,Y,1,,,,Other,Refused,-417,Cash through the bank,LIMIT,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,1,225000.0,630747.0,26644.5,544500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-17405,-1313,-9709.0,-933,,1,1,0,1,1,0,Accountants,3.0,1,1,THURSDAY,17,0,0,0,0,0,0,Business Entity Type 3,,0.7498566009189069,,0.0309,0.0,0.9727,,,0.0,0.1379,0.0833,,0.0507,,0.0299,,0.0,0.0315,0.0,0.9727,,,0.0,0.1379,0.0833,,0.0519,,0.0311,,0.0,0.0312,0.0,0.9727,,,0.0,0.1379,0.0833,,0.0516,,0.0304,,0.0,,block of flats,0.0319,"Stone, brick",No,3.0,0.0,3.0,0.0,-559.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1567883,133674,Cash loans,37633.05,360000.0,376632.0,,360000.0,MONDAY,10,Y,1,,,,XNA,Approved,-544,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-514.0,-184.0,-274.0,-272.0,1.0,0,Cash loans,F,N,Y,0,180000.0,225000.0,22050.0,225000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.028663,-24052,365243,-6585.0,-3649,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,XNA,,0.6445722658525799,0.8214433128935934,0.1278,0.1038,0.9906,,,0.24,0.1379,0.375,,0.0341,,0.1758,,0.1049,0.1303,0.1078,0.9906,,,0.2417,0.1379,0.375,,0.0349,,0.1832,,0.1111,0.1291,0.1038,0.9906,,,0.24,0.1379,0.375,,0.0347,,0.179,,0.1071,,block of flats,0.1941,Panel,No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +1232951,339254,Consumer loans,15297.975,122085.0,132826.5,0.0,122085.0,TUESDAY,16,Y,1,0.0,,,XAP,Approved,-153,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Country-wide,80,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-123.0,147.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,0,135000.0,518562.0,25078.5,463500.0,Unaccompanied,Commercial associate,Incomplete higher,Single / not married,With parents,0.030755,-8080,-1361,-1112.0,-202,3.0,1,1,0,1,0,1,Sales staff,1.0,2,2,MONDAY,9,0,0,0,0,1,1,Business Entity Type 3,0.5890062908037377,0.6628013947161057,,0.0495,0.0319,0.9776,,,0.0,0.1034,0.125,0.0417,0.008,0.0403,0.0411,0.0,0.0,0.0504,0.0331,0.9777,,,0.0,0.1034,0.125,0.0417,0.0082,0.0441,0.0428,0.0,0.0,0.05,0.0319,0.9776,,,0.0,0.1034,0.125,0.0417,0.0081,0.041,0.0418,0.0,0.0,reg oper account,block of flats,0.0494,"Stone, brick",No,0.0,0.0,0.0,0.0,-1497.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1118409,297194,Cash loans,37271.43,495000.0,534204.0,,495000.0,FRIDAY,17,Y,1,,,,XNA,Approved,-875,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,365243.0,-845.0,-155.0,-245.0,-236.0,1.0,0,Cash loans,M,N,N,0,270000.0,1236816.0,36292.5,1080000.0,Unaccompanied,Pensioner,Incomplete higher,Married,House / apartment,0.006670999999999999,-22008,365243,-11719.0,-4508,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,12,0,0,0,0,0,0,XNA,0.5921930230855537,0.6181404682649335,0.2955826421513093,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-2913.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1677885,140899,Cash loans,18649.62,360000.0,409896.0,,360000.0,WEDNESDAY,12,Y,1,,,,XNA,Approved,-1274,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-1244.0,-194.0,-734.0,-724.0,1.0,0,Cash loans,F,N,Y,0,90000.0,354519.0,22923.0,328500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.022625,-21161,365243,-10494.0,-4151,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,XNA,,0.7099757669369209,,0.066,0.0,0.9806,0.7348,0.008,0.0,0.1379,0.1667,0.2083,0.0622,0.053,0.0553,0.0039,0.0755,0.0672,0.0,0.9806,0.7452,0.008,0.0,0.1379,0.1667,0.2083,0.0636,0.0579,0.0576,0.0039,0.0799,0.0666,0.0,0.9806,0.7383,0.008,0.0,0.1379,0.1667,0.2083,0.0633,0.0539,0.0563,0.0039,0.0771,reg oper account,block of flats,0.0599,Panel,No,4.0,2.0,4.0,2.0,-1618.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1849124,192908,Consumer loans,20117.475,94455.0,110718.0,0.0,94455.0,FRIDAY,19,Y,1,0.0,,,XAP,Approved,-1049,Cash through the bank,XAP,Unaccompanied,New,Computers,POS,XNA,Regional / Local,85,Consumer electronics,6.0,middle,POS household with interest,365243.0,-1018.0,-868.0,-868.0,-864.0,0.0,0,Cash loans,M,N,N,1,81000.0,360000.0,23004.0,360000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,With parents,0.02461,-8183,-446,-3025.0,-849,,1,1,1,1,1,0,Low-skill Laborers,3.0,2,2,THURSDAY,14,0,0,0,0,0,0,Trade: type 2,,0.5142119828317968,,0.2309,0.1401,0.9811,,,0.24,0.2069,0.3333,,0.1011,,0.2355,,0.0042,0.2353,0.1453,0.9811,,,0.2417,0.2069,0.3333,,0.1034,,0.2453,,0.0045,0.2332,0.1401,0.9811,,,0.24,0.2069,0.3333,,0.1029,,0.2397,,0.0043,,block of flats,0.2155,Panel,No,0.0,0.0,0.0,0.0,-312.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2714446,216611,Cash loans,25957.395,585000.0,654498.0,,585000.0,THURSDAY,14,Y,1,,,,XNA,Approved,-349,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-319.0,731.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,202500.0,1030257.0,45513.0,846000.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018634,-19680,-205,-2931.0,-3197,,1,1,0,1,0,0,Security staff,2.0,2,2,WEDNESDAY,15,0,0,0,0,0,0,University,,0.4895507008061791,0.5919766183185521,0.0093,,0.9632,,,0.0,0.069,0.0417,,0.0046,,0.0072,,0.0,0.0095,,0.9633,,,0.0,0.069,0.0417,,0.0047,,0.0075,,0.0,0.0094,,0.9632,,,0.0,0.069,0.0417,,0.0046,,0.0073,,0.0,,block of flats,0.0067,"Stone, brick",No,1.0,0.0,1.0,0.0,-2432.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2166860,208723,Cash loans,16532.37,144000.0,153504.0,,144000.0,SATURDAY,8,Y,1,,,,XNA,Approved,-555,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),2,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-525.0,-195.0,-195.0,-190.0,1.0,0,Cash loans,F,Y,Y,0,135000.0,312768.0,22374.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.020713,-11358,-3113,-7132.0,-3217,14.0,1,1,1,1,0,0,Laborers,2.0,3,3,MONDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.2767977835225189,0.6977385092658898,0.6894791426446275,0.0938,0.0828,0.9861,0.8096,0.0118,0.0,0.2069,0.1667,0.2083,0.0505,0.0765,0.0877,0.0,0.0,0.0956,0.086,0.9861,0.8171,0.0119,0.0,0.2069,0.1667,0.2083,0.0517,0.0836,0.0914,0.0,0.0,0.0947,0.0828,0.9861,0.8121,0.0119,0.0,0.2069,0.1667,0.2083,0.0514,0.0778,0.0893,0.0,0.0,reg oper account,block of flats,0.0754,Panel,No,7.0,0.0,7.0,0.0,-1160.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2114830,381944,Consumer loans,5753.745,57262.5,57262.5,0.0,57262.5,FRIDAY,11,Y,1,0.0,,,XAP,Refused,-859,Cash through the bank,LIMIT,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,153,Consumer electronics,12.0,middle,POS household with interest,,,,,,,1,Cash loans,M,Y,Y,0,121500.0,808650.0,31464.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-10026,-1394,-1099.0,-1826,2.0,1,1,1,1,1,0,Core staff,2.0,2,2,WEDNESDAY,10,0,0,0,0,1,1,Agriculture,0.14997741136567871,0.16318703546427088,0.5046813193144684,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,6.0,1.0,6.0,1.0,-1006.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2302434,377414,Cash loans,26186.445,450000.0,491580.0,,450000.0,TUESDAY,9,Y,1,,,,XNA,Refused,-979,Non-cash from your account,SCO,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,Y,N,1,180000.0,1308964.5,38403.0,1143000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0038130000000000004,-14681,-177,-6390.0,-4752,22.0,1,1,0,1,0,0,,3.0,2,2,MONDAY,10,0,0,0,0,0,0,Industry: type 9,,0.48301730723237,0.42765737003502935,0.0928,0.1016,0.9851,0.7959999999999999,0.1718,0.0,0.2069,0.1667,0.0417,0.0153,0.0748,0.0869,0.0039,0.0367,0.0945,0.1055,0.9851,0.804,0.1733,0.0,0.2069,0.1667,0.0417,0.0156,0.0817,0.0906,0.0039,0.0388,0.0937,0.1016,0.9851,0.7987,0.1729,0.0,0.2069,0.1667,0.0417,0.0155,0.0761,0.0885,0.0039,0.0374,reg oper spec account,block of flats,0.0756,Panel,No,1.0,0.0,1.0,0.0,-1101.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1132639,115872,Consumer loans,7383.465,59750.73,65006.73,0.0,59750.73,MONDAY,8,Y,1,0.0,,,XAP,Approved,-123,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,30,Connectivity,10.0,low_normal,POS mobile without interest,365243.0,-86.0,184.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,0,157500.0,370107.0,14418.0,319500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.010032,-21042,365243,-9341.0,-3952,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,5,0,0,0,0,0,0,XNA,0.533412710747888,0.6384268678313542,0.501075160239048,,,0.9876,,,0.1064,0.0917,0.375,,,,,,,,,0.9881,,,0.0806,0.069,0.375,,,,,,,,,0.9881,,,0.08,0.069,0.375,,,,,,,,block of flats,0.0675,Panel,No,1.0,0.0,1.0,0.0,-1901.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2144317,139505,Cash loans,51334.695,810000.0,893398.5,,810000.0,MONDAY,11,Y,1,,,,XNA,Approved,-872,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,high,Cash X-Sell: high,365243.0,-842.0,208.0,-242.0,-236.0,1.0,0,Cash loans,F,N,Y,0,180000.0,589500.0,19611.0,589500.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.006670999999999999,-22869,365243,-1095.0,-4804,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,16,0,0,0,0,0,0,XNA,,0.5354552309409921,0.5954562029091491,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2791127,175312,Cash loans,31542.66,900000.0,1004544.0,,900000.0,WEDNESDAY,12,Y,1,,,,XNA,Approved,-211,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-181.0,1229.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,180000.0,640080.0,31261.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.007305,-16309,-1892,-413.0,-4635,,1,1,0,1,0,0,Cooking staff,2.0,3,3,THURSDAY,12,0,0,0,0,0,0,Other,0.4163376602364136,0.5896364561944446,0.4048783643353997,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,7.0 +1504041,359529,Consumer loans,17614.845,189495.0,170545.5,18949.5,189495.0,TUESDAY,13,Y,1,0.1089090909090909,,,XAP,Approved,-588,Cash through the bank,XAP,,Repeater,Construction Materials,POS,XNA,Regional / Local,7,Construction,12.0,middle,POS industry with interest,365243.0,-557.0,-227.0,-287.0,-282.0,0.0,0,Revolving loans,F,N,Y,0,81000.0,157500.0,7875.0,157500.0,Family,Commercial associate,Higher education,Married,House / apartment,0.008625,-19774,-362,-8924.0,-3013,,1,1,0,0,0,0,Laborers,2.0,2,2,TUESDAY,13,0,0,0,0,0,0,Business Entity Type 3,,0.4013242214362008,0.25533177083329,0.2165,0.1398,0.9876,0.83,0.1373,0.24,0.2069,0.3333,0.375,0.0563,0.1765,0.2142,0.0,0.0,0.2206,0.1451,0.9876,0.8367,0.1386,0.2417,0.2069,0.3333,0.375,0.0576,0.1928,0.2232,0.0,0.0,0.2186,0.1398,0.9876,0.8323,0.1382,0.24,0.2069,0.3333,0.375,0.0573,0.1796,0.2181,0.0,0.0,reg oper account,block of flats,0.2352,Panel,No,0.0,0.0,0.0,0.0,-897.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2526796,114890,Consumer loans,7298.91,37071.0,35149.5,4500.0,37071.0,TUESDAY,14,Y,1,0.1236058232993882,,,XAP,Approved,-18,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,34,Connectivity,6.0,high,POS mobile with interest,365243.0,365243.0,162.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,166500.0,1071909.0,31473.0,936000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.030755,-20037,-4634,-5791.0,-3294,,1,1,0,1,1,0,Sales staff,2.0,2,2,SATURDAY,15,0,0,0,0,1,1,Trade: type 7,,0.6990144627885597,0.7544061731797895,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1496.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2562096,192744,Consumer loans,6406.65,34645.5,34645.5,0.0,34645.5,SATURDAY,19,Y,1,0.0,,,XAP,Approved,-565,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Country-wide,1500,Consumer electronics,6.0,middle,POS household with interest,365243.0,-534.0,-384.0,-444.0,-438.0,0.0,0,Cash loans,M,N,Y,1,270000.0,468733.5,29956.5,387000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.04622,-15239,-915,-7924.0,-4480,,1,1,0,1,1,1,Core staff,2.0,1,1,THURSDAY,10,0,0,0,0,1,1,Trade: type 7,0.3775832275921773,0.6716475247171004,0.4884551844437485,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1687.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1085809,452009,Revolving loans,5625.0,112500.0,112500.0,,112500.0,SUNDAY,10,Y,1,,,,XAP,Approved,-345,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,135000.0,234576.0,24165.0,202500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-14843,-3526,-7599.0,-720,65.0,1,1,1,1,0,0,Sales staff,2.0,2,2,TUESDAY,17,0,0,0,0,0,0,Business Entity Type 3,0.7317841688914769,0.7357554280823925,,0.0402,0.0604,0.9737,0.6396,0.0047,0.0,0.1034,0.125,0.1667,0.0138,0.0303,0.0317,0.0116,0.0383,0.041,0.0627,0.9737,0.6537,0.0048,0.0,0.1034,0.125,0.1667,0.0141,0.0331,0.033,0.0117,0.0405,0.0406,0.0604,0.9737,0.6444,0.0048,0.0,0.1034,0.125,0.1667,0.014,0.0308,0.0322,0.0116,0.0391,reg oper account,block of flats,0.0332,Panel,No,0.0,0.0,0.0,0.0,-2112.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1401644,138607,Cash loans,21955.95,360000.0,393264.0,,360000.0,WEDNESDAY,15,Y,1,,,,XNA,Refused,-1310,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,Y,Y,0,81000.0,184500.0,14404.5,184500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-21387,365243,-8121.0,-4129,65.0,1,0,0,1,0,0,,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,XNA,,0.6586691071878081,0.4740512892789932,0.2113,0.0,0.9846,0.7824,,0.1064,0.0917,0.3333,,0.0535,0.1723,0.1153,0.0,0.012,0.2153,0.0,0.9831,0.7779,,0.1208,0.1034,0.3333,,0.053,0.1882,0.1198,0.0,0.004,0.2134,0.0,0.9841,0.7786,,0.12,0.1034,0.3333,,0.0544,0.1753,0.1174,0.0,0.0122,reg oper account,block of flats,0.0913,Panel,No,1.0,0.0,1.0,0.0,0.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1949535,397305,Cash loans,19151.1,450000.0,533160.0,,450000.0,TUESDAY,10,Y,1,,,,XNA,Approved,-498,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,365243.0,-468.0,942.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,1,202500.0,781920.0,28215.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.005084,-18421,-2903,-4306.0,-1967,,1,1,0,1,0,0,Core staff,3.0,2,2,WEDNESDAY,16,0,0,0,0,1,1,Agriculture,,0.6049884077037198,0.5298898341969072,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1429234,219945,Revolving loans,6750.0,135000.0,135000.0,,135000.0,SUNDAY,13,Y,1,,,,XAP,Refused,-555,XNA,SCOFR,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,Y,N,2,72000.0,76500.0,8235.0,76500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.009656999999999999,-10868,-3052,-2604.0,-3308,8.0,1,1,1,1,1,1,Laborers,4.0,2,2,THURSDAY,16,0,0,0,0,0,0,Business Entity Type 2,0.26233512393064035,0.3134278555279942,0.6178261467332483,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-892.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2175117,118414,Consumer loans,8749.575,46327.5,37327.5,9000.0,46327.5,SUNDAY,10,Y,1,0.211576670051658,,,XAP,Refused,-2800,Cash through the bank,SCO,,Repeater,XNA,POS,XNA,Country-wide,32,Connectivity,5.0,low_normal,POS mobile with interest,,,,,,,0,Cash loans,F,Y,Y,2,112500.0,545040.0,36553.5,450000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.009549,-10629,-3495,-3552.0,-1440,3.0,1,1,0,1,0,0,High skill tech staff,4.0,2,2,SUNDAY,12,0,0,0,1,1,0,Business Entity Type 3,,0.5992887051112435,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-1567.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2421653,349500,Cash loans,21709.125,450000.0,512370.0,,450000.0,TUESDAY,11,Y,1,,,,XNA,Approved,-261,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-231.0,819.0,365243.0,365243.0,1.0,0,Cash loans,F,Y,Y,1,180000.0,327024.0,21982.5,270000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.005084,-8974,-1927,-8937.0,-1647,6.0,1,1,1,1,0,0,Sales staff,3.0,2,2,THURSDAY,11,0,0,0,0,0,0,Self-employed,0.24673361551003026,0.6939573608654471,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1062.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2347287,238648,Cash loans,7880.04,67500.0,71955.0,,67500.0,SATURDAY,10,Y,1,,,,XNA,Approved,-856,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Country-wide,26,Connectivity,12.0,middle,Cash X-Sell: middle,365243.0,-826.0,-496.0,-496.0,-491.0,1.0,0,Cash loans,M,Y,Y,0,90000.0,348264.0,19575.0,315000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-22110,365243,-9170.0,-3743,4.0,1,0,0,1,1,0,,2.0,2,2,MONDAY,9,0,0,0,0,0,0,XNA,,0.6096870350553247,0.5046813193144684,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-524.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2717965,127163,Consumer loans,5645.835,29484.0,21361.5,8847.0,29484.0,SUNDAY,13,Y,1,0.3189561637528268,,,XAP,Approved,-981,XNA,XAP,Family,Refreshed,Clothing and Accessories,POS,XNA,Stone,80,Clothing,4.0,low_normal,POS industry with interest,365243.0,-945.0,-855.0,-855.0,-848.0,0.0,0,Revolving loans,F,N,Y,0,126000.0,382500.0,19125.0,382500.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-13556,-5158,-11408.0,-4603,,1,1,0,1,0,0,,2.0,2,2,MONDAY,15,0,0,0,0,1,1,Medicine,0.4116070248921318,0.4870700919222306,0.4902575124990026,0.0619,0.0758,0.9841,0.7824,0.0207,0.0,0.1379,0.1667,0.0417,0.0246,0.0504,0.0638,0.0,0.0,0.063,0.0787,0.9841,0.7909,0.0208,0.0,0.1379,0.1667,0.0417,0.0251,0.0551,0.0664,0.0,0.0,0.0625,0.0758,0.9841,0.7853,0.0208,0.0,0.1379,0.1667,0.0417,0.025,0.0513,0.0649,0.0,0.0,reg oper account,block of flats,0.0614,Others,No,1.0,0.0,1.0,0.0,-959.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2145053,279373,Cash loans,30778.2,675000.0,950022.0,,675000.0,TUESDAY,18,Y,1,,,,XNA,Refused,-786,Cash through the bank,LIMIT,Unaccompanied,Refreshed,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,202500.0,314100.0,16573.5,225000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.011703,-9886,-392,-3510.0,-2554,,1,1,0,1,0,0,Accountants,1.0,2,2,THURSDAY,13,0,0,0,0,1,1,Business Entity Type 3,,0.74298615450346,0.4382813743111921,0.0412,0.0,0.9747,,,0.0,0.069,0.1667,,0.0371,,0.0345,,0.0,0.042,0.0,0.9747,,,0.0,0.069,0.1667,,0.0379,,0.036000000000000004,,0.0,0.0416,0.0,0.9747,,,0.0,0.069,0.1667,,0.0377,,0.0351,,0.0,,block of flats,0.0271,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2340729,187668,Revolving loans,22500.0,0.0,450000.0,,,FRIDAY,16,Y,1,,,,XAP,Approved,-1040,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,0,XNA,0.0,XNA,Card X-Sell,-628.0,-580.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,270000.0,293733.0,30973.5,279000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-19017,-998,-11218.0,-2548,,1,1,0,1,1,0,Drivers,2.0,1,1,TUESDAY,12,0,1,1,0,0,0,Business Entity Type 3,0.7930188496752943,0.6814045432575265,,0.1781,0.1051,0.9816,0.7484,0.0302,0.2,0.1586,0.4417,0.4833,0.0196,0.1452,0.1718,0.0,0.0566,0.2216,0.0326,0.9782,0.7125,0.0258,0.2417,0.2069,0.3333,0.375,0.0,0.1938,0.0997,0.0,0.0,0.2196,0.1332,0.9781,0.7048,0.0309,0.24,0.2069,0.3333,0.375,0.0248,0.1804,0.2095,0.0,0.0297,reg oper account,block of flats,0.166,Panel,No,1.0,0.0,1.0,0.0,-1479.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1999720,241988,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SUNDAY,11,Y,1,,,,XAP,Approved,-270,XNA,XAP,Family,Repeater,XNA,Cards,walk-in,Regional / Local,157,Consumer electronics,0.0,XNA,Card Street,-243.0,-198.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,135000.0,750154.5,36216.0,670500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-10767,-1590,-2952.0,-3226,,1,1,1,1,0,0,,2.0,3,3,THURSDAY,12,0,0,0,0,0,0,Self-employed,0.4376611576866972,0.4760206218178874,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,8.0,0.0,8.0,0.0,-581.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2044264,341105,Revolving loans,22500.0,0.0,450000.0,,,WEDNESDAY,16,Y,1,,,,XAP,Approved,-1272,XNA,XAP,,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),-1,XNA,0.0,XNA,Card X-Sell,-1242.0,-1214.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,135000.0,942300.0,27679.5,675000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.010147,-17561,-2668,-9481.0,-1110,17.0,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,16,0,0,0,0,0,0,Self-employed,0.6985069188813101,0.3676100579783925,0.4938628816996244,0.0825,0.079,0.9757,0.6668,0.0084,0.0,0.1379,0.1667,0.2083,0.0549,0.0672,0.0707,0.0,0.0,0.084,0.08199999999999999,0.9757,0.6798,0.0084,0.0,0.1379,0.1667,0.2083,0.0562,0.0735,0.0737,0.0,0.0,0.0833,0.079,0.9757,0.6713,0.0084,0.0,0.1379,0.1667,0.2083,0.0559,0.0684,0.07200000000000001,0.0,0.0,org spec account,block of flats,0.0602,Panel,No,0.0,0.0,0.0,0.0,-1807.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,4.0 +1771951,227271,Revolving loans,2250.0,45000.0,45000.0,,45000.0,SUNDAY,12,Y,1,,,,XAP,Refused,-340,XNA,HC,Other_B,Refreshed,XNA,Cards,walk-in,Country-wide,20,Connectivity,0.0,XNA,Card Street,,,,,,,1,Cash loans,M,Y,Y,0,225000.0,545040.0,26640.0,450000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.022625,-19037,-8792,-2341.0,-1757,6.0,1,1,0,1,0,0,Drivers,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,Self-employed,,0.18425259068431526,0.7530673920730478,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,3.0,0.0,-1633.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2387877,340510,Consumer loans,4284.135,18720.0,20200.5,0.0,18720.0,THURSDAY,7,Y,1,0.0,,,XAP,Approved,-88,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Regional / Local,260,Consumer electronics,6.0,high,POS household with interest,365243.0,-57.0,93.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,0,112500.0,315000.0,16492.5,315000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.0038130000000000004,-17769,-139,-671.0,-1242,,1,1,0,1,0,0,,1.0,2,2,SATURDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.19219380243101025,0.29708661164720285,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-242.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1591637,301543,Cash loans,24769.53,315000.0,366142.5,,315000.0,SATURDAY,9,Y,1,,,,Furniture,Approved,-469,Cash through the bank,XAP,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,high,Cash Street: high,365243.0,-439.0,611.0,365243.0,365243.0,1.0,0,Cash loans,M,N,N,1,112500.0,622413.0,33894.0,495000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.031329,-11516,-529,-619.0,-2585,,1,1,0,1,0,0,,3.0,2,2,SATURDAY,10,0,0,0,1,1,0,Industry: type 11,,0.3508406163970237,0.6075573001388961,0.0619,0.0489,0.9886,0.8436,0.0245,0.0,0.1379,0.1667,0.2083,0.0631,0.0504,0.0374,0.0,0.0,0.063,0.0507,0.9886,0.8497,0.0247,0.0,0.1379,0.1667,0.2083,0.0645,0.0551,0.039,0.0,0.0,0.0625,0.0489,0.9886,0.8457,0.0246,0.0,0.1379,0.1667,0.2083,0.0642,0.0513,0.0381,0.0,0.0,reg oper account,block of flats,0.0497,Panel,No,0.0,0.0,0.0,0.0,-1102.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1392634,125749,Consumer loans,1789.2,15502.5,15331.5,1552.5,15502.5,SATURDAY,14,Y,1,0.10014295406086453,,,XAP,Approved,-2382,XNA,XAP,Family,New,Mobile,POS,XNA,Country-wide,5,Connectivity,12.0,low_normal,POS mobile with interest,365243.0,-2351.0,-2021.0,-2021.0,-1996.0,1.0,0,Cash loans,F,N,Y,0,72000.0,152820.0,15016.5,135000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.015221,-17918,-1721,-3237.0,-1447,,1,1,1,1,0,0,Sales staff,1.0,2,2,MONDAY,9,0,0,0,0,0,0,Trade: type 7,,0.3951406211938596,0.746300213050371,0.2897,0.1018,0.9841,0.7824,,0.08,0.069,0.3333,0.0417,,0.2362,0.1534,0.0,0.0,0.2952,0.1057,0.9841,0.7909,,0.0806,0.069,0.3333,0.0417,,0.258,0.1598,0.0,0.0,0.2925,0.1018,0.9841,0.7853,,0.08,0.069,0.3333,0.0417,,0.2403,0.1561,0.0,0.0,reg oper account,block of flats,0.1206,Panel,No,1.0,0.0,1.0,0.0,-1857.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1620001,138958,Consumer loans,6208.245,67284.0,60556.5,6727.5,67284.0,TUESDAY,17,Y,1,0.10889452307991626,,,XAP,Approved,-805,Cash through the bank,XAP,,Refreshed,Clothing and Accessories,POS,XNA,Stone,140,Clothing,12.0,middle,POS industry with interest,365243.0,-761.0,-431.0,-431.0,-422.0,0.0,0,Cash loans,F,N,Y,0,135000.0,254700.0,24939.0,225000.0,Family,Pensioner,Secondary / secondary special,Separated,House / apartment,0.005084,-21136,365243,-11022.0,-3844,,1,0,0,1,1,0,,1.0,2,2,TUESDAY,17,0,0,0,0,0,0,XNA,,0.6510281552402403,0.7295666907060153,0.1052,,0.9846,0.7892,,,0.2759,0.1667,,,,0.1033,,,0.1071,,0.9846,0.7975,,,0.2759,0.1667,,,,0.1076,,,0.1062,,0.9846,0.792,,,0.2759,0.1667,,,,0.1052,,,reg oper account,block of flats,0.0813,"Stone, brick",No,6.0,0.0,6.0,0.0,-511.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1736121,298843,Cash loans,39474.0,1350000.0,1350000.0,,1350000.0,WEDNESDAY,13,Y,1,,,,XNA,Approved,-1240,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-1208.0,562.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,536917.5,18481.5,463500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020713,-21415,365243,-12805.0,-4815,8.0,1,0,0,1,0,1,,2.0,3,2,THURSDAY,11,0,0,0,0,0,0,XNA,,0.5835062692931358,0.6144143775673561,0.1701,0.0444,0.9821,0.7552,0.0688,0.2,0.1724,0.3333,0.375,0.0762,0.1345,0.1652,0.0193,0.1289,0.1733,0.0461,0.9821,0.7648,0.0694,0.2014,0.1724,0.3333,0.375,0.078,0.1469,0.1722,0.0195,0.1365,0.1718,0.0444,0.9821,0.7585,0.0692,0.2,0.1724,0.3333,0.375,0.0776,0.1368,0.1682,0.0194,0.1316,reg oper account,block of flats,0.1956,Panel,No,0.0,0.0,0.0,0.0,-1711.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,2.0,5.0 +1159975,331885,Cash loans,9476.955,90000.0,95940.0,,90000.0,SATURDAY,11,Y,1,,,,XNA,Approved,-306,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-276.0,54.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,112500.0,163201.5,12330.0,148500.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-21487,365243,-107.0,-4349,,1,0,0,1,0,0,,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,XNA,,0.7017722856653373,,0.7,0.2081,0.999,0.9864,0.3392,0.8,0.3103,0.7917,0.5417,0.1128,0.5489,0.7041,0.1004,0.1243,0.7132,0.2159,0.999,0.9869,0.3423,0.8056,0.3103,0.7917,0.5417,0.1154,0.5996,0.7336,0.1012,0.1316,0.7068,0.2081,0.999,0.9866,0.3413,0.8,0.3103,0.7917,0.5417,0.1148,0.5584,0.7168,0.1009,0.1269,reg oper spec account,block of flats,0.5808,Monolithic,No,2.0,1.0,2.0,0.0,-1720.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2334082,167400,Cash loans,,0.0,0.0,,,MONDAY,12,Y,1,,,,XNA,Refused,-249,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,Y,0,135000.0,808650.0,26086.5,675000.0,Children,Working,Secondary / secondary special,Married,House / apartment,0.009656999999999999,-20140,-736,-6540.0,-3493,,1,1,0,1,0,0,Cleaning staff,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,Construction,0.2371019780603671,0.39552744410801904,0.2366108235287817,0.3649,0.2786,0.9846,0.7959999999999999,0.0952,0.4,0.3448,0.3333,0.375,0.212,0.2975,1.0,0.0,0.0047,0.3718,0.28300000000000003,0.9846,0.804,0.0961,0.4028,0.3448,0.3333,0.375,0.2168,0.3251,0.4016,0.0,0.0,0.3685,0.2786,0.9846,0.7987,0.0958,0.4,0.3448,0.3333,0.375,0.2157,0.3027,1.0,0.0,0.0048,reg oper account,block of flats,0.3572,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2634727,251687,Cash loans,10749.375,45000.0,52366.5,,45000.0,FRIDAY,11,Y,1,,,,Other,Refused,-663,Cash through the bank,LIMIT,Other_B,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),-1,XNA,6.0,high,Cash Street: high,,,,,,,0,Cash loans,F,Y,Y,1,157500.0,314100.0,16573.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.009175,-18583,-873,-1064.0,-1415,9.0,1,1,1,1,1,0,Sales staff,3.0,2,2,WEDNESDAY,18,0,0,0,0,1,1,Trade: type 7,0.6759690755295422,0.4038276612627756,0.41534714488434,0.1691,0.0651,0.998,,,0.18,0.1552,0.375,,0.0077,,0.1653,,0.0155,0.1134,0.0408,0.998,,,0.1208,0.1034,0.375,,0.006999999999999999,,0.0997,,0.0,0.1707,0.0651,0.998,,,0.18,0.1552,0.375,,0.0079,,0.1683,,0.0159,,block of flats,0.1848,Block,No,0.0,0.0,0.0,0.0,-757.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1337796,431025,Cash loans,49591.71,450000.0,470790.0,,450000.0,THURSDAY,16,Y,1,,,,XNA,Approved,-1084,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,Y,Y,1,112500.0,218938.5,26113.5,189000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.01885,-19667,-2654,-3007.0,-3032,8.0,1,1,0,1,0,0,Drivers,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,Self-employed,,0.7246417303318243,0.3706496323299817,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2426.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1590810,196781,Revolving loans,15750.0,315000.0,315000.0,,315000.0,MONDAY,15,Y,1,,,,XAP,Approved,-377,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,-353.0,-275.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,270000.0,735579.0,40032.0,585000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,Municipal apartment,0.032561,-18020,-1595,-12156.0,-1558,,1,1,0,1,0,0,Cooking staff,1.0,1,1,SUNDAY,14,0,0,0,0,0,0,Business Entity Type 3,0.6676101140441961,0.7839469269237239,0.266456808245056,0.0299,0.0,0.9513,0.3336,0.0089,0.0,0.1034,0.125,0.1667,0.0287,0.0219,0.0377,0.0116,0.0149,0.0305,0.0,0.9513,0.3597,0.009000000000000001,0.0,0.1034,0.125,0.1667,0.0294,0.0239,0.0392,0.0117,0.0158,0.0302,0.0,0.9513,0.3425,0.009000000000000001,0.0,0.1034,0.125,0.1667,0.0292,0.0222,0.0383,0.0116,0.0152,not specified,block of flats,0.0377,"Stone, brick",No,8.0,1.0,8.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2745005,444135,Consumer loans,9808.695,56448.0,53482.5,5647.5,56448.0,TUESDAY,8,Y,1,0.10401895669018947,,,XAP,Approved,-862,Cash through the bank,XAP,Unaccompanied,Refreshed,Consumer Electronics,POS,XNA,Stone,206,Consumer electronics,6.0,middle,POS household with interest,365243.0,-824.0,-674.0,-704.0,-696.0,0.0,0,Cash loans,F,N,Y,0,45000.0,178290.0,18265.5,157500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.031329,-22183,365243,-643.0,-5472,,1,0,0,1,1,0,,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,XNA,,0.6293635263426687,0.5884877883422673,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-309.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1247725,227047,Cash loans,73166.85,1372500.0,1437723.0,,1372500.0,MONDAY,7,Y,1,,,,Payments on other loans,Refused,-113,Cash through the bank,VERIF,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,24.0,low_action,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,0,540000.0,594261.0,35518.5,513000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.014464,-20023,-1442,-4717.0,-3521,,1,1,0,1,0,0,,2.0,2,2,WEDNESDAY,7,0,0,0,0,0,0,Other,0.8630051292523285,0.7077735073753373,0.6817058776720116,0.0588,0.0081,0.9796,0.7212,0.0102,0.0,0.1034,0.1667,0.2083,0.0434,0.0454,0.0449,0.0116,0.0516,0.0599,0.0084,0.9796,0.7321,0.0103,0.0,0.1034,0.1667,0.2083,0.0444,0.0496,0.0468,0.0117,0.0547,0.0593,0.0081,0.9796,0.7249,0.0103,0.0,0.1034,0.1667,0.2083,0.0442,0.0462,0.0457,0.0116,0.0527,reg oper account,block of flats,0.0465,"Stone, brick",No,1.0,1.0,1.0,0.0,-1009.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1385992,254453,Consumer loans,2641.95,13500.0,13500.0,0.0,13500.0,MONDAY,10,Y,1,0.0,,,XAP,Approved,-1654,XNA,XAP,Unaccompanied,Repeater,Homewares,POS,XNA,Stone,139,Consumer electronics,6.0,high,POS household with interest,365243.0,-1609.0,-1459.0,-1459.0,-1452.0,0.0,0,Cash loans,F,N,N,0,36000.0,269550.0,11416.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020713,-23112,365243,-2398.0,-4880,,1,0,0,1,0,0,,2.0,3,3,WEDNESDAY,8,0,0,0,0,0,0,XNA,,0.02740794508886326,0.18411615593071512,0.0918,0.1008,0.9806,0.7348,0.0143,0.0,0.2069,0.1667,0.2083,0.1136,0.07400000000000001,0.0844,0.0039,0.0075,0.0935,0.1046,0.9806,0.7452,0.0144,0.0,0.2069,0.1667,0.2083,0.1162,0.0808,0.0879,0.0039,0.008,0.0926,0.1008,0.9806,0.7383,0.0144,0.0,0.2069,0.1667,0.2083,0.1156,0.0752,0.0859,0.0039,0.0077,reg oper account,block of flats,0.0781,Panel,No,2.0,0.0,2.0,0.0,-1873.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2422951,114558,Revolving loans,11250.0,0.0,225000.0,,,THURSDAY,12,Y,1,,,,XAP,Refused,-595,XNA,SCOFR,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,M,Y,Y,0,180000.0,202500.0,21937.5,202500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008865999999999999,-13953,-980,-4577.0,-4788,64.0,1,1,0,1,0,0,Drivers,2.0,2,2,THURSDAY,11,0,0,0,0,0,0,Business Entity Type 3,0.3629038306202517,0.7863850913025769,0.4329616670974407,0.0763,0.0621,0.9866,0.8164,0.0201,0.08,0.069,0.3333,0.375,0.0621,0.0597,0.0834,0.0116,0.0279,0.0777,0.0644,0.9866,0.8236,0.0203,0.0806,0.069,0.3333,0.375,0.0635,0.0652,0.0869,0.0117,0.0295,0.077,0.0621,0.9866,0.8189,0.0202,0.08,0.069,0.3333,0.375,0.0632,0.0607,0.0849,0.0116,0.0284,reg oper account,block of flats,0.0716,Panel,No,0.0,0.0,0.0,0.0,-1983.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1618533,320911,Consumer loans,9533.025,76050.0,82323.0,0.0,76050.0,THURSDAY,10,Y,1,0.0,,,XAP,Approved,-2234,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Stone,200,Furniture,10.0,middle,POS industry with interest,365243.0,-2195.0,-1925.0,-1955.0,-1951.0,0.0,0,Cash loans,F,N,N,0,81000.0,679500.0,19867.5,679500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-18581,-4321,-9443.0,-2107,,1,1,0,1,0,0,,2.0,2,2,TUESDAY,14,0,0,0,0,0,0,Self-employed,,0.5737389074369389,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-1922.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +2456389,150372,Cash loans,32393.52,450000.0,497520.0,,450000.0,FRIDAY,11,Y,1,,,,XNA,Refused,-223,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),5,XNA,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,N,1,90000.0,450000.0,27324.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.015221,-13642,-431,-2148.0,-2169,,1,1,1,1,1,0,Private service staff,3.0,2,2,WEDNESDAY,17,0,0,0,0,0,0,Self-employed,0.35845832966108543,0.6019534089554641,0.29859498978739724,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-144.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2716611,249087,Consumer loans,28090.26,152460.0,158998.5,0.0,152460.0,WEDNESDAY,18,Y,1,0.0,,,XAP,Approved,-559,Cash through the bank,XAP,,New,Audio/Video,POS,XNA,Regional / Local,158,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-528.0,-378.0,-378.0,-373.0,0.0,0,Cash loans,F,N,Y,0,382500.0,854725.5,47857.5,792000.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.003069,-19578,365243,-2617.0,-3125,,1,0,0,1,1,0,,2.0,3,3,TUESDAY,13,0,0,0,0,0,0,XNA,,0.7181416440957648,0.5585066276769286,,,0.9841,,,,,,,,,0.0345,,,,,0.9841,,,,,,,,,0.036000000000000004,,,,,0.9841,,,,,,,,,0.0352,,,,,0.0458,,No,1.0,0.0,1.0,0.0,-559.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2806772,415948,Cash loans,,0.0,0.0,,,THURSDAY,11,Y,1,,,,XNA,Refused,-292,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,Y,Y,1,243000.0,284256.0,30744.0,270000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.008068,-13359,-1942,-1860.0,-4521,8.0,1,1,1,1,1,0,Laborers,3.0,3,3,TUESDAY,6,0,0,0,0,0,0,Military,,0.3341006998598812,0.326475210066026,0.0773,0.085,0.9841,0.7824,0.0105,0.0,0.1724,0.1667,0.2083,0.0902,0.063,0.0735,0.0,0.0,0.0788,0.0882,0.9841,0.7909,0.0106,0.0,0.1724,0.1667,0.2083,0.0923,0.0689,0.0765,0.0,0.0,0.0781,0.085,0.9841,0.7853,0.0106,0.0,0.1724,0.1667,0.2083,0.0918,0.0641,0.0748,0.0,0.0,reg oper account,block of flats,0.0635,Panel,No,0.0,0.0,0.0,0.0,-988.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1332326,290358,Consumer loans,23361.885,233604.0,210240.0,23364.0,233604.0,WEDNESDAY,11,Y,1,0.10892587455694246,,,XAP,Approved,-421,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Regional / Local,1000,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-390.0,-120.0,-360.0,-354.0,0.0,0,Cash loans,M,N,N,0,242631.0,1350000.0,68710.5,1350000.0,Unaccompanied,Commercial associate,Incomplete higher,Married,Rented apartment,0.011656999999999999,-8826,-803,-6447.0,-1491,,1,1,1,1,0,0,,2.0,1,1,TUESDAY,13,1,0,1,1,1,1,Business Entity Type 3,0.4835716632921826,0.5571641854267586,0.4866531565147181,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-506.0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1998408,189700,Consumer loans,3916.035,33210.0,28710.0,4500.0,33210.0,FRIDAY,15,Y,1,0.14757329391475724,,,XAP,Approved,-2112,Cash through the bank,XAP,,New,Mobile,POS,XNA,Country-wide,25,Connectivity,10.0,high,POS mobile with interest,365243.0,-2049.0,-1779.0,-1779.0,-1774.0,0.0,0,Cash loans,M,Y,Y,0,225000.0,654498.0,27729.0,585000.0,Unaccompanied,Commercial associate,Higher education,Separated,House / apartment,0.016612000000000002,-12782,-125,-6626.0,-4806,3.0,1,1,0,1,0,0,Core staff,1.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Bank,0.3331721254380813,0.3334053599533373,,0.1844,0.1066,0.998,0.9728,0.0521,0.1432,0.1234,0.375,0.4167,0.0237,0.1492,0.1831,0.0051,0.0277,0.166,0.01,0.9975,0.9673,0.0196,0.1611,0.1379,0.375,0.4167,0.0122,0.1451,0.101,0.0,0.0,0.166,0.1106,0.998,0.9665,0.0553,0.16,0.1379,0.375,0.4167,0.0217,0.1355,0.1754,0.0019,0.0101,reg oper account,block of flats,0.0,Panel,No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2634147,302169,Consumer loans,13579.785,118786.5,131332.5,0.0,118786.5,MONDAY,19,Y,1,0.0,,,XAP,Refused,-723,Cash through the bank,SCOFR,Family,New,Audio/Video,POS,XNA,Country-wide,600,Consumer electronics,12.0,middle,POS household with interest,,,,,,,0,Revolving loans,M,Y,Y,0,315000.0,585000.0,29250.0,900000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-18567,-793,-2745.0,-2121,6.0,1,1,0,1,0,0,Managers,2.0,1,1,WEDNESDAY,12,0,1,1,0,1,1,Business Entity Type 3,,0.5810968697854202,0.41885428862332175,0.1103,0.0526,0.995,0.932,0.0312,0.16,0.069,0.5417,0.5833,0.013,0.0874,0.1371,0.0116,0.0387,0.1124,0.0546,0.995,0.9347,0.0315,0.1611,0.069,0.5417,0.5833,0.0133,0.0955,0.1428,0.0117,0.041,0.1114,0.0526,0.995,0.9329,0.0314,0.16,0.069,0.5417,0.5833,0.0133,0.0889,0.1396,0.0116,0.0395,,block of flats,0.1333,Panel,No,3.0,2.0,3.0,0.0,-723.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1328352,372758,Consumer loans,2204.1,16155.0,16609.5,810.0,16155.0,SATURDAY,9,Y,1,0.05064230525351682,,,XAP,Approved,-2214,XNA,XAP,"Spouse, partner",New,Photo / Cinema Equipment,POS,XNA,Country-wide,24,Connectivity,10.0,high,POS mobile with interest,365243.0,-2183.0,-1913.0,-1913.0,-1905.0,0.0,0,Cash loans,F,Y,Y,0,202500.0,668304.0,32278.5,540000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.016612000000000002,-11941,-1792,-5837.0,-4091,17.0,1,1,0,1,0,0,Medicine staff,2.0,2,2,MONDAY,14,0,0,0,0,1,1,School,0.33896474748686783,0.5230285445649655,0.5620604831738043,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2214.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +1757069,292668,Consumer loans,5435.82,42389.55,46579.5,4.05,42389.55,TUESDAY,20,Y,1,9.468617530905608e-05,,,XAP,Approved,-2752,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,2100,Consumer electronics,12.0,high,POS household with interest,365243.0,-2721.0,-2391.0,-2391.0,-2383.0,1.0,0,Cash loans,M,Y,Y,0,157500.0,1125000.0,37179.0,1125000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.04622,-16126,-1812,-8632.0,-4388,3.0,1,1,1,1,1,0,Drivers,2.0,1,1,WEDNESDAY,9,0,0,0,0,0,0,Transport: type 4,,0.7096604726142427,0.3996756156233169,0.0773,0.0785,0.9801,0.728,,0.0,0.1724,0.1667,0.2083,0.0595,0.063,0.0676,0.0,0.092,0.0788,0.0814,0.9801,0.7387,,0.0,0.1724,0.1667,0.2083,0.0608,0.0689,0.0704,0.0,0.0974,0.0781,0.0785,0.9801,0.7316,,0.0,0.1724,0.1667,0.2083,0.0605,0.0641,0.0688,0.0,0.094,reg oper spec account,block of flats,0.0731,Panel,No,0.0,0.0,0.0,0.0,-1681.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1036546,230731,Consumer loans,4920.255,41130.0,40522.5,9000.0,41130.0,TUESDAY,13,Y,1,0.1979265623063896,,,XAP,Approved,-1700,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,34,Connectivity,12.0,high,POS mobile with interest,365243.0,-1669.0,-1339.0,-1339.0,-1331.0,0.0,0,Revolving loans,F,N,N,2,90000.0,202500.0,10125.0,202500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-13991,-2977,-4630.0,-4632,,1,1,0,1,0,0,Laborers,4.0,2,2,MONDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.6465136899938918,0.746300213050371,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1601.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1992660,101447,Revolving loans,2250.0,0.0,45000.0,,0.0,FRIDAY,11,Y,1,,,,XAP,Refused,-1265,XNA,HC,,Repeater,XNA,Cards,walk-in,Credit and cash offices,0,XNA,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,N,0,292500.0,336370.5,36225.0,319500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-14034,-1980,-8133.0,-2030,,1,1,1,1,1,0,Sales staff,2.0,2,2,TUESDAY,18,0,0,0,0,0,0,Self-employed,0.28269470008510056,0.2498387187994675,0.5531646987710016,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2051.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,1.0,1.0,0.0,0.0,8.0 +2073738,412595,Consumer loans,23205.645,125950.5,119340.0,12595.5,125950.5,SATURDAY,20,Y,1,0.10397235425988108,,,XAP,Approved,-646,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,6.0,high,POS mobile with interest,365243.0,-615.0,-465.0,-495.0,-484.0,0.0,0,Cash loans,F,N,Y,0,337500.0,1312110.0,55723.5,1125000.0,Unaccompanied,Commercial associate,Higher education,Married,Municipal apartment,0.072508,-15143,-2246,-2336.0,-2454,,1,1,0,1,0,0,,2.0,1,1,MONDAY,14,0,0,0,0,0,0,Self-employed,0.731544673295609,0.6631922681540987,0.5954562029091491,0.0742,0.1401,0.9747,0.6532,0.0,0.04,0.0345,0.3333,0.375,0.0,0.0605,0.0,0.0,0.0,0.0756,0.1454,0.9747,0.6668,0.0,0.0403,0.0345,0.3333,0.375,0.0,0.0661,0.0,0.0,0.0,0.0749,0.1401,0.9747,0.6578,0.0,0.04,0.0345,0.3333,0.375,0.0,0.0616,0.0,0.0,0.0,reg oper account,block of flats,0.0405,Block,No,0.0,0.0,0.0,0.0,-746.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1108127,233048,Consumer loans,7858.26,58455.0,64629.0,0.0,58455.0,SUNDAY,14,Y,1,0.0,,,XAP,Approved,-268,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,27,Connectivity,12.0,high,POS mobile with interest,365243.0,-232.0,98.0,-52.0,-44.0,0.0,1,Cash loans,M,Y,Y,0,112500.0,450000.0,23692.5,450000.0,"Spouse, partner",Working,Secondary / secondary special,Civil marriage,House / apartment,0.014519999999999996,-10645,-715,-4510.0,-3226,13.0,1,1,0,1,0,0,,2.0,2,2,TUESDAY,11,0,0,0,0,1,1,Construction,0.0766610283910144,0.344191494398425,0.7136313997323308,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1319.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1653738,416026,Consumer loans,11662.38,117076.5,129438.0,0.0,117076.5,SATURDAY,17,Y,1,0.0,,,XAP,Refused,-451,Cash through the bank,LIMIT,,Repeater,Audio/Video,POS,XNA,Country-wide,2700,Consumer electronics,12.0,low_action,POS household without interest,,,,,,,0,Cash loans,F,N,Y,0,67500.0,284400.0,13963.5,225000.0,Unaccompanied,Commercial associate,Incomplete higher,Civil marriage,House / apartment,0.022625,-9226,-180,-2332.0,-1882,,1,1,0,1,0,0,Sales staff,2.0,2,2,TUESDAY,16,0,0,0,0,0,0,Business Entity Type 3,,0.37762413268722417,,0.2041,0.1172,0.9935,0.9116,0.0467,0.16,0.1379,0.3333,0.375,0.1116,0.1664,0.2085,0.0,0.0,0.208,0.1217,0.9935,0.9151,0.0471,0.1611,0.1379,0.3333,0.375,0.1141,0.1818,0.2172,0.0,0.0,0.2061,0.1172,0.9935,0.9128,0.047,0.16,0.1379,0.3333,0.375,0.1135,0.1693,0.2122,0.0,0.0,reg oper account,block of flats,0.1895,"Stone, brick",No,0.0,0.0,0.0,0.0,-797.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1378668,203646,Consumer loans,,120253.5,120253.5,0.0,120253.5,SATURDAY,6,Y,1,0.0,,,XAP,Refused,-501,Cash through the bank,LIMIT,,Repeater,Mobile,XNA,XNA,Country-wide,35,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Cash loans,F,Y,Y,0,225000.0,254700.0,20250.0,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0038179999999999998,-12349,-1006,-4822.0,-888,10.0,1,1,0,1,0,0,Core staff,2.0,2,2,WEDNESDAY,5,0,0,0,0,0,0,Kindergarten,0.2533153181225867,0.531656543248514,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-501.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1385768,366707,Consumer loans,4754.295,52767.0,52767.0,0.0,52767.0,SUNDAY,15,Y,1,0.0,,,XAP,Approved,-39,Cash through the bank,XAP,Unaccompanied,Repeater,Computers,POS,XNA,Country-wide,2500,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-8.0,322.0,365243.0,365243.0,0.0,0,Cash loans,F,N,N,1,171000.0,315000.0,12006.0,315000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.009549,-10340,-2612,-9857.0,-3010,,1,1,0,1,0,0,Core staff,3.0,2,2,THURSDAY,15,0,0,0,1,0,1,Kindergarten,,0.4266659264324808,0.6658549219640212,0.1227,0.115,0.9762,,,,0.2069,0.1667,,0.0837,,0.1019,,,0.125,0.1193,0.9762,,,,0.2069,0.1667,,0.0857,,0.1062,,,0.1239,0.115,0.9762,,,,0.2069,0.1667,,0.0852,,0.1038,,,,block of flats,0.085,Panel,No,0.0,0.0,0.0,0.0,-1554.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,5.0 +2751946,200819,Consumer loans,5569.2,40410.0,48010.5,2250.0,40410.0,SUNDAY,11,Y,1,0.04875507695813898,,,XAP,Approved,-1772,Cash through the bank,XAP,Other_B,New,Mobile,POS,XNA,Country-wide,15,Connectivity,12.0,high,POS mobile with interest,365243.0,-1741.0,-1411.0,-1411.0,-1408.0,0.0,0,Cash loans,F,Y,Y,0,202500.0,490495.5,30136.5,454500.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.018634,-10671,-2202,-3336.0,-3342,3.0,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,15,0,0,0,1,1,0,Trade: type 3,0.2945136033879774,0.7568772858561418,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1772.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2083439,282718,Consumer loans,3394.935,18900.0,16650.0,2250.0,18900.0,FRIDAY,11,Y,1,0.12965367965367966,,,XAP,Approved,-1616,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,30,Connectivity,6.0,high,POS mobile with interest,365243.0,-1573.0,-1423.0,-1423.0,-1418.0,0.0,0,Revolving loans,M,Y,N,2,225000.0,270000.0,13500.0,270000.0,Family,Working,Higher education,Married,Municipal apartment,0.011656999999999999,-13757,-6854,-205.0,-4586,7.0,1,1,0,1,1,0,Laborers,4.0,1,1,THURSDAY,17,0,0,0,0,0,0,Industry: type 9,,0.6948205090551337,0.7380196196295241,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1616.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1659693,426825,Consumer loans,6677.955,30510.0,28489.5,3150.0,30510.0,MONDAY,7,Y,1,0.10842890575503288,,,XAP,Approved,-2621,XNA,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,33,Connectivity,5.0,high,POS mobile with interest,365243.0,-2590.0,-2470.0,-2470.0,-2454.0,1.0,0,Cash loans,F,N,N,1,135000.0,1125000.0,33025.5,1125000.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.010032,-15450,-2511,-2855.0,-4135,,1,1,1,1,1,0,Sales staff,2.0,2,2,TUESDAY,6,0,0,0,0,1,1,Trade: type 7,0.4920169991829208,0.20704031779431967,0.1245194708919845,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2464.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2632621,358763,Consumer loans,4480.245,20695.5,21789.0,0.0,20695.5,FRIDAY,10,Y,1,0.0,,,XAP,Approved,-731,Cash through the bank,XAP,Children,Repeater,Consumer Electronics,POS,XNA,Country-wide,1402,Consumer electronics,6.0,high,POS household with interest,365243.0,-700.0,-550.0,-700.0,-672.0,0.0,0,Cash loans,F,N,N,0,135000.0,257391.0,18040.5,238500.0,Unaccompanied,Pensioner,Secondary / secondary special,Civil marriage,House / apartment,0.018029,-21109,365243,-559.0,-4088,,1,0,0,1,0,0,,2.0,3,2,MONDAY,9,0,0,0,0,0,0,XNA,,0.12542734331601574,,0.0247,0.0334,0.999,0.9864,0.0278,0.0,0.0517,0.0833,0.125,0.0183,0.0202,0.0192,0.0,0.0,0.0252,0.0347,0.999,0.9869,0.0281,0.0,0.0345,0.0833,0.125,0.0187,0.022,0.02,0.0,0.0,0.025,0.0334,0.999,0.9866,0.028,0.0,0.0517,0.0833,0.125,0.0186,0.0205,0.0195,0.0,0.0,reg oper account,block of flats,0.0233,"Stone, brick",No,5.0,0.0,5.0,0.0,-103.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1338351,108878,Consumer loans,3981.105,21771.0,19521.0,2250.0,21771.0,SUNDAY,10,Y,1,0.1125559021383742,,,XAP,Approved,-792,XNA,XAP,,New,Mobile,POS,XNA,Country-wide,30,Connectivity,6.0,high,POS mobile with interest,365243.0,-738.0,-588.0,-738.0,-729.0,0.0,0,Cash loans,M,N,Y,0,180000.0,78192.0,8842.5,67500.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,House / apartment,0.00733,-16192,-528,-10245.0,-4821,,1,1,0,1,0,0,Drivers,1.0,2,2,MONDAY,11,0,0,0,0,0,0,Transport: type 3,,0.4489284707740551,0.4066174366275036,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-792.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,2.0 +1409154,444196,Consumer loans,9460.665,59872.5,46372.5,13500.0,59872.5,SUNDAY,7,Y,1,0.24556728502613506,,,XAP,Approved,-1330,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,1800,Consumer electronics,6.0,high,POS household with interest,365243.0,-1299.0,-1149.0,-1209.0,-1203.0,0.0,0,Cash loans,F,N,Y,0,90000.0,397881.0,22347.0,328500.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.020713,-23474,365243,-14883.0,-4468,,1,0,0,1,0,0,,1.0,3,2,SUNDAY,7,0,0,0,0,0,0,XNA,,0.3302297000270924,0.7738956942145427,0.0041,0.0,0.9732,0.6328,0.0,0.0,0.0345,0.0,0.0417,0.0108,0.0034,0.0021,0.0,0.0,0.0042,0.0,0.9732,0.6472,0.0,0.0,0.0345,0.0,0.0417,0.0111,0.0037,0.0022,0.0,0.0,0.0042,0.0,0.9732,0.6377,0.0,0.0,0.0345,0.0,0.0417,0.011,0.0034,0.0021,0.0,0.0,reg oper account,block of flats,0.0016,Wooden,No,0.0,0.0,0.0,0.0,-673.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1.0,1.0,0.0,1.0,0.0,6.0 +1311998,182391,Consumer loans,8870.94,81589.5,90207.0,0.0,81589.5,SATURDAY,15,Y,1,0.0,,,XAP,Approved,-711,Non-cash from your account,XAP,,Refreshed,Consumer Electronics,POS,XNA,Stone,134,Consumer electronics,12.0,middle,POS household with interest,365243.0,-678.0,-348.0,-348.0,-346.0,0.0,1,Cash loans,F,Y,Y,2,126000.0,198270.0,23530.5,162000.0,Family,Working,Secondary / secondary special,Civil marriage,House / apartment,0.025164,-13400,-803,-5271.0,-5209,14.0,1,1,1,1,0,0,Cooking staff,4.0,2,2,WEDNESDAY,12,0,0,0,0,0,0,Self-employed,,0.6810816407832401,0.3893387918468769,0.0655,0.1053,0.9771,,,0.0,0.1552,0.1042,,0.12,,0.0583,,0.0,0.0084,0.1093,0.9727,,,0.0,0.0345,0.0417,,0.1227,,0.0094,,0.0,0.0661,0.1053,0.9771,,,0.0,0.1552,0.1042,,0.1221,,0.0594,,0.0,,block of flats,0.0071,Block,No,6.0,1.0,6.0,1.0,-129.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2289527,291816,Revolving loans,11025.0,0.0,157500.0,,,TUESDAY,12,N,1,,,,XAP,Refused,-1638,XNA,HC,,Repeater,XNA,Cards,x-sell,Country-wide,40,Connectivity,0.0,XNA,Card X-Sell,,,,,,,0,Cash loans,F,Y,Y,0,153000.0,343683.0,18774.0,261000.0,"Spouse, partner",Commercial associate,Secondary / secondary special,Married,House / apartment,0.010147,-18984,-2916,-9163.0,-2499,13.0,1,1,1,1,1,0,,2.0,2,2,TUESDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.4872558438497298,0.35895122857839673,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1747.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1096767,121954,Revolving loans,3375.0,67500.0,67500.0,,67500.0,WEDNESDAY,20,Y,1,,,,XAP,Refused,-607,XNA,HC,,Repeater,XNA,Cards,walk-in,Country-wide,5094,Consumer electronics,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,N,0,63000.0,312768.0,15966.0,270000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.005144,-10538,-891,-7290.0,-970,,1,1,1,1,1,0,,2.0,2,2,SUNDAY,12,0,0,0,1,1,0,Business Entity Type 3,0.1258834575481585,0.6045232113700784,0.6706517530862718,,,0.9876,,,,0.0345,0.0417,,,,0.0065,,,,,0.9876,,,,0.0345,0.0417,,,,0.0067,,,,,0.9876,,,,0.0345,0.0417,,,,0.0066,,,,,0.0051,"Stone, brick",No,0.0,0.0,0.0,0.0,-1893.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1423692,127782,Consumer loans,21345.525,210613.5,228685.5,0.0,210613.5,FRIDAY,8,Y,1,0.0,,,XAP,Approved,-365,Cash through the bank,XAP,,New,Clothing and Accessories,POS,XNA,Stone,108,Clothing,12.0,low_normal,POS industry with interest,365243.0,-330.0,0.0,-180.0,-174.0,0.0,1,Cash loans,F,N,N,9,180000.0,640080.0,31131.0,450000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,Municipal apartment,0.006629,-10929,-1042,-950.0,-3447,,1,1,1,1,0,0,Sales staff,10.0,2,2,THURSDAY,14,0,0,0,0,0,0,Self-employed,0.2343675752669533,0.470563928065654,0.6940926425266661,0.1247,0.0,0.9975,0.966,,0.08,0.069,0.3333,0.0417,0.0125,0.1017,0.096,0.0,,0.1271,0.0,0.9975,0.9673,,0.0806,0.069,0.3333,0.0417,0.0128,0.1111,0.1,0.0,,0.126,0.0,0.9975,0.9665,,0.08,0.069,0.3333,0.0417,0.0128,0.1035,0.0977,0.0,,reg oper account,block of flats,0.1252,Panel,No,3.0,1.0,3.0,1.0,-365.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +2695224,385698,Consumer loans,4726.35,54954.0,40500.0,14454.0,54954.0,MONDAY,12,Y,1,0.28645266950540443,,,XAP,Refused,-2864,Cash through the bank,SCO,,Repeater,XNA,POS,XNA,Stone,131,Consumer electronics,12.0,low_normal,POS household with interest,,,,,,,0,Cash loans,F,N,N,0,112500.0,630000.0,26820.0,630000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.030755,-18503,-3368,-4557.0,-2048,,1,1,0,1,1,0,Sales staff,1.0,2,2,THURSDAY,12,0,0,0,0,1,1,Government,,0.6119690833634556,0.17456426555726348,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2424.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2291584,306785,Consumer loans,26490.96,301644.0,280476.0,30168.0,301644.0,FRIDAY,9,Y,1,0.10576639029066892,,,XAP,Approved,-724,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Regional / Local,100,Furniture,12.0,low_normal,POS industry with interest,365243.0,-687.0,-357.0,-357.0,-344.0,0.0,0,Cash loans,F,N,Y,0,225000.0,534204.0,35829.0,495000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.031329,-18746,-2160,-9059.0,-1810,,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Self-employed,0.5896801761798519,0.7157141475289397,0.2678689358444539,0.0732,0.0837,0.9786,0.7076,0.0081,0.0,0.1379,0.1667,0.2083,0.0177,0.0588,0.0654,0.0039,0.0045,0.0746,0.0869,0.9786,0.7190000000000001,0.0081,0.0,0.1379,0.1667,0.2083,0.0181,0.0643,0.0682,0.0039,0.0048,0.0739,0.0837,0.9786,0.7115,0.0081,0.0,0.1379,0.1667,0.2083,0.018000000000000002,0.0599,0.0666,0.0039,0.0046,reg oper account,block of flats,0.0525,Block,No,0.0,0.0,0.0,0.0,-1536.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1673504,141016,Revolving loans,4500.0,270000.0,270000.0,,270000.0,SUNDAY,13,N,0,,,,XAP,Refused,-492,XNA,HC,,Refreshed,XNA,Cards,x-sell,AP+ (Cash loan),-1,XNA,0.0,XNA,Card X-Sell,,,,,,,0,Revolving loans,F,N,Y,0,112500.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Higher education,Separated,House / apartment,0.015221,-16914,-3991,-2364.0,-5289,,1,1,1,1,1,0,,1.0,2,2,TUESDAY,12,0,0,0,0,0,0,Other,0.8809570175081781,0.6064454844534138,0.3723336657058204,0.0825,0.0644,0.9771,0.6872,0.0203,0.0,0.1379,0.1667,0.0417,0.0711,0.0672,0.0707,0.0,0.0,0.084,0.0669,0.9772,0.6994,0.0205,0.0,0.1379,0.1667,0.0417,0.0727,0.0735,0.0737,0.0,0.0,0.0833,0.0644,0.9771,0.6914,0.0204,0.0,0.1379,0.1667,0.0417,0.0723,0.0684,0.07200000000000001,0.0,0.0,reg oper account,block of flats,0.0667,Panel,No,0.0,0.0,0.0,0.0,-58.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,4.0,0.0,3.0 +1234965,164916,Consumer loans,3541.725,30276.0,29812.5,3150.0,30276.0,SATURDAY,14,Y,1,0.10407694694384106,,,XAP,Approved,-2327,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,37,Connectivity,12.0,high,POS mobile with interest,365243.0,-2296.0,-1966.0,-1966.0,-1962.0,0.0,0,Cash loans,M,N,Y,1,405000.0,781920.0,40054.5,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0105,-15782,-5537,-4911.0,-1558,,1,1,0,1,0,0,Laborers,3.0,3,3,TUESDAY,16,0,0,0,0,0,0,Self-employed,,0.004884301569113108,0.1940678276718812,,0.152,0.9846,,,0.08,0.2069,0.3333,,,,0.2188,,0.0037,,0.1063,0.9846,,,0.0,0.1379,0.3333,,,,0.1522,,0.0039,,0.152,0.9846,,,0.08,0.2069,0.3333,,,,0.2227,,0.0038,,,0.2293,Panel,No,4.0,0.0,3.0,0.0,-1054.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,12.0 +1936971,243675,Consumer loans,11494.845,51502.5,42651.0,10300.5,51502.5,MONDAY,13,Y,1,0.21185766048347845,,,XAP,Approved,-892,Cash through the bank,XAP,Unaccompanied,Refreshed,Mobile,POS,XNA,Country-wide,75,Connectivity,4.0,middle,POS mobile without interest,365243.0,-861.0,-771.0,-771.0,-766.0,0.0,0,Revolving loans,M,Y,Y,1,247500.0,135000.0,6750.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-19354,-2658,-646.0,-2879,6.0,1,1,1,1,1,0,Laborers,3.0,2,2,THURSDAY,9,0,0,0,0,1,1,Other,0.6654193865400867,0.7660437591893045,0.6817058776720116,0.0098,0.0,0.9861,0.8232,0.006,0.0,0.069,0.0208,0.0,0.0146,0.0151,0.0103,0.0,0.0015,0.0011,0.0,0.9846,0.8301,0.0061,0.0,0.0345,0.0,0.0,0.0037,0.0165,0.0011,0.0,0.0,0.0099,0.0,0.9861,0.8256,0.0061,0.0,0.069,0.0208,0.0,0.0149,0.0154,0.0105,0.0,0.0015,reg oper account,terraced house,0.0187,Wooden,No,0.0,0.0,0.0,0.0,-2328.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2261935,187445,Consumer loans,6754.68,38155.5,33655.5,4500.0,38155.5,TUESDAY,13,Y,1,0.12844567862848316,,,XAP,Refused,-2743,XNA,SCO,Children,Repeater,XNA,POS,XNA,Stone,91,Consumer electronics,6.0,high,POS household with interest,,,,,,,0,Cash loans,F,N,Y,3,180000.0,454500.0,23337.0,454500.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.020713,-14625,-3022,-2327.0,-5458,,1,1,1,1,1,0,Medicine staff,5.0,3,1,MONDAY,12,0,0,0,0,0,0,Medicine,,0.1902997324456865,0.3572932680336494,0.0804,0.0813,0.9796,,0.0579,0.0,0.1379,0.1667,,0.0397,0.0656,0.0691,,0.0053,0.0819,0.0843,0.9796,,0.0584,0.0,0.1379,0.1667,,0.0406,0.0716,0.07200000000000001,,0.0056,0.0812,0.0813,0.9796,,0.0583,0.0,0.1379,0.1667,,0.0404,0.0667,0.0703,,0.0054,reg oper account,block of flats,0.0555,Panel,No,0.0,0.0,0.0,0.0,-1514.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1835491,193681,Cash loans,13812.075,135000.0,170635.5,,135000.0,THURSDAY,13,Y,1,,,,XNA,Approved,-557,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-527.0,-17.0,-11.0,-8.0,1.0,0,Cash loans,F,N,Y,0,112500.0,271066.5,13041.0,234000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.030755,-20057,-974,-9612.0,-2569,,1,1,0,1,1,0,Security staff,2.0,2,2,MONDAY,11,0,0,0,0,0,0,Other,,0.16040532147836672,,0.0784,0.0714,0.9831,0.7688,,0.0,0.069,0.1667,0.2083,0.0636,0.0639,0.0567,,0.0,0.0798,0.0741,0.9831,0.7779,,0.0,0.069,0.1667,0.2083,0.065,0.0698,0.059,,0.0,0.0791,0.0714,0.9831,0.7719,,0.0,0.069,0.1667,0.2083,0.0647,0.065,0.0577,,0.0,reg oper account,terraced house,0.0612,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2300509,315127,Consumer loans,7548.75,69741.0,67945.5,6975.0,69741.0,SATURDAY,9,Y,1,0.10139293105237006,,,XAP,Approved,-1884,Cash through the bank,XAP,Family,Repeater,Audio/Video,POS,XNA,Country-wide,3500,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-1853.0,-1583.0,-1583.0,-1575.0,0.0,0,Cash loans,M,Y,Y,1,292500.0,1372500.0,43096.5,1372500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.020713,-12639,-5492,-1748.0,-4427,2.0,1,1,0,1,0,1,Managers,3.0,3,2,SUNDAY,9,0,0,0,0,0,0,Transport: type 2,0.5896053165994488,0.11886337677396418,0.33285056416487313,0.1196,0.1727,0.994,0.9184,0.0099,0.0,0.4138,0.1667,0.2083,0.1163,0.0967,0.1245,0.0039,0.0677,0.1218,0.1792,0.994,0.9216,0.01,0.0,0.4138,0.1667,0.2083,0.1189,0.1056,0.1297,0.0039,0.0717,0.1207,0.1727,0.994,0.9195,0.01,0.0,0.4138,0.1667,0.2083,0.1183,0.0983,0.1267,0.0039,0.0691,reg oper account,block of flats,0.1181,"Stone, brick",No,0.0,0.0,0.0,0.0,-14.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2745190,144844,Consumer loans,4785.345,28305.0,30172.5,0.0,28305.0,TUESDAY,14,Y,1,0.0,,,XAP,Approved,-2420,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Country-wide,33,Connectivity,8.0,high,POS mobile with interest,365243.0,-2389.0,-2179.0,-2179.0,-2170.0,1.0,1,Revolving loans,F,N,N,0,112500.0,270000.0,13500.0,270000.0,Unaccompanied,Working,Higher education,Single / not married,House / apartment,0.035792000000000004,-16212,-3533,-2823.0,-4737,,1,1,0,1,1,0,,1.0,2,2,SUNDAY,10,0,0,0,0,0,0,Business Entity Type 1,0.4522387338715739,0.3939078486536681,0.4329616670974407,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,2.0,3.0,1.0,-2420.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2697481,198009,Consumer loans,3791.115,84060.0,84060.0,0.0,84060.0,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-1710,Cash through the bank,XAP,Unaccompanied,Repeater,Consumer Electronics,POS,XNA,Country-wide,3500,Consumer electronics,24.0,low_action,POS household without interest,365243.0,-1678.0,-988.0,-1168.0,-1163.0,0.0,0,Cash loans,F,N,N,1,157500.0,900000.0,46084.5,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.020713,-13114,-2869,-7188.0,-4706,,1,1,0,1,1,0,Sales staff,3.0,3,2,THURSDAY,10,0,0,0,0,0,0,Business Entity Type 3,0.6346761113027882,0.4162051290016494,0.4436153084085652,0.0381,0.0167,0.9712,0.6056,0.0053,0.0,0.1034,0.0833,0.125,0.0172,0.0311,0.0359,0.0,0.0,0.0389,0.0174,0.9712,0.621,0.0053,0.0,0.1034,0.0833,0.125,0.0176,0.034,0.0374,0.0,0.0,0.0385,0.0167,0.9712,0.6109,0.0053,0.0,0.1034,0.0833,0.125,0.0175,0.0316,0.0365,0.0,0.0,reg oper account,block of flats,0.0311,"Stone, brick",No,0.0,0.0,0.0,0.0,-821.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2127542,248400,Consumer loans,7029.45,92560.5,107221.5,0.0,92560.5,SATURDAY,15,Y,1,0.0,,,XAP,Approved,-333,Cash through the bank,XAP,Family,Repeater,Computers,POS,XNA,Regional / Local,200,Consumer electronics,18.0,low_normal,POS household with interest,365243.0,-303.0,207.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,0,112500.0,673875.0,26239.5,562500.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.019101,-14585,-1128,-7457.0,-4872,5.0,1,1,0,1,0,0,Drivers,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Medicine,0.026927975950944517,0.6300264047511326,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-526.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2302209,218548,Cash loans,,0.0,0.0,,,TUESDAY,10,Y,1,,,,XNA,Refused,-367,XNA,SCOFR,,Repeater,XNA,XNA,XNA,AP+ (Cash loan),-1,XNA,,XNA,Cash,,,,,,,1,Cash loans,M,Y,N,0,211500.0,405000.0,21969.0,405000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.008473999999999999,-13223,-791,-1240.0,-4526,24.0,1,1,1,1,1,1,Security staff,2.0,2,2,WEDNESDAY,15,0,1,1,0,1,1,Business Entity Type 3,0.01992542323849961,0.18656446242243369,0.1624419982223248,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2278.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,2.0 +1600955,309392,Cash loans,12831.165,135000.0,161730.0,,135000.0,SATURDAY,12,Y,1,,,,Repairs,Refused,-152,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),4,XNA,18.0,middle,Cash Street: middle,,,,,,,0,Cash loans,M,N,N,0,112500.0,152820.0,10341.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.031329,-12049,-530,-3612.0,-2155,,1,1,1,1,1,1,Laborers,2.0,2,2,THURSDAY,11,0,0,0,1,1,0,Business Entity Type 3,0.09247501321728188,0.039458639954684405,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,6.0,0.0,6.0,0.0,-753.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1778964,439699,Cash loans,14827.635,180000.0,203760.0,,180000.0,TUESDAY,16,Y,1,,,,XNA,Refused,-1558,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,high,Cash X-Sell: high,,,,,,,0,Cash loans,F,N,Y,0,292500.0,523597.5,20763.0,468000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-22272,365243,-5695.0,-3977,,1,0,0,1,0,0,,2.0,2,2,SATURDAY,15,0,0,0,0,0,0,XNA,,0.7543453960888398,,0.0082,0.0,0.9697,0.5852,0.0014,0.0,0.0345,0.0417,0.0833,0.0044,0.0067,0.0089,0.0,0.0,0.0084,0.0,0.9697,0.6014,0.0014,0.0,0.0345,0.0417,0.0833,0.0045,0.0073,0.0093,0.0,0.0,0.0083,0.0,0.9697,0.5907,0.0014,0.0,0.0345,0.0417,0.0833,0.0045,0.0068,0.009000000000000001,0.0,0.0,not specified,block of flats,0.0077,"Stone, brick",No,6.0,0.0,6.0,0.0,-1613.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2113745,344044,Revolving loans,6750.0,0.0,135000.0,,,MONDAY,11,Y,1,,,,XAP,Approved,-1064,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,157500.0,544491.0,17694.0,454500.0,Unaccompanied,Working,Secondary / secondary special,Married,Rented apartment,0.016612000000000002,-9983,-2591,-2176.0,-2650,,1,1,0,1,0,0,Medicine staff,2.0,2,2,MONDAY,9,0,0,0,0,1,1,Medicine,,0.12282651715654384,0.7850520263728172,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2382.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1176857,175602,Consumer loans,15538.005,85500.0,75564.0,13500.0,85500.0,FRIDAY,14,Y,1,0.16508047328580872,,,XAP,Approved,-1921,XNA,XAP,Family,Repeater,Furniture,POS,XNA,Stone,500,Furniture,6.0,high,POS industry with interest,365243.0,-1890.0,-1740.0,-1740.0,-1737.0,0.0,0,Cash loans,F,N,Y,2,247500.0,780363.0,31077.0,697500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.005313,-13157,-907,-4298.0,-4340,,1,1,0,1,0,0,Sales staff,4.0,2,2,MONDAY,17,0,0,0,0,0,0,Business Entity Type 3,,0.6750000507503456,0.524496446363472,0.0041,,0.9722,,,0.0,,0.0,,,,0.0016,,,0.0042,,0.9722,,,0.0,,0.0,,,,0.0016,,,0.0042,,0.9722,,,0.0,,0.0,,,,0.0016,,,,block of flats,0.0017,"Stone, brick",Yes,0.0,0.0,0.0,0.0,-2169.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1043853,424173,Cash loans,25283.745,657000.0,761067.0,,657000.0,WEDNESDAY,15,Y,1,,,,XNA,Refused,-8,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,166500.0,518562.0,22099.5,463500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.025164,-21066,365243,-7274.0,-4056,,1,0,0,1,0,0,,1.0,2,2,THURSDAY,15,0,0,0,0,0,0,XNA,,0.7326701711837942,0.4241303111942548,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-831.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1884306,384325,Cash loans,5763.825,45000.0,54319.5,,45000.0,FRIDAY,15,Y,1,,,,Urgent needs,Refused,-291,Cash through the bank,SCO,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,middle,Cash Street: middle,,,,,,,0,Cash loans,M,Y,Y,0,202500.0,450000.0,48595.5,450000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.026392000000000002,-18454,-1231,-3339.0,-1956,2.0,1,1,0,1,0,0,Laborers,2.0,2,2,TUESDAY,18,0,0,0,0,0,0,Business Entity Type 3,0.5030700914307034,0.05390017743979785,0.5638350489514956,0.0392,0.0655,0.9727,,,0.0,0.1034,0.1667,,0.0951,,0.045,,,0.0399,0.0679,0.9727,,,0.0,0.1034,0.1667,,0.0973,,0.0469,,,0.0396,0.0655,0.9727,,,0.0,0.1034,0.1667,,0.0968,,0.0458,,,,block of flats,0.0479,"Stone, brick",No,0.0,0.0,0.0,0.0,-1032.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,6.0 +1730119,237920,Cash loans,16072.11,157500.0,167895.0,,157500.0,FRIDAY,11,Y,1,,,,XNA,Approved,-998,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,low_normal,Cash X-Sell: low,365243.0,-968.0,-638.0,-638.0,-632.0,1.0,0,Cash loans,F,N,Y,0,166500.0,835164.0,35383.5,733500.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.025164,-23594,365243,-10547.0,-4782,,1,0,0,1,0,0,,2.0,2,2,TUESDAY,8,0,0,0,0,0,0,XNA,0.6929061914760815,0.49346384875239097,0.16048893062734468,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-694.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +2371155,144289,Consumer loans,8470.305,82080.0,90747.0,0.0,82080.0,SATURDAY,8,Y,1,0.0,,,XAP,Approved,-762,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Regional / Local,74,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-731.0,-401.0,-401.0,-397.0,0.0,1,Cash loans,F,N,Y,0,180000.0,175500.0,10665.0,175500.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.008068,-14982,-1236,-8744.0,-4698,,1,1,1,1,1,0,Sales staff,2.0,3,3,FRIDAY,14,0,0,0,0,0,0,Trade: type 1,,0.07776513759925502,0.3031463744186309,0.1237,0.1283,0.9776,,,0.0,0.2069,0.1667,,0.0223,,0.1142,,0.0,0.1261,0.1332,0.9777,,,0.0,0.2069,0.1667,,0.0228,,0.119,,0.0,0.1249,0.1283,0.9776,,,0.0,0.2069,0.1667,,0.0227,,0.1162,,0.0,,block of flats,0.1014,Panel,No,1.0,0.0,1.0,0.0,-415.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2236493,111323,Cash loans,,0.0,0.0,,,SUNDAY,12,Y,1,,,,XNA,Refused,-358,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,Y,N,0,90000.0,288873.0,14805.0,238500.0,Unaccompanied,Working,Higher education,Married,With parents,0.010147,-10917,-214,-2495.0,-2704,10.0,1,1,0,1,0,0,,2.0,2,2,THURSDAY,14,0,0,0,0,0,0,Mobile,0.5671810124687966,0.5815599060804321,0.3185955240537633,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1479.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1697285,347872,Consumer loans,6839.37,40455.0,43123.5,0.0,40455.0,SATURDAY,6,Y,1,0.0,,,XAP,Approved,-2648,XNA,XAP,Family,New,Audio/Video,POS,XNA,Country-wide,1744,Consumer electronics,8.0,high,POS household with interest,365243.0,-2617.0,-2407.0,-2407.0,-2402.0,1.0,0,Cash loans,F,Y,Y,0,135000.0,1078200.0,31653.0,900000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010032,-17220,-2536,-1943.0,-766,23.0,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,5,0,0,0,0,0,0,Transport: type 4,0.8543652728411135,0.5679908301555592,0.6212263380626669,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2374.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2801466,175868,Consumer loans,8869.05,78655.5,62905.5,15750.0,78655.5,SATURDAY,13,Y,1,0.2180798776713875,,,XAP,Approved,-339,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,50,Connectivity,10.0,high,POS mobile with interest,365243.0,-304.0,-34.0,-34.0,-30.0,0.0,0,Cash loans,F,Y,Y,0,135000.0,135000.0,14305.5,135000.0,Family,Working,Secondary / secondary special,Separated,House / apartment,0.030755,-8219,-1136,-3042.0,-882,1.0,1,1,0,1,0,0,Sales staff,1.0,2,2,TUESDAY,17,0,0,0,1,1,0,Self-employed,0.08245528895891513,0.3519869600406068,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-339.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1968346,362067,Consumer loans,5351.625,53675.595,44671.5,9004.095,53675.595,SATURDAY,15,Y,1,0.1826952828206358,,,XAP,Refused,-2358,Cash through the bank,SCO,Children,Repeater,Consumer Electronics,POS,XNA,Country-wide,1700,Consumer electronics,10.0,middle,POS household with interest,,,,,,,0,Cash loans,F,N,N,0,135000.0,622575.0,22491.0,463500.0,Unaccompanied,Pensioner,Higher education,Separated,House / apartment,0.009656999999999999,-21914,365243,-7091.0,-4833,,1,0,0,1,0,0,,1.0,2,2,FRIDAY,16,0,0,0,0,0,0,XNA,0.3701960239473021,0.5406621244269372,0.6178261467332483,0.2062,0.1309,0.9901,0.8640000000000001,0.0,0.2,0.1724,0.375,0.4167,0.0978,0.1681,0.1369,0.0,0.3116,0.2101,0.1358,0.9901,0.8693,0.0,0.2014,0.1724,0.375,0.4167,0.1,0.1837,0.1427,0.0,0.3298,0.2082,0.1309,0.9901,0.8658,0.0,0.2,0.1724,0.375,0.4167,0.0995,0.171,0.1394,0.0,0.3181,reg oper spec account,block of flats,0.2004,Panel,No,0.0,0.0,0.0,0.0,-2921.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2317665,429334,Revolving loans,6750.0,0.0,135000.0,,,THURSDAY,9,Y,1,,,,XAP,Approved,-1136,XNA,XAP,,Repeater,XNA,Cards,x-sell,Country-wide,17,Connectivity,0.0,XNA,Card X-Sell,-1135.0,-1095.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,2,90000.0,677664.0,24471.0,585000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010556,-13850,-2538,-2096.0,-5012,,1,1,0,1,0,0,,4.0,3,3,SATURDAY,10,0,0,0,0,1,1,Business Entity Type 1,0.14431390452783047,0.3642562612268217,0.6971469077844458,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1957.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2678748,361502,Consumer loans,5214.195,125172.0,111892.5,13279.5,125172.0,MONDAY,12,Y,1,0.1155416764713572,,,XAP,Refused,-2793,Cash through the bank,SCO,Family,Repeater,XNA,POS,XNA,Country-wide,1539,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,1,Cash loans,F,Y,Y,0,315000.0,1483231.5,51687.0,1354500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.025164,-15653,-5500,-7223.0,-4471,3.0,1,1,0,1,0,1,Core staff,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Self-employed,0.5718274003458297,0.4824166672989368,0.2940831009471255,0.1392,0.1364,0.9796,,,0.0,0.3448,0.1667,,0.0,,0.1324,,0.0151,0.1418,0.1415,0.9796,,,0.0,0.3448,0.1667,,0.0,,0.1379,,0.016,0.1405,0.1364,0.9796,,,0.0,0.3448,0.1667,,0.0,,0.1347,,0.0154,,block of flats,0.14400000000000002,Panel,No,6.0,1.0,6.0,1.0,-1719.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1365610,203336,Consumer loans,13872.285,148684.5,148684.5,0.0,148684.5,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-654,Cash through the bank,XAP,Family,Refreshed,Clothing and Accessories,POS,XNA,Stone,17,Furniture,12.0,low_normal,POS other with interest,365243.0,-621.0,-291.0,-321.0,-318.0,0.0,0,Cash loans,F,Y,N,0,81000.0,227520.0,13189.5,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-16311,-737,-307.0,-4251,16.0,1,1,1,1,1,0,Sales staff,2.0,2,2,WEDNESDAY,9,0,0,0,1,1,0,Business Entity Type 3,,0.4066157263575495,0.6722428897082422,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,4.0,0.0,4.0,0.0,-496.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2439723,357244,Revolving loans,2250.0,45000.0,45000.0,,45000.0,MONDAY,19,Y,1,,,,XAP,Approved,-275,XNA,XAP,,Repeater,XNA,Cards,walk-in,Country-wide,12,Connectivity,0.0,XNA,Card Street,-275.0,-233.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,121500.0,491211.0,47983.5,472500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.00963,-21367,-551,-1477.0,-4368,18.0,1,1,0,1,0,0,Security staff,2.0,2,2,WEDNESDAY,10,0,1,1,0,1,1,Security,0.5706128128847481,0.5556475394003527,0.6313545365850379,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1777.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2422555,407912,Cash loans,26123.04,337500.0,384277.5,,337500.0,SATURDAY,10,Y,1,,,,XNA,Refused,-1273,Cash through the bank,LIMIT,"Spouse, partner",Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,high,Cash Street: high,,,,,,,1,Cash loans,M,Y,Y,0,180000.0,237024.0,17374.5,180000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010006000000000001,-20063,-1624,-4552.0,-3517,11.0,1,1,1,1,1,0,Laborers,2.0,2,2,FRIDAY,16,0,0,0,0,0,0,Transport: type 4,0.76707677215657,0.5066000431406036,0.10684194768082178,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,10.0,0.0,10.0,0.0,-1763.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1731167,146108,Cash loans,16978.905,180000.0,197820.0,0.0,180000.0,FRIDAY,15,Y,1,0.0,,,XNA,Approved,-2206,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,18.0,high,Cash Street: high,365243.0,-2176.0,-1666.0,-1726.0,-1721.0,1.0,0,Cash loans,F,N,N,0,180000.0,122521.5,11236.5,99000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.035792000000000004,-12932,-1836,-529.0,-3412,,1,1,0,1,0,0,Private service staff,1.0,2,2,SATURDAY,14,0,0,0,0,0,0,Other,0.4424398902750957,0.6609368110041745,0.2925880073368475,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-2586.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,1.0 +2260725,204592,Cash loans,21645.675,256500.0,277830.0,,256500.0,FRIDAY,9,Y,1,,,,XNA,Approved,-1497,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,middle,Cash X-Sell: middle,365243.0,-1467.0,-957.0,-957.0,-949.0,1.0,0,Revolving loans,F,N,Y,1,112500.0,315000.0,15750.0,315000.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.031329,-13096,-1810,-461.0,-4383,,1,1,0,1,0,0,,2.0,2,2,THURSDAY,10,0,0,0,0,0,0,Business Entity Type 3,,0.7045064166006577,0.6109913280868294,0.1031,0.0,0.9771,0.6872,0.0199,0.0,0.069,0.1667,0.2083,0.017,0.0832,0.0283,0.0039,0.0009,0.105,0.0,0.9772,0.6994,0.0201,0.0,0.069,0.1667,0.2083,0.0174,0.0909,0.0295,0.0039,0.001,0.1041,0.0,0.9771,0.6914,0.0201,0.0,0.069,0.1667,0.2083,0.0173,0.0847,0.0288,0.0039,0.0009,reg oper account,block of flats,0.0225,"Stone, brick",No,0.0,0.0,0.0,0.0,-1243.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +1503612,365598,Cash loans,14379.48,135000.0,143910.0,,135000.0,FRIDAY,12,Y,1,,,,XNA,Approved,-1330,XNA,XAP,,Repeater,XNA,Cash,x-sell,Country-wide,-1,Consumer electronics,12.0,middle,Cash X-Sell: middle,365243.0,-1300.0,-970.0,-1090.0,-1083.0,1.0,0,Cash loans,F,N,Y,0,157500.0,1515415.5,39973.5,1354500.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-22629,365243,-9086.0,-4778,,1,0,0,1,0,0,,2.0,2,2,FRIDAY,10,0,0,0,0,0,0,XNA,0.6541019339411507,0.6976370386555278,0.5172965813614878,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1912.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,7.0 +2004756,129684,Cash loans,9416.475,67500.0,82111.5,,67500.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-1645,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-1615.0,-1285.0,-1285.0,-1276.0,1.0,0,Cash loans,M,N,N,1,157500.0,361462.5,21973.5,274500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Single / not married,House / apartment,0.009549,-14396,-6907,-8531.0,-4563,,1,1,0,1,0,0,Laborers,2.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,Transport: type 4,,0.5467056829765103,0.6246146584503397,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1645.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1193356,346549,Consumer loans,2833.83,29763.0,26784.0,2979.0,29763.0,TUESDAY,10,Y,1,0.10900788960057176,,,XAP,Approved,-123,Cash through the bank,XAP,Family,Repeater,Mobile,POS,XNA,Stone,24,Connectivity,12.0,middle,POS mobile with interest,365243.0,-93.0,237.0,-3.0,365243.0,0.0,0,Cash loans,F,Y,Y,0,135000.0,1103292.0,39757.5,855000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.019688999999999998,-18705,-1410,-4659.0,-2227,8.0,1,1,0,1,0,1,,2.0,2,2,SATURDAY,13,0,0,0,0,0,0,Business Entity Type 1,0.8063851759314876,0.5530814690374567,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,3.0,0.0,3.0,0.0,-391.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2645153,100662,Cash loans,26510.76,450000.0,545040.0,,450000.0,MONDAY,16,Y,1,,,,XNA,Approved,-225,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,48.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,F,N,Y,0,67500.0,152685.0,7924.5,103500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.009656999999999999,-16848,-362,-209.0,-396,,1,1,0,1,0,1,Sales staff,2.0,2,2,TUESDAY,17,0,0,0,0,0,0,Industry: type 4,0.4199981060155127,0.5520163868600351,0.6109913280868294,0.0598,0.0676,0.9767,,,0.0,0.1034,0.1667,,0.154,,0.0574,,0.0069,0.0609,0.0702,0.9767,,,0.0,0.1034,0.1667,,0.1575,,0.0598,,0.0073,0.0604,0.0676,0.9767,,,0.0,0.1034,0.1667,,0.1567,,0.0584,,0.006999999999999999,,block of flats,0.0601,Panel,No,0.0,0.0,0.0,0.0,-1057.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1766390,339086,Consumer loans,10211.76,98955.0,109404.0,0.0,98955.0,MONDAY,17,Y,1,0.0,,,XAP,Approved,-833,Cash through the bank,XAP,Children,New,Audio/Video,POS,XNA,Stone,450,Consumer electronics,12.0,low_normal,POS household with interest,365243.0,-801.0,-471.0,-681.0,-672.0,0.0,0,Cash loans,F,Y,Y,1,270000.0,808650.0,26217.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.009549,-11321,-3119,-2888.0,-3821,6.0,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,13,0,0,0,0,0,0,Self-employed,,0.07153153985716082,0.3825018041447388,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1147299,324525,Cash loans,10957.905,247500.0,287685.0,,247500.0,TUESDAY,10,Y,1,,,,XNA,Approved,-255,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),100,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-225.0,825.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,85050.0,528633.0,22527.0,472500.0,"Spouse, partner",Pensioner,Secondary / secondary special,Married,House / apartment,0.01885,-23214,365243,-5417.0,-5421,,1,0,0,1,1,0,,2.0,2,2,FRIDAY,13,0,0,0,0,0,0,XNA,,0.592897131352443,0.4992720153045617,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,7.0,0.0,7.0,0.0,-2184.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2811907,410859,Cash loans,26608.275,270000.0,393322.5,,270000.0,TUESDAY,18,Y,1,,,,Urgent needs,Refused,-548,Cash through the bank,SCOFR,,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,high,Cash Street: high,,,,,,,0,Cash loans,M,N,Y,0,211500.0,485640.0,41674.5,450000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.002042,-10754,-1588,-1308.0,-3339,,1,1,0,1,0,0,Laborers,2.0,3,3,THURSDAY,14,0,0,0,1,1,0,Business Entity Type 3,0.18655068640987602,0.5281648180190792,0.7136313997323308,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-790.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2328833,358421,Cash loans,25546.77,540000.0,614844.0,,540000.0,TUESDAY,15,Y,1,,,,XNA,Approved,-773,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,42.0,middle,Cash X-Sell: middle,365243.0,-743.0,487.0,-293.0,-285.0,1.0,0,Cash loans,F,N,N,0,315000.0,675000.0,21906.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.014519999999999996,-13205,-3263,-2306.0,-4160,,1,1,0,1,0,0,Sales staff,2.0,2,2,FRIDAY,15,0,0,0,0,0,0,Self-employed,0.6081237364097131,0.5646072558289286,0.8327850252992314,0.067,0.0742,0.9801,,,0.0,0.069,0.1667,,0.0468,,0.0599,,0.0037,0.0683,0.077,0.9801,,,0.0,0.069,0.1667,,0.0479,,0.0624,,0.004,0.0677,0.0742,0.9801,,,0.0,0.069,0.1667,,0.0476,,0.061,,0.0038,,block of flats,0.0543,Panel,No,0.0,0.0,0.0,0.0,-496.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1878393,279062,Cash loans,35429.625,1125000.0,1288350.0,,1125000.0,TUESDAY,11,Y,1,,,,Repairs,Refused,-360,Cash through the bank,SCOFR,Unaccompanied,Repeater,XNA,Cash,walk-in,AP+ (Cash loan),4,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,1,157500.0,67500.0,6187.5,67500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018029,-12450,-1372,-3292.0,-1828,,1,1,1,1,1,0,,3.0,3,3,FRIDAY,8,0,0,0,0,0,0,Business Entity Type 3,0.41177830054991454,0.4658705403000545,0.4668640059537032,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2534.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,5.0 +1993851,275222,Consumer loans,10514.655,57150.0,57150.0,0.0,57150.0,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-963,Cash through the bank,XAP,Unaccompanied,Refreshed,Construction Materials,POS,XNA,Stone,100,Construction,6.0,middle,POS industry with interest,365243.0,-926.0,-776.0,-776.0,-769.0,0.0,0,Revolving loans,F,N,Y,0,135000.0,405000.0,20250.0,405000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Widow,House / apartment,0.019101,-15337,-738,-3972.0,-5015,,1,1,1,1,1,0,Realty agents,1.0,2,2,SATURDAY,12,0,0,0,0,0,0,Services,0.3747973470879489,0.5450631651441419,0.6161216908872079,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2807.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1351158,241345,Consumer loans,7939.08,59355.0,67315.5,5850.0,59355.0,TUESDAY,17,Y,1,0.08707904433348804,,,XAP,Approved,-1584,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Country-wide,25,Connectivity,12.0,high,POS mobile with interest,365243.0,-1553.0,-1223.0,-1223.0,-1215.0,0.0,0,Cash loans,M,N,Y,0,162000.0,281493.0,22698.0,243000.0,Unaccompanied,Working,Secondary / secondary special,Single / not married,With parents,0.018634,-10886,-893,-2451.0,-3564,,1,1,0,1,0,1,Laborers,1.0,2,2,THURSDAY,16,0,0,0,0,1,1,Business Entity Type 3,0.3108751789591057,0.5207641378299426,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1584.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1034481,129396,Cash loans,49718.52,841500.0,890374.5,,841500.0,THURSDAY,15,Y,1,,,,XNA,Approved,-247,Cash through the bank,XAP,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_normal,Cash X-Sell: low,,,,,,,0,Cash loans,F,N,Y,0,225000.0,1082214.0,31770.0,945000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-19475,-2039,-5240.0,-3013,,1,1,0,1,0,0,Sales staff,2.0,2,2,SATURDAY,12,0,0,0,0,0,0,Business Entity Type 3,,0.6678312751840992,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,2.0,0.0,-2108.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1447527,379922,Consumer loans,7228.71,37561.23,35455.5,3779.73,37561.23,SATURDAY,12,Y,1,0.10491768703326528,,,XAP,Approved,-1430,Cash through the bank,XAP,Children,Repeater,Mobile,POS,XNA,Country-wide,3000,Consumer electronics,6.0,high,POS household with interest,365243.0,-1399.0,-1249.0,-1249.0,-1246.0,0.0,0,Cash loans,F,N,N,0,90000.0,640080.0,31261.5,450000.0,Family,Working,Secondary / secondary special,Single / not married,House / apartment,0.010556,-15084,-1849,-8258.0,-4682,,1,1,0,1,0,0,Cooking staff,1.0,3,3,MONDAY,13,0,0,0,0,1,1,Self-employed,,0.4227015543031699,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,1.0,-2156.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1100720,205172,Consumer loans,8434.215,85833.0,92785.5,4500.0,85833.0,FRIDAY,18,Y,1,0.05037656270368237,,,XAP,Approved,-1120,XNA,XAP,Family,New,Homewares,POS,XNA,Country-wide,2441,Consumer electronics,16.0,high,POS household with interest,365243.0,-1089.0,-639.0,-639.0,-635.0,0.0,0,Cash loans,F,N,Y,1,337500.0,755190.0,36459.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.010643000000000001,-11044,-260,-2940.0,-2705,,1,1,0,1,0,0,Sales staff,3.0,2,2,FRIDAY,16,0,0,0,0,1,1,Business Entity Type 3,,0.14705010674704316,0.24988506275045536,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2819802,182795,Consumer loans,4418.505,42520.5,37381.5,8505.0,42520.5,SATURDAY,6,Y,1,0.20186151006980652,,,XAP,Approved,-1906,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,45,Connectivity,12.0,high,POS mobile with interest,365243.0,-1869.0,-1539.0,-1539.0,-1534.0,0.0,1,Cash loans,F,N,Y,0,166500.0,332946.0,17127.0,238500.0,Unaccompanied,Working,Incomplete higher,Married,House / apartment,0.010032,-10794,-4029,-6653.0,-3469,,1,1,0,1,0,1,Laborers,2.0,2,2,MONDAY,5,0,0,0,0,0,0,Transport: type 2,0.4588816672225958,0.6896540184374494,0.3092753558842053,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,1.0,1.0,0.0,-720.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,0.0 +1875323,286322,Revolving loans,2250.0,45000.0,45000.0,,45000.0,FRIDAY,13,Y,1,,,,XAP,Approved,-367,XNA,XAP,Family,Repeater,XNA,Cards,walk-in,Country-wide,1900,Consumer electronics,0.0,XNA,Card Street,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,144000.0,149256.0,14670.0,135000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.072508,-23055,365243,-14647.0,-5396,,1,0,0,1,0,0,,2.0,1,1,MONDAY,12,0,0,0,0,0,0,XNA,,0.6866694928740033,,0.3031,0.1897,0.9796,0.7212,0.5667,0.32,0.2759,0.3333,0.375,0.0,0.2404,0.2759,0.0309,0.0023,0.3088,0.1969,0.9796,0.7321,0.5718,0.3222,0.2759,0.3333,0.375,0.0,0.2626,0.2875,0.0311,0.0024,0.306,0.1897,0.9796,0.7249,0.5703,0.32,0.2759,0.3333,0.375,0.0,0.2446,0.2809,0.0311,0.0023,reg oper account,block of flats,0.1575,Panel,No,0.0,0.0,0.0,0.0,-841.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2593994,287812,Cash loans,14305.995,67500.0,77733.0,,67500.0,WEDNESDAY,11,Y,1,,,,XNA,Approved,-1139,Cash through the bank,XAP,Unaccompanied,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,middle,Cash X-Sell: middle,365243.0,-1109.0,-959.0,-959.0,-953.0,1.0,0,Cash loans,F,N,Y,0,90000.0,253737.0,24849.0,229500.0,Unaccompanied,Pensioner,Higher education,Married,House / apartment,0.009175,-20740,365243,-6835.0,-4253,,1,0,0,1,1,0,,2.0,2,2,MONDAY,14,0,0,0,0,0,0,XNA,,0.7827147296020928,0.6006575372857061,0.2356,0.1663,0.9906,,,0.22,0.1897,0.375,,,,,,,0.1313,0.0942,0.9906,,,0.1208,0.1034,0.375,,,,,,,0.2378,0.1663,0.9906,,,0.22,0.1897,0.375,,,,,,,,block of flats,0.2684,Panel,No,1.0,0.0,1.0,0.0,-3106.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1287773,138867,Cash loans,31674.87,675000.0,744498.0,,675000.0,WEDNESDAY,10,Y,1,,,,XNA,Approved,-823,Cash through the bank,XAP,Family,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-793.0,257.0,-463.0,-455.0,1.0,0,Cash loans,F,Y,N,0,58500.0,270000.0,27666.0,270000.0,Unaccompanied,Pensioner,Lower secondary,Married,House / apartment,0.030755,-23377,365243,-12338.0,-3516,3.0,1,0,0,1,0,0,,2.0,2,2,FRIDAY,14,0,0,0,0,0,0,XNA,,0.6473677902061868,0.7121551551910698,0.132,0.1254,0.9831,0.7688,0.0108,0.0,0.2759,0.1667,0.2083,0.031,0.1059,0.1169,0.0077,0.0258,0.1345,0.1302,0.9831,0.7779,0.0109,0.0,0.2759,0.1667,0.2083,0.0318,0.1157,0.1218,0.0078,0.0273,0.1332,0.1254,0.9831,0.7719,0.0109,0.0,0.2759,0.1667,0.2083,0.0316,0.1077,0.119,0.0078,0.0264,reg oper account,block of flats,0.1035,"Stone, brick",No,0.0,0.0,0.0,0.0,-823.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2787159,307659,Cash loans,19084.455,477000.0,665892.0,,477000.0,FRIDAY,10,Y,1,,,,Repairs,Refused,-166,Cash through the bank,HC,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,M,N,Y,2,270000.0,717021.0,52308.0,612000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.022625,-11951,-1447,-502.0,-4117,,1,1,0,1,0,1,Managers,4.0,2,2,WEDNESDAY,13,0,0,0,0,0,0,Industry: type 11,0.2000715311901816,0.7902131663360543,0.3344541255096772,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1700.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2538152,366397,Consumer loans,15496.74,97776.0,80739.0,22500.0,97776.0,WEDNESDAY,18,Y,1,0.2373574468422345,,,XAP,Approved,-98,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,1600,Consumer electronics,6.0,middle,POS household with interest,365243.0,-68.0,82.0,-38.0,-31.0,1.0,0,Revolving loans,F,N,Y,2,135000.0,180000.0,9000.0,180000.0,Unaccompanied,Commercial associate,Higher education,Married,House / apartment,0.005084,-10340,-538,-158.0,-2686,,1,1,0,1,0,0,Sales staff,4.0,2,2,WEDNESDAY,16,0,0,0,0,0,0,Trade: type 7,0.3851240069708904,0.5987319373477202,0.511891801533151,0.1485,0.0001,0.9826,,,0.16,0.1379,0.3333,,0.0001,,0.0002,,0.0,0.1513,0.0001,0.9826,,,0.1611,0.1379,0.3333,,0.0001,,0.0002,,0.0,0.1499,0.0001,0.9826,,,0.16,0.1379,0.3333,,0.0001,,0.0002,,0.0,,block of flats,0.0001,Others,No,0.0,0.0,0.0,0.0,-796.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2043319,383230,Revolving loans,2250.0,45000.0,45000.0,,45000.0,TUESDAY,19,Y,1,,,,XAP,Refused,-356,XNA,HC,,Repeater,XNA,Cards,walk-in,Stone,569,Industry,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,N,Y,0,180000.0,942300.0,25911.0,675000.0,Unaccompanied,Working,Higher education,Civil marriage,House / apartment,0.035792000000000004,-9050,-1963,-3875.0,-67,,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,14,0,0,0,0,0,0,Trade: type 2,,0.1353767482198886,0.7713615919194317,0.168,0.0727,0.9866,0.8164,0.0355,0.08,0.0345,0.3333,0.375,0.0946,0.1353,0.1182,0.0077,0.0166,0.1712,0.0755,0.9866,0.8236,0.0358,0.0806,0.0345,0.3333,0.375,0.0968,0.1478,0.1232,0.0078,0.0176,0.1697,0.0727,0.9866,0.8189,0.0357,0.08,0.0345,0.3333,0.375,0.0962,0.1377,0.1204,0.0078,0.0169,reg oper account,block of flats,0.0966,"Stone, brick",No,11.0,0.0,11.0,0.0,-46.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,4.0 +1328851,382021,Consumer loans,8073.9,81630.0,80739.0,8163.0,81630.0,MONDAY,15,Y,1,0.10000055219127904,,,XAP,Approved,-1347,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Regional / Local,500,Consumer electronics,12.0,middle,POS household with interest,365243.0,-1316.0,-986.0,-1016.0,-1012.0,0.0,0,Cash loans,F,N,Y,0,162000.0,207000.0,19116.0,207000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.018209,-21066,365243,-3605.0,-4235,,1,0,0,1,1,0,,2.0,3,3,THURSDAY,7,0,0,0,0,0,0,XNA,0.3045015328650029,0.08378646587128898,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-363.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,3.0 +2330391,343162,Revolving loans,7875.0,0.0,157500.0,,0.0,SATURDAY,15,Y,1,,,,XAP,Refused,-1203,XNA,HC,,Repeater,XNA,Cards,walk-in,Credit and cash offices,-1,XNA,0.0,XNA,Card Street,,,,,,,1,Cash loans,M,Y,Y,0,180000.0,254700.0,30357.0,225000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Civil marriage,House / apartment,0.02461,-11256,-1715,-571.0,-3283,17.0,1,1,0,1,0,0,Laborers,2.0,2,2,FRIDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.012733533246900365,0.3296550543128238,0.0186,0.0,0.9657,,,0.0,0.1034,0.0833,,0.0119,,0.0169,,0.0076,0.0189,0.0,0.9593,,,0.0,0.1034,0.0833,,0.0122,,0.0176,,0.0081,0.0187,0.0,0.9657,,,0.0,0.1034,0.0833,,0.0121,,0.0172,,0.0078,,terraced house,0.0016,"Stone, brick",No,2.0,2.0,2.0,2.0,-1589.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +2588960,366020,Consumer loans,3891.6,35383.5,34996.5,3541.5,35383.5,SUNDAY,11,Y,1,0.10008343594751816,,,XAP,Approved,-2526,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Country-wide,120,Connectivity,12.0,high,POS mobile with interest,365243.0,-2495.0,-2165.0,-2165.0,-2162.0,1.0,0,Cash loans,F,N,N,0,45000.0,271066.5,11614.5,234000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.025164,-19797,-11117,-2600.0,-2886,,1,1,0,1,0,0,Core staff,2.0,2,2,SATURDAY,8,0,0,0,0,0,0,Kindergarten,,0.29743057325494376,0.25259869783397665,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-891.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1245285,420572,Consumer loans,11394.045,50760.0,54778.5,0.0,50760.0,SATURDAY,16,Y,1,0.0,,,XAP,Approved,-56,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,80,Connectivity,6.0,high,POS mobile with interest,365243.0,-24.0,126.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,337500.0,312682.5,37237.5,297000.0,Family,Commercial associate,Incomplete higher,Single / not married,House / apartment,0.04622,-10281,-112,-2381.0,-2963,,1,1,0,1,0,0,Managers,1.0,1,1,SATURDAY,17,0,0,0,0,0,0,Other,,0.6447525994940391,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2427941,299309,Consumer loans,6431.13,29200.5,30645.0,0.0,29200.5,THURSDAY,13,Y,1,0.0,,,XAP,Approved,-1571,Cash through the bank,XAP,Unaccompanied,Repeater,Photo / Cinema Equipment,POS,XNA,Stone,37,Connectivity,6.0,high,POS mobile with interest,365243.0,-1540.0,-1390.0,-1390.0,-1386.0,0.0,0,Revolving loans,F,Y,N,1,90000.0,337500.0,16875.0,337500.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.009175,-13701,-6111,-508.0,-3139,3.0,1,1,0,1,1,0,Medicine staff,3.0,2,2,SUNDAY,11,0,0,0,0,0,0,Medicine,0.7937824392627693,0.7373127669966824,0.7583930617144343,0.2722,0.1814,0.9866,0.8164,0.0521,0.32,0.2759,0.3333,0.375,0.1623,0.2177,0.2753,0.0193,0.161,0.2773,0.1882,0.9866,0.8236,0.0526,0.3222,0.2759,0.3333,0.375,0.166,0.2378,0.2868,0.0195,0.1704,0.2748,0.1814,0.9866,0.8189,0.0525,0.32,0.2759,0.3333,0.375,0.1651,0.2215,0.2803,0.0194,0.1644,reg oper account,block of flats,0.2515,"Stone, brick",No,0.0,0.0,0.0,0.0,-1571.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,1.0 +2211597,153081,Consumer loans,7364.25,68035.5,66285.0,6804.0,68035.5,FRIDAY,12,Y,1,0.10138563320683744,,,XAP,Approved,-2692,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,80,Consumer electronics,10.0,low_normal,POS household without interest,365243.0,-2658.0,-2388.0,-2388.0,-2382.0,1.0,0,Cash loans,M,Y,N,1,234000.0,1687266.0,62658.0,1575000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.025164,-12047,-3874,-2787.0,-4029,15.0,1,1,0,1,0,0,Core staff,3.0,2,2,FRIDAY,12,0,0,0,0,0,0,Military,0.2432558779048063,0.5532003821709907,0.7449321846094795,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,5.0,0.0,5.0,0.0,-4.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,0.0 +1974674,370738,Revolving loans,22500.0,0.0,450000.0,,,SATURDAY,11,Y,1,,,,XAP,Approved,-547,XNA,XAP,,Repeater,XNA,Cards,x-sell,AP+ (Cash loan),2,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,1,135000.0,545040.0,35617.5,450000.0,Family,Working,Secondary / secondary special,Civil marriage,With parents,0.020713,-10429,-555,-863.0,-3093,,1,1,0,1,0,0,Accountants,3.0,3,3,SUNDAY,8,0,0,0,0,0,0,Business Entity Type 3,,0.4566003495724703,0.520897599048938,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1473.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,6.0 +1210073,131865,Consumer loans,8054.19,80550.0,72495.0,8055.0,80550.0,SATURDAY,15,Y,1,0.1089090909090909,,,XAP,Approved,-2265,XNA,XAP,Other_A,Repeater,Audio/Video,POS,XNA,Stone,477,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-2234.0,-1964.0,-1964.0,-1956.0,0.0,0,Cash loans,M,Y,Y,0,67500.0,288873.0,10503.0,238500.0,Unaccompanied,Commercial associate,Higher education,Single / not married,House / apartment,0.00963,-20359,-4041,-3603.0,-3606,10.0,1,1,0,1,0,0,Core staff,1.0,2,2,WEDNESDAY,10,0,0,0,0,0,0,University,,0.5982117070353347,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2265.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2090137,120592,Consumer loans,3184.47,38016.0,26941.5,13500.0,38016.0,WEDNESDAY,13,Y,1,0.3635554386639287,,,XAP,Approved,-1904,Cash through the bank,XAP,Unaccompanied,New,Mobile,POS,XNA,Stone,20,Connectivity,12.0,high,POS household with interest,365243.0,-1871.0,-1541.0,-1661.0,-1655.0,0.0,0,Cash loans,F,N,Y,0,90000.0,609187.5,24286.5,544500.0,Family,Pensioner,Secondary / secondary special,Separated,House / apartment,0.030755,-20451,365243,-11236.0,-4002,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,9,0,0,0,0,0,0,XNA,0.6582619170280413,0.5694819036506259,0.3774042489507649,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1904.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +2293724,394173,Consumer loans,10278.315,226944.0,226944.0,0.0,226944.0,SATURDAY,12,Y,1,0.0,,,XAP,Approved,-448,Cash through the bank,XAP,,Refreshed,Furniture,POS,XNA,Country-wide,900,Furniture,24.0,low_action,POS industry without interest,365243.0,-417.0,273.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,N,1,180000.0,388066.5,24952.5,351000.0,Family,Working,Secondary / secondary special,Married,House / apartment,0.0038130000000000004,-11835,-3032,-4348.0,-4362,9.0,1,1,0,1,0,0,Laborers,3.0,2,2,SATURDAY,11,0,1,1,0,1,1,Construction,0.29913150127494315,0.009033315483586608,0.475849908720221,0.0165,,0.9821,,,0.0,0.069,0.0417,,,,,,,0.0168,,0.9821,,,0.0,0.069,0.0417,,,,,,,0.0167,,0.9821,,,0.0,0.069,0.0417,,,,,,,,block of flats,0.0114,"Stone, brick",No,2.0,0.0,2.0,0.0,-1589.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1766651,349525,Consumer loans,9306.0,90000.0,90000.0,0.0,90000.0,MONDAY,12,Y,1,0.0,,,XAP,Approved,-745,XNA,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Stone,165,Construction,12.0,middle,POS industry with interest,365243.0,-706.0,-376.0,-376.0,-368.0,0.0,1,Cash loans,F,N,N,0,180000.0,755190.0,32125.5,675000.0,Unaccompanied,State servant,Secondary / secondary special,Married,Municipal apartment,0.018634,-12948,-5877,-6734.0,-1366,,1,1,0,1,0,0,Core staff,2.0,2,2,WEDNESDAY,18,0,0,0,0,1,1,Government,,0.10485016382864842,0.5531646987710016,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-745.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1325062,310229,Cash loans,15554.925,450000.0,553950.0,,450000.0,THURSDAY,8,Y,1,,,,Building a house or an annex,Refused,-613,Cash through the bank,LIMIT,,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,60.0,low_normal,Cash Street: low,,,,,,,0,Cash loans,F,N,Y,1,112500.0,697500.0,35743.5,697500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.028663,-13434,-3601,-7194.0,-888,,1,1,0,1,0,0,Sales staff,3.0,2,2,MONDAY,8,0,0,0,0,1,1,Trade: type 7,0.3017249918913903,0.11823270705374447,0.6801388218428291,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-632.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1915389,212041,Cash loans,21490.56,180000.0,191880.0,0.0,180000.0,SATURDAY,14,Y,1,0.0,,,Other,Approved,-2149,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-2118.0,-1788.0,-1788.0,-1786.0,0.0,1,Cash loans,F,Y,Y,0,54000.0,797868.0,23458.5,666000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.031329,-22833,365243,-9817.0,-4876,1.0,1,0,0,1,0,0,,1.0,2,2,MONDAY,14,0,0,0,0,0,0,XNA,,0.4039750798513844,,0.0732,,0.9866,,,0.08,0.069,0.3333,,0.0466,,0.0781,,,0.0746,,0.9866,,,0.0806,0.069,0.3333,,0.0477,,0.0814,,,0.0739,,0.9866,,,0.08,0.069,0.3333,,0.0474,,0.0795,,,,block of flats,0.0614,Panel,No,1.0,0.0,1.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2149772,434795,Cash loans,19684.8,180000.0,180000.0,0.0,180000.0,MONDAY,10,Y,1,0.0,,,XNA,Approved,-2730,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,100,XNA,12.0,high,Cash Street: high,365243.0,-2700.0,-2370.0,-2490.0,-2487.0,0.0,0,Cash loans,M,Y,Y,0,180000.0,225000.0,22050.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.032561,-24849,365243,-6038.0,-6031,0.0,1,0,0,1,1,0,,2.0,1,1,MONDAY,15,0,0,0,0,0,0,XNA,,0.6114600728941447,0.7662336700704004,0.1521,0.1022,0.9806,0.762,0.0,0.16,0.1379,0.3542,0.3958,0.0315,0.1231,0.0746,0.0039,0.0043,0.083,0.0584,0.9772,0.6994,0.0,0.0806,0.069,0.3333,0.375,0.0278,0.0716,0.0,0.0039,0.0023,0.1535,0.1022,0.9771,0.7652,0.0,0.16,0.1379,0.3542,0.3958,0.0321,0.1253,0.0,0.0039,0.0044,org spec account,block of flats,0.1765,Panel,No,0.0,0.0,0.0,0.0,-574.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +2766274,430917,Cash loans,17495.55,270000.0,299223.0,,270000.0,MONDAY,11,Y,1,,,,XNA,Refused,-343,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,24.0,middle,Cash X-Sell: middle,,,,,,,0,Revolving loans,F,N,Y,0,135000.0,405000.0,20250.0,405000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-18805,-1273,-8455.0,-2341,,1,1,0,1,0,0,Sales staff,2.0,2,2,MONDAY,10,0,0,0,0,0,0,Self-employed,,0.7050023786250482,0.722392890081304,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-2530.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1005881,443989,Consumer loans,12083.13,132705.0,61398.0,74205.0,132705.0,TUESDAY,13,Y,1,0.595974948261402,,,XAP,Approved,-2036,Cash through the bank,XAP,,Refreshed,Mobile,POS,XNA,Country-wide,91,Connectivity,6.0,high,POS mobile with interest,365243.0,-1998.0,-1848.0,-1878.0,-1870.0,0.0,0,Cash loans,M,Y,N,2,450000.0,1190340.0,66595.5,1125000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.022625,-16784,-4004,-1608.0,-318,7.0,1,1,0,1,0,0,Core staff,4.0,2,2,MONDAY,12,0,0,0,0,0,0,Self-employed,,0.6527302797599915,,0.0804,0.0372,0.9891,,,0.08,0.0345,0.6667,,,,0.1141,,0.015,0.0819,0.0386,0.9891,,,0.0806,0.0345,0.6667,,,,0.1189,,0.0159,0.0812,0.0372,0.9891,,,0.08,0.0345,0.6667,,,,0.1162,,0.0153,,block of flats,0.1159,Monolithic,No,2.0,0.0,2.0,0.0,-2036.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1818992,229662,Revolving loans,36000.0,0.0,720000.0,,,THURSDAY,18,Y,1,,,,XAP,Approved,-311,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,225000.0,1506816.0,47443.5,1350000.0,Unaccompanied,Commercial associate,Lower secondary,Married,House / apartment,0.04622,-19637,-4696,-3887.0,-3183,,1,1,0,1,0,0,Cooking staff,2.0,1,1,SUNDAY,17,0,0,0,0,1,1,Business Entity Type 3,0.7749834624610743,0.4466195790923816,,0.0278,,0.9906,,,0.0,0.1034,0.0417,,,,0.0261,,0.0092,0.0284,,0.9906,,,0.0,0.1034,0.0417,,,,0.0272,,0.0097,0.0281,,0.9906,,,0.0,0.1034,0.0417,,,,0.0266,,0.0094,,block of flats,0.0206,"Stone, brick",No,1.0,0.0,1.0,0.0,-628.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1614586,367050,Cash loans,10980.36,90000.0,95940.0,0.0,90000.0,WEDNESDAY,13,Y,1,0.0,,,XNA,Approved,-1646,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-1616.0,-1286.0,-1316.0,-1313.0,1.0,0,Cash loans,F,N,Y,0,58500.0,755190.0,30078.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-22912,365243,-1745.0,-4024,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,8,0,0,0,0,0,0,XNA,,0.5748883251608669,0.4525335592581747,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1646.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1356105,167921,Cash loans,9044.415,94500.0,103855.5,0.0,94500.0,THURSDAY,7,Y,1,0.0,,,XNA,Approved,-1850,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,high,Cash X-Sell: high,365243.0,-1820.0,-1310.0,-1370.0,-1364.0,1.0,0,Cash loans,F,Y,Y,0,67500.0,225000.0,22050.0,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.028663,-24518,365243,-2762.0,-4595,1.0,1,0,0,1,0,0,,2.0,2,2,SATURDAY,8,0,0,0,0,0,0,XNA,,0.6565223429478028,0.7713615919194317,0.0227,0.0581,0.9811,0.7416,0.0024,0.0,0.1034,0.0417,0.0833,0.0157,0.0185,0.0179,0.0,0.0,0.0231,0.0603,0.9811,0.7517,0.0025,0.0,0.1034,0.0417,0.0833,0.016,0.0202,0.0186,0.0,0.0,0.0229,0.0581,0.9811,0.7451,0.0025,0.0,0.1034,0.0417,0.0833,0.0159,0.0188,0.0182,0.0,0.0,reg oper account,block of flats,0.0154,"Stone, brick",No,6.0,1.0,6.0,1.0,-1850.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2501245,209461,Cash loans,36437.67,1129500.0,1129500.0,,1129500.0,THURSDAY,16,Y,1,,,,XNA,Approved,-678,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,60.0,low_normal,Cash X-Sell: low,365243.0,-643.0,1127.0,365243.0,365243.0,0.0,0,Revolving loans,F,N,N,1,157500.0,225000.0,11250.0,225000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.035792000000000004,-15293,-3664,-4675.0,-4639,,1,1,0,1,0,0,,3.0,2,2,WEDNESDAY,8,0,0,0,0,1,1,Medicine,,0.6341201613727582,0.7490217048463391,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-991.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2726073,282932,Consumer loans,8611.515,71955.0,78286.5,0.0,71955.0,SUNDAY,11,Y,1,0.0,,,XAP,Approved,-916,Cash through the bank,XAP,Unaccompanied,New,Audio/Video,POS,XNA,Stone,142,Consumer electronics,10.0,low_normal,POS household with interest,365243.0,-885.0,-615.0,-615.0,-608.0,0.0,1,Revolving loans,F,N,Y,0,112500.0,270000.0,13500.0,270000.0,"Spouse, partner",Working,Secondary / secondary special,Married,House / apartment,0.030755,-11915,-548,-3763.0,-868,,1,1,0,1,0,0,Sales staff,2.0,2,2,SATURDAY,10,0,0,0,0,1,1,Self-employed,0.24692259505939665,0.7224897710481177,0.5726825047161584,0.0186,0.0,0.9821,0.7552,0.0,0.0,0.1034,0.0417,0.0833,0.0,0.0151,0.0126,0.0,0.0,0.0189,0.0,0.9821,0.7648,0.0,0.0,0.1034,0.0417,0.0833,0.0,0.0165,0.0131,0.0,0.0,0.0187,0.0,0.9821,0.7585,0.0,0.0,0.1034,0.0417,0.0833,0.0,0.0154,0.0128,0.0,0.0,,block of flats,0.0099,"Stone, brick",No,3.0,0.0,3.0,0.0,-916.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +1224800,145473,Revolving loans,11250.0,225000.0,225000.0,,225000.0,SATURDAY,14,Y,1,,,,XAP,Approved,-473,XNA,XAP,Unaccompanied,Repeater,XNA,Cards,walk-in,Credit and cash offices,0,XNA,0.0,XNA,Card Street,-473.0,-423.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,N,Y,0,261000.0,631332.0,64692.0,585000.0,Unaccompanied,Working,Secondary / secondary special,Married,Municipal apartment,0.02461,-18685,-1422,-84.0,-75,,1,1,0,1,0,0,Cooking staff,2.0,2,2,WEDNESDAY,17,0,0,0,1,1,0,Self-employed,,0.6930835465226428,0.3706496323299817,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,0.0,-2226.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2350496,207740,Cash loans,60599.79,1125000.0,1190340.0,,1125000.0,SATURDAY,14,Y,1,,,,XNA,Approved,-910,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,0,XNA,24.0,low_action,Cash Street: low,365243.0,-877.0,-187.0,-187.0,-181.0,0.0,0,Cash loans,M,Y,Y,0,247500.0,983299.5,41791.5,904500.0,Unaccompanied,Commercial associate,Secondary / secondary special,Married,House / apartment,0.02461,-13293,-2660,-2479.0,-2271,3.0,1,1,1,1,1,1,Managers,2.0,2,2,SATURDAY,15,0,0,0,0,0,0,Business Entity Type 3,,0.7015525613244524,0.4241303111942548,,,0.9826,,,,,,,,,0.0908,,,,,0.9826,,,,,,,,,0.0946,,,,,0.9826,,,,,,,,,0.0924,,,,,0.0714,,No,0.0,0.0,0.0,0.0,-1456.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1386928,331967,Consumer loans,22872.96,247455.0,183555.0,76500.0,247455.0,WEDNESDAY,15,Y,1,0.32037628403781715,,,XAP,Approved,-1487,Cash through the bank,XAP,Unaccompanied,Repeater,Mobile,POS,XNA,Country-wide,70,Connectivity,10.0,middle,POS mobile with interest,365243.0,-1456.0,-1186.0,-1216.0,-1210.0,0.0,0,Cash loans,F,N,Y,1,540000.0,916470.0,32598.0,765000.0,Unaccompanied,Commercial associate,Secondary / secondary special,Separated,House / apartment,0.007114,-12253,-2417,-262.0,-2930,,1,1,0,1,0,0,Managers,2.0,2,2,SATURDAY,16,0,0,0,0,1,1,Other,0.8225924547577627,0.6347896085902802,0.178760465484575,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,No,0.0,0.0,0.0,0.0,-2603.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,2.0 +1517502,230643,Consumer loans,11608.83,116100.0,104490.0,11610.0,116100.0,FRIDAY,7,Y,1,0.1089090909090909,,,XAP,Approved,-1536,Cash through the bank,XAP,,Repeater,Computers,POS,XNA,Country-wide,1820,Consumer electronics,12.0,high,POS other with interest,365243.0,-1488.0,-1158.0,-1158.0,-1155.0,0.0,0,Cash loans,M,N,Y,0,52200.0,526491.0,19039.5,454500.0,Unaccompanied,Pensioner,Secondary / secondary special,Single / not married,House / apartment,0.007120000000000001,-10274,365243,-2917.0,-2925,,1,0,0,1,0,0,,1.0,2,2,MONDAY,9,0,0,0,0,0,0,XNA,,0.5338393608222833,0.7557400501752248,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-1536.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,1.0 +1147208,143269,Consumer loans,19576.26,185962.5,185962.5,0.0,185962.5,MONDAY,15,Y,1,0.0,,,XAP,Approved,-640,XNA,XAP,,New,Furniture,POS,XNA,Stone,149,Furniture,10.0,low_action,POS industry without interest,365243.0,-609.0,-339.0,-339.0,-333.0,0.0,0,Cash loans,F,N,Y,1,112500.0,152820.0,15786.0,135000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.010643000000000001,-18224,-2674,-10471.0,-1767,,1,1,0,1,0,0,,3.0,2,2,THURSDAY,11,0,0,0,0,0,0,Business Entity Type 1,0.5972551916184597,0.6183623960940494,,0.0876,0.0779,0.9752,0.6532,0.0207,0.0,0.1379,0.1667,0.2083,0.0697,0.0672,0.0708,0.0193,0.052000000000000005,0.0893,0.0808,0.9752,0.6668,0.0209,0.0,0.1379,0.1667,0.2083,0.0713,0.0735,0.0738,0.0195,0.055,0.0885,0.0779,0.9752,0.6578,0.0208,0.0,0.1379,0.1667,0.2083,0.0709,0.0684,0.0721,0.0194,0.0531,org spec account,block of flats,0.067,Panel,No,1.0,0.0,1.0,0.0,-640.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1065961,190577,Revolving loans,6750.0,135000.0,135000.0,,135000.0,SATURDAY,13,Y,1,,,,XAP,Refused,-423,XNA,HC,,Repeater,XNA,Cards,walk-in,Country-wide,150,Consumer electronics,0.0,XNA,Card Street,,,,,,,0,Cash loans,F,Y,Y,2,112500.0,45000.0,4774.5,45000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.030755,-11171,-1199,-3948.0,-3790,5.0,1,1,0,1,1,0,Core staff,4.0,2,2,TUESDAY,14,0,0,0,0,0,0,Bank,,0.5588846370966238,0.2940831009471255,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,1.0,-1093.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +2048162,199290,Consumer loans,10999.26,82305.0,90454.5,0.0,82305.0,FRIDAY,9,Y,1,0.0,,,XAP,Approved,-2139,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Stone,100,Consumer electronics,12.0,high,POS household with interest,365243.0,-2108.0,-1778.0,-1778.0,-1773.0,0.0,0,Cash loans,M,Y,Y,0,76500.0,808650.0,23773.5,675000.0,"Spouse, partner",Working,Secondary / secondary special,Married,Rented apartment,0.015221,-17622,-2900,-8567.0,-1145,21.0,1,1,1,1,1,0,Laborers,2.0,2,2,TUESDAY,15,0,0,0,0,0,0,Religion,0.4667535074349583,0.5719463697572809,0.6610235391308081,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1556.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,0.0 +2351495,413248,Cash loans,18235.08,225000.0,269550.0,,225000.0,THURSDAY,15,Y,1,,,,Other,Refused,-710,Cash through the bank,SCO,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,36.0,high,Cash Street: high,,,,,,,0,Cash loans,F,N,Y,0,135000.0,754740.0,24475.5,630000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.019101,-21088,365243,-9780.0,-4616,,1,0,0,1,0,0,,2.0,2,2,SUNDAY,12,0,0,0,0,0,0,XNA,,0.3229151641391591,,0.1237,0.1385,0.9846,0.7892,,0.12,0.1034,0.3333,0.375,,0.1009,,,,0.1261,0.1438,0.9846,0.7975,,0.1208,0.1034,0.3333,0.375,,0.1102,,,,0.1249,0.1385,0.9846,0.792,,0.12,0.1034,0.3333,0.375,,0.1026,,,,reg oper account,block of flats,0.1099,"Stone, brick",No,0.0,0.0,0.0,0.0,-710.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1996226,240280,Consumer loans,3876.975,17910.0,18855.0,0.0,17910.0,THURSDAY,10,Y,1,0.0,,,XAP,Refused,-638,Cash through the bank,HC,Family,Repeater,Mobile,POS,XNA,Country-wide,40,Connectivity,6.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,N,0,103500.0,254700.0,13567.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.028663,-17925,-5294,-1983.0,-1477,,1,1,1,1,0,0,Core staff,1.0,2,2,TUESDAY,13,0,0,0,0,1,1,Transport: type 2,,0.45015681750395936,0.13426542355494275,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-1415.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2130950,191031,Cash loans,23153.985,450000.0,512370.0,,450000.0,MONDAY,12,Y,1,,,,XNA,Approved,-653,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,0,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-623.0,427.0,365243.0,365243.0,1.0,0,Cash loans,F,N,Y,0,90000.0,225000.0,13045.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.026392000000000002,-23969,365243,-6578.0,-4606,,1,0,0,1,1,0,,1.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,XNA,,0.5906889920293528,0.6058362647264226,0.2804,,0.9901,,,0.28,0.2414,0.375,,,,0.2724,,0.0907,0.2857,,0.9901,,,0.282,0.2414,0.375,,,,0.2838,,0.096,0.2831,,0.9901,,,0.28,0.2414,0.375,,,,0.2773,,0.0926,,block of flats,0.234,Panel,No,9.0,1.0,9.0,0.0,-202.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,4.0 +2720978,208975,Consumer loans,4406.355,33705.0,33205.5,6750.0,33705.0,SATURDAY,14,Y,1,0.1839887784250888,,,XAP,Approved,-1641,Cash through the bank,XAP,Family,New,Mobile,POS,XNA,Stone,331,Consumer electronics,10.0,high,POS household with interest,365243.0,-1610.0,-1340.0,-1340.0,-1332.0,0.0,0,Cash loans,M,Y,Y,2,180000.0,1546020.0,42642.0,1350000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00496,-12410,-3890,-4311.0,-4325,8.0,1,1,0,1,0,0,Laborers,4.0,2,2,TUESDAY,9,0,0,0,1,1,1,Housing,0.15744931201201925,0.5586420248212867,0.7530673920730478,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1641.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +1107601,152322,Consumer loans,4774.275,27652.5,26118.0,2767.5,27652.5,SATURDAY,13,Y,1,0.10434505516293954,,,XAP,Approved,-1386,Cash through the bank,XAP,Family,New,Computers,POS,XNA,Stone,52,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-1355.0,-1205.0,-1205.0,-1196.0,0.0,1,Cash loans,F,Y,Y,0,157500.0,566055.0,16681.5,472500.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.019688999999999998,-20192,365243,-255.0,-3293,10.0,1,0,0,1,0,0,,1.0,2,2,SATURDAY,12,0,0,0,0,0,0,XNA,,0.1735739251618644,0.5028782772082183,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1973259,329596,Revolving loans,22500.0,0.0,450000.0,,,WEDNESDAY,15,Y,1,,,,XAP,Approved,-677,XNA,XAP,,Repeater,XNA,Cards,x-sell,Credit and cash offices,-1,XNA,0.0,XNA,Card X-Sell,365243.0,365243.0,365243.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,2,540000.0,808650.0,26086.5,675000.0,Family,Commercial associate,Higher education,Married,House / apartment,0.00963,-15236,-1207,-9223.0,-4884,1.0,1,1,0,1,1,0,Drivers,4.0,2,2,MONDAY,13,0,0,0,0,0,0,Self-employed,0.32119621795160996,0.026129773500678816,0.40314167665875134,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1149850,300512,Cash loans,7093.35,247500.0,247500.0,,247500.0,WEDNESDAY,17,Y,1,,,,Other,Approved,-168,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Contact center,-1,XNA,60.0,low_normal,Cash Street: low,365243.0,-138.0,1632.0,365243.0,365243.0,0.0,0,Cash loans,F,N,Y,0,90000.0,211500.0,10287.0,211500.0,Unaccompanied,Working,Secondary / secondary special,Separated,House / apartment,0.0228,-17415,-1025,-866.0,-968,,1,1,0,1,0,0,Sales staff,1.0,2,2,SATURDAY,9,0,0,0,0,0,0,Agriculture,,0.6766098329937427,0.5298898341969072,0.0495,0.0,0.9747,,,0.0,0.1034,0.125,,0.0,,0.0414,,0.0,0.0504,0.0,0.9747,,,0.0,0.1034,0.125,,0.0,,0.0432,,0.0,0.05,0.0,0.9747,,,0.0,0.1034,0.125,,0.0,,0.0422,,0.0,,block of flats,0.036000000000000004,Panel,No,2.0,0.0,2.0,0.0,-521.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,0.0,5.0 +2606094,204914,Cash loans,35766.18,900000.0,1218730.5,,900000.0,TUESDAY,16,Y,1,,,,XNA,Approved,-1484,Cash through the bank,XAP,Unaccompanied,New,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_normal,Cash Street: low,365243.0,-1452.0,318.0,-792.0,-783.0,0.0,0,Revolving loans,F,N,Y,0,324000.0,360000.0,18000.0,360000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.072508,-18059,-3314,-782.0,-1596,,1,1,0,1,0,0,Private service staff,2.0,1,1,SATURDAY,12,0,1,1,0,0,0,Services,,0.7040418671838422,0.2692857999073816,0.0882,0.0815,0.9732,,,0.032,0.1379,0.1917,,0.0,,0.0557,,0.0291,0.084,0.066,0.9732,,,0.0,0.1379,0.1667,,0.0,,0.0405,,0.0,0.0833,0.067,0.9732,,,0.0,0.1379,0.1667,,0.0,,0.0473,,0.0147,,block of flats,0.0482,"Stone, brick",No,6.0,0.0,6.0,0.0,-1488.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,3.0,1.0 +1148235,130219,Cash loans,,0.0,0.0,,,THURSDAY,15,Y,1,,,,XNA,Refused,-299,XNA,SCOFR,,Repeater,XNA,XNA,XNA,Credit and cash offices,-1,XNA,,XNA,Cash,,,,,,,0,Cash loans,M,Y,Y,3,540000.0,790830.0,62613.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.032561,-15658,-2457,-1054.0,-2215,11.0,1,1,0,1,0,0,Laborers,5.0,1,1,TUESDAY,18,0,0,0,0,0,0,Business Entity Type 3,0.5854109414403341,0.6101084609764765,0.13259749523614614,0.2763,,0.9841,,,0.12,0.0345,0.625,,0.2031,,0.2406,,0.0997,0.2815,,0.9841,,,0.1208,0.0345,0.625,,0.2078,,0.2507,,0.1056,0.279,,0.9841,,,0.12,0.0345,0.625,,0.2067,,0.245,,0.1018,,block of flats,0.2109,"Stone, brick",No,0.0,0.0,0.0,0.0,0.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +1726949,310344,Consumer loans,3709.665,19260.0,18193.5,1926.0,19260.0,WEDNESDAY,12,Y,1,0.10425652182753503,,,XAP,Approved,-2085,Cash through the bank,XAP,Family,Repeater,Consumer Electronics,POS,XNA,Country-wide,1100,Consumer electronics,6.0,high,POS household with interest,365243.0,-2053.0,-1903.0,-1903.0,-1899.0,0.0,0,Cash loans,F,N,Y,0,81000.0,1314117.0,38551.5,1147500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.007305,-17405,-152,-7194.0,-959,,1,1,0,1,1,0,Sales staff,2.0,3,3,TUESDAY,14,0,0,0,0,0,0,Trade: type 7,0.5909735182352015,0.6601375701022507,0.6413682574954046,0.1247,0.1594,0.9906,0.8708,0.0248,0.0,0.1724,0.2083,0.25,0.0572,0.1017,0.1547,0.0,0.0,0.1271,0.1654,0.9906,0.8759,0.025,0.0,0.1724,0.2083,0.25,0.0585,0.1111,0.1612,0.0,0.0,0.126,0.1594,0.9906,0.8725,0.025,0.0,0.1724,0.2083,0.25,0.0582,0.1035,0.1575,0.0,0.0,not specified,block of flats,0.1353,Monolithic,No,0.0,0.0,0.0,0.0,-2653.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,4.0,2.0,1.0 +2410820,119402,Consumer loans,10045.305,99787.5,109665.0,0.0,99787.5,SUNDAY,12,Y,1,0.0,,,XAP,Approved,-1527,Cash through the bank,XAP,,Repeater,Audio/Video,POS,XNA,Country-wide,1420,Consumer electronics,12.0,low_action,POS household without interest,365243.0,-1491.0,-1161.0,-1161.0,-1155.0,0.0,0,Cash loans,F,N,Y,0,135000.0,906660.0,32697.0,675000.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.009656999999999999,-16143,-7320,-3555.0,-4961,,1,1,0,1,0,0,,2.0,2,2,MONDAY,18,0,0,0,0,0,0,Medicine,0.7144133309766527,0.5314822999946097,0.4543210601605785,0.1237,0.1312,0.9776,,,0.0,0.2069,0.1667,,0.078,,0.117,,0.0,0.1261,0.1361,0.9777,,,0.0,0.2069,0.1667,,0.0798,,0.1219,,0.0,0.1249,0.1312,0.9776,,,0.0,0.2069,0.1667,,0.0793,,0.1191,,0.0,reg oper spec account,block of flats,0.1218,Panel,No,0.0,0.0,0.0,0.0,-1851.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,1.0,0.0,2.0 +1103150,434959,Consumer loans,9135.72,91350.0,82215.0,9135.0,91350.0,MONDAY,12,Y,1,0.1089090909090909,,,XAP,Approved,-303,Cash through the bank,XAP,,Repeater,Furniture,POS,XNA,Stone,399,Furniture,10.0,low_normal,POS industry with interest,365243.0,-273.0,-3.0,-33.0,-31.0,0.0,0,Cash loans,F,N,Y,0,90000.0,422892.0,23742.0,382500.0,Family,Pensioner,Secondary / secondary special,Widow,House / apartment,0.010276,-23603,365243,-11270.0,-4394,,1,0,0,1,0,0,,1.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,XNA,,0.5650909997991383,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1444.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,3.0,3.0 +2208670,324990,Consumer loans,11914.83,117855.0,106069.5,11785.5,117855.0,THURSDAY,16,Y,1,0.1089090909090909,,,XAP,Approved,-1852,Cash through the bank,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,1,Furniture,10.0,low_normal,POS industry with interest,365243.0,-1821.0,-1551.0,-1611.0,-1604.0,0.0,0,Cash loans,M,N,Y,0,225000.0,1399122.0,53419.5,1287000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.022625,-18157,-5493,-9862.0,-1703,,1,1,0,1,0,0,Laborers,2.0,2,2,MONDAY,12,0,0,0,0,0,0,Business Entity Type 3,0.7451728536438784,0.7584271579591679,0.7016957740576931,0.0742,0.0,0.9791,0.7144,0.11,0.08,0.069,0.3333,0.375,0.0,0.0605,0.0525,0.0,0.0,0.0756,0.0,0.9791,0.7256,0.111,0.0806,0.069,0.3333,0.375,0.0,0.0661,0.0547,0.0,0.0,0.0749,0.0,0.9791,0.7182,0.1107,0.08,0.069,0.3333,0.375,0.0,0.0616,0.0535,0.0,0.0,reg oper account,block of flats,0.0601,Panel,No,0.0,0.0,0.0,0.0,-1980.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,4.0 +2740791,352173,Consumer loans,3766.23,36720.0,32490.0,7335.0,36720.0,WEDNESDAY,15,Y,1,0.2005896250642014,,,XAP,Approved,-485,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,high,POS mobile with interest,365243.0,-448.0,-118.0,-118.0,-110.0,0.0,1,Cash loans,M,N,Y,2,180000.0,315000.0,14004.0,315000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018209,-17996,-2495,-784.0,-1523,,1,1,0,1,0,0,Laborers,4.0,3,3,FRIDAY,7,0,0,0,0,1,1,Construction,,0.4292194699201495,0.11987796089553485,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,1.0,2.0,1.0,-1511.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,2.0 +2371739,394220,Cash loans,34933.725,643500.0,687672.0,,643500.0,WEDNESDAY,13,Y,1,,,,XNA,Approved,-362,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,low_action,Cash X-Sell: low,365243.0,-332.0,358.0,-92.0,-85.0,1.0,1,Cash loans,M,N,Y,0,180000.0,592560.0,35937.0,450000.0,Unaccompanied,Working,Secondary / secondary special,Widow,House / apartment,0.010276,-21658,-1594,-14080.0,-5150,,1,1,0,1,1,0,Security staff,1.0,2,2,MONDAY,10,0,0,0,0,0,0,Security,,0.6107116981581906,0.2418614865234661,0.0794,0.0791,0.9732,,,0.0,0.2414,0.1667,,0.044,,0.063,,0.0173,0.0809,0.0821,0.9732,,,0.0,0.2414,0.1667,,0.0451,,0.0657,,0.0183,0.0802,0.0791,0.9732,,,0.0,0.2414,0.1667,,0.0448,,0.0642,,0.0176,,block of flats,0.0496,"Stone, brick",No,2.0,1.0,2.0,1.0,-2092.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,9.0 +1256464,409913,Consumer loans,16194.06,201586.5,227529.0,0.0,201586.5,SUNDAY,15,Y,1,0.0,,,XAP,Approved,-920,Cash through the bank,XAP,Unaccompanied,New,Consumer Electronics,POS,XNA,Stone,100,Consumer electronics,18.0,middle,POS household with interest,365243.0,-889.0,-379.0,-379.0,-374.0,0.0,0,Cash loans,M,N,Y,0,112500.0,254700.0,24939.0,225000.0,Unaccompanied,Pensioner,Higher education,Civil marriage,House / apartment,0.006670999999999999,-24945,365243,-894.0,-2657,,1,0,0,1,0,0,,2.0,2,2,WEDNESDAY,11,0,0,0,0,0,0,XNA,,0.5097809118613118,0.7597121819739279,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,0.0,3.0,0.0,-2818.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +1521222,354951,Consumer loans,,52092.0,52092.0,0.0,52092.0,WEDNESDAY,7,Y,1,0.0,,,XAP,Refused,-353,Cash through the bank,LIMIT,,Repeater,Mobile,XNA,XNA,Country-wide,20,Connectivity,,XNA,POS mobile with interest,,,,,,,0,Revolving loans,F,N,N,1,126000.0,180000.0,9000.0,180000.0,Unaccompanied,State servant,Secondary / secondary special,Married,Municipal apartment,0.008068,-7917,-763,-423.0,-584,,1,1,1,1,1,0,Core staff,3.0,3,3,SATURDAY,9,0,0,0,0,0,0,School,0.2098753730702074,0.25061411844655235,0.2721336844147212,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-555.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2076832,388795,Cash loans,11781.0,225000.0,225000.0,,225000.0,THURSDAY,14,Y,1,,,,XNA,Approved,-175,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),3,XNA,24.0,low_normal,Cash X-Sell: low,365243.0,-145.0,545.0,365243.0,365243.0,0.0,0,Cash loans,M,Y,Y,0,135000.0,225000.0,12694.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.030755,-23994,365243,-7870.0,-4250,32.0,1,0,0,1,0,0,,1.0,2,2,THURSDAY,10,0,0,0,0,0,0,XNA,,0.5366081935308513,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1106.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2334119,410834,Consumer loans,5989.725,27760.5,29133.0,0.0,27760.5,THURSDAY,9,Y,1,0.0,,,XAP,Refused,-1866,Cash through the bank,SCO,,New,Photo / Cinema Equipment,POS,XNA,Country-wide,32,Connectivity,6.0,high,POS mobile with interest,,,,,,,0,Cash loans,F,N,Y,2,144000.0,284400.0,13963.5,225000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.025164,-11696,-3721,-4661.0,-4319,,1,1,0,1,0,0,Laborers,4.0,2,2,MONDAY,11,0,0,0,0,0,0,Business Entity Type 3,,0.4212774261512178,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1866.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +2404441,217017,Consumer loans,11807.55,66834.0,66834.0,0.0,66834.0,MONDAY,13,Y,1,0.0,,,XAP,Approved,-413,Cash through the bank,XAP,,Repeater,Consumer Electronics,POS,XNA,Stone,200,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-381.0,-231.0,-231.0,-225.0,0.0,0,Cash loans,F,N,Y,3,45000.0,545040.0,25537.5,450000.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.018209,-11017,-2010,-1476.0,-2050,,1,1,1,1,1,0,Core staff,5.0,3,3,MONDAY,13,0,0,0,0,1,1,Telecom,0.4873407152737359,0.5236885951293334,0.7091891096653581,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-1829.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2689497,315127,Consumer loans,7027.605,34218.0,35910.0,0.0,34218.0,WEDNESDAY,10,Y,1,0.0,,,XAP,Approved,-1572,Cash through the bank,XAP,Unaccompanied,Repeater,Construction Materials,POS,XNA,Stone,2,Clothing,6.0,high,POS industry with interest,365243.0,-1540.0,-1390.0,-1390.0,-1386.0,0.0,0,Cash loans,M,Y,Y,1,292500.0,1372500.0,43096.5,1372500.0,Unaccompanied,Working,Higher education,Married,House / apartment,0.020713,-12639,-5492,-1748.0,-4427,2.0,1,1,0,1,0,1,Managers,3.0,3,2,SUNDAY,9,0,0,0,0,0,0,Transport: type 2,0.5896053165994488,0.11886337677396418,0.33285056416487313,0.1196,0.1727,0.994,0.9184,0.0099,0.0,0.4138,0.1667,0.2083,0.1163,0.0967,0.1245,0.0039,0.0677,0.1218,0.1792,0.994,0.9216,0.01,0.0,0.4138,0.1667,0.2083,0.1189,0.1056,0.1297,0.0039,0.0717,0.1207,0.1727,0.994,0.9195,0.01,0.0,0.4138,0.1667,0.2083,0.1183,0.0983,0.1267,0.0039,0.0691,reg oper account,block of flats,0.1181,"Stone, brick",No,0.0,0.0,0.0,0.0,-14.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,1.0,2.0 +1261305,428583,Cash loans,16333.2,90000.0,90000.0,,90000.0,MONDAY,12,Y,1,,,,XNA,Approved,-663,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,6.0,low_normal,Cash X-Sell: low,365243.0,-633.0,-483.0,-483.0,-475.0,0.0,0,Cash loans,F,N,N,0,81000.0,95940.0,9472.5,90000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.009549,-24794,365243,-6644.0,-4048,,1,0,0,1,1,0,,1.0,2,2,SATURDAY,11,0,0,0,0,0,0,XNA,,0.6729386826887604,0.8307666055019554,0.132,0.1081,0.9831,,,0.16,0.1379,0.3333,,0.0679,,0.1327,,0.0531,0.1345,0.1122,0.9831,,,0.1611,0.1379,0.3333,,0.0694,,0.1383,,0.0563,0.1332,0.1081,0.9831,,,0.16,0.1379,0.3333,,0.069,,0.1351,,0.0542,,block of flats,0.1159,"Stone, brick",No,0.0,0.0,0.0,0.0,-663.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2796740,348404,Cash loans,4915.485,45000.0,47970.0,,45000.0,TUESDAY,11,Y,1,,,,XNA,Approved,-656,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,middle,Cash X-Sell: middle,365243.0,-626.0,-296.0,-566.0,-560.0,1.0,0,Cash loans,F,N,Y,0,157500.0,315000.0,14004.0,315000.0,Unaccompanied,Pensioner,Secondary / secondary special,Separated,House / apartment,0.0105,-22773,365243,-409.0,-4962,,1,0,0,1,0,0,,1.0,3,3,SUNDAY,10,0,0,0,0,0,0,XNA,,0.4658542160652216,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1027.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1824382,208975,Cash loans,25153.11,450000.0,593653.5,,450000.0,THURSDAY,9,Y,1,,,,XNA,Approved,-229,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-199.0,851.0,365243.0,365243.0,1.0,0,Cash loans,M,Y,Y,2,180000.0,1546020.0,42642.0,1350000.0,Family,Commercial associate,Secondary / secondary special,Married,House / apartment,0.00496,-12410,-3890,-4311.0,-4325,8.0,1,1,0,1,0,0,Laborers,4.0,2,2,TUESDAY,9,0,0,0,1,1,1,Housing,0.15744931201201925,0.5586420248212867,0.7530673920730478,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1641.0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2432960,430237,Cash loans,22978.89,454500.0,508495.5,,454500.0,THURSDAY,14,Y,1,,,,XNA,Approved,-579,Cash through the bank,XAP,,Refreshed,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,36.0,middle,Cash X-Sell: middle,365243.0,-549.0,501.0,-369.0,-366.0,1.0,0,Cash loans,M,Y,Y,0,157500.0,584766.0,28260.0,472500.0,Unaccompanied,Working,Secondary / secondary special,Civil marriage,House / apartment,0.009175,-16495,-282,-5941.0,-53,7.0,1,1,1,1,1,0,,2.0,2,2,TUESDAY,17,0,0,0,0,0,0,Restaurant,,0.7088758643589249,0.3893387918468769,0.1335,0.1113,0.9816,,,0.14,0.1207,0.3333,,0.0572,,0.1359,,0.0,0.0777,0.0442,0.9816,,,0.0806,0.069,0.3333,,0.0526,,0.0813,,0.0,0.1348,0.1113,0.9816,,,0.14,0.1207,0.3333,,0.0582,,0.1383,,0.0,,block of flats,0.1723,Panel,No,1.0,0.0,1.0,0.0,-2526.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2354786,139460,Cash loans,78947.73,1170000.0,1220967.0,,1170000.0,WEDNESDAY,15,Y,1,,,,XNA,Approved,-827,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,18.0,low_action,Cash X-Sell: low,365243.0,-796.0,-286.0,-556.0,-550.0,0.0,0,Cash loans,F,N,Y,0,180000.0,631332.0,33763.5,585000.0,Family,Pensioner,Secondary / secondary special,Married,House / apartment,0.010966,-23269,365243,-12746.0,-4489,,1,0,0,1,1,0,,2.0,2,2,THURSDAY,13,0,0,0,0,0,0,XNA,0.8299585439912689,0.6181353065655749,0.6161216908872079,0.0959,0.0287,0.9771,0.6872,0.013,0.0,0.2069,0.1667,0.2083,0.1192,0.0765,0.0813,0.0077,0.0383,0.0977,0.0298,0.9772,0.6994,0.0131,0.0,0.2069,0.1667,0.2083,0.122,0.0836,0.0848,0.0078,0.0406,0.0968,0.0287,0.9771,0.6914,0.0131,0.0,0.2069,0.1667,0.2083,0.1213,0.0778,0.0828,0.0078,0.0391,reg oper spec account,block of flats,0.0794,"Stone, brick",No,0.0,0.0,0.0,0.0,-2616.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,1.0,0.0,3.0 +1955375,286238,Cash loans,,0.0,0.0,,,MONDAY,16,Y,1,,,,XNA,Refused,-189,XNA,HC,,Repeater,XNA,XNA,XNA,Credit and cash offices,0,XNA,,XNA,Cash,,,,,,,0,Cash loans,F,N,N,0,121500.0,247275.0,17716.5,225000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,Municipal apartment,0.02461,-24113,365243,-14292.0,-4122,,1,0,0,1,1,0,,2.0,2,2,MONDAY,16,0,0,0,0,0,0,XNA,,0.6345056641496861,0.2793353208976285,0.2227,0.0,0.9801,0.728,0.0441,0.24,0.2069,0.3333,0.375,0.1624,0.1816,0.2259,0.0,0.0,0.2269,0.0,0.9801,0.7387,0.0445,0.2417,0.2069,0.3333,0.375,0.1661,0.1983,0.2354,0.0,0.0,0.2248,0.0,0.9801,0.7316,0.0444,0.24,0.2069,0.3333,0.375,0.1653,0.1847,0.23,0.0,0.0,,block of flats,0.2374,Panel,No,1.0,0.0,1.0,0.0,-2715.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,5.0 +2719852,345579,Cash loans,15425.82,225000.0,303358.5,,225000.0,FRIDAY,10,Y,1,,,,XNA,Approved,-1242,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,30.0,middle,Cash X-Sell: middle,365243.0,-1212.0,-342.0,-972.0,-966.0,1.0,0,Cash loans,M,N,Y,0,90000.0,98910.0,7164.0,90000.0,Unaccompanied,State servant,Secondary / secondary special,Separated,House / apartment,0.00702,-19360,-864,-4056.0,-2867,,1,1,0,1,0,0,Cleaning staff,1.0,2,2,MONDAY,12,0,0,0,0,0,0,Government,,0.5691655571782801,0.7662336700704004,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,3.0,1.0,3.0,0.0,-2126.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,1.0,0.0,0.0,1.0 +2050888,229882,Consumer loans,13462.065,168255.0,117778.5,50476.5,168255.0,FRIDAY,19,Y,1,0.3267272727272727,,,XAP,Approved,-2643,Cash through the bank,XAP,Other_A,New,Computers,POS,XNA,Country-wide,2203,Consumer electronics,10.0,middle,POS household without interest,365243.0,-2610.0,-2340.0,-2340.0,-2333.0,0.0,0,Cash loans,F,N,Y,0,292500.0,1214100.0,67923.0,1125000.0,Family,State servant,Higher education,Single / not married,House / apartment,0.04622,-12491,-4068,-6515.0,-4550,,1,1,0,1,0,0,Core staff,1.0,1,1,TUESDAY,13,0,0,0,0,0,0,Government,0.6979630658909474,0.6219630278992776,0.7981372313187245,0.2227,0.2274,0.9811,0.7416,0.1103,0.24,0.2069,0.3333,0.375,0.0317,0.1807,0.134,0.0039,0.1544,0.2269,0.236,0.9811,0.7517,0.1113,0.2417,0.2069,0.3333,0.375,0.0324,0.1974,0.1396,0.0039,0.1635,0.2248,0.2274,0.9811,0.7451,0.111,0.24,0.2069,0.3333,0.375,0.0322,0.1838,0.1364,0.0039,0.1577,reg oper account,block of flats,0.1992,Panel,No,0.0,0.0,0.0,0.0,-2103.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +1883185,418537,Cash loans,10751.985,90000.0,95940.0,0.0,90000.0,FRIDAY,10,Y,1,0.0,,,XNA,Approved,-2199,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,12.0,high,Cash Street: high,365243.0,-2169.0,-1839.0,-1839.0,-1833.0,1.0,0,Cash loans,F,N,Y,1,391500.0,225000.0,17905.5,225000.0,Unaccompanied,Working,Higher education,Married,Office apartment,0.072508,-18790,-827,-2852.0,-2326,,1,1,0,1,0,1,,3.0,1,1,SATURDAY,14,0,0,0,0,0,0,Business Entity Type 3,,0.7191983250022063,0.3108182544189319,0.1216,0.0954,0.9722,0.6192,,0.1,0.1379,0.2292,0.2708,0.0,0.0941,0.0862,0.0232,0.1176,0.063,0.026,0.9722,0.6341,,0.0,0.1034,0.1667,0.2083,0.0,0.0542,0.0314,0.0039,0.0004,0.1228,0.0954,0.9722,0.6243,,0.1,0.1379,0.2292,0.2708,0.0,0.0958,0.0878,0.0233,0.1201,,block of flats,0.2227,"Stone, brick",No,3.0,0.0,3.0,0.0,-617.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,2.0,2.0,2.0 +1578961,409075,Cash loans,69256.035,2250000.0,2620377.0,,2250000.0,WEDNESDAY,17,Y,1,,,,XNA,Refused,-1152,Cash through the bank,LIMIT,Unaccompanied,Repeater,XNA,Cash,walk-in,Credit and cash offices,-1,XNA,60.0,low_action,Cash Street: low,,,,,,,0,Cash loans,M,N,Y,0,342000.0,273636.0,15835.5,247500.0,Unaccompanied,Commercial associate,Incomplete higher,Single / not married,House / apartment,0.072508,-11111,-138,-5465.0,-3089,,1,1,0,1,0,0,Core staff,1.0,1,1,SUNDAY,16,0,0,0,0,0,0,Business Entity Type 2,0.264508192408203,0.753367495995059,0.7517237147741489,0.2959,0.1875,0.9786,0.7076,0.043,0.32,0.2759,0.3333,0.375,0.0,0.2412,0.2784,0.0,0.0,0.3015,0.1946,0.9786,0.7190000000000001,0.0434,0.3222,0.2759,0.3333,0.375,0.0,0.2635,0.29,0.0,0.0,0.2987,0.1875,0.9786,0.7115,0.0433,0.32,0.2759,0.3333,0.375,0.0,0.2454,0.2834,0.0,0.0,,block of flats,0.2189,Panel,No,0.0,0.0,0.0,0.0,-1857.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,4.0 +1636646,344031,Cash loans,21213.45,157500.0,191020.5,,157500.0,FRIDAY,13,Y,1,,,,XNA,Approved,-1022,Cash through the bank,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,12.0,high,Cash X-Sell: high,365243.0,-992.0,-662.0,-662.0,-642.0,1.0,0,Cash loans,F,Y,N,2,144000.0,505066.5,51880.5,468000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.008473999999999999,-13596,-371,-522.0,-527,27.0,1,1,0,1,0,0,Laborers,4.0,2,2,FRIDAY,12,0,0,0,1,1,0,Trade: type 7,,0.512004878649161,0.35895122857839673,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-2367.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 +2328654,262361,Cash loans,47258.82,1026000.0,1115383.5,,1026000.0,THURSDAY,13,Y,1,,,,XNA,Approved,-200,XNA,XAP,Unaccompanied,Repeater,XNA,Cash,x-sell,Contact center,-1,XNA,36.0,low_normal,Cash X-Sell: low,365243.0,-170.0,880.0,-110.0,-108.0,1.0,0,Revolving loans,F,Y,Y,2,180000.0,810000.0,40500.0,810000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.0228,-20047,-545,-7054.0,-3543,7.0,1,1,0,1,0,0,Laborers,4.0,2,2,WEDNESDAY,14,0,0,0,0,1,1,Business Entity Type 3,0.8449345554320097,0.6464337262098849,0.5370699579791587,0.0825,0.118,0.9806,0.728,0.0161,0.0,0.2069,0.1667,0.2083,0.0441,0.0672,0.0824,0.0,0.0,0.084,0.1224,0.9806,0.7387,0.0163,0.0,0.2069,0.1667,0.2083,0.0451,0.0735,0.0858,0.0,0.0,0.0833,0.118,0.9806,0.7316,0.0162,0.0,0.2069,0.1667,0.2083,0.0448,0.0684,0.0839,0.0,0.0,reg oper account,block of flats,0.0648,"Stone, brick",No,0.0,0.0,0.0,0.0,-669.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,2.0 diff --git a/model-selection.ipynb b/model-selection.ipynb index a60b9c3..7ce7c80 100644 --- a/model-selection.ipynb +++ b/model-selection.ipynb @@ -52,14 +52,11 @@ "metadata": {}, "outputs": [], "source": [ - "#TODO: remove the nrows argument when done testing\n", - "#TODO: randomly select examples\n", - "df = pd.read_csv('database.csv', nrows=5000)[[\n", + "df = pd.read_csv('database.csv')[[\n", " 'NAME_CONTRACT_STATUS',\n", " 'CODE_GENDER',\n", " 'FLAG_OWN_CAR',\n", " 'FLAG_OWN_REALTY',\n", - " 'CNT_CHILDREN',\n", " 'AMT_INCOME_TOTAL',\n", " 'AMT_CREDIT',\n", " 'NAME_INCOME_TYPE',\n", @@ -69,10 +66,22 @@ " 'DAYS_BIRTH',\n", " 'DAYS_EMPLOYED',\n", " 'OCCUPATION_TYPE',\n", - " 'CNT_FAM_MEMBERS'\n", + " 'CNT_FAM_MEMBERS',\n", + " 'NAME_CLIENT_TYPE',\n", + " 'AMT_DOWN_PAYMENT',\n", + " 'NAME_TYPE_SUITE',\n", + " 'NAME_PAYMENT_TYPE'\n", "]]\n", "\n", - "df.head(10)" + "#drop rows with na values\n", + "df = df.dropna()\n", + "for col in df.columns:\n", + " df = df[df[col]!='XNA'].reset_index(drop=True)\n", + "\n", + "#shuffle the dataframe\n", + "df = df.sample(frac=1).reset_index(drop=True)\n", + "\n", + "df.head(6)" ] }, { @@ -169,8 +178,10 @@ "df_encoded = one_hot_encode(df_encoded, 'NAME_FAMILY_STATUS')\n", "df_encoded = one_hot_encode(df_encoded, 'NAME_HOUSING_TYPE')\n", "df_encoded = one_hot_encode(df_encoded, 'OCCUPATION_TYPE')\n", - "df_encoded = one_hot_encode(df_encoded, 'CNT_CHILDREN', prefix='CNT_CHILDREN_')\n", - "df_encoded = one_hot_encode(df_encoded, 'CNT_FAM_MEMBERS', prefix='CNT_CHILDREN_')\n", + "df_encoded = one_hot_encode(df_encoded, 'CNT_FAM_MEMBERS', prefix='CNT_FAM_MEM_')\n", + "df_encoded = one_hot_encode(df_encoded, 'NAME_CLIENT_TYPE')\n", + "df_encoded = one_hot_encode(df_encoded, 'NAME_TYPE_SUITE')\n", + "df_encoded = one_hot_encode(df_encoded, 'NAME_PAYMENT_TYPE')\n", "df_all_features = df_encoded\n", "\n", "#sanity check the dataframe before any work on it begins\n", @@ -209,15 +220,14 @@ " 'AMT_INCOME_TOTAL',\n", " 'AMT_CREDIT',\n", " 'DAYS_BIRTH',\n", - " 'DAYS_EMPLOYED'\n", + " 'DAYS_EMPLOYED',\n", + " 'AMT_DOWN_PAYMENT'\n", "]\n", "subframe = df_all_features[to_scale].copy()\n", - "scaler = preprocessing.StandardScaler().fit(subframe.values)\n", + "scaler = preprocessing.MinMaxScaler().fit(subframe.values)\n", "subframe = scaler.transform(subframe.values)\n", "df_all_features[to_scale] = subframe\n", - "df_final = df_all_features\n", - "\n", - "df_final.head(6)" + "df_final = df_all_features" ] }, { @@ -361,7 +371,10 @@ " prediction = self.get_best_prediction()\n", " print(f'Mean prediction: {np.round(np.mean(np.array(prediction)), 2)}')\n", " print(f'Training accuracy: {acc_train}')\n", - " print(f'Best test accuracy: {acc_test}')" + " print(f'Test accuracy: {acc_test}')\n", + " \n", + " def plot(self):\n", + " pass" ] }, { @@ -382,17 +395,6 @@ ] }, { - "source": [ - "### Tests comparing linear kernel instantiations with different C values" - ], - "cell_type": "markdown", - "metadata": {} - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": {}, - "outputs": [], "source": [ "svm_linear_tests = [\n", " Test(\n", @@ -408,20 +410,13 @@ "for test in svm_linear_tests:\n", " test.run()\n", " test.display()" - ] - }, - { - "source": [ - "### Tests comparing instantions of the RBF kernel with different C" ], - "cell_type": "markdown", - "metadata": {} - }, - { "cell_type": "code", - "execution_count": null, "metadata": {}, - "outputs": [], + "execution_count": null, + "outputs": [] + }, + { "source": [ "svm_rbf_tests = [\n", " Test(\n", @@ -437,22 +432,13 @@ "for test in svm_rbf_tests:\n", " test.run()\n", " test.display()" - ] - }, - { - "source": [ - "### Tests comparing different degrees of the polynomial kernel" ], - "cell_type": "markdown", - "metadata": {} - }, - { "cell_type": "code", + "metadata": {}, "execution_count": null, - "metadata": { - "tags": [] - }, - "outputs": [], + "outputs": [] + }, + { "source": [ "pairs = []\n", "for degree in range(1,6):\n", @@ -473,7 +459,13 @@ "for test in svm_poly_tests:\n", " test.run()\n", " test.display()" - ] + ], + "cell_type": "code", + "metadata": { + "tags": [] + }, + "execution_count": null, + "outputs": [] }, { "source": [ @@ -568,50 +560,125 @@ "metadata": {}, "outputs": [], "source": [ - "nn_basic_tests = [\n", + "nn_sgd_tests = [\n", + " Test(\n", + " name='NN using stochastic gradient descent and logistic activation with small ∆',\n", + " X=X,\n", + " y=y,\n", + " algorithm=MLPClassifier,\n", + " args={'solver': 'sgd', 'activation':'logistic', 'alpha': 1e-5, 'hidden_layer_sizes': (6,4,2), 'random_state': 52}\n", + " ),\n", + " Test(\n", + " name='NN using stochastic gradient descent and logistic activation with large ∆',\n", + " X=X,\n", + " y=y,\n", + " algorithm=MLPClassifier,\n", + " args={'solver': 'sgd', 'activation':'logistic', 'alpha': 10, 'hidden_layer_sizes': (6,4,2), 'random_state': 1245}\n", + " ),\n", " Test(\n", - " name='NN',\n", + " name='NN using stochastic gradient descent and relu activation with small ∆',\n", " X=X,\n", " y=y,\n", " algorithm=MLPClassifier,\n", - " args={'solver': 'lbfgs', 'alpha': 1e-5, 'hidden_layer_sizes': (5,2), 'random_state': 1}\n", + " args={'solver': 'sgd', 'activation':'relu', 'alpha': 1e-8, 'hidden_layer_sizes': (5,2), 'random_state': 734}\n", + " ),\n", + " Test(\n", + " name='NN using stochastic gradient descent and relu activation with large ∆',\n", + " X=X,\n", + " y=y,\n", + " algorithm=MLPClassifier,\n", + " args={'solver': 'sgd', 'activation':'relu', 'alpha': 1, 'hidden_layer_sizes': (5,2), 'random_state': 734}\n", " )\n", "]\n", "\n", - "for test in nn_basic_tests:\n", + "for test in nn_sgd_tests:\n", " test.run()\n", " test.display()" ] }, + { + "source": [ + "lambdas = [\n", + " 1e-4,\n", + " 1,\n", + " 1e2,\n", + "]\n", + "structures = [\n", + " (4,3),\n", + " (9,6),\n", + " (9,6,3),\n", + " (10,6),\n", + " (10,8,6,4,2)\n", + "]\n", + "pairs = []\n", + "for structure in structures:\n", + " for lmbda in lambdas:\n", + " pairs.append((structure, lmbda))\n", + "\n", + "nn_logistic_tests = [\n", + " Test(\n", + " name=f'NN with hidden layers of {structure} and with lmbda of {lmbda} and with activation of logistic function',\n", + " X=X,\n", + " y=y,\n", + " algorithm=MLPClassifier,\n", + " args={\n", + " 'solver': 'lbfgs',\n", + " 'alpha': lmbda,\n", + " 'activation': 'logistic',\n", + " 'hidden_layer_sizes': structure,\n", + " 'random_state': 1\n", + " }\n", + " )\n", + " for (structure, lmbda) in pairs\n", + "]\n", + "\n", + "for test in nn_logistic_tests:\n", + " test.run()\n", + " test.display()" + ], + "cell_type": "code", + "metadata": {}, + "execution_count": null, + "outputs": [] + }, { "cell_type": "code", "execution_count": null, "metadata": {}, "outputs": [], "source": [ - "#TODO:\n", - "#weight init\n", - "#regularization and lambda\n", - "#activation\n", - "nn_layer_tests = [\n", + "pairs = []\n", + "lambdas = [\n", + " 1e-4,\n", + " 1,\n", + " 1e2,\n", + "]\n", + "random_weights = [i*17 for i in range(1,7)]\n", + "\n", + "structure = (4,3) #best results in previous demo\n", + "\n", + "for rw in random_weights:\n", + " for lmbda in lambdas:\n", + " pairs.append((rw,lmbda))\n", + "\n", + "nn_relu_tests = [\n", " Test(\n", - " name=f'NN with hidden layers {structure}',\n", + " name=f'NN with hidden layers = {structure}; lmbda = {lmbda}; random weight seed = {rw}; activation = relu',\n", " X=X,\n", " y=y,\n", " algorithm=MLPClassifier,\n", - " args={'solver': 'lbfgs', 'alpha': 1e-5, 'hidden_layer_sizes': structure, 'random_state': 1}\n", + " args={\n", + " 'solver': 'lbfgs',\n", + " 'alpha': lmbda,\n", + " 'activation': 'relu',\n", + " 'hidden_layer_sizes': structure,\n", + " 'random_state': rw\n", + " }\n", " )\n", - " for structure in [\n", - " (6,4),\n", - " (6,4,2),\n", - " (10,8),\n", - " (10,8,6),\n", - " (10,8,6,4),\n", - " (20,16,10,8),\n", - " ]\n", + " for (rw, lmbda) in pairs\n", "]\n", "\n", - "for test in nn_layer_tests:\n", + "for test in nn_relu_tests:\n", " test.run()\n", " test.display()" ] diff --git a/test.csv b/test.csv new file mode 100644 index 0000000..50111a7 --- /dev/null +++ b/test.csv @@ -0,0 +1,10 @@ +SK_ID_PREV,SK_ID_CURR,NAME_CONTRACT_TYPE,AMT_ANNUITY,AMT_APPLICATION,AMT_CREDIT,AMT_DOWN_PAYMENT,AMT_GOODS_PRICE,WEEKDAY_APPR_PROCESS_START,HOUR_APPR_PROCESS_START,FLAG_LAST_APPL_PER_CONTRACT,NFLAG_LAST_APPL_IN_DAY,RATE_DOWN_PAYMENT,RATE_INTEREST_PRIMARY,RATE_INTEREST_PRIVILEGED,NAME_CASH_LOAN_PURPOSE,NAME_CONTRACT_STATUS,DAYS_DECISION,NAME_PAYMENT_TYPE,CODE_REJECT_REASON,NAME_TYPE_SUITE,NAME_CLIENT_TYPE,NAME_GOODS_CATEGORY,NAME_PORTFOLIO,NAME_PRODUCT_TYPE,CHANNEL_TYPE,SELLERPLACE_AREA,NAME_SELLER_INDUSTRY,CNT_PAYMENT,NAME_YIELD_GROUP,PRODUCT_COMBINATION,DAYS_FIRST_DRAWING,DAYS_FIRST_DUE,DAYS_LAST_DUE_1ST_VERSION,DAYS_LAST_DUE,DAYS_TERMINATION,NFLAG_INSURED_ON_APPROVAL,TARGET,NAME_CONTRACT_TYPE,CODE_GENDER,FLAG_OWN_CAR,FLAG_OWN_REALTY,CNT_CHILDREN,AMT_INCOME_TOTAL,AMT_CREDIT,AMT_ANNUITY,AMT_GOODS_PRICE,NAME_TYPE_SUITE,NAME_INCOME_TYPE,NAME_EDUCATION_TYPE,NAME_FAMILY_STATUS,NAME_HOUSING_TYPE,REGION_POPULATION_RELATIVE,DAYS_BIRTH,DAYS_EMPLOYED,DAYS_REGISTRATION,DAYS_ID_PUBLISH,OWN_CAR_AGE,FLAG_MOBIL,FLAG_EMP_PHONE,FLAG_WORK_PHONE,FLAG_CONT_MOBILE,FLAG_PHONE,FLAG_EMAIL,OCCUPATION_TYPE,CNT_FAM_MEMBERS,REGION_RATING_CLIENT,REGION_RATING_CLIENT_W_CITY,WEEKDAY_APPR_PROCESS_START,HOUR_APPR_PROCESS_START,REG_REGION_NOT_LIVE_REGION,REG_REGION_NOT_WORK_REGION,LIVE_REGION_NOT_WORK_REGION,REG_CITY_NOT_LIVE_CITY,REG_CITY_NOT_WORK_CITY,LIVE_CITY_NOT_WORK_CITY,ORGANIZATION_TYPE,EXT_SOURCE_1,EXT_SOURCE_2,EXT_SOURCE_3,APARTMENTS_AVG,BASEMENTAREA_AVG,YEARS_BEGINEXPLUATATION_AVG,YEARS_BUILD_AVG,COMMONAREA_AVG,ELEVATORS_AVG,ENTRANCES_AVG,FLOORSMAX_AVG,FLOORSMIN_AVG,LANDAREA_AVG,LIVINGAPARTMENTS_AVG,LIVINGAREA_AVG,NONLIVINGAPARTMENTS_AVG,NONLIVINGAREA_AVG,APARTMENTS_MODE,BASEMENTAREA_MODE,YEARS_BEGINEXPLUATATION_MODE,YEARS_BUILD_MODE,COMMONAREA_MODE,ELEVATORS_MODE,ENTRANCES_MODE,FLOORSMAX_MODE,FLOORSMIN_MODE,LANDAREA_MODE,LIVINGAPARTMENTS_MODE,LIVINGAREA_MODE,NONLIVINGAPARTMENTS_MODE,NONLIVINGAREA_MODE,APARTMENTS_MEDI,BASEMENTAREA_MEDI,YEARS_BEGINEXPLUATATION_MEDI,YEARS_BUILD_MEDI,COMMONAREA_MEDI,ELEVATORS_MEDI,ENTRANCES_MEDI,FLOORSMAX_MEDI,FLOORSMIN_MEDI,LANDAREA_MEDI,LIVINGAPARTMENTS_MEDI,LIVINGAREA_MEDI,NONLIVINGAPARTMENTS_MEDI,NONLIVINGAREA_MEDI,FONDKAPREMONT_MODE,HOUSETYPE_MODE,TOTALAREA_MODE,WALLSMATERIAL_MODE,EMERGENCYSTATE_MODE,OBS_30_CNT_SOCIAL_CIRCLE,DEF_30_CNT_SOCIAL_CIRCLE,OBS_60_CNT_SOCIAL_CIRCLE,DEF_60_CNT_SOCIAL_CIRCLE,DAYS_LAST_PHONE_CHANGE,FLAG_DOCUMENT_2,FLAG_DOCUMENT_3,FLAG_DOCUMENT_4,FLAG_DOCUMENT_5,FLAG_DOCUMENT_6,FLAG_DOCUMENT_7,FLAG_DOCUMENT_8,FLAG_DOCUMENT_9,FLAG_DOCUMENT_10,FLAG_DOCUMENT_11,FLAG_DOCUMENT_12,FLAG_DOCUMENT_13,FLAG_DOCUMENT_14,FLAG_DOCUMENT_15,FLAG_DOCUMENT_16,FLAG_DOCUMENT_17,FLAG_DOCUMENT_18,FLAG_DOCUMENT_19,FLAG_DOCUMENT_20,FLAG_DOCUMENT_21,AMT_REQ_CREDIT_BUREAU_HOUR,AMT_REQ_CREDIT_BUREAU_DAY,AMT_REQ_CREDIT_BUREAU_WEEK,AMT_REQ_CREDIT_BUREAU_MON,AMT_REQ_CREDIT_BUREAU_QRT,AMT_REQ_CREDIT_BUREAU_YEAR +2203764,205177,Cash loans,34423.11,450000.0,491580.0,,450000.0,WEDNESDAY,17,Y,1,,,,XNA,Approved,-880,Cash through the bank,XAP,Family,Repeater,XNA,Cash,x-sell,AP+ (Cash loan),5,XNA,24.0,high,Cash X-Sell: high,365243.0,-850.0,-160.0,-730.0,-720.0,1.0,0,Cash loans,F,N,Y,0,171000.0,513531.0,24835.5,459000.0,Unaccompanied,State servant,Secondary / secondary special,Married,House / apartment,0.006296,-14548,-1187,-4127.0,-4127,,1,1,1,1,0,0,Medicine staff,2.0,3,3,MONDAY,17,0,0,0,0,0,0,Medicine,,0.3856329909368508,0.08226850764912726,0.1021,0.0218,0.9801,0.728,,0.0,0.1379,0.1667,0.2083,0.0703,0.0504,0.0543,0.0,0.0819,0.063,0.0,0.9801,0.7387,,0.0,0.1379,0.1667,0.2083,0.0,0.0551,0.0383,0.0,0.0667,0.1218,0.0,0.9801,0.7316,,0.0,0.1379,0.1667,0.2083,0.0584,0.0513,0.0628,0.0,0.0835,reg oper account,specific housing,0.0426,"Stone, brick",No,0.0,0.0,0.0,0.0,-973.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +1326748,436731,Consumer loans,3360.555,32985.0,29700.0,3285.0,32985.0,WEDNESDAY,16,Y,1,0.10846335111000867,,,XAP,Approved,-778,Cash through the bank,XAP,,Repeater,Mobile,POS,XNA,Country-wide,30,Connectivity,12.0,high,POS mobile with interest,365243.0,-741.0,-411.0,-651.0,-648.0,0.0,0,Cash loans,F,Y,Y,1,175500.0,180000.0,8658.0,180000.0,Unaccompanied,State servant,Higher education,Married,House / apartment,0.031329,-11081,-3244,-5235.0,-3768,1.0,1,1,1,1,1,0,High skill tech staff,3.0,2,2,THURSDAY,10,0,0,0,0,0,0,Military,0.31428263291422065,0.4003631251882316,0.09322509537747448,0.1696,,0.9881,,,0.18,0.3448,0.1667,,,,0.1917,,0.0,0.0011,,0.9866,,,0.0,0.3448,0.0,,,,0.0016,,0.0,0.1712,,0.9881,,,0.18,0.3448,0.1667,,,,0.1952,,0.0,,terraced house,0.3004,Wooden,No,1.0,0.0,1.0,0.0,-2061.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0 +2241359,127285,Consumer loans,8586.18,48600.0,48600.0,0.0,48600.0,WEDNESDAY,9,Y,1,0.0,,,XAP,Approved,-495,Cash through the bank,XAP,,New,Consumer Electronics,POS,XNA,Country-wide,55,Consumer electronics,6.0,low_normal,POS household with interest,365243.0,-464.0,-314.0,-314.0,-309.0,0.0,0,Cash loans,F,N,Y,0,135000.0,270000.0,13261.5,270000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.01885,-12939,-629,-4052.0,-2769,,1,1,1,1,1,0,Sales staff,2.0,2,2,MONDAY,9,0,0,0,0,0,0,Services,0.5508546534278135,0.6142514125444297,0.6910212267577837,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,0.0,0.0,0.0,0.0,-495.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,1.0 +2356080,179766,Consumer loans,13201.245,196740.0,196740.0,0.0,196740.0,WEDNESDAY,12,Y,1,0.0,,,XAP,Approved,-264,XNA,XAP,Unaccompanied,Repeater,Furniture,POS,XNA,Stone,941,Furniture,18.0,low_normal,POS industry with interest,365243.0,-234.0,276.0,365243.0,365243.0,0.0,0,Cash loans,M,N,N,0,180000.0,373941.0,25591.5,346500.0,"Spouse, partner",Working,Secondary / secondary special,Married,Rented apartment,0.018029,-8945,-672,-2783.0,-1602,,1,1,0,1,0,0,Sales staff,2.0,3,3,MONDAY,10,0,0,0,1,1,0,Trade: type 2,0.1775760178567195,0.2156928703364792,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,2.0,0.0,2.0,0.0,-249.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1466735,292591,Cash loans,45269.19,724500.0,774229.5,,724500.0,THURSDAY,13,Y,1,,,,XNA,Refused,-564,Cash through the bank,HC,,Repeater,XNA,Cash,x-sell,Credit and cash offices,-1,XNA,24.0,middle,Cash X-Sell: middle,,,,,,,0,Cash loans,M,Y,N,0,225000.0,521280.0,26743.5,450000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.016612000000000002,-23919,365243,-12452.0,-4560,20.0,1,0,0,1,0,0,,2.0,2,2,MONDAY,17,0,0,0,0,0,0,XNA,0.6483478854203839,0.7712003763052938,0.7121551551910698,0.1031,0.1109,0.9767,,,0.0,0.2069,0.1667,,0.0413,,0.0922,,0.0099,0.105,0.1151,0.9767,,,0.0,0.2069,0.1667,,0.0422,,0.096,,0.0105,0.1041,0.1109,0.9767,,,0.0,0.2069,0.1667,,0.042,,0.0938,,0.0101,,block of flats,0.0847,"Stone, brick",No,0.0,0.0,0.0,0.0,-2986.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,8.0 +2036614,453205,Consumer loans,1685.34,40455.0,36166.5,4288.5,40455.0,SATURDAY,10,Y,1,0.11545090504601073,,,XAP,Refused,-2603,Cash through the bank,SCO,Family,New,XNA,POS,XNA,Country-wide,2024,Consumer electronics,24.0,low_action,POS household without interest,,,,,,,0,Cash loans,M,Y,N,1,225000.0,187704.0,12672.0,148500.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.018801,-15173,-3397,-241.0,-3644,11.0,1,1,0,1,0,0,Drivers,3.0,2,2,FRIDAY,13,0,0,0,0,1,1,Transport: type 4,,0.6703392694456355,0.7981372313187245,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,,1.0,0.0,1.0,0.0,-1395.0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +1287039,139148,Consumer loans,22298.04,127264.5,120582.0,12730.5,127264.5,MONDAY,14,Y,1,0.10400128883774457,,,XAP,Approved,-645,Cash through the bank,XAP,,New,Computers,POS,XNA,Regional / Local,91,Consumer electronics,6.0,middle,POS household with interest,365243.0,-610.0,-460.0,-490.0,-478.0,0.0,0,Cash loans,F,N,Y,1,90000.0,835380.0,40320.0,675000.0,Unaccompanied,Pensioner,Secondary / secondary special,Married,House / apartment,0.020713,-18834,365243,-3093.0,-2355,,1,0,0,1,0,0,,3.0,3,1,TUESDAY,9,0,0,0,0,0,0,XNA,,0.5992361907755953,,0.4412,0.2982,0.9826,,0.2996,0.48,0.4138,0.3333,,0.1675,0.3597,0.4669,,0.0083,0.4496,0.3094,0.9826,,0.3023,0.4834,0.4138,0.3333,,0.1713,0.393,0.4864,,0.0088,0.4455,0.2982,0.9826,,0.3015,0.48,0.4138,0.3333,,0.1704,0.366,0.4752,,0.0085,reg oper account,block of flats,0.369,Panel,No,0.0,0.0,0.0,0.0,-645.0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,,,, +1028290,230321,Consumer loans,3209.4,32971.5,30550.5,6597.0,32971.5,SATURDAY,17,Y,1,0.1934109355211717,,,XAP,Approved,-330,Cash through the bank,XAP,Unaccompanied,Repeater,Audio/Video,POS,XNA,Country-wide,800,Consumer electronics,12.0,middle,POS household with interest,365243.0,-300.0,30.0,365243.0,365243.0,1.0,0,Cash loans,M,N,N,0,135000.0,630000.0,30307.5,630000.0,Unaccompanied,Working,Secondary / secondary special,Married,House / apartment,0.031329,-9950,-146,-3525.0,-1352,,1,1,0,1,1,0,Laborers,2.0,2,2,SUNDAY,13,0,0,0,0,1,1,Industry: type 4,,0.5654188003060587,0.4329616670974407,0.0082,0.0,0.9583,0.4288,0.0014,0.0,0.069,0.0417,0.0833,,0.0067,0.0078,0.0,0.0,0.0084,0.0,0.9583,0.4512,0.0014,0.0,0.069,0.0417,0.0833,,0.0073,0.0082,0.0,0.0,0.0083,0.0,0.9583,0.4364,0.0014,0.0,0.069,0.0417,0.0833,,0.0068,0.008,0.0,0.0,reg oper account,block of flats,0.0062,Wooden,No,0.0,0.0,0.0,0.0,-1324.0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,2.0,6.0 +1360678,293334,Consumer loans,6378.75,112500.0,112500.0,0.0,112500.0,TUESDAY,12,Y,1,0.0,,,XAP,Approved,-789,XNA,XAP,Unaccompanied,Refreshed,Construction Materials,POS,XNA,Stone,10,Construction,24.0,middle,POS industry with interest,365243.0,-758.0,-68.0,-61.0,-56.0,0.0,0,Revolving loans,F,N,N,0,54000.0,135000.0,6750.0,135000.0,Unaccompanied,Pensioner,Secondary / secondary special,Widow,House / apartment,0.015221,-23154,365243,-9609.0,-4082,,1,0,0,1,0,0,,1.0,2,2,SUNDAY,10,0,0,0,0,0,0,XNA,,0.2622583692422573,0.4471785780453068,0.0124,0.0,0.9662,,,0.0,0.069,0.0417,,0.02,,0.0114,,0.0,0.0126,0.0,0.9662,,,0.0,0.069,0.0417,,0.0204,,0.0119,,0.0,0.0125,0.0,0.9662,,,0.0,0.069,0.0417,,0.0203,,0.0116,,0.0,,block of flats,0.0097,"Stone, brick",No,3.0,0.0,3.0,0.0,-1979.0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0.0,0.0,0.0,0.0,0.0,3.0